diff --git a/Final_v1.ipynb b/Final_v1.ipynb new file mode 100644 index 00000000..36af14c7 --- /dev/null +++ b/Final_v1.ipynb @@ -0,0 +1,1477 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 2, + "metadata": {}, + "outputs": [], + "source": [ + "import matplotlib.pyplot as plt\n", + "import matplotlib.image as mpimg\n", + "import numpy as np\n", + "from sklearn.linear_model import LogisticRegression\n", + "import pandas as pd\n", + "import seaborn as sns\n", + "import os\n", + "import time\n", + "import sys" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": { + "scrolled": true + }, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
GCSTotalAgeinYearsAgeInMonthClavNeck_0ClavNeck_1ClavNeck_92ClavTem_0ClavTem_1ClavTem_92Hema_0...Race_90SFxPalp_0SFxPalp_1SFxPalp_2SFxBasHem_0SFxBasHem_1SFxBasHem_92AgeTwoPlus_1AgeTwoPlus_2outcome
015161971000100...0100001010.0
1155640010011...0100001010.0
2151131001000...0100001100.0
3153461001001...0100001010.0
4154511001000...0100001010.0
\n", + "

5 rows × 204 columns

\n", + "
" + ], + "text/plain": [ + " GCSTotal AgeinYears AgeInMonth ClavNeck_0 ClavNeck_1 ClavNeck_92 \\\n", + "0 15 16 197 1 0 0 \n", + "1 15 5 64 0 0 1 \n", + "2 15 1 13 1 0 0 \n", + "3 15 3 46 1 0 0 \n", + "4 15 4 51 1 0 0 \n", + "\n", + " ClavTem_0 ClavTem_1 ClavTem_92 Hema_0 ... Race_90 SFxPalp_0 \\\n", + "0 0 1 0 0 ... 0 1 \n", + "1 0 0 1 1 ... 0 1 \n", + "2 1 0 0 0 ... 0 1 \n", + "3 1 0 0 1 ... 0 1 \n", + "4 1 0 0 0 ... 0 1 \n", + "\n", + " SFxPalp_1 SFxPalp_2 SFxBasHem_0 SFxBasHem_1 SFxBasHem_92 AgeTwoPlus_1 \\\n", + "0 0 0 0 0 1 0 \n", + "1 0 0 0 0 1 0 \n", + "2 0 0 0 0 1 1 \n", + "3 0 0 0 0 1 0 \n", + "4 0 0 0 0 1 0 \n", + "\n", + " AgeTwoPlus_2 outcome \n", + "0 1 0.0 \n", + "1 1 0.0 \n", + "2 0 0.0 \n", + "3 1 0.0 \n", + "4 1 0.0 \n", + "\n", + "[5 rows x 204 columns]" + ] + }, + "execution_count": 3, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "data = pd.read_csv(f\"rule-vetting/data/tbi_pecarn/raw/data_no_imputation.csv\")\n", + "data.head()" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "1289\n", + "48\n", + "12\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + ":12: UserWarning: Boolean Series key will be reindexed to match DataFrame index.\n", + " print(len(data[[x for x in data.columns if 'GCS' in x]][data['GCSTotal'] != new_data.sum(1)][new_data.sum(1) > 0]))\n", + ":13: UserWarning: Boolean Series key will be reindexed to match DataFrame index.\n", + " print(len(data[[x for x in data.columns if 'GCS' in x]][data['GCSTotal'] != new_data.sum(1)][data['outcome'] == 1]))\n" + ] + } + ], + "source": [ + "# 1289 entries have GCS Total scores that do no match their associated metrics. \n", + " # Of these, only 48 have any GCS scores provided at all and only 12 have a critical outcome\n", + "\n", + "gcs_scores = [(x, data[x]) for x in data.columns if 'GCS' in x and 'GCSGroup' not in x and x != 'GCSTotal']\n", + "\n", + "new_data = pd.DataFrame()\n", + "\n", + "for i in range(len(gcs_scores)):\n", + " new_data[gcs_scores[i][0]] = data[gcs_scores[i][0]] * int(gcs_scores[i][0].split('_')[1])\n", + "\n", + "print(len(data[[x for x in data.columns if 'GCS' in x]][data['GCSTotal'] != new_data.sum(1)]))\n", + "print(len(data[[x for x in data.columns if 'GCS' in x]][data['GCSTotal'] != new_data.sum(1)][new_data.sum(1) > 0]))\n", + "print(len(data[[x for x in data.columns if 'GCS' in x]][data['GCSTotal'] != new_data.sum(1)][data['outcome'] == 1]))\n", + "\n", + "data['GCSTotal'] = new_data.sum(1)" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [], + "source": [ + "# Omitting variables\n", + " # SFx/Font Bulg = Dr. Liu would already send to CT (not needed)\n", + " # Race, Ethnicity, Gender = beyond scope of this work\n", + " # AgeinYears = redundant w/ AgeinMonths\n", + " # GCSGroup_2 = always True\n", + " # InjMech = captured in High_Impact_InjSev\n", + " # Dizzy = large number of values missing\n", + " # OSI = obvious call?\n", + " \n", + "variables_to_omit = [x for x in list(data.columns) if 'SFx' in x or 'FontBulg' in x or 'Race' in x or x == 'AgeinYears'\n", + " or 'Ethnicity' in x or 'InjuryMech' in x or 'Gender' in x or 'OSI' in x or 'Dizzy' in x]\n", + "data = data.drop(variables_to_omit, axis = 1)\n", + "data = data[data['GCSTotal'] >= 14]\n", + "outcome = data['outcome']" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "# Scaling nonbinary columns\n", + " # Note: This may reduce interpretability and should probably not be used during actual modeling\n", + "nonbin_cols = [x for x in list(data.columns) if data[x].max() not in [0, 1] or data[x].min() not in [0,1]]\n", + "for x in nonbin_cols:\n", + " data[x] = data[x]/data[x].max()" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [], + "source": [ + "def model_stats (data):\n", + " total_patients = len(data)\n", + " total_critical = round(sum(data['Outcome']))\n", + " correct_recs = len(data[(data['Outcome'] == data['Prediction'])])\n", + " correct_CTs = len(data[(data['Outcome'] == data['Prediction']) & (data['Outcome'] == 1)])\n", + " false_negatives = len(data[(data['Outcome'] != data['Prediction']) & (data['Outcome'] == 1)])\n", + " false_positives = len(data[(data['Outcome'] != data['Prediction']) & (data['Outcome'] == 0)])\n", + " total_CTs = sum(data['Prediction'])\n", + " return {'Total Patients': total_patients, 'Total Critical Outcomes': total_critical,\n", + " 'Correct Recommendations': correct_recs, 'Total Recommended CTs': total_CTs, \n", + " 'Correct CTs': correct_CTs, 'Missed CTs': false_negatives,\n", + " 'Accuracy': correct_recs / total_patients, 'Sensitivity': correct_CTs / (correct_CTs + false_negatives),\n", + " 'NPV': (correct_recs - correct_CTs) / (correct_recs - correct_CTs + false_negatives),\n", + " 'Specificity': (correct_recs - correct_CTs) / (correct_recs - correct_CTs + total_CTs - correct_CTs)}\n", + "\n", + "def model_check(data, outcome, intercept, coef, cols, threshold = 0.005):\n", + " rhs = np.exp(model.intercept_ + sum([coef[i] * data[cols[i]] \n", + " for i in range(len(cols))]))\n", + "\n", + " prob = rhs/(1 + rhs)\n", + "\n", + " check = data.copy()\n", + " \n", + " check['Prediction']= np.where(prob <= threshold, 0, 1)\n", + "# data['Prediction'] = prob\n", + " check['Outcome'] = outcome\n", + " \n", + " return(check, model_stats(check))" + ] + }, + { + "cell_type": "code", + "execution_count": 8, + "metadata": {}, + "outputs": [], + "source": [ + "# Splitting up the data into easily interpretable categories for mixing and matching in models\n", + "demographics = ['AgeInMonth', 'AgeinYears', 'AgeTwoPlus', 'Gender', 'Ethnicity', 'Race']\n", + "hospitalStats = ['PatNum', 'EmplType', 'Certification']\n", + "symptoms = ['InjuryMech', 'High_impact_InjSev', 'Amnesia_verb', 'LocLen', 'Seiz', 'SeizOccur', 'SeizLen', 'ActNorm',\n", + " 'HA_verb', 'HASeverity', 'HAStart', 'Vomit', 'VomitNbr', 'VomitStart', 'VomitLast', 'Dizzy', 'GCSEye',\n", + " 'GCSVerbal', 'GCSMotor', 'GCSTotal', 'GCSGroup', 'AMS', 'AMSAgitated', 'AMSSleep', 'AMSSlow', \n", + " 'AMSRepeat', 'AMSOth', 'SFxPalp', 'SFxPalpDepress', 'FontBulg', 'SFxBas', 'SFxBasHem', 'SFxBasOto',\n", + " 'SFxBasPer', 'SFxBasRet', 'SFxBasRhi', 'Hema', 'HemaLoc', 'HemaSize', 'Clav', 'ClavFace', 'ClavNeck',\n", + " 'ClavFro', 'ClavOcc', 'ClavTem', 'NeuroD', 'NeuroDMotor', 'NeuroDSensory', 'NeuroDCranial', \n", + " 'NeuroDReflex', 'NeuroDOth', 'OSI', 'OSIExtremity', 'OSICut', 'OSICspine', 'OSIFlank', 'OSIAbdomen',\n", + " 'OSIPelvis', 'OSIOth', 'Drugs', 'LOCSeparate']\n", + "hospitalActions = ['Intubated', 'Paralyzed', 'Sedated', 'CTForm1', 'IndAge', 'IndAmnesia', 'IndAMS', 'IndClinSFx',\n", + " 'IndHA', 'IndHema', 'IndLOC', 'IndMech', 'IndNeuroD', 'IndRqstMD', 'IndRqstParent',\n", + " 'IndRqstTrauma', 'IndSeiz', 'IndVomit', 'IndXraySFx', 'IndOth', 'CTSed', 'CTSedAgitate',\n", + " 'CTSedAge', 'CTSedRqst', 'CTSedOth', 'Observed', 'EDDisposition', 'CTDone', 'EDCT']\n", + "outcomes = ['PosCT', 'Finding1', 'Finding2', 'Finding3', 'Finding4', 'Finding5', 'Finding6', 'Finding7',\n", + " 'Finding8', 'Finding9', 'Finding10', 'Finding11', 'Finding12', 'Finding13', 'Finding14', 'Finding20', \n", + " 'Finding21', 'Finding22', 'Finding23', 'DeathTBI', 'HospHead', 'HospHeadPosCT', 'Intub24Head', \n", + " 'Neurosurgery', 'PosIntFinal']" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Total samples: 41124\n", + "Percent of patients with ciTBIs: 0.89%\n" + ] + } + ], + "source": [ + "# Subset columns, keeping only demographics, symptoms, and the outcome\n", + "subset = []\n", + "subset.extend(demographics)\n", + "subset.extend(symptoms)\n", + "subset.extend(['outcome'])\n", + "binary_subset = sorted(list(set([y for x in subset for y in list(data.columns) if x.lower() in y.lower()])))\n", + "subset_mapping = {x:sorted(list(set([y for y in list(data.columns) if x.lower() == y.rsplit('_',1)[0].lower()]))) \n", + " for x in subset}\n", + "data = data[binary_subset]\n", + "\n", + "print(f\"Total samples: {len(outcome)}\\nPercent of patients with ciTBIs: {round(100*sum(outcome)/len(outcome), 2)}%\")" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
\n", + "\n", + "\n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + " \n", + "
VariableFrequency
0AgeInMonth0.3550
1AgeTwoPlus100.0000
2High_impact_InjSev99.2705
3Amnesia_verb44.0692
4LocLen9.4811
5Seiz1.1794
6SeizOccur1.0578
7SeizLen1.0018
8ActNorm78.3338
9HA_verb61.8665
10HASeverity27.7867
11HAStart27.1180
12Vomit13.1918
13VomitNbr12.5961
14VomitStart12.3334
15VomitLast11.0836
16GCSEye100.0000
17GCSVerbal100.0000
18GCSMotor100.0000
19GCSTotal96.7975
20GCSGroup100.0000
21AMS12.9535
22AMSAgitated1.7678
23AMSSleep6.6749
24AMSSlow3.2414
25AMSRepeat1.0383
26AMSOth1.7921
27Hema39.4830
28HemaLoc39.0186
29HemaSize37.8441
30Clav64.2155
31ClavFace30.1016
32ClavNeck1.3715
33ClavFro20.4893
34ClavOcc9.6562
35ClavTem3.4141
36NeuroD1.2936
37NeuroDMotor0.2796
38NeuroDSensory0.2553
39NeuroDCranial0.1897
40NeuroDReflex0.0292
41NeuroDOth0.7149
42Drugs0.8705
43LOCSeparate14.9159
44outcome0.8851
\n", + "
" + ], + "text/plain": [ + " Variable Frequency\n", + "0 AgeInMonth 0.3550\n", + "1 AgeTwoPlus 100.0000\n", + "2 High_impact_InjSev 99.2705\n", + "3 Amnesia_verb 44.0692\n", + "4 LocLen 9.4811\n", + "5 Seiz 1.1794\n", + "6 SeizOccur 1.0578\n", + "7 SeizLen 1.0018\n", + "8 ActNorm 78.3338\n", + "9 HA_verb 61.8665\n", + "10 HASeverity 27.7867\n", + "11 HAStart 27.1180\n", + "12 Vomit 13.1918\n", + "13 VomitNbr 12.5961\n", + "14 VomitStart 12.3334\n", + "15 VomitLast 11.0836\n", + "16 GCSEye 100.0000\n", + "17 GCSVerbal 100.0000\n", + "18 GCSMotor 100.0000\n", + "19 GCSTotal 96.7975\n", + "20 GCSGroup 100.0000\n", + "21 AMS 12.9535\n", + "22 AMSAgitated 1.7678\n", + "23 AMSSleep 6.6749\n", + "24 AMSSlow 3.2414\n", + "25 AMSRepeat 1.0383\n", + "26 AMSOth 1.7921\n", + "27 Hema 39.4830\n", + "28 HemaLoc 39.0186\n", + "29 HemaSize 37.8441\n", + "30 Clav 64.2155\n", + "31 ClavFace 30.1016\n", + "32 ClavNeck 1.3715\n", + "33 ClavFro 20.4893\n", + "34 ClavOcc 9.6562\n", + "35 ClavTem 3.4141\n", + "36 NeuroD 1.2936\n", + "37 NeuroDMotor 0.2796\n", + "38 NeuroDSensory 0.2553\n", + "39 NeuroDCranial 0.1897\n", + "40 NeuroDReflex 0.0292\n", + "41 NeuroDOth 0.7149\n", + "42 Drugs 0.8705\n", + "43 LOCSeparate 14.9159\n", + "44 outcome 0.8851" + ] + }, + "execution_count": 10, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# 90 = other\n", + "# 91 = pre-verbal (cannot communicate)\n", + "# 92 = not applicable\n", + "# 0 not used for AgeTwoPlus\n", + "\n", + "variables = []\n", + "frequency = []\n", + "\n", + "for x in list(subset_mapping.keys()):\n", + " if subset_mapping[x] != []:\n", + " cols = [col for col in subset_mapping[x] if '0' not in col and '92' not in col]\n", + " variables.append(x)\n", + " frequency.append(round(data[cols].eq(1).any(1).mean() * 100, 4))\n", + " \n", + "pd.DataFrame({'Variable': variables, 'Frequency': frequency})" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [], + "source": [ + "from sklearn.linear_model import LogisticRegression\n", + "from sklearn.feature_selection import SelectFromModel\n", + "from warnings import simplefilter\n", + "from sklearn.exceptions import ConvergenceWarning\n", + "simplefilter(\"ignore\", category=ConvergenceWarning)\n", + "import numpy as np\n", + "np.random.seed(1)\n", + "\n", + "# Create random training and test splits\n", + "n = data.shape[0]\n", + "train_size = round(0.8 * n)\n", + "test_size = n - train_size\n", + "train_indices = np.random.choice(n, train_size, replace = False)\n", + "test_indices = list(set(np.arange(n)) - set(train_indices))\n", + "train = data.iloc[train_indices]\n", + "test = data.iloc[test_indices]\n", + "y_train = train.outcome\n", + "y_test = test.outcome\n", + "train = train.drop(['outcome'], axis = 1)\n", + "test = test.drop(['outcome'], axis = 1)\n", + "data = data.drop(['outcome'], axis = 1)" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "ERROR:root:Internal Python error in the inspect module.\n", + "Below is the traceback from this internal error.\n", + "\n", + "ERROR:root:Internal Python error in the inspect module.\n", + "Below is the traceback from this internal error.\n", + "\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Traceback (most recent call last):\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\interactiveshell.py\", line 3418, in run_code\n", + " exec(code_obj, self.user_global_ns, self.user_ns)\n", + " File \"\", line 3, in \n", + " low_iter_model = LogisticRegression(random_state=0, class_weight= 'balanced', max_iter = 100).fit(train, y_train)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\sklearn\\linear_model\\_logistic.py\", line 1406, in fit\n", + " fold_coefs_ = Parallel(n_jobs=self.n_jobs, verbose=self.verbose,\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\parallel.py\", line 1041, in __call__\n", + " if self.dispatch_one_batch(iterator):\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\parallel.py\", line 859, in dispatch_one_batch\n", + " self._dispatch(tasks)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\parallel.py\", line 777, in _dispatch\n", + " job = self._backend.apply_async(batch, callback=cb)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\_parallel_backends.py\", line 208, in apply_async\n", + " result = ImmediateResult(func)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\_parallel_backends.py\", line 572, in __init__\n", + " self.results = batch()\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\parallel.py\", line 262, in __call__\n", + " return [func(*args, **kwargs)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\parallel.py\", line 262, in \n", + " return [func(*args, **kwargs)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\sklearn\\utils\\fixes.py\", line 222, in __call__\n", + " return self.function(*args, **kwargs)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\sklearn\\linear_model\\_logistic.py\", line 758, in _logistic_regression_path\n", + " opt_res = optimize.minimize(\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\_minimize.py\", line 623, in minimize\n", + " return _minimize_lbfgsb(fun, x0, args, jac, bounds,\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\lbfgsb.py\", line 360, in _minimize_lbfgsb\n", + " f, g = func_and_grad(x)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\_differentiable_functions.py\", line 267, in fun_and_grad\n", + " self._update_fun()\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\_differentiable_functions.py\", line 233, in _update_fun\n", + " self._update_fun_impl()\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\_differentiable_functions.py\", line 137, in update_fun\n", + " self.f = fun_wrapped(self.x)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\_differentiable_functions.py\", line 134, in fun_wrapped\n", + " return fun(np.copy(x), *args)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\optimize.py\", line 74, in __call__\n", + " self._compute_if_needed(x, *args)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\optimize.py\", line 68, in _compute_if_needed\n", + " fg = self.fun(x, *args)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\sklearn\\linear_model\\_logistic.py\", line 132, in _logistic_loss_and_grad\n", + " grad[-1] = z0.sum()\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\numpy\\core\\_methods.py\", line 47, in _sum\n", + " return umr_sum(a, axis, dtype, out, keepdims, initial, where)\n", + "KeyboardInterrupt\n", + "\n", + "During handling of the above exception, another exception occurred:\n", + "\n", + "Traceback (most recent call last):\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\interactiveshell.py\", line 2045, in showtraceback\n", + " stb = value._render_traceback_()\n", + "AttributeError: 'KeyboardInterrupt' object has no attribute '_render_traceback_'\n", + "\n", + "During handling of the above exception, another exception occurred:\n", + "\n", + "Traceback (most recent call last):\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\", line 1170, in get_records\n", + " return _fixed_getinnerframes(etb, number_of_lines_of_context, tb_offset)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\", line 316, in wrapped\n", + " return f(*args, **kwargs)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\", line 350, in _fixed_getinnerframes\n", + " records = fix_frame_records_filenames(inspect.getinnerframes(etb, context))\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\inspect.py\", line 1529, in getinnerframes\n", + " frameinfo = (tb.tb_frame,) + getframeinfo(tb, context)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\inspect.py\", line 1487, in getframeinfo\n", + " filename = getsourcefile(frame) or getfile(frame)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\inspect.py\", line 709, in getsourcefile\n", + " if getattr(getmodule(object, filename), '__loader__', None) is not None:\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\inspect.py\", line 755, in getmodule\n", + " os.path.realpath(f)] = module.__name__\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\ntpath.py\", line 647, in realpath\n", + " path = _getfinalpathname(path)\n", + "KeyboardInterrupt\n", + "Traceback (most recent call last):\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\interactiveshell.py\", line 3418, in run_code\n", + " exec(code_obj, self.user_global_ns, self.user_ns)\n", + " File \"\", line 3, in \n", + " low_iter_model = LogisticRegression(random_state=0, class_weight= 'balanced', max_iter = 100).fit(train, y_train)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\sklearn\\linear_model\\_logistic.py\", line 1406, in fit\n", + " fold_coefs_ = Parallel(n_jobs=self.n_jobs, verbose=self.verbose,\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\parallel.py\", line 1041, in __call__\n", + " if self.dispatch_one_batch(iterator):\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\parallel.py\", line 859, in dispatch_one_batch\n", + " self._dispatch(tasks)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\parallel.py\", line 777, in _dispatch\n", + " job = self._backend.apply_async(batch, callback=cb)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\_parallel_backends.py\", line 208, in apply_async\n", + " result = ImmediateResult(func)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\_parallel_backends.py\", line 572, in __init__\n", + " self.results = batch()\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\parallel.py\", line 262, in __call__\n", + " return [func(*args, **kwargs)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\parallel.py\", line 262, in \n", + " return [func(*args, **kwargs)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\sklearn\\utils\\fixes.py\", line 222, in __call__\n", + " return self.function(*args, **kwargs)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\sklearn\\linear_model\\_logistic.py\", line 758, in _logistic_regression_path\n", + " opt_res = optimize.minimize(\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\_minimize.py\", line 623, in minimize\n", + " return _minimize_lbfgsb(fun, x0, args, jac, bounds,\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\lbfgsb.py\", line 360, in _minimize_lbfgsb\n", + " f, g = func_and_grad(x)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\_differentiable_functions.py\", line 267, in fun_and_grad\n", + " self._update_fun()\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\_differentiable_functions.py\", line 233, in _update_fun\n", + " self._update_fun_impl()\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\_differentiable_functions.py\", line 137, in update_fun\n", + " self.f = fun_wrapped(self.x)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\_differentiable_functions.py\", line 134, in fun_wrapped\n", + " return fun(np.copy(x), *args)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\optimize.py\", line 74, in __call__\n", + " self._compute_if_needed(x, *args)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\optimize.py\", line 68, in _compute_if_needed\n", + " fg = self.fun(x, *args)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\sklearn\\linear_model\\_logistic.py\", line 132, in _logistic_loss_and_grad\n", + " grad[-1] = z0.sum()\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\numpy\\core\\_methods.py\", line 47, in _sum\n", + " return umr_sum(a, axis, dtype, out, keepdims, initial, where)\n", + "KeyboardInterrupt\n", + "\n", + "During handling of the above exception, another exception occurred:\n", + "\n", + "Traceback (most recent call last):\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\interactiveshell.py\", line 2045, in showtraceback\n", + " stb = value._render_traceback_()\n", + "AttributeError: 'KeyboardInterrupt' object has no attribute '_render_traceback_'\n", + "\n", + "During handling of the above exception, another exception occurred:\n", + "\n", + "Traceback (most recent call last):\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\interactiveshell.py\", line 3338, in run_ast_nodes\n", + " if (await self.run_code(code, result, async_=asy)):\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\interactiveshell.py\", line 3435, in run_code\n", + " self.showtraceback(running_compiled_code=True)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\interactiveshell.py\", line 2047, in showtraceback\n", + " stb = self.InteractiveTB.structured_traceback(etype,\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\", line 1436, in structured_traceback\n", + " return FormattedTB.structured_traceback(\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\", line 1336, in structured_traceback\n", + " return VerboseTB.structured_traceback(\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\", line 1193, in structured_traceback\n", + " formatted_exception = self.format_exception_as_a_whole(etype, evalue, etb, number_of_lines_of_context,\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\", line 1151, in format_exception_as_a_whole\n", + " last_unique, recursion_repeat = find_recursion(orig_etype, evalue, records)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\", line 451, in find_recursion\n", + " return len(records), 0\n", + "TypeError: object of type 'NoneType' has no len()\n", + "\n", + "During handling of the above exception, another exception occurred:\n", + "\n", + "Traceback (most recent call last):\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\interactiveshell.py\", line 2045, in showtraceback\n", + " stb = value._render_traceback_()\n", + "AttributeError: 'TypeError' object has no attribute '_render_traceback_'\n", + "\n", + "During handling of the above exception, another exception occurred:\n", + "\n", + "Traceback (most recent call last):\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\", line 1170, in get_records\n", + " return _fixed_getinnerframes(etb, number_of_lines_of_context, tb_offset)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\", line 316, in wrapped\n", + " return f(*args, **kwargs)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\", line 350, in _fixed_getinnerframes\n", + " records = fix_frame_records_filenames(inspect.getinnerframes(etb, context))\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\inspect.py\", line 1529, in getinnerframes\n", + " frameinfo = (tb.tb_frame,) + getframeinfo(tb, context)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\inspect.py\", line 1487, in getframeinfo\n", + " filename = getsourcefile(frame) or getfile(frame)\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\inspect.py\", line 709, in getsourcefile\n", + " if getattr(getmodule(object, filename), '__loader__', None) is not None:\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\inspect.py\", line 755, in getmodule\n", + " os.path.realpath(f)] = module.__name__\n", + " File \"c:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\ntpath.py\", line 664, in realpath\n", + " if _getfinalpathname(spath) == path:\n", + "KeyboardInterrupt\n" + ] + }, + { + "ename": "TypeError", + "evalue": "object of type 'NoneType' has no len()", + "output_type": "error", + "traceback": [ + "\u001b[1;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[1;31mKeyboardInterrupt\u001b[0m Traceback (most recent call last)", + " \u001b[1;31m[... skipping hidden 1 frame]\u001b[0m\n", + "\u001b[1;32m\u001b[0m in \u001b[0;36m\u001b[1;34m\u001b[0m\n\u001b[0;32m 2\u001b[0m \u001b[1;31m# Demonstrates that only small accuracy gained by more iteration, but significance of variables unchanged\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m----> 3\u001b[1;33m \u001b[0mlow_iter_model\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mLogisticRegression\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mrandom_state\u001b[0m\u001b[1;33m=\u001b[0m\u001b[1;36m0\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mclass_weight\u001b[0m\u001b[1;33m=\u001b[0m \u001b[1;34m'balanced'\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mmax_iter\u001b[0m \u001b[1;33m=\u001b[0m \u001b[1;36m100\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mfit\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mtrain\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0my_train\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 4\u001b[0m \u001b[0mhigh_iter_model\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mLogisticRegression\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mrandom_state\u001b[0m\u001b[1;33m=\u001b[0m\u001b[1;36m0\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mclass_weight\u001b[0m\u001b[1;33m=\u001b[0m \u001b[1;34m'balanced'\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mmax_iter\u001b[0m \u001b[1;33m=\u001b[0m \u001b[1;36m1000\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mfit\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mtrain\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0my_train\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\sklearn\\linear_model\\_logistic.py\u001b[0m in \u001b[0;36mfit\u001b[1;34m(self, X, y, sample_weight)\u001b[0m\n\u001b[0;32m 1405\u001b[0m \u001b[0mprefer\u001b[0m \u001b[1;33m=\u001b[0m \u001b[1;34m'processes'\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m-> 1406\u001b[1;33m fold_coefs_ = Parallel(n_jobs=self.n_jobs, verbose=self.verbose,\n\u001b[0m\u001b[0;32m 1407\u001b[0m \u001b[1;33m**\u001b[0m\u001b[0m_joblib_parallel_args\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mprefer\u001b[0m\u001b[1;33m=\u001b[0m\u001b[0mprefer\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\parallel.py\u001b[0m in \u001b[0;36m__call__\u001b[1;34m(self, iterable)\u001b[0m\n\u001b[0;32m 1040\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m_iterating\u001b[0m \u001b[1;33m=\u001b[0m \u001b[1;32mFalse\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m-> 1041\u001b[1;33m \u001b[1;32mif\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mdispatch_one_batch\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0miterator\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 1042\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m_iterating\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m_original_iterator\u001b[0m \u001b[1;32mis\u001b[0m \u001b[1;32mnot\u001b[0m \u001b[1;32mNone\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\parallel.py\u001b[0m in \u001b[0;36mdispatch_one_batch\u001b[1;34m(self, iterator)\u001b[0m\n\u001b[0;32m 858\u001b[0m \u001b[1;32melse\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m--> 859\u001b[1;33m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m_dispatch\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mtasks\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 860\u001b[0m \u001b[1;32mreturn\u001b[0m \u001b[1;32mTrue\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\parallel.py\u001b[0m in \u001b[0;36m_dispatch\u001b[1;34m(self, batch)\u001b[0m\n\u001b[0;32m 776\u001b[0m \u001b[0mjob_idx\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mlen\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m_jobs\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m--> 777\u001b[1;33m \u001b[0mjob\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m_backend\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mapply_async\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mbatch\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mcallback\u001b[0m\u001b[1;33m=\u001b[0m\u001b[0mcb\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 778\u001b[0m \u001b[1;31m# A job can complete so quickly than its callback is\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\_parallel_backends.py\u001b[0m in \u001b[0;36mapply_async\u001b[1;34m(self, func, callback)\u001b[0m\n\u001b[0;32m 207\u001b[0m \u001b[1;34m\"\"\"Schedule a func to be run\"\"\"\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m--> 208\u001b[1;33m \u001b[0mresult\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mImmediateResult\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mfunc\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 209\u001b[0m \u001b[1;32mif\u001b[0m \u001b[0mcallback\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\_parallel_backends.py\u001b[0m in \u001b[0;36m__init__\u001b[1;34m(self, batch)\u001b[0m\n\u001b[0;32m 571\u001b[0m \u001b[1;31m# arguments in memory\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m--> 572\u001b[1;33m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mresults\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mbatch\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 573\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\parallel.py\u001b[0m in \u001b[0;36m__call__\u001b[1;34m(self)\u001b[0m\n\u001b[0;32m 261\u001b[0m \u001b[1;32mwith\u001b[0m \u001b[0mparallel_backend\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m_backend\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mn_jobs\u001b[0m\u001b[1;33m=\u001b[0m\u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m_n_jobs\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m--> 262\u001b[1;33m return [func(*args, **kwargs)\n\u001b[0m\u001b[0;32m 263\u001b[0m for func, args, kwargs in self.items]\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\joblib\\parallel.py\u001b[0m in \u001b[0;36m\u001b[1;34m(.0)\u001b[0m\n\u001b[0;32m 261\u001b[0m \u001b[1;32mwith\u001b[0m \u001b[0mparallel_backend\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m_backend\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mn_jobs\u001b[0m\u001b[1;33m=\u001b[0m\u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m_n_jobs\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m--> 262\u001b[1;33m return [func(*args, **kwargs)\n\u001b[0m\u001b[0;32m 263\u001b[0m for func, args, kwargs in self.items]\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\sklearn\\utils\\fixes.py\u001b[0m in \u001b[0;36m__call__\u001b[1;34m(self, *args, **kwargs)\u001b[0m\n\u001b[0;32m 221\u001b[0m \u001b[1;32mwith\u001b[0m \u001b[0mconfig_context\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;33m**\u001b[0m\u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mconfig\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m--> 222\u001b[1;33m \u001b[1;32mreturn\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mfunction\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;33m*\u001b[0m\u001b[0margs\u001b[0m\u001b[1;33m,\u001b[0m \u001b[1;33m**\u001b[0m\u001b[0mkwargs\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\sklearn\\linear_model\\_logistic.py\u001b[0m in \u001b[0;36m_logistic_regression_path\u001b[1;34m(X, y, pos_class, Cs, fit_intercept, max_iter, tol, verbose, solver, coef, class_weight, dual, penalty, intercept_scaling, multi_class, random_state, check_input, max_squared_sum, sample_weight, l1_ratio)\u001b[0m\n\u001b[0;32m 757\u001b[0m np.searchsorted(np.array([0, 1, 2, 3]), verbose)]\n\u001b[1;32m--> 758\u001b[1;33m opt_res = optimize.minimize(\n\u001b[0m\u001b[0;32m 759\u001b[0m \u001b[0mfunc\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mw0\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mmethod\u001b[0m\u001b[1;33m=\u001b[0m\u001b[1;34m\"L-BFGS-B\"\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mjac\u001b[0m\u001b[1;33m=\u001b[0m\u001b[1;32mTrue\u001b[0m\u001b[1;33m,\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\_minimize.py\u001b[0m in \u001b[0;36mminimize\u001b[1;34m(fun, x0, args, method, jac, hess, hessp, bounds, constraints, tol, callback, options)\u001b[0m\n\u001b[0;32m 622\u001b[0m \u001b[1;32melif\u001b[0m \u001b[0mmeth\u001b[0m \u001b[1;33m==\u001b[0m \u001b[1;34m'l-bfgs-b'\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m--> 623\u001b[1;33m return _minimize_lbfgsb(fun, x0, args, jac, bounds,\n\u001b[0m\u001b[0;32m 624\u001b[0m callback=callback, **options)\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\lbfgsb.py\u001b[0m in \u001b[0;36m_minimize_lbfgsb\u001b[1;34m(fun, x0, args, jac, bounds, disp, maxcor, ftol, gtol, eps, maxfun, maxiter, iprint, callback, maxls, finite_diff_rel_step, **unknown_options)\u001b[0m\n\u001b[0;32m 359\u001b[0m \u001b[1;31m# Overwrite f and g:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m--> 360\u001b[1;33m \u001b[0mf\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mg\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mfunc_and_grad\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mx\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 361\u001b[0m \u001b[1;32melif\u001b[0m \u001b[0mtask_str\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mstartswith\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;34mb'NEW_X'\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\_differentiable_functions.py\u001b[0m in \u001b[0;36mfun_and_grad\u001b[1;34m(self, x)\u001b[0m\n\u001b[0;32m 266\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m_update_x_impl\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mx\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m--> 267\u001b[1;33m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m_update_fun\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 268\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m_update_grad\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\_differentiable_functions.py\u001b[0m in \u001b[0;36m_update_fun\u001b[1;34m(self)\u001b[0m\n\u001b[0;32m 232\u001b[0m \u001b[1;32mif\u001b[0m \u001b[1;32mnot\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mf_updated\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m--> 233\u001b[1;33m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m_update_fun_impl\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 234\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mf_updated\u001b[0m \u001b[1;33m=\u001b[0m \u001b[1;32mTrue\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\_differentiable_functions.py\u001b[0m in \u001b[0;36mupdate_fun\u001b[1;34m()\u001b[0m\n\u001b[0;32m 136\u001b[0m \u001b[1;32mdef\u001b[0m \u001b[0mupdate_fun\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m--> 137\u001b[1;33m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mf\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mfun_wrapped\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mx\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 138\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\_differentiable_functions.py\u001b[0m in \u001b[0;36mfun_wrapped\u001b[1;34m(x)\u001b[0m\n\u001b[0;32m 133\u001b[0m \u001b[1;31m# fun(self.x) will change self.x, with the two no longer linked.\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m--> 134\u001b[1;33m \u001b[1;32mreturn\u001b[0m \u001b[0mfun\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mnp\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mcopy\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mx\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m,\u001b[0m \u001b[1;33m*\u001b[0m\u001b[0margs\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 135\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\optimize.py\u001b[0m in \u001b[0;36m__call__\u001b[1;34m(self, x, *args)\u001b[0m\n\u001b[0;32m 73\u001b[0m \u001b[1;34m\"\"\" returns the the function value \"\"\"\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m---> 74\u001b[1;33m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m_compute_if_needed\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mx\u001b[0m\u001b[1;33m,\u001b[0m \u001b[1;33m*\u001b[0m\u001b[0margs\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 75\u001b[0m \u001b[1;32mreturn\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m_value\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\scipy\\optimize\\optimize.py\u001b[0m in \u001b[0;36m_compute_if_needed\u001b[1;34m(self, x, *args)\u001b[0m\n\u001b[0;32m 67\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mx\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mnp\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0masarray\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mx\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mcopy\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m---> 68\u001b[1;33m \u001b[0mfg\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mfun\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mx\u001b[0m\u001b[1;33m,\u001b[0m \u001b[1;33m*\u001b[0m\u001b[0margs\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 69\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mjac\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mfg\u001b[0m\u001b[1;33m[\u001b[0m\u001b[1;36m1\u001b[0m\u001b[1;33m]\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\sklearn\\linear_model\\_logistic.py\u001b[0m in \u001b[0;36m_logistic_loss_and_grad\u001b[1;34m(w, X, y, alpha, sample_weight)\u001b[0m\n\u001b[0;32m 131\u001b[0m \u001b[1;32mif\u001b[0m \u001b[0mgrad\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mshape\u001b[0m\u001b[1;33m[\u001b[0m\u001b[1;36m0\u001b[0m\u001b[1;33m]\u001b[0m \u001b[1;33m>\u001b[0m \u001b[0mn_features\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m--> 132\u001b[1;33m \u001b[0mgrad\u001b[0m\u001b[1;33m[\u001b[0m\u001b[1;33m-\u001b[0m\u001b[1;36m1\u001b[0m\u001b[1;33m]\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mz0\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0msum\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 133\u001b[0m \u001b[1;32mreturn\u001b[0m \u001b[0mout\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mgrad\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\numpy\\core\\_methods.py\u001b[0m in \u001b[0;36m_sum\u001b[1;34m(a, axis, dtype, out, keepdims, initial, where)\u001b[0m\n\u001b[0;32m 46\u001b[0m initial=_NoValue, where=True):\n\u001b[1;32m---> 47\u001b[1;33m \u001b[1;32mreturn\u001b[0m \u001b[0mumr_sum\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0ma\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0maxis\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mdtype\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mout\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mkeepdims\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0minitial\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mwhere\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 48\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;31mKeyboardInterrupt\u001b[0m: ", + "\nDuring handling of the above exception, another exception occurred:\n", + "\u001b[1;31mAttributeError\u001b[0m Traceback (most recent call last)", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\interactiveshell.py\u001b[0m in \u001b[0;36mshowtraceback\u001b[1;34m(self, exc_tuple, filename, tb_offset, exception_only, running_compiled_code)\u001b[0m\n\u001b[0;32m 2044\u001b[0m \u001b[1;31m# in the engines. This should return a list of strings.\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m-> 2045\u001b[1;33m \u001b[0mstb\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mvalue\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m_render_traceback_\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 2046\u001b[0m \u001b[1;32mexcept\u001b[0m \u001b[0mException\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;31mAttributeError\u001b[0m: 'KeyboardInterrupt' object has no attribute '_render_traceback_'", + "\nDuring handling of the above exception, another exception occurred:\n", + "\u001b[1;31mTypeError\u001b[0m Traceback (most recent call last)", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\interactiveshell.py\u001b[0m in \u001b[0;36mrun_ast_nodes\u001b[1;34m(self, nodelist, cell_name, interactivity, compiler, result)\u001b[0m\n\u001b[0;32m 3337\u001b[0m \u001b[0masy\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mcompare\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mcode\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m-> 3338\u001b[1;33m \u001b[1;32mif\u001b[0m \u001b[1;33m(\u001b[0m\u001b[1;32mawait\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mrun_code\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mcode\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mresult\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0masync_\u001b[0m\u001b[1;33m=\u001b[0m\u001b[0masy\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 3339\u001b[0m \u001b[1;32mreturn\u001b[0m \u001b[1;32mTrue\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + " \u001b[1;31m[... skipping hidden 1 frame]\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\interactiveshell.py\u001b[0m in \u001b[0;36mshowtraceback\u001b[1;34m(self, exc_tuple, filename, tb_offset, exception_only, running_compiled_code)\u001b[0m\n\u001b[0;32m 2046\u001b[0m \u001b[1;32mexcept\u001b[0m \u001b[0mException\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m-> 2047\u001b[1;33m stb = self.InteractiveTB.structured_traceback(etype,\n\u001b[0m\u001b[0;32m 2048\u001b[0m value, tb, tb_offset=tb_offset)\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\u001b[0m in \u001b[0;36mstructured_traceback\u001b[1;34m(self, etype, value, tb, tb_offset, number_of_lines_of_context)\u001b[0m\n\u001b[0;32m 1435\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mtb\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mtb\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m-> 1436\u001b[1;33m return FormattedTB.structured_traceback(\n\u001b[0m\u001b[0;32m 1437\u001b[0m self, etype, value, tb, tb_offset, number_of_lines_of_context)\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\u001b[0m in \u001b[0;36mstructured_traceback\u001b[1;34m(self, etype, value, tb, tb_offset, number_of_lines_of_context)\u001b[0m\n\u001b[0;32m 1335\u001b[0m \u001b[1;31m# Verbose modes need a full traceback\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m-> 1336\u001b[1;33m return VerboseTB.structured_traceback(\n\u001b[0m\u001b[0;32m 1337\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0metype\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mvalue\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mtb\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mtb_offset\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mnumber_of_lines_of_context\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\u001b[0m in \u001b[0;36mstructured_traceback\u001b[1;34m(self, etype, evalue, etb, tb_offset, number_of_lines_of_context)\u001b[0m\n\u001b[0;32m 1192\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m-> 1193\u001b[1;33m formatted_exception = self.format_exception_as_a_whole(etype, evalue, etb, number_of_lines_of_context,\n\u001b[0m\u001b[0;32m 1194\u001b[0m tb_offset)\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\u001b[0m in \u001b[0;36mformat_exception_as_a_whole\u001b[1;34m(self, etype, evalue, etb, number_of_lines_of_context, tb_offset)\u001b[0m\n\u001b[0;32m 1150\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m-> 1151\u001b[1;33m \u001b[0mlast_unique\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mrecursion_repeat\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mfind_recursion\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0morig_etype\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mevalue\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mrecords\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 1152\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\u001b[0m in \u001b[0;36mfind_recursion\u001b[1;34m(etype, value, records)\u001b[0m\n\u001b[0;32m 450\u001b[0m \u001b[1;32mif\u001b[0m \u001b[1;32mnot\u001b[0m \u001b[0mis_recursion_error\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0metype\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mvalue\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mrecords\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m--> 451\u001b[1;33m \u001b[1;32mreturn\u001b[0m \u001b[0mlen\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mrecords\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m,\u001b[0m \u001b[1;36m0\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 452\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;31mTypeError\u001b[0m: object of type 'NoneType' has no len()", + "\nDuring handling of the above exception, another exception occurred:\n", + "\u001b[1;31mAttributeError\u001b[0m Traceback (most recent call last)", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\interactiveshell.py\u001b[0m in \u001b[0;36mshowtraceback\u001b[1;34m(self, exc_tuple, filename, tb_offset, exception_only, running_compiled_code)\u001b[0m\n\u001b[0;32m 2044\u001b[0m \u001b[1;31m# in the engines. This should return a list of strings.\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m-> 2045\u001b[1;33m \u001b[0mstb\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mvalue\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m_render_traceback_\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 2046\u001b[0m \u001b[1;32mexcept\u001b[0m \u001b[0mException\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;31mAttributeError\u001b[0m: 'TypeError' object has no attribute '_render_traceback_'", + "\nDuring handling of the above exception, another exception occurred:\n", + "\u001b[1;31mTypeError\u001b[0m Traceback (most recent call last)", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\async_helpers.py\u001b[0m in \u001b[0;36m_pseudo_sync_runner\u001b[1;34m(coro)\u001b[0m\n\u001b[0;32m 66\u001b[0m \"\"\"\n\u001b[0;32m 67\u001b[0m \u001b[1;32mtry\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m---> 68\u001b[1;33m \u001b[0mcoro\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0msend\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;32mNone\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 69\u001b[0m \u001b[1;32mexcept\u001b[0m \u001b[0mStopIteration\u001b[0m \u001b[1;32mas\u001b[0m \u001b[0mexc\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m 70\u001b[0m \u001b[1;32mreturn\u001b[0m \u001b[0mexc\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mvalue\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\interactiveshell.py\u001b[0m in \u001b[0;36mrun_cell_async\u001b[1;34m(self, raw_cell, store_history, silent, shell_futures, transformed_cell, preprocessing_exc_tuple)\u001b[0m\n\u001b[0;32m 3144\u001b[0m \u001b[0minteractivity\u001b[0m \u001b[1;33m=\u001b[0m \u001b[1;34m'async'\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m 3145\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m-> 3146\u001b[1;33m has_raised = await self.run_ast_nodes(code_ast.body, cell_name,\n\u001b[0m\u001b[0;32m 3147\u001b[0m interactivity=interactivity, compiler=compiler, result=result)\n\u001b[0;32m 3148\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\interactiveshell.py\u001b[0m in \u001b[0;36mrun_ast_nodes\u001b[1;34m(self, nodelist, cell_name, interactivity, compiler, result)\u001b[0m\n\u001b[0;32m 3355\u001b[0m \u001b[1;32mif\u001b[0m \u001b[0mresult\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m 3356\u001b[0m \u001b[0mresult\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0merror_before_exec\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0msys\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mexc_info\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m[\u001b[0m\u001b[1;36m1\u001b[0m\u001b[1;33m]\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m-> 3357\u001b[1;33m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mshowtraceback\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 3358\u001b[0m \u001b[1;32mreturn\u001b[0m \u001b[1;32mTrue\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m 3359\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\interactiveshell.py\u001b[0m in \u001b[0;36mshowtraceback\u001b[1;34m(self, exc_tuple, filename, tb_offset, exception_only, running_compiled_code)\u001b[0m\n\u001b[0;32m 2045\u001b[0m \u001b[0mstb\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mvalue\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0m_render_traceback_\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m 2046\u001b[0m \u001b[1;32mexcept\u001b[0m \u001b[0mException\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m-> 2047\u001b[1;33m stb = self.InteractiveTB.structured_traceback(etype,\n\u001b[0m\u001b[0;32m 2048\u001b[0m value, tb, tb_offset=tb_offset)\n\u001b[0;32m 2049\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\u001b[0m in \u001b[0;36mstructured_traceback\u001b[1;34m(self, etype, value, tb, tb_offset, number_of_lines_of_context)\u001b[0m\n\u001b[0;32m 1434\u001b[0m \u001b[1;32melse\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m 1435\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mtb\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mtb\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m-> 1436\u001b[1;33m return FormattedTB.structured_traceback(\n\u001b[0m\u001b[0;32m 1437\u001b[0m self, etype, value, tb, tb_offset, number_of_lines_of_context)\n\u001b[0;32m 1438\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\u001b[0m in \u001b[0;36mstructured_traceback\u001b[1;34m(self, etype, value, tb, tb_offset, number_of_lines_of_context)\u001b[0m\n\u001b[0;32m 1334\u001b[0m \u001b[1;32mif\u001b[0m \u001b[0mmode\u001b[0m \u001b[1;32min\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mverbose_modes\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m 1335\u001b[0m \u001b[1;31m# Verbose modes need a full traceback\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m-> 1336\u001b[1;33m return VerboseTB.structured_traceback(\n\u001b[0m\u001b[0;32m 1337\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0metype\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mvalue\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mtb\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mtb_offset\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mnumber_of_lines_of_context\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m 1338\u001b[0m )\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\u001b[0m in \u001b[0;36mstructured_traceback\u001b[1;34m(self, etype, evalue, etb, tb_offset, number_of_lines_of_context)\u001b[0m\n\u001b[0;32m 1209\u001b[0m \u001b[0mchained_exc_ids\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mset\u001b[0m\u001b[1;33m(\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m 1210\u001b[0m \u001b[1;32mwhile\u001b[0m \u001b[0mevalue\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m-> 1211\u001b[1;33m formatted_exceptions += self.format_exception_as_a_whole(etype, evalue, etb, lines_of_context,\n\u001b[0m\u001b[0;32m 1212\u001b[0m chained_exceptions_tb_offset)\n\u001b[0;32m 1213\u001b[0m \u001b[0mexception\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mget_parts_of_chained_exception\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mevalue\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\u001b[0m in \u001b[0;36mformat_exception_as_a_whole\u001b[1;34m(self, etype, evalue, etb, number_of_lines_of_context, tb_offset)\u001b[0m\n\u001b[0;32m 1149\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m 1150\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m-> 1151\u001b[1;33m \u001b[0mlast_unique\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mrecursion_repeat\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mfind_recursion\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0morig_etype\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mevalue\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mrecords\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 1152\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m 1153\u001b[0m \u001b[0mframes\u001b[0m \u001b[1;33m=\u001b[0m \u001b[0mself\u001b[0m\u001b[1;33m.\u001b[0m\u001b[0mformat_records\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mrecords\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mlast_unique\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mrecursion_repeat\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;32mc:\\users\\bowen\\appdata\\local\\programs\\python\\python39\\lib\\site-packages\\IPython\\core\\ultratb.py\u001b[0m in \u001b[0;36mfind_recursion\u001b[1;34m(etype, value, records)\u001b[0m\n\u001b[0;32m 449\u001b[0m \u001b[1;31m# first frame (from in to out) that looks different.\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m 450\u001b[0m \u001b[1;32mif\u001b[0m \u001b[1;32mnot\u001b[0m \u001b[0mis_recursion_error\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0metype\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mvalue\u001b[0m\u001b[1;33m,\u001b[0m \u001b[0mrecords\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m:\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[1;32m--> 451\u001b[1;33m \u001b[1;32mreturn\u001b[0m \u001b[0mlen\u001b[0m\u001b[1;33m(\u001b[0m\u001b[0mrecords\u001b[0m\u001b[1;33m)\u001b[0m\u001b[1;33m,\u001b[0m \u001b[1;36m0\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0m\u001b[0;32m 452\u001b[0m \u001b[1;33m\u001b[0m\u001b[0m\n\u001b[0;32m 453\u001b[0m \u001b[1;31m# Select filename, lineno, func_name to track frames with\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[1;33m\u001b[0m\u001b[0m\n", + "\u001b[1;31mTypeError\u001b[0m: object of type 'NoneType' has no len()" + ] + } + ], + "source": [ + "# Feature Selection\n", + " # Demonstrates that only small accuracy gained by more iteration, but significance of variables unchanged\n", + "low_iter_model = LogisticRegression(random_state=0, class_weight= 'balanced', max_iter = 100).fit(train, y_train)\n", + "high_iter_model = LogisticRegression(random_state=0, class_weight= 'balanced', max_iter = 1000).fit(train, y_train)\n", + "\n", + "low_iter_acc = low_iter_model.score(test, y_test)\n", + "high_iter_acc = high_iter_model.score(test, y_test)\n", + "\n", + "print(f'low_acc {round((low_iter_acc - high_iter_acc)/high_iter_acc * 100, 4)}% higher than high_acc')\n", + "\n", + "for x in [0.25, 0.5, 0.75, 1, 1.25]:\n", + " selector = SelectFromModel(estimator= low_iter_model, \n", + " threshold = f'{x}*mean').fit(train, y_train)\n", + "\n", + " low_iter = [list(data.columns)[i] for i in range(len(data.columns)) if selector.get_support()[i] == True \n", + " and selector.estimator_.coef_[0][i] > 0]\n", + "\n", + " selector = SelectFromModel(estimator=high_iter_model, \n", + " threshold = f'{x}*mean').fit(train, y_train)\n", + "\n", + " high_iter = [list(data.columns)[i] for i in range(len(data.columns)) if selector.get_support()[i] == True \n", + " and selector.estimator_.coef_[0][i] > 0]\n", + "\n", + " low_iter_freq = round(sum([low_iter[i] in high_iter for i in range(len(low_iter))])/len(low_iter), 3) * 100\n", + " high_iter_freq = round(sum([high_iter[i] in low_iter for i in range(len(high_iter))])/len(high_iter), 3) * 100\n", + "\n", + " print(f'{low_iter_freq}% of low_iter in high_iter \\n{high_iter_freq}% of high_iter in low_iter at {x}') " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# Feature Selection\n", + " # Demonstrates higher weighting -> shifts in level of importance of variables, but not variables themselves\n", + "balanced_weight_model = LogisticRegression(random_state=0, class_weight= 'balanced', max_iter = 100).fit(train, y_train)\n", + "high_weight_model = LogisticRegression(random_state=0, class_weight= {0:1, 1:500}, max_iter = 100).fit(train, y_train)\n", + "\n", + "low_weight_acc = balanced_weight_model.score(test, y_test)\n", + "high_weight_acc = high_weight_model.score(test, y_test)\n", + "\n", + "print(f'balanced_weight_acc {round((low_weight_acc - high_weight_acc)/high_weight_acc * 100, 4)}% higher than high_weight_acc')\n", + "\n", + "for x in [0.25, 0.5, 0.75, 1, 1.25]:\n", + " selector = SelectFromModel(estimator= balanced_weight_model, \n", + " threshold = f'{x}*mean').fit(data, outcome)\n", + "\n", + " balanced_weight = [list(data.columns)[i] for i in range(len(data.columns)) if selector.get_support()[i] == True \n", + " and selector.estimator_.coef_[0][i] > 0]\n", + "\n", + " selector = SelectFromModel(estimator=high_weight_model, \n", + " threshold = f'{x}*mean').fit(data, outcome)\n", + "\n", + " high_weight = [list(data.columns)[i] for i in range(len(data.columns)) if selector.get_support()[i] == True \n", + " and selector.estimator_.coef_[0][i] > 0]\n", + "\n", + " balanced_weight_freq = round(sum([balanced_weight[i] in high_weight for i in range(len(balanced_weight))])/len(balanced_weight), 3) * 100\n", + " high_weight_freq = round(sum([high_weight[i] in balanced_weight for i in range(len(high_weight))])/len(high_weight), 3) * 100\n", + "\n", + " print(f'{balanced_weight_freq}% of balanced_weight in high_weight \\n{high_weight_freq}% of high_weight in balanced_weight at {x}') " + ] + }, + { + "cell_type": "code", + "execution_count": 45, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "129\n", + "58\n", + "32\n", + "19 chosen: ['AMSAgitated_1', 'AMSRepeat_1', 'AMSSleep_1', 'ActNorm_0', 'ActNorm_1', 'ClavOcc_1', 'HASeverity_1', 'HAStart_3', 'HA_verb_0', 'HemaLoc_3', 'HemaSize_3', 'High_impact_InjSev_1', 'LOCSeparate_0', 'SeizLen_4', 'SeizOccur_2', 'VomitLast_3', 'VomitStart_2', 'VomitStart_3', 'VomitStart_4']\n" + ] + } + ], + "source": [ + "# Final feature selection: high weight, low iteration, iterative, only positive correlation\n", + " # Uses full data set, is this a problem?\n", + " # Probably the best feature selection metric we have currently\n", + "important_variables_iter = list(data.columns)\n", + " \n", + "while True:\n", + " print(len(important_variables_iter))\n", + " \n", + " selector = SelectFromModel(estimator= LogisticRegression(random_state=0, max_iter = 1000),\n", + " threshold = f'0.75*mean').fit(data[important_variables_iter], outcome)\n", + "\n", + " important_variables_iter = [list(data[important_variables_iter].columns)[i] \n", + " for i in range(len(data[important_variables_iter].columns)) \n", + " if selector.get_support()[i] == True]\n", + " \n", + " if len(important_variables_iter) <= 30:\n", + " break\n", + " \n", + "print(f'{len(important_variables_iter)} chosen: {important_variables_iter}')" + ] + }, + { + "cell_type": "code", + "execution_count": 46, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "0.9908814589665653\n", + "['AMSAgitated_1', 'AMSAgitated_92', 'AMSRepeat_1', 'AMSRepeat_92', 'AMSSleep_1', 'AMSSleep_92', 'ActNorm_1', 'ClavOcc_1', 'ClavOcc_92', 'HASeverity_2', 'HASeverity_3', 'HASeverity_92', 'HAStart_2', 'HAStart_3', 'HAStart_4', 'HAStart_92', 'HA_verb_1', 'HA_verb_91', 'HemaLoc_2', 'HemaLoc_3', 'HemaLoc_92', 'HemaSize_2', 'HemaSize_3', 'HemaSize_92', 'High_impact_InjSev_2', 'High_impact_InjSev_3', 'LOCSeparate_1', 'LOCSeparate_2', 'SeizLen_2', 'SeizLen_3', 'SeizLen_4', 'SeizLen_92', 'SeizOccur_2', 'SeizOccur_3', 'SeizOccur_92', 'VomitLast_2', 'VomitLast_3', 'VomitLast_92', 'VomitStart_2', 'VomitStart_3', 'VomitStart_4', 'VomitStart_92']\n" + ] + } + ], + "source": [ + "# Note: NeuroDOth_0 = 1 means NeuroD = 1 and it is one or more of Sensory, Cranial, or Reflex\n", + "\n", + "important_variables = list(set([x.rsplit('_',1)[0] for x in important_variables_iter]))\n", + "important_variable_scores = [x for x in list(data.columns) if x.rsplit('_',1)[0] in important_variables]\n", + "min_variable_categories = sorted([[x for x in important_variable_scores if y in x][0] for y in important_variables])\n", + "usable_variable_categories = sorted([x for x in important_variable_scores if x not in min_variable_categories])\n", + "\n", + "model = LogisticRegression(random_state=0, max_iter = 1000)\\\n", + " .fit(train[usable_variable_categories], y_train)\n", + "\n", + "official_model = model\n", + "official_usable_variable_categories = usable_variable_categories\n", + "\n", + "acc = model.score(test[usable_variable_categories], y_test)\n", + "\n", + "print(acc)\n", + "\n", + "# print(model.coef_)\n", + "print(list(train[usable_variable_categories].columns))" + ] + }, + { + "cell_type": "code", + "execution_count": 47, + "metadata": {}, + "outputs": [], + "source": [ + "reference = (important_variables, model_check(test, y_test, model.intercept_, model.coef_[0], usable_variable_categories)[1])" + ] + }, + { + "cell_type": "code", + "execution_count": 48, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'Total Patients': 8225, 'Total Critical Outcomes': 74, 'Correct Recommendations': 5960, 'Total Recommended CTs': 2321, 'Correct CTs': 65, 'Missed CTs': 9, 'Accuracy': 0.7246200607902735, 'Sensitivity': 0.8783783783783784, 'NPV': 0.9984756097560976, 'Specificity': 0.7232241442767758}\n" + ] + } + ], + "source": [ + "check, stats = model_check(test, y_test, model.intercept_, model.coef_[0], usable_variable_categories)\n", + "print(stats)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "f = plt.figure(figsize=(19, 15))\n", + "data[usable_variable_categories].corr()\n", + "plt.matshow(data[usable_variable_categories].corr(), fignum=f.number)\n", + "plt.xticks(range(data[usable_variable_categories].select_dtypes(['number']).shape[1]), data[usable_variable_categories].select_dtypes(['number']).columns, fontsize=14, rotation=90)\n", + "plt.yticks(range(data[usable_variable_categories].select_dtypes(['number']).shape[1]), data[usable_variable_categories].select_dtypes(['number']).columns, fontsize=14)\n", + "cb = plt.colorbar()\n", + "cb.ax.tick_params(labelsize=14);" + ] + }, + { + "cell_type": "code", + "execution_count": 44, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAxoAAAKNCAYAAACnVB0dAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjMuMywgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy/Il7ecAAAACXBIWXMAAAxOAAAMTgF/d4wjAAB8aElEQVR4nO3dd7wkVZn/8e8DMwQZkggIDElAMCGCoqiY0DWAoBj44QoCBjCsrqwoRhAD6Cq6rJIMBMUsKgqsgKBgYNeEgoEgDMOQwwwwgKR5fn88p+fW9HSo7nO6q+/M5/161eveW93Pqepwu+upOuc85u4CAAAAgJJWaHoHAAAAACx7SDQAAAAAFEeiAQAAAKA4Eg0AAAAAxZFoAAAAACiORAMAAABAcTOa3oFBrLzyyr7uuus2vRsAAAAAJF1//fUPuPvKnW6bVonGuuuuq3nz5jW9GwAAAAAkmdmt3W4r2nXKzI4xszlm5ma2XZf7PM/M7jOzSyrLqiX3AwAAAECzSl/R+J6kT0v6ZZ/7Xe7u2xXeNgAAAIAJUTTRcPcLJcnMSjYLAAAAYJppatapLczsD2b2WzN7W7c7mdnBZjavtSxcuHCc+wgAAABgSE0MBv+DpNnufqeZzZZ0lpnd5u7fab+jux8t6ejW37Nnz/Yx7icAAACAIY39ioa73+Xud6bf50n6pqSdx70fAAAAAEZn7ImGmW1gZiuk31eXtJukP457PwAAAACMTunpbU8ws3mSZkv6qZldldZ/2cx2T3d7laRLzexPki6WdK6kk0ruBwAAAIBmmfv0GfYwe/Zsp2AfAAAAMBnM7Hp3n93ptqZmnQIAAACwDCPRAAAAAFAciQYAAACA4kg0AAAAABRHogEAAACgOBINAAAAAMWRaAAAAAAojkQDAAAAQHEkGgAAAACKI9EAAAAAUByJBgAAAIDiZjS9AwAALK82O/TMgWPmHLXrCPYEAMrjigYAAACA4kg0AAAAABRHogEAAACgOBINAAAAAMWRaAAAAAAojkQDAAAAQHEkGgAAAACKI9EAAAAAUByJBgAAAIDiSDQAAAAAFEeiAQAAAKA4Eg0AAAAAxZFoAAAAACiORAMAAABAcSQaAAAAAIoj0QAAAABQHIkGAAAAgOJINAAAAAAUR6IBAAAAoDgSDQAAAADFkWgAAAAAKI5EAwAAAEBxJBoAAAAAiiPRAAAAAFAciQYAAACA4kg0AAAAABRHogEAAACgOBINAAAAAMWRaAAAAAAojkQDAAAAQHEkGgAAAACKI9EAAAAAUByJBgAAAIDiSDQAAAAAFDej6R0AADRjs0PPHDhmzlG7jmBPAADLIq5oAAAAACiORAMAAABAcSQaAAAAAIoj0QAAAABQHIkGAAAAgOJINAAAAAAUR6IBAAAAoDgSDQAAAADFkWgAAAAAKI5EAwAAAEBxJBoAAAAAiiPRAAAAAFAciQYAAACA4kg0AAAAABRHogEAAACgOBINAAAAAMWRaAAAAAAojkQDAAAAQHEkGgAAAACKI9EAAAAAUByJBgAAAIDiSDQAAAAAFEeiAQAAAKA4Eg0AAAAAxZFoAAAAACiORAMAAABAcSQaAAAAAIoj0QAAAABQXNFEw8yOMbM5ZuZmtl2P+73RzK40s3+Y2ZfMbGbJ/QAAAADQrNJXNL4n6dmSru12BzPbXNLHJO0saUtJ60t6S+H9AAAAANCgoomGu1/o7vP63O3Vks5w95vc3SUdL2nvkvsBAAAAoFlNjNHYREte8ZiT1gEAAABYRkz0YHAzO9jM5rWWhQsXNr1LAAAAAGpoItGYK2nTyt+bpXVLcfej3X12a5k1a9Y49g8AAABApiYSje9L2t3MHm1mJukgSd9qYD8AAAAAjEjp6W1PMLN5kmZL+qmZXZXWf9nMdpckd79a0mGSfiXpKkm3Sjqh5H4AAAAAaNaMko25+4Fd1r+p7e8vSfpSyW0DAAAAmBwTPRgcAAAAwPREogEAAACgOBINAAAAAMWRaAAAAAAojkQDAAAAQHEkGgAAAACKI9EAAAAAUByJBgAAAIDiSDQAAAAAFEeiAQAAAKA4Eg0AAAAAxZFoAAAAACiORAMAAABAcSQaAAAAAIoj0QAAAABQ3IymdwAAAAxns0PPHDhmzlG7jmBPAGBpXNEAAAAAUByJBgAAAIDiSDQAAAAAFEeiAQAAAKA4Eg0AAAAAxTHrFAAAwJCY+QvojisaAAAAAIoj0QAAAABQHIkGAAAAgOJINAAAAAAUR6IBAAAAoDgSDQAAAADFkWgAAAAAKI5EAwAAAEBxJBoAAAAAiiPRAAAAAFAciQYAAACA4kg0AAAAABRHogEAAACguBlN7wAAAMPa7NAzB46Zc9SuI9gTAEA7rmgAAAAAKI5EAwAAAEBxJBoAAAAAimOMBgAAmLYYpwNMLq5oAAAAACiORAMAAABAcSQaAAAAAIoj0QAAAABQHIkGAAAAgOJINAAAAAAUR6IBAAAAoDgSDQAAAADFkWgAAAAAKI5EAwAAAEBxJBoAAAAAiiPRAAAAAFAciQYAAACA4kg0AAAAABRHogEAAACgOBINAAAAAMWRaAAAAAAojkQDAAAAQHEzmt6B6WizQ88cOGbOUbuOYE8AAADQNI4NO+OKBgAAAIDiSDQAAAAAFEeiAQAAAKA4Eg0AAAAAxZFoAAAAACiORAMAAABAcSQaAAAAAIoj0QAAAABQHIkGAAAAgOKoDA4AwHKKasYARokrGgAAAACKI9EAAAAAUByJBgAAAIDiSDQAAAAAFEeiAQAAAKA4Eg0AAAAAxZFoAAAAACiuaKJhZluZ2a/N7Aoz+62ZPaHDfZ5nZveZ2SWVZdWS+wEAAACgWaUL9p0g6UR3P9nMXi3pZElP63C/y919u8LbBgAAwHKGwpOTq9gVDTNbT9JTJX09rfq+pI3NbMtS2wAAAAAwPZTsOrWxpBvd/SFJcneXNFfSJh3uu4WZ/SF1r3pbtwbN7GAzm9daFi5cWHB3AQAAAIxK6a5TdfxB0mx3v9PMZks6y8xuc/fvtN/R3Y+WdHTr79mzZ/sY9xMAAADLAbpfjUbJKxrXSdrAzGZIkpmZ4mrG3Oqd3P0ud78z/T5P0jcl7VxwPwAAAAA0rFii4e63KK5WvD6tepWkee5+VfV+ZraBma2Qfl9d0m6S/lhqPwAAAAA0r3QdjQMlHWhmV0g6VNL+kmRmXzaz3dN9XiXpUjP7k6SLJZ0r6aTC+wEAAACgQUXHaLj75ZJ26rD+TZXfvyDpCyW3CwDTEX2CAQDLMiqDAwAAACiORAMAAABAcSQaAAAAAIoj0QAAAABQHIkGAAAAgOJINAAAAAAUV3R6W2C6YFpRAACA0eKKBgAAAIDiSDQAAAAAFEeiAQAAAKA4Eg0AAAAAxZFoAAAAACiORAMAAABAcSQaAAAAAIqjjgYAAEOiJg8AdMcVDQAAAADFkWgAAAAAKI5EAwAAAEBxJBoAAAAAimMwOAAAGBoD4gF0wxUNAAAAAMVxRQMApinOJAMAJhlXNAAAAAAUR6IBAAAAoDgSDQAAAADFkWgAAAAAKI5EAwAAAEBxJBoAAAAAiiPRAAAAAFAciQYAAACA4kg0AAAAABRHogEAAACgOBINAAAAAMWRaAAAAAAojkQDAAAAQHEkGgAAAACKm9H0DmD62ezQMweOmXPUriPYEwAAAEwqrmgAAAAAKI5EAwAAAEBxJBoAAAAAiiPRAAAAAFAciQYAAACA4ph1ahpi1icAAABMOhINAADQGE6eAcsuuk4BAAAAKI5EAwAAAEBxdJ0CAABoEN3HsKwi0QCmIb6UmsdrAABAb3SdAgAAAFAciQYAAACA4kg0AAAAABRHogEAAACgOBINAAAAAMWRaAAAAAAojkQDAAAAQHEkGgAAAACKI9EAAAAAUByJBgAAAIDiSDQAAAAAFEeiAQAAAKA4Eg0AAAAAxZFoAAAAACiORAMAAABAcSQaAAAAAIoj0QAAAABQHIkGAAAAgOJINAAAAAAUR6IBAAAAoDgSDQAAAADFkWgAAAAAKG5G0zsAAJieNjv0zIFj5hy16wj2ZHjLwmMAgEnFFQ0AAAAAxZFoAAAAACiORAMAAABAcSQaAAAAAIoj0QAAAABQXNFZp8xsK0mnSHqUpDsl7efuf+lwvzdKOlSR6Jwv6W3u/mDJfQEmGTPdAACAZV3pKxonSDrR3R8r6VOSTm6/g5ltLuljknaWtKWk9SW9pfB+AAAAAGhQsUTDzNaT9FRJX0+rvi9pYzPbsu2ur5Z0hrvf5O4u6XhJe5faDwAAAADNszjWL9CQ2Q6SvuHuW1fW/Z+kQ939/Mq6/5Z0g7sfmf5+vKT/cfdNOrR5sKSDW3+vueaaGy1YsKDI/jap6W4zTW9/mH1o337Tj6Hp7ZeQ+xiW93gAy4Zl4bOg6c/DpuOXBdP5OTCz6919dqfbJnowuLsf7e6zW8usWbOa3iUAAAAANZRMNK6TtIGZzZAkMzNJm0ia23a/uZI2rfy9WYf7AAAAAJjGiiUa7n6LpD9Ien1a9SpJ89z9qra7fl/S7mb26JSMHCTpW6X2AwAAAEDzSnedOlDSgWZ2hWL62v0lycy+bGa7S5K7Xy3pMEm/knSVpFsVs1UBAAAAWEYUraPh7pdL2qnD+je1/f0lSV8quW0AAAAAk2OiB4MDAAAAmJ5INAAAAAAUR6IBAAAAoDgSDQAAAADFkWgAAAAAKI5EAwAAAEBxJBoAAAAAiiPRAAAAAFAciQYAAACA4kg0AAAAABRHogEAAACgOBINAAAAAMWRaAAAAAAojkQDAAAAQHEkGgAAAACKI9EAAAAAUByJBgAAAIDiSDQAAAAAFEeiAQAAAKA4Eg0AAAAAxZFoAAAAACiORAMAAABAcSQaAAAAAIoj0QAAAABQHIkGAAAAgOJmNL0DAJox56hdm96FRi3vjx8AgFHjigYAAACA4kg0AAAAABRHogEAAACgOBINAAAAAMWRaAAAAAAojlmnAAAA0BhmAVx2nwOuaAAAAAAojkQDAAAAQHEkGgAAAACKI9EAAAAAUByJBgAAAIDiSDQAAAAAFEeiAQAAAKA4Eg0AAAAAxZFoAAAAACiORAMAAABAcSQaAAAAAIoj0QAAAABQHIkGAAAAgOJINAAAAAAUN6PpHQAAAGjKnKN2bXoXsi0LjwHLJq5oAAAAACiORAMAAABAcSQaAAAAAIoj0QAAAABQHIkGAAAAgOJINAAAAAAUR6IBAAAAoDgSDQAAAADFkWgAAAAAKI5EAwAAAEBxJBoAAAAAiiPRAAAAAFAciQYAAACA4kg0AAAAABQ3o+kdWB7NOWrX5Xr7k7IPAAAAGB2uaAAAAAAojkQDAAAAQHEkGgAAAACKI9EAAAAAUByJBgAAAIDimHUKwFCYOQwAAPTCFQ0AAAAAxZFoAAAAACiORAMAAABAcSQaAAAAAIpjMDgAAMByjMk9MCpc0QAAAABQHFc0gCFw9gcAAKC3Ilc0zGwFM/tvM/uHmV1lZu/ocd85Zna5mV2Slr1K7AMAAACAyVHqisbrJT1e0mMlrSnpj2Z2gbv/pcv993L3SwptGwAAAMCEKTVGYy9JX3L3h939DknflrR3obYBAAAATDOlEo1NJF1b+XtOWtfNqWZ2qZl9xczW7XYnMzvYzOa1loULFxbaXQAAAACjVCvRMLPfmNltXZaNB9zmc9x9W0nbS7pN0ind7ujuR7v77NYya9asATcFAAAAoAm1xmi4+069bjezuZI2lfSbtGozSXO7tDU3/XzQzD4v6Yqa+woAAABgmijVdeq7kt5sZiua2SMVYza+3X4nM1vNzNaqrNpb0h8L7QMAAACACVFq1qmvSXqapCsluaSj3f1SSTKz3SXt7u5vkrS+pO+b2YqSTNLVkvYttA8AliPUMgEAYLIVSTTc/WFJb+9y2xmSzki/Xy3pKSW2CQAAAGByleo6BQAAAACLkWgAAAAAKI5EAwAAAEBxJBoAAAAAiiPRAAAAAFAciQYAAACA4kg0AAAAABRHogEAAACgOBINAAAAAMWRaAAAAAAojkQDAAAAQHEkGgAAAACKI9EAAAAAUByJBgAAAIDiSDQAAAAAFEeiAQAAAKA4Eg0AAAAAxZFoAAAAACiORAMAAABAcSQaAAAAAIoj0QAAAABQHIkGAAAAgOJINAAAAAAUR6IBAAAAoDgSDQAAAADFkWgAAAAAKI5EAwAAAEBxJBoAAAAAiiPRAAAAAFAciQYAAACA4kg0AAAAABRHogEAAACgOBINAAAAAMWRaAAAAAAojkQDAAAAQHEkGgAAAACKI9EAAAAAUByJBgAAAIDiSDQAAAAAFEeiAQAAAKC4GU3vAIDl05yjdm16FwAAwAhxRQMAAABAcSQaAAAAAIoj0QAAAABQHIkGAAAAgOJINAAAAAAUR6IBAAAAoDgSDQAAAADFkWgAAAAAKI6CfZiWKPYGAAAw2biiAQAAAKA4Eg0AAAAAxZFoAAAAACiORAMAAABAcSQaAAAAAIoj0QAAAABQHIkGAAAAgOJINAAAAAAUR6IBAAAAoDgSDQAAAADFkWgAAAAAKI5EAwAAAEBxJBoAAAAAiiPRAAAAAFAciQYAAACA4kg0AAAAABRHogEAAACgOBINAAAAAMWRaAAAAAAojkQDAAAAQHEkGgAAAACKI9EAAAAAUByJBgAAAIDiSDQAAAAAFEeiAQAAAKA4Eg0AAAAAxRVJNMxsVzP7vZndb2af73Pfrczs12Z2hZn91syeUGIfAAAAAEyOUlc0rpR0gKT/rHHfEySd6O6PlfQpSScX2gcAAAAAE6JIouHuV7j7nyQ91Ot+ZraepKdK+npa9X1JG5vZliX2AwAAAMBkGPcYjY0l3ejuD0mSu7ukuZI26XRnMzvYzOa1loULF45xVwEAAAAMq1aiYWa/MbPbuiwbj2rn3P1od5/dWmbNmjWqTQEAAAAoaEadO7n7ToW2d52kDcxshrs/ZGamuJoxt1D7AAAAACbAWLtOufstkv4g6fVp1askzXP3q8a5HwAAAABGq9T0truY2TxJB0t6YxpTsXu6bXcz+3Ll7gdKOtDMrpB0qKT9S+wDAAAAgMlRq+tUP+7+M0mzu9x2hqQzKn9fLqlUVywAAAAAE4jK4AAAAACKI9EAAAAAUByJBgAAAIDiSDQAAAAAFEeiAQAAAKA4Eg0AAAAAxZFoAAAAACiORAMAAABAcSQaAAAAAIoj0QAAAABQHIkGAAAAgOJINAAAAAAUR6IBAAAAoDgSDQAAAADFkWgAAAAAKI5EAwAAAEBxJBoAAAAAiiPRAAAAAFAciQYAAACA4kg0AAAAABRHogEAAACgOBINAAAAAMWRaAAAAAAojkQDAAAAQHEkGgAAAACKI9EAAAAAUByJBgAAAIDiSDQAAAAAFDej6R0AAADA9DXnqF2b3gVMKK5oAAAAACiORAMAAABAcSQaAAAAAIoj0QAAAABQHIkGAAAAgOJINAAAAAAUR6IBAAAAoDgSDQAAAADFkWgAAAAAKI5EAwAAAEBxJBoAAAAAiiPRAAAAAFAciQYAAACA4kg0AAAAABRHogEAAACgOBINAAAAAMWRaAAAAAAojkQDAAAAQHEkGgAAAACKI9EAAAAAUJy5e9P7UJuZ3S/p1qb3o4dZkhZO4/hJ2IfpHj8J+7C8x0/CPkz3+EnYh+U9fhL2YXmPn4R9mO7xk7APy3v8OKzr7it3umFaJRqTzszmufvs6Ro/Cfsw3eMnYR+W9/hJ2IfpHj8J+7C8x0/CPizv8ZOwD9M9fhL2YXmPbxpdpwAAAAAUR6IBAAAAoDgSjbKOnubxk7AP0z1+EvZheY+fhH2Y7vGTsA/Le/wk7MPyHj8J+zDd4ydhH5b3+EYxRgMAAABAcVzRAAAAAFAciQYAAACA4kg0AAAAABRHogEAAACgOBINAAAAAMWRaEwgM8upIGlm9pyS+4Ph5byWAIDJ0cTnuZmtaGaPHPd2J9F0/j41s8eY2XJ5zL1cPuhRSh8KH+lzn7XM7HQzm29m55vZE9vu8teMXVhJ0gU19vOdZvYDM/uwma3Wdtulw27czFYws31r3G8lMzvazP5oZl8xsw3bbr9r2H0YZD/6tNH0a7ncSAnyOpW/n2Rme5rZ+hltHm9maxXZwUxmtknT+7A8GMX7CPWZ2YZmtoeZbdbhtkNrttF6zVZOr+fbzewYM3tJxn5dWuc9kPt5nvu9ZmaPNLPvmdmf03OwraR5km41s9+Y2Xr9HkNqZ3sze5eZ7dzhtmP7xGa9hjmvX6nvUzPb3cw+Z2b7tB/cm9mZNeJb+7y1ma1deU2OzEgWLpZU63MoPXdPNrNVO9y295Dbb467sxRcJK0s6eE+9zlO0nmS9pB0rKQ7JT2jcvvdfeJX6LE8QtKiPvHvUXx4fU7SJZIuk7Ru3e3nPv50v09K+pOkd0k6U9L1krYssQ+D7McEvJbbp+dg5w63HVtzP18m6WBJ60paRdJnJJ0h6cABHuuaXdY/a9RtSHqypJskPSzpPyW9StICSfdIukPS9n3iX9BlmS/pNZJeUHP/3ynpB5I+LGm1ttsubeq9KGmmpPNrbufJklbtcNveNeLXqT7XknZN76tta8SupCgq9UdJX5G0Ydvtd036+yj3PdDk81/wPbS74nthH0krtN12Zp/YZ0q6K/3fPSDpo4O+B9Jrdm9afiHpfYrvh3MkPSjp1X3ij+iy3JMe1xF94nM/z7O+19L/zjclnSZpYdr3p0l6lqRfqcZ3gqTdJN2X/hfvlXRK9bXs9TrkvoYFXr+s5z/dZ78U9wNJN6T2HjHAY/iQIqG5TNK1kj4u6RBJH5R0s6T394m/sMvygCLZuLBP/OPTfi9Kr8X+g/4fTdrS+A5Mx0XdD2xeIOnF6n9wOlfS+pW/95V0q9IXSo1/hIf7LX3i/y5pu/T7ipK+nD4c16y5/cf0WB7Xb/upjaslPaby94fTP/XGdfah4H409loq4wuhcp+D0offTZIulXS4pC9KOjG12TPZkDQ7bf/h9Jq8qO32OvuQ1YaksxUHVP8u6SHFl7RJmpEexw/7xC9K217UZanzPhh18t0z+a8R3+99mPXlJOl5ioOxhyV9S9KBkv4i6QpJ/5T0/D7x2ScOJuB9NPR7oOnnv9B7aD/lHaCdL+ld6fenS7pG0pEDvgd+J2lnSc9Oz+UrK7cdJOlXfeIXpdfugrblAUm/Vp9kS/nfzVnfa+n/Zk1Ja6fHUm1ra0lX13gOL5b02vT7Juk5/VrN93HWa1jg9ct6/tN9/iTpeen3NRSfC+dJmlnzNbhS0maSNk+PoZroPF/SZX3iH1AkVoe1LfdI+qykw/rEn6E4UbKmpNdKul3SWwf5P5q0pfEdmI6LMg9sFF9E1rbuLYqDxa1r/CPcKWl/Sc/tsPxLje3f2WHdSZJ+I2m1Gh8mrcffaal7YLfUY5T0McUX6/o1P1BK7Edjr6UyvhAq97lM0pPSskjSLpXb9pT0+z7x31CcPXuypPdKulvS7gPuQ1Ybkm5RHAyunB7DWpXb1pV0fZ/4H0j6H0mz29bfqrYz6z3ayE2+5/ZZ+r2Pup2JPULSJ2rEZ305Kc64vUZxRvJhVQ6UJX1U0rl94kucOGj6fTT0e6Dp57/Qeyj3AO1WSStW/t44vS8+UOc5SPe5I/00SfdLWqly2yqSbu0T/y5J/6i+byr71vezQPnfzVnfa6p8N3dpq87/0R3Vx5Dek7+TdFy/1yH3NSzw+mU9/+n+C9r+nqn4fviR4v+632NYUPn93rbnckVJ8/vE7yDpz4orvKsM8R68SdLKlb+3VXy27VPnNZjEpfEdmI6LpBvV5TJ8+mfq94F+uaStO6x/n+KM2j/7xF8oaa8ut/U9eyrpuvY3vKLb1emKsz/39Im/TdJLJW3aYdm63+NPbVwtafMO67+oODN/b402SuxHY6+lMr4QKjELKr/fJ2lG5e+ZSh/8PeKvl7RG5e8XKi6bvzD9XeeDPauNtscwv8PtdZ6HfSXNkfTGyrpBEo3c5PseSR+Q9IYOy5trvI8eVpxxvaDD8osa8VlfTooDY1N8kT6oJc9kry7p5j7xJU4cNPo+ynkPNP38F3oPLWj7e9ADtNu1dHezLRVXR95Z8z1wR+X3+W23rdBvH9L9tlacxPmaUrKp+gd5ud/NWd9raRsrp98/2Xbb6urzeZ7ud4vauh8qEu2/KbrV9kqYs17D3Ncv9/lP971R0qPa1q2q6Hr2zRr7cKvS97LaujkpuojWeR+vnJ7rvyl1+RzgPbhAlc+StG5HxfHCnnW2P2lL4zswHRdJZ6lyQNN2W50D/eMkfaLLbZ+qEb+X2roVVG5bQdIb+sR/W9LbO6xfSdLP1P8L6TylL9BhHn+638mSDu1y22n99qHgfjT2WuZ8IVTuf3vl9zltt82o8cVwpyrJSVq3m+IA71k19yGrDUlXaeqs8cvabltP0o399iHdd7akn6Zl4/T81k00cpPvi1XpJjDE++gKSc/tcludhHeBMr6cVDko0HAH6SVOHDT6Psp5DzT9/Bd6D+UeoP1SHb6XFEnX7ZIeqvEY/iRpg/T7Gm23baUaXYcqr9uHFCcfXlH3s0D5380nK+N7TZHUPanLba+UdFGNx3CuOnwWKT4Te15dzX0Nc1+/3Oc/3e8MSft2WL+W4kpDv9fgl5K26nLbTpL+VOc9mO7/HEVXrM+nz4I678HfqcN4NEm7KD4jH6y7/UlZGt+B6bikf7ptety+aZ/4lVQ5Y9Xh9k0K7uvqHdZtJWnHLvdfrdM/adt9XiDp6V1uM3X5smu737rqcGCSbltR0nNqtFFiPxp7LXO+ECr3/W23fUyP7e994v8s6Skd1v9r+mC8v8Y+ZLUh6SM9PtjfKenH/fahLeZtijNw/6zzwZ5icpPvf5O0Z5fbVlT/frnfUeob3WUfrukTn/XlpEhuH5V+f2KH9+N1feJPVv6Jg0bfRznvgaaf/0LvodwDtH1U6S7WdtszVX8w+gY92j+8XxttMdspDn4frvNZoMzvZhX4XuvR9laSHlvjfi+V9Lout20t6aujeg1zX7/c5z/dZ0dJL+1y2/qSPtInfnNJs7rc9kJ1OaHUo73VJB2vGO+yXo37v7vHZ+krVTPZnqSl8R1Y1he1nVlrYPuNXmaT9ISmX4NS+1H6tcz5Qqjc7+mS1uly2yslHdQn/kh1P4P0DtU7g5TdxgDP2VKJc5f7PUbRbWmVOvHKTL4LPK5V1HZGfMD4rC8nRfeuTbvc9hZJJ/SJL3HioNH3Uc57oOnnv9B7KOsAbcBtZX+W1m1DcWV3Uy3d97/p7+ZfNhnf9GvY9POf9uHI6Rw/XZZWPzSMiJnd5e5rdFi/naS3KqY3XUMx3uA8SZ939/kFt3+3u6/eYf2qikvKS2zf3S8ote20nY6PP922gWKmk/bn4Ovu/uC49iO3jXG8lmZ2kLsf33QbucxsdXe/OyM+63Us8T7IZWZz3b2xuhpm9gR3/0tT8SU0/T7KMQnPv5kd6e7vbzB+ZJ/HufFj/G4e6WeZmW2kuKLTegwX5/zPDLr9YePH9fz32odJibeocbaGojvlP4fdTtNINEas04G+me2q6Pf7f4q+pE9X9IF9vGIu9We5+/WFtr/UG9nMtlZ029lA0cVIikFYmyv+oV/t7g8U2n63ROcZiing7kz7sIGie8ITFN1eXujud5bYh177kdvGuF7LSfhiLqHAB3PW69grfozJd6992Klt++e7+z8Kb39UBwjT5sRBkydgmj64mYR9GNXncW5809/NJeLNbJZiqvQ9NPX9booJKw5z96OH3Wbbdqb1899tHyYh3szeoeiOu2VatUgxKcV73f3iYbfXlBWa3oHlQKdM7pOKy/A7u/uzFF08Zrr7DpK+L+nTI96nY9J2ZilmsjhO0ncVl5dXUUynWEq3TPZoRX/Njd19tmLGnqsUXV6uUHSjKKlERt3ka2n97zJcG2a2m5n91MxuNbP7zex6MzvVzLYosM1a+zCA3NexY3xKvi+XdKqiG8wbFQecZ5rZGWa2UuZ2e+6DmW1gZr9VDLz9b8WMTZ+VdLmZHVNw21L+a7BUfDpxcLlifMxOir7M6yqKXf3azNbM3GbffRhQp9dgXO+B4s//NNyHUX0e58Y3/d1cwn8pDspfrOie+0tFDYvXS3qHme1faDvLwvM/ku+TnHiL6usfVIy5+pRiIoMjJP1e0tnpZNT00nTfrWV9UZe5sLXktKYzJN2Wfl+n9fuIt1+d33o1pTnmFRn0taPcfmUfqvN1r6Q0haOkDVVzpqHc/Zgur+UI939/xZmurynqGLQq6J6umGXkcZP0OowqXjFT1ecUM0StqjjYP1xxsHyOCval7fI6fFcxGHkLSY+V9D3FQfuTFV8wh0zya6CYVvXgyt/vU1T2XVkxGLxWlfuGH8NY3gNN/w9Mwj5M6mMY1+f5KJ9DxVW4aqHJjSRdkX7fWX0q3C8vz/8oX4PM52COUj2f9PdTJf0m/b6vakyqMGlL4zuwrC9d3khXqjLTkWJ2oCt6xRTe/jxJa1f+Xk+VWU0kLRzl9tP6ayRtVPl7c1VmRSm5D6We0yZfyxHu/+VKRbrS3y+S9NP0+39owBmfRv04Rvjl3GjyrZgedVbl70cqTVesSDauGOX2C+z/tDpx0OMxjPw90PT/wCTsw6Q+hqa/m0vEK+o1VOsprVL5X1yx1HfrdH/+R/kaZD4Hd7b9vaKmkq1HlH4OxrHMEEat0yXmExWXwI5Lt79N0lckKXVXKdYHUTFNarszJZ1mZocpus8doehLLTNbVzFvfSndLrF/W9KPzOxTaR/eJ+mHaR82UlwuLGlU3Q3G+VqOwgbu/vPK3+dL+lb6/UuKCs/Lg7sUB5atsUmrKfrFyt2vMrN1Rrz9fyqm4Gx5SHGwLsXUohuOePu5bpf0aE293zdSVNWVu99gZln98cek6ffA8mRSu3+N8/N8VN3XfquY6vkjZmaSDlNM8SvF1bpSg4qn+/PfbR+ajr/SzHZz95+kv18u6dr0+/1Kn0nTCWM0Ru/rHdZ9RjFOYs+0HK/oyyxJd0vau07DZnZpl/WXtH539yd2uMv7FNVnf6Po8iBJh6Sfays+pEq5qMv6wzTVH/0YxYfjB9NtMxQfMCV1249BjOy1rGFUX8xzzezplb93UhTukmL/S2y3pE6Jc4n4VvL9tPR8fE3jTb5/LumLZrauma2v+L/4TbptDUkLR7z93PjWiYPXmNleiv7UP5RGduIgV68TMKN+DzR9cDMJ+9Dps3TcbYzk89zMZprZnWa2Sp+7Pn4U8ZIOlrSfmd2t2Of9NPX9vo3if7UnM5tdY33X5z8jvtj3qZl1vK+Z/b/KnwdOYPzhkr5rZmeZ2dmKE3+tMavbK3ohTCvMOjUgM3tOnfu5+4WFtvcydz+ry23dZiyY7+5r12j7EZLk7vf2uE/PaSTNbFPFILONFV2yTnP3a/ptexBWYzrH9KG8lWJw+2Lu/uvOEUvFHyLpQnf/38q6Z0h6trt/ZvC97riNjq+lmT3K3W/rE/t+d+86QH7YNsxsP0XV0m8oDh72lvQBdz/WzJ6omDFou17tDsLMLuuS/MrMLnX3J3VYf0mdfciJN7O1FDO17Kp4Hs6T9K/ufpuZPVYx28lJ/fYhtbWCImFr/U/82t17noVKB+NnKKajlKKA28vd/Roze5Kk3d39E3W2X2P/znL3l5WMN7OVFQM191I8fz+U9G53vzd9RjzO3f8nY7fb96Hr+yjdvoaiqvhsd/90St7M3W/qEbOWCr0H+ux78ed/iDZe5+7fGFW8mT1G0g5a+vP4qwNsI6uNEvvQp/1e383XKGo3df1u7dN2bvzqkp6leB//2gecwdG6z2h1h7s/ctTxNfex6/NfYh+ajDezp0l6leL1O8Pdf5XWm6KL6kP9tj9Rmu67Nd0WxWWr6vJwh7/7VsEdYHud+vAdkJZ7FYN5D6gsn1KfatC526/c9i+Ky7AXK6ag+42k+yS9uPBz3rNPoqIa6e2dXpsBtjFX0lpt69aWNHfUjyM9h9+QtHNG20O3oSgo9i3Fma69K+tnqWZl7XT/joMMJV1SM/7uLuvnjyM+3fcR6lGZNt2na9FAxaxpf1FcMbwx/fyrpC1qbNsUZxwfp8p4hwFfy31UGUiY1j1FccA88via2+hbPFNxFed1iukcpSgY9+ia7W8n6WbF7HUL07qXSPreqN8Dki6R9Pb2z5IBnpus+NTGCpLer+jvfmda92JJbx5T/EGKrn+3KMbitZbaFY1z2yixDzW20eu78W2Ks/FDFVDMjR9gOx2L/nX6LE3viztqtpsVn/v899iHR6rmgPKm42tuY1oU/Gt8B6bbohiY01peJ+nHkp6o6M/7REk/UuVgrcD2Or1ZWx+aD7d9iP5D0R2p2IF+p+1XbvuzpAPa1u2nQrNa1NmHdPvViukoH6nog7p4GWAb3ZKAntsu8TgUs0qcqLg0/FdJ79SABxol2qixjX5Vxoc60Fdm4pwbP8Tz0OsA41zF2JZZ6e9Zkk6Q9LOC2++a/CqmiH5027pHS7qqZttZ8bnPX7p9O+UlCj+X9Lbqe09xVnveqB+DotvKX9J78euSnjtgu1nxqY0jJP1R8f20IK3bQtIfxhR/raQ9M5/frDZK7EONbfT6brxOcZLhAcVVzbmtpWbbWfEDPIa72v4+NS33V35vLb+S9Ks+7WXFl3j+03M3V5Fozm1b7pX0zRrPfWPxOa/fpC50ncpgZldJeqq7L6isW1vS79y9SA2Cbpff0m3Zl9Azt3+3pDW90i3EzFZUfDkVG/zZax/S7Qvcfa3MbfxFMX/37yvrdlB0Bdsmp+1Ke/0ex+qKbmhvUUxx+h1JJ/gABXpKtNGj7W6Xgg9Iv35BcTa22n97a0l79HoOUzcBSdpES/adXyTpJklHuPtPRxU/qG5dFtNtCxQH6v+srHuEYtalNcew/W6vUa3CUrnxdfRry8x+Luk7Ht335rv72ul9/TePmjv92r9dMb3nomo3BTO7cxyvQbr9WYo6HK9RXNn6irt/aoD2h45P/w/PcffrWo8/dee7zet1+ciNL/F5nNVGiX2osY1e341v6Bbn7qfUaDsrvq72x2BmJ6Vf/1UxLXVL67P0RHe/Vl3kxufse2X9GxTfQccprmy178P57v5we9ykxA+i5OfySDWd6UznRTE4cM22dWspnQUqtI1GM9Ze21dU8n5G27qnq+DZ2zrPgaLbzzMzt3Gw4gzqKxXVyV8p6e+S3jPu1zI9h79TfDDdp+iS9qQBt5XdRoc2u51BKnKFTdJZmfuXFV/idVScjd6wbd1Gkv46pu1fLumxbeseK+kfNdvOis/d/3T77ZJWSL/fUVl/Z832r1LMprY4XpGEXj6ux1C539qKsTdDdacdJl5RR6F1ErH1+GdKumVM8adpiCsxJdsosQ+l3gOTvHR7DJLen9luVnzu86+YUOaDGr7rWqPxJZ6DSVqY3jbPBZK+aWbvURRZ2UwxIPL8ce2Amb1IMVZiPVXOJLv7vmPY/EWKmWZO0dTj31fS8ZWz3PJCg+96OEjSOWb2e03NmNTa9hE12/gvRderUxTdXRYqZv45uuB+dtV2JWIzxYw3b1BcNj9UUdCt55WVEm300fHyp7tvnrY/9BU2M5spaRMzW8UrVwPGFZ8jDTpt+Zyk083sCE39T3xIUeV7HL4r6VQze6sicX6spC8qrmyNI76E+YoxGYv/l81sE8XZwDq+I+kUM3t7ip2t+F8+rWdUQek98UbF/99KigkXxhV/qaRXK17Llj0U3aHGEX+rpB+a2fcl3VC9wd3rzmiY20aJfRha22fCEtz96lHHF3Csma3q7velq1n7S3rQ3U8dU3wWd3/IzA71ISfQaDp+mdN0pjOdF01VjF08CDz9vV7BbfTqB/o2xSDgH1Z+3qvo7lNq+73OGlxTY8kefNfrOUi3H6Xoy/oHRfLTWi4ccnuPGtH7pdsVga8qxlb8QZEkrNZ2e98iSyXayHwvzJR0maRVMtq/XpWCaeOOH/Z5aPv/b5+QYOCJCTJfh1UUffur+/R1SavWbDsrPnf/0+2fTJ+jW0m6Q9Jsxdi3j9Rsf2VJJ2vJCTq+r4JnF7s9BkWXkfMV/et/quj6NHOAdrPiUxtPT58Fpym+D76sKAj5tDHFX9BlqV3ROLeNEvtQYxu9vpvbJ4pp/S/V+hzIjS/wPr5I0tPT74crkvx5kj5Ws92s+NznP93+K0lbZ7TfaHzO6zdpC2M0CjCzDRVfhvPc/YZ+9x+w7ePc/a1dbvubpIPd/exKX+bXSHq+uxepQ9FvGslx6HemPPWL38Ur4yuG2MZ2km539+sq6zaW9Eh3/1PXwMG20fG1NLNTJR3n7r/pENa6zxPd/bIet2e30U+NMSbXS9rc3R/odp8+7R8h6X4f8ixQbvwA22nv17xpnTgfcd/ktvusI2lzRXXxntMejyK+T9v9xjesrBhA37oq64qTKK9z9/sH2M4jFRW9b3L33Por7W136x8+V9JJkr46zOudG19pZ2vFiaitFAd5x7r778YVvzzo893c/pmwkaI+1aleY1rh3Pi6uv0vmtltirFmD5nZFYorXHdLusDdN6vRbm78bHef12t9r+c/3f7vipNuRyuuLi8eS+rufXudNB1fx3QZo0GiUUBKNDbxGgNurWAdjuqXXWvwm8Vg7Ovd/dE14rPqFlTub4oPlRv73rlz/KbKqMVhZjdI2tgzBliZ2R8UBzJ/r6x7nKKOxA414oeuw2Fme7v7Nzus/3/u/q1OMaNoo8Y2+h0g5iYKFynOpt6smDWm+sHc9/8mN36A/eyYfKfuW/+lSP5H1n2rzpeLma2nNDje3Qculpcb36ftWl3shk0UzGxfSee2fx51+x8ZRo/3gHnGl2pufGqj70HaKOMr96/9vTiqNnLirXAdDotaLj8d5Lt12Pj0WXSbpPV7fRaZ2cbVk2uV9a0TlxtK+r27b5DW151UIjc+uw6HmXWrXeTuvuI0iO/7nW6Z9XDGhUQjg5k9SlG74IWS7nP31czstYpaBv/WJab9zefSErP0uCTVfCPOUxTCutvMLlcUmrpd0rX9znim+BIF/z6vOPP4cHr8e0h6Yt2DTTP7F8Vgx0sUXa02U0xv+QqvOVOQmX1U0q3u/oU69+/SxgLvMEtJt/Ud7jdX0ra+9Axkf3L3TfrElvhQzS0uVKJoYG6icFi329z9o6OOT23kFg3MLkhlQxT8q8SuoRhntEda5Yr/r/28RtGuAvH7KKa3vqSy7imSHu/utcZI5CYK6TP2Wkn/4u5XVtb3vRJUue8aGrDgXyX2mYppvjdw95eb2faKuhy/rLnt3PimC5UN/L1Yuo0C8QcpZtG7Q9I9lZvc3buOn+jT5sqK76la78HceMso+mdmv1U8/i0UNYD+NT2nl9U8iZkbv9SxiQ0w89myoMRxwaRgMHie/1IMWNxY0T9dijncP94jZmbl970UlZjfrzjI3lzSJxSzKNXxa0l7Kg4MfpyW+yX1vBpiUwO1VzSz/aWlpiO9ueb2/1ORGOwi6cy07g+Kx1D3rPZnFHPeLz5LZFGt+jOKPsp1vEDSjmb2Li09GLzumey7zWxtd59f2Y91FH2U61irmmSkbc9PyUY/ttSKOJtb6+CyUBvzzOx0RferizrdoVeSkZyXlqHUTQZGFZ9s1mV9re5Rkn5qZi+umyS3S2dRf6wYhH2bpEdJutLMXu7u/6jRxKcVMxVtr5h9aUvFpftPacmpFkcVf5ikZ7etu1ExsLjuYOyTJV1rZkskCoruVHWuSNyjqGXySzPb1ae6/Cz1P9KJRTfKn0q6U9KGiufkKZLepOgC0it2L0U9m29Lem5avYKiNsULamw7K77VTId2V6gZWyJ+mO/F0m3kxr9f0mvd/fSa91+CmbW/Vqsp1ZgaR3zyn5KONrN3+QBdDpP3KiYTuV9REFeKxLtu97mh4i26AEvSSpXfW7aQ9Lea218WlDgumAhc0chgZjdJeoy732tLztde9yx4Vh2OdIbD3P2fZraSpP9QVNT9jLvf3iOu1S0pq+6AmV0n6cnufkfb4691RSTdN7sWR6Ez2V9XDKg/yKNf6QxJxyoKr72uRvzAdTjS8+eKg5n2sT2PkvQjd9+7z3az20jtPFXRn3RvRcGh4xX9gRf0ix0FMzNpiVnUBvpwHTTeMmuBVNr5b8UBwRmKkwfVqzp9Z7sxs3MV/Xnf7e4LzWyWYsaqLd19lxrxcxWDdm+urHu0pN+6+8ZjiM+uw5E+E46U9C5JixOFum209sHM3qQ42Hqtu59b94qGZdTxMLNLJR3o7r+uxK4s6Tp3X6/GtoeOrxyY7aVIVKq2kCR3f9ao4ivtZH0vlmijQHztfe0S3/55s1BxkP12d+97sJwbn9q4TlFs0xUV0qufRT2vsndpb2aKfXDQ2LrxVrgOh0X35xdo6Vk5a8081kR8qe/0ScIVjTwPqS27tLjk3reLQbKOlp4y1NP6vqpnKTwG4PY749y6b/Z0pMlMSXdVV5jZqoq6DXX9n6QdJVX70D41re8rJQT3STrG8/rFv08x28uNZjZHcWZ7vuqfRfyKYqrj92lqWtAjFTO2dPMhaXFhnw9X1i8u7FNjuyXaUDqY+52Z/Yempsg90syGKvg3TKKQriAdo5iuuf3ScJ2uhDnxreduZcWgy5bW8/iufttPnqg4INgwLS11z+g8TdLLW+/llGy8W21X6npYVTFDUNWCtH4c8Tea2WPd/YrWCjN7rOJApy5390+a2S2SzjWz17r7uar/HLYa+bKZ3Srpu2Y2yOQYT9LU/32rK+vdKdnoZ2N3/3U1VjEjXt3v2pz41hg1q/wuxXv454orJaOMb8n9XizRRm78mWb2XHf/Rc37L8HdB7kCVDw++VCBNqqf5UONgRwk3t33TzFX1LiC3m+7r1Z0n/urpMenn0+QVLcLYlPxRb7TJ4pPwNRX03VRZNyfSr+3ChsdIenkmvGnSzpL8SZ8RPr5E0mnD7APe0s6V9Kf0987K8Y3jOPx/1jSO9se/1sH3P/DFV21Pq2Y5eTTin+mwyUd0Fr6tFGrkFeNfVlF0TXiPeln7alaFQeyH1ckXovSz08oFR7rE/vsAvue3UZbewMX/FMkyKcp5rB/WINP6Xhq2s4rFDOUvELS/0p6xzjiUxtjKfrXY/tZBf/S58mnNVXwbgXF9M//M6b4jytOGjxF0d3jKYounkcO8BzcVfl9D0Wi8zrVL5J3d9vfOyvGrj1UM37ogn+KsWZPaYt9quIqdZ1tZ8Wn+zdabE2Z34sl2igQ/3nFiaYvp7jFS834ldU2LbHixFytKZZz43MX5X+W58avqTSldvoMeqOix8Agj+ESSfun3+enn/82wGvYWLzGVPBvXEvjOzCdF8UZy78pupo8KOlKRbeHDWrGZ9XhSG/aayV9QOlgW5Ex/3qAx/AiRfeCUxQHaqcquszUid1GcabyV4q+mOcpvtAfO8D2r6mx9KzFIelsSTs2/X6o7E/fOhySNqv8/phuy6jbaGtvdUWi+EfFl+wx6f20puLqzN/7xOcmCq3Zw6ToOifF9Jq/HFN8di2QSlsbSnpGzftWX683KQ7UX6Y48fAyxYH6G2u2tY1iAPnNiquCrfnrHzem+Ow6HMpPFPbosO5Jkg6rGT90HQ/FxBhzJL1ZcbLh9Ypq63vX3HZW/CQsyvxeLNFGgfgLuix163j8TNJz2tY9RzHJwcjj0/2H/k5Qwyd9VKAOR/r/WTH9viD9XElRhmA6xPesEzKdlsZ3YLov6Y3zSsXgp30VffoHbWNDRfehDQeMu1wxm4s0lTGvqJiZoU58dsE/xZmLgxXjGT6idKA35tfgcMVB5scVB2q1roRU4tdN+z83PQ9z09+1Cy8qZsrauG3dxooxLJ3uXz1r26k40yL1OftToo1K/FeVXzQw90D/zsrvNyud0VPNK1a58em+uUUDH6Wpkwf3pHWvlfTfPWKqB+WLuiy1C3UpKtv/P0mHpJ+rD/gYsuJTG+sozsQPXPxSmYlC7qLMgn+KMTp/UnyWXq101XeA7efGr6K4mvpbxYmoua1lHPGpjRLfi1ltlNiHjPfQbZJmtK2bofrfzVnx6f6dvhNqXVVQ8yd9Fj9+RVfkbTVV16fu479JU1dFrlZcGX6Eah7AT0D8yAv+jWthjEYGm5pu8Qdt64epXbCCD17sb113/2v63au7UDP+3yS90qcK/r3CUsG/ujvgMej86Lr37yb14xy2FscbFFdU/rV99xQH0L22u57iTMvDirMw8xRnMPeS9DIz29Hr1RH4qqJ7R9WstL5THY4nVH7fvEb7nZRoo2WGYjrQjgX/3P1hi7ogvazmU3Oy329mM939SjNbarrYLuaa2ZbufpWi+8orzex2LTm95CjjpRhrc4jqz5rWbpjZbnJfuyW4+0JVZq4zs5XMbK7XHACaG5+0xsQM3Nfc3X/UYd2l6jHjjpmd6O5vSb+3z1ZTbWffGtu/X9J+Znawhqjj4e4nKxKVoeTGK7q+vVTSFxXv4w9KescAbebGy2PM4OLvxWHeQ7ltlNgHG74Ohys+Ux+qrJuh+t/NufHS0p8ri4v+1YjN/SzPjV/RY1KWDRUnOv4sLR6HV9dvJb1YcQL1PMV4iXsVJ9OmQ/x3Jf3AzI7WiAr+jU3Tmc50XtSlz7BSn9Aa8QOf/WyLv1jS86rbVAxirHvWoHpGfEH6uaLii7Xuc7B3egxDjRFRZPgnKq4ktJ6DPSR9cEyv4XGKqXlXalu/kmIMynE121kwyPrK7TMVV0+G7q5TqI2OXTMk/b8B2rhUMTuSFGdjXquY+viGmvFvUyS+Ukzb/JAiAXzfOOJT3EWKwbfXKQbtXdhaasbfpKh5sMTnQL/3QanXsUu7K0taNI54xax3P9CSZ1F/oJhZrlfciZXfT+229Ig/rvL7Sd2Wmo9hX3XoYtPtf6RHO8+R9O+KmQWHed6HildchXhc+n1++rm9ao4/yo0fxXuwRBsDvo9zv5t/ppjBsLruLZJ+Po74Hu2uL+mSGvfL/SzPjf+t4gTiEUo9LNJrMsixyaMlbZR+X0tT02NvMU3is69uT8rS+A5M50UdLoEpZrupe3n0NMXYiI0qH+jrSbqiZvzLFH3pP6GY/u5Dii4j/1Izfp5StwhFN6wtFXPo1x10WWKMyBfTB/qzNJXsbKwo7DPMazJQVw1Fl4Atu9y2ler3p7xO0tpt69ap88GqmonpKNvo9poP0q4KHOi3tbeRMi4dDxOvqAPRcakZP08pUdBU8r+GoojmyF/HLm2unPPlNEi8Ylrknyu6Es5KP8+XdHyfuGKJQoHna5FibNhWbeu7fi4qTpa8pfL3/qmd2xRjBF7eZ5tZ8d32M8W3+onPH0f8KN6DJdoY8H2c+928k+Ls9RmKMZA/Sn8/cxzxfZ6Dvt/vavikj6JXxTxJ/1AUHZSiS+FPBnisswdZP2nxy9LS+A5Mx0VxUDk3/fPMbVvulfTNmu0Mffazct/npw+hvyq+0PcYIPY7kt6Qfv+MYvDcJXX/mZU5RqTyXD6yw3Mwf4A2VlJ031qYPswWSvqcavS1V3SrsS63maR7a+7D1xUzlLT6lc5QHDx8o0bsNyW9OPM9mdWGMpPmLm0OdKAv6dgu678wjvgSi/Jnu8l+L3Roc5wHaHMlrd+27tGKOhBjeQ3atr2FYiBq7S93xVilDyhO2jy1ur5HzJWqDLJVJCqHpN/foT5XxHLj29q6XFNnUn+vuDLyeEVV6ZHHj+I9WKKNAd/HJb6bnyDpvxUzSX5B6YB5jPEvaFterhhr9Kshnruxn/Tp0MZMtc3E1ef+uT1OGo1flhbGaAyn1DzH2fONu/sFitkwhrGPpvp8fkAxs8saiqSjjtwxIlKZWhwfVdROeL2mqhkfkda/v0/sHYqDkas63Lal4opRHTl1OG6T9D0zG6rIW04bleJAq6ZibVWPUiSxtZjZse6+uF6Bu1+f1n/B3d9Ro4nXK86EtXud4mBr1PFLGKYWiGJ8x8/M7HWSVjezKxXv8Z1qbnbY1/ExPdpcud9Gc+MrcutwLMHMtlAMBP+du8/rc98jFGecv57+3k1xYDVT0r1m9hJ3rzMHvvvgdTzWU7xeMrPNFOO8Tki3fVlxVayX3Piqb0l6niLpPVHRP/whxdWmkcWXeA9N0Pu4xHfzXxRX/YeSG6943apaRf/eNMS+XD/kWK3s+Iw6HrkV7puOzy4YOClINIbg7qdIkpldVfOLq5tfKA6G31dZ9x4NkDiY2aaKA6yNFVcHvuHu19SJ9SEL/lVcYWbPc/efV9Y9V3FlpK7fKg4Oj6ms209LFvDr57WK7mL/SH9fZlFh9zz1TzTOkvR5M9vD3Rd/kKVCgJ9RnE3qK32QPlnSbookY47iylCdIoK5Rd5y2ihZHGioA/3KwYGZ2eZauip3z+cwN76trayige5+Q+V9sKXiOTzdY4B1HcO+jlf1uI+NIb7lt5I+ZmaHuvui9MV6uOIx9VQgUXiVpNdU/j5K8b7+kOJEyockvaTm45APVvDvQcX36YOKyR+udPfWCZT71f8gNze+ut+HVX4/wcz+pJii+pwRx5d4D03K+zjru9nMDlFchfrfyrpnKOod9T2RlxsvFSv6t8RuKRLgkcfnfA5XJoNYqcPEEFuoz/FJ0/GVdrIKBk4SS5dykMHMVtPSGefVNeI2VAz6mqXoXjBH6eyn15h9ycz+RdGH8xLF2bDNFH2iX+HuP62573srpoJd3923NbOdJa3j7j+sEfsyxVmvYxWVk49SnIHZx91rfamZ2TaKwbZXKqbDvEhR5Gsnr1QX7tPGHYqpaB+qrJsp6WZ3b/+Qao9dX1Ev4AFFt5XrFZd591Kchd3R3W+qsx/TmZk9e9ikuXKg/yfFNITtB/pfcfcNlwqcil+kzgcArbNYH3D3/xxVfFtbpyrG5nxK0tcUV/3eL+lr7v6FGvHbufsldbZVUjrh0JO7Xzuq+Eo72ygS/JmK8VubKM4Ov8jd+31B/0XSa1pXSc3sstRWK1HY3t27JgpmNl8xRuthM9tAceJlA3e/1aKq95Xu/ugaj+Fud1+98vfOiplj1nT3jifnzOx8SV9396+a2bcl3d66upee2wvdvetznBtfaWemog7OU2ue5CgWX+I9NEHv49zv5rmStnX3BZV1a0v6U50z+rnx6f6twe8PVtbNVMxweX/3yJ7t3evufU+45MbnfA6b2Unp139VHJ+0tE6endjnPdRofKWdSyT9l7ufZDEr6Npm9m+KniTT6opG4323pvOiOLD/tdoqX2qwOe+Hnutb0p/VVitCcTXg0prxJQZzDz1GpNJGVi0ORaLyb23r3i7poprx6yu6CFyvSDiuT38PUngxqw5Haqd2kbcSbahQwT+1zdFeWRYpztAe0id+0/S/tDD93lo2Vo0ZmHLj29rKnf/9fsXZ+wM1RP2Jku+FphYNWYdD0dWwNfB4A0WCsm76e3X1mXEmxbcqmu8m6R9tt9edv36PDut61vFQdDW6N+3DXZK2qdz2Lknf7bPNrPi2tnJrwWTFLyuL8r6bu/XPr/sezIpP980u+tcWO84xMlmfw+n+uRXum47PKvg3SUvjOzCdF8UB9o8UZ+DvVFxN+ImkfWvGZ00pqhi0uELbuhUH+DDLHsw9CYui//tCxcDF7ygO9O5WnH0a9bZbfauvUtRKOCj9bFWi7ZtsKHMqxWHbUKGCfyp4oN/0ovyigespultcnp6PkxXdHUb2OnZpY1fFzEUDFa8sEd+hvZVUo9ibMhMFRXfLl6ffj1NllipF4nL9iN87mypm2Nmkbf2zW5+zo4yv3P8IZUwPXiD+YcX4EmtbX2s2wxJtlNiHDm3Weh+n+/5F0g5t63aQ9PdxxKf7D1z0Tz1OOEl6nPoXkc2Kr7STXXy1rb2BJ4VoOl6ZBf8maWl8B6bzIukWTc2YtCD93FDSH2vG585q8DO1nfWU9HRJP6sZf0f774pE4/YeMb0+SGqfBW9rM6sWR4rZWNKhiulyD1Xbl3WN+B8qDq46zkDVIy67Docyp1Ictg1VrhxpyQRhiWWQ52OYRXEVbevK32sqCh1eoiiA1/Psam58W1tZ87+3tfVcRf2HhZL+OqrXsS3++YrB1/MVVwTmK64qXT2O+C5t1qpfoMxEQXGQfk963R9QdHts3XaAesymp8w6HpO0KL8WTG78fYqTPadX//c02Nn4rDZK7MOw7+N034MVFa1fmT6fXinp75LeM4741MatajvRo6j63uv7fYmTTFr6CnW/RCMrvtLO0J/DikT59ZW/d1NcaV6k+Cx+1iTHV+J+rHQcpOhh8QtJZ0v6xbDv4aYWBoPnmeHud6Tf7zWzR3gMBt2iZnynWQkeqbbZLnq4SNKPzOwUxdnzzRSXeI83swNad3L3btWxhxnM3WmwXetxuKYG3NXqx5n6HL5HcfapNfDuDkXfzB/WaUOSPKqQHlX3/h3MVRxM3GdmJyvGFVxTI25XSS/wGExf3Z8HLCoLXyDprX3a2EWRnN1rZp7ib7GoWl7XwG2k56zVb/d9kg724fp1P0HSQ+5+efp7TcX0wtsrPhwPaX9+2nxecWB5efr76PR4vqs4eLxb0U9/VPFVxym6yVwl6bOKK2Sm6F44qAslraY4+fD8mjG574UjJR3t7kdU+vUepThoHEd8N+2fGZ18WtK3LGbqerziTH7LSxVjB7pvwP10M7tRcYXzInf/beXm29X78+HhLr/3ZWYfdPdPpN+P6HHXBxRXOr/vS44ny4rv4DwtPePQIHLjH1R0BfuRYtau3dz9bg02uUVuGyX2oZO68f+lGMR8iqIr4ULFVLVHjyleiq7V+2nJ2cL2VRzEd9NeTXxQufEtOZ/D/SaF+LB6TwrRdHzLmzV1HPVexTHRGhpiBsXGNZ3pTOdFccbkSen38xRnIQ6QdE2fuFJ1OK6psXQ9E6khCv6px5lvDXEWXBndtxT9TXsuA76eKysGcJ2fXpvzJO3VJya7Docyi7yVaEMZc3tLOlfSnpW/v6IY+/MZxSXfj/eJv1HSWun3GYrE4Hnp7x0kXT7K+D5tD1P0b1PFWa25iu4Ln1f6nBjD6zhfU90MFqSfq6nPZ1Kp+C5tDtI3eyfF5+jT2tbvoQG6oI1zUaVituLEQrflQkXf82+WjJ+0RelKvWLw9HcUCeKjNVjXqaw2SuxDhzaHGqOgAYvIlopXRtE/dTnrXie2RHyHuNqfwyoz1qux+Eo7y0zBv8Z3YDovkl6tdFCuuBJwl+Ks0xv6xL1BcabhvvR7a9lH0otab9IxPYbswdyZ2x+4+1bl/ou6LK1LtQ9l7NcW6QO636Xi69S7snjffuHKLPJWog1lFIpTfqJQHSuyQ4q3yroFo4xvayu3aOB5irOpP1N0CVx5wOcy93W8RamriCLZe5TiYGvhKONVqG92qUWFxpkos292h/bWGOT9mBuvONmxQmsZYnsDx6vSPSnFf0Fx0uufA2w3q41h40u9jxVdlF6gmAzh+Up97Qd4/FnxlXaGKvqnCSxWp/GN9Wo0fpTPYVNL4zuwLC2KL+TVBrh/kTN06YO01gxJhbZXsk/8xZo6KG0dWL1ANWaXUCQk7ctMSW9RHDD9dojHNktxyfJ/Ff0qv9/n/iekD/EV29bPUCRwJ9TY5oaK7mrXKQ5SWwPJa7+muW2kL6O7FQe6H1cc3B4h6YgasbmJwlylatKKbmY/r9y2qvpUic+N7/ZY2tbX/YL9hAYco1T4dTxP0i7p928qiq99WVHwbmTx6j7z2EB9syvtDZ0oaMhxJurft7rU53VWO/3iFbP4nabooz/wbIgF4r/TYd2HNcBVsdw2ho0v8T5WJAe3asmTX7dJel3Nfc+KL/QeXepgWHFFp+8JwBLxXdoc11ivRuP7PIcriERj+Vokndll/RkDtrOaom/jQIOpFTMQnKiYUrU1Q80eGmDGEEU3jw8q+nF+UNLmNWKyusq0tTVw960ebT1TUTDsBkn7DRj7LEWydLdi0N0hqjdj1PrpsV+pOFA5MP28XHEA/Oia219JMZ5g4KkUS7Sh7t01zq8Rm5sonKAYj/OK9Nz/R+W2HRVzx48sPt2v9b93d/v/omJ8wMCDwXs9XyN8HZ+gdNZSMUHCTyX9Rm1dkUrHq2x3ytwB7RdL+kj6fX76eZSkt/eJ+4sqsztJukzR7W2WpE9K+p8a295A0kmprSW6xdbc96z41Map6TV7RXo/v0Jx4uQd44ifzkvu+zi9d+9VnKzZUnFlYktJH1N0s33+KOPb2jpE0tPb1j1DPQaUK8Z9Xpj+3y5sW+ZI+mmfbWbF92m7Vtc1ZUwKMSHxrckn7tfSE1L8StKvmv4/GXShYF8GM7vL3dfosP4O71MoLt1vM0Xlx6e33+b1itp8UdE956OKpGctM9tY0tnu/sQa8UMV/EsDLh/n7gtSBe35igz+52a2g6I6+db9tl9p7/mS/j09lpsURWp+NED8Rook5xWKKyof9/qVmFtt3KMYPPwVd79owNj1FV8EuypqatyqmInqMK9X3Gk7zyzy1lShuLTtExQJ18mKA7ovuftn0207pr+f3CN+HUlfVyR7Fyimd74v3Xa0JLn7waOKT/crVvSvn/aCcG23NfY6Tgozu1gxbmGpAenu/sUa8fMVJwkeNLMF6XNxNUmXuXvXwaolCv6Z2TmKE0DfUBxsLObup9TY96z41MYNigPM6yqPfyvFmdVnjyLezJ7j7hem31/QpWl39wt6bDerjRL7kCu9fme7++c63PYuxffkC0cV33b/uRqw6J+ZHZZ+/YAiuW5pFZv7tk9VrC8e38uABf92UodJIcxsD8VVlZ7FaZuML1Xwb6I0nelMx0XRtecFSmcYKn+/QHFGt+7Azdw6HNdpanrd6liH+TXj/6whCv6pYJ/4zNdhFUmHp9fhdElbZLS1RoPvp+wibyXaSO0MXChO0dXibMUYpR+p0p9YMUvK0U09twM8hk01plog6jEgtdB7YRXFjC3PrC5jjM+t4zFfeQPahx1nMl+ZfavT53jO/19WfKuNyu/D1IIZOF5LjonoOnauz3az2iixD5X4oepwpPfQWl1uW0v9u5FmxdfZ15rv46xuWsPGq+BYLzU8oL1AfFbBv0laGt+B6bhUP7TaP8QUs8bsU7Od3DocNykV5NHU+IZVVbObh4Ys+Kf8rjK9Pkxqdx9THETcrBiTMVQbHdocthvbDzVEHY4Um1XkrUQbKlAorvSi6LLydsWZ6LHHj/Bx9Uo0cl/H3RVTuQ57gJUbn12HQ/kD2ocdZ5Ldtzq9bgN3eywVn9rIqgWTG78sLBqyDkf6n+04AYQigR9pfNv9Byr6pyVPFq7Qbemxvaz4FFekDkdqq9EB7bnxbTFFJ6UY99L4DkznRZkHMFryKsQNkh6Rfq87hd+PJb2z2pbiwP/0mvFDFfxTfp/6bh8ig1ak7jTT1EBtVNraTNKvO+xX3QOsYxQHaPMU/Wv7jnXp0s5zNWCRtxJtqEDRwA5tDnWgrzibfpziCsndkj436ngVnOCgxrbq/n8P8zpeLendijn4V64uY4ofanxEWxu5A9qHHWeS1bc63e9Vkr6W/o9qH2CVik9tvE3SKyuP6SHFZ9l7xxG/LCzps2OW4jvyF0pXmfr97yqm0d21y227SrpklPFt9z9YAxT905I9FboOiu/1nOXEp7hN+y0DPP5GB7QPG69CBf8maWl8B5bnRUPW4ajEb6M4+/er9EY8T3Gw+9ia8Ycrrgh8On25fFpxleRw9ejyoMyuMnU+TOp8oBT+UMrqxpbaGLgOR4c2TDFA/rx+H8ol20iveyvRrSbAC4bY/jAH+jMlvU5RifhhxRfkPeoydfAI4otNcFBjW3UTjWFex4Ffr8Lx85VZh0OZA9oz9z+rjoeWPvEx6AmLrPgubQ5cCyYnXnFV/P2KCTLuTOteLOnN42qjQPxQdTgUJ/quV9ugbUXxwHmS3jbK+A7PwccVn8OL0s9PqEvSWn1/K05ydFx6bC8rvq2tobsdqeEB7QXisyelmLSFweADqlvF1d0/UqOtVys+uM4xs+cqrlCsovgwrDvwbx3FzDStgdQnear4XCP2mhp3c3d/TJ32mmJmz3L3X3VY/0x3/3XNNm6RtI2731EZALmhYpD9U4bYpy0U1bF39XqD1zaV9EbFGJlHKAY3f8Xde1VxLdaGmc1THJT/szWZgZmtoRivs2mN+JmKaqhvUxys/UNxgPJkd7+qT+wnFUntWpJ+oJhJ7eeKq3xPdvdbRhmf2ig6wUGfbXUdDJ5uz3kdvyXpmLrv+xHE36K4vP+AmV2r6Kpxp+Lqxqxh2hxyP1ZRfCYu8TwP+7gG2O5zu93m7r8YdXxbWxspErV57j5vkNic+PS9+HJFkbhj02fpFpK+6+7bj6ONAvGL/0fNzBTTf++qmBxglT6xX1L8/85TJA0bpeUUdz+gxraz4ru0+Sh3v22Y2CbkTLTT9ID2AvHzlTkpxaQh0RiQmZ3l7i9Lv1/Q5W7u7t1mvejV9kxFF417+t65exubSvqEu79+2DaG3O4WijPZv6vzpWRmT1AU1Ls8/b2m4sB8e8Wl6kPc/YGa286a/av9vmnWlS3d/d5ubfdoZ5aiUNublK6KuPur+sScpzjbc6Gii8jp7n5/3W2WaMPMTlMcULyvkmgcIWkTd9+vT2xuotCaJ/717n5OZf2N44hP9138OqfE4ueKCQI8rVvg7mv1a6dDu7MUxTjf6vVmgst9HddSjLX5vaKQ4mLu3vXESMH48yQd6e4/M7NvKq7KLJS0nbs/td6jyEsUzGx3xRSxa7fd5HWS/tTGoxTdSNdTPIZWA1+tE98kM1tXkZy+KK1yRReg19f8X8iNv0bSczxmrWp9lqwg6bYBPo+z2igQ/x13f23bug8rrvB3nbmsct9nqm0WwkGS3Nz41MYqiokc1lP0XLjY02x8NeM3Unwft/8PfmPU8Z1OxqRZp25w93Vqbv91dfd1kuJTorGOuy8ys90Us3BuUbm954mqieQTcFlleV2UUYdDUUX8GEkHKfrwribps4qaGucOuB8DFfxTgcJWKluLI7s4kPK7sQ1VhyPFZhV5K9GGMgrFpdf9FrXVPlEcqNapRbK/pP9TdBH5vWJw/yxFojLy+NRG1gQHHdobapxJgdfxKMX4gj8oLuG3lgvHFJ/d7Un5A9Jzx5kMPKBdmZNb5Ma3tfV9RbfPbdLj3kYxjXndsXu58bdp6iRma+zgTEm3DPAYstoosQ/TeVF+0cC3pM+BOxWf462l7oQCQ8Urv9tRowPac+NTXJGCf5O0NL4Dy/OiIWclUBS1u0dRnO4eRYLxp/RP+twBtj9UwT+VKWx1o9I0fooq2ndrqkL4DpIur9FGseJAkl6tdKCsOKN8V/qgrDvV8D2KGYJ2zng/ZFd4z2lDQxaKU4ED/dTO0xRnou9J74f7FWclRx6vMkX/ssaJDPA4uxZvUxwg75DRdlZ8oceXmygsyNz+wAPalVlROje+ra07JK3Ztm4t1Z/2PDf+AkmvabWVfr5ag30eZ7UxTHz1s0JLTllfXWoVzNOQ0+OWiJfyi/4pumy9qu7rVSpe0mFpub/y+2GKqu5vVp9p6NXwgPbc+BS3pzInpZi0ha5TGVLXqU5P4D8VZ+e/7p3HDrS6Vf1YcTXAKjdvLelQ79Ev3syuUIzj+IWZvVDR1eGj7v7RAfd/qIJ/JfoQluiqktsXsk/bA3VjM7M1Mra1qiJRe4PiQ2g1i8I+T/Q0HmjUbViZooFPU4zReK3iNVhJ0os8FdEaoJ21FB+oBym+IM9x95eMMt7yiwZmjxOpq9el89Ttb2N3f3jItrPiUxtZ4yOG7aZWic8dZzJfAxb8S11We/IeRbZy49va+oek7d39zsq6tRXdWrfoHlks/umKq8JnKA6aTlMc5L/IK8XLRtnGMPFt4zIWdWnavd6Yu/sUJ+SuU0wI8kD7NkYVbwWK/pnZbZLWbX0fD6pA/LDdjp7tqRieDTHeqen4SjtZBQMnTtOZznReFAPEWhWl/1MxO8VCSccrDjYekPSvHeKy6nBoyYJKpsj+Zw6x/0MV/FOZwlbFuqoos7hQ4ffEwHU4JH1RkSw+S1Mz9WysAaaFzW1DhQr+pbbW0tTUiouUMUuGop/495uKH2A7Wd3HBtxWrzocH5X0joy2c+Ozuj2lNr6lAQoEdohfS3GF7ThJH6kuNeOz6njUaP+0UcYrrqqdIenxiqvWj1dcrdtb9bp/ZMWnNrZWTAt9lqJb7FOHeJxZbZTYh4zX6C4NMT1uiXgVKPon6VhJe2Q8/oHjVaDb0bK0KLPg3yQtXNHIYGbfU8wGc3Zl3UsUVxteZWZ7SfqQuz+pS/xlXmOAaIe4JQYoDzLoua2dmxQzxDxUGTC3qiJx2LBH3MWKAec/NrPjFJWT90+3baA487VRn22fIGl9RXejoyR9yd0/m27bMf395JqP40WSrnP3v1fWbZMe23k94q5T5ytSS3D3TWrsw2aSvqEYQNoe3/MMWNqPJ3vMeFUdlD7f3dsHtI6kDTNbT1OVnDeS9D1JX/bMMyfptTnIewyIN7NT+7Xj7vuOKr6XuoO5zWx/RcK8g+KS9wmK98MVioHQJa9odJ2gwMwuUnT1mqulB3M/p0bbufFXK07AnKI4CVONrzWo3fIHpB+lSHQva9sHr/kYigxo79H+QBNMDBpfORtf/Wyztr+7fi4NG29m68fqeK+b2UqKKWafIukX3uEMe4dtZ7VRYh9KaL1G6cr4aYorfC9V1CXq+9rnxJvZQsVg4qX+39LVxlu9/1WRWYouhNdp6f/BA2rs/8Dxbb0cFqnLd3O/79O2Nhsb0J4b3+3/fNjjvSbNaHoHprkXKab0rDpH0rfT79+X9KVuwcMkGckqbQdXq7UfbNU8sPqtoqvLMZV1+yk+IHr5tKRvmdmVirNdz67c9lLFnOP9fEDRVeVURVeVYyu3/T/FmZy6/ktRb6Dqn2n9E3rEfWiAbdTZh1slPVXRZea5ij6y36kRO1NxBmuxlPDVniEkt430xfwpSZ9Kl3zfKOl/zGyuuz++V2yNA/1+3c/au+nsrSjUtnj3Rhy/FDN7kuJ/418VB1lf7nV/dz9J0kmV7mOfU4ydWklT9W7G4by0NBX/yAIHc4cqZmybobZEQTERRT8HSdrJ3X8/5PbfVfn9vYrXflNFIlmC9b9LVvzzM9sfNv4riu++r6W/P67oV/8zSR8ysxXd/TMjbqPEPsjMVlS89gcorkiuaWYvVszC1/U7vdqEJHl0v9tLkXz/RvF5UEdO/JWSXijpzA637aKYeryfYxQDj69QfLcMapj46nd47ntYZvYWSV9QfAfeW7nJFSeBJjpeHf7PLWbemn5XB5q+pDKdF8U/dHtXiRdJuir9vrraZj5SZaC14kuz49Jnuyf1W2ru/9AF/5RZ2Krw69BtUP2dNWKforg60+m2jymuEtTZh1s01Q1tQfq5oaQ/1ojNqvBeqo1KWwMViuvw/vtn299fHXD78zPfD0PFq+BgbhXsPtah7VrdL5pYlNntKbWxQHkD2m+QtGLTz8WoXr9Jff0V3X7XTb9b+i7ZPf29i6Q/j7qNEvuQ7nuE4oTZ6yqf51tI+kPN+O90WPdh1Z/FcOh4FSj6p5hMY7OM90JWfKH3YyMD2nPjVXCSm0lZ6DqVIXWXOE7Rf/VaxVmvPRT/yCeZ2Z6KgVf7V2JGVodjGJZR8G8E+zJQLY5K3NWK2Z6ur6zbSNJvvE+3J4v6Eee6+8kdbttH0ou9Rk0Sy6jDkbp5XahIXJ+q+KB5iuKs7BX9tl2wjU2VWTQwtTPfa3b56hKfdWl4mHgb4WDuOt3HBmyvX8G/NRRjp2a7+6dTdxJz95tqtj90fG63p9RG7oD2jyq6h3xhmPjUxsgK/o2661S6zzMV/8cbuPvLzWx7SY/wml0hh4lv6/ryJEn/q5i96kGrWcMit40S+5Bir1FmLZAmWX7RwDmKE461almVjk9t5HZbanpA+1DxNsJJbppCopHJzJ6jqGmxkeIf+ms+4Cw7hfZjqIP0Du1sqj4F/2xq1qyu3P38Pts5QtHf9Ovp790UXc1mKi4zvmSAL8VjJW2imIr2DjN7pOJM+k3ufmCf2KsVfa+X+se1mEHrT16jMrqZ/U7S/u5+aerjfZbizOyHvV6Bp+yEL6cNK1A0sNLW2BOF3HjLLxo4knEiNnjBv+0UtSvulLShu8+yGDf2Jnd/9Rjis8ZHpDayEgXLH2eSXfCvT/ujHqOxlyJR/rZi9rQ1zOypkj5d5wTWsPFmdr1i2vM7zWw/RXL9jHTbSorXdM0+285qo8Q+pPsuPkisJBozFTUM1usS85zWd3+P70h3944nGHPjO7Q3dNE/M3urYlKT9w+T8BeI79rtyHuMH21r41jF2f8fDbr9CYnPKhg4SUg0RsDMnuY1p/Ebsv3sg/R0tv5pkv6q+FJZVXG5+O2KKdVe1CO2OlCrU3/hvl/IZvYXxTznf01/X6boqvMhRSa/vdec0tRi6sUfKaqgzlccIPxaMevF/D6x/b60ax0UmNmrFV0azrEY4/Bjxfzlb3L3vgehTTOzTyiuXlxdoK3pmGhkDeY2s5PaVi01TqTOmcRKe0uNEXH3d9eI+7mi28WxrStLKWH+m7vPHkP8Akm7+PDjI0okCod1u81rTAFuBQa092k/q7Jvv3gzu1TSge7+68pruLJiwoyOB8kl4s3sG4oE9YS0nO3uh6fbnqR4Xz2uz7az2iixD+m+F0g61t2/W0k0Xq2Y6OXFXWKypsfNjS/JYnKRRyu679zWtgN1JkfJjb9e0RX4+wPsdnsbYx/QnhtvZubpoNziClpH7t7t/TGRSDQKSR/Er1M6WKnzYWDD1+HIOkg3sw8pZuL4q2Iw9/GKwWN3KWbJ6jfH89WKL+DjJZ3q7nf3eaid2pivzFocHdrcQXEW5RZJ2yrOZvU8C2zRTeMZ7j63w22bSPq/Qfcjxfatw2FmT5D0kLtfnv5eQ1ELY3vFlIaHeJ9LzyXaaGvPJD3a3W/se+fubQx0oJ8S56pDFNNFL+buHxlVfFtbpWqBzPcBu4+l98xr0vZ3Ugza3EhxReWqmm3crjgTu8iW7M53Z80zubnxJepwZCUKuSyjjoeZHeruR3VY/153/3T6ffFc+6Xj2/e/cpBsivGCdboNDRVvMfPeWYqxf3+W9PzWiR4zO1Lxef/mPtvOaqPEPqT7ZtcCaZqZPay4On1Q6+A1ra/T9e4N3W5z91NqbDs3PqvbUmrjq4qu7L/Q0icM9pnEeBvBzFsTwSdgoMh0XhQFwT6rGHT2sOJy85Nrxg5bh2O+0mBHxcwOD2lqANzqii5DvbZ7hVIFcUWCsUjSYQM8ZlPMLnWGonvQCZKeMuDzNl+ZtTg6tPkkxZiZu9LyuRox35R0dJfbPiPpmyN875wrac/K319RJJifUVRH/vg42khxq6bXcaAq8el+7ZMZ3Ne+rk/8BX2W80cZ36XNtZQxmFuVujQ17/9JRXe3f6b35PPT/9lAdTgkXaVUGV5TkwJsIunyMcVn1eEotUhaQ3Hi573p7/UVCXSd2KEHtKv7xBS13g+58em+lyh9Hldew6cqutWOI/6RHdatpRjjUfcxZLVRaB8aq8NRYkmfw79THEusVFk/8HdrA/ueVcej9TjV4ID2YeJVmUhH0ZW549L06zPwc9H0DkzHJR0AvEIx6PFhxQHdhxSXCAc5KPiepJe2rXuJUoExSXtJurRDXNZBugoV/EvxmyqmELxRcZmwb4G6FHexYqC8FMnBSZXbNlD0ha3TTtZMQYrk5F5FPY9d0pfLLunvexSVtbvFXqfo3tFz6RF/o1JhJcVUnndLel76ewfVOLgr0Ua679AF/zSCA/1JWjRE0T8NnmgUKfinSFjOUYzTuUPSbEW3wrrF6nLjL0qfJ1eqbcaUAZ+PnERhO0k3p8+ChWndSyR9r2b8Whqw4J+imNiK6f/PtGSRscdLurnPNrPi29raVzE7zZsVJ1xeL+lySXuPI346L+l9tl7l75UkHaaY8OXdA7SzoqLXwJVK37eSXqzoejXy+HT/u5RXNHBDxRS/X0g/NxrwuRw6Pu33ZZLOlvTV6jJAG3NUSbCGeC80Gr8sLY3vwHRcFAeQ/1RciXixprqgDXpQcGcrtrJuhcoHy4xOHwrKPEhvb1MDHhR1aG8rxdWZh9SlmmWHmD0VB/KXKK7c7Fi57QBJP6nRRqmzwM+T9HctWa397+pz5kAxSLfvUud1UCQFd1ffD6pXwTW7jXS/oarELyuLop5Lz2XA9gZNNPZXHNw+rJix6S2KL9sbBnwvr6xIkhdX5JZ0uqSVxxR/WLdlgMewnfIShZ8rTeHZev8qrvTOqxl/VPpM+oMicWotXZOlynPVbfl8n21mxXdobz9Jf1KcRLlaaerrccVP10XSTyTtU/n704oTe99T9Fp4T812cqfHzYpP978r/Zyp6C3xR8W4iTrVxXdUJCqXpMf+x/T3jjW3nRv/1fR8n66oibJ4GeDxvzW9fkNNdd10fGpjI0kvT++DxUvJ9/w4FsZoDMHM7lZ8+J+qqGB9aVpfa4aaSjtXSnq7LznLzYskHefuW6axCnPcfZ22uD0V/3SLC+a5+/+l2w5QdKXZrcd2H1B0D2jZS1NFBiX1nyHHoqDRnop/pm3T/pzglerc/ZjZToq+6Bd5pd+rme2h6A/cb0B71kxBHdrbUtJ6km7x+n3inyLp1e7+wQ63fUxxcPSnLrFzFXVIbraYpWMvd39eum1VSTd4n37+JdpI9x2qSvyywjIHc5caJ1JwjMgjFd06b/IO449GHZ/D8gek544zWaABB7RbTABhim42L63ctEjxHF45yniUYWbzFN3Gbk3jUm5TzCZ4hpntouiOu22Ndq5RxvS4ufGpjergclOcDNxV0TVylT6xv5D0I3c/urLu3ZJe6fUmZMiNv1vSk9x9Tr/79mij6QHtufHZM29NCiqDD2cDxdnqgyS93cz+VzHoatABOp+UdIaZ/VBtdTjS7S9SjINYgrufng6mlzpIV5wFWGowYZvT2v4eaAo1ixmKDkj7fJxiXud/DtKGJLn7bxTVTtvX150O7o2KROdsM7tEUzMFDZU9p+SiVoJR8R7FOIlOrlAccHabKvhsSSeY2cmKasTVirNPUlw566dEG9LwVeKXCV6pdSNJZvaK9nV97Nz298Vt62q9J9P/8v7pS/kAxWfMz83sHO89wUPXmc3iGKP3yYPc+Lb7Z9XxULxvW9N7etr23SnZqGO+ogvM4gkNLCZ2qLv9exVnYmvzNIGGmW3tQ9Qhyo3vxmL69e0l/dLdfzfu+GloDXe/Nf3+RMXYtbPT3xcouhLWsbqihkXVioqr/uOIl6b2Wx5nlN9hZjcrPlf6eaKiC3HVFxRFA+vIjb9dcTU3x4emefxhiu6KQ8+8NSm4opEpnYl6q6RXKhK34yUd6TVrWdiE1OEYRLqS8BfF5dCOalwR6Tufu/epxVFpq8hZ4GFYRh0Oi7oXX1eMi7hAMWf9fem2oyXJ3Q/us/3sNtJ9swv+LUssc4rdkqxGwb8aV2SWSqZKxlfa2U4ZdThSG1cpCnDeWDmbu4misObWNeI/qXgPv11RsG1bxRik33uNooGWUcfDzA5RdLH638q6ZyiuOn9mlPFmdqJiwPaJ6e/9FYOY75C0puJK949HFb8ssHJ1OC7QgNPjlozPlb7XdnH3ayrrNpd0gbtvNob4rDocywIrMPPWpCDRKMTM1lP0q36zYtDiyhlt9azDUfIgvdJm7YJ/6ex5rzdOz24mqY3sWhwd2lxLcbbmQEW3j3N7nQUuwQrV4ZgENkFV4ps27kSj1xWFlrpXFFJ78z2vOvtQ8bndnlIbuYnCyoqrm63nyxUD2vf2GnUwLKOOh0VXxm3dfUFl3dqKEw51uksMHW/RFffFnmrhpO43x7r7f5rZOyS9ttf+58YvC6xcHY6s6XGHjbdCRf/M7FOKcVEfVIzR2UIxbuQcd39fjf3Pjc/qdlRpZ0NFj4JNFP/Pp7n79dMh3jIL/k0SEo3CUj/K3dx9qS5PfeJq1+HIPUi3glW529qdpehuU6d+RXYtjj7t/0vajz1LttthO8XrcNiA1aBH1cbyrIFEI2uMSIf2GimaaJnjI9J9sxKFSjtDjTOxjDoe3U4sWM0ifTnxZnanYgY6t6gncaWkddz9LjNbRVFwb91RxS8LrFAdjnT/rRVX2rdSJKzH+QDdz4aJt/yigZcpppY9VdG1+42K7mP/VAzQ/o9e/4O58ZV23tDtNq9RhyO1saMiWbta0SV6i7S80NOY1gmPzyoYOElINAqpXBH47YAZ75aK5GI/xbSK35P0Se8ygDjFZB2kW8Gq3Cm+WsVYiirG/br8mOKMx1slPUcxGP14d+/aHWsSmdk3Jd3Y6fGa2WcUU/rtXbOtoapB57RhhQv+TVdWsOhfof3JvSLRVKKR1e2pra2BEoXSV4WGkT5b9/XKQHKLQqKnufs2o4xPXS02cPcHzexVkj7m7o9Pt5liNsNeV1+z4pclZvZId7+jbd1akh5w93s7R0kW45Hc00QkFt2t3q/ohvoLd/9cn+1mxecys6MUM+CtqriKcqzi6vZtXuNgMTe+JGt+QHtufFbBwIniEzD11XRbFJcAX1/5ezfF3PGLFAX3ek7xKuXV4UjxQxfMU2bBv3S/rPoVbW1tqiFqcUzCoow6HKWex5w2VKjg33RfNGG1QJQ/5XQj8cqow6HMKYYlndS2/LN93QCPY6g6Hpoq8vhKSU9IP/+u+tOiDh0v6XxJB6Tfv63o9tS6bVNJ144ynsWlzOlxc+MLPYbW98kv0vfJLxVXWGvV2sqNr7STW8fjdkkzOuxb3eKZTcdnFQycpKXxHZiOi2Ig9OMrf1+mOAs8S/FF27OKsArV4UgxAx+kK7/gX5H6FW1tDlyLY1IWDV+HI/t5zG1DhQr+sRR/Tw1ah+MI5VVnz4qvtDN0HQ4VTBRSe/OHfO6305B1PBQzA31cUTNgUfr5idbn7Sjj0+fQvYrP97skbVO57V2SvjvKeBaXYqao1kk7Uxxs7p7+3kXSn0cZ3+G9lFv07wmK7+X5iu+ZTwz4fAwVr8w6HKmNqyVt3rZuc0XJgOkQP0fLSMG/xndgOi7KvCKgOJhboJhK9EmV9UMdqGvAg3TlF/xbpDJVjFeU9BrFmbTbJH2u+uU23RZFN49nqn5V8uznMbcNFSr4x1L8vTRoonFBn6XnFZnc+A7tPTIdLGyS8RzMH+dzWIn7uTIK/lXaeVTm/g8cL2kzxeDhTdrWP1uVk2Ojil/el7bP09bV7pnp7xX6vSdz49vaOkKZRf8qbW2rGGfw8JDPy0DxiqshB7ete7d6FM3s0ManFEUnd1PUG3t5ej4+NU3iswv+TcpCHY3hefq5g+KS8q3S4vneV+sTm12HwzoXzHui1yuY92lJ30qzjDxe8SXS8lL1mLY2ya5fYYVqcUwSH7wOR4k6ILltLDCz9d39ZsWB4e89fcpZFOwbZF8wpA5jRFZtX+c9xoi4+/Nztp8b32t8hA1Yh6O6Wzn7lCG3jodSzG3971U23qPA2ZwO62tN7pEbD91tZmu6+52KY4M/u/uD6bYZ6v8dnxtftY+miv61pmq+RpFM9pUmttldcZzyQkl/UFxtqyUzfug6HJUB6R9TjBX5tpYckN5zrF3T8RUfUMy89Y40fmoxH2DmrUlAojGcyxUVNn+cfi6u12BmGygu8XXl7gsV0zV+0abqcByneD0OM7OedThyD9I9s+Cfu58k6SSbql/xOUmfVdSv2EZxhr2f9yu6oF2h+EDZpXVAUtnOSAduNq3E81igjVIF/5CnSMG/BrXPdb9UHY5pZL6GLPiXZmf6sKR/kbSeKrMC1jk4yIk3szdJepW7v7TDbWcpvie6ztiTGw9JcSb+KDM7QekEUOW2rdW/CF1ufNVQRf8spmR9s6Q3Ka5Mflsxs2KtGbNy45M7JW2sSIxaZqvPsVXyE0Wxu6MUA9KfocEGpDcd35Jb8G9yNH1JZTouiisJ9yj6Dz6gSr9BRQLwkyHaXE/xxrpW0v197rtI0qUactDkCJ6PtRSDGC9XHHD0HKOSYk7W0n2yq8tXm36dG3hftZ7HK9Jr3Pd5zG1D0jqKL7O7FIN2V63cdrSko5t+Xlim36LMbk+pjbGOU6m0kzOg/RhFn/h/T98R/664yvmhmtseOl5RZLNj11nFwU7Pbie58SyLu579NX32XiJp7cptR0r60ijj29q6QDG75OL/JUUtjp/2iPmB4pjmckVXpbUGfPxZ8ZV2crsdNTqgPTd+WVuY3nZIZraTOlwRMLM9JN3uQ15qthp1OCyzYJ6NoOBfpe2s+hU2QC2OZZnVqAY9jjaAYQwzPW7uFMMW1ZR7cXfv+9lnGXU8zOxaRR2iv9lUwcLtFbO3vazGtoeOT1epN/QOX+rpe+V6d99gVPGYMuz0uKXi0/0HLvpnZqcr6nWcW2cbI4gvUoejrc0nKLpvvV4xO+hX3P2D0yHeMgsGTgoSjQlhQ9bhaGuj1kG6jaAqdy4bohbHdFdi3v9R1Q4wCv4hw5CJRpFEoZRB63ikmMUF91K/6vXd/WGrWRclJ97M7lGcAV+q7k1Knm5391mjisfkscyigeM2yjocZratYga8zYc5vhl3vGUW/JskjNEYQu4VAetTmdvMXuzuvxpgf5Y6SO8TMkcjrMpdl5nNVMw69TbF1aF/KPqQPtljYPWyrl+/9jofrCXaWMw6FPwbJB4YlmcOSM9VaED7jWa2UTpZdK2kZ6WEoWe/+ELxcxQDiH/T4bbt1X+8VW48JoBViv65++Vmdoimiv7tLGliEw13P9TMPqw4LjhQ0X3sN4rxrN/zqYHxtTQ8oD03/j8lHe5LF/z7jKLI8bTBFY0h5F4RsAKVubscpG+kGgfpZs1X5TazTyrGs6yl6Nd5omJayRsUj6HOgPJlSt2znqXbyHkvAVJ+t6dJYGYnta1aakC7u+/fp42PKk4inWZmB2pq2vHj61yhzYlPr8FLFVNdz6+sX1sxDut/3P3wUcVjMpjZTxQD97+W/v60YnD2zxR1lo509880uIu1DdvtqMuA9GPrXs1pOj61cbviiuZDlXUzJd086NXippFoDMHMrlbGFQEzm6+YI/1hi1mqrpO0gbvfajGF4pXu/uge8cUO0s1sU8U/xBsVZ9Be5+5XD/J4hpGStdsUFdbPqay/UctvojFwd5PcNkj4UMKkdXsqoVDiv5Oiyvg5w3T9GCTeYjrqXyqKuJ6tmHFotuKk0hzFVKf3jSoek8HM5kl6SjqeMMX37P7ufoaZ7SLpc+6+bbN7OZhBuh2Z2Q8Us4FeozhGO8ndFwywrUbjK+1cLWkXd7+msm5zSRe4+2aDttckuk4NZwtNXRH4hJkNc0Ugpw7HoYoPj93bDtIH2HzaCfdrzewUSWsqHs8Gij6Bo1aihgTyFXsvYfnVdLenERn6sygd4K0v6eIhE4yB4939PjPbWTFT1cskPV0xvfXRkv6rX5KQG4+JsUbreEJRj2JVTU2Te4EieZx4Gd2OXNKuPuSA9AmIb/mupB+a2QcVx2RbKGbP+3Zmu2O3QtM7MB15ONvdd5f0ZEm3SjrLzC42s8fUaKJVh0Maog6H4iB9juIg/fdm9pY0eHeQgnkrmtlrzOx8RR/IhxQF/2qPDcnh7ie5+46KaRP/rKj/cKNiutVtxrEPkFTgvQQgmNlqFjUQ7pN0vaT7zOzEGiePisS7+73u/kl3f7a7Pzb9PNJrzlSUG4+JcLeZrZl+zy36N3ZmtqGZHaboYXGa4ur6M9x9R3c/uV+8u++Zc5DfdLyZXWZmb1MU/PuFIrG4LP38leoX/JsYdJ0qwMy2kvROxRn65/Y7WDezPRWVvBdX5vY0i4CZHSBpT3ffrcZ2W0XaXquYd3slxdR1F/aJm7iq3BZT9x2gGAC2paRz+41Tme5K9Gsv1Td+2PcSsKwapiujmX1FMXvgRxRdJzaXdLikv7j7G0cdn9rYUVF/YD1JN0s60weYpSY3Hs0ys28oCt6dkJazW2Nr0mQf33H3xzW3h92V6nY0ndkIZ95qConGkMxsRcXc1G+VtK0icTjB3f9eM75YHY5BD9LT+Ii/KArgdOQNVuW2zFoc00WJfu2l+8ZX3ksHKd5L5yzrCR8gFUv8b5W0rbtXq4pvqDir/Kga+5Ab/0XFd9INmhpjsYGi0NtBo45H88xsM0lnKXoG/FnS8z0N7jezIxXjQ9/c3B52Z5l1OJYVlQlaDpT0bKWZtyQNPPPWJCDRGMIkXhFoqXOQbpkF/7B8MAr+YTlSKPG/TtJW1e8DM3uEYiapvn3jc+LTLFWHS9rH3c+rrN9FUQDtY+5+/KjiMVmsQNE/NG/YmbcmCYnGEHKvCNgIK3PnMKpyL3dsRAX/gOWRmb1TMW7vXe6+MM0i+FlJl7r7f48y3sz+IOnD7n5mh9t2VVQXf8qo4gGMziAzb00aEo0h5F4RsAmrzG3LYVVuBOtfO4CrW0BN6YpEa2ry+ZJa0+PeWL2fu29SOt7M7pK0rrvf3+G2VSTd6u6r99j3rHgAZXWZeevYOoPiJwnT2w7B3ffrtL56RaBPE3PUcGVuoyo3tHQBMjN7Rfs6ALV9qMH4RYoBpEslCpJWSbePMh5AAda54N8zfICCf5OERKOATlcE+oSUqMMxNFu6SNuHNVWkrd/Uuli2cYkTGJK7n9Jg/O8UJ7o+3+G2fdPto4wHkKlt5q2jtQzMvEWiMaScKwJpirKzFbULWpW5zzKzcVXmpkgbAIxA6ma0laQluhm5+69HHH+UpB+b2dqSTlHU4dhIkSS8V9EFY5TxAPKVKvg3MRijMYQOVwRO1NQVgSe7+y0DtjdQHY5cZrZ/2tYOki7RVFXuKyRtN+j+Y9kxTO0AAMHMdpd0kqbGVrTUGndXIH4fxRWJtSqr75T0H5Ku7TfJSG48ALQj0RhCGsx9m6TXt10RuFE1E43cOhwlUKQNpQr+AZDM7GpJ/624InBP9bZOg6xLx6c2HiHpWZLWlXSroprww5LurZmsZMUDQBWJxhByrwhMWh2O5bEqN0Lpgn/A8szMFrj7Wk3F92h3ZUn3ufsKTcQDWH6RaGQY9orAJFfmXl6qcgNAaWb2LUnH1B2PUTq+R7srK+OKRG48gOUXiUYBg14RoDI3ACx70nfBOZJ+r6VrX7R3Uywe36NdEg0AjWDWqQLS1GNHSzq6dUWgz/3367R+gDocAIDJc6ik7RTfrdUxFi6pTqIwdHyH8VZVdcZmZMUDQCdc0ZgAVOYGgOnPzBZI2sXdfz/u+BrjreTuzx9VPAB0QqLRkC51ODYSlbkBYFoysxskbezuDzcRDwCThhkkGpDqcFwn6avp5wslba2oyk1lbgCYnr6kmJGwqXgAmChc0WhAiTocAIDJYmYXSdpR0lwtPZj7OaOOB4BJw2DwZrxRcdbqbDO7RFN1OMj6AGD6Oi8tTcUDwEThikaDqMwNAACAZRWJxgSgMjcATE9mZp6+SM2s67hHd180ingAmGQkGhOGytwAMH2Y2V3uvkb6fZG6dIHtVuwuNx4AJhljNCZMGhx+Tt87AgAmwcsqvw9TZyI3HgAmFlc0AAAYEzM70t3f31Q8AIwTiQYAAGNS7SrVRDwAjBMF+wAAGB9rOB4AxoZEAwCA8cntRkA3BADTBokGAAAAgOJINAAAAAAUR6IBAMD4MEYDwHKDRAMAgPE5sOF4ABgbprcFAKAAM1tB0j6SdpS0evU2d9931PEAMGm4ogEAQBnHSjpa0rqSHm5bxhEPABOFKxoAABRgZrdJ2sndr2wiHgAmDVc0AAAo4wFJ1zQYDwAThUQDAIAyjpf0bw3GA8BEoesUAABDMrOLNFWt2yQ9XdJcSTdU7+fuzxlFPABMshlN7wAAANPYeX3+HnU8AEwsrmgAAAAAKI4xGgAAAACKI9EAAKAAM1tkZg93WO41s7+Z2QfNbOao4gFg0jBGAwCAMv5D0kGSjpE0R9JmilmkviLpwXT7IyR9cETxADBRGKMBAEABZvZ/kl7v7ldU1j1W0tfdfUcze6qk77j7Y0YRDwCThkQDAIACzOxOSeu4+0OVdTMl3e7ua6S/F7r7rFHEA8CkYYwGAABlXC7pfW3r3pPWy8xmS7pzhPEAMFG4ogEAQAFmtqOksyQ9IOk6SRtLWknSy9z9/8zsBZK2cfdjRxEPAJOGRAMAgELMbE1JL5e0oaTrJf3E3WtfhciNB4BJQqIBAAAAoDimtwUAYEhm9kF3/0T6/Yhu93P3j4wiHgAmGYkGAADDe1bl95273KdX14HceACYWHSdAgAAAFAcVzQAAMhgZqf2uYu7+xtGFQ8Ak4o6GgAA5Hm4bXlt29+LRhwPABOJrlMAABRkZvPdfe2m4gFgUnBFAwCAsnLP4HEGEMAygUQDAAAAQHEkGgAAAACKY9YpAAAydCi0t2r7ul4F93LjAWBSMRgcAIAMZnZBn7u4u79gVPEAMKlINAAAAAAUxxgNAAAAAMWRaAAAAAAojkQDAAAAQHEkGgAAAACKI9EAAAAAUNz/B53uNBWqyLGKAAAAAElFTkSuQmCC\n", + "text/plain": [ + "
" + ] + }, + "metadata": { + "needs_background": "light" + }, + "output_type": "display_data" + } + ], + "source": [ + "from matplotlib.pyplot import figure\n", + "figure(figsize=(12, 8), dpi=80)\n", + "\n", + "height = list(official_model.coef_[0])\n", + "bars = official_usable_variable_categories\n", + "y_pos = np.arange(len(bars))\n", + "\n", + "# Create bars\n", + "plt.bar(y_pos, height)\n", + "\n", + "# Create names on the x-axis\n", + "plt.xticks(y_pos, bars, rotation=90, size = 12)\n", + "\n", + "# Show graphic\n", + "plt.savefig('logbar.png')\n", + "plt.show()\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "predictors = pd.DataFrame({'Predictor': [x.rsplit('_',1)[0] for x in important_variable_scores], \n", + " 'Categories': important_variable_scores})\n", + "predictors.to_csv('rule-vetting/data/predictors.csv', index=False)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import yaml\n", + "saved_model = {x:{y: float(model.coef_[0][usable_variable_categories.index(y)])\n", + " if y in usable_variable_categories else 0\n", + " for y in important_variable_scores if x in y} for x in important_variables}\n", + "saved_model['Intercept'] = float(model.intercept_[0])\n", + "\n", + "saved_model = dict(saved_model)\n", + "\n", + "with open('model.yml', 'w') as outfile:\n", + " yaml.dump(saved_model, outfile)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "print(yaml.dump(saved_model))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "# Testing different filters\n", + "\n", + "for x in [0.25, 0.5, 0.75, 1, 1.25, 1.5]:\n", + " important_variables_iter = list(data.columns)\n", + " prev_length = len(important_variables_iter)\n", + " \n", + " while True:\n", + " selector = SelectFromModel(estimator= LogisticRegression(random_state=0, max_iter = 1000),\n", + " threshold = f'{x}*mean').fit(data[important_variables_iter], outcome)\n", + "\n", + " important_variables_iter = [list(data[important_variables_iter].columns)[i] \n", + " for i in range(len(data[important_variables_iter].columns)) \n", + " if selector.get_support()[i] == True]\n", + "\n", + " if len(important_variables_iter) <= 30:\n", + " converged = True\n", + " break\n", + " elif prev_length == len(important_variables_iter):\n", + " converged = False\n", + " break\n", + " else:\n", + " prev_length = len(important_variables_iter)\n", + "\n", + " important_variables = list(set([x.rsplit('_',1)[0] for x in important_variables_iter]))\n", + " important_variable_scores = [x for x in list(data.columns) if x.rsplit('_',1)[0] in important_variables]\n", + " min_variable_categories = sorted([[x for x in important_variable_scores if y in x][0] for y in important_variables])\n", + " usable_variable_categories = sorted([x for x in important_variable_scores if x not in min_variable_categories])\n", + "\n", + " model = LogisticRegression(random_state=0, max_iter = 1000)\\\n", + " .fit(train[usable_variable_categories], y_train)\n", + " \n", + " check, stats = model_check(test, y_test, model.intercept_, model.coef_[0], usable_variable_categories)\n", + " changes = {f'Changed {x}': reference[1][x] - stats[x] for x in reference[1].keys()}\n", + " \n", + " print({'Mean Filter': x, 'Converged': converged, 'Total Predictors': len(important_variables),\n", + " 'New Variables': set(important_variables) - set(reference[0]),\n", + " 'Missed Variables': set(reference[0]) - set(important_variables), \n", + " 'Stat Changes': changes})" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "complete_data = pd.read_csv(f\"rule-vetting/data/tbi_pecarn/raw/data_no_imputation.csv\")\n", + "complete_data = complete_data[complete_data['GCSTotal'] >= 14]\n", + "complete_outcome = complete_data.outcome\n", + "\n", + "n = complete_data.shape[0]\n", + "train_size = round(0.8 * n)\n", + "test_size = n - train_size\n", + "train_indices = np.random.choice(n, train_size, replace = False)\n", + "test_indices = list(set(np.arange(n)) - set(train_indices))\n", + "complete_train = complete_data.iloc[train_indices]\n", + "complete_test = complete_data.iloc[test_indices]\n", + "complete_y_train = complete_train.outcome\n", + "complete_y_test = complete_test.outcome\n", + "complete_train = complete_train.drop(['outcome'], axis = 1)\n", + "complete_test = complete_test.drop(['outcome'], axis = 1)\n", + "complete_data = complete_data.drop(['outcome'], axis = 1)\n", + "\n", + "for x in ['SFx', 'OSI', 'InjuryMech', 'Dizzy']:\n", + " important_variables_iter = list(data.columns)\n", + " important_variables_iter.extend([col for col in list(complete_data) if 'SFx' in col])\n", + " prev_length = len(important_variables_iter)\n", + " \n", + " while True:\n", + " selector = SelectFromModel(estimator= LogisticRegression(random_state=0, max_iter = 1000),\n", + " threshold = f'0.75*mean').fit(complete_data[important_variables_iter], \n", + " complete_outcome)\n", + "\n", + " important_variables_iter = [list(complete_data[important_variables_iter].columns)[i] \n", + " for i in range(len(complete_data[important_variables_iter].columns)) \n", + " if selector.get_support()[i] == True]\n", + "\n", + " if len(important_variables_iter) <= 30:\n", + " converged = True\n", + " break\n", + " elif prev_length == len(important_variables_iter):\n", + " converged = False\n", + " break\n", + " else:\n", + " prev_length = len(important_variables_iter)\n", + "\n", + " important_variables = list(set([x.rsplit('_',1)[0] for x in important_variables_iter]))\n", + " important_variable_scores = [x for x in list(complete_data.columns) if x.rsplit('_',1)[0] in important_variables]\n", + " min_variable_categories = sorted([[x for x in important_variable_scores if y in x][0] for y in important_variables])\n", + " usable_variable_categories = sorted([x for x in important_variable_scores if x not in min_variable_categories])\n", + "\n", + " model = LogisticRegression(random_state=0, max_iter = 1000)\\\n", + " .fit(complete_train[usable_variable_categories], complete_y_train)\n", + " \n", + " check, stats = model_check(complete_test, complete_y_test, model.intercept_, model.coef_[0], \n", + " usable_variable_categories)\n", + " changes = {f'Changed {x}': reference[1][x] - stats[x] for x in reference[1].keys()}\n", + " \n", + " print({'Added Group': x, 'Converged': converged, 'Total Predictors': len(important_variables),\n", + " 'New Variables': set(important_variables) - set(reference[0]),\n", + " 'Missed Variables': set(reference[0]) - set(important_variables), \n", + " 'Stat Changes': changes})" + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'Total Patients': 0.0, 'Total Critical Outcomes': 1.56, 'Correct Recommendations': -31.6, 'Total Recommended CTs': 34.2, 'Correct CTs': 2.08, 'Missed CTs': -0.52, 'Accuracy': -0.0038419452887538297, 'Sensitivity': 0.01001840256623289, 'NPV': 7.862958851325264e-05, 'Specificity': -0.0039940025046248185}\n" + ] + } + ], + "source": [ + "# Testing different filters\n", + "\n", + "changes = {x: 0 for x in reference[1].keys()}\n", + "\n", + "for i in range(25):\n", + " new_data = pd.read_csv(f\"rule-vetting/data/tbi_pecarn/raw/data_no_imputation.csv\").sample(n = len(data), replace = True)\n", + " new_data = new_data[new_data['GCSTotal'] >= 14]\n", + " new_outcome = new_data.outcome\n", + "\n", + " new_train = new_data.iloc[train_indices]\n", + " new_test = new_data.iloc[test_indices]\n", + " new_y_train = new_train.outcome\n", + " new_y_test = new_test.outcome\n", + " new_train = new_train.drop(['outcome'], axis = 1)\n", + " new_test = new_test.drop(['outcome'], axis = 1)\n", + " new_data = new_data[[x for x in list(data.columns)]]\n", + " \n", + " check, stats = model_check(new_test, new_y_test, model.intercept_, official_model.coef_[0], \n", + " official_usable_variable_categories)\n", + " changes = {x: changes[x] + reference[1][x] - stats[x] for x in reference[1].keys()}\n", + " \n", + "changes = {x: changes[x]/25 for x in reference[1].keys()}\n", + "print(changes)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Dr. Liu singled out the following variables as strong signals of a ciTBI:\n", + "- Severe headache\n", + "- loss of consciousness (yes/no & length)\n", + "- dizziness\n", + "- acting abnormal\n", + "- vomiting\n", + "- GCSTotal\n", + "- basilar skull fracture\n", + "- Palpable skull fracture\n", + "\n", + "That said, we didn't talk about most factors collected in the dataset.\n", + "These include age, drugs, seizures, injury mechanism, other conditions, etc.\n" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.9.0" + } + }, + "nbformat": 4, + "nbformat_minor": 4 +} diff --git a/data/exxagerate/raw/clean_exxagerate.R b/data/exxagerate/raw/clean_exxagerate.R deleted file mode 100644 index 455aff94..00000000 --- a/data/exxagerate/raw/clean_exxagerate.R +++ /dev/null @@ -1,9 +0,0 @@ -# download data from https://data.mendeley.com/datasets/3868pbf375/2 -# need to convert from IBM SPSS Statistics Files sav file to csv -install.packages('foreign') - -library(foreign) - -d = read.spss("exaggerate_rawdata.sav", to.data.frame=TRUE) -write.table(d, "exaggerate_rawdata.csv", sep = ",") - diff --git a/data/exxagerate/raw/exaggerate_rawdata.csv b/data/exxagerate/raw/exaggerate_rawdata.csv deleted file mode 100644 index d064c6e8..00000000 --- a/data/exxagerate/raw/exaggerate_rawdata.csv +++ /dev/null @@ -1,1697 +0,0 @@ -"id","death","death_aecopd","sex","season","aecopd_12m","saturation","sbp","dbp","hr","temperature","oedema","confusion","dyspnoea_yesno","dyspnoea_mMRC","age","bmi","rural","home_care","charlson","ami","heart_failure","cbd","pad","dementia","diabetes","cancer" -"1",1,"No","No","Male","autumn",0,95,NA,NA,55,NA,NA,NA,NA,NA,73,36.21,"Yes","No",1,"No","No","No","No","No","No","No" -"2",2,"No","No","Male","autumn",1,92,124,62,69,35,"Yes","No","Yes",2,85,29.17,"No","No",4,"No","No","No","No","Yes","Yes","No" -"3",3,"No","No","Male","spring",0,97,NA,NA,67,NA,NA,"No","Yes",NA,84,29.17,"No","No",4,"No","No","No","No","Yes","Yes","No" -"4",4,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,81,NA,"No","No",8,"No","No","No","No","No","Yes","Yes" -"5",5,"No","No","Male","winter",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,61,NA,"No","No",3,"No","No","No","No","No","Yes","No" -"6",6,"No","No","Male","autumn",2,97,NA,NA,67,NA,NA,"No","Yes",NA,87,NA,"No","No",1,"No","No","No","No","No","No","No" -"7",7,"No","No","Male","autumn",0,86,NA,NA,NA,NA,NA,"No",NA,NA,76,33.89,"No","No",2,"No","Yes","No","No","No","No","No" -"8",8,"No","No","Male","spring",0,96,NA,NA,NA,NA,"No","No",NA,NA,71,29.17,"No","No",1,"No","No","No","No","No","No","No" -"9",9,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,72,25.58,"No","No",1,"No","No","No","No","No","No","No" -"10",10,"No","No","Male","spring",1,99,NA,NA,71,NA,NA,"No","Yes",NA,71,25.58,"No","No",1,"No","No","No","No","No","No","No" -"11",11,"No","No","Male","winter",2,93,NA,NA,NA,NA,NA,"No","Yes",NA,71,25.58,"No","No",1,"No","No","No","No","No","No","No" -"12",12,"No","No","Male","autumn",1,89,NA,NA,102,NA,NA,"No",NA,NA,58,31.82,"No","No",4,"No","No","No","No","No","No","No" -"13",13,"No","No","Male","autumn",0,94,110,80,NA,NA,NA,"No",NA,NA,89,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"14",15,"No","No","Male","spring",1,NA,159,76,85,37.1,"No","No","Yes",NA,87,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"15",16,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,84,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"16",17,"No","No","Female","spring",1,94,NA,NA,NA,NA,NA,"No",NA,NA,83,33.75,"No","No",4,"No","No","Yes","Yes","No","Yes","No" -"17",18,"No","No","Male","spring",1,89,138,50,60,36.3,"Yes","No",NA,NA,83,36.14,"No","No",1,"No","No","No","No","No","No","No" -"18",19,"No","No","Male","summer",5,91,NA,NA,77,NA,NA,NA,NA,NA,82,24.74,"No","No",2,"No","No","No","No","No","Yes","No" -"19",20,"No","No","Male","summer",4,NA,NA,NA,NA,NA,NA,"No","Yes",NA,82,24.74,"No","No",2,"No","No","No","No","No","Yes","No" -"20",21,"No","No","Male","spring",3,NA,NA,NA,NA,NA,NA,"No","Yes",NA,82,24.74,"No","No",2,"No","No","No","No","No","Yes","No" -"21",22,"No","No","Male","spring",3,NA,NA,NA,NA,NA,NA,"No","Yes",NA,82,24.74,"No","No",2,"No","No","No","No","No","Yes","No" -"22",23,"No","No","Male","winter",3,NA,NA,NA,NA,NA,NA,"No","Yes",NA,82,24.91,"No","No",2,"No","No","No","No","No","Yes","No" -"23",24,"No","No","Female","winter",0,NA,139,70,76,NA,NA,NA,NA,NA,80,23.56,"No","No",2,"No","No","No","No","No","Yes","No" -"24",25,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,71,21.37,"No","No",1,"No","No","No","No","No","No","No" -"25",26,"No","No","Female","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,59,22.76,"No","No",7,"No","No","No","No","No","No","Yes" -"26",27,"No","No","Male","autumn",0,95,NA,NA,90,36,"No","No",NA,NA,47,30.12,"No","No",1,"No","No","No","No","No","No","No" -"27",28,"No","No","Male","autumn",0,87,147,82,102,36,"Yes","No","Yes",4,83,32.41,"No","No",3,"Yes","No","No","No","No","No","No" -"28",29,"No","No","Male","summer",3,NA,NA,NA,NA,NA,NA,"No","No",0,84,27.4,"Yes","No",8,"No","No","No","No","No","Yes","Yes" -"29",30,"No","No","Male","spring",2,95,NA,NA,NA,NA,NA,NA,"No",0,84,27.4,"Yes","No",8,"No","No","No","No","No","Yes","Yes" -"30",31,"No","No","Male","winter",1,95,150,80,78,NA,NA,NA,"Yes",NA,83,27.4,"Yes","No",8,"No","No","No","No","No","Yes","Yes" -"31",32,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,83,27.4,"Yes","No",8,"No","No","No","No","No","Yes","Yes" -"32",33,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,72,26.14,"No","No",3,"No","No","No","Yes","No","Yes","No" -"33",34,"No","No","Female","winter",1,94,NA,NA,72,NA,NA,"No","Yes",NA,53,29.69,"Yes","No",2,"No","No","No","No","No","Yes","No" -"34",35,"No","No","Male","summer",1,93,NA,NA,NA,NA,NA,"No","Yes",NA,85,29.24,"No","No",7,"No","No","No","No","No","No","Yes" -"35",36,"No","No","Male","winter",1,93,NA,NA,64,NA,NA,"No","Yes",NA,84,29.24,"No","No",7,"No","No","No","No","No","No","Yes" -"36",37,"No","No","Male","autumn",0,97,NA,NA,65,36,NA,"No",NA,NA,86,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"37",38,"No","No","Male","spring",3,NA,NA,NA,89,NA,"No","No","Yes",4,81,NA,"No","No",1,"No","No","No","No","No","No","No" -"38",39,"No","No","Male","winter",3,94,115,75,58,NA,"No","No","Yes",1,81,NA,"No","No",1,"No","No","No","No","No","No","No" -"39",40,"No","No","Male","autumn",2,92,130,75,82,NA,"No","No","No",0,81,NA,"No","No",1,"No","No","No","No","No","No","No" -"40",41,"No","No","Male","autumn",3,96,NA,NA,NA,NA,NA,NA,NA,NA,81,33.56,"Yes","No",1,"No","No","No","No","No","No","No" -"41",42,"No","No","Male","spring",2,NA,158,90,NA,NA,NA,"No",NA,NA,81,33.56,"Yes","No",1,"No","No","No","No","No","No","No" -"42",43,"No","No","Male","winter",1,94,161,75,80,37.5,NA,"No",NA,NA,81,33.56,"Yes","No",1,"No","No","No","No","No","No","No" -"43",44,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,79,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"44",45,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,69,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"45",46,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,68,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"46",47,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,68,30.12,"Yes","No",1,"No","No","No","No","No","No","No" -"47",48,"No","No","Male","summer",1,91,NA,NA,62,NA,NA,"No",NA,NA,85,27.19,"Yes","No",8,"Yes","No","No","No","No","No","Yes" -"48",49,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,84,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"49",50,"No","No","Male","autumn",1,91,140,60,60,NA,NA,"No","Yes",NA,75,25.97,"No","No",2,"No","No","No","Yes","No","No","No" -"50",51,"No","No","Male","winter",0,92,143,60,68,NA,"No","No","Yes",2,74,26.35,"No","No",2,"No","No","No","Yes","No","No","No" -"51",52,"No","No","Male","summer",0,87,NA,NA,NA,NA,NA,"No","Yes",4,78,29.47,"No","No",2,"No","No","No","No","No","Yes","No" -"52",53,"No","No","Male","autumn",2,94,NA,NA,NA,NA,NA,"No",NA,NA,70,33.82,"Yes","No",1,"No","No","No","No","No","No","No" -"53",54,"No","No","Male","winter",3,93,NA,NA,NA,NA,NA,"No","Yes",NA,69,33.82,"Yes","No",1,"No","No","No","No","No","No","No" -"54",55,"No","No","Male","autumn",1,94,NA,NA,NA,NA,NA,"No",NA,NA,56,NA,"Yes","No",4,"No","No","No","Yes","No","Yes","No" -"55",56,"No","No","Male","winter",0,98,NA,NA,NA,NA,NA,"No",NA,NA,55,NA,"Yes","No",4,"No","No","No","Yes","No","Yes","No" -"56",57,"No","No","Male","autumn",0,94,NA,NA,NA,NA,NA,"No","Yes",NA,90,27.92,"Yes","No",3,"No","Yes","Yes","No","No","No","No" -"57",58,"Yes","No","Male","spring",3,94,118,64,NA,36,"Yes","Yes",NA,NA,88,NA,"Yes","No",4,"No","No","Yes","No","No","No","No" -"58",59,"No","No","Male","spring",2,95,NA,NA,NA,37,NA,"No",NA,NA,88,22.41,"Yes","No",4,"No","No","Yes","No","No","No","No" -"59",60,"No","No","Male","winter",1,90,NA,NA,NA,NA,NA,NA,NA,NA,86,18.02,"No","No",3,"No","No","No","Yes","No","Yes","No" -"60",61,"No","No","Male","winter",0,91,NA,NA,NA,NA,NA,"No",NA,NA,86,18.77,"No","No",3,"No","No","No","Yes","No","Yes","No" -"61",62,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,82,26.5,"Yes","No",2,"No","No","No","No","No","Yes","No" -"62",63,"No","No","Female","autumn",1,NA,130,80,NA,NA,NA,"No",NA,NA,81,28.16,"No","No",1,"No","No","No","No","No","No","No" -"63",64,"No","No","Female","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,28.55,"No","No",1,"No","No","No","No","No","No","No" -"64",65,"No","No","Male","autumn",1,88,NA,NA,NA,NA,"Yes","No",NA,NA,80,42.6,"Yes","No",1,"No","No","No","No","No","No","No" -"65",66,"No","No","Male","winter",0,70,123,46,51,NA,"Yes","Yes","Yes",2,79,42.6,"Yes","No",1,"No","No","No","No","No","No","No" -"66",67,"No","No","Male","spring",0,93,NA,NA,NA,35.9,NA,"No","Yes",NA,78,NA,"No","No",7,"No","No","No","No","No","No","Yes" -"67",68,"No","No","Male","summer",1,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,70,29.75,"No","No",2,"No","No","No","No","No","Yes","No" -"68",69,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,69,33.59,"No","No",3,"No","No","Yes","No","No","No","No" -"69",70,"No","No","Male","autumn",0,NA,NA,NA,88,NA,NA,"No",NA,NA,69,31.45,"Yes","No",2,"No","No","No","No","No","Yes","No" -"70",71,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,84,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"71",72,"No","No","Male","autumn",0,95,145,75,70,36.5,NA,"No",NA,NA,77,32.81,"Yes","No",1,"No","No","No","No","No","No","No" -"72",73,"No","No","Male","winter",0,95,NA,NA,NA,NA,NA,"No",NA,NA,82,30.53,"No","No",1,"No","No","No","No","No","No","No" -"73",74,"No","No","Female","summer",1,98,NA,NA,NA,NA,NA,"No",NA,NA,60,18.66,"No","No",1,"No","No","No","No","No","No","No" -"74",75,"No","No","Male","winter",0,94,NA,NA,NA,36.3,NA,"No",NA,NA,57,29.83,"No","No",5,"No","No","No","No","No","Yes","No" -"75",76,"No","No","Male","autumn",0,96,NA,NA,80,NA,"No","No",NA,NA,80,NA,"Yes","No",8,"No","No","No","No","No","Yes","Yes" -"76",77,"No","No","Male","summer",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,77,NA,"No","No",7,"No","No","No","No","No","No","Yes" -"77",78,"No","No","Male","spring",1,85,100,74,115,38.5,"No","No","Yes",NA,76,NA,"No","No",7,"No","No","No","No","No","No","Yes" -"78",79,"No","No","Male","spring",0,95,NA,NA,92,NA,NA,"No",NA,NA,60,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"79",80,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,83,27.89,"Yes","No",1,"No","No","No","No","No","No","No" -"80",81,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,83,28.51,"Yes","No",1,"No","No","No","No","No","No","No" -"81",82,"No","No","Male","autumn",3,NA,NA,NA,NA,NA,NA,NA,NA,NA,78,NA,"No","No",1,"No","No","No","No","No","No","No" -"82",83,"No","No","Male","summer",2,94,NA,NA,NA,NA,NA,"No",NA,NA,78,NA,"No","No",1,"No","No","No","No","No","No","No" -"83",84,"No","No","Male","spring",2,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,78,NA,"No","No",1,"No","No","No","No","No","No","No" -"84",85,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,77,NA,"No","No",1,"No","No","No","No","No","No","No" -"85",86,"No","No","Male","spring",0,97,NA,NA,NA,NA,NA,"No",NA,NA,59,39.47,"No","No",1,"No","No","No","No","No","No","No" -"86",87,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,51,29.59,"No","No",2,"Yes","No","No","No","No","No","No" -"87",88,"No","No","Male","spring",2,96,NA,NA,NA,NA,NA,"No",NA,NA,74,25.31,"Yes","No",1,"No","No","No","No","No","No","No" -"88",89,"No","No","Female","winter",4,86,110,55,NA,37.4,NA,"Yes","Yes",NA,78,NA,"No","No",1,"No","No","No","No","No","No","No" -"89",90,"No","No","Female","spring",0,97,NA,NA,78,NA,NA,"No","Yes",NA,70,NA,"No","No",2,"Yes","No","No","No","No","No","No" -"90",91,"No","No","Male","summer",3,NA,NA,NA,NA,NA,"No","No","Yes",NA,64,NA,"Yes","No",2,"No","Yes","No","No","No","No","No" -"91",92,"No","No","Male","spring",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,64,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"92",93,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,63,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"93",94,"No","No","Female","autumn",3,NA,NA,NA,NA,NA,NA,NA,NA,NA,84,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"94",95,"No","No","Female","summer",2,96,NA,NA,81,NA,NA,"No",NA,NA,84,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"95",96,"No","No","Female","autumn",1,95,NA,NA,69,NA,NA,"No",NA,NA,83,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"96",97,"No","No","Male","spring",2,95,NA,NA,95,NA,NA,"No",NA,NA,81,NA,"No","No",6,"No","No","Yes","No","No","Yes","No" -"97",98,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,NA,"No","No",5,"No","No","No","No","No","Yes","No" -"98",99,"No","No","Male","autumn",0,90,148,86,91,NA,NA,"No","Yes",NA,80,NA,"No","No",5,"No","No","No","No","No","Yes","No" -"99",100,"No","No","Male","autumn",1,85,130,60,100,35.9,NA,"No","Yes",4,80,NA,"Yes","Yes",1,"No","No","No","No","No","No","No" -"100",101,"No","No","Male","autumn",0,89,165,95,114,38.1,NA,"No","Yes",4,80,NA,"Yes","Yes",1,"No","No","No","No","No","No","No" -"101",102,"No","No","Male","winter",0,NA,NA,NA,98,36.4,"No","No","Yes",3,77,NA,"No","No",1,"No","No","No","No","No","No","No" -"102",103,"No","No","Male","spring",1,96,NA,NA,NA,NA,NA,"No",NA,NA,69,27.21,"Yes","No",2,"No","No","No","No","No","Yes","No" -"103",104,"No","No","Male","winter",0,NA,NA,NA,NA,36.6,NA,"No",NA,NA,68,27.21,"Yes","No",2,"No","No","No","No","No","Yes","No" -"104",105,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,91,NA,"No","No",2,"No","Yes","No","No","No","No","No" -"105",106,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,"No","Yes",NA,86,19.47,"No","No",2,"No","No","No","Yes","No","No","No" -"106",107,"No","No","Male","autumn",1,97,NA,NA,87,NA,NA,NA,NA,NA,85,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"107",108,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,85,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"108",109,"No","No","Female","autumn",0,97,NA,NA,NA,NA,NA,"No",NA,NA,75,34.21,"Yes","No",2,"No","No","No","No","No","Yes","No" -"109",110,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,83,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"110",112,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,"No","Yes",NA,82,26.53,"No","No",1,"No","No","No","No","No","No","No" -"111",113,"No","No","Male","winter",1,95,NA,NA,NA,NA,"No","No","No",0,80,29.94,"Yes","No",4,"Yes","No","Yes","No","No","Yes","No" -"112",114,"No","No","Male","spring",1,91,NA,NA,113,37.5,"No","No",NA,NA,74,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"113",115,"No","No","Male","spring",0,98,NA,NA,NA,NA,NA,"No",NA,NA,74,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"114",116,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No","No",0,68,29.91,"No","No",1,"No","No","No","No","No","No","No" -"115",117,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,67,29.3,"No","No",1,"No","No","No","No","No","No","No" -"116",118,"No","No","Female","summer",0,95,NA,NA,107,35,NA,NA,NA,NA,57,NA,"No","No",1,"No","No","No","No","No","No","No" -"117",119,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No","No",0,83,35.95,"No","No",7,"No","No","No","No","No","No","Yes" -"118",120,"No","No","Male","autumn",2,96,NA,NA,NA,NA,NA,"No",NA,NA,74,28.88,"No","No",1,"No","No","No","No","No","No","No" -"119",121,"No","No","Male","summer",1,93,148,75,96,36.4,NA,"No","Yes",NA,73,28.88,"No","No",1,"No","No","No","No","No","No","No" -"120",122,"No","No","Male","winter",1,96,151,67,90,37,"No","No",NA,NA,73,30.06,"No","No",1,"No","No","No","No","No","No","No" -"121",123,"No","No","Male","autumn",4,95,NA,NA,NA,NA,NA,"No",NA,NA,75,31.92,"No","No",4,"No","Yes","No","Yes","No","Yes","No" -"122",124,"No","No","Male","summer",3,NA,NA,NA,NA,NA,"No",NA,NA,NA,75,31.92,"No","No",4,"No","Yes","No","Yes","No","Yes","No" -"123",125,"No","No","Male","spring",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,75,31.92,"No","No",4,"No","Yes","No","Yes","No","Yes","No" -"124",126,"No","No","Male","winter",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,75,31.92,"No","No",4,"No","Yes","No","Yes","No","Yes","No" -"125",127,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,74,31.92,"No","No",4,"No","Yes","No","Yes","No","Yes","No" -"126",128,"No","No","Male","autumn",0,90,149,66,63,NA,NA,NA,"Yes",NA,91,20.83,"No","No",3,"Yes","No","No","No","No","Yes","No" -"127",129,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,86,23.14,"No","No",1,"No","No","No","No","No","No","No" -"128",130,"No","No","Male","winter",1,NA,NA,NA,84,NA,NA,"No",NA,NA,86,23.51,"No","No",1,"No","No","No","No","No","No","No" -"129",131,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,86,26.52,"Yes","No",1,"No","No","No","No","No","No","No" -"130",132,"No","No","Male","spring",2,NA,NA,NA,NA,NA,"No","No","Yes",NA,82,34.84,"No","No",3,"Yes","No","No","No","No","Yes","No" -"131",133,"No","No","Male","autumn",1,90,NA,NA,NA,NA,NA,"No",NA,NA,83,30.42,"No","No",2,"No","No","Yes","No","No","No","No" -"132",134,"No","No","Male","spring",0,93,NA,NA,97,NA,NA,"No","Yes",NA,82,30.42,"No","No",2,"No","No","Yes","No","No","No","No" -"133",135,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,81,NA,"No","No",10,"No","No","No","No","No","No","Yes" -"134",136,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,19.87,"Yes","No",3,"No","No","Yes","No","No","Yes","No" -"135",137,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,19.84,"Yes","No",3,"No","No","Yes","No","No","Yes","No" -"136",138,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,79,26.15,"Yes","No",1,"No","No","No","No","No","No","No" -"137",139,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,79,26.41,"Yes","No",1,"No","No","No","No","No","No","No" -"138",140,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,78,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"139",141,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,78,27.59,"No","No",4,"No","No","Yes","No","Yes","Yes","No" -"140",142,"No","No","Male","spring",2,82,NA,NA,102,NA,NA,NA,NA,NA,75,34.29,"No","No",1,"No","No","No","No","No","No","No" -"141",143,"No","No","Male","spring",2,85,140,75,NA,NA,NA,NA,NA,NA,75,32.96,"No","No",1,"No","No","No","No","No","No","No" -"142",144,"No","No","Male","winter",2,91,NA,NA,95,NA,NA,"No",NA,NA,75,32.96,"No","No",1,"No","No","No","No","No","No","No" -"143",145,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,73,NA,"No","No",1,"No","No","No","No","No","No","No" -"144",146,"No","No","Female","autumn",2,96,NA,NA,76,NA,NA,"No","No",0,72,26.27,"No","No",1,"No","No","No","No","No","No","No" -"145",147,"No","No","Female","winter",1,97,NA,NA,71,NA,NA,"No","No",0,71,26.49,"No","No",1,"No","No","No","No","No","No","No" -"146",148,"No","No","Male","autumn",0,96,120,70,84,35.4,"No","No",NA,NA,70,NA,"No","No",7,"No","No","No","No","No","No","Yes" -"147",149,"No","No","Male","winter",2,97,118,62,72,36.6,NA,"No",NA,NA,69,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"148",150,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,69,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"149",151,"No","No","Male","autumn",1,97,NA,NA,NA,NA,NA,"No",NA,NA,66,36.68,"No","No",2,"No","No","No","No","No","Yes","No" -"150",152,"No","No","Male","spring",1,87,145,71,90,36.5,"Yes","No",NA,NA,66,36.68,"No","No",2,"No","No","No","No","No","Yes","No" -"151",153,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,65,27.87,"No","No",2,"No","Yes","No","No","No","No","No" -"152",154,"No","No","Male","spring",0,75,120,80,125,NA,"No","No","Yes",NA,64,27.87,"No","No",1,"No","No","No","No","No","No","No" -"153",155,"No","No","Male","summer",3,92,NA,NA,86,NA,"No","No","Yes",2,89,28.71,"No","Yes",2,"No","No","No","No","No","Yes","No" -"154",156,"No","No","Male","spring",3,90,NA,NA,NA,NA,NA,"No","Yes",NA,89,28.71,"No","Yes",2,"No","No","No","No","No","Yes","No" -"155",157,"No","No","Male","winter",2,91,NA,NA,NA,NA,NA,NA,NA,NA,89,28.71,"No","Yes",2,"No","No","No","No","No","Yes","No" -"156",158,"No","No","Male","spring",3,86,NA,NA,NA,NA,NA,"No",NA,NA,68,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"157",159,"No","No","Male","spring",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,68,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"158",160,"No","No","Male","winter",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,67,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"159",161,"No","No","Male","autumn",1,94,NA,NA,NA,NA,NA,"No",NA,NA,65,23.09,"No","No",3,"Yes","Yes","No","No","No","No","No" -"160",162,"No","No","Male","autumn",1,93,120,51,61,37.3,"No","No","Yes",NA,90,NA,"No","No",1,"No","No","No","No","No","No","No" -"161",163,"No","No","Female","autumn",1,90,NA,NA,NA,NA,NA,"No",NA,NA,65,33.27,"Yes","No",3,"No","Yes","No","No","No","Yes","No" -"162",164,"No","No","Female","spring",0,90,NA,NA,NA,NA,NA,"No",NA,NA,65,30.67,"Yes","No",3,"No","Yes","No","No","No","Yes","No" -"163",165,"No","No","Male","spring",2,NA,NA,NA,NA,NA,NA,"No","Yes",NA,74,26.72,"No","Yes",8,"No","No","No","No","No","No","Yes" -"164",166,"No","No","Male","autumn",2,95,NA,NA,102,NA,NA,"No",NA,NA,74,26.95,"No","Yes",8,"No","No","No","No","No","No","Yes" -"165",167,"No","No","Male","autumn",0,97,NA,NA,NA,NA,NA,"No",NA,NA,63,NA,"No","No",1,"No","No","No","No","No","No","No" -"166",168,"No","No","Male","spring",3,91,NA,NA,NA,37.1,NA,NA,NA,NA,86,NA,"Yes","No",2,"No","No","No","No","No","No","No" -"167",169,"No","No","Male","spring",3,86,NA,NA,75,NA,NA,"No","Yes",NA,86,NA,"Yes","No",2,"No","No","No","No","No","No","No" -"168",170,"No","No","Male","autumn",3,95,NA,NA,NA,NA,NA,"No","Yes",NA,80,NA,"No","No",8,"No","No","Yes","No","No","No","Yes" -"169",171,"No","No","Male","summer",3,NA,NA,NA,NA,NA,"No","No",NA,NA,80,NA,"No","No",8,"No","No","Yes","No","No","No","Yes" -"170",172,"No","No","Male","winter",2,NA,NA,NA,NA,NA,"No","No",NA,NA,79,NA,"No","No",8,"No","No","Yes","No","No","No","Yes" -"171",173,"No","No","Male","winter",2,93,NA,NA,86,NA,NA,"No","Yes",NA,79,NA,"No","No",8,"No","No","Yes","No","No","No","Yes" -"172",174,"No","No","Male","summer",1,NA,NA,NA,NA,NA,NA,"No","Yes",NA,70,NA,"No","No",5,"No","No","Yes","No","No","No","No" -"173",175,"No","No","Male","summer",4,87,NA,NA,NA,NA,NA,NA,NA,NA,76,31.63,"No","No",2,"No","No","No","No","No","Yes","No" -"174",176,"No","No","Male","winter",4,88,NA,NA,86,NA,NA,NA,"Yes",NA,75,29.55,"No","No",2,"No","No","No","No","No","Yes","No" -"175",177,"No","No","Male","autumn",1,95,180,NA,NA,NA,NA,NA,NA,NA,70,NA,"Yes","No",2,"No","Yes","No","No","No","No","No" -"176",178,"No","No","Male","winter",0,64,102,56,120,36.2,NA,"No","Yes",NA,69,NA,"Yes","No",2,"No","Yes","No","No","No","No","No" -"177",179,"No","No","Male","winter",0,94,NA,NA,118,NA,NA,"No","Yes",NA,63,NA,"No","No",1,"No","No","No","No","No","No","No" -"178",180,"No","No","Male","autumn",2,94,NA,NA,NA,NA,NA,"No","Yes",NA,70,22.55,"No","No",1,"No","No","No","No","No","No","No" -"179",181,"No","No","Male","winter",0,86,NA,NA,123,NA,NA,"No",NA,NA,58,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"180",182,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,87,26.78,"Yes","No",3,"Yes","No","No","No","No","Yes","No" -"181",183,"No","No","Male","spring",0,93,176,68,98,NA,NA,NA,"Yes",NA,87,25.47,"Yes","No",3,"Yes","No","No","No","No","Yes","No" -"182",184,"No","No","Male","summer",3,95,NA,NA,96,NA,NA,"No","Yes",NA,84,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"183",185,"No","No","Male","winter",2,92,NA,NA,89,NA,NA,"No","Yes",NA,84,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"184",186,"No","No","Male","autumn",2,95,NA,NA,93,NA,NA,"No",NA,NA,61,NA,"No","No",1,"No","No","No","No","No","No","No" -"185",187,"No","No","Male","spring",2,95,NA,NA,93,NA,"No","No","Yes",NA,61,28.71,"No","No",1,"No","No","No","No","No","No","No" -"186",188,"No","No","Male","winter",1,95,NA,NA,75,NA,NA,"No","Yes",NA,61,28.71,"No","No",1,"No","No","No","No","No","No","No" -"187",189,"No","No","Female","winter",0,97,NA,NA,80,NA,NA,"No","Yes",NA,88,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"188",190,"No","No","Male","winter",0,93,NA,NA,70,36,NA,NA,NA,NA,79,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"189",191,"No","No","Male","autumn",4,NA,NA,NA,NA,NA,NA,NA,NA,NA,76,27.99,"No","No",1,"No","No","No","No","No","No","No" -"190",192,"No","No","Male","summer",4,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,76,27.99,"No","No",1,"No","No","No","No","No","No","No" -"191",193,"No","No","Male","summer",4,99,NA,NA,99,NA,NA,"No","Yes",NA,76,27.99,"No","No",1,"No","No","No","No","No","No","No" -"192",195,"No","No","Female","summer",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,84,32.46,"Yes","No",2,"No","No","No","Yes","No","No","No" -"193",196,"No","No","Male","summer",1,89,NA,NA,NA,NA,NA,"No","Yes",3,74,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"194",197,"No","No","Male","winter",2,87,NA,NA,107,36.7,NA,NA,NA,NA,84,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"195",198,"No","No","Male","summer",1,NA,NA,NA,NA,NA,"No","No",NA,NA,77,34.52,"Yes","No",2,"No","No","Yes","No","No","No","No" -"196",199,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,85,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"197",200,"No","No","Male","summer",1,83,NA,NA,NA,NA,NA,"No",NA,NA,85,29.01,"Yes","No",3,"No","Yes","No","No","No","Yes","No" -"198",201,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,85,29.82,"Yes","No",3,"No","Yes","No","No","No","Yes","No" -"199",202,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,80,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"200",203,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,79,27.55,"No","No",1,"No","No","No","No","No","No","No" -"201",204,"No","No","Female","autumn",1,NA,NA,NA,NA,NA,NA,"No","Yes",NA,78,28.17,"No","No",1,"No","No","No","No","No","No","No" -"202",205,"No","No","Male","autumn",1,93,NA,NA,60,NA,NA,"No",NA,NA,75,23.94,"No","No",1,"No","No","No","No","No","No","No" -"203",206,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No","Yes",3,74,25.65,"No","No",1,"No","No","No","No","No","No","No" -"204",207,"No","No","Male","winter",0,97,NA,NA,97,NA,NA,"No",NA,NA,71,19.61,"Yes","No",1,"No","No","No","No","No","No","No" -"205",208,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,69,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"206",209,"No","No","Male","autumn",3,98,NA,NA,72,NA,"Yes",NA,"Yes",3,79,23.39,"No","Yes",1,"No","No","No","No","No","No","No" -"207",210,"No","No","Male","summer",3,98,NA,NA,88,NA,NA,"No",NA,NA,79,23.39,"No","Yes",1,"No","No","No","No","No","No","No" -"208",211,"No","No","Male","spring",2,96,110,60,92,NA,"Yes","No","Yes",NA,78,23.39,"No","Yes",1,"No","No","No","No","No","No","No" -"209",212,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,78,23.39,"No","Yes",1,"No","No","No","No","No","No","No" -"210",213,"No","No","Female","autumn",2,80,NA,NA,NA,NA,NA,"No","Yes",NA,90,27.03,"Yes","No",4,"No","Yes","No","No","No","Yes","No" -"211",214,"No","No","Female","winter",1,95,NA,NA,NA,NA,NA,NA,NA,NA,89,27.03,"Yes","No",4,"No","Yes","No","No","No","Yes","No" -"212",215,"No","No","Female","autumn",1,90,NA,NA,104,37,"No","No",NA,NA,82,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"213",216,"No","No","Female","winter",0,87,NA,NA,90,NA,NA,"No",NA,NA,81,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"214",217,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No","Yes",NA,86,24.92,"Yes","No",1,"No","No","No","No","No","No","No" -"215",218,"No","No","Male","spring",0,92,NA,NA,NA,NA,NA,"No","Yes",NA,85,24.92,"Yes","No",1,"No","No","No","No","No","No","No" -"216",219,"No","No","Male","winter",0,83,190,100,86,NA,NA,"No",NA,NA,75,28.73,"Yes","No",1,"No","No","No","No","No","No","No" -"217",220,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,63,31.88,"No","No",2,"No","No","No","No","No","Yes","No" -"218",221,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,84,23.46,"No","No",2,"No","No","Yes","No","No","No","No" -"219",222,"No","No","Female","winter",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,88,24.01,"Yes","No",1,"No","No","No","No","No","No","No" -"220",223,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,68,31.05,"Yes","No",7,"No","No","No","No","No","No","Yes" -"221",224,"No","No","Male","winter",0,83,158,88,76,36.6,"No","No","Yes",4,68,31.05,"Yes","No",7,"No","No","No","No","No","No","Yes" -"222",225,"No","No","Male","spring",2,92,NA,NA,NA,NA,NA,"No",NA,NA,81,29.41,"Yes","No",7,"No","No","No","No","No","No","Yes" -"223",226,"No","No","Male","autumn",0,88,NA,NA,NA,NA,NA,"No","Yes",NA,84,32.3,"No","No",1,"No","No","No","No","No","No","No" -"224",227,"No","No","Female","winter",0,92,NA,NA,NA,NA,NA,NA,NA,NA,80,27.11,"No","No",1,"No","No","No","No","No","No","No" -"225",228,"Yes","Yes","Male","summer",4,60,96,52,132,37.6,"No","No","Yes",4,79,24.88,"No","No",2,"No","No","No","No","No","Yes","No" -"226",229,"No","No","Male","spring",2,85,115,73,120,38.5,"Yes","No","Yes",4,85,32.25,"Yes","No",2,"No","Yes","No","No","No","No","No" -"227",230,"No","No","Male","winter",1,85,96,52,85,36.2,"No","No","Yes",4,85,30.52,"Yes","No",2,"No","Yes","No","No","No","No","No" -"228",231,"No","No","Male","winter",1,94,113,56,88,36.6,"No","No","Yes",4,85,30.52,"Yes","No",2,"No","Yes","No","No","No","No","No" -"229",232,"No","No","Male","autumn",1,96,NA,NA,62,NA,NA,"No","Yes",4,72,NA,"No","No",1,"No","No","No","No","No","No","No" -"230",233,"No","No","Male","autumn",3,NA,NA,NA,NA,NA,NA,"No",NA,NA,53,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"231",234,"No","No","Male","winter",3,95,NA,NA,104,NA,NA,"No",NA,NA,52,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"232",235,"No","No","Male","autumn",3,96,NA,NA,60,NA,NA,"No",NA,NA,83,27.41,"Yes","No",2,"No","Yes","No","No","No","No","No" -"233",236,"No","No","Male","spring",4,97,NA,NA,NA,NA,NA,"No",NA,NA,82,27.41,"Yes","No",2,"No","Yes","No","No","No","No","No" -"234",237,"No","No","Male","winter",3,NA,131,72,82,NA,NA,"No",NA,NA,82,28.86,"Yes","No",2,"No","Yes","No","No","No","No","No" -"235",238,"No","No","Male","winter",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,82,28.86,"Yes","No",1,"No","No","No","No","No","No","No" -"236",239,"No","No","Male","winter",0,78,131,59,84,NA,"No","No",NA,NA,80,NA,"No","No",5,"No","No","No","No","No","Yes","No" -"237",240,"No","No","Male","winter",0,94,NA,NA,82,NA,NA,"No","Yes",NA,73,26.96,"No","No",1,"No","No","No","No","No","No","No" -"238",241,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,68,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"239",242,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,68,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"240",243,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,67,27.21,"Yes","No",2,"No","No","No","No","No","Yes","No" -"241",244,"No","No","Male","winter",0,96,NA,NA,85,NA,NA,"No","Yes",NA,82,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"242",245,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,82,22.2,"No","No",2,"No","No","Yes","No","No","No","No" -"243",246,"No","No","Male","spring",4,NA,NA,NA,NA,NA,NA,NA,NA,NA,81,31.57,"Yes","No",2,"No","No","No","Yes","No","No","No" -"244",247,"No","No","Male","winter",3,NA,NA,NA,NA,NA,NA,NA,NA,NA,81,31.57,"Yes","No",2,"No","No","No","Yes","No","No","No" -"245",248,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,"No","Yes",NA,80,31.57,"Yes","No",2,"No","No","No","Yes","No","No","No" -"246",249,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,70,30.64,"No","No",1,"No","No","No","No","No","No","No" -"247",250,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,58,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"248",251,"No","No","Female","autumn",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,57,25.72,"No","No",2,"No","No","No","No","No","Yes","No" -"249",252,"No","No","Female","autumn",0,93,NA,NA,NA,NA,NA,NA,NA,NA,57,28.31,"No","No",2,"No","No","No","No","No","Yes","No" -"250",253,"No","No","Female","autumn",0,94,NA,NA,93,37.6,NA,"No",NA,NA,87,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"251",254,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,85,NA,"No","No",6,"No","No","No","No","No","Yes","No" -"252",255,"No","No","Male","autumn",0,NA,NA,NA,NA,36.5,NA,"No","Yes",3,73,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"253",256,"No","No","Female","winter",0,93,NA,NA,100,37.4,NA,NA,NA,NA,70,39.56,"Yes","No",2,"No","No","No","No","No","Yes","No" -"254",257,"No","No","Male","summer",1,96,116,68,65,NA,NA,"No",NA,NA,70,27.04,"No","No",1,"No","No","No","No","No","No","No" -"255",258,"No","No","Male","spring",0,97,NA,NA,NA,NA,NA,"No",NA,NA,70,27.04,"No","No",1,"No","No","No","No","No","No","No" -"256",259,"No","No","Male","winter",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,51,22.86,"No","No",1,"No","No","No","No","No","No","No" -"257",260,"No","No","Male","winter",2,97,NA,NA,NA,NA,NA,"No",NA,NA,51,22.86,"No","No",1,"No","No","No","No","No","No","No" -"258",261,"No","No","Female","summer",4,93,143,77,89,NA,"No","No","Yes",NA,81,33.27,"No","No",1,"No","No","No","No","No","No","No" -"259",262,"No","No","Female","summer",3,90,137,72,78,NA,NA,"No","Yes",NA,81,33.27,"No","No",1,"No","No","No","No","No","No","No" -"260",263,"No","No","Female","spring",2,91,149,68,67,35.5,"Yes","No","Yes",2,81,33.27,"No","No",1,"No","No","No","No","No","No","No" -"261",264,"No","No","Female","winter",1,91,NA,NA,NA,NA,NA,"No",NA,NA,80,32.21,"No","No",1,"No","No","No","No","No","No","No" -"262",265,"Yes","Yes","Female","autumn",4,90,150,60,110,NA,"Yes","No","Yes",4,78,29.56,"Yes","No",3,"Yes","Yes","No","No","No","No","No" -"263",266,"No","No","Female","summer",3,74,159,58,102,NA,"Yes","No",NA,NA,78,29.56,"Yes","No",3,"Yes","Yes","No","No","No","No","No" -"264",267,"No","No","Female","winter",2,75,155,58,93,NA,"No","No","Yes",2,77,29.56,"Yes","No",3,"Yes","Yes","No","No","No","No","No" -"265",268,"No","No","Male","winter",2,NA,152,95,83,NA,NA,NA,NA,NA,58,NA,"No","No",1,"No","No","No","No","No","No","No" -"266",269,"No","No","Male","winter",1,99,135,65,75,NA,"No","No","Yes",1,71,28.48,"No","No",3,"No","No","Yes","No","No","Yes","No" -"267",270,"No","No","Male","autumn",3,NA,120,70,NA,NA,NA,NA,NA,NA,92,32.47,"Yes","Yes",8,"No","No","No","No","No","Yes","Yes" -"268",271,"No","No","Male","summer",2,NA,120,65,NA,NA,NA,"No","Yes",NA,92,32.47,"Yes","Yes",8,"No","No","No","No","No","Yes","Yes" -"269",272,"No","No","Male","spring",2,NA,120,70,NA,NA,NA,NA,NA,NA,92,32.86,"Yes","Yes",8,"No","No","No","No","No","Yes","Yes" -"270",273,"No","No","Male","winter",2,NA,140,70,NA,NA,NA,"No",NA,NA,92,32.86,"Yes","Yes",8,"No","No","No","No","No","Yes","Yes" -"271",274,"No","No","Female","autumn",0,91,NA,NA,NA,38.3,NA,"No","Yes",NA,87,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"272",275,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,83,NA,"Yes","No",3,"No","No","No","No","Yes","No","No" -"273",276,"No","No","Male","winter",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,82,29.38,"No","No",3,"No","No","No","No","No","Yes","No" -"274",277,"No","No","Female","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,82,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"275",278,"No","No","Male","winter",5,91,NA,NA,83,NA,NA,NA,"Yes",NA,81,23.71,"No","No",2,"No","No","No","No","No","Yes","No" -"276",279,"No","No","Male","winter",5,86,154,78,68,34.7,"No","No","Yes",4,81,23.71,"No","No",2,"No","No","No","No","No","Yes","No" -"277",280,"No","No","Female","winter",0,92,NA,NA,78,NA,NA,NA,NA,NA,79,28.57,"Yes","No",2,"No","No","No","No","No","No","No" -"278",281,"No","No","Male","autumn",2,93,NA,NA,NA,NA,NA,NA,NA,NA,77,NA,"No","No",1,"No","No","No","No","No","No","No" -"279",282,"No","No","Female","autumn",0,87,150,90,NA,NA,NA,"No","Yes",NA,78,NA,"Yes","No",8,"No","No","No","No","No","Yes","Yes" -"280",283,"No","No","Male","autumn",0,89,NA,NA,123,NA,NA,NA,"Yes",4,77,27.57,"Yes","No",2,"No","No","No","No","No","Yes","No" -"281",284,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,72,NA,"No","No",1,"No","No","No","No","No","No","No" -"282",285,"No","No","Female","spring",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,71,23.1,"Yes","No",2,"No","No","No","No","No","Yes","No" -"283",286,"No","No","Male","autumn",0,90,NA,NA,55,NA,NA,"No",NA,NA,72,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"284",287,"No","No","Male","spring",0,92,NA,NA,NA,NA,NA,"No",NA,NA,71,26.86,"Yes","No",2,"No","No","Yes","No","No","No","No" -"285",288,"No","No","Female","autumn",2,NA,NA,NA,NA,NA,NA,"No","Yes",NA,68,25.58,"No","Yes",2,"No","No","No","No","No","Yes","No" -"286",289,"No","No","Female","summer",1,93,NA,NA,80,NA,NA,"No",NA,NA,68,25.58,"No","Yes",2,"No","No","No","No","No","Yes","No" -"287",290,"No","No","Female","winter",0,80,NA,NA,110,NA,NA,NA,"Yes",NA,67,NA,"No","Yes",1,"No","No","No","No","No","No","No" -"288",291,"No","No","Male","autumn",1,97,NA,NA,NA,NA,"No","No",NA,NA,66,26.11,"No","No",1,"No","No","No","No","No","No","No" -"289",292,"No","No","Male","winter",0,98,NA,NA,NA,NA,NA,NA,NA,NA,66,NA,"No","No",1,"No","No","No","No","No","No","No" -"290",293,"No","No","Male","spring",1,NA,152,93,70,35.3,"No","No",NA,NA,64,31.38,"Yes","No",1,"No","No","No","No","No","No","No" -"291",294,"No","No","Male","spring",0,97,NA,NA,NA,NA,NA,"No","No",0,64,31.38,"Yes","No",1,"No","No","No","No","No","No","No" -"292",296,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,85,25.72,"No","No",1,"No","No","No","No","No","No","No" -"293",297,"No","No","Male","winter",1,99,NA,NA,100,NA,NA,"No",NA,NA,84,25.34,"No","No",1,"No","No","No","No","No","No","No" -"294",298,"No","No","Male","autumn",1,98,129,80,50,NA,"Yes","No","Yes",4,83,35.83,"Yes","No",1,"No","No","No","No","No","No","No" -"295",299,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,83,25.38,"No","No",1,"No","No","No","No","No","No","No" -"296",300,"No","No","Female","winter",0,91,NA,NA,66,NA,NA,NA,"Yes",NA,80,NA,"Yes","Yes",1,"No","No","No","No","No","No","No" -"297",301,"No","No","Male","autumn",0,92,NA,NA,NA,NA,"No","No","Yes",NA,78,28.12,"No","No",2,"No","No","No","No","No","Yes","No" -"298",302,"No","No","Female","autumn",2,94,NA,NA,93,NA,NA,"No","Yes",NA,76,NA,"No","No",1,"No","No","No","No","No","No","No" -"299",303,"No","No","Female","autumn",1,95,NA,NA,NA,NA,NA,"No","Yes",NA,75,NA,"No","No",1,"No","No","No","No","No","No","No" -"300",304,"No","No","Female","winter",0,90,NA,NA,98,NA,NA,"No","Yes",3,75,NA,"No","No",1,"No","No","No","No","No","No","No" -"301",305,"No","No","Male","autumn",0,93,NA,NA,NA,NA,NA,"No",NA,NA,53,37.02,"No","No",5,"No","No","No","No","No","Yes","No" -"302",306,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,86,25.97,"No","No",1,"No","No","No","No","No","No","No" -"303",307,"No","No","Male","summer",0,90,NA,NA,NA,37,NA,"No","No",0,85,NA,"No","No",3,"Yes","Yes","No","No","No","No","No" -"304",308,"No","No","Female","winter",0,95,NA,NA,NA,NA,NA,"No",NA,NA,83,34.72,"No","No",1,"No","No","No","No","No","No","No" -"305",309,"No","No","Male","winter",1,90,130,80,64,36.2,NA,NA,NA,NA,82,32.87,"No","No",2,"No","Yes","No","No","No","No","No" -"306",310,"No","No","Male","autumn",1,89,NA,NA,NA,NA,"No",NA,"Yes",NA,81,28.15,"No","No",1,"No","No","No","No","No","No","No" -"307",311,"No","No","Male","winter",0,95,NA,NA,85,NA,"No","No","No",0,80,28.76,"No","No",1,"No","No","No","No","No","No","No" -"308",312,"No","No","Male","autumn",2,80,NA,NA,59,NA,NA,NA,"Yes",NA,79,23.62,"No","No",3,"No","No","No","No","No","Yes","No" -"309",313,"No","No","Male","autumn",3,93,NA,NA,90,NA,NA,"No","Yes",NA,78,23.88,"No","No",3,"No","No","No","No","No","Yes","No" -"310",314,"No","No","Male","autumn",0,98,NA,NA,73,36.4,"No","No","Yes",2,69,27.84,"Yes","No",8,"No","No","No","No","No","Yes","Yes" -"311",315,"No","No","Female","winter",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,68,NA,"No","No",2,"Yes","No","No","No","No","No","No" -"312",316,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,65,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"313",317,"No","No","Male","summer",2,96,NA,NA,NA,NA,NA,"No",NA,NA,63,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"314",318,"No","No","Male","winter",1,97,NA,NA,73,NA,NA,"No",NA,NA,62,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"315",319,"No","No","Female","summer",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,52,50.31,"No","No",4,"No","No","No","No","No","No","No" -"316",320,"No","No","Male","autumn",3,98,NA,NA,100,NA,"Yes","No","Yes",4,97,NA,"No","Yes",1,"No","No","No","No","No","No","No" -"317",321,"No","No","Male","summer",2,95,100,60,NA,NA,"Yes","No","Yes",NA,97,NA,"No","Yes",1,"No","No","No","No","No","No","No" -"318",322,"No","No","Male","winter",3,93,NA,NA,83,NA,"Yes","No","Yes",NA,96,NA,"No","Yes",1,"No","No","No","No","No","No","No" -"319",323,"No","No","Male","autumn",2,92,NA,NA,94,NA,"Yes",NA,NA,NA,96,NA,"No","Yes",1,"No","No","No","No","No","No","No" -"320",324,"No","No","Male","summer",0,91,NA,NA,NA,NA,NA,"No","Yes",NA,90,NA,"Yes","No",3,"Yes","No","No","No","No","Yes","No" -"321",325,"No","No","Male","spring",2,NA,143,71,74,NA,NA,NA,NA,NA,78,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"322",326,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,78,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"323",327,"No","No","Male","autumn",1,97,NA,NA,NA,NA,NA,NA,NA,NA,80,22.79,"No","No",1,"No","No","No","No","No","No","No" -"324",328,"No","No","Male","winter",0,96,NA,NA,NA,NA,NA,"No",NA,NA,79,22.79,"No","No",1,"No","No","No","No","No","No","No" -"325",329,"No","No","Male","spring",1,95,NA,NA,NA,36,"No","No",NA,NA,66,26.17,"Yes","No",1,"No","No","No","No","No","No","No" -"326",331,"No","No","Female","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,87,NA,"Yes","No",2,"No","Yes","No","No","No","No","No" -"327",332,"No","No","Male","autumn",2,95,NA,NA,NA,NA,NA,"No",NA,NA,85,28.39,"Yes","Yes",1,"No","No","No","No","No","No","No" -"328",333,"No","No","Male","summer",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,85,28.39,"Yes","Yes",1,"No","No","No","No","No","No","No" -"329",334,"No","No","Male","spring",0,93,NA,NA,91,NA,NA,"No",NA,NA,85,28.39,"Yes","Yes",1,"No","No","No","No","No","No","No" -"330",335,"No","No","Male","spring",2,95,NA,NA,56,NA,"Yes","No","Yes",3,84,31.5,"No","No",2,"No","No","No","No","No","No","No" -"331",336,"No","No","Male","spring",1,NA,139,74,55,NA,"Yes","No","Yes",NA,84,31.24,"No","No",2,"No","No","No","No","No","No","No" -"332",337,"No","No","Male","winter",1,94,155,80,68,NA,NA,"No",NA,NA,84,31.24,"No","No",2,"No","No","No","No","No","No","No" -"333",338,"No","No","Male","autumn",2,90,149,60,85,NA,NA,"No",NA,NA,83,24.99,"Yes","No",1,"No","No","No","No","No","No","No" -"334",339,"No","No","Male","spring",1,87,NA,NA,NA,NA,NA,NA,NA,NA,83,27.81,"Yes","No",1,"No","No","No","No","No","No","No" -"335",340,"No","No","Male","autumn",1,87,137,61,100,NA,NA,NA,"No",0,82,25.84,"Yes","No",1,"No","No","No","No","No","No","No" -"336",341,"No","No","Male","spring",1,91,NA,NA,NA,NA,NA,"No","Yes",NA,83,20.08,"No","No",1,"No","No","No","No","No","No","No" -"337",342,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"338",343,"No","No","Male","winter",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,80,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"339",344,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,23.77,"No","No",2,"No","No","Yes","No","No","No","No" -"340",345,"No","No","Male","autumn",0,95,NA,NA,NA,NA,NA,"No",NA,NA,79,NA,"No","No",2,"No","No","No","No","No","No","No" -"341",346,"No","No","Male","spring",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,78,30.47,"Yes","No",2,"No","No","No","No","No","Yes","No" -"342",347,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,"No","Yes",NA,78,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"343",349,"No","No","Male","summer",2,95,120,70,58,NA,NA,"No","Yes",NA,78,30.26,"Yes","No",1,"No","No","No","No","No","No","No" -"344",350,"No","No","Male","winter",1,98,NA,NA,NA,NA,NA,"No","Yes",NA,77,29.82,"Yes","No",1,"No","No","No","No","No","No","No" -"345",351,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,77,29.82,"Yes","No",1,"No","No","No","No","No","No","No" -"346",352,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,76,26.59,"No","No",1,"No","No","No","No","No","No","No" -"347",353,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,75,34.93,"Yes","No",2,"No","No","No","Yes","No","No","No" -"348",354,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,75,NA,"Yes","No",2,"No","No","No","No","No","No","No" -"349",355,"No","No","Male","autumn",1,97,NA,NA,110,NA,NA,"No",NA,NA,75,32.18,"Yes","No",1,"No","No","No","No","No","No","No" -"350",356,"No","No","Male","winter",0,NA,150,80,76,NA,NA,"No","Yes",NA,75,32.18,"Yes","No",1,"No","No","No","No","No","No","No" -"351",357,"No","No","Female","winter",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,74,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"352",358,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,74,NA,"No","No",1,"No","No","No","No","No","No","No" -"353",359,"No","No","Male","autumn",3,75,NA,NA,NA,NA,NA,"No","Yes",NA,75,NA,"No","No",1,"No","No","No","No","No","No","No" -"354",360,"No","No","Male","spring",3,90,NA,NA,80,NA,NA,"No",NA,NA,74,26.23,"No","No",1,"No","No","No","No","No","No","No" -"355",361,"No","No","Male","spring",2,74,NA,NA,105,NA,NA,"No","Yes",NA,74,26.23,"No","No",1,"No","No","No","No","No","No","No" -"356",362,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,74,26.23,"Yes","No",1,"No","No","No","No","No","No","No" -"357",363,"No","No","Female","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,74,28.12,"Yes","No",7,"No","No","No","No","No","No","Yes" -"358",364,"No","No","Male","autumn",1,91,172,86,72,37.4,NA,"No","Yes",NA,74,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"359",365,"No","No","Female","autumn",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,70,NA,"Yes","No",8,"No","No","Yes","No","No","No","Yes" -"360",366,"No","No","Female","winter",0,92,109,61,99,36.6,"No","No","Yes",4,70,NA,"Yes","No",8,"No","No","Yes","No","No","No","Yes" -"361",367,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,69,33.54,"No","No",1,"No","No","No","No","No","No","No" -"362",368,"No","No","Female","autumn",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,66,NA,"No","Yes",4,"No","No","No","No","No","No","No" -"363",369,"No","No","Female","spring",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,65,NA,"No","Yes",4,"No","No","No","No","No","No","No" -"364",371,"No","No","Male","winter",1,95,NA,NA,NA,NA,NA,"No","Yes",NA,64,NA,"No","No",3,"No","No","No","No","No","Yes","No" -"365",372,"No","No","Male","autumn",1,95,NA,NA,NA,39.4,NA,"No",NA,NA,65,NA,"No","No",3,"No","No","No","No","No","Yes","No" -"366",373,"No","No","Male","autumn",1,94,110,70,103,NA,NA,"No","Yes",NA,61,38.28,"Yes","No",1,"No","No","No","No","No","No","No" -"367",374,"No","No","Male","winter",0,89,120,75,94,NA,NA,NA,"Yes",NA,61,38.28,"Yes","No",1,"No","No","No","No","No","No","No" -"368",375,"No","No","Female","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,47,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"369",376,"No","No","Male","winter",0,NA,145,85,NA,NA,"No","No","Yes",NA,46,32.79,"Yes","No",1,"No","No","No","No","No","No","No" -"370",377,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,NA,"No","No",1,"No","No","No","No","No","No","No" -"371",378,"No","No","Male","autumn",2,NA,130,70,NA,NA,NA,NA,NA,NA,80,29.73,"No","No",2,"No","No","No","No","No","Yes","No" -"372",379,"No","No","Male","autumn",1,NA,NA,NA,76,37.7,NA,"No","Yes",NA,63,27.13,"Yes","No",1,"No","No","No","No","No","No","No" -"373",380,"No","No","Male","summer",1,86,110,70,80,NA,"No","No","Yes",4,63,27.13,"Yes","No",1,"No","No","No","No","No","No","No" -"374",381,"No","No","Female","autumn",6,99,NA,NA,NA,NA,NA,"No",NA,NA,80,24.85,"No","No",1,"No","No","No","No","No","No","No" -"375",382,"No","No","Female","autumn",5,99,NA,NA,NA,NA,NA,"No",NA,NA,80,24.85,"No","No",1,"No","No","No","No","No","No","No" -"376",383,"No","No","Female","summer",6,97,142,67,67,36.3,"No","No",NA,NA,79,25.52,"No","No",1,"No","No","No","No","No","No","No" -"377",384,"No","No","Female","spring",5,97,NA,NA,NA,NA,NA,NA,NA,NA,79,25.52,"No","No",1,"No","No","No","No","No","No","No" -"378",385,"No","No","Female","winter",5,98,NA,NA,NA,NA,NA,"No","Yes",NA,79,25.52,"No","No",1,"No","No","No","No","No","No","No" -"379",386,"No","No","Female","winter",4,98,NA,NA,NA,NA,NA,NA,NA,NA,79,25.52,"No","No",1,"No","No","No","No","No","No","No" -"380",387,"No","No","Female","autumn",3,97,NA,NA,NA,NA,NA,"No",NA,NA,79,25.72,"No","No",1,"No","No","No","No","No","No","No" -"381",388,"No","No","Male","summer",1,51,140,70,NA,NA,"Yes","No","Yes",4,69,NA,"Yes","No",2,"No","No","Yes","No","No","No","No" -"382",389,"No","No","Male","winter",0,93,120,70,80,NA,NA,"No","Yes",4,68,NA,"Yes","No",2,"No","No","Yes","No","No","No","No" -"383",390,"No","No","Male","summer",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,61,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"384",391,"No","No","Male","spring",2,97,NA,NA,NA,NA,NA,NA,"Yes",NA,80,NA,"No","No",6,"Yes","No","Yes","No","No","No","No" -"385",392,"No","No","Male","winter",1,NA,150,87,78,NA,NA,NA,"Yes",NA,80,NA,"No","No",6,"Yes","No","Yes","No","No","No","No" -"386",393,"No","No","Male","summer",1,NA,NA,NA,NA,37.3,"No","No",NA,NA,81,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"387",394,"No","No","Female","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,92,NA,"Yes","No",8,"No","Yes","No","No","No","No","Yes" -"388",395,"No","No","Female","autumn",3,92,130,75,86,36.2,"No","No","Yes",NA,92,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"389",396,"No","No","Female","summer",2,NA,NA,NA,NA,NA,NA,"No","Yes",NA,92,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"390",397,"No","No","Female","spring",1,95,NA,NA,105,NA,NA,"No","Yes",NA,92,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"391",398,"No","No","Female","winter",0,95,140,80,78,36.2,NA,"No",NA,NA,91,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"392",399,"No","No","Male","spring",1,78,150,65,96,NA,"Yes","No","Yes",NA,86,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"393",400,"No","No","Male","summer",0,92,NA,NA,62,NA,NA,NA,"Yes",NA,69,NA,"Yes","Yes",4,"No","No","No","No","No","No","No" -"394",401,"No","No","Male","summer",1,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,66,28.65,"Yes","No",1,"No","No","No","No","No","No","No" -"395",402,"No","No","Male","spring",3,NA,NA,NA,NA,NA,NA,"No",NA,NA,82,30.69,"No","No",1,"No","No","No","No","No","No","No" -"396",403,"No","No","Male","winter",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,82,30.53,"No","No",1,"No","No","No","No","No","No","No" -"397",404,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,82,30.37,"No","No",1,"No","No","No","No","No","No","No" -"398",405,"No","No","Female","summer",0,96,130,70,NA,NA,NA,"No",NA,NA,81,NA,"No","Yes",1,"No","No","No","No","No","No","No" -"399",406,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,88,31.62,"Yes","No",5,"Yes","No","No","No","No","No","No" -"400",407,"No","No","Male","winter",2,93,140,80,72,NA,NA,"No",NA,NA,85,26.67,"No","No",1,"No","No","No","No","No","No","No" -"401",408,"No","No","Male","autumn",2,96,NA,NA,80,NA,"No","No","Yes",4,85,26.29,"No","No",1,"No","No","No","No","No","No","No" -"402",409,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,84,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"403",410,"No","No","Male","spring",0,97,NA,NA,74,NA,NA,"No",NA,NA,80,27.25,"Yes","No",1,"No","No","No","No","No","No","No" -"404",411,"No","No","Male","autumn",0,96,122,67,92,36.8,NA,"No","Yes",1,67,35.75,"No","No",1,"No","No","No","No","No","No","No" -"405",412,"No","No","Female","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,66,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"406",413,"No","No","Male","summer",3,91,NA,NA,90,36.4,NA,"No",NA,NA,60,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"407",414,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,51,35.17,"No","No",4,"No","No","No","No","No","No","No" -"408",415,"No","No","Male","winter",0,NA,138,85,81,NA,NA,"No","Yes",NA,50,35.17,"No","No",4,"No","No","No","No","No","No","No" -"409",416,"No","No","Male","winter",0,90,115,85,85,35.7,"No","No","Yes",NA,53,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"410",417,"No","No","Male","autumn",3,NA,NA,NA,NA,NA,NA,"No",NA,NA,87,NA,"No","No",3,"No","Yes","No","No","No","Yes","No" -"411",418,"No","No","Male","spring",2,92,134,76,76,36,"Yes","No","Yes",4,87,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"412",419,"No","No","Male","spring",2,91,NA,NA,NA,NA,"No","No","Yes",NA,87,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"413",420,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,86,NA,"Yes","No",2,"No","Yes","No","No","No","No","No" -"414",421,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,80,30.02,"No","No",3,"No","No","No","Yes","No","No","No" -"415",422,"No","No","Male","summer",2,94,140,65,77,NA,NA,"No","Yes",NA,78,28.65,"No","No",8,"No","No","Yes","No","No","No","Yes" -"416",423,"No","No","Male","winter",1,97,145,80,78,NA,NA,"No",NA,NA,78,28.65,"No","No",8,"No","No","Yes","No","No","No","Yes" -"417",424,"No","No","Male","spring",1,97,132,81,109,36.2,NA,"No","Yes",NA,64,30.87,"Yes","No",1,"No","No","No","No","No","No","No" -"418",425,"No","No","Female","summer",2,86,NA,NA,NA,NA,NA,"No","No",0,51,20.7,"Yes","No",3,"No","No","Yes","No","No","No","No" -"419",426,"No","No","Male","autumn",4,NA,NA,NA,NA,NA,"Yes",NA,"Yes",4,84,NA,"Yes","No",3,"No","Yes","No","No","No","No","No" -"420",427,"No","No","Male","spring",3,82,150,90,NA,36.7,NA,"No","Yes",4,84,NA,"Yes","No",2,"No","No","No","No","No","No","No" -"421",428,"No","No","Male","winter",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,84,NA,"Yes","No",2,"No","No","No","No","No","No","No" -"422",429,"No","No","Male","winter",1,94,NA,NA,86,37.8,NA,"No",NA,NA,84,NA,"Yes","No",2,"No","No","No","No","No","No","No" -"423",430,"No","No","Male","spring",0,89,NA,NA,NA,36.8,NA,"No",NA,NA,80,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"424",431,"No","No","Male","summer",0,96,100,55,NA,NA,NA,"No",NA,NA,81,NA,"No","Yes",2,"No","No","No","No","Yes","No","No" -"425",433,"No","No","Male","spring",1,97,99,58,94,38.6,"Yes","No",NA,NA,70,NA,"Yes","No",8,"No","No","No","No","No","Yes","Yes" -"426",434,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,64,NA,"No","No",4,"No","No","No","No","No","No","No" -"427",435,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,93,NA,"No","No",2,"No","No","No","No","No","No","No" -"428",436,"No","No","Male","winter",1,90,103,61,100,NA,NA,"No","Yes",3,88,27.93,"No","No",2,"No","No","No","Yes","No","No","No" -"429",437,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,82,NA,"No","No",1,"No","No","No","No","No","No","No" -"430",438,"No","No","Male","spring",0,95,NA,NA,NA,NA,NA,"No",NA,NA,80,NA,"No","No",1,"No","No","No","No","No","No","No" -"431",439,"No","No","Male","autumn",2,95,NA,NA,105,36,NA,"No",NA,NA,79,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"432",440,"No","No","Male","spring",1,93,NA,NA,88,37,NA,NA,NA,NA,79,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"433",441,"No","No","Male","winter",0,90,NA,NA,NA,37.5,NA,NA,NA,NA,79,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"434",442,"No","No","Male","autumn",0,90,128,74,81,37.5,"No","No","Yes",NA,76,38.16,"No","No",1,"No","No","No","No","No","No","No" -"435",443,"No","No","Male","autumn",1,91,92,60,74,37.2,NA,"No","Yes",3,72,24.74,"No","No",1,"No","No","No","No","No","No","No" -"436",444,"No","No","Male","summer",0,89,NA,NA,80,NA,"No","No",NA,NA,72,24.74,"No","No",1,"No","No","No","No","No","No","No" -"437",445,"No","No","Male","winter",1,89,156,93,104,37.1,"Yes","No","Yes",3,65,40.43,"Yes","No",4,"No","No","No","No","No","No","No" -"438",446,"No","No","Female","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,50,44.17,"No","No",1,"No","No","No","No","No","No","No" -"439",447,"No","No","Male","autumn",5,NA,NA,NA,NA,NA,NA,"No",NA,NA,85,27.58,"Yes","No",1,"No","No","No","No","No","No","No" -"440",448,"No","No","Male","spring",5,NA,NA,NA,NA,NA,NA,NA,NA,NA,85,27.58,"Yes","No",1,"No","No","No","No","No","No","No" -"441",449,"No","No","Male","spring",5,87,NA,NA,NA,NA,NA,"No","Yes",NA,85,27.58,"Yes","No",1,"No","No","No","No","No","No","No" -"442",450,"No","No","Male","winter",5,NA,NA,NA,NA,NA,NA,"No","Yes",NA,84,27.58,"Yes","No",1,"No","No","No","No","No","No","No" -"443",451,"No","No","Male","winter",1,96,NA,NA,65,NA,NA,"No",NA,NA,72,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"444",452,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,72,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"445",453,"No","No","Female","winter",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,63,36.73,"No","No",1,"No","No","No","No","No","No","No" -"446",454,"No","No","Female","summer",1,86,110,60,84,NA,"Yes",NA,NA,NA,100,NA,"Yes","Yes",2,"No","Yes","No","No","No","No","No" -"447",455,"No","No","Female","spring",0,86,120,70,66,NA,"Yes","No",NA,NA,100,NA,"Yes","Yes",2,"No","Yes","No","No","No","No","No" -"448",456,"No","No","Female","winter",0,90,120,80,78,NA,NA,NA,NA,NA,90,NA,"Yes","Yes",2,"No","No","No","No","No","Yes","No" -"449",457,"No","No","Male","winter",0,90,120,70,NA,NA,NA,"Yes",NA,NA,89,29.4,"No","No",3,"Yes","No","No","No","No","Yes","No" -"450",458,"No","No","Male","autumn",3,70,NA,NA,84,NA,NA,NA,NA,NA,85,NA,"No","Yes",2,"No","No","No","Yes","No","No","No" -"451",459,"No","No","Male","autumn",2,90,NA,NA,110,35.6,"No","No","Yes",NA,85,NA,"No","Yes",1,"No","No","No","No","No","No","No" -"452",460,"No","No","Male","winter",4,94,NA,NA,NA,NA,NA,"No",NA,NA,84,NA,"No","Yes",1,"No","No","No","No","No","No","No" -"453",461,"No","No","Female","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,84,27.11,"No","No",1,"No","No","No","No","No","No","No" -"454",462,"No","No","Male","autumn",1,80,120,70,NA,NA,NA,NA,"Yes",4,82,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"455",463,"No","No","Male","winter",0,93,120,60,NA,NA,NA,NA,"Yes",4,82,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"456",464,"No","No","Male","autumn",0,79,135,78,88,NA,NA,"No","Yes",4,81,29.58,"No","No",2,"No","No","No","No","No","Yes","No" -"457",465,"No","No","Male","autumn",0,NA,141,75,72,NA,NA,"No",NA,NA,79,36.07,"Yes","No",1,"No","No","No","No","No","No","No" -"458",466,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,77,34.74,"Yes","No",1,"No","No","No","No","No","No","No" -"459",467,"No","No","Male","autumn",1,82,NA,NA,NA,NA,NA,"No",NA,NA,74,28.83,"No","No",2,"No","No","No","Yes","No","No","No" -"460",468,"No","No","Male","spring",0,95,NA,NA,80,NA,NA,"No",NA,NA,68,35.86,"Yes","No",2,"No","No","No","No","No","Yes","No" -"461",469,"No","No","Male","summer",1,95,NA,NA,NA,NA,NA,NA,NA,NA,66,NA,"No","No",1,"No","No","No","No","No","No","No" -"462",470,"No","No","Male","spring",2,94,129,75,87,NA,NA,"No","Yes",3,62,27.46,"No","No",1,"No","No","No","No","No","No","No" -"463",471,"No","No","Female","winter",2,97,NA,NA,86,NA,NA,"No","Yes",NA,55,NA,"No","No",1,"No","No","No","No","No","No","No" -"464",472,"No","No","Male","winter",3,92,110,60,80,35.8,"No","No","No",0,84,18.96,"Yes","No",8,"No","No","Yes","No","No","No","Yes" -"465",473,"No","No","Male","autumn",2,98,100,60,75,35.9,"No","No","Yes",4,84,18.96,"Yes","No",8,"No","No","Yes","No","No","No","Yes" -"466",474,"No","No","Male","autumn",2,88,NA,NA,82,35.5,NA,"No",NA,NA,69,27.48,"No","No",3,"No","No","No","No","No","Yes","No" -"467",475,"No","No","Male","spring",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,69,27.48,"No","No",3,"No","No","No","No","No","Yes","No" -"468",476,"No","No","Male","winter",3,NA,150,75,NA,NA,NA,NA,NA,NA,69,27.48,"No","No",3,"No","No","No","No","No","Yes","No" -"469",477,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,66,NA,"No","No",4,"No","No","No","No","No","No","No" -"470",478,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,58,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"471",479,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,57,25.69,"Yes","No",1,"No","No","No","No","No","No","No" -"472",480,"No","No","Female","spring",0,93,140,85,87,36.2,NA,"No","Yes",4,88,26.4,"Yes","Yes",1,"No","No","No","No","No","No","No" -"473",481,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,81,25.54,"No","No",5,"No","No","Yes","No","No","Yes","Yes" -"474",482,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,89,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"475",483,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,70,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"476",484,"No","No","Male","winter",2,93,NA,NA,75,NA,"No","No","Yes",2,83,23.17,"No","No",1,"No","No","No","No","No","No","No" -"477",485,"No","No","Male","autumn",2,89,NA,NA,NA,NA,NA,"No","No",0,83,23.17,"No","No",1,"No","No","No","No","No","No","No" -"478",486,"No","No","Male","autumn",4,NA,NA,NA,NA,NA,NA,"No",NA,NA,67,30.06,"Yes","No",2,"No","No","No","No","No","Yes","No" -"479",487,"No","No","Male","summer",4,95,NA,NA,87,NA,NA,"No",NA,NA,67,30.46,"Yes","No",2,"No","No","No","No","No","Yes","No" -"480",488,"No","No","Male","spring",3,95,136,70,74,NA,NA,"No",NA,NA,66,30.1,"Yes","No",2,"No","No","No","No","No","Yes","No" -"481",489,"No","No","Male","spring",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,66,30.1,"Yes","No",2,"No","No","No","No","No","Yes","No" -"482",490,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,66,32.36,"Yes","No",2,"No","No","No","No","No","Yes","No" -"483",491,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,83,32.42,"No","No",2,"No","No","No","No","No","Yes","No" -"484",492,"No","No","Male","spring",2,NA,NA,NA,NA,NA,NA,"No","Yes",NA,83,32.42,"No","No",2,"No","No","No","No","No","Yes","No" -"485",493,"No","No","Male","winter",2,NA,150,80,NA,NA,NA,"No","Yes",NA,83,32.42,"No","No",1,"No","No","No","No","No","No","No" -"486",494,"No","No","Male","autumn",1,85,NA,NA,103,NA,"No","No",NA,NA,82,27.99,"No","No",2,"No","No","Yes","No","No","No","No" -"487",495,"No","No","Male","winter",0,93,NA,NA,90,NA,"No","No","Yes",NA,81,27.99,"No","No",2,"No","No","Yes","No","No","No","No" -"488",496,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,76,NA,"Yes","No",4,"No","No","No","Yes","No","Yes","No" -"489",497,"No","No","Female","winter",1,97,NA,NA,85,35.9,"No","No","Yes",3,74,27.54,"No","No",1,"No","No","No","No","No","No","No" -"490",498,"No","No","Male","autumn",4,82,NA,NA,NA,NA,NA,NA,"Yes",NA,73,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"491",499,"No","No","Male","winter",1,94,NA,NA,69,NA,NA,"No",NA,NA,69,25.59,"No","No",1,"No","No","No","No","No","No","No" -"492",500,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,69,25.59,"No","No",1,"No","No","No","No","No","No","No" -"493",501,"No","No","Female","summer",2,92,NA,NA,75,NA,NA,"No",NA,NA,64,25.6,"Yes","No",1,"No","No","No","No","No","No","No" -"494",502,"No","No","Female","winter",1,90,NA,NA,NA,NA,NA,"No",NA,NA,63,25.6,"Yes","No",1,"No","No","No","No","No","No","No" -"495",503,"No","No","Female","autumn",0,NA,170,88,94,36,"No","No",NA,NA,98,NA,"No","Yes",2,"No","Yes","No","No","No","No","No" -"496",504,"No","No","Female","autumn",3,95,NA,NA,NA,NA,NA,"No",NA,NA,93,NA,"Yes","Yes",4,"No","Yes","Yes","No","No","Yes","No" -"497",505,"No","No","Female","autumn",2,95,NA,NA,NA,NA,NA,NA,NA,NA,93,NA,"Yes","Yes",4,"No","Yes","Yes","No","No","Yes","No" -"498",506,"No","No","Female","summer",2,95,122,68,81,NA,"Yes","No",NA,NA,93,NA,"Yes","Yes",4,"No","Yes","Yes","No","No","Yes","No" -"499",507,"No","No","Female","winter",1,93,NA,NA,NA,NA,NA,"No",NA,NA,92,NA,"Yes","Yes",4,"No","Yes","Yes","No","No","Yes","No" -"500",508,"No","No","Male","winter",2,87,135,65,87,NA,NA,"No",NA,NA,89,27.55,"Yes","No",2,"No","No","No","Yes","No","No","No" -"501",509,"No","No","Male","summer",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,35.36,"No","No",4,"Yes","No","No","No","No","Yes","No" -"502",510,"No","No","Male","winter",1,94,137,61,52,NA,"No","No","Yes",3,80,35.56,"No","No",4,"Yes","No","No","No","No","Yes","No" -"503",511,"No","No","Male","summer",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,77,30.69,"Yes","No",8,"Yes","No","No","No","No","No","Yes" -"504",512,"No","No","Male","spring",5,97,NA,NA,NA,NA,NA,"No",NA,NA,76,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"505",513,"No","No","Male","winter",5,90,110,50,100,37.6,NA,"No","Yes",NA,75,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"506",514,"No","No","Male","winter",5,NA,NA,NA,NA,37.1,NA,"No","Yes",NA,75,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"507",515,"No","No","Male","spring",0,86,NA,NA,NA,NA,NA,NA,NA,NA,74,19.31,"Yes","No",1,"No","No","No","No","No","No","No" -"508",516,"No","No","Male","summer",2,96,NA,NA,NA,NA,NA,"No",NA,NA,72,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"509",517,"No","No","Male","winter",1,94,NA,NA,100,NA,NA,"No","Yes",NA,71,33.2,"No","No",7,"No","No","No","No","No","No","Yes" -"510",518,"No","No","Male","autumn",1,88,134,87,107,38.8,NA,"No","Yes",4,60,NA,"No","No",1,"No","No","No","No","No","No","No" -"511",519,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,66,NA,"No","No",1,"No","No","No","No","No","No","No" -"512",520,"No","No","Female","winter",0,93,NA,NA,NA,36.4,"No","No","Yes",NA,81,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"513",521,"No","No","Male","autumn",0,94,210,70,90,37.3,NA,"No","Yes",NA,73,36.33,"Yes","No",6,"No","No","No","Yes","No","No","No" -"514",522,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,64,37.11,"No","No",1,"No","No","No","No","No","No","No" -"515",523,"No","No","Male","autumn",2,95,NA,NA,85,NA,NA,"No",NA,NA,94,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"516",524,"No","No","Female","winter",0,94,NA,NA,NA,NA,NA,"No",NA,NA,91,24.97,"No","No",1,"No","No","No","No","No","No","No" -"517",525,"No","No","Male","spring",1,85,NA,NA,NA,NA,NA,"No",NA,NA,87,34.5,"Yes","No",3,"No","No","Yes","Yes","No","No","No" -"518",526,"No","No","Male","summer",0,90,NA,NA,85,NA,NA,"No",NA,NA,85,23.9,"No","No",2,"No","No","No","Yes","No","No","No" -"519",528,"No","No","Male","autumn",5,94,120,60,NA,35.4,NA,NA,NA,NA,83,23.44,"No","No",1,"No","No","No","No","No","No","No" -"520",529,"No","No","Male","summer",5,93,140,70,63,34.1,NA,"No","Yes",4,83,23.44,"No","No",1,"No","No","No","No","No","No","No" -"521",530,"No","No","Male","spring",5,NA,120,80,NA,35.1,NA,"No",NA,NA,83,22.89,"No","No",1,"No","No","No","No","No","No","No" -"522",531,"No","No","Male","spring",5,94,NA,NA,119,NA,NA,NA,NA,NA,83,22.89,"No","No",1,"No","No","No","No","No","No","No" -"523",532,"No","No","Male","autumn",6,92,90,50,101,NA,NA,"No",NA,NA,82,22.89,"No","No",1,"No","No","No","No","No","No","No" -"524",533,"No","No","Male","summer",2,92,NA,NA,NA,NA,NA,"No","Yes",NA,82,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"525",534,"No","No","Male","autumn",3,NA,NA,NA,NA,NA,NA,"No",NA,NA,82,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"526",535,"No","No","Male","autumn",5,NA,NA,NA,NA,NA,NA,"No",NA,NA,78,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"527",536,"No","No","Male","summer",6,NA,NA,NA,NA,NA,"No",NA,"Yes",NA,77,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"528",537,"No","No","Male","summer",5,84,NA,NA,NA,NA,NA,NA,NA,NA,77,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"529",538,"No","No","Male","spring",4,81,NA,NA,NA,NA,NA,NA,NA,NA,77,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"530",539,"No","No","Male","winter",4,84,NA,NA,95,35.8,NA,NA,NA,NA,77,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"531",540,"No","No","Male","winter",4,NA,NA,NA,NA,NA,NA,NA,NA,NA,77,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"532",541,"No","No","Male","summer",1,92,NA,NA,NA,NA,NA,"No","Yes",NA,77,26.61,"No","No",2,"No","No","Yes","No","No","No","No" -"533",542,"No","No","Male","winter",0,97,NA,NA,103,NA,NA,"No",NA,NA,76,26.61,"No","No",2,"No","No","Yes","No","No","No","No" -"534",543,"No","No","Female","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,75,26.48,"No","No",2,"No","No","No","No","Yes","No","No" -"535",544,"No","No","Male","autumn",0,97,NA,NA,NA,NA,NA,"No","Yes",NA,74,29.07,"No","No",1,"No","No","No","No","No","No","No" -"536",545,"No","No","Male","winter",5,94,NA,NA,NA,NA,NA,NA,NA,NA,73,NA,"No","No",1,"No","No","No","No","No","No","No" -"537",546,"No","No","Male","autumn",3,NA,NA,NA,NA,37.8,NA,NA,NA,NA,73,NA,"No","No",1,"No","No","No","No","No","No","No" -"538",547,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,72,NA,"No","No",1,"No","No","No","No","No","No","No" -"539",548,"No","No","Male","autumn",2,93,135,80,84,36.7,"No","No","No",0,72,28.08,"Yes","No",8,"No","No","Yes","No","No","No","Yes" -"540",549,"No","No","Male","spring",1,93,NA,NA,NA,37.4,NA,"No",NA,NA,72,28.08,"Yes","No",8,"No","No","Yes","No","No","No","Yes" -"541",550,"No","No","Male","winter",2,91,135,68,110,39.1,NA,"No",NA,NA,71,28.08,"Yes","No",8,"No","No","Yes","No","No","No","Yes" -"542",551,"No","No","Female","summer",1,93,133,74,78,NA,NA,"No",NA,NA,69,43.16,"No","No",3,"No","No","No","No","No","Yes","No" -"543",552,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,66,29.05,"Yes","No",1,"No","No","No","No","No","No","No" -"544",553,"No","No","Male","summer",0,92,NA,NA,NA,NA,NA,NA,NA,NA,63,28.74,"No","No",1,"No","No","No","No","No","No","No" -"545",554,"No","No","Female","autumn",4,83,149,67,115,NA,"Yes","No","Yes",NA,63,37.74,"Yes","No",8,"No","No","No","No","No","Yes","Yes" -"546",555,"No","No","Male","autumn",1,95,104,60,79,38.2,NA,"No","Yes",NA,56,23.67,"Yes","No",1,"No","No","No","No","No","No","No" -"547",556,"No","No","Male","winter",0,95,NA,NA,80,NA,NA,NA,"Yes",2,55,23.67,"Yes","No",1,"No","No","No","No","No","No","No" -"548",557,"No","No","Male","autumn",5,86,NA,NA,77,35,"No",NA,"Yes",NA,95,NA,"Yes","Yes",3,"No","No","Yes","No","No","Yes","No" -"549",558,"No","No","Male","summer",5,88,NA,NA,78,36.6,"No","No","Yes",NA,95,NA,"Yes","Yes",3,"No","No","Yes","No","No","Yes","No" -"550",559,"No","No","Male","spring",3,86,NA,NA,NA,NA,"No","No","Yes",NA,94,NA,"Yes","Yes",3,"No","No","Yes","No","No","Yes","No" -"551",560,"No","No","Male","winter",3,87,NA,NA,NA,37,"No","No",NA,NA,94,NA,"Yes","Yes",3,"No","No","Yes","No","No","Yes","No" -"552",561,"No","No","Male","winter",0,98,110,60,NA,NA,"No","No","Yes",NA,86,21.33,"Yes","No",2,"No","No","No","No","No","Yes","No" -"553",562,"No","No","Male","winter",1,96,NA,NA,89,NA,NA,"No","Yes",2,84,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"554",564,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,84,27.89,"No","No",2,"No","No","No","No","No","Yes","No" -"555",565,"No","No","Male","summer",3,94,131,66,77,38.9,NA,"No",NA,NA,79,29.05,"Yes","No",1,"No","No","No","No","No","No","No" -"556",566,"No","No","Male","spring",2,92,NA,NA,71,37.9,NA,"No",NA,NA,79,28.84,"Yes","No",1,"No","No","No","No","No","No","No" -"557",567,"No","No","Male","winter",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,79,28.84,"Yes","No",1,"No","No","No","No","No","No","No" -"558",568,"No","No","Male","autumn",1,NA,120,60,NA,NA,NA,NA,NA,NA,78,28.84,"Yes","No",1,"No","No","No","No","No","No","No" -"559",569,"No","No","Male","winter",0,92,150,80,NA,36,NA,"No","Yes",NA,75,36.47,"No","No",3,"No","No","No","Yes","No","Yes","No" -"560",570,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,70,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"561",571,"No","No","Male","autumn",1,96,NA,NA,98,NA,NA,"No",NA,NA,60,NA,"Yes","No",2,"No","No","Yes","No","No","No","No" -"562",572,"No","No","Male","winter",0,94,NA,NA,84,NA,NA,"No",NA,NA,59,NA,"Yes","No",2,"No","No","Yes","No","No","No","No" -"563",573,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No","No",0,89,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"564",574,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,"No","Yes",2,88,29.27,"Yes","No",7,"No","No","No","No","No","No","Yes" -"565",575,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,88,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"566",576,"No","No","Male","winter",0,89,142,65,89,35.7,"No","No","Yes",2,87,26.33,"No","No",8,"No","Yes","No","No","No","No","Yes" -"567",577,"No","No","Male","summer",0,93,144,47,64,35.5,"Yes","No","Yes",4,87,25.22,"No","No",2,"No","No","No","Yes","No","No","No" -"568",578,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,87,26.53,"Yes","No",1,"No","No","No","No","No","No","No" -"569",579,"No","No","Male","spring",1,NA,NA,NA,NA,36.4,NA,NA,NA,NA,86,NA,"No","No",3,"No","Yes","No","No","No","Yes","No" -"570",580,"No","No","Male","autumn",2,90,128,76,90,36.1,"No","No","Yes",4,87,NA,"No","Yes",3,"No","Yes","No","Yes","No","No","No" -"571",581,"No","No","Male","spring",2,NA,102,66,95,36.4,NA,"No",NA,NA,86,NA,"No","Yes",3,"No","Yes","No","Yes","No","No","No" -"572",582,"No","No","Male","summer",2,96,NA,NA,75,NA,NA,NA,NA,NA,86,NA,"Yes","No",3,"No","Yes","No","No","No","Yes","No" -"573",583,"No","No","Male","spring",1,93,NA,NA,59,NA,NA,NA,NA,NA,85,NA,"Yes","No",3,"No","Yes","No","No","No","Yes","No" -"574",584,"No","No","Male","winter",1,91,145,95,NA,NA,NA,"No","Yes",1,85,27.64,"No","No",1,"No","No","No","No","No","No","No" -"575",585,"No","No","Female","spring",3,NA,NA,NA,NA,35.4,NA,"No",NA,NA,85,27.49,"Yes","No",2,"No","No","No","No","Yes","No","No" -"576",586,"No","No","Female","winter",1,90,NA,NA,110,NA,"No","No","Yes",2,85,27.16,"Yes","No",1,"No","No","No","No","No","No","No" -"577",587,"No","No","Female","autumn",0,92,NA,NA,100,NA,NA,NA,NA,NA,85,26.55,"Yes","No",1,"No","No","No","No","No","No","No" -"578",588,"No","No","Male","winter",2,93,NA,NA,NA,NA,NA,"No",NA,NA,84,28.06,"No","No",7,"No","No","No","No","No","No","Yes" -"579",589,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,84,NA,"Yes","No",8,"Yes","No","No","No","No","No","Yes" -"580",590,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,84,NA,"No","No",1,"No","No","No","No","No","No","No" -"581",591,"No","No","Male","autumn",1,94,NA,NA,NA,NA,NA,"No",NA,NA,84,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"582",592,"No","No","Male","spring",2,90,NA,NA,NA,NA,NA,"No",NA,NA,83,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"583",593,"No","No","Male","autumn",0,88,130,65,90,35.4,NA,"No",NA,NA,82,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"584",594,"No","No","Male","winter",0,96,104,65,80,36.4,NA,"No",NA,NA,81,NA,"No","No",8,"No","No","No","Yes","No","No","Yes" -"585",595,"No","No","Male","winter",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,81,25.09,"Yes","No",2,"No","Yes","No","No","No","No","No" -"586",596,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,81,NA,"No","No",1,"No","No","No","No","No","No","No" -"587",597,"No","No","Male","spring",3,94,120,80,115,NA,"Yes","No","Yes",NA,80,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"588",598,"No","No","Female","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,NA,"No","Yes",1,"No","No","No","No","No","No","No" -"589",599,"No","No","Male","spring",1,NA,115,65,NA,36,"Yes","No","Yes",3,80,27.56,"Yes","No",1,"No","No","No","No","No","No","No" -"590",600,"No","No","Female","autumn",2,96,NA,NA,96,36.2,NA,"No","Yes",NA,80,NA,"Yes","No",2,"No","No","No","No","No","No","No" -"591",601,"No","No","Female","spring",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,79,NA,"Yes","No",2,"No","No","No","No","No","No","No" -"592",602,"No","No","Male","autumn",3,91,NA,NA,NA,NA,"No","No","Yes",NA,79,NA,"No","No",1,"No","No","No","No","No","No","No" -"593",603,"No","No","Male","winter",2,68,NA,NA,93,36,NA,NA,"Yes",NA,78,NA,"No","No",1,"No","No","No","No","No","No","No" -"594",604,"No","No","Male","winter",1,92,NA,NA,69,NA,NA,"No",NA,NA,78,NA,"No","No",1,"No","No","No","No","No","No","No" -"595",605,"No","No","Female","spring",0,94,NA,NA,NA,NA,NA,"No",NA,NA,77,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"596",606,"No","No","Male","autumn",1,NA,120,80,NA,NA,NA,"No","Yes",1,77,30.98,"No","No",2,"No","No","No","No","No","No","No" -"597",607,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,"No","No","Yes",2,76,31.17,"No","No",2,"No","No","No","No","No","No","No" -"598",608,"No","No","Male","winter",0,95,NA,NA,NA,NA,NA,NA,"Yes",NA,72,NA,"No","No",2,"No","No","No","Yes","No","No","No" -"599",609,"No","No","Male","summer",1,NA,NA,NA,NA,NA,NA,"No","Yes",NA,72,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"600",610,"No","No","Male","winter",0,93,NA,NA,75,NA,NA,NA,NA,NA,72,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"601",611,"No","No","Male","summer",2,91,120,80,95,NA,NA,"No","Yes",NA,67,NA,"No","No",2,"No","No","Yes","No","No","No","No" -"602",612,"No","No","Male","winter",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,66,NA,"No","No",2,"No","No","Yes","No","No","No","No" -"603",613,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,64,24.95,"No","No",1,"No","No","No","No","No","No","No" -"604",614,"No","No","Male","winter",1,95,NA,NA,NA,NA,NA,"No",NA,NA,64,25.85,"No","No",1,"No","No","No","No","No","No","No" -"605",615,"No","No","Male","autumn",1,98,NA,NA,89,NA,NA,"No",NA,NA,61,NA,"No","No",1,"No","No","No","No","No","No","No" -"606",616,"No","No","Male","winter",0,98,NA,NA,100,NA,NA,"No",NA,NA,60,NA,"No","No",1,"No","No","No","No","No","No","No" -"607",617,"No","No","Male","winter",0,87,135,73,91,NA,"No","No","Yes",NA,59,41.75,"Yes","No",2,"No","No","Yes","No","No","No","No" -"608",618,"No","No","Male","winter",0,91,144,72,109,37.1,"No","No","Yes",NA,52,20.81,"No","No",2,"No","No","No","No","No","Yes","No" -"609",619,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,86,NA,"No","No",1,"No","No","No","No","No","No","No" -"610",620,"No","No","Male","autumn",1,93,NA,NA,NA,NA,NA,NA,"Yes",4,86,NA,"No","No",1,"No","No","No","No","No","No","No" -"611",621,"No","No","Male","spring",0,94,NA,NA,NA,NA,NA,"No","Yes",NA,86,NA,"No","No",1,"No","No","No","No","No","No","No" -"612",622,"No","No","Male","autumn",2,95,120,60,64,36.4,"No","No","Yes",NA,86,29.76,"Yes","No",2,"No","No","No","No","Yes","No","No" -"613",623,"No","No","Male","spring",2,91,128,55,67,35,"No","No","Yes",NA,86,29.76,"Yes","No",2,"No","No","No","No","Yes","No","No" -"614",624,"No","No","Male","autumn",3,90,NA,NA,75,NA,"No","No",NA,NA,83,NA,"Yes","No",3,"No","Yes","No","No","No","Yes","No" -"615",625,"No","No","Male","summer",2,93,NA,NA,NA,NA,NA,NA,NA,NA,83,NA,"Yes","No",3,"No","Yes","No","No","No","Yes","No" -"616",626,"No","No","Male","spring",2,94,NA,NA,66,NA,NA,"No",NA,NA,83,NA,"Yes","No",3,"No","Yes","No","No","No","Yes","No" -"617",627,"No","No","Male","winter",1,92,NA,NA,69,NA,"Yes",NA,NA,NA,83,NA,"Yes","No",3,"No","Yes","No","No","No","Yes","No" -"618",628,"No","No","Male","summer",1,84,NA,NA,80,NA,NA,"Yes",NA,NA,78,24.24,"Yes","No",2,"No","No","No","No","No","Yes","No" -"619",629,"No","No","Male","winter",1,99,NA,NA,82,NA,NA,"No",NA,NA,53,30.33,"Yes","No",2,"No","No","No","No","No","Yes","No" -"620",630,"No","No","Male","winter",0,88,NA,NA,110,37.6,NA,NA,NA,NA,52,30.33,"Yes","No",2,"No","No","No","No","No","Yes","No" -"621",631,"No","No","Male","autumn",1,95,NA,NA,NA,NA,NA,"No",NA,NA,61,24.09,"No","No",1,"No","No","No","No","No","No","No" -"622",632,"No","No","Male","winter",0,94,NA,NA,NA,NA,NA,"No",NA,NA,60,24.09,"No","No",1,"No","No","No","No","No","No","No" -"623",633,"No","No","Male","spring",0,NA,NA,NA,72,NA,"Yes","No",NA,NA,97,NA,"No","No",1,"No","No","No","No","No","No","No" -"624",635,"No","No","Male","winter",1,88,NA,NA,NA,NA,NA,"No",NA,NA,89,NA,"No","No",1,"No","No","No","No","No","No","No" -"625",636,"No","No","Female","summer",2,79,132,44,68,36.5,"Yes","No",NA,NA,89,NA,"Yes","No",3,"No","Yes","No","No","Yes","No","No" -"626",637,"No","No","Female","spring",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,88,NA,"Yes","No",3,"No","Yes","No","No","Yes","No","No" -"627",638,"No","No","Female","winter",0,93,135,70,70,36,NA,"No","Yes",4,88,NA,"Yes","No",3,"No","Yes","No","No","Yes","No","No" -"628",639,"No","No","Female","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,88,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"629",640,"No","No","Male","summer",1,90,NA,NA,88,NA,NA,"No","Yes",NA,86,36.92,"No","No",3,"No","No","No","No","No","Yes","No" -"630",641,"No","No","Male","winter",0,96,156,76,92,35,"Yes","No",NA,NA,86,36.92,"No","No",3,"No","No","No","No","No","Yes","No" -"631",642,"No","No","Male","winter",0,NA,NA,NA,NA,NA,"No","No",NA,NA,85,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"632",643,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,85,31.62,"No","No",1,"No","No","No","No","No","No","No" -"633",644,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,85,23.81,"Yes","No",1,"No","No","No","No","No","No","No" -"634",645,"No","No","Male","autumn",2,92,NA,NA,NA,35.4,NA,"No",NA,NA,86,NA,"Yes","No",2,"No","No","No","No","No","No","No" -"635",646,"No","No","Male","spring",1,89,NA,NA,NA,NA,NA,"No",NA,NA,85,NA,"Yes","No",2,"No","No","No","No","No","No","No" -"636",647,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,85,NA,"Yes","No",2,"No","No","No","No","No","No","No" -"637",649,"No","No","Male","spring",4,93,138,80,72,36.3,"No",NA,NA,NA,85,NA,"Yes","No",4,"No","No","Yes","Yes","No","Yes","No" -"638",650,"No","No","Male","spring",3,96,100,60,64,35.8,"No","No",NA,NA,85,NA,"Yes","No",4,"No","No","Yes","Yes","No","Yes","No" -"639",651,"No","No","Male","autumn",4,94,NA,NA,89,NA,NA,"No",NA,NA,84,33.3,"Yes","No",4,"No","No","Yes","Yes","No","Yes","No" -"640",652,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,85,31.63,"Yes","No",3,"Yes","No","No","No","No","Yes","No" -"641",653,"No","No","Male","spring",1,96,115,65,64,35.2,NA,NA,NA,NA,85,32.39,"Yes","No",3,"Yes","No","No","No","No","Yes","No" -"642",654,"No","No","Male","spring",0,NA,130,60,74,NA,"Yes","No",NA,NA,83,32.21,"Yes","No",1,"No","No","No","No","No","No","No" -"643",655,"No","No","Male","winter",0,NA,186,98,83,NA,NA,"No",NA,NA,82,38.75,"Yes","No",1,"No","No","No","No","No","No","No" -"644",656,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,82,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"645",657,"No","No","Male","summer",2,91,NA,NA,90,NA,NA,NA,"Yes",4,82,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"646",658,"No","No","Female","spring",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,NA,"No","Yes",2,"No","No","Yes","No","No","No","No" -"647",659,"No","No","Male","autumn",0,83,NA,NA,NA,NA,NA,"No",NA,NA,79,NA,"No","No",1,"No","No","No","No","No","No","No" -"648",660,"No","No","Male","summer",0,100,NA,NA,60,NA,NA,"No","Yes",1,78,24.98,"No","No",8,"No","No","No","Yes","No","No","Yes" -"649",661,"No","No","Male","summer",2,98,NA,NA,56,NA,NA,"No",NA,NA,78,28.91,"No","No",2,"No","No","No","No","No","Yes","No" -"650",662,"No","No","Male","winter",1,97,NA,NA,65,NA,NA,"No",NA,NA,77,29.88,"No","No",2,"No","No","No","No","No","Yes","No" -"651",663,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,78,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"652",664,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,78,NA,"Yes","No",3,"No","No","Yes","No","No","Yes","No" -"653",665,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,"No","No","Yes",NA,77,23.22,"Yes","No",1,"No","No","No","No","No","No","No" -"654",666,"No","No","Male","spring",1,92,100,62,98,NA,NA,"No",NA,NA,76,39.06,"No","No",1,"No","No","No","No","No","No","No" -"655",667,"No","No","Male","spring",0,92,NA,NA,68,NA,NA,"No","Yes",NA,75,22.54,"No","No",1,"No","No","No","No","No","No","No" -"656",668,"No","No","Male","spring",3,NA,NA,NA,58,NA,NA,"No",NA,NA,76,27.47,"Yes","No",1,"No","No","No","No","No","No","No" -"657",669,"No","No","Male","spring",2,96,143,65,54,NA,NA,"No","Yes",NA,76,27.47,"Yes","No",1,"No","No","No","No","No","No","No" -"658",670,"No","No","Male","winter",1,NA,170,70,70,38.9,"No","No","Yes",NA,75,27.47,"Yes","No",1,"No","No","No","No","No","No","No" -"659",671,"No","No","Male","spring",4,88,154,71,102,NA,"Yes","No","Yes",NA,73,32.39,"Yes","Yes",1,"No","No","No","No","No","No","No" -"660",672,"No","No","Male","spring",3,78,138,64,99,NA,"Yes","No","Yes",4,73,32.39,"Yes","Yes",1,"No","No","No","No","No","No","No" -"661",673,"No","No","Male","winter",3,NA,NA,NA,NA,NA,"Yes","No",NA,NA,73,32.39,"Yes","Yes",1,"No","No","No","No","No","No","No" -"662",674,"No","No","Male","autumn",2,76,NA,NA,90,35.5,NA,"No","Yes",4,73,32.32,"Yes","Yes",1,"No","No","No","No","No","No","No" -"663",675,"No","No","Male","autumn",0,94,NA,NA,NA,NA,NA,"No",NA,NA,72,25.15,"No","No",2,"No","No","No","No","No","Yes","No" -"664",676,"No","No","Male","autumn",3,NA,NA,NA,NA,NA,NA,"No",NA,NA,73,27.47,"Yes","No",12,"No","No","No","Yes","No","Yes","Yes" -"665",677,"No","No","Male","summer",2,92,116,60,76,36.3,"No","No","Yes",4,73,27.73,"Yes","No",12,"No","No","No","Yes","No","Yes","Yes" -"666",678,"No","No","Male","spring",1,87,NA,NA,NA,NA,NA,"No",NA,NA,73,28.43,"Yes","No",12,"No","No","No","Yes","No","Yes","Yes" -"667",679,"No","No","Male","autumn",1,89,NA,NA,74,NA,NA,"No",NA,NA,72,28.28,"Yes","No",12,"No","No","No","Yes","No","Yes","Yes" -"668",680,"No","No","Male","autumn",2,91,NA,NA,96,NA,NA,"No",NA,NA,73,NA,"Yes","No",8,"No","No","No","No","No","Yes","Yes" -"669",681,"No","No","Male","summer",1,94,NA,NA,86,NA,NA,"No",NA,NA,73,NA,"Yes","No",8,"No","No","No","No","No","Yes","Yes" -"670",682,"No","No","Male","spring",1,93,NA,NA,94,NA,NA,"No",NA,NA,72,NA,"Yes","No",8,"No","No","No","No","No","Yes","Yes" -"671",683,"No","No","Male","autumn",1,87,133,86,93,36.5,NA,"No",NA,NA,73,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"672",684,"No","No","Male","winter",1,89,NA,NA,68,37.2,NA,"No",NA,NA,72,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"673",685,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,72,NA,"Yes","No",2,"No","No","No","Yes","No","No","No" -"674",686,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,69,21.59,"No","No",1,"No","No","No","No","No","No","No" -"675",687,"No","No","Male","winter",0,97,NA,NA,56,NA,NA,"No",NA,NA,68,NA,"No","No",5,"No","No","No","No","No","No","No" -"676",688,"No","No","Male","autumn",1,95,NA,NA,NA,NA,"No","No","Yes",NA,68,NA,"No","No",1,"No","No","No","No","No","No","No" -"677",689,"No","No","Male","autumn",3,94,NA,NA,NA,NA,"No","No",NA,NA,68,21.87,"No","No",1,"No","No","No","No","No","No","No" -"678",690,"No","No","Female","spring",2,96,NA,NA,97,36.5,NA,"No","Yes",NA,64,33.32,"No","No",1,"No","No","No","No","No","No","No" -"679",691,"No","No","Female","winter",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,64,33.32,"No","No",1,"No","No","No","No","No","No","No" -"680",692,"No","No","Male","autumn",3,91,158,93,70,36,"No","No",NA,NA,64,27.81,"Yes","No",2,"No","Yes","No","No","No","No","No" -"681",693,"No","No","Male","winter",2,80,NA,NA,110,NA,"No","No",NA,NA,63,27.08,"Yes","No",2,"No","Yes","No","No","No","No","No" -"682",694,"No","No","Male","winter",2,75,NA,NA,120,NA,"No","No","Yes",4,63,27.81,"Yes","No",2,"No","Yes","No","No","No","No","No" -"683",695,"No","No","Male","autumn",1,87,NA,NA,94,NA,NA,"No",NA,NA,63,27.81,"Yes","No",2,"No","Yes","No","No","No","No","No" -"684",696,"No","No","Male","summer",0,94,NA,NA,77,36.3,NA,"No",NA,NA,63,35.03,"No","No",2,"No","No","No","Yes","No","No","No" -"685",697,"No","No","Female","autumn",2,94,144,83,78,35.4,NA,"No",NA,NA,63,31.61,"No","No",1,"No","No","No","No","No","No","No" -"686",698,"No","No","Female","spring",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,62,32.47,"No","No",1,"No","No","No","No","No","No","No" -"687",699,"No","No","Female","winter",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,62,32.47,"No","No",1,"No","No","No","No","No","No","No" -"688",700,"No","No","Male","autumn",0,95,NA,NA,NA,NA,NA,"No",NA,NA,62,31.76,"No","No",2,"No","No","No","No","No","Yes","No" -"689",701,"No","No","Female","autumn",0,84,136,66,101,NA,NA,"No","Yes",NA,60,39.95,"No","No",2,"No","No","No","No","No","Yes","No" -"690",702,"No","No","Male","autumn",0,96,NA,NA,NA,NA,NA,"No",NA,NA,59,NA,"No","No",1,"No","No","No","No","No","No","No" -"691",703,"No","No","Male","autumn",1,96,126,81,82,36.1,NA,"No","Yes",NA,58,23.75,"No","No",1,"No","No","No","No","No","No","No" -"692",704,"No","No","Female","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,57,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"693",705,"No","No","Female","spring",1,88,131,70,95,36.5,NA,"No","Yes",NA,56,23.93,"No","No",1,"No","No","No","No","No","No","No" -"694",706,"No","No","Female","spring",0,NA,NA,NA,NA,36.5,NA,"No",NA,NA,56,23.93,"No","No",1,"No","No","No","No","No","No","No" -"695",707,"No","No","Male","winter",1,NA,NA,NA,NA,38.8,NA,"No",NA,NA,55,NA,"No","No",3,"No","No","No","No","No","Yes","No" -"696",708,"No","No","Male","summer",0,91,135,87,83,NA,NA,"No",NA,NA,55,25.69,"No","No",1,"No","No","No","No","No","No","No" -"697",709,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,"No","Yes",NA,55,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"698",710,"No","No","Male","winter",1,90,138,80,108,NA,NA,"No","Yes",NA,54,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"699",711,"No","No","Male","winter",0,93,NA,NA,NA,NA,NA,"No","Yes",NA,54,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"700",712,"No","No","Male","winter",1,96,NA,NA,101,NA,"No","No","Yes",NA,54,NA,"No","No",1,"No","No","No","No","No","No","No" -"701",713,"No","No","Male","autumn",0,97,NA,NA,NA,NA,NA,NA,NA,NA,53,NA,"No","No",1,"No","No","No","No","No","No","No" -"702",714,"No","No","Female","summer",8,90,NA,NA,NA,NA,NA,"No",NA,NA,83,NA,"No","No",1,"No","No","No","No","No","No","No" -"703",715,"No","No","Female","spring",7,88,NA,NA,NA,NA,NA,"No",NA,NA,83,NA,"No","No",1,"No","No","No","No","No","No","No" -"704",716,"No","No","Female","spring",6,89,142,54,114,36.1,"Yes","No","Yes",4,83,NA,"No","No",1,"No","No","No","No","No","No","No" -"705",717,"No","No","Female","winter",5,94,NA,NA,NA,NA,NA,"No",NA,NA,83,NA,"No","No",1,"No","No","No","No","No","No","No" -"706",718,"No","No","Female","winter",4,89,NA,NA,104,NA,"Yes","No","Yes",4,83,NA,"No","No",1,"No","No","No","No","No","No","No" -"707",719,"No","No","Female","autumn",3,89,NA,NA,NA,NA,"No","No","Yes",3,83,NA,"No","No",1,"No","No","No","No","No","No","No" -"708",720,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,83,NA,"No","No",1,"No","No","No","No","No","No","No" -"709",721,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,83,NA,"No","No",1,"No","No","No","No","No","No","No" -"710",722,"No","No","Male","summer",2,93,NA,NA,82,NA,NA,"No",NA,NA,83,NA,"No","No",1,"No","No","No","No","No","No","No" -"711",723,"No","No","Male","autumn",5,91,NA,NA,47,NA,NA,"No",NA,NA,73,27.17,"No","No",2,"No","No","No","No","No","No","No" -"712",724,"No","No","Male","summer",5,94,139,NA,NA,NA,NA,"No",NA,NA,73,27.17,"No","No",2,"No","No","No","No","No","No","No" -"713",725,"No","No","Male","summer",4,95,NA,NA,56,NA,NA,"No","Yes",4,72,27.93,"No","No",2,"No","No","No","No","No","No","No" -"714",726,"No","No","Male","spring",4,NA,NA,NA,NA,NA,NA,"No",NA,NA,72,28.6,"No","No",2,"No","No","No","No","No","No","No" -"715",727,"No","No","Male","winter",3,94,NA,NA,49,NA,NA,"No","Yes",NA,72,28.45,"No","No",2,"No","No","No","No","No","No","No" -"716",728,"No","No","Male","winter",3,NA,NA,NA,NA,NA,NA,"No",NA,NA,72,28.38,"No","No",2,"No","No","No","No","No","No","No" -"717",729,"No","No","Male","summer",2,NA,NA,NA,NA,NA,NA,"No","Yes",NA,70,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"718",730,"No","No","Male","winter",4,87,NA,NA,NA,NA,NA,"No","Yes",NA,69,30.86,"Yes","No",1,"No","No","No","No","No","No","No" -"719",731,"No","No","Female","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,57,42.72,"No","No",2,"No","No","No","No","No","Yes","No" -"720",732,"Yes",NA,"Male","spring",4,95,NA,NA,68,36.5,"No","No","Yes",4,90,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"721",733,"No","No","Male","winter",0,85,80,50,NA,37.8,"No","No","Yes",4,88,NA,"No","No",8,"No","No","No","Yes","No","No","Yes" -"722",734,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,88,NA,"Yes","No",2,"No","Yes","No","No","No","No","No" -"723",735,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,87,NA,"Yes","No",2,"No","Yes","No","No","No","No","No" -"724",736,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,77,NA,"No","No",1,"No","No","No","No","No","No","No" -"725",737,"No","No","Male","autumn",1,93,130,75,83,36.5,"No","No","Yes",1,69,25.59,"No","No",2,"No","No","No","No","No","Yes","No" -"726",738,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,69,25.59,"No","No",2,"No","No","No","No","No","Yes","No" -"727",739,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,61,40.53,"Yes","No",2,"No","No","No","No","No","Yes","No" -"728",740,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,61,40.53,"Yes","No",2,"No","No","No","No","No","Yes","No" -"729",741,"No","No","Male","summer",0,93,NA,NA,NA,NA,NA,"No",NA,NA,73,32.95,"No","No",1,"No","No","No","No","No","No","No" -"730",742,"No","No","Female","spring",2,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,87,NA,"Yes","Yes",1,"No","No","No","No","No","No","No" -"731",743,"No","No","Female","winter",3,88,132,71,96,35.7,NA,"No","Yes",3,87,32.37,"Yes","Yes",1,"No","No","No","No","No","No","No" -"732",744,"No","No","Male","winter",0,95,150,80,80,NA,NA,NA,NA,NA,76,28.39,"Yes","No",1,"No","No","No","No","No","No","No" -"733",745,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,76,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"734",746,"No","No","Male","winter",3,93,146,69,76,NA,NA,"No","Yes",NA,81,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"735",747,"No","No","Female","autumn",2,NA,NA,NA,NA,NA,NA,"No","Yes",NA,93,NA,"No","No",3,"No","No","No","No","No","Yes","No" -"736",748,"No","No","Female","spring",2,86,156,89,128,36,"Yes","No","Yes",4,93,NA,"No","No",3,"No","No","No","No","No","Yes","No" -"737",749,"No","No","Female","autumn",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,92,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"738",750,"No","No","Male","summer",0,94,NA,NA,NA,NA,NA,NA,"Yes",3,86,NA,"Yes","No",3,"Yes","Yes","No","No","No","No","No" -"739",751,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,83,26.4,"No","No",2,"No","No","No","No","No","Yes","No" -"740",752,"No","No","Male","winter",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,78,NA,"No","No",1,"No","No","No","No","No","No","No" -"741",753,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,76,24.75,"No","No",1,"No","No","No","No","No","No","No" -"742",754,"No","No","Male","spring",2,96,160,90,NA,NA,"No","No","Yes",3,75,NA,"Yes","No",3,"No","Yes","No","No","No","Yes","No" -"743",755,"No","No","Male","winter",2,94,NA,NA,75,NA,NA,"No","Yes",NA,75,NA,"Yes","No",3,"No","Yes","No","No","No","Yes","No" -"744",756,"No","No","Male","winter",1,94,NA,NA,NA,NA,NA,"No","Yes",NA,74,29.27,"No","No",1,"No","No","No","No","No","No","No" -"745",757,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,72,25.15,"No","No",2,"No","No","No","No","No","Yes","No" -"746",758,"No","No","Male","autumn",1,NA,140,60,NA,NA,NA,"No",NA,NA,81,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"747",759,"No","No","Male","spring",0,95,NA,NA,66,NA,NA,"No",NA,NA,80,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"748",760,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,67,NA,"No","No",1,"No","No","No","No","No","No","No" -"749",761,"No","No","Male","winter",2,96,NA,NA,81,NA,NA,"No",NA,NA,66,NA,"No","No",1,"No","No","No","No","No","No","No" -"750",762,"No","No","Male","autumn",0,97,NA,NA,NA,NA,NA,"No",NA,NA,76,NA,"No","No",1,"No","No","No","No","No","No","No" -"751",763,"No","No","Male","spring",0,86,NA,NA,NA,NA,NA,NA,NA,NA,85,22.01,"Yes","No",7,"No","No","No","No","No","No","Yes" -"752",764,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,84,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"753",765,"No","No","Female","winter",0,92,NA,NA,NA,NA,NA,NA,"Yes",4,78,29.95,"Yes","No",2,"No","No","No","No","No","Yes","No" -"754",766,"No","No","Male","winter",2,90,150,80,100,NA,NA,"No",NA,NA,72,NA,"No","No",1,"No","No","No","No","No","No","No" -"755",767,"No","No","Male","autumn",1,89,NA,NA,90,NA,NA,NA,"Yes",NA,72,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"756",768,"No","No","Male","summer",3,90,NA,NA,NA,NA,NA,"No","Yes",NA,69,26.48,"No","No",1,"No","No","No","No","No","No","No" -"757",769,"No","No","Male","summer",3,92,NA,NA,NA,NA,NA,"No","Yes",NA,69,26.48,"No","No",1,"No","No","No","No","No","No","No" -"758",770,"No","No","Male","winter",4,96,NA,NA,NA,NA,NA,"No",NA,NA,69,26.48,"No","No",1,"No","No","No","No","No","No","No" -"759",771,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,54,36.34,"No","No",4,"No","No","No","No","No","No","No" -"760",772,"No","No","Male","autumn",2,95,152,95,82,NA,"No","No",NA,NA,81,32.46,"No","No",2,"No","No","Yes","No","No","No","No" -"761",773,"No","No","Male","spring",1,96,NA,NA,NA,NA,NA,"No",NA,NA,81,32.46,"No","No",2,"No","No","Yes","No","No","No","No" -"762",774,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,81,32.46,"No","No",2,"No","No","Yes","No","No","No","No" -"763",775,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,79,NA,"No","No",1,"No","No","No","No","No","No","No" -"764",776,"No","No","Male","autumn",0,92,NA,NA,NA,NA,NA,NA,NA,NA,91,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"765",777,"No","No","Male","winter",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,89,NA,"No","No",1,"No","No","No","No","No","No","No" -"766",778,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,87,NA,"Yes","No",2,"No","No","Yes","No","No","No","No" -"767",779,"No","No","Male","autumn",1,88,130,70,83,36.3,"No","No",NA,NA,77,34.21,"Yes","No",1,"No","No","No","No","No","No","No" -"768",780,"No","No","Male","winter",0,96,NA,NA,66,NA,NA,"No",NA,NA,76,35.32,"Yes","No",1,"No","No","No","No","No","No","No" -"769",781,"No","No","Male","autumn",3,97,NA,NA,NA,NA,NA,"No","No",0,71,25.64,"No","No",1,"No","No","No","No","No","No","No" -"770",782,"No","No","Male","summer",2,95,NA,NA,NA,NA,NA,"No",NA,NA,70,25.64,"No","No",1,"No","No","No","No","No","No","No" -"771",783,"No","No","Male","spring",4,92,NA,NA,NA,NA,NA,"No",NA,NA,70,25.64,"No","No",1,"No","No","No","No","No","No","No" -"772",784,"No","No","Male","autumn",5,97,109,58,79,NA,"No","No",NA,NA,70,25.64,"No","No",1,"No","No","No","No","No","No","No" -"773",785,"No","No","Male","summer",2,88,NA,NA,NA,NA,NA,NA,NA,NA,84,NA,"No","No",1,"No","No","No","No","No","No","No" -"774",786,"No","No","Male","autumn",4,NA,NA,NA,NA,NA,NA,NA,NA,NA,84,NA,"No","No",1,"No","No","No","No","No","No","No" -"775",787,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,NA,"Yes","No",3,"No","No","No","Yes","No","Yes","No" -"776",788,"No","No","Male","spring",1,97,120,75,82,NA,"Yes","No","Yes",NA,86,30.67,"No","No",1,"No","No","No","No","No","No","No" -"777",790,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,85,20.42,"No","No",1,"No","No","No","No","No","No","No" -"778",791,"No","No","Male","spring",2,92,NA,NA,NA,35.5,NA,"No",NA,NA,85,20.59,"No","No",1,"No","No","No","No","No","No","No" -"779",792,"No","No","Male","winter",1,70,NA,NA,NA,NA,NA,NA,"Yes",NA,85,21.45,"No","No",1,"No","No","No","No","No","No","No" -"780",793,"No","No","Female","spring",0,90,NA,NA,50,NA,"Yes","No","Yes",4,78,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"781",794,"No","No","Male","winter",1,88,NA,NA,NA,NA,"Yes","No","Yes",NA,68,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"782",795,"No","No","Male","autumn",1,94,150,80,81,NA,NA,"No","Yes",NA,67,32.95,"No","No",1,"No","No","No","No","No","No","No" -"783",796,"No","No","Male","winter",0,95,140,80,66,NA,NA,"No",NA,NA,66,33.66,"No","No",1,"No","No","No","No","No","No","No" -"784",797,"No","No","Male","spring",2,89,NA,NA,NA,NA,NA,"No","Yes",NA,76,NA,"Yes","Yes",3,"No","No","No","Yes","No","Yes","No" -"785",798,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,79,23.77,"Yes","No",1,"No","No","No","No","No","No","No" -"786",799,"No","No","Male","winter",2,92,140,90,89,NA,NA,"No","Yes",4,72,26.41,"No","No",2,"No","No","No","No","No","Yes","No" -"787",800,"No","No","Male","autumn",1,93,NA,NA,110,NA,NA,NA,"Yes",3,72,26.29,"No","No",2,"No","No","No","No","No","Yes","No" -"788",801,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,67,31.02,"Yes","No",6,"No","No","No","No","No","Yes","No" -"789",802,"No","No","Female","summer",1,NA,NA,NA,NA,NA,"Yes","No","Yes",NA,64,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"790",803,"No","No","Male","autumn",0,98,NA,NA,NA,NA,NA,"No",NA,NA,64,22.13,"No","No",1,"No","No","No","No","No","No","No" -"791",804,"No","No","Male","winter",2,96,NA,NA,NA,NA,NA,NA,NA,NA,94,NA,"Yes","Yes",1,"No","No","No","No","No","No","No" -"792",805,"No","No","Male","winter",1,96,160,70,55,NA,NA,"No",NA,NA,94,NA,"Yes","Yes",1,"No","No","No","No","No","No","No" -"793",806,"No","No","Female","spring",2,96,NA,NA,NA,NA,NA,"No","Yes",NA,89,24.31,"No","No",2,"Yes","No","No","No","No","No","No" -"794",807,"No","No","Female","spring",1,88,149,54,82,37.7,"No","No","Yes",NA,89,24.31,"No","No",2,"Yes","No","No","No","No","No","No" -"795",808,"No","No","Male","autumn",1,88,NA,NA,60,NA,NA,NA,"Yes",4,88,27.73,"Yes","No",3,"No","No","No","No","Yes","No","No" -"796",809,"No","No","Male","winter",1,92,100,48,50,NA,"No","No","Yes",NA,88,26.99,"Yes","No",3,"No","No","No","No","Yes","No","No" -"797",810,"No","No","Male","spring",0,88,NA,NA,NA,NA,NA,"No","Yes",NA,86,NA,"No","No",2,"No","No","No","Yes","No","No","No" -"798",811,"No","No","Female","summer",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,83,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"799",812,"No","No","Female","winter",0,91,135,80,70,NA,"Yes","No","Yes",NA,83,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"800",813,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,NA,"Yes",4,81,NA,"No","No",7,"No","No","No","No","No","No","Yes" -"801",814,"No","No","Male","winter",0,88,NA,NA,91,36,NA,"No","Yes",4,77,NA,"No","No",1,"No","No","No","No","No","No","No" -"802",815,"No","No","Male","summer",4,85,NA,NA,NA,NA,NA,"No","Yes",NA,77,30.89,"Yes","No",3,"Yes","Yes","No","No","No","No","No" -"803",816,"No","No","Male","summer",3,93,NA,NA,NA,NA,NA,"No","Yes",NA,77,30.89,"Yes","No",3,"Yes","Yes","No","No","No","No","No" -"804",817,"No","No","Male","spring",2,88,NA,NA,NA,NA,NA,"No","Yes",NA,77,30.89,"Yes","No",3,"Yes","Yes","No","No","No","No","No" -"805",818,"No","No","Male","winter",1,94,NA,NA,NA,NA,"Yes","No","Yes",NA,76,30.65,"Yes","No",2,"Yes","No","No","No","No","No","No" -"806",819,"No","No","Male","winter",0,NA,NA,NA,NA,NA,"Yes","No",NA,NA,76,30.65,"Yes","No",2,"Yes","No","No","No","No","No","No" -"807",820,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,55,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"808",821,"No","No","Male","summer",0,92,106,54,66,NA,"Yes","No","Yes",NA,89,NA,"No","Yes",3,"No","Yes","Yes","No","No","No","No" -"809",822,"No","No","Male","spring",1,93,NA,NA,NA,NA,NA,"No","Yes",NA,88,NA,"No","No",1,"No","No","No","No","No","No","No" -"810",823,"No","No","Male","winter",0,96,NA,NA,87,NA,NA,"No","Yes",NA,87,NA,"No","No",1,"No","No","No","No","No","No","No" -"811",824,"No","No","Male","autumn",4,94,125,87,82,36,NA,"No",NA,NA,88,NA,"Yes","Yes",2,"No","Yes","No","No","No","No","No" -"812",825,"No","No","Male","autumn",3,NA,NA,NA,NA,NA,NA,NA,NA,NA,88,NA,"Yes","Yes",2,"No","Yes","No","No","No","No","No" -"813",826,"No","No","Male","spring",3,92,118,88,71,35.3,NA,"No",NA,NA,87,NA,"Yes","Yes",2,"No","Yes","No","No","No","No","No" -"814",827,"No","No","Male","winter",2,95,125,64,91,NA,NA,"No",NA,NA,87,NA,"Yes","Yes",2,"No","Yes","No","No","No","No","No" -"815",828,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,86,30.43,"Yes","No",2,"No","No","No","No","No","No","No" -"816",829,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No","Yes",4,83,27.85,"No","No",1,"No","No","No","No","No","No","No" -"817",830,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,"No","Yes",4,83,27.85,"No","No",1,"No","No","No","No","No","No","No" -"818",831,"No","No","Female","autumn",1,94,NA,NA,NA,NA,NA,"No",NA,NA,82,33.3,"No","No",1,"No","No","No","No","No","No","No" -"819",832,"No","No","Male","autumn",0,95,NA,NA,NA,NA,NA,NA,"Yes",NA,80,37.17,"No","No",8,"No","No","No","No","No","Yes","Yes" -"820",833,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,"No","No",0,80,22.98,"No","No",1,"No","No","No","No","No","No","No" -"821",834,"No","No","Male","spring",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,80,NA,"Yes","No",4,"No","Yes","No","No","Yes","Yes","No" -"822",835,"No","No","Male","winter",2,89,90,48,71,36,"No","No","Yes",3,79,NA,"Yes","No",4,"No","Yes","No","No","Yes","Yes","No" -"823",836,"No","No","Male","spring",1,95,NA,NA,NA,NA,NA,"No",NA,NA,79,NA,"No","No",1,"No","No","No","No","No","No","No" -"824",837,"No","No","Male","winter",2,92,NA,NA,95,NA,NA,"No","Yes",NA,79,NA,"No","No",1,"No","No","No","No","No","No","No" -"825",838,"No","No","Male","autumn",3,87,NA,NA,67,36.2,NA,"No","Yes",4,77,36.11,"Yes","No",3,"No","No","No","No","No","Yes","No" -"826",839,"No","No","Male","autumn",3,90,NA,NA,80,NA,NA,"No","Yes",4,77,36.11,"Yes","No",3,"No","No","No","No","No","Yes","No" -"827",840,"No","No","Male","winter",5,92,NA,NA,NA,NA,NA,"No","Yes",NA,76,36.11,"Yes","No",3,"No","No","No","No","No","Yes","No" -"828",841,"No","No","Male","winter",0,NA,NA,NA,NA,NA,"No","No","Yes",NA,76,28.81,"Yes","No",1,"No","No","No","No","No","No","No" -"829",843,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,76,NA,"No","Yes",5,"No","No","Yes","Yes","No","No","No" -"830",844,"No","No","Male","autumn",2,96,NA,NA,71,NA,NA,"No",NA,NA,75,30.12,"Yes","No",2,"Yes","No","No","No","No","No","No" -"831",845,"No","No","Male","spring",1,91,NA,NA,68,NA,NA,"No","Yes",3,75,29.58,"Yes","No",2,"Yes","No","No","No","No","No","No" -"832",846,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,"No","Yes",NA,75,28.7,"Yes","No",2,"Yes","No","No","No","No","No","No" -"833",847,"No","No","Male","summer",4,90,NA,NA,NA,NA,NA,"No",NA,NA,73,NA,"No","No",4,"No","No","No","No","No","No","No" -"834",848,"No","No","Male","winter",3,93,NA,NA,NA,NA,NA,"No",NA,NA,73,38.8,"No","No",4,"No","No","No","No","No","No","No" -"835",849,"No","No","Male","winter",2,90,NA,NA,NA,NA,NA,NA,"Yes",NA,72,38.8,"No","No",1,"No","No","No","No","No","No","No" -"836",850,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,72,38.8,"No","No",1,"No","No","No","No","No","No","No" -"837",851,"No","No","Male","spring",0,NA,140,80,88,NA,NA,"No","Yes",NA,67,24.35,"Yes","No",9,"No","No","No","No","No","No","Yes" -"838",852,"No","No","Male","summer",1,NA,NA,NA,NA,NA,"No","No","Yes",2,66,31.46,"No","No",2,"No","No","No","No","No","Yes","No" -"839",853,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,"No","Yes",2,66,31.46,"No","No",2,"No","No","No","No","No","Yes","No" -"840",854,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,65,28.44,"No","No",3,"No","No","Yes","No","No","Yes","No" -"841",855,"No","No","Male","autumn",1,95,NA,NA,NA,NA,NA,"No",NA,NA,57,NA,"No","No",1,"No","No","No","No","No","No","No" -"842",856,"No","No","Male","winter",3,96,NA,NA,NA,NA,NA,NA,"Yes",NA,57,NA,"No","No",1,"No","No","No","No","No","No","No" -"843",857,"No","No","Female","autumn",0,96,NA,NA,NA,NA,NA,"No",NA,NA,94,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"844",858,"No","No","Male","spring",1,98,NA,NA,56,NA,NA,"No",NA,NA,89,NA,"No","No",1,"No","No","No","No","No","No","No" -"845",859,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,89,NA,"No","No",1,"No","No","No","No","No","No","No" -"846",860,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No","Yes",NA,90,NA,"No","No",3,"No","No","No","Yes","No","Yes","No" -"847",861,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,86,NA,"No","No",7,"No","No","No","No","No","No","Yes" -"848",862,"No","No","Female","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,86,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"849",863,"No","No","Female","autumn",0,NA,150,70,NA,NA,NA,NA,NA,NA,86,34.48,"Yes","No",2,"No","No","No","No","No","Yes","No" -"850",865,"No","No","Female","autumn",0,87,NA,NA,NA,NA,NA,NA,"Yes",4,83,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"851",866,"No","No","Male","summer",3,93,140,80,80,36,"Yes","No","Yes",NA,83,23.71,"Yes","No",2,"No","No","No","No","No","Yes","No" -"852",867,"No","No","Male","spring",3,90,NA,NA,NA,NA,NA,NA,"Yes",NA,83,23.71,"Yes","No",2,"No","No","No","No","No","Yes","No" -"853",868,"No","No","Male","winter",2,91,NA,NA,77,NA,"No","No",NA,NA,82,23.71,"Yes","No",2,"No","No","No","No","No","Yes","No" -"854",869,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,NA,"No","No",1,"No","No","No","No","No","No","No" -"855",870,"No","No","Female","summer",0,92,NA,NA,NA,NA,NA,"No",NA,NA,79,33.16,"Yes","No",1,"No","No","No","No","No","No","No" -"856",871,"No","No","Male","spring",2,84,NA,NA,NA,36.1,NA,"No",NA,NA,77,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"857",872,"No","No","Male","autumn",3,92,150,70,90,NA,NA,NA,NA,NA,77,23.11,"Yes","No",1,"No","No","No","No","No","No","No" -"858",873,"No","No","Male","autumn",1,95,NA,NA,75,NA,NA,"No",NA,NA,71,22.22,"No","No",3,"No","No","No","No","No","No","Yes" -"859",874,"No","No","Male","winter",0,90,NA,NA,NA,NA,NA,"No","Yes",3,71,22.04,"No","No",3,"No","No","No","No","No","No","Yes" -"860",875,"No","No","Male","autumn",0,94,153,92,99,NA,NA,"No",NA,NA,71,27.4,"No","No",1,"No","No","No","No","No","No","No" -"861",876,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,"No","Yes",NA,68,27.47,"Yes","No",1,"No","No","No","No","No","No","No" -"862",877,"No","No","Male","winter",0,92,135,72,75,35.9,"No","No","Yes",4,68,27.47,"Yes","No",1,"No","No","No","No","No","No","No" -"863",878,"No","No","Female","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,63,NA,"No","No",1,"No","No","No","No","No","No","No" -"864",879,"No","No","Female","autumn",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,54,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"865",880,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,52,NA,"No","No",1,"No","No","No","No","No","No","No" -"866",881,"No","No","Male","autumn",1,NA,NA,NA,80,NA,NA,"No","No",0,69,22.1,"No","No",2,"No","No","No","No","No","No","No" -"867",882,"No","No","Male","spring",1,NA,NA,NA,100,NA,NA,"No","Yes",3,69,22.1,"No","No",2,"No","No","No","No","No","No","No" -"868",883,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,49,33.79,"Yes","No",1,"No","No","No","No","No","No","No" -"869",884,"No","No","Male","summer",1,91,74,40,88,36,"No","No","Yes",NA,91,NA,"No","No",1,"No","No","No","No","No","No","No" -"870",885,"No","No","Male","spring",0,90,134,80,74,NA,NA,"No","Yes",4,91,NA,"No","No",1,"No","No","No","No","No","No","No" -"871",886,"No","No","Male","autumn",3,95,NA,NA,NA,NA,NA,"No","Yes",NA,86,29.03,"No","No",1,"No","No","No","No","No","No","No" -"872",887,"No","No","Male","spring",2,90,NA,NA,NA,NA,NA,"No","Yes",NA,85,29.03,"No","No",1,"No","No","No","No","No","No","No" -"873",888,"No","No","Male","winter",1,94,NA,NA,89,NA,"No","No","Yes",NA,85,29.58,"No","No",1,"No","No","No","No","No","No","No" -"874",889,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,84,26.99,"Yes","No",9,"No","Yes","No","Yes","No","No","Yes" -"875",890,"No","No","Female","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,82,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"876",891,"No","No","Male","autumn",2,93,135,64,62,35,NA,"No","Yes",NA,80,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"877",892,"No","No","Male","spring",1,90,163,60,60,35.5,"No","No","Yes",NA,79,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"878",893,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,79,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"879",894,"No","No","Male","spring",2,95,NA,NA,90,NA,NA,"No","Yes",NA,72,34.89,"Yes","No",5,"No","No","No","No","No","Yes","No" -"880",895,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,72,34.89,"Yes","No",5,"No","No","No","No","No","Yes","No" -"881",896,"No","No","Male","autumn",1,NA,139,67,115,NA,NA,"No",NA,NA,67,24.62,"No","No",1,"No","No","No","No","No","No","No" -"882",897,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,30.04,"Yes","No",1,"No","No","No","No","No","No","No" -"883",898,"No","No","Male","autumn",4,NA,NA,NA,NA,NA,NA,"No","Yes",NA,90,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"884",899,"No","No","Male","spring",5,NA,NA,NA,NA,NA,NA,"No","Yes",NA,90,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"885",900,"No","No","Male","spring",4,NA,NA,NA,NA,NA,NA,NA,NA,NA,90,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"886",901,"No","No","Male","winter",1,93,107,48,138,38.6,"Yes","No","Yes",NA,89,27.26,"No","No",7,"No","No","No","No","No","No","Yes" -"887",902,"No","No","Male","autumn",0,92,140,63,102,36,"Yes","Yes","Yes",4,88,27.26,"No","No",1,"No","No","No","No","No","No","No" -"888",903,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,89,24.45,"Yes","No",1,"No","No","No","No","No","No","No" -"889",904,"No","No","Male","spring",0,NA,130,70,91,35.5,NA,"No","Yes",NA,89,24.04,"Yes","No",1,"No","No","No","No","No","No","No" -"890",905,"No","No","Male","autumn",3,99,NA,NA,NA,NA,NA,"No",NA,NA,87,NA,"No","No",1,"No","No","No","No","No","No","No" -"891",906,"No","No","Male","summer",3,92,NA,NA,NA,NA,NA,NA,NA,NA,87,NA,"No","No",1,"No","No","No","No","No","No","No" -"892",907,"No","No","Male","spring",3,NA,NA,NA,NA,NA,NA,NA,NA,NA,86,NA,"No","No",1,"No","No","No","No","No","No","No" -"893",908,"No","No","Male","winter",3,NA,NA,NA,NA,NA,NA,NA,NA,NA,86,NA,"No","No",1,"No","No","No","No","No","No","No" -"894",909,"No","No","Female","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,86,25.14,"No","No",1,"No","No","No","No","No","No","No" -"895",910,"No","No","Male","spring",1,97,142,56,57,36,NA,NA,NA,NA,84,29.79,"Yes","No",2,"No","No","No","No","Yes","No","No" -"896",911,"No","No","Male","summer",2,94,150,95,87,36,"No","No","Yes",4,83,27.71,"Yes","No",1,"No","No","No","No","No","No","No" -"897",912,"No","No","Male","winter",3,91,142,76,80,35.8,"No","No","Yes",NA,82,27.87,"Yes","No",1,"No","No","No","No","No","No","No" -"898",913,"No","No","Male","winter",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,82,27.46,"Yes","No",1,"No","No","No","No","No","No","No" -"899",914,"No","No","Male","spring",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,82,22.13,"No","No",1,"No","No","No","No","No","No","No" -"900",915,"No","No","Male","spring",2,94,NA,NA,NA,NA,NA,"No",NA,NA,82,22.13,"No","No",1,"No","No","No","No","No","No","No" -"901",916,"No","No","Male","winter",1,95,NA,NA,NA,NA,NA,"No",NA,NA,82,22.13,"No","No",1,"No","No","No","No","No","No","No" -"902",917,"No","No","Male","winter",2,91,NA,NA,81,NA,NA,"No","Yes",NA,81,33.2,"Yes","No",1,"No","No","No","No","No","No","No" -"903",918,"No","No","Male","summer",7,92,NA,NA,NA,NA,NA,"No",NA,NA,80,32.23,"No","No",2,"No","No","No","No","No","Yes","No" -"904",919,"No","No","Male","summer",6,NA,NA,NA,NA,NA,NA,"No",NA,NA,80,32.23,"No","No",2,"No","No","No","No","No","Yes","No" -"905",920,"No","No","Male","spring",5,98,NA,NA,NA,NA,NA,"No",NA,NA,80,32.23,"No","No",2,"No","No","No","No","No","Yes","No" -"906",921,"No","No","Male","spring",4,92,135,70,90,NA,NA,"No","Yes",4,79,32.23,"No","No",2,"No","No","No","No","No","Yes","No" -"907",922,"No","No","Male","spring",3,84,135,70,90,NA,NA,NA,"Yes",4,79,32.23,"No","No",2,"No","No","No","No","No","Yes","No" -"908",923,"No","No","Male","autumn",4,NA,NA,NA,NA,NA,NA,"No","Yes",NA,79,31.25,"No","No",2,"No","No","No","No","No","Yes","No" -"909",924,"No","No","Male","autumn",3,96,146,78,123,35.6,NA,"No","Yes",2,80,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"910",925,"No","No","Male","spring",2,94,NA,NA,NA,NA,NA,"No",NA,NA,79,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"911",926,"No","No","Male","spring",1,91,129,78,101,36.9,"No","No","Yes",NA,79,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"912",927,"No","No","Male","autumn",0,90,150,80,96,NA,NA,"No",NA,NA,79,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"913",928,"No","No","Male","spring",0,96,NA,NA,101,35.5,"No","No",NA,NA,79,26.1,"No","No",1,"No","No","No","No","No","No","No" -"914",929,"No","No","Male","summer",0,85,NA,NA,NA,NA,"No","No","Yes",NA,77,NA,"No","No",2,"No","No","No","Yes","No","No","No" -"915",930,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,76,27.22,"Yes","No",1,"No","No","No","No","No","No","No" -"916",931,"No","No","Male","winter",0,95,NA,NA,NA,NA,NA,"No",NA,NA,75,27.22,"Yes","No",1,"No","No","No","No","No","No","No" -"917",932,"No","No","Male","autumn",4,NA,NA,NA,NA,NA,NA,"No",NA,NA,76,NA,"No","No",1,"No","No","No","No","No","No","No" -"918",933,"No","No","Male","autumn",3,NA,NA,NA,NA,NA,NA,"No",NA,NA,76,NA,"No","No",1,"No","No","No","No","No","No","No" -"919",934,"No","No","Male","summer",3,NA,NA,NA,NA,NA,NA,"No","Yes",NA,76,NA,"No","No",1,"No","No","No","No","No","No","No" -"920",935,"No","No","Male","spring",2,NA,NA,NA,NA,NA,NA,"No","Yes",NA,76,NA,"No","No",1,"No","No","No","No","No","No","No" -"921",936,"No","No","Male","winter",2,89,NA,NA,38,NA,NA,NA,NA,NA,76,NA,"No","No",1,"No","No","No","No","No","No","No" -"922",937,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,75,30.95,"No","No",2,"No","No","No","No","No","Yes","No" -"923",938,"No","No","Male","winter",0,96,NA,NA,NA,NA,NA,"No","No",0,74,25,"No","No",1,"No","No","No","No","No","No","No" -"924",939,"No","No","Male","summer",3,NA,NA,NA,NA,NA,NA,"No",NA,NA,73,19.74,"No","No",1,"No","No","No","No","No","No","No" -"925",940,"No","No","Male","winter",2,91,NA,NA,84,NA,NA,"No","Yes",NA,72,18.46,"No","No",1,"No","No","No","No","No","No","No" -"926",941,"No","No","Male","spring",0,91,155,95,NA,NA,NA,"No","Yes",4,71,31.25,"Yes","No",1,"No","No","No","No","No","No","No" -"927",943,"No","No","Male","autumn",2,86,186,85,102,35.5,"No","No","Yes",4,71,23.25,"No","No",1,"No","No","No","No","No","No","No" -"928",944,"No","No","Male","summer",3,95,NA,NA,NA,NA,NA,"No",NA,NA,71,23.65,"No","No",1,"No","No","No","No","No","No","No" -"929",945,"No","No","Male","spring",3,87,NA,NA,NA,NA,NA,"No",NA,NA,71,23.58,"No","No",1,"No","No","No","No","No","No","No" -"930",946,"No","No","Male","winter",1,97,NA,NA,NA,NA,NA,NA,"Yes",NA,70,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"931",947,"No","No","Male","winter",0,93,NA,NA,NA,NA,NA,"No","Yes",2,70,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"932",948,"No","No","Male","summer",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,70,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"933",949,"No","No","Male","spring",3,NA,NA,NA,NA,NA,"Yes","No","Yes",NA,70,NA,"No","No",1,"No","No","No","No","No","No","No" -"934",950,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,68,NA,"No","No",1,"No","No","No","No","No","No","No" -"935",951,"No","No","Male","autumn",2,98,145,80,93,NA,NA,"No","Yes",NA,68,27.28,"Yes","No",2,"No","No","No","No","No","Yes","No" -"936",952,"No","No","Male","spring",3,92,NA,NA,72,NA,NA,"No","Yes",NA,68,35.86,"No","No",1,"No","No","No","No","No","No","No" -"937",953,"No","No","Male","winter",3,NA,NA,NA,NA,NA,NA,NA,"Yes",4,68,35.86,"No","No",1,"No","No","No","No","No","No","No" -"938",956,"No","No","Female","summer",1,90,NA,NA,NA,NA,NA,"No",NA,NA,68,30.85,"No","No",1,"No","No","No","No","No","No","No" -"939",957,"No","No","Female","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,67,30.85,"No","No",1,"No","No","No","No","No","No","No" -"940",958,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,67,NA,"No","Yes",4,"No","No","Yes","No","No","No","Yes" -"941",959,"No","No","Female","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,65,28.29,"No","No",2,"No","No","No","Yes","No","No","No" -"942",960,"No","No","Male","autumn",1,NA,118,72,84,NA,NA,"No",NA,NA,65,40.35,"Yes","No",2,"No","Yes","No","No","No","No","No" -"943",961,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,64,40.35,"Yes","No",2,"No","Yes","No","No","No","No","No" -"944",962,"No","No","Male","winter",0,94,NA,NA,74,37.3,NA,"No",NA,NA,61,NA,"No","No",1,"No","No","No","No","No","No","No" -"945",963,"No","No","Female","autumn",1,96,NA,NA,NA,NA,NA,"No","Yes",NA,51,NA,"No","No",1,"No","No","No","No","No","No","No" -"946",964,"No","No","Female","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,50,21.16,"No","No",1,"No","No","No","No","No","No","No" -"947",965,"No","No","Male","autumn",2,81,NA,NA,90,NA,NA,"No","Yes",NA,51,NA,"No","No",1,"No","No","No","No","No","No","No" -"948",966,"No","No","Male","summer",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,51,NA,"No","No",1,"No","No","No","No","No","No","No" -"949",967,"No","No","Female","autumn",2,NA,NA,NA,NA,NA,NA,"No","Yes",NA,50,27.07,"No","No",1,"No","No","No","No","No","No","No" -"950",968,"No","No","Female","autumn",1,NA,NA,NA,NA,NA,NA,"No","Yes",NA,50,27.07,"No","No",1,"No","No","No","No","No","No","No" -"951",969,"No","No","Female","winter",1,NA,NA,NA,NA,NA,NA,"No","No",0,49,27.07,"No","No",1,"No","No","No","No","No","No","No" -"952",970,"No","No","Male","winter",0,85,NA,NA,102,NA,NA,"No","Yes",NA,40,NA,"No","No",1,"No","No","No","No","No","No","No" -"953",971,"No","No","Male","spring",5,NA,120,80,NA,NA,NA,"No",NA,NA,86,28.53,"Yes","No",3,"Yes","No","No","Yes","No","No","No" -"954",972,"No","No","Male","spring",5,NA,NA,NA,NA,NA,NA,"No",NA,NA,85,29.96,"Yes","No",2,"No","No","No","Yes","No","No","No" -"955",973,"No","No","Male","winter",4,94,120,60,80,NA,NA,NA,NA,NA,85,29.96,"Yes","No",2,"No","No","No","Yes","No","No","No" -"956",974,"No","No","Male","winter",3,NA,NA,NA,NA,NA,NA,"No",NA,NA,85,28.91,"Yes","No",2,"No","No","No","Yes","No","No","No" -"957",975,"No","No","Male","winter",1,93,130,63,83,37.2,NA,"No","Yes",NA,83,NA,"No","Yes",3,"No","Yes","No","Yes","No","No","No" -"958",976,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,82,21.22,"Yes","No",1,"No","No","No","No","No","No","No" -"959",977,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,82,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"960",978,"No","No","Male","summer",4,85,NA,NA,95,NA,NA,NA,"Yes",NA,82,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"961",979,"No","No","Male","spring",3,93,NA,NA,75,37.3,"No","No",NA,NA,82,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"962",980,"No","No","Male","winter",4,NA,NA,NA,NA,NA,NA,NA,NA,NA,81,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"963",981,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,82,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"964",982,"No","No","Male","autumn",0,97,NA,NA,100,36,NA,NA,NA,NA,80,NA,"Yes","No",3,"No","No","Yes","No","No","Yes","No" -"965",983,"No","No","Female","spring",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,81,NA,"Yes","No",2,"No","No","No","No","No","No","No" -"966",984,"No","No","Female","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,NA,"Yes","No",2,"No","No","No","No","No","No","No" -"967",985,"No","No","Female","spring",3,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,32.71,"No","No",1,"No","No","No","No","No","No","No" -"968",986,"No","No","Female","winter",2,87,NA,NA,NA,NA,NA,NA,"Yes",NA,80,32.71,"No","No",1,"No","No","No","No","No","No","No" -"969",987,"No","No","Male","summer",3,95,NA,NA,NA,NA,NA,"No",NA,NA,80,28.07,"No","No",4,"No","No","Yes","No","Yes","Yes","No" -"970",988,"No","No","Male","spring",3,NA,120,70,112,NA,NA,"No",NA,NA,80,28.51,"No","No",4,"No","No","Yes","No","Yes","Yes","No" -"971",989,"No","No","Male","spring",2,75,120,60,108,NA,NA,NA,NA,NA,80,28.29,"No","No",4,"No","No","Yes","No","Yes","Yes","No" -"972",990,"No","No","Male","summer",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,76,26.26,"Yes","No",3,"No","No","No","No","No","Yes","No" -"973",991,"No","No","Male","winter",1,96,NA,NA,105,NA,NA,"No",NA,NA,76,26.26,"Yes","No",3,"No","No","No","No","No","Yes","No" -"974",992,"No","No","Male","autumn",1,93,NA,NA,91,NA,NA,"No","Yes",4,76,28.73,"No","No",5,"No","No","No","Yes","No","No","No" -"975",993,"No","No","Male","spring",0,89,136,67,95,36.6,NA,"No",NA,NA,76,27.8,"No","No",5,"No","No","No","Yes","No","No","No" -"976",994,"No","No","Male","autumn",5,NA,NA,NA,NA,NA,NA,NA,NA,NA,75,NA,"No","No",1,"No","No","No","No","No","No","No" -"977",995,"No","No","Male","autumn",5,NA,NA,NA,NA,NA,NA,NA,NA,NA,75,NA,"No","No",1,"No","No","No","No","No","No","No" -"978",996,"No","No","Male","summer",5,NA,NA,NA,NA,NA,NA,"No",NA,NA,75,NA,"No","No",1,"No","No","No","No","No","No","No" -"979",997,"No","No","Male","spring",4,91,163,86,96,37.2,"No","No","Yes",2,75,NA,"No","No",1,"No","No","No","No","No","No","No" -"980",998,"No","No","Male","spring",4,93,NA,NA,71,NA,NA,"No","Yes",NA,75,NA,"No","No",1,"No","No","No","No","No","No","No" -"981",999,"No","No","Male","winter",5,95,NA,NA,NA,NA,NA,"No","Yes",4,75,NA,"No","No",1,"No","No","No","No","No","No","No" -"982",1000,"No","No","Male","autumn",2,96,NA,NA,NA,NA,NA,NA,"Yes",NA,73,NA,"No","No",1,"No","No","No","No","No","No","No" -"983",1002,"No","No","Female","spring",0,87,NA,NA,110,NA,NA,"No",NA,NA,71,24.46,"No","No",2,"No","No","No","No","No","No","No" -"984",1003,"No","No","Male","summer",2,96,163,100,85,35.5,"No","No","Yes",4,71,NA,"Yes","No",2,"No","Yes","No","No","No","No","No" -"985",1004,"No","No","Male","spring",1,87,125,70,95,35,NA,NA,NA,NA,70,23.5,"Yes","No",2,"No","Yes","No","No","No","No","No" -"986",1005,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,49,20.59,"No","No",1,"No","No","No","No","No","No","No" -"987",1006,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,48,NA,"No","No",1,"No","No","No","No","No","No","No" -"988",1007,"No","No","Male","winter",3,NA,NA,NA,NA,NA,NA,"No",NA,NA,47,35.26,"Yes","No",2,"No","No","No","No","No","Yes","No" -"989",1008,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,91,NA,"Yes","Yes",1,"No","No","No","No","No","No","No" -"990",1009,"No","No","Male","winter",2,91,124,54,76,36.6,"Yes","No","Yes",2,90,25.56,"Yes","No",2,"No","No","No","Yes","No","No","No" -"991",1010,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,90,19.72,"Yes","No",2,"No","Yes","No","No","No","No","No" -"992",1011,"No","No","Male","winter",1,96,121,61,76,NA,NA,"No",NA,NA,89,20.37,"Yes","No",2,"No","Yes","No","No","No","No","No" -"993",1012,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No","Yes",NA,89,20.37,"Yes","No",2,"No","Yes","No","No","No","No","No" -"994",1013,"No","No","Male","winter",4,78,NA,NA,NA,NA,NA,"No",NA,NA,89,25.64,"No","No",2,"No","No","No","No","No","Yes","No" -"995",1014,"No","No","Male","winter",3,68,NA,NA,NA,NA,"No","No","Yes",4,89,25.64,"No","No",2,"No","No","No","No","No","Yes","No" -"996",1015,"No","No","Male","autumn",3,80,120,70,77,36.5,NA,"No",NA,NA,89,25.64,"No","No",2,"No","No","No","No","No","Yes","No" -"997",1016,"No","No","Male","winter",1,91,NA,NA,111,37.4,NA,"No",NA,NA,88,NA,"No","No",1,"No","No","No","No","No","No","No" -"998",1017,"No","No","Male","spring",0,89,NA,NA,76,NA,NA,NA,"Yes",NA,88,20.94,"Yes","No",1,"No","No","No","No","No","No","No" -"999",1018,"No","No","Female","winter",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,87,NA,"No","No",1,"No","No","No","No","No","No","No" -"1000",1019,"No","No","Male","winter",3,NA,NA,NA,NA,NA,NA,NA,NA,NA,87,27.51,"No","No",2,"No","Yes","No","No","No","No","No" -"1001",1020,"No","No","Male","winter",3,NA,NA,NA,NA,NA,NA,NA,NA,NA,87,27.51,"No","No",2,"No","Yes","No","No","No","No","No" -"1002",1021,"No","No","Male","spring",2,96,NA,NA,NA,NA,"No","No","Yes",3,86,26.56,"Yes","No",3,"No","Yes","No","No","No","Yes","No" -"1003",1022,"No","No","Male","autumn",3,NA,NA,NA,NA,NA,NA,"No","Yes",NA,86,26.56,"Yes","No",3,"No","Yes","No","No","No","Yes","No" -"1004",1023,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,86,NA,"No","No",1,"No","No","No","No","No","No","No" -"1005",1024,"No","No","Male","winter",1,NA,155,80,NA,NA,NA,NA,NA,NA,85,35.88,"No","No",1,"No","No","No","No","No","No","No" -"1006",1025,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,84,NA,"No","No",1,"No","No","No","No","No","No","No" -"1007",1026,"No","No","Male","spring",1,88,NA,NA,127,38.5,NA,NA,NA,NA,84,NA,"No","No",3,"No","No","No","No","No","No","Yes" -"1008",1027,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,84,NA,"No","No",3,"No","No","No","No","No","No","Yes" -"1009",1028,"No","No","Male","autumn",4,NA,NA,NA,NA,NA,NA,"No","No",0,84,33.12,"Yes","No",7,"No","No","No","No","No","No","Yes" -"1010",1029,"No","No","Male","winter",4,NA,NA,NA,NA,NA,NA,NA,"No",0,84,31.88,"Yes","No",7,"No","No","No","No","No","No","Yes" -"1011",1030,"No","No","Male","winter",3,NA,NA,NA,NA,NA,NA,NA,"No",0,84,31.88,"Yes","No",7,"No","No","No","No","No","No","Yes" -"1012",1031,"No","No","Male","autumn",4,94,NA,NA,84,NA,NA,"No",NA,NA,83,32.74,"Yes","No",7,"No","No","No","No","No","No","Yes" -"1013",1032,"No","No","Male","autumn",1,94,NA,NA,74,NA,NA,"No",NA,NA,84,25.86,"Yes","No",1,"No","No","No","No","No","No","No" -"1014",1033,"No","No","Male","spring",3,NA,NA,NA,NA,NA,NA,NA,NA,NA,84,25.86,"Yes","No",1,"No","No","No","No","No","No","No" -"1015",1034,"No","No","Male","autumn",0,93,NA,NA,85,NA,NA,"No","Yes",1,83,27.7,"No","No",8,"No","No","No","No","No","Yes","Yes" -"1016",1035,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,83,29.38,"Yes","No",1,"No","No","No","No","No","No","No" -"1017",1036,"No","No","Male","autumn",1,94,124,71,97,37.8,NA,"No",NA,NA,83,29.12,"Yes","No",1,"No","No","No","No","No","No","No" -"1018",1037,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,"No","No",0,82,29.37,"Yes","No",1,"No","No","No","No","No","No","No" -"1019",1038,"No","No","Female","autumn",2,93,NA,NA,98,NA,NA,"No","Yes",NA,83,NA,"No","No",1,"No","No","No","No","No","No","No" -"1020",1039,"No","No","Female","spring",2,NA,NA,NA,NA,NA,NA,"No","Yes",NA,82,NA,"No","No",1,"No","No","No","No","No","No","No" -"1021",1040,"No","No","Female","winter",2,95,135,80,98,NA,NA,"No","Yes",NA,82,NA,"No","No",1,"No","No","No","No","No","No","No" -"1022",1041,"No","No","Female","summer",0,95,NA,NA,80,NA,NA,"No","Yes",2,82,32.37,"Yes","No",1,"No","No","No","No","No","No","No" -"1023",1042,"No","No","Male","summer",0,95,NA,NA,59,NA,NA,"No",NA,NA,81,28.02,"No","No",2,"No","No","No","No","No","Yes","No" -"1024",1043,"No","No","Female","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,81,23.23,"No","No",1,"No","No","No","No","No","No","No" -"1025",1044,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,81,NA,"No","No",3,"Yes","No","Yes","No","No","No","No" -"1026",1045,"No","No","Male","spring",0,NA,NA,NA,NA,NA,"No","No",NA,NA,81,NA,"No","No",3,"Yes","No","Yes","No","No","No","No" -"1027",1046,"No","No","Male","spring",1,NA,NA,NA,NA,NA,"No","No","No",0,81,23.26,"Yes","No",1,"No","No","No","No","No","No","No" -"1028",1047,"No","No","Female","autumn",1,95,100,66,59,NA,NA,"No",NA,NA,81,25.73,"No","No",1,"No","No","No","No","No","No","No" -"1029",1048,"No","No","Female","spring",1,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,81,29.14,"No","No",8,"No","No","No","No","No","Yes","Yes" -"1030",1049,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,NA,"No","No",1,"No","No","No","No","No","No","No" -"1031",1050,"No","No","Male","autumn",4,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,22.31,"Yes","No",1,"No","No","No","No","No","No","No" -"1032",1051,"No","No","Male","winter",6,81,132,62,63,36.7,NA,"No","Yes",4,80,22.31,"Yes","No",1,"No","No","No","No","No","No","No" -"1033",1052,"No","No","Male","autumn",6,NA,133,76,131,38.3,"No",NA,"Yes",4,80,22.31,"Yes","No",1,"No","No","No","No","No","No","No" -"1034",1053,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,24.61,"Yes","No",1,"No","No","No","No","No","No","No" -"1035",1054,"No","No","Male","winter",1,94,NA,NA,NA,NA,NA,NA,"Yes",3,79,24.61,"Yes","No",1,"No","No","No","No","No","No","No" -"1036",1055,"No","No","Male","autumn",1,NA,150,80,88,NA,NA,NA,NA,NA,80,27.43,"Yes","No",1,"No","No","No","No","No","No","No" -"1037",1056,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,79,29.91,"Yes","No",1,"No","No","No","No","No","No","No" -"1038",1057,"No","No","Male","summer",5,87,132,64,105,36.5,"Yes","No","Yes",3,80,26.58,"No","No",2,"No","Yes","No","No","No","No","No" -"1039",1058,"No","No","Male","autumn",1,95,NA,NA,67,NA,NA,"No","Yes",NA,77,23.35,"Yes","No",11,"No","No","No","Yes","No","No","Yes" -"1040",1059,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,76,23.35,"Yes","No",4,"No","No","No","Yes","No","No","Yes" -"1041",1060,"No","No","Male","summer",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,76,31.45,"No","No",3,"No","No","Yes","No","No","Yes","No" -"1042",1061,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,76,31.64,"No","No",3,"No","No","Yes","No","No","Yes","No" -"1043",1062,"No","No","Female","autumn",3,94,NA,NA,NA,36.1,NA,"No","Yes",2,76,NA,"No","No",1,"No","No","No","No","No","No","No" -"1044",1063,"No","No","Female","summer",2,98,NA,NA,NA,NA,NA,"No",NA,NA,76,NA,"No","No",1,"No","No","No","No","No","No","No" -"1045",1064,"No","No","Female","spring",1,98,120,70,60,36,"No","No","Yes",3,76,NA,"No","No",1,"No","No","No","No","No","No","No" -"1046",1065,"No","No","Male","autumn",0,95,NA,NA,NA,NA,NA,"No","Yes",NA,76,NA,"No","No",2,"No","No","No","No","Yes","No","No" -"1047",1066,"No","No","Male","summer",1,96,NA,NA,NA,NA,NA,"No",NA,NA,76,22.15,"No","No",1,"No","No","No","No","No","No","No" -"1048",1067,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,76,22.21,"No","No",1,"No","No","No","No","No","No","No" -"1049",1068,"No","No","Female","spring",1,97,NA,NA,NA,NA,NA,"No","Yes",NA,73,32.44,"No","No",1,"No","No","No","No","No","No","No" -"1050",1069,"No","No","Male","spring",0,93,NA,NA,59,NA,NA,"No",NA,NA,71,23.15,"No","No",7,"No","No","No","No","No","No","Yes" -"1051",1070,"No","No","Female","winter",0,97,130,70,60,NA,NA,NA,NA,NA,70,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1052",1071,"No","No","Male","autumn",4,95,NA,NA,95,NA,NA,"No",NA,NA,70,30.49,"No","No",1,"No","No","No","No","No","No","No" -"1053",1072,"No","No","Male","summer",4,90,118,71,80,NA,"No","No","Yes",2,70,30.49,"No","No",1,"No","No","No","No","No","No","No" -"1054",1073,"No","No","Male","spring",5,92,NA,NA,NA,NA,NA,"No",NA,NA,70,30.49,"No","No",1,"No","No","No","No","No","No","No" -"1055",1074,"No","No","Male","winter",5,NA,NA,NA,NA,NA,NA,"No","Yes",NA,70,30.49,"No","No",1,"No","No","No","No","No","No","No" -"1056",1075,"No","No","Male","autumn",2,NA,NA,NA,64,NA,NA,"No",NA,NA,70,NA,"No","No",4,"No","No","No","No","No","Yes","Yes" -"1057",1076,"No","No","Female","summer",0,94,NA,NA,84,NA,NA,"No",NA,NA,69,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"1058",1077,"No","No","Male","winter",0,86,NA,NA,NA,NA,NA,"No",NA,NA,68,31.64,"No","No",3,"Yes","No","Yes","No","No","No","No" -"1059",1078,"No","No","Male","winter",1,NA,NA,NA,NA,NA,"No","No","Yes",NA,67,32.23,"Yes","No",2,"No","No","No","No","No","No","No" -"1060",1079,"No","No","Male","winter",0,94,NA,NA,74,NA,NA,NA,NA,NA,67,32.23,"Yes","No",2,"No","No","No","No","No","No","No" -"1061",1080,"No","No","Male","autumn",0,68,NA,NA,NA,NA,NA,"No","Yes",4,68,NA,"Yes","No",3,"No","Yes","No","No","No","Yes","No" -"1062",1082,"No","No","Male","spring",2,90,144,93,138,NA,NA,"No","Yes",NA,65,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1063",1084,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,63,NA,"No","No",10,"No","No","No","No","No","No","Yes" -"1064",1085,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,63,NA,"No","No",4,"No","No","No","No","No","No","No" -"1065",1086,"No","No","Male","winter",0,95,NA,NA,NA,37.2,NA,"No",NA,NA,61,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1066",1087,"No","No","Female","winter",2,91,NA,NA,101,NA,NA,"No",NA,NA,61,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1067",1088,"No","No","Male","winter",2,NA,114,30,112,NA,"Yes","No","Yes",NA,60,30.37,"No","No",3,"No","No","No","No","No","Yes","No" -"1068",1089,"No","No","Male","autumn",1,97,110,66,NA,NA,NA,"No","Yes",2,60,30.37,"No","No",3,"No","No","No","No","No","Yes","No" -"1069",1090,"No","No","Male","spring",1,NA,120,65,NA,NA,"No","No",NA,NA,59,25.33,"Yes","No",1,"No","No","No","No","No","No","No" -"1070",1091,"No","No","Male","winter",0,93,NA,NA,92,NA,NA,"No",NA,NA,59,25.33,"Yes","No",1,"No","No","No","No","No","No","No" -"1071",1092,"No","No","Male","summer",0,92,94,66,88,37.1,NA,"No","Yes",NA,58,27.92,"No","No",3,"No","No","Yes","No","No","No","No" -"1072",1093,"No","No","Female","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,55,NA,"No","No",1,"No","No","No","No","No","No","No" -"1073",1094,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,51,NA,"No","No",4,"No","No","No","No","No","No","No" -"1074",1095,"No","No","Female","winter",3,NA,NA,NA,NA,NA,NA,"No",NA,NA,51,NA,"Yes","No",3,"No","No","No","No","No","No","Yes" -"1075",1096,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,46,31.24,"Yes","No",1,"No","No","No","No","No","No","No" -"1076",1097,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,87,34.77,"Yes","No",3,"No","Yes","No","No","No","Yes","No" -"1077",1098,"No","No","Male","spring",0,96,NA,NA,NA,NA,NA,"No","No",0,82,NA,"No","No",2,"No","No","Yes","No","No","No","No" -"1078",1099,"No","No","Female","spring",1,96,NA,NA,91,NA,NA,"No",NA,NA,81,27.39,"Yes","No",1,"No","No","No","No","No","No","No" -"1079",1100,"No","No","Female","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,81,27.39,"Yes","No",1,"No","No","No","No","No","No","No" -"1080",1101,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,81,24.65,"Yes","No",1,"No","No","No","No","No","No","No" -"1081",1102,"No","No","Male","winter",0,87,NA,NA,NA,NA,NA,NA,NA,NA,80,24.53,"Yes","No",1,"No","No","No","No","No","No","No" -"1082",1103,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,"No","No",NA,NA,77,NA,"Yes","Yes",2,"No","No","No","No","No","Yes","No" -"1083",1104,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,76,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1084",1105,"Yes","Yes","Female","winter",3,90,138,94,104,NA,"No","No","Yes",NA,73,27.7,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1085",1106,"No","No","Male","autumn",4,90,NA,NA,64,37.1,NA,"No","Yes",2,69,25.45,"No","No",7,"No","No","No","No","No","No","Yes" -"1086",1107,"No","No","Male","spring",4,NA,NA,NA,NA,NA,NA,"No",NA,NA,69,25.45,"No","No",7,"No","No","No","No","No","No","Yes" -"1087",1108,"No","No","Male","spring",3,91,NA,NA,75,NA,NA,"No",NA,NA,69,25.45,"No","No",7,"No","No","No","No","No","No","Yes" -"1088",1109,"No","No","Male","winter",2,90,NA,NA,50,NA,NA,"No","Yes",NA,69,25.45,"No","No",7,"No","No","No","No","No","No","Yes" -"1089",1110,"No","No","Female","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,68,34.63,"No","No",1,"No","No","No","No","No","No","No" -"1090",1111,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,56,NA,"Yes","No",3,"No","Yes","No","Yes","No","No","No" -"1091",1112,"No","No","Male","winter",4,98,NA,NA,NA,NA,NA,"No","Yes",NA,55,NA,"Yes","No",2,"No","Yes","No","No","No","No","No" -"1092",1113,"No","No","Female","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,97,NA,"Yes","No",4,"Yes","Yes","No","No","Yes","No","No" -"1093",1114,"No","No","Male","summer",2,90,NA,NA,NA,NA,NA,"No",NA,NA,96,NA,"Yes","Yes",1,"No","No","No","No","No","No","No" -"1094",1115,"No","No","Male","summer",4,93,132,71,79,NA,NA,NA,NA,NA,95,NA,"No","Yes",1,"No","No","No","No","No","No","No" -"1095",1116,"No","No","Male","spring",3,89,NA,NA,NA,37,NA,NA,NA,NA,95,NA,"Yes","Yes",1,"No","No","No","No","No","No","No" -"1096",1117,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No","Yes",NA,93,30.18,"No","No",1,"No","No","No","No","No","No","No" -"1097",1118,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,93,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1098",1119,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,"Yes",NA,NA,NA,93,NA,"Yes","Yes",2,"No","No","No","Yes","No","No","No" -"1099",1120,"No","No","Female","summer",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,93,NA,"No","No",1,"No","No","No","No","No","No","No" -"1100",1121,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,92,26.95,"Yes","No",1,"No","No","No","No","No","No","No" -"1101",1122,"No","No","Male","summer",4,92,NA,NA,77,NA,NA,"No","Yes",NA,91,NA,"No","No",7,"No","No","No","No","No","No","Yes" -"1102",1123,"No","No","Male","spring",3,NA,NA,NA,NA,NA,NA,"No","Yes",NA,90,NA,"No","No",7,"No","No","No","No","No","No","Yes" -"1103",1124,"No","No","Male","spring",2,93,140,67,69,NA,NA,"No","Yes",NA,90,NA,"No","No",7,"No","No","No","No","No","No","Yes" -"1104",1125,"No","No","Male","winter",1,94,NA,NA,NA,NA,NA,"No","Yes",NA,90,NA,"No","No",7,"No","No","No","No","No","No","Yes" -"1105",1126,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No","Yes",2,90,32,"No","No",7,"No","No","No","No","No","No","Yes" -"1106",1127,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,89,29.6,"No","No",2,"No","No","No","Yes","No","No","No" -"1107",1128,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,89,NA,"No","No",1,"No","No","No","No","No","No","No" -"1108",1129,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,89,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"1109",1130,"No","No","Male","spring",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,88,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"1110",1131,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,88,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"1111",1132,"No","No","Female","summer",3,86,114,85,91,NA,NA,"No","Yes",4,88,NA,"No","Yes",2,"No","No","No","No","No","Yes","No" -"1112",1133,"No","No","Female","spring",2,93,NA,NA,NA,NA,NA,"No","Yes",NA,87,NA,"No","Yes",2,"No","No","No","No","No","Yes","No" -"1113",1134,"No","No","Female","winter",1,82,155,75,107,37.6,"No","No","Yes",4,87,NA,"No","Yes",2,"No","No","No","No","No","Yes","No" -"1114",1135,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,87,24.44,"Yes","No",3,"No","No","Yes","No","No","Yes","No" -"1115",1136,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,87,NA,"No","Yes",3,"Yes","No","No","Yes","No","No","No" -"1116",1138,"No","No","Male","autumn",0,91,154,72,NA,NA,NA,NA,"No",0,87,NA,"No","Yes",1,"No","No","No","No","No","No","No" -"1117",1139,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,87,26.75,"No","No",1,"No","No","No","No","No","No","No" -"1118",1140,"No","No","Male","summer",1,90,NA,NA,NA,NA,NA,"No",NA,NA,87,25.95,"No","No",1,"No","No","No","No","No","No","No" -"1119",1141,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,86,25.64,"No","No",1,"No","No","No","No","No","No","No" -"1120",1142,"No","No","Male","spring",3,98,NA,NA,88,NA,NA,NA,NA,NA,86,25.56,"No","No",2,"No","Yes","No","No","No","No","No" -"1121",1143,"No","No","Male","autumn",2,89,NA,NA,NA,NA,NA,"No",NA,NA,86,25.56,"No","No",2,"No","Yes","No","No","No","No","No" -"1122",1144,"No","No","Male","summer",1,91,150,85,NA,NA,NA,"No","Yes",3,86,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1123",1145,"No","No","Male","autumn",2,90,90,50,62,NA,NA,"No","Yes",NA,86,26.15,"Yes","No",2,"Yes","No","No","No","No","No","No" -"1124",1146,"No","No","Male","winter",1,94,95,60,80,NA,NA,"No",NA,NA,86,26.15,"Yes","No",2,"Yes","No","No","No","No","No","No" -"1125",1147,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,85,NA,"No","No",1,"No","No","No","No","No","No","No" -"1126",1148,"No","No","Female","winter",0,93,140,80,93,35.2,"No","No","Yes",NA,85,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"1127",1149,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,86,29.37,"No","No",7,"No","No","No","No","No","No","Yes" -"1128",1150,"No","No","Male","winter",1,87,NA,NA,83,NA,"Yes","No",NA,NA,85,NA,"No","No",3,"No","Yes","No","Yes","No","No","No" -"1129",1151,"No","No","Male","winter",0,90,NA,NA,85,NA,NA,"No","Yes",2,85,NA,"No","No",3,"No","Yes","No","Yes","No","No","No" -"1130",1152,"No","No","Male","autumn",0,94,NA,NA,78,35.5,NA,"No","Yes",NA,86,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1131",1153,"No","No","Female","winter",0,NA,NA,NA,NA,NA,NA,NA,"No",0,85,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1132",1154,"No","No","Female","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,84,35.09,"No","No",2,"No","No","No","No","No","Yes","No" -"1133",1155,"No","No","Male","spring",0,90,NA,NA,82,NA,NA,"No","Yes",NA,83,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1134",1156,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,83,24.6,"No","No",3,"No","No","No","No","No","Yes","No" -"1135",1157,"No","No","Male","autumn",3,NA,NA,NA,NA,NA,NA,"No",NA,NA,83,28.03,"Yes","No",1,"No","No","No","No","No","No","No" -"1136",1158,"No","No","Male","spring",3,90,NA,NA,80,NA,NA,"No","Yes",3,83,28.03,"Yes","No",1,"No","No","No","No","No","No","No" -"1137",1159,"No","No","Male","winter",2,NA,NA,NA,NA,NA,NA,"No","Yes",NA,83,28.03,"Yes","No",1,"No","No","No","No","No","No","No" -"1138",1160,"No","No","Male","autumn",1,97,NA,NA,101,36,NA,"No","No",0,82,28.03,"Yes","No",1,"No","No","No","No","No","No","No" -"1139",1161,"No","No","Male","autumn",1,97,111,64,NA,NA,"Yes","No",NA,NA,83,NA,"Yes","No",2,"No","Yes","No","No","No","No","No" -"1140",1162,"No","No","Male","winter",0,97,NA,NA,NA,35.5,NA,"No","Yes",NA,82,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1141",1163,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,82,23.06,"No","No",2,"No","No","Yes","No","No","No","No" -"1142",1164,"No","No","Male","autumn",0,95,100,60,NA,NA,NA,"No",NA,NA,83,30.49,"No","No",1,"No","No","No","No","No","No","No" -"1143",1165,"No","No","Male","summer",3,NA,120,60,64,NA,"Yes","No","Yes",4,83,NA,"Yes","Yes",9,"Yes","No","No","No","No","Yes","Yes" -"1144",1166,"No","No","Male","spring",3,NA,NA,NA,NA,NA,"Yes",NA,"Yes",NA,82,NA,"Yes","Yes",9,"Yes","No","No","No","No","Yes","Yes" -"1145",1167,"No","No","Male","autumn",0,84,NA,NA,NA,NA,NA,NA,NA,NA,83,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"1146",1168,"No","No","Male","summer",1,97,NA,NA,NA,NA,NA,"No",NA,NA,82,27.66,"No","No",2,"No","No","No","No","No","Yes","No" -"1147",1169,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,82,27.66,"No","No",2,"No","No","No","No","No","Yes","No" -"1148",1170,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,82,30.78,"No","No",3,"No","Yes","No","No","No","No","No" -"1149",1171,"No","No","Male","spring",0,94,NA,NA,NA,NA,"No","No",NA,NA,82,30.78,"No","No",3,"No","Yes","No","No","No","No","No" -"1150",1172,"No","No","Female","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,82,34.51,"Yes","No",1,"No","No","No","No","No","No","No" -"1151",1173,"No","No","Female","autumn",1,98,NA,NA,66,NA,NA,"No","Yes",NA,82,29.48,"No","No",2,"No","No","Yes","No","No","No","No" -"1152",1174,"No","No","Female","winter",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,81,32.04,"No","No",2,"No","No","Yes","No","No","No","No" -"1153",1175,"No","No","Male","autumn",0,96,NA,NA,78,NA,NA,"No","Yes",2,81,NA,"No","No",1,"No","No","No","No","No","No","No" -"1154",1176,"No","No","Male","summer",1,95,NA,NA,71,NA,NA,"No","Yes",NA,81,33.49,"No","No",1,"No","No","No","No","No","No","No" -"1155",1177,"No","No","Male","spring",0,NA,150,70,NA,NA,NA,"No","Yes",NA,81,33.49,"No","No",1,"No","No","No","No","No","No","No" -"1156",1178,"No","No","Female","autumn",0,94,NA,NA,NA,NA,"No","No","Yes",NA,81,31.6,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1157",1179,"No","No","Male","winter",3,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,28.6,"No","No",2,"No","No","Yes","No","No","No","No" -"1158",1180,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,28.6,"No","No",2,"No","No","Yes","No","No","No","No" -"1159",1181,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,81,29.43,"No","No",1,"No","No","No","No","No","No","No" -"1160",1182,"No","No","Male","summer",1,80,128,78,109,37.4,"No","No","Yes",4,80,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1161",1183,"No","No","Male","winter",0,92,170,90,NA,NA,NA,"No","Yes",NA,79,29.07,"No","No",3,"No","Yes","No","No","No","Yes","No" -"1162",1184,"No","No","Male","autumn",2,95,132,57,82,36,NA,"No","Yes",4,80,30.09,"No","No",1,"No","No","No","No","No","No","No" -"1163",1185,"No","No","Male","spring",1,NA,NA,NA,68,NA,NA,"No",NA,NA,79,30.09,"No","No",1,"No","No","No","No","No","No","No" -"1164",1186,"No","No","Male","spring",1,97,NA,NA,67,NA,NA,"No","Yes",NA,79,35.71,"Yes","No",1,"No","No","No","No","No","No","No" -"1165",1187,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,79,29.07,"Yes","No",1,"No","No","No","No","No","No","No" -"1166",1188,"No","No","Male","autumn",1,90,NA,NA,50,NA,"Yes","No","Yes",NA,79,NA,"No","No",3,"No","No","No","Yes","No","Yes","No" -"1167",1189,"No","No","Male","spring",0,98,125,67,70,NA,"No","No",NA,NA,78,NA,"No","No",3,"No","No","No","Yes","No","Yes","No" -"1168",1190,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,79,26.16,"No","No",7,"No","No","No","No","No","No","Yes" -"1169",1191,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,78,26.16,"No","No",7,"No","No","No","No","No","No","Yes" -"1170",1192,"No","No","Male","autumn",3,95,NA,NA,NA,NA,"No","No","Yes",2,78,25.42,"No","No",2,"No","No","No","No","No","Yes","No" -"1171",1193,"No","No","Male","summer",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,78,25.42,"No","No",2,"No","No","No","No","No","Yes","No" -"1172",1194,"No","No","Male","spring",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,78,25.42,"No","No",2,"No","No","No","No","No","Yes","No" -"1173",1195,"No","No","Male","autumn",3,92,140,80,82,NA,"No","No","Yes",2,78,25.42,"No","No",2,"No","No","No","No","No","Yes","No" -"1174",1196,"No","No","Female","winter",0,93,NA,NA,NA,NA,NA,"No","Yes",NA,78,35.75,"No","No",2,"No","No","No","No","No","Yes","No" -"1175",1197,"No","No","Female","winter",0,94,NA,NA,75,NA,NA,"No",NA,NA,77,41.79,"Yes","No",2,"Yes","No","No","No","No","No","No" -"1176",1198,"No","No","Male","autumn",2,87,NA,NA,NA,NA,NA,"No",NA,NA,78,32.85,"No","No",2,"No","No","No","No","No","Yes","No" -"1177",1199,"No","No","Male","winter",2,NA,NA,NA,NA,NA,NA,"No","Yes",NA,78,32.85,"No","No",2,"No","No","No","No","No","Yes","No" -"1178",1200,"No","No","Male","autumn",1,91,NA,NA,NA,NA,NA,"No","Yes",NA,77,38.59,"No","No",2,"No","No","No","No","No","Yes","No" -"1179",1201,"No","No","Male","autumn",0,96,NA,NA,NA,NA,NA,"No",NA,NA,78,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"1180",1202,"No","No","Male","spring",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,77,NA,"Yes","No",4,"No","No","No","No","No","No","No" -"1181",1203,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,77,NA,"Yes","No",4,"No","No","No","No","No","No","No" -"1182",1204,"No","No","Male","summer",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,77,24.45,"No","No",1,"No","No","No","No","No","No","No" -"1183",1205,"No","No","Male","winter",2,97,NA,NA,60,NA,NA,"No","Yes",NA,77,24.45,"No","No",1,"No","No","No","No","No","No","No" -"1184",1206,"No","No","Male","autumn",1,93,NA,NA,80,NA,NA,"No",NA,NA,77,24.45,"No","No",1,"No","No","No","No","No","No","No" -"1185",1207,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,77,NA,"No","No",1,"No","No","No","No","No","No","No" -"1186",1208,"No","No","Male","winter",1,83,152,90,90,NA,NA,"No","Yes",NA,76,33.02,"No","No",1,"No","No","No","No","No","No","No" -"1187",1209,"No","No","Male","autumn",0,94,NA,NA,102,NA,NA,"No",NA,NA,77,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1188",1210,"Yes","Yes","Male","summer",4,NA,NA,NA,NA,NA,NA,NA,NA,NA,76,NA,"Yes","Yes",2,"No","No","Yes","No","No","No","No" -"1189",1211,"No","No","Male","autumn",0,93,NA,NA,81,NA,NA,"No",NA,NA,76,26.85,"No","No",1,"No","No","No","No","No","No","No" -"1190",1212,"No","No","Male","spring",2,92,NA,NA,60,NA,NA,"No",NA,NA,76,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1191",1213,"No","No","Male","winter",2,96,148,66,99,36.5,"Yes","No","Yes",2,75,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1192",1214,"No","No","Male","winter",1,94,NA,NA,87,NA,NA,"No",NA,NA,75,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1193",1215,"No","No","Male","autumn",2,96,NA,NA,74,36.3,NA,"No",NA,NA,76,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1194",1216,"No","No","Male","summer",1,95,120,70,66,37,"No","No","No",0,76,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1195",1217,"No","No","Male","winter",2,96,NA,NA,65,36,NA,"No",NA,NA,75,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1196",1218,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,76,23.77,"No","No",2,"No","No","No","No","No","Yes","No" -"1197",1219,"No","No","Male","autumn",3,NA,NA,NA,NA,NA,"Yes","No","Yes",NA,75,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"1198",1220,"No","No","Male","summer",3,NA,NA,NA,NA,NA,"Yes","No","Yes",NA,75,59.9,"No","No",2,"No","No","No","No","No","Yes","No" -"1199",1221,"No","No","Male","winter",2,90,NA,NA,NA,NA,NA,"No","Yes",4,74,59.9,"No","No",1,"No","No","No","No","No","No","No" -"1200",1222,"No","No","Male","winter",0,95,NA,NA,NA,NA,NA,NA,NA,NA,73,27.74,"No","No",7,"No","No","No","No","No","No","Yes" -"1201",1223,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,74,31.86,"Yes","No",1,"No","No","No","No","No","No","No" -"1202",1224,"No","No","Male","winter",1,97,186,78,92,37.7,NA,"No","Yes",NA,73,31.36,"Yes","No",1,"No","No","No","No","No","No","No" -"1203",1225,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,73,30.67,"Yes","No",1,"No","No","No","No","No","No","No" -"1204",1226,"No","No","Male","summer",2,NA,120,70,NA,NA,NA,"No","Yes",NA,74,28.59,"No","No",2,"No","No","No","Yes","No","No","No" -"1205",1227,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,73,28.7,"No","No",2,"No","No","No","Yes","No","No","No" -"1206",1228,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,73,27.33,"No","No",1,"No","No","No","No","No","No","No" -"1207",1229,"No","No","Female","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,73,33.31,"Yes","No",1,"No","No","No","No","No","No","No" -"1208",1230,"No","No","Male","spring",0,95,NA,NA,NA,NA,NA,"No","Yes",NA,73,30.96,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1209",1231,"No","No","Male","autumn",2,85,NA,NA,NA,NA,NA,"No","No",0,73,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1210",1232,"No","No","Male","spring",1,89,NA,NA,NA,NA,NA,"No",NA,NA,73,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1211",1233,"No","No","Male","winter",0,NA,173,99,NA,NA,NA,"No",NA,NA,72,27.53,"Yes","No",1,"No","No","No","No","No","No","No" -"1212",1234,"No","No","Male","winter",3,93,NA,NA,85,NA,NA,"No","Yes",NA,72,32.86,"No","No",1,"No","No","No","No","No","No","No" -"1213",1235,"No","No","Male","winter",0,87,NA,NA,88,NA,NA,NA,NA,NA,72,16.48,"No","No",2,"No","No","No","Yes","No","No","No" -"1214",1236,"No","No","Female","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,72,25.15,"No","No",1,"No","No","No","No","No","No","No" -"1215",1237,"No","No","Male","autumn",0,95,NA,NA,88,36,"No","No","Yes",3,72,28.3,"Yes","No",2,"Yes","No","No","No","No","No","No" -"1216",1238,"No","No","Male","autumn",1,99,NA,NA,NA,35.8,NA,"No","No",0,71,26.17,"No","No",2,"No","No","Yes","No","No","No","No" -"1217",1240,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,71,29.25,"No","No",2,"No","No","No","No","No","Yes","No" -"1218",1241,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,70,26.93,"No","No",1,"No","No","No","No","No","No","No" -"1219",1242,"No","No","Female","summer",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,70,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"1220",1243,"No","No","Male","spring",1,88,NA,NA,NA,NA,NA,"No",NA,NA,69,26.16,"No","No",1,"No","No","No","No","No","No","No" -"1221",1244,"No","No","Female","autumn",0,92,NA,NA,NA,NA,NA,"No","Yes",NA,69,26.99,"No","No",1,"No","No","No","No","No","No","No" -"1222",1245,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,69,28.38,"No","No",1,"No","No","No","No","No","No","No" -"1223",1246,"No","No","Male","winter",1,93,130,70,80,NA,NA,"No","Yes",4,69,NA,"No","No",1,"No","No","No","No","No","No","No" -"1224",1247,"No","No","Male","autumn",0,98,130,80,78,36.8,"No","No","No",0,68,NA,"No","No",1,"No","No","No","No","No","No","No" -"1225",1248,"No","No","Female","autumn",3,97,88,57,75,36.4,NA,"No",NA,NA,69,NA,"No","No",2,"No","No","No","No","No","No","No" -"1226",1249,"No","No","Female","spring",3,NA,NA,NA,NA,NA,NA,"No",NA,NA,69,NA,"No","No",2,"No","No","No","No","No","No","No" -"1227",1250,"No","No","Female","spring",3,99,119,98,82,36.5,NA,"No",NA,NA,69,22.51,"No","No",2,"No","No","No","No","No","No","No" -"1228",1251,"No","No","Female","winter",2,NA,NA,NA,NA,NA,NA,"No","Yes",NA,68,22.51,"No","No",2,"No","No","No","No","No","No","No" -"1229",1252,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,68,NA,"No","No",1,"No","No","No","No","No","No","No" -"1230",1253,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,68,37.75,"No","No",1,"No","No","No","No","No","No","No" -"1231",1254,"No","No","Male","autumn",1,92,NA,NA,64,NA,NA,"No","Yes",NA,69,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1232",1255,"No","No","Male","winter",1,93,145,90,72,NA,NA,"No",NA,NA,68,30.48,"Yes","No",1,"No","No","No","No","No","No","No" -"1233",1256,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,68,NA,"No","No",1,"No","No","No","No","No","No","No" -"1234",1257,"No","No","Male","spring",1,93,100,61,82,NA,NA,NA,NA,NA,68,28.4,"No","No",1,"No","No","No","No","No","No","No" -"1235",1258,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,68,NA,"No","No",1,"No","No","No","No","No","No","No" -"1236",1259,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,"No","Yes",NA,68,29.27,"No","No",1,"No","No","No","No","No","No","No" -"1237",1260,"No","No","Male","winter",2,90,116,64,NA,NA,NA,"No",NA,NA,67,29.27,"No","No",1,"No","No","No","No","No","No","No" -"1238",1261,"No","No","Male","winter",0,97,NA,NA,NA,NA,NA,"No",NA,NA,67,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1239",1262,"No","No","Male","summer",3,94,NA,NA,NA,NA,NA,"No","Yes",NA,67,NA,"Yes","No",2,"No","No","No","No","No","No","No" -"1240",1263,"No","No","Male","spring",2,96,NA,NA,88,NA,NA,"No","Yes",NA,67,NA,"Yes","No",2,"No","No","No","No","No","No","No" -"1241",1264,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,67,26.76,"No","No",1,"No","No","No","No","No","No","No" -"1242",1265,"No","No","Male","winter",0,94,NA,NA,84,NA,NA,"No",NA,NA,66,NA,"No","No",1,"No","No","No","No","No","No","No" -"1243",1266,"No","No","Male","autumn",0,94,NA,NA,NA,NA,NA,"No",NA,NA,67,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1244",1267,"Yes","Yes","Male","winter",2,62,145,80,109,35,"No","No","Yes",4,67,NA,"No","No",3,"No","No","No","No","No","Yes","No" -"1245",1268,"No","No","Male","spring",2,NA,136,87,150,NA,NA,"Yes","Yes",4,66,NA,"No","No",3,"No","No","No","No","No","Yes","No" -"1246",1269,"No","No","Male","autumn",2,95,NA,NA,NA,NA,NA,"No",NA,NA,66,NA,"No","No",3,"No","No","No","No","No","Yes","No" -"1247",1270,"No","No","Male","autumn",0,97,150,90,78,36.5,NA,"No",NA,NA,66,23.51,"No","No",1,"No","No","No","No","No","No","No" -"1248",1271,"No","No","Female","summer",0,96,110,60,62,NA,NA,NA,NA,NA,66,27.52,"No","No",9,"No","No","No","No","No","Yes","Yes" -"1249",1272,"No","No","Male","autumn",0,90,145,73,95,NA,NA,"No",NA,NA,66,31.24,"Yes","No",1,"No","No","No","No","No","No","No" -"1250",1273,"No","No","Male","summer",2,84,NA,NA,104,NA,NA,"No",NA,NA,66,22.66,"No","Yes",1,"No","No","No","No","No","No","No" -"1251",1274,"No","No","Male","winter",2,NA,NA,NA,NA,NA,NA,"No","Yes",NA,65,22.66,"No","Yes",1,"No","No","No","No","No","No","No" -"1252",1275,"No","No","Male","summer",4,96,NA,NA,NA,NA,NA,"No","Yes",3,66,28.73,"No","No",1,"No","No","No","No","No","No","No" -"1253",1276,"No","No","Male","spring",3,95,NA,NA,NA,NA,NA,"No",NA,NA,66,28.73,"No","No",1,"No","No","No","No","No","No","No" -"1254",1277,"No","No","Male","spring",2,95,NA,NA,NA,NA,NA,"No","Yes",NA,66,28.73,"No","No",1,"No","No","No","No","No","No","No" -"1255",1278,"No","No","Male","winter",0,NA,110,60,60,NA,NA,NA,NA,NA,65,20.71,"Yes","No",1,"No","No","No","No","No","No","No" -"1256",1279,"No","No","Male","summer",2,84,NA,NA,NA,NA,NA,"No",NA,NA,64,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1257",1280,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,64,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1258",1281,"No","No","Female","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,63,31.78,"No","No",1,"No","No","No","No","No","No","No" -"1259",1282,"No","No","Male","summer",1,93,NA,NA,NA,NA,NA,"No",NA,NA,64,27.84,"No","No",1,"No","No","No","No","No","No","No" -"1260",1283,"No","No","Male","winter",0,93,NA,NA,NA,NA,NA,"No",NA,NA,63,27.84,"No","No",1,"No","No","No","No","No","No","No" -"1261",1284,"No","No","Male","spring",1,93,132,80,84,NA,NA,"No","Yes",3,63,38.81,"No","No",2,"No","No","No","No","No","Yes","No" -"1262",1285,"No","No","Male","winter",1,92,138,78,73,36.3,"No","No",NA,NA,63,38.81,"No","No",2,"No","No","No","No","No","Yes","No" -"1263",1286,"No","No","Female","winter",2,91,NA,NA,NA,NA,NA,"No",NA,NA,62,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1264",1287,"No","No","Female","autumn",1,94,120,80,84,NA,NA,NA,NA,NA,62,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1265",1288,"No","No","Male","spring",0,72,142,86,98,37.3,"No","No","Yes",NA,62,37.81,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1266",1289,"No","No","Male","spring",3,91,NA,NA,NA,NA,NA,"No",NA,NA,62,29.44,"Yes","No",1,"No","No","No","No","No","No","No" -"1267",1290,"No","No","Male","winter",3,93,NA,NA,95,NA,NA,"No","Yes",NA,62,29.44,"Yes","No",1,"No","No","No","No","No","No","No" -"1268",1291,"No","No","Male","winter",2,97,NA,NA,NA,NA,NA,"No",NA,NA,62,29.44,"Yes","No",1,"No","No","No","No","No","No","No" -"1269",1292,"No","No","Male","spring",2,99,NA,NA,110,NA,NA,"No",NA,NA,62,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1270",1293,"No","No","Male","spring",1,94,120,88,100,35.2,NA,"No","Yes",4,62,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1271",1294,"No","No","Male","winter",0,97,NA,NA,104,NA,NA,"No","Yes",NA,62,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1272",1295,"No","No","Female","autumn",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,63,32.45,"No","No",5,"No","No","No","No","No","Yes","No" -"1273",1296,"No","No","Male","autumn",0,97,NA,NA,NA,NA,NA,"No",NA,NA,62,NA,"No","No",1,"No","No","No","No","No","No","No" -"1274",1297,"No","No","Female","autumn",1,91,NA,NA,85,NA,NA,"No","Yes",NA,61,36.18,"Yes","No",2,"Yes","No","No","No","No","No","No" -"1275",1298,"No","No","Female","spring",1,86,140,90,85,NA,"Yes","No","Yes",3,61,36.18,"Yes","No",2,"Yes","No","No","No","No","No","No" -"1276",1299,"No","No","Male","autumn",4,98,NA,NA,78,NA,"No","No","Yes",NA,61,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1277",1300,"No","No","Male","autumn",3,94,NA,NA,85,35.7,"No","No","Yes",NA,61,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1278",1301,"No","No","Male","spring",2,92,131,81,90,36.5,"No","No",NA,NA,60,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1279",1302,"No","No","Female","autumn",0,NA,120,80,120,NA,"No","No","Yes",NA,60,32.51,"No","No",1,"No","No","No","No","No","No","No" -"1280",1303,"No","No","Female","autumn",0,93,NA,NA,NA,NA,NA,NA,NA,NA,60,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1281",1304,"No","No","Female","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,60,28.5,"No","No",1,"No","No","No","No","No","No","No" -"1282",1305,"No","No","Female","autumn",4,NA,NA,NA,NA,NA,NA,"No",NA,NA,60,NA,"No","No",1,"No","No","No","No","No","No","No" -"1283",1306,"No","No","Female","summer",3,NA,NA,NA,NA,NA,NA,"No",NA,NA,60,NA,"No","No",1,"No","No","No","No","No","No","No" -"1284",1307,"No","No","Female","spring",3,NA,NA,NA,NA,NA,NA,"No",NA,NA,59,NA,"No","No",1,"No","No","No","No","No","No","No" -"1285",1308,"No","No","Female","spring",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,59,NA,"No","No",1,"No","No","No","No","No","No","No" -"1286",1309,"No","No","Female","autumn",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,59,NA,"No","No",1,"No","No","No","No","No","No","No" -"1287",1310,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,NA,"Yes",4,58,NA,"No","No",1,"No","No","No","No","No","No","No" -"1288",1311,"No","No","Male","autumn",5,96,NA,NA,NA,NA,NA,"No",NA,NA,58,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1289",1312,"No","No","Male","autumn",5,95,NA,NA,NA,NA,NA,"No","Yes",NA,58,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1290",1313,"No","No","Male","spring",4,NA,NA,NA,NA,NA,NA,"No","Yes",NA,57,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1291",1314,"No","No","Male","spring",5,91,NA,NA,NA,NA,NA,"No","Yes",NA,57,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1292",1315,"No","No","Male","winter",4,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,57,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1293",1316,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,57,34.9,"No","No",1,"No","No","No","No","No","No","No" -"1294",1317,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,56,NA,"No","No",1,"No","No","No","No","No","No","No" -"1295",1318,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,55,27.73,"Yes","No",1,"No","No","No","No","No","No","No" -"1296",1319,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,54,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1297",1320,"No","No","Female","winter",2,93,NA,NA,NA,NA,NA,"No",NA,NA,53,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1298",1321,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,53,32.6,"No","No",2,"No","No","No","No","No","Yes","No" -"1299",1322,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,52,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1300",1323,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,50,NA,"No","No",1,"No","No","No","No","No","No","No" -"1301",1324,"No","No","Female","winter",0,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,45,NA,"No","No",1,"No","No","No","No","No","No","No" -"1302",1325,"No","No","Male","winter",0,NA,140,70,NA,NA,NA,NA,NA,NA,95,NA,"Yes","Yes",1,"No","No","No","No","No","No","No" -"1303",1326,"No","No","Female","winter",3,91,120,63,78,35.4,NA,"No",NA,NA,87,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1304",1327,"No","No","Female","autumn",1,94,108,64,67,35.6,NA,"No","Yes",4,85,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1305",1328,"No","No","Female","spring",1,94,131,67,62,NA,NA,"No","Yes",NA,84,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1306",1329,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,81,30.1,"Yes","Yes",2,"No","No","Yes","No","No","No","No" -"1307",1330,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,81,30.1,"Yes","Yes",2,"No","No","Yes","No","No","No","No" -"1308",1331,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,81,30.1,"Yes","Yes",2,"No","No","Yes","No","No","No","No" -"1309",1332,"Yes","Yes","Male","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,81,NA,"Yes","No",4,"Yes","No","No","No","No","No","Yes" -"1310",1333,"No","No","Male","summer",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,76,33.61,"No","No",3,"No","No","No","No","No","Yes","No" -"1311",1334,"No","No","Male","autumn",1,93,NA,NA,71,36.2,NA,"No","Yes",NA,74,20.35,"No","No",2,"Yes","No","No","No","No","No","No" -"1312",1335,"No","No","Male","winter",1,88,NA,NA,NA,NA,NA,"No","No",0,73,20.35,"No","No",2,"Yes","No","No","No","No","No","No" -"1313",1336,"No","No","Male","winter",0,85,NA,NA,94,NA,NA,"No","Yes",3,69,34.76,"No","No",1,"No","No","No","No","No","No","No" -"1314",1337,"No","No","Male","summer",3,96,NA,NA,106,NA,NA,"No",NA,NA,66,28.38,"No","No",1,"No","No","No","No","No","No","No" -"1315",1338,"No","No","Male","summer",2,93,NA,NA,NA,NA,NA,NA,"Yes",NA,66,28.38,"No","No",1,"No","No","No","No","No","No","No" -"1316",1339,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,66,28.38,"No","No",1,"No","No","No","No","No","No","No" -"1317",1340,"No","No","Male","winter",0,87,NA,NA,NA,NA,NA,NA,NA,NA,65,28.38,"No","No",1,"No","No","No","No","No","No","No" -"1318",1341,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,54,NA,"Yes","No",4,"No","No","No","No","No","No","No" -"1319",1342,"No","No","Male","winter",2,94,NA,NA,NA,NA,NA,"No",NA,NA,83,31.22,"Yes","No",1,"No","No","No","No","No","No","No" -"1320",1343,"No","No","Male","spring",2,92,NA,NA,78,NA,NA,NA,"Yes",NA,81,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1321",1344,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,"Yes",2,81,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1322",1345,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,80,NA,"Yes","No",4,"Yes","No","No","No","Yes","Yes","No" -"1323",1346,"No","No","Male","spring",3,NA,NA,NA,NA,NA,NA,"No","Yes",4,79,31.6,"No","No",1,"No","No","No","No","No","No","No" -"1324",1347,"No","No","Male","winter",2,84,168,70,71,NA,NA,NA,"Yes",NA,79,31.6,"No","No",1,"No","No","No","No","No","No","No" -"1325",1348,"Yes","Yes","Male","autumn",2,NA,140,60,110,NA,"Yes","No","Yes",NA,79,23.38,"No","No",1,"No","No","No","No","No","No","No" -"1326",1349,"No","No","Male","summer",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,79,23.38,"No","No",1,"No","No","No","No","No","No","No" -"1327",1350,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,75,NA,"Yes","No",2,"No","No","No","Yes","No","No","No" -"1328",1351,"No","No","Male","spring",1,86,NA,NA,NA,NA,NA,"No",NA,NA,74,NA,"Yes","No",2,"No","No","No","Yes","No","No","No" -"1329",1352,"No","No","Male","spring",0,84,160,88,98,35.3,"No","No","Yes",4,74,NA,"Yes","No",2,"No","No","No","Yes","No","No","No" -"1330",1353,"No","No","Male","winter",0,94,NA,NA,60,NA,NA,"No",NA,NA,73,34.49,"No","No",2,"No","No","No","Yes","No","No","No" -"1331",1354,"No","No","Male","autumn",2,88,NA,NA,90,NA,NA,"No",NA,NA,74,35,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1332",1355,"No","No","Male","summer",1,84,163,76,NA,NA,"Yes","No",NA,NA,73,35,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1333",1356,"No","No","Male","winter",0,90,NA,NA,NA,NA,NA,"No",NA,NA,73,35,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1334",1357,"No","No","Male","summer",1,NA,NA,NA,NA,NA,NA,"No","No",0,73,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"1335",1358,"No","No","Male","autumn",0,96,NA,NA,NA,NA,NA,"No","Yes",NA,73,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"1336",1359,"No","No","Male","spring",1,95,NA,NA,92,NA,NA,"No","Yes",NA,70,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1337",1360,"No","No","Male","autumn",1,96,NA,NA,78,NA,NA,"No","Yes",2,70,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1338",1361,"No","No","Male","spring",1,97,NA,NA,NA,NA,NA,"No","Yes",NA,67,31.84,"No","No",1,"No","No","No","No","No","No","No" -"1339",1362,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,67,31.84,"No","No",1,"No","No","No","No","No","No","No" -"1340",1363,"No","No","Male","spring",1,93,NA,NA,NA,NA,NA,"No","Yes",NA,65,NA,"No","No",1,"No","No","No","No","No","No","No" -"1341",1364,"No","No","Male","winter",1,93,140,95,88,NA,"No","No","Yes",NA,65,NA,"No","No",1,"No","No","No","No","No","No","No" -"1342",1365,"No","No","Male","autumn",1,93,NA,NA,NA,38,"No","No","Yes",1,61,32.18,"No","No",1,"No","No","No","No","No","No","No" -"1343",1366,"No","No","Male","summer",0,93,NA,NA,81,NA,NA,"No",NA,NA,61,32.18,"No","No",1,"No","No","No","No","No","No","No" -"1344",1367,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,60,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1345",1368,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,59,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1346",1369,"No","No","Male","autumn",1,94,NA,NA,58,NA,NA,"No",NA,NA,60,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1347",1370,"No","No","Male","summer",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,59,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1348",1371,"No","No","Male","autumn",1,91,NA,NA,NA,NA,NA,"No","Yes",NA,47,34.68,"No","No",1,"No","No","No","No","No","No","No" -"1349",1372,"No","No","Male","winter",0,91,136,88,85,NA,NA,"No","Yes",4,46,34.68,"No","No",1,"No","No","No","No","No","No","No" -"1350",1373,"No","No","Male","winter",0,89,NA,NA,NA,NA,NA,"No",NA,NA,87,25.86,"No","No",2,"No","No","No","No","No","No","No" -"1351",1374,"No","No","Male","autumn",1,94,136,69,95,35.4,NA,"No","No",0,86,24.54,"Yes","No",8,"No","No","No","No","No","No","Yes" -"1352",1375,"No","No","Male","spring",1,94,NA,NA,NA,NA,NA,"No",NA,NA,85,24.54,"Yes","No",8,"No","No","No","No","No","No","Yes" -"1353",1376,"No","No","Male","spring",0,95,NA,NA,64,NA,NA,"No","Yes",NA,85,31.16,"No","No",1,"No","No","No","No","No","No","No" -"1354",1377,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,"No","Yes",NA,81,31.82,"No","No",1,"No","No","No","No","No","No","No" -"1355",1378,"No","No","Male","winter",0,94,NA,NA,NA,NA,NA,"No",NA,NA,81,31.82,"No","No",1,"No","No","No","No","No","No","No" -"1356",1379,"No","No","Male","summer",2,86,126,67,72,NA,NA,NA,NA,NA,79,NA,"Yes","No",2,"No","No","No","No","No","No","No" -"1357",1380,"No","No","Male","spring",2,84,90,50,NA,NA,NA,"No",NA,NA,79,NA,"Yes","No",2,"No","No","No","No","No","No","No" -"1358",1381,"No","No","Male","autumn",0,90,NA,NA,88,37.5,NA,"No","Yes",NA,78,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1359",1382,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,77,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1360",1383,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,69,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1361",1384,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,68,29.76,"No","No",4,"No","No","No","No","No","No","No" -"1362",1385,"No","No","Male","spring",0,92,NA,NA,NA,37.4,NA,NA,NA,NA,61,50.39,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1363",1386,"No","No","Female","summer",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,60,NA,"No","No",1,"No","No","No","No","No","No","No" -"1364",1387,"No","No","Female","winter",0,94,NA,NA,NA,NA,NA,"No",NA,NA,60,NA,"No","No",1,"No","No","No","No","No","No","No" -"1365",1388,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,58,NA,"No","No",5,"No","No","No","No","No","Yes","No" -"1366",1389,"No","No","Female","autumn",1,81,149,95,NA,37.2,NA,"No",NA,NA,89,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1367",1390,"No","No","Female","summer",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,88,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1368",1391,"No","No","Male","autumn",4,92,NA,NA,87,37.7,NA,"No","Yes",NA,87,NA,"No","No",2,"No","No","No","Yes","No","No","No" -"1369",1392,"No","No","Male","spring",4,86,NA,NA,NA,NA,NA,"No",NA,NA,86,NA,"No","No",2,"No","No","No","Yes","No","No","No" -"1370",1393,"No","No","Male","winter",3,94,NA,NA,72,NA,NA,"No","No",0,86,NA,"No","No",2,"No","No","No","Yes","No","No","No" -"1371",1394,"No","No","Male","winter",2,NA,NA,NA,81,NA,NA,"No",NA,NA,86,NA,"No","No",2,"No","No","No","Yes","No","No","No" -"1372",1395,"No","No","Male","autumn",2,94,NA,NA,75,NA,NA,"No","Yes",NA,86,NA,"No","No",2,"No","No","No","Yes","No","No","No" -"1373",1396,"No","No","Male","spring",0,95,NA,NA,NA,NA,NA,NA,NA,NA,84,NA,"Yes","Yes",4,"No","No","No","No","No","Yes","Yes" -"1374",1397,"No","No","Female","summer",3,95,120,60,NA,NA,NA,"No",NA,NA,84,NA,"No","No",7,"No","No","No","No","No","No","Yes" -"1375",1398,"No","No","Female","spring",2,97,NA,NA,82,NA,NA,"No",NA,NA,84,NA,"No","No",7,"No","No","No","No","No","No","Yes" -"1376",1399,"No","No","Female","winter",1,95,125,60,NA,NA,NA,"No",NA,NA,84,NA,"No","No",7,"No","No","No","No","No","No","Yes" -"1377",1400,"No","No","Female","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,83,NA,"No","No",7,"No","No","No","No","No","No","Yes" -"1378",1401,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,81,NA,"No","Yes",3,"No","No","No","Yes","No","Yes","No" -"1379",1402,"No","No","Male","spring",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,31.03,"No","Yes",3,"No","No","No","Yes","No","Yes","No" -"1380",1403,"No","No","Male","winter",2,80,150,60,72,NA,"Yes","No","Yes",4,80,31.03,"No","Yes",3,"No","No","No","Yes","No","Yes","No" -"1381",1404,"Yes","Yes","Male","spring",1,75,77,44,115,NA,NA,"No","Yes",4,77,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1382",1405,"No","No","Male","winter",0,93,NA,NA,NA,38,NA,"No","Yes",NA,77,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1383",1406,"No","No","Male","summer",0,87,130,80,64,NA,NA,"No","Yes",NA,77,NA,"No","No",1,"No","No","No","No","No","No","No" -"1384",1407,"No","No","Male","spring",4,96,130,85,NA,NA,NA,"No","Yes",NA,79,NA,"Yes","Yes",7,"Yes","No","No","Yes","No","Yes","No" -"1385",1408,"No","No","Male","winter",4,97,NA,NA,NA,NA,NA,"No","No",0,78,NA,"Yes","Yes",7,"Yes","No","No","Yes","No","Yes","No" -"1386",1409,"No","No","Male","winter",0,92,NA,NA,NA,NA,NA,"No",NA,NA,78,NA,"Yes","No",2,"No","No","Yes","No","No","No","No" -"1387",1410,"No","No","Male","winter",1,90,NA,NA,NA,NA,NA,"No","Yes",NA,85,24.77,"No","No",3,"No","Yes","No","Yes","No","No","No" -"1388",1411,"No","No","Male","autumn",0,92,NA,NA,89,NA,NA,"No","Yes",NA,83,24.77,"No","No",3,"No","Yes","No","Yes","No","No","No" -"1389",1412,"No","No","Male","spring",1,97,NA,NA,NA,NA,NA,"No",NA,NA,83,NA,"No","No",8,"No","No","No","Yes","No","No","Yes" -"1390",1413,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,"Yes","No","Yes",NA,81,29.24,"No","No",7,"No","No","No","No","No","No","Yes" -"1391",1414,"No","No","Male","winter",3,95,170,85,71,36,"No","No","Yes",NA,80,29.24,"No","No",7,"No","No","No","No","No","No","Yes" -"1392",1415,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,80,29.24,"No","No",1,"No","No","No","No","No","No","No" -"1393",1416,"No","No","Male","summer",1,86,139,69,NA,37.5,NA,"No",NA,NA,81,24.22,"Yes","No",1,"No","No","No","No","No","No","No" -"1394",1417,"No","No","Male","spring",3,90,180,90,78,35.5,NA,"No","Yes",NA,80,24.22,"Yes","No",1,"No","No","No","No","No","No","No" -"1395",1418,"No","No","Male","spring",0,95,NA,NA,70,NA,NA,"No",NA,NA,76,NA,"No","No",1,"No","No","No","No","No","No","No" -"1396",1419,"No","No","Male","autumn",2,94,NA,NA,100,NA,NA,"No",NA,NA,75,26.35,"Yes","No",1,"No","No","No","No","No","No","No" -"1397",1420,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,74,26.35,"Yes","No",1,"No","No","No","No","No","No","No" -"1398",1421,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,74,27.29,"Yes","No",1,"No","No","No","No","No","No","No" -"1399",1422,"No","No","Male","autumn",0,95,NA,NA,NA,NA,NA,"No",NA,NA,74,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1400",1423,"No","No","Male","summer",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,70,31.42,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1401",1424,"No","No","Female","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,68,27.98,"No","No",1,"No","No","No","No","No","No","No" -"1402",1425,"No","No","Male","winter",0,88,126,64,155,36.8,"No","No","Yes",2,62,29.73,"No","No",3,"No","No","No","No","No","Yes","No" -"1403",1426,"No","No","Male","winter",1,85,102,73,120,NA,"No","No",NA,NA,58,29.12,"No","No",4,"No","No","No","No","No","No","No" -"1404",1427,"No","No","Male","winter",0,70,97,67,78,37,"No",NA,"Yes",NA,58,35.4,"Yes","No",1,"No","No","No","No","No","No","No" -"1405",1428,"No","No","Male","winter",1,93,NA,NA,102,37.7,"No","No","Yes",NA,58,36.39,"No","No",1,"No","No","No","No","No","No","No" -"1406",1429,"No","No","Male","autumn",0,96,NA,NA,NA,NA,NA,"No",NA,NA,70,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1407",1430,"No","No","Female","winter",1,84,NA,NA,NA,NA,NA,NA,NA,NA,84,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1408",1431,"No","No","Female","winter",0,84,125,80,123,35.3,"No","No",NA,NA,84,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1409",1432,"No","No","Male","autumn",3,83,126,60,89,36.3,NA,"No","Yes",NA,86,26.5,"Yes","No",2,"No","No","No","No","No","No","No" -"1410",1433,"No","No","Male","summer",2,88,NA,NA,NA,36.2,NA,"No","Yes",NA,86,26.5,"Yes","No",2,"No","No","No","No","No","No","No" -"1411",1434,"No","No","Male","spring",2,89,120,83,72,36.5,NA,"No","Yes",NA,86,26.5,"Yes","No",2,"No","No","No","No","No","No","No" -"1412",1435,"No","No","Male","winter",1,90,124,56,NA,NA,"No","No",NA,NA,85,26.5,"Yes","No",2,"No","No","No","No","No","No","No" -"1413",1436,"No","No","Male","autumn",1,NA,130,60,120,NA,NA,"No",NA,NA,81,27.17,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1414",1437,"No","No","Male","spring",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,89,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"1415",1438,"No","No","Female","autumn",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,82,NA,"No","No",1,"No","No","No","No","No","No","No" -"1416",1439,"No","No","Female","spring",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,82,NA,"No","No",1,"No","No","No","No","No","No","No" -"1417",1440,"No","No","Female","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,81,NA,"No","No",1,"No","No","No","No","No","No","No" -"1418",1441,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,79,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1419",1442,"No","No","Male","summer",1,95,NA,NA,NA,NA,NA,NA,NA,NA,73,NA,"No","No",7,"No","No","No","Yes","No","Yes","No" -"1420",1443,"No","No","Male","spring",0,96,NA,NA,55,NA,"Yes","No","No",0,73,NA,"No","No",7,"No","No","No","Yes","No","Yes","No" -"1421",1444,"No","No","Female","autumn",4,NA,NA,NA,NA,NA,NA,NA,NA,NA,73,NA,"No","No",3,"No","No","No","No","No","No","Yes" -"1422",1445,"No","No","Male","winter",0,NA,123,72,63,NA,NA,"No",NA,NA,70,NA,"Yes","No",3,"Yes","No","No","No","No","No","No" -"1423",1446,"No","No","Male","winter",0,81,NA,NA,95,NA,NA,"No","Yes",NA,61,19.65,"Yes","No",2,"No","No","No","No","No","No","No" -"1424",1447,"No","No","Male","spring",0,94,NA,NA,NA,NA,NA,"No","Yes",NA,84,28.52,"No","No",1,"No","No","No","No","No","No","No" -"1425",1448,"No","No","Female","autumn",3,93,NA,NA,80,NA,NA,"No","No",0,59,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"1426",1449,"No","No","Female","winter",4,93,NA,NA,82,NA,NA,"No","Yes",NA,58,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"1427",1450,"No","No","Female","winter",3,93,NA,NA,100,NA,NA,"No","No",0,58,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"1428",1451,"No","No","Female","autumn",3,93,NA,NA,87,NA,NA,"No","Yes",4,59,41.19,"No","No",2,"No","No","No","No","No","Yes","No" -"1429",1452,"No","No","Female","summer",2,94,NA,NA,100,NA,NA,"No",NA,NA,59,41.19,"No","No",2,"No","No","No","No","No","Yes","No" -"1430",1453,"No","No","Female","winter",1,93,NA,NA,89,NA,NA,"No","No",0,58,41.19,"No","No",2,"No","No","No","No","No","Yes","No" -"1431",1454,"No","No","Female","winter",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,58,41.19,"No","No",2,"No","No","No","No","No","Yes","No" -"1432",1455,"No","No","Male","winter",0,92,118,68,61,35.8,"No","No",NA,NA,86,NA,"No","No",1,"No","No","No","No","No","No","No" -"1433",1457,"No","No","Male","autumn",1,96,NA,NA,NA,NA,NA,"No",NA,NA,79,35.59,"No","No",2,"Yes","No","No","No","No","No","No" -"1434",1458,"No","No","Male","spring",0,98,NA,NA,NA,NA,NA,NA,NA,NA,79,35.59,"No","No",2,"Yes","No","No","No","No","No","No" -"1435",1459,"No","No","Male","summer",1,NA,124,76,122,36.2,"No","No","Yes",NA,77,24.39,"No","No",1,"No","No","No","No","No","No","No" -"1436",1461,"No","No","Male","summer",1,93,NA,NA,73,NA,NA,"No","Yes",NA,73,NA,"No","No",5,"No","No","No","No","No","Yes","No" -"1437",1462,"No","No","Male","autumn",1,96,136,85,74,NA,"No","No","Yes",NA,72,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1438",1463,"No","No","Male","summer",0,97,150,70,79,NA,NA,"No",NA,NA,72,32.21,"Yes","No",8,"No","No","No","No","No","Yes","Yes" -"1439",1464,"No","No","Male","summer",1,74,NA,NA,NA,NA,NA,NA,NA,NA,57,NA,"No","No",7,"No","No","No","No","No","No","Yes" -"1440",1465,"No","No","Male","spring",0,74,NA,NA,NA,NA,NA,NA,"Yes",4,57,NA,"No","No",7,"No","No","No","No","No","No","Yes" -"1441",1466,"No","No","Female","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,90,24.84,"Yes","Yes",2,"No","No","No","No","Yes","No","No" -"1442",1467,"No","No","Male","autumn",4,90,136,70,76,NA,NA,"No",NA,NA,90,25.97,"No","No",7,"No","No","No","No","No","No","Yes" -"1443",1468,"No","No","Male","spring",3,NA,120,80,NA,NA,NA,"No",NA,NA,89,25.97,"No","No",7,"No","No","No","No","No","No","Yes" -"1444",1469,"No","No","Male","winter",3,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,89,25.97,"No","No",7,"No","No","No","No","No","No","Yes" -"1445",1470,"No","No","Male","winter",3,NA,NA,NA,NA,NA,NA,NA,NA,NA,89,25.97,"No","No",7,"No","No","No","No","No","No","Yes" -"1446",1471,"No","No","Male","winter",2,88,140,85,62,NA,"No","No",NA,NA,87,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1447",1472,"No","No","Male","summer",4,94,140,80,63,NA,NA,"No",NA,NA,83,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1448",1473,"No","No","Male","spring",3,95,NA,NA,75,NA,NA,NA,NA,NA,83,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1449",1474,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,82,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1450",1475,"No","No","Male","winter",1,93,162,78,83,37.3,"No","No","Yes",4,82,NA,"No","No",3,"Yes","No","No","No","No","Yes","No" -"1451",1476,"No","No","Male","winter",3,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,82,22.27,"No","No",2,"No","Yes","No","No","No","No","No" -"1452",1477,"No","No","Male","autumn",0,91,NA,NA,NA,38.3,NA,"No","No",0,82,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1453",1478,"No","No","Male","spring",1,91,NA,NA,92,NA,NA,"No","Yes",NA,81,25.31,"No","No",1,"No","No","No","No","No","No","No" -"1454",1479,"No","No","Male","autumn",1,90,NA,NA,42,NA,"Yes","No","Yes",NA,80,NA,"Yes","Yes",5,"No","No","No","No","No","Yes","No" -"1455",1480,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,80,NA,"Yes","Yes",5,"No","No","No","No","No","Yes","No" -"1456",1481,"No","No","Male","summer",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,79,31.25,"No","No",2,"No","No","No","No","No","Yes","No" -"1457",1482,"No","No","Male","winter",0,97,NA,NA,NA,NA,NA,NA,NA,NA,79,31.25,"No","No",2,"No","No","No","No","No","Yes","No" -"1458",1483,"No","No","Male","winter",0,90,NA,NA,NA,37.5,NA,"No","Yes",NA,78,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1459",1484,"Yes","Yes","Male","summer",2,88,155,95,115,NA,"Yes","No","Yes",4,77,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1460",1485,"No","No","Male","spring",2,90,145,85,115,35.3,NA,"No","Yes",3,77,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1461",1486,"No","No","Male","winter",0,87,NA,NA,NA,NA,NA,NA,NA,NA,77,15.6,"No","No",2,"No","No","No","No","No","Yes","No" -"1462",1487,"No","No","Male","autumn",3,NA,NA,NA,NA,NA,NA,NA,NA,NA,76,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"1463",1488,"No","No","Male","summer",1,84,NA,NA,137,NA,NA,"No",NA,NA,60,26.61,"No","No",1,"No","No","No","No","No","No","No" -"1464",1489,"No","No","Male","autumn",1,91,164,96,109,36,"No","No","Yes",NA,59,26.61,"No","No",1,"No","No","No","No","No","No","No" -"1465",1490,"No","No","Male","winter",0,96,NA,NA,94,35.4,NA,"No","Yes",NA,57,NA,"No","No",1,"No","No","No","No","No","No","No" -"1466",1491,"No","No","Female","winter",0,82,NA,NA,NA,NA,NA,"No",NA,NA,54,46.02,"No","No",1,"No","No","No","No","No","No","No" -"1467",1492,"No","No","Male","autumn",0,NA,100,70,96,NA,NA,"No",NA,NA,48,30.82,"No","No",2,"No","No","No","No","No","Yes","No" -"1468",1493,"No","No","Male","autumn",1,94,NA,NA,114,NA,"Yes","No",NA,NA,78,30.29,"Yes","No",1,"No","No","No","No","No","No","No" -"1469",1494,"No","No","Male","spring",0,96,101,66,109,NA,"No","No",NA,NA,78,30.29,"Yes","No",1,"No","No","No","No","No","No","No" -"1470",1495,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,77,30.1,"No","No",9,"Yes","No","No","No","No","No","Yes" -"1471",1496,"No","No","Male","autumn",1,96,NA,NA,75,NA,NA,"No",NA,NA,68,22.79,"Yes","No",5,"No","No","No","Yes","No","No","No" -"1472",1497,"No","No","Male","winter",1,95,NA,NA,82,NA,NA,NA,NA,NA,67,22.79,"Yes","No",5,"No","No","No","Yes","No","No","No" -"1473",1498,"No","No","Male","spring",0,85,NA,NA,NA,35,NA,"No","Yes",NA,62,27.66,"No","No",2,"No","No","Yes","No","No","No","No" -"1474",1499,"No","No","Male","winter",2,98,NA,NA,87,NA,"No","No","Yes",NA,54,35.08,"Yes","No",3,"No","No","No","Yes","No","Yes","No" -"1475",1500,"No","No","Female","autumn",1,NA,NA,NA,NA,NA,NA,"No","Yes",4,76,29.52,"No","No",7,"No","No","No","No","No","No","Yes" -"1476",1501,"No","No","Male","summer",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,72,33.67,"No","No",2,"No","No","No","No","No","Yes","No" -"1477",1502,"No","No","Male","winter",0,75,140,80,99,NA,NA,"No",NA,NA,72,33.67,"No","No",2,"No","No","No","No","No","Yes","No" -"1478",1503,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,85,29.02,"No","No",2,"Yes","No","No","No","No","No","No" -"1479",1504,"No","No","Male","autumn",0,95,NA,NA,84,NA,"No","No","Yes",NA,71,35.49,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1480",1505,"No","No","Male","autumn",0,94,135,70,71,NA,NA,"No",NA,NA,70,33.15,"Yes","No",2,"Yes","No","No","No","No","No","No" -"1481",1506,"No","No","Male","winter",1,95,NA,NA,71,NA,"No","No","Yes",2,77,26.82,"Yes","No",1,"No","No","No","No","No","No","No" -"1482",1507,"No","No","Male","autumn",0,92,NA,NA,96,NA,"No","No","Yes",NA,64,25.53,"No","No",1,"No","No","No","No","No","No","No" -"1483",1508,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,53,NA,"Yes","No",3,"No","Yes","No","No","No","Yes","No" -"1484",1509,"No","No","Male","spring",0,NA,140,65,NA,NA,NA,NA,NA,NA,65,36.39,"No","No",4,"No","Yes","No","No","No","Yes","No" -"1485",1510,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,85,NA,"Yes","No",2,"No","No","Yes","No","No","No","No" -"1486",1511,"No","No","Male","spring",0,89,120,71,76,38.8,NA,"No",NA,NA,85,26.43,"No","No",1,"No","No","No","No","No","No","No" -"1487",1512,"No","No","Male","autumn",0,85,NA,NA,100,NA,NA,"No","Yes",NA,82,NA,"No","No",1,"No","No","No","No","No","No","No" -"1488",1513,"No","No","Male","winter",0,90,NA,NA,NA,NA,NA,NA,NA,NA,57,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1489",1514,"No","No","Female","spring",1,NA,140,68,72,NA,NA,"No",NA,NA,87,20.08,"No","No",1,"No","No","No","No","No","No","No" -"1490",1515,"No","No","Female","spring",0,96,164,75,61,NA,NA,"No",NA,NA,87,20.08,"No","No",1,"No","No","No","No","No","No","No" -"1491",1516,"No","No","Female","spring",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,81,23.5,"No","No",2,"No","No","No","No","No","Yes","No" -"1492",1517,"No","No","Male","winter",4,NA,NA,NA,NA,NA,NA,"No",NA,NA,81,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1493",1518,"No","No","Male","autumn",0,88,NA,NA,100,NA,NA,"No","Yes",NA,81,22.63,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1494",1519,"No","No","Male","spring",1,95,NA,NA,82,NA,NA,NA,NA,NA,89,26.22,"Yes","No",2,"No","No","No","Yes","No","No","No" -"1495",1520,"No","No","Female","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,81,NA,"Yes","No",2,"No","Yes","No","No","No","No","No" -"1496",1521,"No","No","Male","summer",1,91,153,84,100,NA,"No","No","Yes",NA,82,22.03,"No","No",2,"No","No","No","Yes","No","No","No" -"1497",1522,"No","No","Male","autumn",0,NA,140,75,65,36.5,NA,"No",NA,NA,76,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1498",1523,"No","No","Male","autumn",2,96,NA,NA,NA,NA,NA,"No",NA,NA,75,28.83,"No","No",1,"No","No","No","No","No","No","No" -"1499",1524,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,74,28.83,"No","No",1,"No","No","No","No","No","No","No" -"1500",1525,"No","No","Male","summer",1,90,144,75,94,NA,"No","No","Yes",NA,68,31.75,"No","No",5,"No","No","No","No","No","Yes","No" -"1501",1526,"No","No","Male","winter",1,97,NA,NA,99,NA,NA,"No",NA,NA,68,31.75,"No","No",5,"No","No","No","No","No","Yes","No" -"1502",1527,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,64,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1503",1528,"No","No","Male","winter",2,94,104,60,72,36.5,"No","No","Yes",NA,87,22.39,"No","No",2,"No","No","No","Yes","No","No","No" -"1504",1529,"No","No","Male","summer",0,95,NA,NA,NA,NA,NA,"No","Yes",NA,82,NA,"No","No",1,"No","No","No","No","No","No","No" -"1505",1530,"No","No","Male","autumn",3,NA,NA,NA,NA,NA,NA,"No",NA,NA,81,28.23,"No","No",3,"No","No","Yes","Yes","No","No","No" -"1506",1531,"No","No","Male","spring",2,92,NA,NA,56,NA,"Yes","No","Yes",2,81,28.23,"No","No",3,"No","No","Yes","Yes","No","No","No" -"1507",1532,"No","No","Male","spring",1,91,NA,NA,NA,NA,"Yes","No","Yes",NA,80,28.23,"No","No",3,"No","No","Yes","Yes","No","No","No" -"1508",1533,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,79,30,"No","No",3,"No","No","No","No","No","Yes","No" -"1509",1534,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,78,30.86,"No","No",1,"No","No","No","No","No","No","No" -"1510",1535,"No","No","Male","autumn",3,92,NA,NA,NA,NA,NA,"No","Yes",NA,75,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1511",1536,"No","No","Male","winter",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,74,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1512",1537,"No","No","Male","autumn",2,95,NA,NA,78,NA,NA,"No","Yes",NA,74,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1513",1538,"No","No","Female","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,72,30.53,"Yes","No",1,"No","No","No","No","No","No","No" -"1514",1539,"No","No","Male","autumn",2,NA,115,70,82,37.9,"No","No","Yes",1,69,16.2,"No","No",6,"No","No","No","No","No","Yes","No" -"1515",1540,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,68,38.37,"No","No",1,"No","No","No","No","No","No","No" -"1516",1541,"No","No","Male","autumn",3,90,125,85,79,36.3,NA,"No","Yes",4,69,NA,"No","No",1,"No","No","No","No","No","No","No" -"1517",1542,"No","No","Male","summer",2,93,126,82,77,35.1,"Yes","No","Yes",3,68,NA,"No","No",1,"No","No","No","No","No","No","No" -"1518",1543,"No","No","Male","spring",1,80,140,87,72,37,"No","No","Yes",4,68,NA,"No","No",1,"No","No","No","No","No","No","No" -"1519",1544,"No","No","Male","winter",1,93,NA,NA,NA,NA,NA,"No",NA,NA,68,NA,"No","No",1,"No","No","No","No","No","No","No" -"1520",1545,"No","No","Male","autumn",2,92,NA,NA,NA,NA,NA,"No",NA,NA,68,24.64,"Yes","No",1,"No","No","No","No","No","No","No" -"1521",1546,"No","No","Male","summer",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,68,24.64,"Yes","No",1,"No","No","No","No","No","No","No" -"1522",1547,"No","No","Female","winter",0,96,NA,NA,NA,NA,NA,"No","Yes",NA,65,23.73,"No","No",1,"No","No","No","No","No","No","No" -"1523",1548,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,59,NA,"No","No",1,"No","No","No","No","No","No","No" -"1524",1549,"No","No","Female","winter",1,NA,NA,NA,72,NA,NA,"No",NA,NA,55,32.64,"No","No",1,"No","No","No","No","No","No","No" -"1525",1550,"No","No","Female","winter",0,NA,111,92,121,NA,NA,"No",NA,NA,45,NA,"No","No",1,"No","No","No","No","No","No","No" -"1526",1551,"No","No","Male","autumn",1,95,NA,NA,NA,NA,NA,"No",NA,NA,79,26.44,"Yes","No",7,"No","No","Yes","Yes","No","Yes","No" -"1527",1552,"No","No","Male","summer",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,79,26.44,"Yes","No",7,"No","No","Yes","Yes","No","Yes","No" -"1528",1553,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,77,26.96,"Yes","No",1,"No","No","No","No","No","No","No" -"1529",1554,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,77,NA,"Yes","No",2,"No","Yes","No","No","No","No","No" -"1530",1555,"No","No","Male","spring",0,90,NA,NA,NA,NA,"No","No",NA,NA,66,NA,"No","No",2,"Yes","No","No","No","No","No","No" -"1531",1556,"No","No","Male","autumn",1,96,NA,NA,62,NA,NA,"No","Yes",NA,65,28,"No","No",1,"No","No","No","No","No","No","No" -"1532",1557,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,73,NA,"No","No",1,"No","No","No","No","No","No","No" -"1533",1558,"No","No","Male","spring",1,NA,140,73,63,NA,NA,"No",NA,NA,69,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1534",1559,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,60,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1535",1560,"No","No","Female","autumn",1,94,NA,NA,84,NA,NA,"No",NA,NA,55,NA,"No","No",1,"No","No","No","No","No","No","No" -"1536",1561,"No","No","Female","winter",0,87,NA,NA,91,NA,NA,"No",NA,NA,54,NA,"No","No",1,"No","No","No","No","No","No","No" -"1537",1562,"No","No","Male","spring",1,87,140,85,112,NA,NA,"No","Yes",NA,62,35.01,"Yes","No",1,"No","No","No","No","No","No","No" -"1538",1563,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No","Yes",NA,78,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1539",1564,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,71,23.95,"Yes","No",1,"No","No","No","No","No","No","No" -"1540",1565,"No","No","Male","spring",3,NA,NA,NA,NA,NA,NA,"No","No",0,70,23.95,"Yes","No",1,"No","No","No","No","No","No","No" -"1541",1566,"No","No","Male","autumn",3,NA,164,87,77,NA,NA,"No",NA,NA,69,29.53,"Yes","No",2,"Yes","No","No","No","No","No","No" -"1542",1567,"No","No","Male","spring",3,NA,NA,NA,NA,NA,NA,NA,NA,NA,68,28.1,"Yes","No",2,"Yes","No","No","No","No","No","No" -"1543",1568,"No","No","Male","winter",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,68,28.1,"Yes","No",2,"Yes","No","No","No","No","No","No" -"1544",1569,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No","Yes",NA,71,24.97,"Yes","No",1,"No","No","No","No","No","No","No" -"1545",1570,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No","No",0,63,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1546",1571,"No","No","Male","spring",1,90,NA,NA,NA,NA,NA,"No",NA,NA,87,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1547",1572,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,85,NA,"Yes","No",2,"No","No","No","Yes","No","No","No" -"1548",1573,"No","No","Female","winter",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,91,22.94,"No","No",1,"No","No","No","No","No","No","No" -"1549",1574,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,88,NA,"No","Yes",1,"No","No","No","No","No","No","No" -"1550",1575,"No","No","Male","autumn",2,96,NA,NA,65,NA,"No","No","Yes",4,79,27.48,"Yes","No",1,"No","No","No","No","No","No","No" -"1551",1576,"No","No","Male","summer",1,92,135,75,86,NA,NA,"No",NA,NA,79,27.48,"Yes","No",1,"No","No","No","No","No","No","No" -"1552",1577,"No","No","Male","spring",0,95,155,85,70,NA,NA,"No",NA,NA,79,27.48,"Yes","No",1,"No","No","No","No","No","No","No" -"1553",1578,"No","No","Male","winter",0,90,NA,NA,NA,NA,"No","No","Yes",NA,72,34.18,"No","No",1,"No","No","No","No","No","No","No" -"1554",1579,"No","No","Male","autumn",3,96,NA,NA,NA,NA,NA,"No",NA,NA,71,NA,"No","No",4,"No","No","No","No","No","No","No" -"1555",1580,"No","No","Male","spring",2,93,125,74,68,NA,NA,"No",NA,NA,71,NA,"No","No",4,"No","No","No","No","No","No","No" -"1556",1581,"No","No","Male","spring",1,93,144,81,86,NA,"Yes","No","Yes",4,71,NA,"No","No",4,"No","No","No","No","No","No","No" -"1557",1582,"No","No","Male","winter",1,96,NA,NA,NA,NA,NA,"No",NA,NA,71,31.64,"No","No",4,"No","No","No","No","No","No","No" -"1558",1583,"No","No","Male","spring",2,97,NA,NA,80,NA,NA,"No",NA,NA,68,32.81,"No","No",1,"No","No","No","No","No","No","No" -"1559",1584,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,67,32.81,"No","No",1,"No","No","No","No","No","No","No" -"1560",1585,"No","No","Male","winter",0,93,125,75,80,NA,"No","No","Yes",1,85,24.28,"No","No",1,"No","No","No","No","No","No","No" -"1561",1586,"No","No","Male","summer",2,93,123,66,103,35.7,"Yes","No","Yes",4,82,NA,"Yes","No",2,"Yes","No","No","No","No","No","No" -"1562",1587,"No","No","Male","summer",1,94,NA,NA,NA,NA,NA,"No","Yes",NA,82,NA,"Yes","No",2,"Yes","No","No","No","No","No","No" -"1563",1588,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,79,26.75,"Yes","No",3,"No","No","Yes","No","No","Yes","No" -"1564",1589,"No","No","Male","winter",2,96,NA,NA,78,NA,NA,NA,"Yes",NA,78,31.2,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1565",1590,"No","No","Male","winter",1,94,130,70,90,NA,NA,"No",NA,NA,78,31.2,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1566",1591,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,77,NA,"No","No",3,"No","No","No","No","No","Yes","No" -"1567",1592,"No","No","Male","spring",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,76,27.51,"No","No",1,"No","No","No","No","No","No","No" -"1568",1593,"No","No","Male","winter",0,89,NA,NA,76,NA,"No","No","Yes",4,76,27.51,"No","No",1,"No","No","No","No","No","No","No" -"1569",1594,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,61,NA,"No","No",1,"No","No","No","No","No","No","No" -"1570",1595,"No","No","Male","autumn",3,97,NA,NA,105,NA,NA,NA,NA,NA,84,19.53,"No","No",8,"No","No","No","No","No","Yes","Yes" -"1571",1596,"No","No","Male","summer",2,97,NA,NA,110,NA,NA,NA,NA,NA,84,19.53,"No","No",8,"No","No","No","No","No","Yes","Yes" -"1572",1597,"No","No","Male","spring",1,93,NA,NA,96,NA,NA,NA,NA,NA,84,19.53,"No","No",8,"No","No","No","No","No","Yes","Yes" -"1573",1598,"No","No","Male","winter",1,98,NA,NA,112,NA,NA,"No",NA,NA,84,19.53,"No","No",8,"No","No","No","No","No","Yes","Yes" -"1574",1599,"No","No","Male","autumn",6,88,NA,NA,126,NA,NA,"No","Yes",NA,72,NA,"No","No",6,"No","No","No","Yes","No","Yes","No" -"1575",1600,"No","No","Male","autumn",5,86,NA,NA,109,NA,NA,NA,"Yes",4,72,NA,"No","No",3,"No","No","No","Yes","No","Yes","No" -"1576",1601,"No","No","Male","autumn",1,93,NA,NA,NA,NA,NA,"No",NA,NA,93,NA,"No","No",2,"No","No","Yes","No","No","No","No" -"1577",1602,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,"No","Yes",NA,72,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"1578",1603,"No","No","Male","spring",1,87,NA,NA,NA,NA,NA,"No","Yes",4,71,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"1579",1604,"No","No","Male","winter",0,95,160,85,93,NA,"Yes",NA,NA,NA,71,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"1580",1605,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,24.54,"No","No",1,"No","No","No","No","No","No","No" -"1581",1606,"No","No","Male","winter",1,90,120,60,94,NA,NA,"No","Yes",NA,79,24.84,"No","No",1,"No","No","No","No","No","No","No" -"1582",1607,"No","No","Male","winter",0,90,NA,NA,88,NA,NA,"No","Yes",NA,79,41.34,"No","No",2,"Yes","No","No","No","No","No","No" -"1583",1608,"No","No","Male","summer",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,77,NA,"No","No",1,"No","No","No","No","No","No","No" -"1584",1609,"No","No","Male","spring",1,93,NA,NA,86,NA,"No","No",NA,NA,77,NA,"No","No",1,"No","No","No","No","No","No","No" -"1585",1610,"No","No","Male","summer",1,93,NA,NA,58,NA,NA,"No",NA,NA,75,NA,"No","No",9,"Yes","No","No","No","No","Yes","Yes" -"1586",1611,"No","No","Male","winter",0,94,NA,NA,82,NA,NA,"No",NA,NA,75,NA,"No","No",9,"Yes","No","No","No","No","Yes","Yes" -"1587",1612,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,81,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1588",1613,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,80,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1589",1614,"No","No","Male","winter",3,89,NA,NA,90,37.2,NA,"No",NA,NA,77,NA,"Yes","No",10,"No","No","No","Yes","No","No","Yes" -"1590",1615,"No","No","Male","summer",0,94,NA,NA,NA,37.2,NA,NA,NA,NA,61,NA,"No","No",2,"No","No","No","No","No","Yes","No" -"1591",1616,"No","No","Female","autumn",1,89,NA,NA,87,NA,NA,"No",NA,NA,64,22.83,"No","No",1,"No","No","No","No","No","No","No" -"1592",1617,"No","No","Female","winter",3,NA,NA,NA,NA,NA,NA,"No",NA,NA,63,22.83,"No","No",1,"No","No","No","No","No","No","No" -"1593",1618,"No","No","Male","autumn",1,88,NA,NA,NA,NA,NA,"No",NA,NA,85,NA,"Yes","Yes",2,"No","No","Yes","No","No","No","No" -"1594",1619,"No","No","Male","winter",1,88,120,78,NA,NA,NA,NA,NA,NA,84,NA,"Yes","Yes",1,"No","No","No","No","No","No","No" -"1595",1620,"No","No","Female","winter",2,95,NA,NA,NA,NA,NA,"No","Yes",NA,84,NA,"No","No",7,"No","No","No","No","No","No","Yes" -"1596",1621,"No","No","Male","autumn",3,82,NA,NA,NA,NA,NA,NA,NA,NA,83,NA,"No","No",4,"No","No","No","No","No","No","No" -"1597",1622,"No","No","Male","summer",2,82,NA,NA,NA,NA,NA,"No",NA,NA,83,NA,"No","No",4,"No","No","No","No","No","No","No" -"1598",1623,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,82,NA,"No","No",4,"No","No","No","No","No","No","No" -"1599",1624,"No","No","Male","winter",0,82,NA,NA,NA,NA,"Yes",NA,"Yes",4,67,NA,"No","Yes",8,"No","No","No","Yes","No","No","Yes" -"1600",1625,"No","No","Female","autumn",0,95,NA,NA,NA,NA,NA,NA,NA,NA,57,NA,"No","No",1,"No","No","No","No","No","No","No" -"1601",1626,"No","No","Male","winter",0,91,NA,NA,NA,NA,"No","No",NA,NA,78,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1602",1627,"Yes","Yes","Male","spring",2,76,130,60,72,NA,NA,"No","Yes",NA,86,22.18,"No","No",4,"No","No","No","No","No","Yes","Yes" -"1603",1628,"No","No","Male","winter",1,84,NA,NA,66,NA,NA,"No","Yes",4,86,22.18,"No","No",4,"No","No","No","No","No","Yes","Yes" -"1604",1629,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,"No","No",0,64,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1605",1630,"No","No","Male","autumn",0,NA,145,65,95,NA,NA,"No",NA,NA,70,NA,"No","No",3,"No","No","No","Yes","No","Yes","No" -"1606",1631,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,61,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1607",1632,"No","No","Male","winter",1,95,NA,NA,NA,NA,NA,"No",NA,NA,70,25.72,"Yes","No",2,"Yes","No","No","No","No","No","No" -"1608",1633,"No","No","Female","autumn",0,95,NA,NA,NA,NA,NA,"No",NA,NA,81,NA,"Yes","No",2,"No","Yes","No","No","No","No","No" -"1609",1635,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,69,28.54,"Yes","No",1,"No","No","No","No","No","No","No" -"1610",1636,"Yes","Yes","Male","autumn",1,75,115,69,86,35.6,NA,"Yes",NA,NA,87,NA,"No","No",1,"No","No","No","No","No","No","No" -"1611",1638,"No","No","Male","winter",0,85,116,56,81,36.8,"No","No","Yes",NA,87,NA,"No","No",1,"No","No","No","No","No","No","No" -"1612",1639,"No","No","Male","winter",1,85,NA,NA,NA,NA,NA,NA,"Yes",3,76,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1613",1640,"No","No","Male","autumn",2,83,93,46,86,36.2,"Yes","No","Yes",4,83,37.91,"Yes","No",2,"No","Yes","No","No","No","No","No" -"1614",1641,"No","No","Male","winter",4,95,NA,NA,86,NA,NA,NA,NA,NA,83,37.91,"Yes","No",2,"No","Yes","No","No","No","No","No" -"1615",1642,"No","No","Female","autumn",1,92,NA,NA,NA,NA,"Yes","No",NA,NA,70,NA,"No","No",2,"No","No","No","No","No","No","No" -"1616",1643,"No","No","Female","spring",0,92,NA,NA,NA,NA,"Yes","No","Yes",NA,69,42.91,"No","No",2,"No","No","No","No","No","No","No" -"1617",1644,"No","No","Male","winter",1,91,160,67,70,36.8,"No","No","Yes",2,87,25.57,"No","No",2,"No","No","No","No","No","Yes","No" -"1618",1645,"No","No","Male","winter",0,91,NA,NA,NA,NA,NA,"No",NA,NA,71,34.5,"Yes","No",1,"No","No","No","No","No","No","No" -"1619",1646,"No","No","Male","autumn",0,95,NA,NA,96,NA,NA,"No","Yes",NA,80,25.6,"No","No",2,"No","No","No","No","No","Yes","No" -"1620",1647,"No","No","Male","winter",0,90,NA,NA,NA,NA,NA,"No","Yes",2,68,30.86,"No","No",2,"No","No","No","No","No","Yes","No" -"1621",1648,"No","No","Male","summer",0,94,NA,NA,NA,NA,"Yes",NA,"Yes",NA,76,28.83,"No","No",1,"No","No","No","No","No","No","No" -"1622",1649,"No","No","Male","summer",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,85,30.11,"Yes","No",1,"No","No","No","No","No","No","No" -"1623",1650,"No","No","Male","winter",0,92,NA,NA,NA,NA,NA,"No",NA,NA,85,30.11,"Yes","No",1,"No","No","No","No","No","No","No" -"1624",1651,"No","No","Female","summer",1,88,172,102,92,NA,"Yes","No","Yes",3,84,37.69,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1625",1652,"No","No","Female","winter",0,74,NA,NA,NA,NA,"No","No","Yes",4,83,37.69,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1626",1653,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,79,25.34,"Yes","No",1,"No","No","No","No","No","No","No" -"1627",1654,"No","No","Male","spring",0,94,NA,NA,NA,NA,NA,NA,"Yes",NA,77,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1628",1655,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,"No",NA,NA,68,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"1629",1656,"No","No","Male","autumn",1,NA,140,70,88,NA,NA,"No","Yes",NA,65,32.62,"No","No",2,"No","No","No","No","No","Yes","No" -"1630",1657,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,54,18.66,"No","No",1,"No","No","No","No","No","No","No" -"1631",1658,"No","No","Male","autumn",1,79,170,100,133,39,"Yes","No","Yes",NA,90,NA,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1632",1659,"No","No","Male","autumn",0,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,82,37.76,"Yes","No",2,"No","No","No","Yes","No","No","No" -"1633",1660,"No","No","Male","winter",1,94,NA,NA,67,NA,NA,NA,NA,NA,81,31.64,"No","No",1,"No","No","No","No","No","No","No" -"1634",1661,"Yes","Yes","Male","autumn",2,95,NA,NA,78,NA,NA,"No",NA,NA,80,NA,"Yes","No",8,"No","Yes","No","No","No","No","Yes" -"1635",1662,"No","No","Male","summer",1,78,NA,NA,NA,NA,NA,"No",NA,NA,80,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"1636",1663,"No","No","Male","spring",0,90,NA,NA,105,NA,NA,"No",NA,NA,80,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"1637",1664,"No","No","Male","spring",2,95,NA,NA,94,36,NA,"No","Yes",NA,69,27.97,"No","No",1,"No","No","No","No","No","No","No" -"1638",1665,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,"No","Yes",NA,69,27.97,"No","No",1,"No","No","No","No","No","No","No" -"1639",1666,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,53,NA,"No","No",1,"No","No","No","No","No","No","No" -"1640",1667,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No",NA,NA,70,NA,"No","No",1,"No","No","No","No","No","No","No" -"1641",1668,"No","No","Female","autumn",3,NA,NA,NA,NA,NA,NA,"No","Yes",NA,59,22.77,"Yes","No",4,"No","No","No","No","No","No","No" -"1642",1669,"No","No","Female","spring",2,NA,NA,NA,NA,NA,NA,"No",NA,NA,58,22.77,"Yes","No",4,"No","No","No","No","No","No","No" -"1643",1670,"No","No","Female","winter",2,93,NA,NA,NA,NA,NA,"No","Yes",4,58,22.77,"Yes","No",4,"No","No","No","No","No","No","No" -"1644",1671,"No","No","Male","winter",3,NA,NA,NA,NA,NA,NA,NA,NA,NA,82,30.9,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1645",1672,"No","No","Male","autumn",2,NA,NA,NA,NA,NA,NA,NA,NA,NA,81,30.9,"Yes","No",2,"No","No","No","No","No","Yes","No" -"1646",1673,"No","No","Male","summer",3,NA,NA,NA,NA,NA,NA,"No",NA,NA,82,25.2,"No","Yes",8,"No","No","No","No","No","Yes","Yes" -"1647",1674,"No","No","Male","spring",2,93,NA,NA,106,NA,NA,"No",NA,NA,82,25.2,"No","Yes",8,"No","No","No","No","No","Yes","Yes" -"1648",1675,"No","No","Male","winter",1,96,NA,NA,110,NA,NA,NA,NA,NA,81,25.2,"No","Yes",8,"No","No","No","No","No","Yes","Yes" -"1649",1676,"No","No","Male","spring",3,NA,NA,NA,NA,NA,NA,"No","Yes",4,81,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"1650",1677,"No","No","Male","autumn",2,95,140,80,56,NA,NA,"No","Yes",3,81,NA,"Yes","No",7,"No","No","No","No","No","No","Yes" -"1651",1678,"No","No","Male","autumn",5,95,NA,NA,NA,NA,NA,NA,NA,NA,82,28.73,"Yes","No",2,"No","No","No","Yes","No","No","No" -"1652",1679,"No","No","Male","summer",5,86,NA,NA,70,NA,"No","No",NA,NA,82,28.73,"Yes","No",2,"No","No","No","Yes","No","No","No" -"1653",1681,"No","No","Male","spring",4,95,NA,NA,79,NA,NA,NA,NA,NA,81,28.73,"Yes","No",2,"No","No","No","Yes","No","No","No" -"1654",1682,"No","No","Male","spring",3,NA,NA,NA,NA,NA,NA,NA,NA,NA,81,28.73,"Yes","No",2,"No","No","No","Yes","No","No","No" -"1655",1683,"No","No","Male","winter",2,87,NA,NA,110,NA,"No","No",NA,NA,81,28.73,"Yes","No",2,"No","No","No","Yes","No","No","No" -"1656",1684,"Yes","Yes","Male","autumn",3,91,NA,NA,88,36.2,"No","No","Yes",3,81,NA,"No","Yes",3,"Yes","No","No","Yes","No","No","No" -"1657",1685,"No","No","Male","summer",3,91,NA,NA,50,36,"Yes","No","Yes",NA,81,NA,"No","Yes",3,"Yes","No","No","Yes","No","No","No" -"1658",1686,"No","No","Male","summer",3,92,110,55,NA,NA,NA,"No","Yes",4,81,24.01,"No","Yes",3,"Yes","No","No","Yes","No","No","No" -"1659",1687,"No","No","Male","spring",3,NA,NA,NA,NA,NA,NA,NA,NA,NA,81,24.01,"No","Yes",3,"Yes","No","No","Yes","No","No","No" -"1660",1688,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,81,NA,"Yes","No",5,"No","No","No","Yes","No","No","No" -"1661",1689,"No","No","Male","summer",0,93,130,60,65,NA,NA,"No",NA,NA,81,NA,"Yes","No",5,"No","No","No","Yes","No","No","No" -"1662",1690,"No","No","Male","winter",3,88,NA,NA,NA,NA,NA,NA,NA,NA,80,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1663",1691,"No","No","Male","winter",2,NA,148,76,76,NA,NA,NA,NA,NA,80,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1664",1692,"No","No","Male","spring",0,95,183,103,100,36.8,"No","No","Yes",NA,79,33.38,"Yes","No",1,"No","No","No","No","No","No","No" -"1665",1693,"No","No","Male","autumn",0,96,NA,NA,68,NA,NA,"No",NA,NA,78,NA,"No","No",1,"No","No","No","No","No","No","No" -"1666",1694,"No","No","Female","autumn",3,94,NA,NA,67,NA,NA,NA,NA,NA,77,NA,"No","No",1,"No","No","No","No","No","No","No" -"1667",1695,"No","No","Female","summer",2,97,NA,NA,98,NA,NA,"No","Yes",NA,77,NA,"No","No",1,"No","No","No","No","No","No","No" -"1668",1696,"No","No","Female","winter",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,74,30.68,"Yes","No",1,"No","No","No","No","No","No","No" -"1669",1697,"No","No","Male","spring",1,92,NA,NA,NA,NA,NA,"No",NA,NA,74,21.01,"Yes","No",4,"No","No","No","No","No","No","No" -"1670",1698,"No","No","Male","winter",0,92,NA,NA,NA,NA,NA,"No",NA,NA,74,21.01,"Yes","No",4,"No","No","No","No","No","No","No" -"1671",1699,"No","No","Male","autumn",0,NA,116,60,NA,NA,NA,NA,NA,NA,75,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1672",1700,"No","No","Female","autumn",0,NA,130,60,NA,NA,NA,"No",NA,NA,73,24.77,"Yes","No",1,"No","No","No","No","No","No","No" -"1673",1701,"No","No","Male","summer",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,72,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1674",1702,"No","No","Male","autumn",3,NA,NA,NA,NA,NA,NA,"No","Yes",4,71,34.6,"No","No",2,"No","No","No","No","No","Yes","No" -"1675",1703,"No","No","Male","winter",4,NA,NA,NA,NA,NA,"Yes","No","Yes",NA,70,34.6,"No","No",2,"No","No","No","No","No","Yes","No" -"1676",1704,"No","No","Male","winter",2,88,NA,NA,NA,NA,NA,"No",NA,NA,68,32.29,"Yes","No",1,"No","No","No","No","No","No","No" -"1677",1705,"No","No","Female","winter",3,91,NA,NA,103,NA,"No","No","Yes",3,62,NA,"No","No",1,"No","No","No","No","No","No","No" -"1678",1706,"No","No","Female","winter",2,90,NA,NA,108,NA,"No","No","Yes",NA,62,NA,"No","No",1,"No","No","No","No","No","No","No" -"1679",1707,"No","No","Male","winter",0,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,58,NA,"Yes","No",4,"No","No","No","No","No","No","No" -"1680",1708,"No","No","Male","spring",0,NA,NA,NA,NA,NA,NA,NA,NA,NA,82,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1681",1709,"No","No","Male","winter",1,92,NA,NA,NA,NA,NA,"No",NA,NA,81,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1682",1710,"No","No","Male","autumn",2,93,NA,NA,NA,NA,NA,"No","Yes",NA,79,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1683",1711,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,NA,NA,NA,78,NA,"Yes","No",1,"No","No","No","No","No","No","No" -"1684",1712,"No","No","Male","summer",2,NA,142,66,65,NA,NA,NA,"Yes",NA,87,25.08,"No","No",1,"No","No","No","No","No","No","No" -"1685",1713,"No","No","Male","winter",1,NA,NA,NA,NA,NA,NA,NA,"Yes",NA,87,25.08,"No","No",1,"No","No","No","No","No","No","No" -"1686",1714,"No","No","Male","autumn",1,NA,NA,NA,NA,NA,NA,"No","Yes",NA,86,25.08,"No","No",1,"No","No","No","No","No","No","No" -"1687",1715,"No","No","Male","autumn",0,93,NA,NA,NA,35.9,"No","No","Yes",NA,81,NA,"No","Yes",1,"No","No","No","No","No","No","No" -"1688",1716,"No","No","Male","autumn",1,97,NA,NA,76,NA,NA,"No","Yes",NA,97,39.06,"No","Yes",1,"No","No","No","No","No","No","No" -"1689",1717,"No","No","Male","autumn",1,96,121,82,91,35.2,"No","No",NA,NA,76,29.22,"No","No",1,"No","No","No","No","No","No","No" -"1690",1718,"No","No","Male","summer",0,95,NA,NA,84,NA,NA,"No",NA,NA,76,29.22,"No","No",1,"No","No","No","No","No","No","No" -"1691",1719,"No","No","Male","autumn",2,92,190,70,91,36.5,"No","No","Yes",4,80,19.31,"No","No",1,"No","No","No","No","No","No","No" -"1692",1720,"No","No","Male","winter",1,96,181,87,94,35.9,NA,"No","Yes",3,79,19.31,"No","No",1,"No","No","No","No","No","No","No" -"1693",1721,"No","No","Male","autumn",0,92,NA,NA,NA,NA,NA,"No",NA,NA,78,32.58,"No","No",7,"No","No","No","No","No","No","Yes" -"1694",1722,"No","No","Male","winter",0,95,NA,NA,89,NA,NA,"No","Yes",NA,70,27.23,"No","No",3,"Yes","No","No","Yes","No","No","No" -"1695",1723,"Yes","Yes","Male","winter",2,NA,110,67,56,37.5,"Yes","No","Yes",NA,84,NA,"Yes","No",2,"No","Yes","No","No","No","No","No" -"1696",1724,"Yes","Yes","Male","spring",3,92,100,60,100,38,"No","No","Yes",4,85,32.25,"Yes","No",2,"No","Yes","No","No","No","No","No" diff --git a/data/exxagerate/raw/exaggerate_rawdata.sav b/data/exxagerate/raw/exaggerate_rawdata.sav deleted file mode 100644 index 2caae402..00000000 Binary files a/data/exxagerate/raw/exaggerate_rawdata.sav and /dev/null differ diff --git a/data/iai_pecarn/processed/meta_test.csv b/data/iai_pecarn/processed/meta_test.csv deleted file mode 100644 index 58b694bb..00000000 --- a/data/iai_pecarn/processed/meta_test.csv +++ /dev/null @@ -1,2410 +0,0 @@ -,InitHeartRate,InitSysBPRange,Race_American Indian or Alaska Native,Race_Asian,Race_Black or African American,Race_Native Hawaiian or other Pacific Islander,Race_White (Non-Hispanic),Race_unknown -5330,133.0,116.0,0,0,0,0,1,0 -4531,64.0,104.0,0,0,1,0,0,0 -365,87.0,95.0,0,0,0,0,1,0 -12021,196.0,115.0,0,0,0,0,1,0 -147,120.0,136.0,0,0,1,0,0,0 -1668,58.0,96.0,0,0,1,0,0,0 -10649,95.0,110.0,0,0,0,0,0,1 -7650,166.0,99.0,0,0,0,0,1,0 -8599,97.0,129.0,0,0,0,0,0,1 -7788,109.0,111.0,0,0,0,0,1,0 -3456,119.0,139.0,0,0,0,0,1,0 -3271,113.0,125.0,0,0,0,0,1,0 -4940,99.0,119.0,0,0,1,0,0,0 -9223,108.0,118.0,0,0,0,0,1,0 -6230,103.0,129.0,0,0,1,0,0,0 -10720,86.0,137.0,0,0,0,0,1,0 -10400,92.0,109.0,0,0,1,0,0,0 -9047,100.0,114.0,0,0,0,0,1,0 -3926,64.0,115.0,0,0,0,0,1,0 -10286,95.0,129.0,0,0,0,0,1,0 -8080,143.0,137.0,0,0,0,0,0,1 -78,56.0,139.0,0,0,0,0,1,0 -7088,107.0,119.0,0,0,0,0,1,0 -2247,83.0,102.0,0,0,1,0,0,0 -9935,90.0,114.0,0,0,0,0,0,1 -11977,88.0,129.0,0,0,0,0,0,1 -9974,120.0,119.0,0,0,1,0,0,0 -7451,115.0,145.0,0,0,0,0,1,0 -8980,128.0,135.0,0,0,0,0,1,0 -2279,116.0,112.0,0,0,1,0,0,0 -8123,169.0,113.0,0,0,0,0,1,0 -3897,92.0,144.0,0,0,0,0,1,0 -9702,78.0,128.0,0,0,1,0,0,0 -7177,201.0,109.0,0,0,0,0,0,1 -9312,107.0,101.0,0,0,0,0,1,0 -11385,96.0,96.0,0,0,0,0,1,0 -3631,160.0,100.0,0,0,0,0,1,0 -11908,86.0,111.0,0,0,0,0,0,1 -6272,97.0,115.0,0,0,0,0,1,0 -8616,132.0,92.0,0,0,0,0,1,0 -392,96.0,120.0,0,0,1,0,0,0 -3191,77.0,90.0,0,0,1,0,0,0 -16,89.0,104.0,0,0,0,0,1,0 -4200,124.0,120.0,0,0,0,0,1,0 -2672,116.0,140.0,0,0,0,0,1,0 -6164,118.0,88.0,0,0,1,0,0,0 -3493,165.0,65.0,0,0,0,0,1,0 -9651,116.0,131.0,0,0,1,0,0,0 -7394,89.0,97.0,0,0,1,0,0,0 -4839,60.0,117.0,0,0,0,0,1,0 -593,113.0,135.0,0,0,0,0,1,0 -11214,122.0,104.0,0,0,0,0,1,0 -8737,102.0,114.0,0,0,0,0,0,1 -5827,73.0,134.0,0,0,0,0,1,0 -7961,96.0,121.0,0,0,0,0,1,0 -5887,114.0,108.0,0,0,0,0,0,1 -2355,106.0,123.0,0,0,1,0,0,0 -6036,93.0,129.0,0,0,0,0,0,1 -4798,149.0,137.0,0,0,0,0,1,0 -10410,115.0,128.0,0,0,0,0,1,0 -4592,104.0,116.0,0,0,0,0,1,0 -8656,169.0,124.0,0,0,0,0,1,0 -163,123.0,143.0,0,0,0,0,0,1 -11540,114.0,93.0,0,0,1,0,0,0 -11360,135.0,100.0,0,0,0,0,1,0 -11772,144.0,109.0,0,0,0,0,1,0 -7380,108.0,116.0,0,0,0,0,1,0 -11989,131.0,116.0,0,0,1,0,0,0 -6356,84.0,131.0,0,0,0,0,0,1 -9092,101.0,89.0,0,0,1,0,0,0 -5542,95.0,100.0,0,0,0,0,1,0 -6007,77.0,116.0,0,0,1,0,0,0 -7993,73.0,121.0,0,0,1,0,0,0 -7638,111.0,92.0,0,1,0,0,0,0 -6793,68.0,101.0,0,0,0,0,1,0 -7758,128.0,152.0,0,0,0,0,1,0 -4837,142.0,104.0,0,0,0,0,0,1 -2293,103.0,137.0,0,0,1,0,0,0 -6548,112.0,102.0,0,0,0,0,0,1 -7898,177.0,92.0,0,0,0,0,0,1 -4481,90.0,158.0,0,0,0,0,1,0 -3716,75.0,122.0,0,0,1,0,0,0 -6140,62.0,91.0,0,0,0,0,1,0 -1549,170.0,127.0,0,0,0,0,1,0 -2044,91.0,160.0,0,0,0,0,1,0 -767,76.0,100.0,0,0,0,0,1,0 -5693,51.0,118.0,0,0,0,0,0,1 -7870,89.0,114.0,0,0,0,0,1,0 -9700,150.0,94.0,0,0,0,0,1,0 -7857,86.0,126.0,0,0,0,0,0,1 -3302,96.0,122.0,1,0,0,0,0,0 -4517,115.0,110.0,0,0,1,0,0,0 -11872,107.0,111.0,0,0,1,0,0,0 -9730,90.0,108.0,0,0,0,0,0,1 -3292,88.0,127.0,0,0,0,0,1,0 -9011,128.0,115.0,0,0,1,0,0,0 -1403,120.0,119.0,0,0,1,0,0,0 -1382,108.0,140.0,0,0,0,0,0,1 -6928,100.0,140.0,0,0,0,0,1,0 -5671,146.0,110.0,0,0,0,0,1,0 -1638,80.0,110.0,0,0,0,0,1,0 -11795,78.0,139.0,0,0,0,0,1,0 -6907,121.0,130.0,0,0,0,0,1,0 -8591,82.0,106.0,0,0,0,0,1,0 -6406,133.0,133.0,0,0,0,0,1,0 -9074,118.0,112.0,0,0,1,0,0,0 -1179,90.0,120.0,0,0,0,0,1,0 -5448,80.0,108.0,0,0,0,0,1,0 -5078,92.0,119.0,0,0,0,0,0,1 -8648,102.0,123.0,0,0,0,0,1,0 -5175,60.0,117.0,0,0,0,0,0,1 -689,86.0,122.0,0,0,0,0,1,0 -10660,131.0,108.0,0,0,1,0,0,0 -6525,55.0,135.0,0,0,0,0,1,0 -11825,81.0,112.0,0,0,0,0,1,0 -6488,95.0,87.0,0,0,0,0,1,0 -7154,62.0,121.0,0,0,0,0,0,1 -10132,90.0,111.0,0,0,0,0,1,0 -6610,87.0,114.0,0,0,1,0,0,0 -10311,94.0,180.0,0,0,0,0,1,0 -4349,120.0,131.0,0,0,0,0,0,1 -1884,68.0,114.0,0,0,1,0,0,0 -10403,81.0,117.0,0,0,0,0,1,0 -2494,82.0,121.0,0,0,0,0,1,0 -5947,122.0,119.0,0,0,0,0,1,0 -3036,114.0,129.0,0,0,0,0,0,1 -5777,92.0,106.0,0,0,1,0,0,0 -845,110.0,128.0,0,0,0,0,1,0 -8734,88.0,119.0,0,0,1,0,0,0 -7967,105.0,94.0,0,0,0,0,1,0 -10208,70.0,98.0,0,0,1,0,0,0 -7340,86.0,105.0,0,0,0,0,1,0 -10839,100.0,128.0,0,0,1,0,0,0 -9969,89.0,137.0,0,0,0,0,0,1 -7137,121.0,148.0,0,0,0,0,1,0 -2964,117.0,119.0,0,0,0,0,1,0 -2529,118.0,108.0,0,0,1,0,0,0 -5772,132.0,130.0,0,0,1,0,0,0 -1048,132.0,112.0,0,0,1,0,0,0 -7045,61.0,150.0,0,0,1,0,0,0 -1960,130.0,121.0,0,0,0,0,1,0 -2530,166.0,96.0,0,0,0,0,1,0 -8429,112.0,105.0,0,0,1,0,0,0 -4917,96.0,127.0,0,0,0,0,1,0 -9325,164.0,74.0,0,0,0,0,1,0 -5901,125.0,115.0,0,0,0,0,0,1 -8286,70.0,122.0,0,0,0,0,1,0 -4259,98.0,110.0,0,1,0,0,0,0 -10319,91.0,120.0,0,0,0,0,1,0 -5656,133.0,106.0,0,0,0,0,1,0 -6097,189.0,111.0,0,0,0,0,1,0 -5907,120.0,100.0,0,0,0,0,1,0 -7373,150.0,96.0,0,0,1,0,0,0 -2978,190.0,120.0,0,0,0,0,0,1 -10669,111.0,170.0,0,0,0,0,0,1 -11198,150.0,98.0,0,0,0,1,0,0 -6721,85.0,150.0,0,0,0,0,1,0 -7842,88.0,126.0,0,0,1,0,0,0 -8264,99.0,119.0,0,0,0,0,1,0 -10562,71.0,116.0,0,0,1,0,0,0 -3138,72.0,120.0,0,0,1,0,0,0 -8325,101.0,134.0,0,0,1,0,0,0 -11956,89.0,125.0,0,0,0,0,1,0 -1826,183.0,109.0,0,0,0,0,1,0 -5548,208.0,88.0,0,0,1,0,0,0 -8785,64.0,119.0,0,0,0,0,1,0 -560,99.0,100.0,0,0,0,0,0,1 -10606,76.0,135.0,0,0,0,0,1,0 -8435,116.0,114.0,0,0,0,0,0,1 -5435,100.0,119.0,0,0,1,0,0,0 -4437,85.0,121.0,0,0,0,0,0,1 -8597,84.0,118.0,0,0,0,0,0,1 -1442,72.0,132.0,0,0,0,0,0,1 -8453,70.0,117.0,0,0,0,0,0,1 -4406,74.0,113.0,0,0,0,0,1,0 -11478,74.0,112.0,0,0,0,0,0,1 -1689,137.0,89.0,0,0,1,0,0,0 -11885,84.0,120.0,0,0,0,0,1,0 -10824,114.0,96.0,0,0,1,0,0,0 -5962,107.0,124.0,0,0,1,0,0,0 -2496,119.0,113.0,0,0,1,0,0,0 -9858,190.0,118.0,0,0,0,0,1,0 -340,98.0,130.0,0,0,1,0,0,0 -2408,108.0,113.0,0,0,0,0,0,1 -9793,84.0,133.0,0,0,0,0,1,0 -10052,120.0,133.0,0,0,1,0,0,0 -5782,99.0,119.0,0,0,1,0,0,0 -4576,99.0,101.0,0,0,1,0,0,0 -3725,89.0,130.0,0,0,0,0,1,0 -2785,94.0,119.0,0,0,0,0,1,0 -9715,58.0,133.0,0,0,1,0,0,0 -1012,106.0,146.0,0,0,0,0,1,0 -5280,110.0,112.0,0,0,0,0,0,1 -4895,134.0,72.0,0,0,0,0,1,0 -7121,152.0,100.0,0,0,0,0,0,1 -6549,148.0,121.0,0,0,0,0,1,0 -4037,86.0,116.0,0,0,1,0,0,0 -148,97.0,95.0,0,0,0,0,1,0 -285,110.0,120.0,0,0,0,0,1,0 -11625,85.0,108.0,0,0,1,0,0,0 -8555,100.0,130.0,0,0,0,0,1,0 -10117,99.0,128.0,0,0,1,0,0,0 -9732,88.0,110.0,0,0,0,0,1,0 -6770,130.0,103.0,0,0,0,0,1,0 -4443,79.0,133.0,0,0,0,0,0,1 -7446,107.0,119.0,0,0,1,0,0,0 -236,82.0,113.0,0,0,0,0,1,0 -11549,105.0,112.0,0,0,0,0,1,0 -7123,95.0,113.0,0,0,0,0,1,0 -10050,94.0,132.0,0,0,0,0,0,1 -3083,82.0,111.0,0,0,0,0,0,1 -632,109.0,112.0,0,0,0,0,1,0 -6813,113.0,131.0,0,0,0,0,0,1 -2493,84.0,122.0,0,0,0,0,1,0 -2665,125.0,115.0,0,0,0,0,1,0 -10218,104.0,110.0,0,0,0,0,1,0 -10287,90.0,101.0,0,0,1,0,0,0 -10133,88.0,138.0,0,0,1,0,0,0 -10193,54.0,123.0,0,0,0,0,1,0 -4211,71.0,111.0,0,0,0,0,1,0 -9686,108.0,119.0,0,0,0,0,1,0 -3874,99.0,133.0,0,0,0,0,1,0 -9424,176.0,122.0,0,0,0,0,1,0 -2817,95.0,124.0,0,0,0,0,1,0 -9941,130.0,96.0,0,0,1,0,0,0 -11818,88.0,121.0,0,0,0,0,0,1 -10809,100.0,145.0,0,0,0,0,1,0 -7426,84.0,119.0,0,0,1,0,0,0 -10782,76.0,119.0,0,0,1,0,0,0 -10197,119.0,114.0,0,0,0,0,1,0 -11078,107.0,104.0,0,0,1,0,0,0 -9777,85.0,107.0,0,0,0,0,1,0 -1735,130.0,100.0,0,0,0,0,1,0 -7397,68.0,122.0,0,0,0,0,1,0 -4255,103.0,129.0,0,0,1,0,0,0 -9966,84.0,106.0,0,0,1,0,0,0 -2475,117.0,106.0,0,1,0,0,0,0 -12022,148.0,121.0,0,0,1,0,0,0 -3713,88.0,130.0,0,1,0,0,0,0 -10806,149.0,109.0,0,0,0,0,0,1 -1804,168.0,108.0,0,0,0,0,1,0 -707,130.0,102.0,0,0,0,0,1,0 -11067,110.0,160.0,0,0,1,0,0,0 -5189,150.0,138.0,0,0,0,0,1,0 -5472,110.0,110.0,0,1,0,0,0,0 -72,74.0,126.0,0,0,0,0,1,0 -7843,83.0,137.0,0,0,1,0,0,0 -5101,74.0,128.0,0,0,0,0,1,0 -6764,130.0,97.0,0,0,0,0,1,0 -9382,84.0,138.0,0,0,1,0,0,0 -1125,103.0,119.0,0,0,1,0,0,0 -1241,72.0,111.0,0,0,1,0,0,0 -9923,75.0,124.0,0,0,0,0,1,0 -2349,68.0,119.0,0,0,0,0,1,0 -6602,81.0,119.0,0,0,0,0,1,0 -6780,102.0,93.0,0,0,1,0,0,0 -9769,159.0,116.0,0,0,0,0,1,0 -4358,88.0,122.0,0,0,0,0,1,0 -1343,83.0,124.0,0,0,0,0,1,0 -12027,100.0,119.0,0,0,1,0,0,0 -10455,70.0,99.0,0,0,1,0,0,0 -11957,136.0,123.0,0,0,0,0,0,1 -8632,98.0,127.0,0,0,1,0,0,0 -6652,114.0,124.0,0,0,0,0,1,0 -1100,157.0,139.0,0,0,0,0,0,1 -9160,86.0,147.0,0,0,0,0,1,0 -8841,89.0,94.0,0,0,1,0,0,0 -9738,60.0,133.0,0,0,0,0,1,0 -7327,88.0,114.0,0,0,0,0,1,0 -7622,105.0,133.0,0,0,0,0,1,0 -987,111.0,121.0,0,0,0,0,1,0 -2852,100.0,113.0,0,0,1,0,0,0 -8853,137.0,151.0,0,0,0,0,1,0 -630,72.0,110.0,0,0,0,0,0,1 -1249,99.0,107.0,0,0,0,0,1,0 -3179,105.0,133.0,0,0,0,0,1,0 -482,99.0,124.0,0,0,1,0,0,0 -9776,140.0,115.0,0,0,0,0,1,0 -9654,99.0,119.0,0,0,0,0,0,1 -3040,65.0,112.0,0,0,1,0,0,0 -5010,64.0,90.0,0,0,0,0,1,0 -10517,96.0,134.0,0,0,1,0,0,0 -7000,101.0,146.0,0,0,1,0,0,0 -3273,93.0,115.0,0,0,0,0,1,0 -7227,117.0,82.0,0,0,0,0,1,0 -3683,85.0,129.0,0,0,1,0,0,0 -6674,88.0,119.0,0,0,1,0,0,0 -6807,86.0,132.0,0,0,1,0,0,0 -11725,80.0,132.0,0,0,0,0,1,0 -1316,97.0,102.0,0,0,0,0,1,0 -3225,83.0,144.0,0,0,0,0,1,0 -1072,72.0,137.0,0,0,0,0,1,0 -4815,113.0,117.0,0,0,0,0,1,0 -11866,130.0,108.0,0,0,0,0,1,0 -9852,114.0,116.0,0,0,0,0,0,1 -5752,113.0,116.0,0,0,0,0,1,0 -11006,105.0,128.0,0,0,0,0,1,0 -4616,108.0,122.0,0,0,0,0,1,0 -3097,140.0,91.0,0,0,0,0,1,0 -11357,68.0,137.0,0,0,0,0,1,0 -6869,124.0,111.0,0,0,0,0,1,0 -1300,132.0,85.0,0,0,0,0,1,0 -7285,100.0,137.0,0,0,0,0,1,0 -6284,73.0,147.0,0,0,1,0,0,0 -10675,98.0,123.0,0,0,1,0,0,0 -5495,139.0,111.0,0,0,0,0,1,0 -5291,97.0,143.0,0,0,0,0,0,1 -9600,73.0,93.0,0,0,0,0,1,0 -1798,148.0,136.0,0,0,1,0,0,0 -9667,92.0,108.0,0,0,1,0,0,0 -5203,106.0,138.0,0,0,0,0,1,0 -8227,88.0,103.0,0,0,0,0,1,0 -5047,77.0,111.0,0,0,0,0,1,0 -6441,101.0,85.0,0,0,1,0,0,0 -8636,123.0,140.0,0,0,0,0,1,0 -8105,78.0,134.0,0,0,1,0,0,0 -2359,80.0,119.0,0,0,1,0,0,0 -11295,135.0,110.0,0,0,0,0,1,0 -3654,118.0,117.0,0,0,1,0,0,0 -7052,122.0,129.0,0,0,0,0,1,0 -1286,76.0,95.0,0,0,1,0,0,0 -10982,113.0,103.0,0,0,0,0,0,1 -4445,80.0,114.0,0,0,1,0,0,0 -2137,81.0,126.0,0,0,1,0,0,0 -6787,85.0,130.0,0,0,0,0,0,1 -9873,86.0,119.0,0,0,1,0,0,0 -11741,101.0,120.0,0,0,0,0,1,0 -10241,110.0,98.0,0,0,0,0,1,0 -10790,91.0,103.0,0,0,0,0,1,0 -6894,99.0,142.0,0,0,0,0,0,1 -9884,128.0,118.0,0,0,0,0,1,0 -10313,164.0,99.0,0,0,0,0,0,1 -8564,104.0,133.0,0,0,1,0,0,0 -7151,90.0,110.0,0,0,0,0,1,0 -963,89.0,149.0,0,0,0,0,1,0 -6012,80.0,96.0,0,0,0,0,1,0 -4882,75.0,94.0,0,0,0,0,1,0 -140,108.0,112.0,0,0,1,0,0,0 -10866,105.0,112.0,0,0,1,0,0,0 -8906,104.0,87.0,0,0,0,0,1,0 -6936,102.0,173.0,0,0,0,0,1,0 -6542,122.0,99.0,0,0,0,0,1,0 -5243,154.0,91.0,0,0,1,0,0,0 -4431,99.0,116.0,0,0,0,0,1,0 -10061,84.0,113.0,0,0,0,0,1,0 -406,60.0,125.0,0,0,1,0,0,0 -8212,76.0,119.0,0,0,0,0,1,0 -9196,87.0,123.0,0,0,0,0,1,0 -10074,96.0,106.0,0,0,0,0,1,0 -10384,101.0,97.0,0,0,1,0,0,0 -9135,156.0,102.0,0,1,0,0,0,0 -8234,92.0,132.0,0,0,0,0,1,0 -4399,222.0,95.0,0,0,0,0,1,0 -5252,120.0,150.0,0,0,0,0,1,0 -11,120.0,116.0,0,0,1,0,0,0 -4760,64.0,107.0,0,0,1,0,0,0 -1177,110.0,119.0,0,0,1,0,0,0 -2863,72.0,114.0,0,0,0,0,1,0 -6471,84.0,144.0,0,0,1,0,0,0 -6228,82.0,115.0,0,0,0,0,1,0 -9218,96.0,113.0,0,0,1,0,0,0 -2989,64.0,128.0,0,0,1,0,0,0 -9153,90.0,102.0,0,0,0,0,1,0 -7117,82.0,114.0,0,0,0,0,1,0 -7010,107.0,142.0,0,0,0,0,1,0 -10299,157.0,113.0,0,0,1,0,0,0 -8927,86.0,142.0,0,0,1,0,0,0 -1440,102.0,109.0,0,0,1,0,0,0 -11735,116.0,134.0,0,0,0,0,0,1 -2875,171.0,95.0,0,0,0,0,1,0 -9108,180.0,119.0,0,0,0,0,1,0 -10946,108.0,145.0,0,0,0,0,1,0 -10587,134.0,134.0,0,0,1,0,0,0 -7232,87.0,115.0,0,0,0,0,1,0 -3726,80.0,96.0,0,0,1,0,0,0 -2772,108.0,106.0,0,0,0,0,1,0 -9816,78.0,116.0,0,0,0,0,1,0 -454,62.0,121.0,0,0,0,0,1,0 -9013,101.0,80.0,0,0,0,0,1,0 -8189,78.0,133.0,0,0,0,0,1,0 -1367,87.0,120.0,0,0,0,0,1,0 -3712,83.0,118.0,0,0,0,0,1,0 -11865,80.0,117.0,0,0,0,0,1,0 -1388,86.0,115.0,0,0,1,0,0,0 -9042,98.0,117.0,0,0,1,0,0,0 -1000,107.0,100.0,0,0,0,0,1,0 -7761,89.0,112.0,0,0,0,0,1,0 -3553,72.0,133.0,0,0,0,0,0,1 -4114,101.0,112.0,0,0,1,0,0,0 -9829,100.0,144.0,0,0,1,0,0,0 -1667,86.0,147.0,0,0,1,0,0,0 -3173,116.0,112.0,0,0,1,0,0,0 -9539,113.0,119.0,0,0,1,0,0,0 -11316,77.0,103.0,0,0,0,0,1,0 -488,74.0,137.0,0,0,0,0,1,0 -3230,72.0,122.0,0,0,0,0,1,0 -3828,96.0,116.0,0,0,0,0,1,0 -10417,73.0,97.0,0,0,1,0,0,0 -5208,79.0,118.0,0,0,0,0,1,0 -7848,139.0,114.0,0,0,0,0,0,1 -5704,100.0,138.0,0,0,1,0,0,0 -11610,78.0,106.0,0,0,0,0,0,1 -8133,88.0,125.0,0,0,0,0,1,0 -703,88.0,124.0,0,0,1,0,0,0 -5105,76.0,113.0,0,0,1,0,0,0 -10707,91.0,134.0,0,0,0,0,1,0 -3291,89.0,100.0,0,0,0,0,1,0 -8125,87.0,128.0,0,0,0,0,0,1 -9519,99.0,119.0,0,0,1,0,0,0 -11599,99.0,161.0,0,0,1,0,0,0 -10854,106.0,101.0,0,0,0,0,1,0 -4909,88.0,140.0,0,0,1,0,0,0 -4440,69.0,100.0,0,0,0,0,1,0 -986,71.0,115.0,0,0,1,0,0,0 -11118,106.0,150.0,0,0,0,0,1,0 -10903,103.0,113.0,0,0,0,0,1,0 -7705,133.0,96.0,0,0,0,0,1,0 -6257,123.0,106.0,0,0,0,0,1,0 -6089,80.0,123.0,0,0,0,0,1,0 -5238,86.0,149.0,0,0,0,0,1,0 -1198,122.0,122.0,0,0,0,0,1,0 -9710,65.0,132.0,0,0,0,0,1,0 -10911,95.0,129.0,0,0,1,0,0,0 -7519,84.0,133.0,0,1,0,0,0,0 -6812,104.0,117.0,0,0,0,0,1,0 -9991,74.0,119.0,0,0,1,0,0,0 -9206,87.0,124.0,0,0,0,0,1,0 -8320,90.0,127.0,0,0,0,0,1,0 -9556,88.0,142.0,0,0,1,0,0,0 -7175,85.0,98.0,0,0,1,0,0,0 -4470,146.0,100.0,0,0,0,0,1,0 -891,70.0,113.0,0,0,1,0,0,0 -1969,90.0,143.0,0,0,1,0,0,0 -5757,121.0,108.0,0,0,0,0,1,0 -6527,185.0,108.0,0,0,0,0,1,0 -6294,123.0,113.0,0,0,0,0,1,0 -7595,71.0,132.0,0,0,0,0,1,0 -9110,80.0,142.0,0,0,1,0,0,0 -3249,112.0,112.0,0,0,0,0,1,0 -6570,74.0,126.0,0,0,1,0,0,0 -6638,91.0,113.0,0,0,1,0,0,0 -7351,86.0,119.0,0,0,0,0,1,0 -11038,73.0,160.0,0,0,0,0,0,1 -9400,56.0,150.0,0,0,1,0,0,0 -7473,148.0,123.0,0,0,1,0,0,0 -11085,85.0,133.0,0,0,0,0,0,1 -10445,81.0,116.0,0,0,0,0,1,0 -1239,141.0,123.0,0,0,0,0,1,0 -2289,124.0,144.0,0,0,0,0,1,0 -2740,110.0,108.0,0,0,0,0,1,0 -8467,84.0,117.0,0,0,0,0,1,0 -4585,82.0,137.0,0,0,0,0,1,0 -9227,100.0,136.0,0,0,1,0,0,0 -1229,98.0,94.0,0,0,0,0,1,0 -9200,70.0,110.0,0,0,0,0,0,1 -6980,83.0,115.0,0,0,0,0,1,0 -5178,140.0,76.0,0,0,1,0,0,0 -4293,94.0,118.0,0,0,0,0,1,0 -1058,122.0,110.0,0,0,0,0,1,0 -6262,84.0,131.0,0,0,1,0,0,0 -281,74.0,140.0,0,0,1,0,0,0 -9235,92.0,116.0,0,0,0,0,1,0 -9508,98.0,99.0,0,0,1,0,0,0 -968,80.0,108.0,0,0,1,0,0,0 -3953,129.0,90.0,0,0,0,0,1,0 -1939,86.0,95.0,0,0,1,0,0,0 -10180,93.0,132.0,0,0,0,0,1,0 -1274,120.0,110.0,0,0,1,0,0,0 -619,122.0,114.0,0,0,0,0,0,1 -10505,66.0,138.0,0,0,0,0,1,0 -1742,90.0,131.0,0,0,0,0,1,0 -1390,101.0,131.0,0,0,1,0,0,0 -2203,67.0,107.0,0,0,1,0,0,0 -9771,70.0,150.0,0,0,1,0,0,0 -9847,87.0,134.0,0,0,0,0,1,0 -3568,70.0,140.0,0,0,0,0,1,0 -6116,99.0,140.0,0,0,1,0,0,0 -12006,109.0,127.0,0,0,1,0,0,0 -6052,82.0,129.0,0,0,1,0,0,0 -3178,108.0,95.0,0,0,0,0,1,0 -3192,58.0,127.0,0,0,1,0,0,0 -9499,64.0,120.0,0,0,1,0,0,0 -6099,79.0,138.0,0,0,1,0,0,0 -7029,118.0,105.0,0,0,1,0,0,0 -575,70.0,150.0,0,0,0,0,1,0 -6656,87.0,149.0,0,0,1,0,0,0 -7115,119.0,126.0,0,0,1,0,0,0 -10602,100.0,117.0,0,0,0,0,1,0 -6276,130.0,115.0,0,0,0,0,1,0 -9472,88.0,120.0,0,0,0,0,1,0 -10961,155.0,147.0,0,0,0,0,0,1 -5897,136.0,119.0,0,0,0,0,1,0 -5724,97.0,110.0,0,0,0,0,1,0 -269,95.0,121.0,0,0,1,0,0,0 -629,120.0,143.0,0,0,0,0,1,0 -3081,103.0,122.0,0,0,0,0,1,0 -3466,98.0,150.0,0,0,1,0,0,0 -6430,116.0,130.0,0,0,0,0,1,0 -11212,111.0,103.0,0,0,0,0,0,1 -7062,108.0,118.0,0,0,0,0,1,0 -11712,84.0,100.0,0,0,0,0,1,0 -5543,64.0,142.0,0,0,0,0,1,0 -4356,161.0,110.0,0,0,0,0,1,0 -10970,60.0,117.0,0,0,0,0,1,0 -2113,101.0,70.0,0,0,0,0,0,1 -8219,136.0,118.0,0,0,0,0,1,0 -3216,68.0,114.0,0,0,0,0,0,1 -3814,92.0,109.0,0,0,0,0,0,1 -8321,149.0,135.0,0,0,0,0,1,0 -10336,85.0,132.0,0,0,0,0,1,0 -2278,88.0,107.0,0,0,0,0,1,0 -4599,95.0,108.0,0,0,0,0,1,0 -13,100.0,147.0,0,0,0,0,0,1 -11107,78.0,135.0,0,0,0,0,1,0 -1525,93.0,117.0,0,0,1,0,0,0 -2365,92.0,69.0,0,0,0,0,1,0 -4648,64.0,120.0,0,1,0,0,0,0 -374,148.0,95.0,0,0,0,0,1,0 -10252,160.0,57.0,0,0,0,0,0,1 -6477,70.0,138.0,0,0,0,0,0,1 -525,79.0,119.0,0,0,1,0,0,0 -9131,175.0,76.0,0,0,0,0,1,0 -6895,116.0,110.0,0,0,0,0,0,1 -3591,152.0,110.0,0,0,1,0,0,0 -7904,103.0,116.0,0,0,1,0,0,0 -2958,132.0,113.0,0,0,0,0,1,0 -529,88.0,126.0,0,0,1,0,0,0 -3714,172.0,125.0,0,0,1,0,0,0 -4732,105.0,122.0,0,0,0,0,0,1 -9461,120.0,140.0,0,0,1,0,0,0 -1394,110.0,127.0,0,0,0,0,1,0 -9989,84.0,126.0,0,0,0,0,1,0 -9633,61.0,115.0,0,0,1,0,0,0 -5631,89.0,94.0,0,0,0,0,0,1 -9465,101.0,140.0,0,0,1,0,0,0 -6563,97.0,108.0,0,0,0,0,1,0 -4703,104.0,132.0,0,0,1,0,0,0 -1712,90.0,111.0,0,0,0,0,1,0 -11746,95.0,109.0,0,0,1,0,0,0 -955,122.0,127.0,0,0,0,0,1,0 -6675,89.0,146.0,0,1,0,0,0,0 -3453,74.0,110.0,0,0,0,0,1,0 -9579,78.0,127.0,0,0,1,0,0,0 -8595,96.0,147.0,0,0,1,0,0,0 -2071,154.0,92.0,0,0,0,0,1,0 -11727,93.0,148.0,0,0,1,0,0,0 -10169,98.0,144.0,0,0,0,0,1,0 -158,123.0,119.0,0,0,1,0,0,0 -7005,94.0,102.0,0,0,1,0,0,0 -9094,112.0,106.0,0,0,1,0,0,0 -352,87.0,114.0,0,0,1,0,0,0 -6078,90.0,170.0,0,0,0,0,1,0 -6236,90.0,113.0,0,0,0,0,1,0 -8946,64.0,123.0,0,0,1,0,0,0 -12014,150.0,93.0,0,0,0,0,1,0 -2920,65.0,137.0,0,0,1,0,0,0 -8503,96.0,118.0,0,0,0,0,1,0 -4644,118.0,106.0,0,0,0,0,1,0 -661,96.0,120.0,0,0,1,0,0,0 -7057,82.0,120.0,0,0,1,0,0,0 -10181,90.0,121.0,0,0,0,0,1,0 -3665,108.0,147.0,0,0,1,0,0,0 -7979,92.0,150.0,0,0,0,0,1,0 -306,80.0,104.0,0,0,0,0,1,0 -4790,116.0,115.0,0,0,0,0,1,0 -2356,150.0,90.0,0,0,0,0,1,0 -1927,95.0,101.0,0,0,0,0,1,0 -11238,94.0,118.0,0,0,1,0,0,0 -3427,75.0,127.0,0,0,0,0,1,0 -8941,138.0,103.0,0,0,0,0,1,0 -3638,82.0,106.0,0,0,0,0,1,0 -1266,140.0,141.0,0,0,0,0,1,0 -1560,174.0,90.0,0,0,0,0,1,0 -7179,89.0,151.0,0,0,0,0,1,0 -4109,105.0,88.0,0,0,0,0,1,0 -7867,135.0,90.0,0,0,0,0,1,0 -4904,110.0,140.0,0,0,0,0,1,0 -7294,76.0,117.0,0,0,0,0,1,0 -514,90.0,127.0,0,0,0,0,0,1 -894,107.0,99.0,0,0,0,0,1,0 -8601,94.0,128.0,0,0,0,0,1,0 -21,79.0,106.0,0,0,1,0,0,0 -899,118.0,112.0,0,0,1,0,0,0 -207,80.0,129.0,0,0,1,0,0,0 -458,85.0,144.0,0,0,0,0,0,1 -2430,107.0,125.0,0,0,0,0,1,0 -8442,72.0,119.0,0,0,0,0,1,0 -9299,99.0,119.0,0,0,0,0,1,0 -3389,87.0,123.0,0,0,1,0,0,0 -9905,96.0,91.0,0,0,0,0,0,1 -3911,78.0,127.0,0,0,1,0,0,0 -5383,100.0,110.0,0,0,0,0,1,0 -8907,110.0,97.0,0,0,0,0,1,0 -552,70.0,126.0,0,0,1,0,0,0 -9631,126.0,134.0,0,0,1,0,0,0 -3144,107.0,134.0,0,0,0,0,1,0 -6917,90.0,131.0,0,0,0,0,1,0 -2056,74.0,124.0,0,0,1,0,0,0 -1925,96.0,106.0,0,0,1,0,0,0 -634,93.0,152.0,0,0,0,0,1,0 -6082,99.0,130.0,0,0,1,0,0,0 -8508,115.0,119.0,0,0,0,0,1,0 -11162,150.0,80.0,0,0,0,0,1,0 -11656,82.0,118.0,0,0,0,0,1,0 -8619,95.0,126.0,0,0,0,0,1,0 -10341,80.0,120.0,0,0,1,0,0,0 -105,79.0,122.0,1,0,0,0,0,0 -3041,101.0,137.0,0,0,0,0,1,0 -1709,97.0,125.0,0,0,0,0,1,0 -89,82.0,107.0,0,0,0,0,1,0 -7014,94.0,108.0,0,0,0,0,1,0 -3174,109.0,143.0,0,0,0,0,1,0 -917,96.0,138.0,0,0,0,0,1,0 -7833,111.0,123.0,0,0,0,0,1,0 -6732,77.0,139.0,0,0,1,0,0,0 -1949,92.0,64.0,0,0,0,0,1,0 -6368,148.0,117.0,0,0,1,0,0,0 -1,102.0,87.0,0,0,0,0,1,0 -8032,121.0,125.0,0,0,0,0,0,1 -6047,94.0,91.0,0,0,0,0,1,0 -9127,76.0,102.0,0,0,1,0,0,0 -11091,166.0,110.0,0,0,0,0,1,0 -2720,80.0,111.0,0,0,0,0,1,0 -8783,75.0,130.0,0,0,0,0,0,1 -11814,85.0,110.0,0,0,0,0,1,0 -3117,80.0,120.0,0,0,1,0,0,0 -11399,90.0,108.0,0,0,0,0,1,0 -9768,126.0,114.0,0,0,0,0,1,0 -3762,102.0,130.0,0,0,0,0,0,1 -213,105.0,146.0,0,0,0,0,1,0 -778,73.0,132.0,0,0,0,0,1,0 -3496,119.0,153.0,0,0,0,0,0,1 -10618,139.0,133.0,0,0,1,0,0,0 -2043,109.0,149.0,0,0,0,0,1,0 -8920,93.0,112.0,0,0,1,0,0,0 -5420,105.0,124.0,0,0,1,0,0,0 -6154,132.0,106.0,0,0,0,0,1,0 -9759,89.0,147.0,0,0,1,0,0,0 -8357,102.0,98.0,0,0,0,0,1,0 -10489,94.0,113.0,0,0,0,0,1,0 -10205,80.0,110.0,0,0,1,0,0,0 -8465,110.0,128.0,0,0,0,0,1,0 -4167,168.0,120.0,0,0,0,0,0,1 -3788,94.0,128.0,0,0,0,0,1,0 -8586,128.0,126.0,0,0,0,0,1,0 -583,94.0,106.0,0,0,0,0,1,0 -11934,120.0,92.0,0,0,0,0,1,0 -12024,77.0,123.0,0,0,0,0,1,0 -116,83.0,133.0,0,0,0,0,1,0 -6644,76.0,108.0,0,0,1,0,0,0 -11855,158.0,93.0,0,0,0,0,1,0 -11980,120.0,125.0,0,0,0,0,1,0 -11759,62.0,126.0,0,0,0,0,0,1 -10781,126.0,136.0,0,0,0,0,1,0 -8712,74.0,138.0,0,0,1,0,0,0 -1763,124.0,64.0,0,0,0,0,1,0 -1875,72.0,110.0,0,0,1,0,0,0 -3224,157.0,117.0,0,0,0,0,0,1 -526,106.0,96.0,0,0,0,0,1,0 -7725,100.0,119.0,0,0,1,0,0,0 -2946,93.0,90.0,0,0,0,0,1,0 -4473,121.0,125.0,0,0,1,0,0,0 -5655,74.0,104.0,0,0,1,0,0,0 -8884,76.0,83.0,0,0,1,0,0,0 -6059,58.0,134.0,0,0,1,0,0,0 -959,88.0,114.0,0,0,0,0,1,0 -6342,104.0,151.0,0,0,0,0,1,0 -3633,91.0,139.0,0,0,0,0,1,0 -1050,169.0,92.0,0,0,1,0,0,0 -8782,130.0,100.0,0,0,0,0,1,0 -8711,90.0,126.0,0,0,1,0,0,0 -3380,176.0,120.0,0,0,1,0,0,0 -3676,110.0,88.0,0,0,0,0,1,0 -5776,126.0,114.0,0,0,0,0,1,0 -10880,105.0,105.0,0,0,0,0,1,0 -6573,105.0,117.0,0,0,0,0,0,1 -5179,123.0,112.0,0,0,1,0,0,0 -1607,86.0,124.0,0,0,0,0,1,0 -3610,74.0,150.0,0,0,0,0,1,0 -11749,114.0,127.0,0,0,0,0,0,1 -6635,99.0,139.0,0,0,0,0,1,0 -12041,88.0,142.0,0,0,1,0,0,0 -10001,84.0,137.0,0,0,0,0,1,0 -791,83.0,147.0,0,0,0,0,1,0 -8984,72.0,109.0,0,0,1,0,0,0 -3056,76.0,173.0,0,0,0,0,1,0 -10047,89.0,113.0,0,0,0,0,0,1 -1980,121.0,119.0,0,0,0,0,1,0 -3598,108.0,126.0,0,0,0,0,1,0 -933,96.0,113.0,0,0,1,0,0,0 -7424,83.0,100.0,0,0,0,0,1,0 -5626,99.0,91.0,0,0,0,0,1,0 -1682,104.0,151.0,0,0,0,0,0,1 -4179,88.0,140.0,0,0,1,0,0,0 -6446,91.0,120.0,0,0,1,0,0,0 -4116,111.0,117.0,0,0,0,0,1,0 -988,62.0,123.0,0,0,1,0,0,0 -2896,96.0,130.0,0,0,0,0,1,0 -3778,124.0,100.0,0,0,0,0,1,0 -5658,110.0,125.0,0,0,1,0,0,0 -3093,90.0,127.0,0,0,1,0,0,0 -3155,100.0,139.0,0,0,0,0,1,0 -1823,116.0,98.0,0,0,0,0,1,0 -11590,88.0,137.0,0,0,1,0,0,0 -1098,104.0,138.0,0,0,0,0,1,0 -2844,131.0,140.0,0,0,0,0,1,0 -9078,86.0,110.0,0,0,0,0,1,0 -3342,85.0,112.0,0,0,1,0,0,0 -38,96.0,113.0,0,0,0,0,1,0 -6540,77.0,109.0,0,0,0,0,0,1 -11258,124.0,120.0,0,0,0,0,1,0 -8707,142.0,106.0,0,0,1,0,0,0 -3356,114.0,144.0,0,0,1,0,0,0 -9645,100.0,119.0,0,0,1,0,0,0 -7813,73.0,127.0,0,0,0,0,1,0 -9098,120.0,118.0,0,0,0,0,1,0 -8220,114.0,108.0,0,0,0,0,1,0 -11109,177.0,132.0,0,0,0,0,1,0 -2428,97.0,111.0,0,0,1,0,0,0 -5043,120.0,119.0,0,0,1,0,0,0 -5346,110.0,121.0,0,0,0,0,1,0 -8954,87.0,133.0,0,0,0,0,0,1 -4811,76.0,107.0,0,0,1,0,0,0 -8476,92.0,114.0,1,0,0,0,0,0 -686,91.0,142.0,0,0,0,0,1,0 -4799,85.0,139.0,0,0,0,0,0,1 -7437,103.0,130.0,0,0,0,0,1,0 -2353,124.0,120.0,0,0,0,0,1,0 -6353,88.0,118.0,0,0,1,0,0,0 -4569,159.0,112.0,0,0,0,0,1,0 -8213,143.0,80.0,0,0,1,0,0,0 -2752,74.0,127.0,0,0,0,0,1,0 -9077,96.0,128.0,0,0,0,0,1,0 -8073,92.0,138.0,0,0,1,0,0,0 -9109,92.0,112.0,0,0,0,0,1,0 -1040,71.0,127.0,0,0,1,0,0,0 -7491,82.0,131.0,0,0,1,0,0,0 -1265,90.0,123.0,0,0,0,0,1,0 -11155,72.0,128.0,0,0,0,0,1,0 -7059,96.0,116.0,0,0,0,0,0,1 -277,112.0,113.0,0,0,0,0,1,0 -5084,107.0,97.0,0,0,0,0,1,0 -10276,91.0,154.0,0,0,0,0,1,0 -9437,94.0,151.0,0,0,1,0,0,0 -2382,87.0,106.0,0,0,0,0,1,0 -571,103.0,113.0,0,0,0,0,1,0 -1435,168.0,80.0,0,0,0,0,1,0 -9439,73.0,109.0,0,0,0,0,1,0 -5352,91.0,131.0,0,0,1,0,0,0 -5445,96.0,127.0,0,0,0,0,1,0 -1007,93.0,119.0,0,0,0,0,0,1 -4543,110.0,96.0,0,0,0,0,1,0 -10617,88.0,113.0,0,0,1,0,0,0 -2064,98.0,132.0,0,0,0,0,1,0 -1136,96.0,110.0,0,0,0,0,0,1 -9882,117.0,106.0,0,0,0,0,0,1 -5343,184.0,107.0,0,0,0,0,1,0 -10177,70.0,139.0,0,0,0,0,1,0 -294,75.0,109.0,0,0,0,0,1,0 -9739,128.0,126.0,0,0,1,0,0,0 -10204,72.0,129.0,0,0,0,0,0,1 -8780,89.0,100.0,1,0,0,0,0,0 -2403,65.0,146.0,0,0,0,0,1,0 -10321,111.0,86.0,0,0,0,0,0,1 -3998,99.0,136.0,0,0,1,0,0,0 -11228,176.0,105.0,0,0,0,0,1,0 -3741,94.0,99.0,0,0,0,0,1,0 -11104,73.0,128.0,0,0,0,0,0,1 -2719,140.0,100.0,0,0,0,0,1,0 -11079,114.0,121.0,0,0,0,0,0,1 -5150,86.0,133.0,0,0,0,0,1,0 -2808,68.0,122.0,0,0,1,0,0,0 -9017,80.0,106.0,0,0,0,0,1,0 -556,93.0,106.0,0,0,0,0,0,1 -10742,98.0,92.0,0,0,0,0,1,0 -4795,133.0,109.0,0,0,1,0,0,0 -2469,72.0,130.0,0,0,0,0,1,0 -3738,115.0,122.0,0,0,0,0,1,0 -4286,142.0,121.0,0,0,0,0,1,0 -9908,128.0,105.0,0,0,0,0,0,1 -2604,114.0,158.0,0,0,0,0,1,0 -362,78.0,115.0,0,0,0,0,0,1 -6924,110.0,100.0,0,0,0,0,1,0 -1704,75.0,118.0,0,0,0,0,1,0 -2139,100.0,128.0,0,0,0,0,1,0 -3239,136.0,124.0,0,0,1,0,0,0 -2383,88.0,148.0,0,0,0,0,1,0 -7314,99.0,136.0,0,0,0,0,1,0 -4311,191.0,132.0,0,0,1,0,0,0 -9477,121.0,106.0,0,0,1,0,0,0 -1312,99.0,136.0,0,0,0,0,1,0 -11347,97.0,132.0,0,0,0,0,0,1 -3930,64.0,120.0,0,0,1,0,0,0 -6183,137.0,103.0,0,0,0,0,0,1 -1591,91.0,123.0,0,0,0,0,1,0 -11303,100.0,104.0,0,0,0,0,1,0 -2162,98.0,155.0,0,0,0,0,0,1 -2396,65.0,115.0,0,0,0,0,1,0 -317,119.0,133.0,0,0,1,0,0,0 -9516,94.0,129.0,0,0,0,0,1,0 -5233,114.0,120.0,0,0,0,0,1,0 -5068,90.0,112.0,0,0,0,0,1,0 -4036,109.0,115.0,0,0,1,0,0,0 -8987,84.0,107.0,0,0,0,0,1,0 -3020,82.0,127.0,0,0,0,0,0,1 -9903,96.0,122.0,0,0,0,0,1,0 -8228,126.0,120.0,0,0,0,0,1,0 -9105,115.0,111.0,0,0,0,0,1,0 -5295,121.0,115.0,0,0,1,0,0,0 -3972,83.0,126.0,0,0,0,0,1,0 -5370,165.0,119.0,0,0,0,0,1,0 -4133,80.0,118.0,0,0,0,0,1,0 -974,108.0,135.0,0,0,1,0,0,0 -7291,144.0,102.0,0,0,0,0,1,0 -9175,160.0,121.0,0,0,0,0,1,0 -954,148.0,93.0,0,0,0,0,1,0 -9610,111.0,138.0,0,0,0,0,1,0 -9752,99.0,121.0,0,0,0,0,1,0 -9547,90.0,133.0,0,0,0,0,1,0 -11205,116.0,119.0,0,0,0,0,1,0 -5016,80.0,120.0,0,0,1,0,0,0 -11717,75.0,139.0,0,0,0,0,1,0 -9179,79.0,120.0,0,0,1,0,0,0 -7490,130.0,122.0,0,0,0,0,1,0 -1640,133.0,132.0,0,0,1,0,0,0 -1290,96.0,116.0,0,0,0,0,1,0 -1380,176.0,121.0,0,0,0,0,1,0 -1933,132.0,111.0,0,0,1,0,0,0 -4675,85.0,111.0,0,0,0,0,1,0 -10222,125.0,110.0,0,0,1,0,0,0 -892,143.0,120.0,0,0,0,1,0,0 -7287,99.0,119.0,0,0,0,0,0,1 -4876,112.0,113.0,0,0,0,0,1,0 -7906,80.0,138.0,0,0,1,0,0,0 -8194,84.0,110.0,0,0,0,0,1,0 -11294,93.0,132.0,0,0,1,0,0,0 -10301,112.0,111.0,0,0,0,0,1,0 -9041,95.0,124.0,0,0,0,0,1,0 -2466,109.0,130.0,0,0,0,0,1,0 -7657,78.0,120.0,0,0,1,0,0,0 -10106,154.0,141.0,0,0,0,0,1,0 -9788,80.0,98.0,0,0,1,0,0,0 -1913,200.0,102.0,0,0,0,0,1,0 -2736,102.0,112.0,0,0,1,0,0,0 -726,102.0,151.0,0,0,0,0,0,1 -7214,108.0,103.0,0,0,1,0,0,0 -8245,73.0,173.0,0,0,0,0,1,0 -1796,110.0,130.0,0,0,0,0,1,0 -3845,97.0,147.0,0,0,0,0,1,0 -6402,89.0,128.0,0,0,0,0,1,0 -936,120.0,106.0,0,0,1,0,0,0 -2265,200.0,98.0,0,0,0,0,0,1 -824,99.0,137.0,0,0,0,0,1,0 -7274,96.0,132.0,0,0,1,0,0,0 -1389,64.0,116.0,0,0,1,0,0,0 -3564,78.0,129.0,0,0,1,0,0,0 -9076,63.0,117.0,0,0,1,0,0,0 -5429,92.0,131.0,0,0,0,0,1,0 -7827,84.0,119.0,0,0,1,0,0,0 -5690,111.0,120.0,0,0,0,0,1,0 -7878,156.0,128.0,0,0,0,0,1,0 -1868,95.0,150.0,0,0,1,0,0,0 -8202,77.0,120.0,0,0,0,0,1,0 -7486,125.0,117.0,0,0,0,0,0,1 -9655,88.0,110.0,0,0,0,0,1,0 -806,91.0,103.0,0,0,1,0,0,0 -4805,104.0,179.0,0,0,1,0,0,0 -11993,94.0,104.0,0,0,0,0,1,0 -10300,60.0,110.0,0,0,0,0,1,0 -11014,116.0,120.0,0,0,0,0,1,0 -11988,90.0,169.0,0,0,1,0,0,0 -10426,80.0,142.0,0,0,0,0,1,0 -9155,91.0,108.0,0,0,0,0,1,0 -7511,82.0,118.0,0,0,1,0,0,0 -8056,88.0,110.0,0,0,0,0,1,0 -4494,128.0,92.0,0,0,0,0,1,0 -2632,157.0,80.0,0,0,0,0,0,1 -10714,76.0,119.0,0,0,1,0,0,0 -8896,90.0,130.0,0,0,0,0,0,1 -8623,120.0,118.0,0,0,0,0,1,0 -7832,120.0,123.0,0,0,1,0,0,0 -4388,140.0,99.0,0,0,0,0,1,0 -145,88.0,96.0,0,0,1,0,0,0 -6467,111.0,119.0,0,0,0,0,1,0 -2033,86.0,128.0,0,0,1,0,0,0 -10983,98.0,124.0,0,0,0,0,1,0 -1165,141.0,92.0,0,0,0,0,1,0 -2050,98.0,104.0,0,0,0,0,0,1 -3760,141.0,119.0,0,0,0,0,0,1 -4435,93.0,131.0,0,0,0,0,1,0 -3430,100.0,163.0,0,0,1,0,0,0 -8190,72.0,100.0,0,0,0,0,0,1 -10548,104.0,118.0,0,0,1,0,0,0 -7069,93.0,153.0,0,0,0,0,1,0 -4361,113.0,119.0,0,0,1,0,0,0 -9454,74.0,115.0,0,0,0,0,1,0 -1771,108.0,101.0,0,0,0,0,1,0 -3511,160.0,89.0,0,0,1,0,0,0 -271,88.0,118.0,0,0,1,0,0,0 -8436,74.0,110.0,0,0,0,0,1,0 -2032,80.0,50.0,0,0,0,0,1,0 -9005,136.0,95.0,0,0,1,0,0,0 -11639,140.0,112.0,0,0,0,0,1,0 -3810,99.0,137.0,0,0,0,0,1,0 -9996,96.0,117.0,0,0,0,0,1,0 -4346,78.0,113.0,0,0,0,0,0,1 -545,131.0,81.0,0,0,0,0,1,0 -3241,130.0,90.0,0,0,0,0,1,0 -8930,165.0,113.0,0,0,0,0,0,1 -8502,88.0,108.0,0,0,0,0,0,1 -9323,126.0,115.0,0,0,0,0,1,0 -11941,108.0,134.0,0,0,0,0,1,0 -7564,80.0,111.0,0,0,0,1,0,0 -920,120.0,148.0,0,0,0,0,1,0 -10973,112.0,116.0,0,0,0,0,1,0 -6640,90.0,105.0,0,0,0,0,1,0 -7694,139.0,110.0,0,0,1,0,0,0 -8230,145.0,129.0,0,0,0,0,0,1 -7126,115.0,134.0,0,0,1,0,0,0 -4278,106.0,119.0,0,0,0,0,1,0 -2983,70.0,134.0,0,0,0,1,0,0 -130,76.0,141.0,0,0,0,0,1,0 -7980,68.0,141.0,0,0,1,0,0,0 -2667,140.0,151.0,0,0,0,0,1,0 -7138,119.0,124.0,0,0,0,0,1,0 -3223,124.0,109.0,0,0,0,0,1,0 -9374,100.0,130.0,0,0,0,0,0,1 -7693,74.0,114.0,0,0,1,0,0,0 -5392,80.0,125.0,0,0,0,0,1,0 -614,141.0,103.0,0,0,0,0,1,0 -11925,98.0,130.0,0,0,0,0,1,0 -1466,92.0,115.0,0,0,0,0,1,0 -4497,89.0,109.0,0,0,1,0,0,0 -3042,52.0,130.0,0,0,0,0,1,0 -9126,62.0,101.0,0,0,1,0,0,0 -2419,101.0,143.0,0,0,0,0,1,0 -5085,88.0,110.0,0,0,1,0,0,0 -3294,79.0,145.0,0,0,0,0,0,1 -6737,82.0,122.0,0,0,0,0,1,0 -1500,128.0,140.0,0,0,0,0,1,0 -9018,78.0,155.0,0,0,0,0,1,0 -1521,115.0,109.0,0,0,0,0,1,0 -10972,125.0,111.0,0,0,0,0,1,0 -4232,131.0,103.0,0,0,0,0,1,0 -7686,124.0,107.0,0,0,0,0,1,0 -8820,144.0,97.0,0,0,0,0,1,0 -4430,106.0,128.0,0,0,0,0,1,0 -390,84.0,138.0,0,0,1,0,0,0 -11875,156.0,90.0,0,0,0,0,1,0 -7124,99.0,127.0,0,0,1,0,0,0 -5913,211.0,123.0,0,0,0,0,1,0 -8592,123.0,115.0,0,0,0,0,1,0 -4806,124.0,137.0,0,0,0,0,0,1 -10775,159.0,153.0,0,0,0,0,0,1 -8238,64.0,120.0,0,0,0,0,1,0 -8044,103.0,138.0,0,0,1,0,0,0 -11777,80.0,130.0,0,0,1,0,0,0 -3993,107.0,120.0,0,0,0,0,0,1 -11502,82.0,114.0,0,0,0,0,1,0 -6609,100.0,108.0,0,0,0,0,1,0 -5319,84.0,140.0,0,0,1,0,0,0 -11851,80.0,117.0,0,0,1,0,0,0 -7119,118.0,108.0,0,0,0,0,1,0 -2421,50.0,110.0,0,0,1,0,0,0 -5604,84.0,104.0,0,0,1,0,0,0 -1750,86.0,100.0,0,0,0,0,1,0 -10848,68.0,111.0,0,0,1,0,0,0 -11702,188.0,120.0,0,0,0,0,1,0 -338,100.0,119.0,0,0,1,0,0,0 -8407,114.0,108.0,0,0,0,0,1,0 -1341,146.0,111.0,0,0,0,0,0,1 -11860,112.0,138.0,0,0,0,0,1,0 -7982,78.0,146.0,0,0,0,0,1,0 -3640,102.0,117.0,0,0,0,0,1,0 -329,78.0,143.0,0,0,1,0,0,0 -10631,70.0,122.0,0,0,0,0,1,0 -3004,139.0,129.0,0,0,0,0,1,0 -6960,105.0,100.0,0,0,0,0,1,0 -4090,106.0,111.0,0,0,1,0,0,0 -9828,107.0,114.0,0,0,0,0,1,0 -2322,136.0,96.0,0,0,0,0,1,0 -6667,125.0,128.0,0,0,1,0,0,0 -7009,62.0,112.0,0,0,0,0,1,0 -4197,200.0,120.0,0,0,1,0,0,0 -3549,109.0,132.0,0,0,0,0,1,0 -9650,67.0,120.0,0,0,0,0,1,0 -8363,88.0,127.0,0,0,0,0,1,0 -4203,86.0,119.0,0,0,0,0,1,0 -11543,100.0,113.0,0,0,0,0,1,0 -10754,72.0,97.0,0,0,0,0,1,0 -6185,79.0,118.0,0,0,0,0,1,0 -1639,82.0,108.0,0,0,0,0,0,1 -9130,120.0,91.0,0,0,1,0,0,0 -60,94.0,137.0,0,0,0,0,1,0 -1240,130.0,110.0,0,0,0,0,0,1 -5760,102.0,136.0,0,0,0,0,0,1 -5136,98.0,120.0,0,0,1,0,0,0 -2343,106.0,111.0,0,0,0,0,0,1 -2120,110.0,96.0,0,0,0,0,0,1 -1524,96.0,102.0,0,0,0,0,1,0 -7617,97.0,117.0,0,0,0,0,1,0 -153,100.0,110.0,0,1,0,0,0,0 -481,81.0,153.0,0,0,0,0,1,0 -6122,99.0,119.0,0,0,1,0,0,0 -7674,158.0,110.0,0,0,0,0,1,0 -7101,84.0,127.0,0,0,1,0,0,0 -1762,99.0,130.0,0,0,1,0,0,0 -8942,100.0,96.0,0,0,1,0,0,0 -7715,107.0,113.0,0,0,0,0,1,0 -9977,85.0,121.0,0,0,1,0,0,0 -10926,130.0,113.0,0,0,0,0,1,0 -7479,144.0,72.0,0,0,0,0,1,0 -6212,106.0,116.0,0,0,1,0,0,0 -4853,109.0,134.0,0,0,0,0,1,0 -2711,119.0,121.0,0,0,1,0,0,0 -6766,112.0,111.0,0,0,0,0,1,0 -4150,72.0,117.0,0,0,0,0,1,0 -1333,101.0,142.0,0,0,1,0,0,0 -11329,74.0,115.0,0,0,1,0,0,0 -8378,160.0,114.0,0,0,0,0,1,0 -9328,100.0,86.0,0,0,0,0,0,1 -11305,138.0,144.0,0,0,0,0,1,0 -11689,132.0,133.0,0,0,1,0,0,0 -10250,106.0,141.0,0,0,1,0,0,0 -10976,84.0,89.0,0,0,1,0,0,0 -3850,70.0,107.0,0,0,0,0,1,0 -8340,147.0,110.0,1,0,0,0,0,0 -4124,100.0,130.0,0,0,1,0,0,0 -10786,76.0,121.0,0,0,1,0,0,0 -4788,152.0,112.0,0,0,0,0,1,0 -2866,117.0,105.0,0,0,1,0,0,0 -1386,121.0,139.0,0,0,1,0,0,0 -5941,101.0,134.0,0,0,1,0,0,0 -3067,110.0,122.0,0,0,0,0,1,0 -10899,110.0,111.0,0,0,1,0,0,0 -3629,55.0,100.0,0,0,0,0,1,0 -11388,93.0,134.0,0,0,0,0,1,0 -10769,148.0,128.0,0,0,0,0,0,1 -3028,98.0,139.0,0,0,0,0,1,0 -2969,73.0,107.0,0,0,1,0,0,0 -9900,116.0,112.0,0,0,0,0,1,0 -8646,94.0,95.0,1,0,0,0,0,0 -6136,120.0,90.0,0,0,0,0,0,1 -8801,78.0,105.0,0,0,0,0,1,0 -4263,118.0,93.0,0,0,0,0,1,0 -645,92.0,145.0,0,0,0,0,1,0 -11627,107.0,114.0,0,0,1,0,0,0 -2074,99.0,119.0,0,0,0,0,1,0 -341,95.0,120.0,0,0,1,0,0,0 -8041,113.0,130.0,0,0,1,0,0,0 -1622,98.0,132.0,0,0,0,0,1,0 -7141,120.0,110.0,0,0,0,0,1,0 -5796,130.0,116.0,0,0,0,0,1,0 -7184,96.0,102.0,0,0,1,0,0,0 -11231,86.0,111.0,0,0,0,0,1,0 -8232,142.0,121.0,0,0,0,0,0,1 -5475,89.0,101.0,0,0,0,0,1,0 -10281,110.0,106.0,0,0,0,0,1,0 -10367,118.0,119.0,0,0,1,0,0,0 -11141,84.0,118.0,0,0,0,0,0,1 -74,110.0,132.0,0,0,1,0,0,0 -11915,88.0,121.0,0,0,1,0,0,0 -10268,96.0,121.0,0,0,0,0,1,0 -8633,108.0,139.0,0,0,0,0,0,1 -11771,74.0,120.0,0,0,0,0,1,0 -2051,75.0,130.0,0,0,0,0,1,0 -2541,88.0,122.0,0,0,1,0,0,0 -1301,88.0,110.0,0,0,0,0,1,0 -5877,108.0,144.0,0,0,0,0,1,0 -7368,96.0,121.0,0,0,0,0,1,0 -1304,100.0,104.0,0,0,0,0,1,0 -8428,105.0,92.0,0,0,0,0,1,0 -10941,103.0,113.0,0,0,1,0,0,0 -2599,114.0,123.0,0,0,1,0,0,0 -2573,88.0,115.0,0,0,0,0,1,0 -3186,74.0,134.0,0,0,0,0,1,0 -2768,82.0,119.0,0,0,0,0,1,0 -4831,192.0,134.0,0,0,0,0,1,0 -4223,185.0,148.0,0,0,1,0,0,0 -11623,92.0,153.0,0,0,1,0,0,0 -2106,90.0,127.0,0,0,0,0,1,0 -2679,73.0,109.0,0,0,0,0,1,0 -1387,99.0,119.0,1,0,0,0,0,0 -11978,95.0,115.0,0,0,0,0,1,0 -11634,103.0,108.0,0,0,1,0,0,0 -7083,176.0,95.0,0,0,0,0,0,1 -1279,150.0,87.0,0,0,0,0,1,0 -804,130.0,93.0,0,0,0,0,1,0 -1555,100.0,143.0,0,0,1,0,0,0 -11424,128.0,116.0,0,0,1,0,0,0 -4566,70.0,98.0,0,0,0,0,0,1 -11645,85.0,128.0,0,0,0,0,1,0 -4841,108.0,112.0,0,0,0,0,1,0 -3594,114.0,97.0,0,0,1,0,0,0 -6035,106.0,128.0,0,0,1,0,0,0 -6852,77.0,134.0,0,0,0,0,1,0 -10112,73.0,129.0,0,0,0,0,1,0 -8705,87.0,125.0,0,0,0,0,1,0 -4177,109.0,119.0,0,0,0,0,1,0 -1308,108.0,126.0,0,0,1,0,0,0 -9106,89.0,124.0,0,0,1,0,0,0 -3452,110.0,150.0,0,0,0,0,0,1 -3695,80.0,128.0,0,0,0,0,1,0 -4242,97.0,127.0,0,0,0,0,1,0 -2198,158.0,79.0,0,0,0,0,0,1 -8966,108.0,131.0,0,0,1,0,0,0 -4425,100.0,110.0,0,0,0,0,1,0 -6150,80.0,117.0,0,0,1,0,0,0 -943,111.0,110.0,0,0,0,0,1,0 -822,76.0,98.0,0,0,1,0,0,0 -5005,80.0,140.0,0,0,0,0,0,1 -6612,94.0,140.0,0,0,0,0,1,0 -8356,109.0,118.0,0,0,0,0,1,0 -5619,130.0,138.0,0,0,0,0,1,0 -4547,100.0,128.0,0,0,1,0,0,0 -2538,140.0,101.0,0,0,1,0,0,0 -9503,89.0,103.0,0,0,1,0,0,0 -5207,108.0,162.0,0,0,0,0,1,0 -11456,66.0,106.0,0,0,0,0,1,0 -10841,121.0,130.0,0,0,0,0,0,1 -3054,110.0,183.0,0,0,0,0,1,0 -3675,117.0,164.0,0,0,1,0,0,0 -7776,95.0,116.0,0,0,0,0,1,0 -7218,73.0,111.0,0,0,0,0,1,0 -6722,124.0,126.0,0,0,0,0,1,0 -3300,134.0,103.0,0,0,0,0,1,0 -3310,93.0,118.0,0,0,1,0,0,0 -7221,92.0,123.0,0,0,0,0,0,1 -8519,78.0,121.0,0,0,1,0,0,0 -10682,74.0,100.0,0,0,0,0,0,1 -5954,102.0,107.0,1,0,0,0,0,0 -832,93.0,106.0,0,0,1,0,0,0 -3462,112.0,124.0,0,0,1,0,0,0 -11232,94.0,112.0,1,0,0,0,0,0 -7643,85.0,114.0,0,0,0,0,0,1 -54,108.0,130.0,0,0,0,0,1,0 -3451,132.0,111.0,0,0,0,0,0,1 -6305,160.0,122.0,0,0,0,0,1,0 -10093,108.0,106.0,0,0,0,0,1,0 -1481,60.0,104.0,0,0,1,0,0,0 -4873,116.0,93.0,0,0,0,0,1,0 -8038,168.0,125.0,0,0,0,0,1,0 -3335,62.0,135.0,0,0,0,0,1,0 -6016,104.0,118.0,0,0,0,0,1,0 -4926,133.0,104.0,0,0,0,0,1,0 -9138,120.0,135.0,0,0,0,0,0,1 -5797,144.0,114.0,0,0,0,0,0,1 -10353,68.0,155.0,0,0,1,0,0,0 -11839,139.0,73.0,0,0,0,0,0,1 -5083,94.0,107.0,0,0,1,0,0,0 -6645,142.0,106.0,0,0,0,0,1,0 -5490,50.0,121.0,0,0,1,0,0,0 -768,71.0,116.0,0,0,1,0,0,0 -2065,104.0,109.0,0,0,0,0,1,0 -11440,86.0,110.0,0,0,0,0,1,0 -7311,125.0,144.0,1,0,0,0,0,0 -8477,76.0,115.0,0,0,0,1,0,0 -12039,82.0,134.0,0,0,1,0,0,0 -4524,120.0,100.0,0,0,1,0,0,0 -10524,155.0,113.0,0,0,0,0,1,0 -2717,77.0,150.0,0,0,1,0,0,0 -2079,87.0,105.0,0,0,0,0,0,1 -8914,117.0,118.0,0,0,0,0,1,0 -951,80.0,112.0,0,0,0,0,1,0 -8058,73.0,117.0,0,0,0,0,0,1 -2482,148.0,113.0,0,0,0,0,1,0 -10454,72.0,104.0,0,0,0,0,1,0 -9181,92.0,112.0,0,0,0,0,1,0 -1759,113.0,151.0,0,0,1,0,0,0 -9984,98.0,112.0,0,0,0,0,1,0 -4422,83.0,117.0,0,0,1,0,0,0 -6704,145.0,98.0,0,0,0,0,1,0 -9916,144.0,93.0,0,0,0,0,1,0 -5182,81.0,156.0,0,0,1,0,0,0 -8533,98.0,130.0,0,0,0,0,0,1 -3701,89.0,110.0,0,0,1,0,0,0 -4243,162.0,93.0,0,0,0,0,1,0 -688,78.0,138.0,0,0,0,0,1,0 -3432,92.0,92.0,0,0,0,0,1,0 -4944,85.0,138.0,0,0,0,0,1,0 -966,80.0,121.0,0,0,0,0,1,0 -11421,70.0,105.0,0,0,1,0,0,0 -10395,100.0,110.0,0,0,1,0,0,0 -2713,90.0,110.0,0,0,0,0,1,0 -4757,140.0,126.0,0,0,1,0,0,0 -11496,130.0,145.0,0,0,0,0,1,0 -6320,78.0,135.0,0,0,0,0,1,0 -5975,120.0,110.0,0,0,1,0,0,0 -3572,72.0,132.0,0,0,0,0,1,0 -5299,118.0,120.0,0,0,1,0,0,0 -1990,146.0,92.0,0,0,0,0,1,0 -1205,100.0,87.0,0,0,0,0,1,0 -4971,86.0,128.0,0,0,0,0,1,0 -11711,131.0,133.0,0,0,1,0,0,0 -6783,120.0,104.0,0,0,0,0,1,0 -3600,64.0,138.0,0,0,0,0,1,0 -6490,160.0,98.0,0,0,0,0,1,0 -8609,117.0,110.0,0,0,0,0,1,0 -12015,73.0,128.0,0,0,0,0,1,0 -8070,88.0,128.0,0,0,1,0,0,0 -8577,126.0,127.0,0,0,0,0,1,0 -7973,150.0,92.0,0,1,0,0,0,0 -11208,93.0,138.0,0,0,1,0,0,0 -1625,84.0,133.0,0,0,0,0,1,0 -536,98.0,114.0,0,0,0,0,1,0 -8766,68.0,119.0,0,0,0,0,1,0 -7970,72.0,131.0,0,0,0,0,1,0 -4212,101.0,124.0,0,0,1,0,0,0 -6456,160.0,112.0,0,0,1,0,0,0 -3507,110.0,90.0,0,0,0,0,1,0 -8393,100.0,124.0,0,0,1,0,0,0 -9524,102.0,113.0,0,0,0,0,1,0 -7112,76.0,121.0,0,0,1,0,0,0 -2708,76.0,130.0,0,0,0,0,1,0 -5031,136.0,138.0,0,0,0,0,0,1 -6514,120.0,128.0,0,0,0,0,1,0 -4662,68.0,132.0,0,0,0,0,1,0 -4021,68.0,140.0,0,1,0,0,0,0 -1854,158.0,170.0,0,0,0,0,1,0 -11349,100.0,129.0,0,0,0,0,1,0 -2872,99.0,116.0,0,0,1,0,0,0 -3030,108.0,120.0,0,0,0,0,1,0 -9397,91.0,117.0,0,0,0,0,1,0 -1645,80.0,110.0,0,0,1,0,0,0 -3417,82.0,166.0,0,0,0,0,1,0 -3476,106.0,101.0,0,0,0,0,0,1 -11503,108.0,140.0,0,0,0,0,1,0 -1792,107.0,163.0,0,0,0,0,1,0 -3797,104.0,114.0,0,0,0,0,1,0 -3368,110.0,122.0,0,0,1,0,0,0 -7196,80.0,120.0,0,0,1,0,0,0 -11612,118.0,147.0,0,0,0,0,0,1 -5109,86.0,137.0,0,0,0,0,1,0 -6024,82.0,127.0,0,0,1,0,0,0 -8795,126.0,135.0,0,0,0,1,0,0 -11188,78.0,114.0,0,0,1,0,0,0 -126,108.0,98.0,0,0,0,0,1,0 -5959,100.0,130.0,0,0,1,0,0,0 -3876,80.0,115.0,0,1,0,0,0,0 -4451,82.0,105.0,0,0,1,0,0,0 -7147,94.0,118.0,0,0,1,0,0,0 -3531,88.0,108.0,0,0,0,0,1,0 -827,103.0,120.0,0,0,0,0,1,0 -9831,105.0,120.0,0,0,0,0,1,0 -7790,110.0,130.0,0,0,0,0,1,0 -984,90.0,88.0,0,0,0,0,1,0 -7783,92.0,138.0,0,0,1,0,0,0 -10380,86.0,110.0,0,0,0,0,1,0 -11539,118.0,112.0,0,0,0,0,1,0 -2443,100.0,129.0,0,0,1,0,0,0 -8554,108.0,115.0,0,0,1,0,0,0 -10541,87.0,128.0,0,0,0,0,1,0 -345,115.0,117.0,0,0,0,0,1,0 -814,113.0,116.0,0,0,0,0,0,1 -6166,114.0,112.0,0,0,0,0,1,0 -10919,114.0,63.0,0,0,0,0,1,0 -5779,113.0,122.0,0,0,0,0,1,0 -2116,80.0,100.0,0,0,1,0,0,0 -10026,100.0,140.0,0,0,0,0,1,0 -793,128.0,140.0,0,0,0,0,1,0 -11974,110.0,102.0,0,0,0,0,1,0 -6898,91.0,119.0,0,0,0,0,1,0 -2674,99.0,119.0,0,0,0,0,1,0 -94,112.0,111.0,0,0,0,0,1,0 -4225,87.0,130.0,0,0,1,0,0,0 -3756,60.0,119.0,0,0,1,0,0,0 -2891,89.0,108.0,0,0,0,0,1,0 -2371,100.0,148.0,0,0,1,0,0,0 -11304,72.0,131.0,0,0,1,0,0,0 -3228,117.0,159.0,0,0,1,0,0,0 -7863,82.0,107.0,0,1,0,0,0,0 -6359,112.0,129.0,0,0,0,0,1,0 -11073,96.0,160.0,0,0,0,0,1,0 -7326,133.0,137.0,0,0,0,0,0,1 -6028,117.0,128.0,0,0,0,0,1,0 -1865,92.0,116.0,0,0,0,0,1,0 -4612,130.0,118.0,0,0,0,0,1,0 -10049,114.0,116.0,0,0,0,0,1,0 -2645,78.0,106.0,0,0,1,0,0,0 -2243,122.0,138.0,0,0,0,0,1,0 -5373,79.0,100.0,0,0,0,0,1,0 -2336,100.0,134.0,0,0,0,0,0,1 -950,112.0,129.0,0,0,1,0,0,0 -1120,114.0,124.0,0,0,0,0,1,0 -10789,138.0,132.0,0,0,0,0,1,0 -2204,124.0,108.0,0,0,0,0,1,0 -419,115.0,111.0,0,0,0,0,1,0 -922,107.0,123.0,0,0,0,0,1,0 -9446,106.0,121.0,0,0,0,0,1,0 -8669,128.0,114.0,1,0,0,0,0,0 -10227,86.0,135.0,0,0,0,0,1,0 -5408,124.0,120.0,0,0,0,0,1,0 -5788,107.0,119.0,0,0,0,0,1,0 -5742,66.0,138.0,0,0,0,0,1,0 -7667,96.0,135.0,0,0,0,0,1,0 -5567,128.0,129.0,0,0,0,0,1,0 -8135,103.0,112.0,0,0,1,0,0,0 -1202,70.0,143.0,0,0,0,0,1,0 -10818,122.0,130.0,0,0,0,0,1,0 -5765,67.0,123.0,0,0,0,0,1,0 -8389,75.0,134.0,0,0,0,0,1,0 -1970,102.0,101.0,0,0,0,0,1,0 -4018,112.0,122.0,0,0,0,0,1,0 -10343,60.0,118.0,0,0,0,0,1,0 -3687,72.0,122.0,0,0,0,0,0,1 -1997,65.0,116.0,0,0,0,0,1,0 -4033,112.0,120.0,0,0,1,0,0,0 -1248,82.0,125.0,0,0,1,0,0,0 -2192,72.0,123.0,0,0,0,0,1,0 -2712,88.0,116.0,0,0,0,0,1,0 -9184,81.0,111.0,0,0,0,0,1,0 -2190,140.0,116.0,0,0,0,0,1,0 -4670,119.0,118.0,0,0,1,0,0,0 -5142,120.0,108.0,0,0,1,0,0,0 -5984,100.0,99.0,0,0,0,0,1,0 -6565,96.0,123.0,0,0,0,0,1,0 -7804,105.0,96.0,0,0,1,0,0,0 -6943,76.0,115.0,0,0,0,0,1,0 -9510,83.0,144.0,0,0,1,0,0,0 -10055,109.0,95.0,0,0,0,0,1,0 -10535,81.0,146.0,0,0,0,0,1,0 -10641,69.0,105.0,0,0,0,0,1,0 -2136,103.0,124.0,0,0,1,0,0,0 -1065,107.0,98.0,0,0,0,0,0,1 -600,100.0,118.0,0,0,0,0,1,0 -4227,66.0,125.0,0,0,0,0,1,0 -10813,88.0,118.0,0,0,0,0,0,1 -7577,106.0,141.0,0,0,1,0,0,0 -77,117.0,130.0,0,0,1,0,0,0 -7546,110.0,132.0,0,0,0,0,1,0 -2898,98.0,120.0,0,0,0,0,1,0 -4820,78.0,148.0,0,0,0,0,1,0 -9506,113.0,144.0,0,0,0,0,1,0 -11200,96.0,111.0,0,0,1,0,0,0 -6413,78.0,116.0,0,0,1,0,0,0 -9444,91.0,162.0,0,0,0,0,0,1 -9064,120.0,135.0,0,0,0,0,1,0 -8007,122.0,108.0,0,0,1,0,0,0 -5468,80.0,156.0,0,0,1,0,0,0 -5951,88.0,122.0,0,0,0,0,1,0 -3391,101.0,112.0,0,0,0,0,1,0 -5415,119.0,135.0,0,0,1,0,0,0 -2560,105.0,125.0,0,0,0,0,1,0 -11911,76.0,111.0,0,0,0,0,1,0 -8162,115.0,158.0,0,0,0,0,1,0 -2635,113.0,119.0,0,0,0,0,1,0 -5256,101.0,127.0,0,0,0,0,1,0 -3530,150.0,118.0,0,0,0,0,1,0 -8567,106.0,168.0,0,0,1,0,0,0 -1908,74.0,117.0,0,0,0,0,1,0 -11150,112.0,116.0,0,0,1,0,0,0 -235,88.0,145.0,0,0,1,0,0,0 -1604,80.0,148.0,0,0,1,0,0,0 -7984,90.0,134.0,1,0,0,0,0,0 -9310,170.0,110.0,0,0,0,0,1,0 -3490,100.0,112.0,0,0,0,0,1,0 -11862,79.0,130.0,0,0,0,0,1,0 -1994,63.0,135.0,0,0,1,0,0,0 -2824,98.0,109.0,0,0,0,0,1,0 -11178,156.0,116.0,0,0,1,0,0,0 -10568,73.0,101.0,0,0,0,0,1,0 -1342,98.0,107.0,0,0,1,0,0,0 -8512,113.0,88.0,0,0,0,0,1,0 -1619,98.0,121.0,0,0,0,0,1,0 -5287,110.0,175.0,0,0,1,0,0,0 -2060,174.0,96.0,0,0,0,0,1,0 -11984,102.0,120.0,0,0,0,0,1,0 -2219,90.0,109.0,0,0,0,0,1,0 -9865,100.0,147.0,0,0,0,0,1,0 -6038,105.0,115.0,0,0,0,0,1,0 -260,121.0,144.0,0,0,0,0,1,0 -11277,76.0,135.0,0,0,0,0,1,0 -10231,76.0,164.0,0,0,0,0,1,0 -9093,80.0,110.0,0,0,0,0,1,0 -3744,93.0,155.0,0,0,0,0,1,0 -2026,62.0,121.0,0,0,1,0,0,0 -6988,102.0,131.0,0,0,1,0,0,0 -4234,96.0,123.0,0,0,0,0,0,1 -1917,110.0,123.0,0,0,0,0,1,0 -1828,208.0,114.0,0,0,0,0,0,1 -9765,121.0,113.0,0,0,1,0,0,0 -6233,136.0,119.0,0,0,0,0,1,0 -11239,100.0,104.0,0,0,0,0,1,0 -6283,90.0,100.0,0,0,1,0,0,0 -4208,94.0,115.0,0,0,0,0,1,0 -224,110.0,128.0,0,0,0,0,1,0 -8915,94.0,153.0,0,0,1,0,0,0 -10002,115.0,104.0,0,0,0,0,1,0 -9333,91.0,126.0,0,0,1,0,0,0 -6469,90.0,100.0,0,0,1,0,0,0 -11336,174.0,105.0,0,0,1,0,0,0 -10954,84.0,151.0,0,0,1,0,0,0 -846,103.0,130.0,0,0,0,0,1,0 -4289,113.0,144.0,0,0,0,0,1,0 -5560,118.0,151.0,0,0,0,0,0,1 -2551,117.0,120.0,0,0,0,0,1,0 -117,64.0,91.0,0,0,0,0,1,0 -8837,108.0,147.0,0,0,0,0,1,0 -5966,84.0,123.0,0,0,1,0,0,0 -8195,108.0,98.0,0,0,0,0,0,1 -8659,221.0,58.0,0,0,1,0,0,0 -7489,115.0,116.0,0,0,0,0,1,0 -5,124.0,118.0,0,0,0,0,1,0 -5342,150.0,150.0,0,0,0,0,1,0 -9111,65.0,122.0,0,0,0,0,1,0 -10787,88.0,125.0,0,0,0,0,1,0 -4324,72.0,112.0,0,0,0,0,1,0 -1063,80.0,120.0,0,0,1,0,0,0 -2590,125.0,115.0,0,0,0,0,1,0 -8434,94.0,128.0,0,0,0,0,1,0 -9352,93.0,125.0,0,0,1,0,0,0 -3735,100.0,108.0,0,0,1,0,0,0 -10589,100.0,128.0,0,0,1,0,0,0 -3517,99.0,118.0,0,0,0,0,1,0 -6986,72.0,125.0,0,0,1,0,0,0 -10755,110.0,130.0,0,0,0,0,1,0 -6767,115.0,100.0,0,0,0,0,1,0 -5622,79.0,98.0,0,0,1,0,0,0 -1605,78.0,150.0,0,0,1,0,0,0 -1733,80.0,154.0,0,0,0,0,1,0 -10516,100.0,131.0,0,0,0,0,1,0 -10901,95.0,111.0,0,0,0,0,1,0 -11249,58.0,106.0,0,0,1,0,0,0 -9504,108.0,115.0,0,0,0,0,0,1 -3812,126.0,127.0,0,0,0,0,1,0 -11592,114.0,129.0,0,0,0,0,1,0 -10554,116.0,146.0,0,0,0,0,1,0 -10167,101.0,132.0,0,0,1,0,0,0 -1761,92.0,124.0,0,0,0,0,1,0 -5401,93.0,130.0,0,0,1,0,0,0 -2739,132.0,146.0,0,0,0,0,1,0 -11600,88.0,122.0,0,0,0,0,0,1 -2472,67.0,133.0,0,0,1,0,0,0 -6738,92.0,137.0,0,0,0,0,1,0 -6891,58.0,119.0,0,0,1,0,0,0 -7943,91.0,108.0,0,0,0,0,1,0 -9685,110.0,114.0,0,0,0,0,0,1 -4206,75.0,115.0,0,0,0,0,0,1 -6371,90.0,117.0,0,0,0,0,1,0 -10350,155.0,101.0,0,0,0,0,1,0 -9361,101.0,135.0,0,0,0,0,1,0 -10348,80.0,130.0,0,0,0,0,1,0 -232,129.0,95.0,0,0,0,0,0,1 -8258,113.0,126.0,0,0,0,0,1,0 -7561,98.0,123.0,0,0,1,0,0,0 -9795,160.0,93.0,0,0,0,0,1,0 -6168,97.0,105.0,0,0,0,0,1,0 -3596,84.0,99.0,0,0,0,0,1,0 -6288,96.0,128.0,0,0,0,0,0,1 -4632,91.0,114.0,0,0,0,0,1,0 -125,96.0,111.0,0,0,0,0,0,1 -7641,104.0,118.0,0,0,0,0,1,0 -6229,142.0,115.0,0,0,0,0,1,0 -1296,159.0,111.0,0,0,0,0,1,0 -1976,105.0,129.0,0,0,0,0,0,1 -11415,80.0,134.0,0,0,0,0,1,0 -11362,108.0,139.0,0,0,1,0,0,0 -10267,95.0,133.0,0,0,0,0,0,1 -5750,135.0,189.0,0,0,0,0,1,0 -8152,90.0,119.0,0,0,1,0,0,0 -3086,65.0,141.0,0,0,0,0,1,0 -11168,123.0,99.0,0,0,0,0,1,0 -6882,96.0,144.0,0,0,0,0,1,0 -11204,110.0,102.0,0,0,0,0,1,0 -7673,70.0,118.0,0,1,0,0,0,0 -3345,126.0,114.0,0,0,0,0,0,1 -8172,71.0,104.0,0,0,0,0,1,0 -11828,160.0,110.0,0,0,0,0,1,0 -5870,85.0,98.0,0,0,0,0,1,0 -6506,120.0,115.0,0,0,0,0,1,0 -2797,118.0,96.0,0,0,1,0,0,0 -918,90.0,109.0,0,0,0,0,1,0 -1646,128.0,100.0,0,0,0,1,0,0 -5122,146.0,81.0,0,0,0,0,1,0 -5126,109.0,107.0,0,0,1,0,0,0 -4621,79.0,126.0,0,0,0,0,1,0 -6809,85.0,92.0,0,0,0,0,1,0 -364,107.0,105.0,0,0,0,0,1,0 -2125,72.0,137.0,0,0,0,0,1,0 -8150,111.0,82.0,0,0,0,0,1,0 -8717,79.0,124.0,0,0,0,0,1,0 -55,102.0,149.0,0,0,1,0,0,0 -638,76.0,111.0,0,0,1,0,0,0 -302,122.0,105.0,0,0,0,0,0,1 -10958,104.0,133.0,0,0,0,0,1,0 -5811,85.0,116.0,0,0,1,0,0,0 -1276,84.0,105.0,0,0,1,0,0,0 -10247,101.0,111.0,0,0,0,0,0,1 -4432,97.0,128.0,0,0,0,0,1,0 -3644,108.0,125.0,0,0,0,0,1,0 -4143,100.0,125.0,0,0,0,0,1,0 -2878,87.0,118.0,0,0,0,0,0,1 -6493,80.0,110.0,0,0,1,0,0,0 -10478,147.0,106.0,0,0,1,0,0,0 -10453,154.0,137.0,0,0,0,0,1,0 -5240,124.0,148.0,0,0,1,0,0,0 -11328,62.0,111.0,0,0,1,0,0,0 -10488,65.0,105.0,0,0,0,0,1,0 -6937,96.0,118.0,0,0,1,0,0,0 -7240,117.0,119.0,0,0,1,0,0,0 -9945,140.0,100.0,0,0,1,0,0,0 -10160,112.0,140.0,0,0,0,0,1,0 -2593,203.0,110.0,0,0,1,0,0,0 -2393,86.0,118.0,0,0,1,0,0,0 -523,136.0,120.0,0,0,1,0,0,0 -6376,102.0,107.0,0,0,0,0,0,1 -6981,74.0,108.0,0,0,1,0,0,0 -6677,84.0,115.0,0,0,1,0,0,0 -3900,180.0,97.0,0,0,0,0,1,0 -11603,98.0,112.0,0,0,1,0,0,0 -5585,62.0,91.0,0,0,0,0,1,0 -11272,80.0,105.0,0,0,0,0,0,1 -7956,70.0,137.0,0,0,1,0,0,0 -7570,84.0,127.0,0,0,1,0,0,0 -6777,90.0,109.0,0,0,0,0,1,0 -10161,66.0,114.0,0,0,0,0,1,0 -671,90.0,140.0,0,0,0,0,1,0 -4188,93.0,142.0,0,0,0,0,1,0 -666,90.0,93.0,0,0,0,0,0,1 -3266,124.0,98.0,0,0,0,0,0,1 -1887,90.0,136.0,0,0,1,0,0,0 -8472,64.0,147.0,0,0,1,0,0,0 -9911,86.0,98.0,0,0,1,0,0,0 -11139,96.0,120.0,0,0,0,0,1,0 -9091,92.0,123.0,0,0,0,0,1,0 -7687,64.0,127.0,0,0,0,0,1,0 -6031,93.0,125.0,0,0,0,0,1,0 -6090,70.0,154.0,0,0,0,0,1,0 -6238,170.0,111.0,0,0,1,0,0,0 -7350,87.0,138.0,0,0,0,0,0,1 -7830,157.0,96.0,0,0,1,0,0,0 -760,160.0,80.0,0,0,0,0,1,0 -6254,140.0,110.0,0,0,0,0,0,1 -1906,55.0,131.0,0,0,0,0,1,0 -3818,108.0,155.0,0,0,1,0,0,0 -6269,78.0,131.0,0,0,0,0,0,1 -4300,72.0,105.0,0,0,0,0,1,0 -5569,76.0,133.0,0,0,0,0,1,0 -7941,97.0,134.0,0,0,0,0,1,0 -10785,152.0,137.0,0,0,1,0,0,0 -4164,143.0,90.0,0,0,1,0,0,0 -5971,130.0,90.0,0,0,1,0,0,0 -3579,106.0,98.0,0,0,0,0,1,0 -2832,111.0,133.0,0,0,0,0,0,1 -5449,133.0,117.0,0,0,0,0,1,0 -3472,118.0,124.0,0,0,0,0,1,0 -6327,90.0,119.0,0,0,0,0,1,0 -137,177.0,126.0,0,0,0,0,0,1 -7043,76.0,132.0,0,0,0,0,1,0 -4892,95.0,98.0,0,0,1,0,0,0 -2180,118.0,105.0,0,0,1,0,0,0 -10320,83.0,144.0,0,0,0,0,1,0 -7730,88.0,113.0,0,0,1,0,0,0 -3177,89.0,100.0,0,0,0,0,1,0 -4854,100.0,112.0,0,0,0,0,1,0 -4637,92.0,140.0,0,0,0,0,1,0 -5115,127.0,121.0,0,0,0,0,0,1 -11199,74.0,120.0,0,0,0,0,1,0 -7648,122.0,109.0,0,0,1,0,0,0 -4261,112.0,105.0,0,0,0,0,1,0 -1331,95.0,105.0,0,0,1,0,0,0 -10209,60.0,131.0,0,0,0,0,0,1 -10674,100.0,120.0,0,0,0,0,1,0 -7002,82.0,128.0,0,0,0,0,1,0 -9550,123.0,121.0,0,0,0,0,1,0 -6941,71.0,100.0,0,0,0,0,1,0 -8017,101.0,148.0,0,0,0,0,1,0 -6241,92.0,132.0,0,0,1,0,0,0 -9521,88.0,108.0,0,0,1,0,0,0 -12025,149.0,144.0,0,0,1,0,0,0 -6881,121.0,131.0,0,0,0,0,1,0 -10342,90.0,116.0,0,0,0,0,1,0 -4530,123.0,117.0,0,0,0,0,0,1 -10314,128.0,113.0,0,0,1,0,0,0 -4673,107.0,129.0,0,0,0,0,0,1 -6996,102.0,135.0,0,0,0,0,1,0 -1252,120.0,150.0,0,0,0,0,1,0 -3374,99.0,140.0,0,0,1,0,0,0 -2814,100.0,117.0,0,0,0,0,1,0 -4719,80.0,136.0,0,0,1,0,0,0 -6544,91.0,159.0,0,0,0,0,0,1 -10040,114.0,98.0,0,0,1,0,0,0 -4858,114.0,124.0,0,0,0,0,0,1 -7901,80.0,130.0,0,0,0,0,1,0 -8580,86.0,111.0,0,0,0,0,1,0 -8427,170.0,93.0,0,0,0,0,1,0 -1077,100.0,147.0,0,0,0,0,1,0 -10176,169.0,125.0,0,0,1,0,0,0 -4363,103.0,159.0,0,0,0,0,0,1 -770,96.0,98.0,0,0,0,0,1,0 -10357,84.0,140.0,0,0,0,1,0,0 -8865,88.0,130.0,0,0,0,0,1,0 -249,93.0,128.0,0,0,0,0,1,0 -9766,88.0,118.0,0,0,0,0,1,0 -7239,97.0,112.0,0,0,0,0,1,0 -3419,108.0,130.0,0,0,0,0,1,0 -10273,93.0,114.0,0,1,0,0,0,0 -10015,148.0,178.0,0,0,0,0,0,1 -4976,76.0,124.0,0,0,0,0,0,1 -4544,115.0,122.0,0,0,0,0,1,0 -5565,130.0,107.0,0,0,1,0,0,0 -7939,108.0,119.0,0,0,1,0,0,0 -716,129.0,100.0,0,0,0,0,1,0 -11626,122.0,118.0,0,0,1,0,0,0 -2048,126.0,126.0,0,0,1,0,0,0 -5997,80.0,145.0,0,0,0,0,1,0 -6600,100.0,134.0,0,0,1,0,0,0 -7245,56.0,122.0,0,0,0,0,1,0 -4178,80.0,140.0,0,0,0,0,1,0 -4809,86.0,142.0,0,0,0,0,1,0 -10916,83.0,148.0,0,0,0,0,1,0 -11419,135.0,111.0,0,0,1,0,0,0 -7140,90.0,101.0,0,0,0,0,1,0 -7190,130.0,105.0,0,0,1,0,0,0 -1460,138.0,104.0,0,0,0,0,1,0 -5989,139.0,100.0,0,0,0,0,0,1 -9860,94.0,110.0,0,0,0,0,0,1 -10948,94.0,119.0,0,0,1,0,0,0 -2000,64.0,102.0,0,0,1,0,0,0 -8175,166.0,126.0,0,0,0,0,1,0 -404,92.0,121.0,0,0,0,0,1,0 -384,112.0,119.0,0,0,0,0,1,0 -11377,136.0,85.0,0,0,1,0,0,0 -11425,62.0,124.0,0,0,1,0,0,0 -10344,85.0,135.0,0,0,0,0,1,0 -1633,78.0,127.0,0,0,0,0,1,0 -11876,106.0,115.0,0,0,1,0,0,0 -4784,128.0,119.0,0,0,1,0,0,0 -11389,88.0,114.0,0,0,1,0,0,0 -6970,144.0,144.0,0,0,1,0,0,0 -3925,100.0,139.0,0,0,0,0,1,0 -4158,133.0,91.0,0,0,0,0,1,0 -7449,82.0,138.0,0,0,0,0,1,0 -8415,70.0,127.0,0,0,1,0,0,0 -2193,100.0,122.0,0,0,0,0,0,1 -10016,105.0,131.0,0,0,0,0,0,1 -1015,88.0,110.0,0,0,0,0,1,0 -5124,104.0,110.0,0,0,0,0,1,0 -7418,91.0,130.0,0,0,0,0,1,0 -7409,102.0,101.0,0,0,0,0,1,0 -8989,98.0,128.0,0,0,0,0,1,0 -2871,183.0,99.0,0,0,0,0,0,1 -9,82.0,136.0,0,0,0,0,1,0 -10136,140.0,90.0,0,0,0,0,0,1 -1838,102.0,119.0,0,0,1,0,0,0 -4804,144.0,111.0,0,0,0,0,1,0 -255,122.0,118.0,0,0,1,0,0,0 -7026,84.0,143.0,0,0,0,0,0,1 -5713,100.0,104.0,0,0,1,0,0,0 -3324,82.0,120.0,0,0,1,0,0,0 -7714,90.0,95.0,0,0,0,0,1,0 -1581,88.0,122.0,0,0,0,0,1,0 -11148,111.0,101.0,0,0,1,0,0,0 -924,91.0,131.0,0,0,0,0,1,0 -2779,110.0,174.0,0,0,0,0,1,0 -10700,108.0,150.0,0,0,1,0,0,0 -7891,125.0,138.0,0,0,0,0,0,1 -6132,124.0,139.0,0,0,0,0,0,1 -5320,95.0,113.0,0,0,0,0,0,1 -7312,105.0,131.0,0,1,0,0,0,0 -7102,91.0,136.0,0,0,0,0,1,0 -6042,80.0,124.0,0,0,0,0,1,0 -3775,181.0,125.0,0,0,1,0,0,0 -4835,68.0,122.0,0,0,1,0,0,0 -4964,67.0,120.0,0,0,0,0,1,0 -10971,110.0,102.0,0,0,1,0,0,0 -539,76.0,126.0,0,0,0,0,1,0 -7483,100.0,145.0,0,0,0,0,1,0 -2745,125.0,139.0,0,0,0,0,1,0 -3719,190.0,110.0,0,0,0,0,1,0 -6819,130.0,118.0,0,0,0,0,0,1 -9337,112.0,102.0,0,0,0,0,1,0 -4468,77.0,145.0,0,0,0,0,1,0 -667,80.0,113.0,0,0,0,0,1,0 -7575,116.0,135.0,0,0,0,0,1,0 -11211,74.0,130.0,0,0,1,0,0,0 -8549,112.0,110.0,0,0,0,0,1,0 -5063,88.0,122.0,0,0,1,0,0,0 -11023,80.0,110.0,0,0,0,0,1,0 -10975,92.0,110.0,0,0,0,0,0,1 -1353,106.0,128.0,0,0,1,0,0,0 -7114,100.0,119.0,0,0,0,0,1,0 -11767,88.0,132.0,0,0,1,0,0,0 -8662,106.0,134.0,0,0,1,0,0,0 -2703,98.0,90.0,0,0,0,0,1,0 -3330,85.0,110.0,0,0,0,0,1,0 -8053,98.0,125.0,0,0,0,0,1,0 -9588,68.0,159.0,0,0,1,0,0,0 -3584,98.0,121.0,0,0,0,0,1,0 -11369,111.0,106.0,0,0,1,0,0,0 -5645,60.0,122.0,0,0,0,0,1,0 -3376,105.0,151.0,0,0,1,0,0,0 -1256,130.0,124.0,0,0,0,0,0,1 -6190,78.0,96.0,0,0,0,0,1,0 -9442,109.0,125.0,0,0,0,0,1,0 -5348,89.0,127.0,0,0,1,0,0,0 -11003,99.0,119.0,0,0,0,0,1,0 -11125,142.0,176.0,0,0,0,0,1,0 -4175,92.0,128.0,0,0,1,0,0,0 -4910,135.0,60.0,0,0,1,0,0,0 -1852,116.0,110.0,0,0,0,0,0,1 -6316,60.0,134.0,0,0,0,0,0,1 -11868,119.0,106.0,0,0,1,0,0,0 -2105,72.0,140.0,0,0,0,0,1,0 -133,89.0,127.0,0,0,0,0,0,1 -5029,97.0,111.0,0,0,0,0,1,0 -928,104.0,131.0,0,0,1,0,0,0 -823,137.0,104.0,0,0,0,0,1,0 -7576,100.0,109.0,0,1,0,0,0,0 -1531,84.0,93.0,0,0,1,0,0,0 -1214,80.0,126.0,0,0,1,0,0,0 -504,85.0,127.0,0,0,0,0,1,0 -10188,128.0,159.0,0,0,0,0,1,0 -6530,144.0,119.0,0,0,0,0,0,1 -3072,64.0,161.0,0,0,1,0,0,0 -10150,110.0,100.0,0,0,1,0,0,0 -9576,96.0,186.0,0,0,1,0,0,0 -9086,168.0,92.0,0,0,0,0,1,0 -8647,100.0,100.0,0,0,1,0,0,0 -6619,80.0,119.0,0,0,1,0,0,0 -9273,100.0,135.0,0,0,0,0,1,0 -3709,153.0,112.0,0,0,0,0,1,0 -11545,111.0,123.0,0,0,1,0,0,0 -4849,102.0,121.0,0,0,1,0,0,0 -4748,190.0,106.0,0,0,0,0,1,0 -4268,137.0,129.0,0,0,1,0,0,0 -11897,112.0,100.0,0,0,0,0,1,0 -8905,116.0,98.0,0,0,0,0,0,1 -4186,128.0,102.0,0,0,1,0,0,0 -10406,125.0,137.0,0,0,0,0,1,0 -5301,108.0,106.0,0,0,1,0,0,0 -2923,92.0,116.0,0,0,0,0,0,1 -6588,100.0,118.0,0,0,1,0,0,0 -1810,82.0,125.0,0,0,1,0,0,0 -3486,94.0,122.0,0,0,0,0,0,1 -7419,107.0,137.0,0,0,0,0,1,0 -3141,72.0,129.0,0,0,1,0,0,0 -10019,80.0,136.0,0,0,0,0,0,1 -9347,120.0,92.0,0,0,1,0,0,0 -1324,104.0,131.0,0,0,1,0,0,0 -4312,106.0,107.0,0,0,0,0,0,1 -7494,83.0,121.0,0,0,0,0,1,0 -8702,111.0,111.0,0,0,0,0,1,0 -9872,68.0,120.0,0,0,1,0,0,0 -8691,76.0,119.0,0,0,0,0,0,1 -11527,94.0,120.0,0,0,0,0,1,0 -10048,132.0,79.0,0,0,1,0,0,0 -9580,125.0,133.0,1,0,0,0,0,0 -10578,123.0,114.0,0,0,0,0,0,1 -5541,90.0,108.0,0,0,0,0,1,0 -6172,79.0,120.0,0,0,0,0,1,0 -1540,105.0,142.0,0,0,0,0,1,0 -9409,99.0,119.0,0,0,0,0,0,1 -2681,90.0,110.0,0,0,1,0,0,0 -11901,108.0,136.0,0,0,0,0,1,0 -11185,76.0,123.0,0,0,0,0,0,1 -6313,73.0,113.0,0,0,1,0,0,0 -1191,98.0,115.0,0,0,1,0,0,0 -5293,124.0,118.0,0,0,0,0,0,1 -1542,93.0,109.0,0,0,0,0,1,0 -7056,67.0,115.0,0,0,0,0,1,0 -2539,110.0,152.0,0,0,0,0,1,0 -953,155.0,84.0,0,0,0,0,1,0 -7241,98.0,100.0,0,0,0,0,1,0 -6731,85.0,123.0,0,0,1,0,0,0 -4846,114.0,132.0,0,0,0,0,1,0 -6801,103.0,160.0,0,0,0,0,1,0 -8010,97.0,126.0,0,0,1,0,0,0 -4330,83.0,131.0,0,0,1,0,0,0 -8924,92.0,90.0,0,0,1,0,0,0 -5334,100.0,92.0,0,0,1,0,0,0 -7330,82.0,115.0,0,0,0,0,1,0 -9348,103.0,155.0,0,0,1,0,0,0 -4729,107.0,122.0,0,0,0,0,1,0 -6541,98.0,120.0,0,0,0,0,1,0 -11174,81.0,149.0,0,0,1,0,0,0 -5305,117.0,139.0,0,0,1,0,0,0 -5161,106.0,152.0,0,0,0,0,1,0 -7860,84.0,124.0,0,0,0,0,1,0 -2156,89.0,119.0,0,0,1,0,0,0 -1062,105.0,120.0,0,0,0,0,1,0 -10808,74.0,117.0,0,0,1,0,0,0 -1167,134.0,82.0,0,0,0,0,1,0 -11414,130.0,124.0,0,0,1,0,0,0 -3636,112.0,127.0,0,0,0,0,1,0 -7651,120.0,94.0,0,0,1,0,0,0 -5588,67.0,119.0,0,0,1,0,0,0 -11130,108.0,99.0,0,0,0,0,1,0 -7192,126.0,131.0,0,0,0,0,1,0 -4491,85.0,166.0,0,0,0,0,1,0 -7266,77.0,108.0,0,0,1,0,0,0 -11332,84.0,113.0,0,0,0,0,0,1 -4980,70.0,120.0,1,0,0,0,0,0 -8335,90.0,114.0,0,0,0,0,1,0 -11981,87.0,130.0,1,0,0,0,0,0 -4946,101.0,110.0,0,0,1,0,0,0 -2782,104.0,124.0,0,0,0,0,1,0 -717,76.0,120.0,0,0,1,0,0,0 -10011,87.0,105.0,0,0,0,0,1,0 -2502,70.0,118.0,0,0,0,0,1,0 -4360,150.0,61.0,0,0,0,0,1,0 -4171,95.0,127.0,0,0,0,0,1,0 -8082,129.0,117.0,0,0,0,0,0,1 -11752,90.0,128.0,0,0,0,0,1,0 -395,71.0,133.0,0,0,0,0,1,0 -7186,100.0,106.0,0,0,1,0,0,0 -11827,119.0,142.0,0,0,0,0,0,1 -4492,74.0,126.0,0,0,0,0,1,0 -1365,96.0,124.0,0,0,0,0,1,0 -11469,125.0,135.0,0,0,0,0,0,1 -8787,91.0,132.0,0,0,0,0,1,0 -5917,80.0,119.0,0,0,0,0,1,0 -4968,124.0,120.0,0,0,0,0,1,0 -2914,98.0,149.0,0,0,0,0,1,0 -10518,89.0,115.0,0,0,0,0,1,0 -5644,180.0,106.0,0,0,0,0,0,1 -3766,170.0,171.0,0,0,0,0,1,0 -3440,128.0,119.0,0,0,1,0,0,0 -7357,79.0,130.0,0,0,1,0,0,0 -6806,155.0,121.0,0,0,0,0,0,1 -9879,115.0,140.0,0,0,0,0,1,0 -2143,100.0,115.0,0,0,1,0,0,0 -5104,120.0,120.0,0,0,1,0,0,0 -5073,130.0,132.0,0,0,0,0,1,0 -1571,120.0,143.0,0,0,0,0,1,0 -4079,102.0,135.0,0,0,0,0,1,0 -1122,112.0,128.0,0,0,0,0,0,1 -2786,110.0,150.0,0,0,0,0,1,0 -2967,84.0,145.0,0,0,1,0,0,0 -2504,88.0,125.0,0,0,1,0,0,0 -5988,76.0,104.0,0,0,1,0,0,0 -8867,110.0,155.0,0,0,0,0,1,0 -11000,68.0,114.0,0,0,0,0,1,0 -7164,175.0,75.0,0,0,0,0,1,0 -728,97.0,129.0,0,0,1,0,0,0 -7587,127.0,126.0,0,0,0,0,1,0 -7543,95.0,124.0,0,0,0,0,1,0 -412,134.0,89.0,0,0,0,0,1,0 -11338,94.0,160.0,0,0,0,0,1,0 -9708,100.0,104.0,0,0,1,0,0,0 -5745,130.0,73.0,0,0,0,0,1,0 -7668,106.0,125.0,0,0,0,0,1,0 -825,84.0,137.0,0,0,0,0,0,1 -3267,70.0,125.0,0,0,1,0,0,0 -3974,103.0,101.0,0,0,0,0,1,0 -8808,95.0,149.0,0,0,0,0,1,0 -8306,105.0,121.0,0,0,0,0,1,0 -417,126.0,120.0,0,0,0,0,1,0 -11261,94.0,96.0,0,0,1,0,0,0 -9817,142.0,107.0,0,0,0,0,1,0 -6748,140.0,104.0,0,0,0,0,1,0 -8967,84.0,111.0,0,0,0,0,1,0 -11088,122.0,117.0,0,0,1,0,0,0 -11615,118.0,105.0,0,0,0,0,0,1 -2082,126.0,107.0,0,0,0,0,1,0 -8945,78.0,140.0,0,0,0,0,1,0 -10738,84.0,113.0,0,0,1,0,0,0 -3373,120.0,113.0,0,0,0,0,1,0 -5726,101.0,117.0,0,0,0,0,1,0 -4107,97.0,149.0,0,0,1,0,0,0 -10636,157.0,117.0,0,0,0,0,1,0 -4380,111.0,137.0,0,0,0,0,1,0 -7723,175.0,142.0,0,0,1,0,0,0 -1066,124.0,106.0,0,0,1,0,0,0 -3913,85.0,124.0,0,0,0,0,1,0 -5536,87.0,105.0,0,0,0,0,0,1 -8002,68.0,130.0,0,0,1,0,0,0 -5387,90.0,120.0,0,0,0,0,1,0 -5732,81.0,131.0,0,0,0,0,1,0 -2738,106.0,118.0,0,0,0,0,0,1 -5052,60.0,138.0,0,0,0,0,0,1 -4000,104.0,128.0,0,0,0,0,1,0 -9760,120.0,130.0,0,0,0,0,1,0 -2427,114.0,125.0,0,0,1,0,0,0 -6833,147.0,147.0,0,0,0,0,1,0 -10123,83.0,139.0,0,0,0,0,1,0 -1687,80.0,106.0,0,0,1,0,0,0 -851,102.0,136.0,0,0,0,0,1,0 -6303,57.0,120.0,0,0,0,0,1,0 -9087,100.0,110.0,0,0,0,0,0,1 -5878,160.0,98.0,0,0,0,0,0,1 -8527,88.0,124.0,0,0,0,0,1,0 -2839,61.0,139.0,0,0,0,0,1,0 -11279,58.0,133.0,0,0,0,0,1,0 -4611,77.0,129.0,0,0,0,0,1,0 -9540,70.0,116.0,0,0,1,0,0,0 -9207,102.0,117.0,0,0,0,0,1,0 -11008,71.0,141.0,0,0,1,0,0,0 -9823,84.0,107.0,0,0,0,0,1,0 -2489,72.0,115.0,0,0,0,0,1,0 -6905,122.0,106.0,0,0,0,0,1,0 -7390,150.0,67.0,0,0,0,0,1,0 -11443,117.0,128.0,0,0,1,0,0,0 -2849,79.0,122.0,0,0,0,0,1,0 -6665,104.0,102.0,0,0,0,0,1,0 -5881,99.0,121.0,0,0,0,0,1,0 -10262,65.0,126.0,0,0,0,0,1,0 -4452,100.0,109.0,0,0,0,0,1,0 -9949,86.0,142.0,0,0,0,0,0,1 -7421,120.0,119.0,0,0,0,0,1,0 -9827,101.0,98.0,0,0,0,0,1,0 -6484,115.0,132.0,0,0,1,0,0,0 -2479,94.0,135.0,0,0,0,0,1,0 -6617,78.0,118.0,0,0,1,0,0,0 -10457,96.0,147.0,0,0,0,0,1,0 -11151,137.0,95.0,0,0,0,0,1,0 -11251,108.0,149.0,0,0,1,0,0,0 -2141,183.0,104.0,0,0,0,0,1,0 -11310,84.0,111.0,0,0,0,0,1,0 -5188,88.0,144.0,0,0,0,0,1,0 -11686,96.0,118.0,0,0,1,0,0,0 -2744,90.0,97.0,0,0,0,0,1,0 -7253,140.0,140.0,0,0,1,0,0,0 -3506,125.0,109.0,0,0,0,0,1,0 -1679,164.0,113.0,0,0,0,0,0,1 -4249,157.0,85.0,0,0,0,0,1,0 -3147,158.0,120.0,0,0,0,0,1,0 -8130,76.0,110.0,0,0,1,0,0,0 -10486,122.0,121.0,0,0,0,0,1,0 -7004,158.0,122.0,0,0,0,0,1,0 -580,101.0,36.0,0,0,0,0,0,1 -9662,92.0,134.0,0,0,0,0,0,1 -4070,120.0,113.0,0,0,0,0,1,0 -3343,97.0,118.0,0,0,0,0,0,1 -7404,105.0,116.0,0,0,1,0,0,0 -3672,74.0,110.0,0,0,1,0,0,0 -559,80.0,109.0,0,0,0,0,1,0 -5237,107.0,123.0,0,0,0,0,1,0 -7805,80.0,80.0,0,0,0,0,1,0 -11041,109.0,123.0,0,0,0,0,1,0 -512,108.0,125.0,0,0,0,0,1,0 -1081,88.0,110.0,0,0,0,0,1,0 -1664,100.0,96.0,0,0,0,0,0,1 -9204,73.0,106.0,0,0,1,0,0,0 -1931,83.0,106.0,0,0,0,0,1,0 -11641,92.0,100.0,0,0,0,0,1,0 -1150,85.0,128.0,0,0,1,0,0,0 -2838,140.0,98.0,0,0,1,0,0,0 -5949,77.0,127.0,0,0,0,0,1,0 -8308,148.0,124.0,0,0,0,0,1,0 -8932,96.0,119.0,0,0,0,0,1,0 -11784,110.0,120.0,0,0,0,0,1,0 -5177,118.0,126.0,0,0,0,0,0,1 -830,113.0,123.0,0,0,0,0,1,0 -8311,96.0,100.0,0,0,1,0,0,0 -4752,116.0,123.0,0,0,0,0,1,0 -11750,86.0,102.0,0,0,0,0,1,0 -11706,92.0,99.0,0,0,0,0,1,0 -635,108.0,170.0,0,0,0,0,0,1 -4465,88.0,104.0,0,0,0,0,0,1 -6799,101.0,82.0,0,0,1,0,0,0 -7987,118.0,78.0,0,0,0,0,0,1 -7079,68.0,119.0,0,0,0,0,0,1 -6966,110.0,120.0,0,0,0,0,1,0 -4142,133.0,126.0,0,0,0,0,1,0 -7027,70.0,152.0,0,0,1,0,0,0 -9183,100.0,140.0,0,0,1,0,0,0 -876,158.0,163.0,0,0,1,0,0,0 -4869,110.0,115.0,0,0,0,0,1,0 -5315,96.0,119.0,0,0,0,0,1,0 -5222,98.0,132.0,0,0,0,0,0,1 -4,103.0,119.0,0,0,0,0,0,1 -3051,84.0,99.0,0,0,1,0,0,0 -5691,94.0,102.0,0,0,0,0,0,1 -3124,69.0,128.0,0,0,0,0,1,0 -10852,113.0,143.0,0,0,0,0,1,0 -2491,92.0,133.0,0,0,1,0,0,0 -3854,107.0,121.0,0,0,1,0,0,0 -4777,60.0,120.0,0,0,0,0,1,0 -9907,88.0,97.0,0,0,0,0,0,1 -7509,128.0,102.0,0,0,0,0,1,0 -6457,119.0,92.0,0,0,0,0,1,0 -6293,188.0,90.0,0,0,0,0,1,0 -1148,100.0,180.0,0,0,0,0,0,1 -11453,159.0,120.0,0,0,0,0,1,0 -574,158.0,102.0,0,0,0,0,1,0 -3769,82.0,142.0,0,0,0,0,1,0 -4146,88.0,140.0,0,0,0,0,1,0 -853,120.0,90.0,0,0,0,0,1,0 -10174,130.0,119.0,0,0,1,0,0,0 -10966,112.0,124.0,0,0,0,0,1,0 -5919,63.0,149.0,0,0,0,0,1,0 -9358,92.0,129.0,0,0,1,0,0,0 -6614,110.0,131.0,0,0,0,0,1,0 -6002,110.0,90.0,0,0,0,0,1,0 -9163,132.0,120.0,0,0,0,0,0,1 -10893,98.0,137.0,0,0,1,0,0,0 -4495,104.0,93.0,0,0,0,0,1,0 -8173,79.0,91.0,0,0,0,0,1,0 -6655,109.0,144.0,0,0,0,0,1,0 -2368,142.0,111.0,0,0,1,0,0,0 -4780,85.0,154.0,0,0,0,0,1,0 -7992,90.0,140.0,0,0,0,0,1,0 -2950,122.0,128.0,0,0,0,0,1,0 -5625,90.0,113.0,0,0,0,0,0,1 -6971,93.0,121.0,0,0,0,0,1,0 -8716,94.0,120.0,0,0,0,0,1,0 -10647,78.0,125.0,0,0,1,0,0,0 -1841,72.0,119.0,0,0,1,0,0,0 -5986,148.0,96.0,0,0,1,0,0,0 -537,96.0,129.0,0,0,0,0,1,0 -2806,72.0,110.0,0,0,0,0,1,0 -5801,89.0,120.0,0,0,0,0,1,0 -5596,97.0,122.0,0,0,0,0,0,1 -7206,100.0,129.0,0,0,1,0,0,0 -7343,90.0,119.0,1,0,0,0,0,0 -7560,86.0,141.0,0,0,1,0,0,0 -8096,120.0,98.0,0,0,0,0,1,0 -11367,130.0,110.0,0,0,0,0,0,1 -784,136.0,119.0,0,0,0,0,1,0 -1409,68.0,108.0,0,0,1,0,0,0 -10729,136.0,111.0,0,0,0,0,1,0 -154,99.0,162.0,1,0,0,0,0,0 -7806,94.0,106.0,0,0,1,0,0,0 -3009,72.0,140.0,0,0,1,0,0,0 -1686,104.0,124.0,0,0,0,0,1,0 -11093,116.0,126.0,0,0,0,0,1,0 -4014,105.0,128.0,0,0,1,0,0,0 -7455,108.0,108.0,0,0,0,0,0,1 -3863,108.0,110.0,0,0,1,0,0,0 -2733,72.0,162.0,0,0,1,0,0,0 -1895,96.0,141.0,0,0,0,0,1,0 -5442,92.0,146.0,0,0,0,0,1,0 -569,120.0,150.0,0,0,1,0,0,0 -6709,80.0,127.0,0,0,1,0,0,0 -5854,107.0,140.0,0,0,1,0,0,0 -1816,185.0,79.0,0,0,0,0,1,0 -10257,85.0,119.0,0,0,1,0,0,0 -8319,99.0,109.0,0,0,0,0,1,0 -3394,122.0,108.0,0,0,0,0,0,1 -3327,77.0,127.0,0,0,0,0,1,0 -12020,122.0,142.0,0,0,1,0,0,0 -6102,150.0,98.0,0,0,1,0,0,0 -2975,96.0,101.0,0,0,0,0,1,0 -980,88.0,128.0,0,0,0,0,1,0 -10492,92.0,134.0,0,0,1,0,0,0 -190,68.0,111.0,0,0,1,0,0,0 -9331,129.0,146.0,0,0,1,0,0,0 -5088,75.0,119.0,1,0,0,0,0,0 -699,150.0,126.0,0,0,0,0,1,0 -11751,107.0,113.0,0,0,0,0,1,0 -606,127.0,107.0,0,0,0,0,1,0 -301,161.0,179.0,0,0,0,0,1,0 -3420,99.0,154.0,0,0,0,0,1,0 -11804,124.0,105.0,0,0,0,0,1,0 -1060,110.0,138.0,0,0,1,0,0,0 -10757,120.0,124.0,0,0,0,0,1,0 -3444,95.0,148.0,0,0,1,0,0,0 -1069,100.0,113.0,0,0,0,0,0,1 -10716,174.0,117.0,0,0,0,0,1,0 -2205,128.0,133.0,0,0,1,0,0,0 -9435,91.0,94.0,0,0,1,0,0,0 -7339,62.0,118.0,0,0,1,0,0,0 -8208,90.0,119.0,0,0,0,0,1,0 -7679,111.0,153.0,0,0,0,0,1,0 -11312,120.0,96.0,0,0,1,0,0,0 -4642,127.0,115.0,0,0,0,0,1,0 -7683,143.0,109.0,0,0,0,0,0,1 -9007,85.0,111.0,0,0,1,0,0,0 -7996,122.0,103.0,0,0,0,0,1,0 -11259,64.0,133.0,0,0,0,0,1,0 -5600,95.0,128.0,0,0,1,0,0,0 -9151,80.0,127.0,0,0,1,0,0,0 -7022,90.0,121.0,0,0,0,0,1,0 -4893,110.0,110.0,0,0,0,0,1,0 -225,89.0,137.0,0,0,0,0,0,1 -3354,160.0,77.0,0,0,1,0,0,0 -5895,62.0,121.0,0,0,1,0,0,0 -10677,81.0,120.0,0,0,1,0,0,0 -8754,79.0,111.0,0,0,0,0,0,1 -3436,127.0,75.0,0,0,0,0,1,0 -1693,106.0,133.0,0,0,0,0,1,0 -6893,164.0,137.0,0,0,0,0,1,0 -1045,96.0,112.0,0,0,0,0,0,1 -3446,107.0,122.0,0,0,0,0,1,0 -8050,79.0,127.0,0,0,0,0,1,0 -9146,103.0,120.0,0,0,0,0,1,0 -12019,100.0,82.0,0,0,0,0,1,0 -10927,117.0,105.0,0,0,0,0,1,0 -11296,85.0,125.0,0,0,1,0,0,0 -4735,122.0,129.0,0,0,0,0,1,0 -4496,162.0,110.0,0,0,1,0,0,0 -1218,144.0,134.0,0,0,0,0,1,0 -6015,135.0,104.0,0,0,0,0,1,0 -9719,106.0,80.0,0,0,0,0,1,0 -3987,167.0,105.0,0,0,0,0,0,1 -4911,89.0,124.0,0,0,1,0,0,0 -9492,102.0,145.0,0,0,0,0,0,1 -4493,84.0,119.0,0,0,0,0,1,0 -6944,104.0,119.0,0,0,1,0,0,0 -5699,124.0,151.0,0,0,0,0,1,0 -8352,82.0,142.0,0,0,0,0,1,0 -956,120.0,116.0,0,0,0,0,1,0 -11426,81.0,120.0,0,0,0,0,1,0 -2869,143.0,130.0,0,0,0,0,1,0 -4433,120.0,143.0,0,0,0,0,1,0 -4973,82.0,142.0,0,0,0,0,1,0 -2961,139.0,100.0,0,0,0,0,1,0 -2200,95.0,180.0,0,0,1,0,0,0 -98,106.0,140.0,0,0,0,0,1,0 -11861,76.0,117.0,0,0,0,0,1,0 -2557,130.0,148.0,0,0,1,0,0,0 -11375,84.0,118.0,0,0,0,0,1,0 -8445,106.0,109.0,0,0,0,0,1,0 -4199,108.0,138.0,0,0,1,0,0,0 -9637,106.0,101.0,0,0,1,0,0,0 -5539,75.0,99.0,0,0,0,0,0,1 -1648,169.0,116.0,0,0,0,0,1,0 -9888,70.0,130.0,0,0,0,0,1,0 -11383,76.0,120.0,0,0,1,0,0,0 -6197,95.0,126.0,0,0,0,0,1,0 -6295,92.0,109.0,0,0,0,0,1,0 -4499,56.0,104.0,0,0,0,0,1,0 -1154,77.0,117.0,0,0,0,0,1,0 -2255,80.0,114.0,0,0,1,0,0,0 -9874,87.0,102.0,0,0,0,0,0,1 -3170,84.0,133.0,0,0,0,0,1,0 -7400,68.0,138.0,0,0,0,0,0,1 -10248,82.0,112.0,0,0,1,0,0,0 -7158,88.0,121.0,0,0,0,0,1,0 -3108,68.0,134.0,0,0,1,0,0,0 -4548,80.0,98.0,0,0,1,0,0,0 -5423,64.0,149.0,0,0,1,0,0,0 -2049,88.0,118.0,0,0,0,0,1,0 -9208,100.0,127.0,0,0,1,0,0,0 -8815,144.0,124.0,0,0,0,0,1,0 -11796,78.0,116.0,0,0,0,0,1,0 -262,73.0,110.0,1,0,0,0,0,0 -11561,62.0,112.0,0,0,0,0,0,1 -4061,122.0,158.0,0,0,0,0,1,0 -5534,104.0,100.0,0,0,0,0,1,0 -6616,109.0,116.0,0,0,1,0,0,0 -8120,108.0,113.0,0,0,1,0,0,0 -8155,72.0,126.0,0,0,0,0,1,0 -1802,78.0,114.0,0,0,1,0,0,0 -4736,88.0,124.0,0,0,0,0,1,0 -12030,82.0,141.0,0,0,0,0,1,0 -2385,118.0,107.0,0,0,1,0,0,0 -6694,114.0,60.0,0,0,0,0,1,0 -5759,111.0,125.0,0,0,1,0,0,0 -1959,172.0,110.0,0,0,0,0,0,1 -2976,88.0,136.0,0,0,0,0,1,0 -8680,84.0,127.0,0,0,0,0,1,0 -1843,121.0,112.0,0,0,1,0,0,0 -1734,124.0,147.0,0,0,0,0,1,0 -2911,110.0,108.0,0,0,1,0,0,0 -11411,128.0,105.0,0,0,0,0,1,0 -8338,90.0,108.0,0,0,1,0,0,0 -1986,195.0,93.0,0,0,0,0,1,0 -9561,72.0,160.0,0,0,0,0,1,0 -6546,59.0,145.0,0,0,0,0,1,0 -7098,83.0,121.0,0,0,0,0,0,1 -2811,103.0,109.0,0,0,0,0,1,0 -659,84.0,113.0,0,0,0,0,1,0 -9986,121.0,109.0,0,0,0,0,0,1 -2511,128.0,85.0,0,0,1,0,0,0 -11589,114.0,155.0,0,0,0,0,1,0 -4282,92.0,125.0,0,0,0,0,1,0 -9339,77.0,120.0,0,0,0,0,1,0 -11464,105.0,118.0,0,0,1,0,0,0 -8800,66.0,140.0,0,0,1,0,0,0 -6287,65.0,120.0,0,0,1,0,0,0 -11774,119.0,124.0,0,0,1,0,0,0 -1930,116.0,127.0,0,0,1,0,0,0 -7125,52.0,119.0,0,0,1,0,0,0 -197,86.0,104.0,0,0,0,0,1,0 -7777,128.0,115.0,0,0,0,0,1,0 -2931,88.0,134.0,0,0,0,0,1,0 -8004,104.0,120.0,0,0,0,0,1,0 -2327,94.0,119.0,0,0,0,0,0,1 -4389,110.0,133.0,0,0,0,0,1,0 -8958,84.0,126.0,0,0,0,0,1,0 -4218,112.0,134.0,0,0,0,0,1,0 -11447,70.0,115.0,0,0,0,0,1,0 -202,108.0,119.0,0,0,0,0,0,1 -3510,83.0,120.0,0,0,1,0,0,0 -4931,88.0,126.0,0,0,1,0,0,0 -5535,84.0,131.0,0,0,0,0,1,0 -9925,114.0,119.0,0,0,0,0,1,0 -5791,102.0,111.0,0,0,1,0,0,0 -10969,115.0,89.0,0,0,1,0,0,0 -1707,160.0,116.0,0,0,0,0,1,0 -5172,84.0,123.0,0,0,0,0,0,1 -5249,100.0,129.0,0,0,1,0,0,0 -11666,97.0,98.0,0,0,1,0,0,0 -6528,97.0,129.0,0,0,0,1,0,0 -11858,130.0,90.0,0,0,0,0,1,0 -5855,80.0,108.0,0,0,0,0,1,0 -8164,112.0,120.0,0,0,0,0,0,1 -854,105.0,114.0,0,0,1,0,0,0 -4737,115.0,95.0,0,0,0,0,1,0 -10352,115.0,116.0,0,0,0,0,0,1 -698,76.0,131.0,0,0,0,0,1,0 -11344,71.0,123.0,0,0,0,0,1,0 -11191,150.0,127.0,0,0,0,0,1,0 -3696,84.0,122.0,0,0,1,0,0,0 -1636,74.0,117.0,0,0,0,0,1,0 -7280,125.0,101.0,0,0,0,0,1,0 -7554,115.0,116.0,0,0,0,0,1,0 -11649,64.0,128.0,0,0,0,0,1,0 -3581,81.0,124.0,0,0,0,0,1,0 -1291,140.0,135.0,0,0,1,0,0,0 -6585,90.0,143.0,0,0,0,0,1,0 -1853,88.0,111.0,0,0,0,0,1,0 -5232,100.0,122.0,0,0,1,0,0,0 -3763,80.0,128.0,0,0,1,0,0,0 -3304,96.0,111.0,0,0,1,0,0,0 -1495,67.0,154.0,0,0,1,0,0,0 -11637,151.0,124.0,0,0,1,0,0,0 -7994,115.0,104.0,0,0,0,0,0,1 -1998,100.0,116.0,0,0,0,0,1,0 -663,80.0,106.0,0,0,0,0,1,0 -3748,82.0,122.0,0,0,1,0,0,0 -4413,131.0,123.0,0,0,1,0,0,0 -5530,92.0,94.0,0,0,1,0,0,0 -5575,96.0,122.0,0,0,0,0,1,0 -8901,102.0,147.0,0,0,0,0,1,0 -7526,120.0,103.0,0,0,0,0,1,0 -9474,120.0,96.0,0,0,0,0,1,0 -5864,72.0,115.0,0,0,0,0,1,0 -10867,150.0,140.0,0,0,1,0,0,0 -6776,134.0,115.0,0,0,0,0,1,0 -1306,80.0,121.0,0,0,0,0,1,0 -7392,60.0,123.0,0,0,1,0,0,0 -10429,97.0,131.0,0,0,0,0,1,0 -11494,109.0,115.0,0,0,0,0,1,0 -5592,78.0,101.0,0,0,0,0,0,1 -10230,142.0,107.0,0,0,0,0,1,0 -9721,92.0,109.0,0,0,1,0,0,0 -1663,90.0,127.0,0,0,0,0,0,1 -5450,126.0,86.0,0,0,0,0,0,1 -11959,144.0,96.0,0,0,0,0,1,0 -11983,116.0,105.0,0,0,0,0,1,0 -3627,84.0,98.0,0,0,1,0,0,0 -2693,105.0,119.0,0,0,0,0,0,1 -11252,96.0,141.0,0,0,0,0,1,0 -9789,114.0,93.0,0,0,1,0,0,0 -10921,80.0,124.0,0,0,1,0,0,0 -10817,74.0,117.0,0,0,0,0,1,0 -5915,81.0,148.0,0,0,1,0,0,0 -3157,95.0,108.0,0,0,1,0,0,0 -11506,103.0,141.0,0,0,0,0,1,0 -9914,104.0,119.0,0,0,1,0,0,0 -6668,87.0,142.0,0,0,1,0,0,0 -1059,111.0,128.0,0,1,0,0,0,0 -4636,60.0,120.0,0,0,0,0,1,0 -3242,86.0,112.0,0,0,0,0,1,0 -1678,101.0,144.0,0,0,0,0,1,0 -6892,156.0,119.0,0,0,0,0,0,1 -6374,119.0,127.0,0,0,0,0,1,0 -7574,122.0,161.0,0,0,1,0,0,0 -1757,74.0,108.0,0,0,1,0,0,0 -6019,76.0,110.0,0,0,0,0,1,0 -5116,77.0,116.0,0,0,0,0,0,1 -8755,85.0,103.0,0,0,0,0,0,1 -7408,138.0,109.0,0,0,1,0,0,0 -2790,87.0,167.0,0,0,1,0,0,0 -863,80.0,120.0,0,0,1,0,0,0 -7858,75.0,147.0,0,0,1,0,0,0 -1484,88.0,86.0,0,0,0,0,1,0 -7035,77.0,91.0,0,0,0,0,0,1 -7721,92.0,137.0,0,0,0,0,1,0 -5977,120.0,110.0,0,0,0,0,1,0 -5134,80.0,113.0,0,0,1,0,0,0 -206,96.0,106.0,0,0,1,0,0,0 -4488,93.0,119.0,0,0,0,0,1,0 -6938,156.0,119.0,0,0,1,0,0,0 -9062,115.0,130.0,0,0,1,0,0,0 -6910,166.0,116.0,0,0,0,0,1,0 -502,92.0,108.0,0,0,0,0,1,0 -7385,115.0,126.0,0,0,0,0,1,0 -1028,129.0,117.0,0,0,1,0,0,0 -3840,80.0,125.0,0,0,1,0,0,0 -10882,68.0,122.0,0,0,0,0,1,0 -8110,80.0,118.0,0,0,0,0,1,0 -5056,106.0,106.0,0,0,1,0,0,0 -9762,144.0,116.0,0,0,1,0,0,0 -8154,106.0,139.0,0,0,0,0,0,1 -10965,113.0,120.0,0,0,0,0,1,0 -2731,96.0,136.0,0,0,0,0,0,1 -8996,80.0,125.0,0,0,0,0,0,1 -11837,106.0,124.0,0,0,0,0,1,0 -2454,100.0,131.0,0,0,0,0,0,1 -7215,100.0,129.0,0,0,1,0,0,0 -3104,106.0,133.0,0,0,0,0,1,0 -8392,80.0,124.0,0,0,0,0,1,0 -6278,104.0,100.0,0,0,0,0,0,1 -3099,120.0,151.0,0,0,0,0,1,0 -6184,66.0,136.0,0,0,0,0,1,0 -10470,104.0,138.0,0,0,0,0,1,0 -3561,97.0,120.0,0,0,0,0,1,0 -5892,84.0,97.0,0,0,1,0,0,0 -391,105.0,139.0,0,0,0,0,1,0 -6736,160.0,136.0,0,0,1,0,0,0 -5618,89.0,123.0,0,0,1,0,0,0 -5258,117.0,121.0,0,0,0,0,1,0 -9687,114.0,136.0,0,0,0,0,1,0 -2695,74.0,115.0,0,0,0,0,1,0 -2027,124.0,127.0,0,1,0,0,0,0 -5463,69.0,127.0,0,0,1,0,0,0 -2568,84.0,104.0,0,0,0,0,1,0 -8006,80.0,120.0,0,0,1,0,0,0 -64,123.0,112.0,0,0,0,0,1,0 -2062,133.0,122.0,0,0,0,0,1,0 -5276,66.0,118.0,0,0,0,0,1,0 -7208,130.0,130.0,0,0,0,0,0,1 -8684,78.0,134.0,0,0,1,0,0,0 -8571,84.0,111.0,0,0,0,0,1,0 -6331,90.0,119.0,0,0,0,0,1,0 -4859,108.0,127.0,0,0,0,0,1,0 -4887,144.0,78.0,0,0,0,0,0,1 -9268,86.0,102.0,0,0,0,0,1,0 -878,75.0,128.0,0,0,1,0,0,0 -8529,82.0,119.0,0,0,0,0,0,1 -7916,135.0,98.0,0,0,0,1,0,0 -6863,92.0,123.0,0,0,0,0,1,0 -7892,105.0,123.0,0,0,0,0,1,0 -6439,88.0,140.0,0,0,0,0,1,0 -7869,120.0,106.0,0,0,1,0,0,0 -1016,84.0,104.0,0,0,1,0,0,0 -9467,128.0,110.0,0,0,0,0,1,0 -7629,140.0,124.0,0,0,0,0,0,1 -11534,122.0,115.0,0,0,0,0,0,1 -995,98.0,141.0,0,0,1,0,0,0 -10173,73.0,123.0,0,0,0,0,1,0 -4297,141.0,120.0,0,0,0,0,0,1 -161,110.0,119.0,0,0,0,0,1,0 -5675,148.0,109.0,0,0,1,0,0,0 -6873,111.0,153.0,0,0,0,0,1,0 -9692,91.0,136.0,0,0,0,0,1,0 -7989,101.0,122.0,0,0,0,0,1,0 -3843,121.0,90.0,0,0,0,0,1,0 -10805,93.0,102.0,0,0,0,0,1,0 -11653,88.0,101.0,0,0,0,0,1,0 -1021,103.0,118.0,0,0,0,0,0,1 -3073,120.0,95.0,0,0,0,0,1,0 -7555,110.0,95.0,0,0,0,0,1,0 -3943,129.0,121.0,0,0,0,0,1,0 -1585,96.0,100.0,0,0,1,0,0,0 -10147,92.0,115.0,0,0,0,0,1,0 -3152,90.0,121.0,0,0,0,0,1,0 -8226,88.0,144.0,0,0,0,0,1,0 -775,100.0,178.0,0,0,0,0,1,0 -10748,109.0,132.0,0,0,0,0,1,0 -9670,74.0,116.0,0,0,0,0,1,0 -7099,120.0,99.0,0,0,1,0,0,0 -5486,101.0,137.0,0,0,0,0,1,0 -6235,94.0,141.0,0,0,1,0,0,0 -9555,94.0,119.0,0,0,0,0,1,0 -7041,186.0,105.0,0,0,0,0,1,0 -2612,130.0,110.0,0,0,0,0,0,1 -7513,100.0,128.0,0,0,0,0,0,1 -11016,88.0,105.0,0,0,1,0,0,0 -10233,89.0,94.0,0,0,0,0,1,0 -8433,102.0,97.0,0,0,1,0,0,0 -10253,92.0,133.0,0,0,0,0,1,0 -10555,105.0,112.0,0,0,0,0,1,0 -8792,87.0,100.0,0,0,0,0,1,0 -10627,120.0,86.0,0,0,1,0,0,0 -5393,124.0,128.0,0,1,0,0,0,0 -11080,120.0,132.0,0,0,1,0,0,0 -8838,102.0,128.0,0,0,0,0,1,0 -3890,114.0,156.0,0,0,1,0,0,0 -3556,74.0,133.0,0,0,0,0,1,0 -11394,168.0,102.0,0,0,0,0,0,1 -1528,175.0,101.0,0,0,0,0,1,0 -1267,86.0,115.0,0,0,1,0,0,0 -7734,90.0,117.0,0,0,0,0,1,0 -1899,83.0,145.0,0,0,0,0,1,0 -4658,51.0,150.0,0,0,0,0,1,0 -3005,130.0,119.0,0,1,0,0,0,0 -2734,131.0,136.0,0,0,1,0,0,0 -189,67.0,116.0,0,0,1,0,0,0 -9998,122.0,111.0,0,0,1,0,0,0 -9167,110.0,120.0,0,0,0,0,1,0 -2747,84.0,128.0,0,0,0,0,1,0 -2047,105.0,122.0,0,0,0,0,1,0 -7849,98.0,142.0,0,0,1,0,0,0 -2558,86.0,131.0,0,0,0,0,1,0 -9274,88.0,117.0,0,0,0,0,1,0 -8666,76.0,142.0,1,0,0,0,0,0 -11096,117.0,119.0,0,0,0,0,1,0 -6396,113.0,99.0,0,0,0,0,1,0 -3385,80.0,123.0,0,0,1,0,0,0 -4555,76.0,127.0,0,0,0,0,1,0 -1184,106.0,150.0,0,0,0,0,1,0 -6420,88.0,119.0,0,0,0,0,1,0 -5051,109.0,96.0,0,0,1,0,0,0 -5311,85.0,112.0,0,0,0,0,1,0 -2433,76.0,131.0,0,0,0,0,1,0 -6949,108.0,123.0,0,0,1,0,0,0 -10583,67.0,114.0,0,0,0,0,1,0 -769,100.0,110.0,0,0,1,0,0,0 -1685,112.0,123.0,0,0,0,0,1,0 -8322,147.0,108.0,0,0,1,0,0,0 -11111,89.0,132.0,0,0,1,0,0,0 -11363,104.0,99.0,0,0,0,0,1,0 -11636,109.0,132.0,0,0,0,0,1,0 -5578,78.0,152.0,0,0,0,0,1,0 -4426,96.0,120.0,0,0,1,0,0,0 -466,87.0,120.0,0,0,1,0,0,0 -6265,87.0,117.0,0,0,1,0,0,0 -5734,120.0,108.0,0,0,0,0,0,1 -11284,110.0,95.0,0,0,0,0,1,0 -11964,82.0,112.0,0,0,0,0,1,0 -5191,124.0,94.0,0,0,1,0,0,0 -5390,102.0,130.0,0,0,0,0,1,0 -860,79.0,162.0,0,0,0,0,1,0 -7270,120.0,100.0,0,0,0,0,1,0 diff --git a/data/iai_pecarn/processed/meta_train.csv b/data/iai_pecarn/processed/meta_train.csv deleted file mode 100644 index 6473ea2a..00000000 --- a/data/iai_pecarn/processed/meta_train.csv +++ /dev/null @@ -1,7227 +0,0 @@ -,InitHeartRate,InitSysBPRange,Race_American Indian or Alaska Native,Race_Asian,Race_Black or African American,Race_Native Hawaiian or other Pacific Islander,Race_White (Non-Hispanic),Race_unknown -6071,140.0,122.0,0,0,0,0,1,0 -3780,125.0,124.0,0,0,0,0,1,0 -7533,83.0,127.0,0,0,1,0,0,0 -2619,144.0,88.0,0,0,1,0,0,0 -8520,104.0,113.0,0,0,1,0,0,0 -3325,88.0,110.0,0,0,0,0,1,0 -7405,98.0,134.0,0,0,1,0,0,0 -11563,108.0,123.0,0,0,0,0,1,0 -3706,74.0,151.0,0,0,0,0,1,0 -11823,97.0,109.0,0,0,0,0,0,1 -6827,92.0,139.0,0,0,1,0,0,0 -5651,80.0,119.0,0,0,0,0,0,1 -218,101.0,137.0,0,0,0,0,1,0 -4562,100.0,106.0,0,0,0,0,1,0 -1430,103.0,111.0,0,0,1,0,0,0 -7187,116.0,104.0,0,0,0,0,0,1 -10560,129.0,141.0,0,0,0,0,1,0 -10092,163.0,56.0,0,0,1,0,0,0 -3379,97.0,124.0,0,0,0,0,1,0 -357,77.0,125.0,0,0,0,0,1,0 -10057,123.0,126.0,0,0,0,0,1,0 -1786,82.0,114.0,0,0,0,0,1,0 -5910,114.0,109.0,0,0,0,0,1,0 -3724,88.0,146.0,0,0,0,0,1,0 -3819,124.0,137.0,0,0,1,0,0,0 -9152,104.0,158.0,0,0,1,0,0,0 -10598,90.0,116.0,0,0,0,0,1,0 -2342,90.0,107.0,0,0,0,0,1,0 -3753,95.0,134.0,0,0,0,0,1,0 -6208,86.0,133.0,0,0,1,0,0,0 -424,120.0,112.0,0,0,1,0,0,0 -9861,73.0,125.0,0,0,0,0,1,0 -9353,106.0,108.0,0,0,0,0,1,0 -7379,62.0,148.0,0,0,0,0,1,0 -4398,126.0,117.0,0,0,1,0,0,0 -4256,130.0,128.0,0,0,1,0,0,0 -11582,138.0,147.0,0,0,0,0,0,1 -8420,98.0,124.0,0,0,0,0,0,1 -6220,69.0,113.0,0,0,1,0,0,0 -10586,156.0,148.0,0,0,1,0,0,0 -5230,87.0,113.0,0,0,0,0,0,1 -4040,123.0,104.0,0,0,0,0,1,0 -8250,98.0,152.0,0,0,0,0,1,0 -2310,112.0,92.0,0,0,0,0,1,0 -7670,120.0,128.0,0,0,0,0,0,1 -5322,92.0,139.0,0,0,0,0,1,0 -1665,88.0,134.0,0,0,0,0,1,0 -673,88.0,118.0,0,0,0,0,1,0 -5098,86.0,107.0,0,0,1,0,0,0 -6311,53.0,129.0,0,0,0,0,1,0 -9809,160.0,104.0,0,0,1,0,0,0 -2585,100.0,110.0,0,0,1,0,0,0 -8005,86.0,101.0,0,0,0,0,1,0 -839,80.0,124.0,0,0,1,0,0,0 -11682,97.0,110.0,0,0,1,0,0,0 -8380,100.0,113.0,0,0,0,0,1,0 -613,90.0,131.0,0,0,1,0,0,0 -10737,75.0,119.0,0,0,0,0,1,0 -6098,102.0,147.0,0,0,0,0,1,0 -4607,96.0,129.0,0,0,1,0,0,0 -4605,98.0,104.0,0,0,1,0,0,0 -2766,96.0,114.0,0,0,1,0,0,0 -6562,84.0,113.0,0,0,0,0,1,0 -9344,103.0,119.0,0,1,0,0,0,0 -11037,64.0,122.0,0,0,1,0,0,0 -11264,79.0,123.0,0,0,0,0,1,0 -3011,100.0,143.0,0,0,0,0,0,1 -10206,74.0,129.0,0,0,1,0,0,0 -2474,130.0,144.0,0,0,0,0,0,1 -9309,112.0,107.0,0,0,1,0,0,0 -2102,118.0,115.0,0,0,0,0,1,0 -4119,75.0,129.0,0,0,1,0,0,0 -10008,134.0,135.0,0,0,0,0,1,0 -3608,78.0,102.0,0,0,0,0,1,0 -4742,140.0,113.0,0,0,0,0,0,1 -5981,100.0,114.0,0,0,0,0,1,0 -5464,115.0,128.0,0,0,0,0,1,0 -1795,99.0,119.0,0,0,0,0,1,0 -3615,66.0,132.0,0,0,0,0,1,0 -2715,98.0,113.0,0,0,0,0,0,1 -10154,85.0,152.0,0,0,0,0,1,0 -1399,100.0,96.0,0,1,0,0,0,0 -1010,77.0,113.0,0,0,0,0,1,0 -2540,89.0,109.0,0,0,0,0,1,0 -7985,118.0,110.0,0,0,0,0,1,0 -8292,77.0,109.0,0,0,0,0,0,1 -6522,87.0,104.0,0,0,1,0,0,0 -2236,101.0,120.0,0,0,0,0,1,0 -1470,68.0,139.0,0,0,1,0,0,0 -6927,83.0,116.0,0,0,0,0,1,0 -970,105.0,135.0,0,0,0,0,1,0 -4789,98.0,120.0,0,0,0,0,1,0 -3037,115.0,119.0,0,0,0,0,1,0 -8141,100.0,141.0,0,0,1,0,0,0 -10837,106.0,135.0,0,0,1,0,0,0 -7153,90.0,152.0,0,0,1,0,0,0 -135,110.0,122.0,0,0,0,0,1,0 -1825,121.0,123.0,0,0,0,0,1,0 -2380,87.0,126.0,0,0,0,0,0,1 -8510,72.0,139.0,0,0,0,0,0,1 -2777,81.0,130.0,0,0,0,0,1,0 -385,127.0,126.0,0,0,0,0,1,0 -11997,120.0,105.0,0,0,0,0,0,1 -1643,69.0,149.0,0,0,0,0,1,0 -8375,84.0,131.0,0,0,1,0,0,0 -6521,200.0,106.0,0,0,1,0,0,0 -7826,100.0,154.0,0,0,0,0,1,0 -2889,80.0,84.0,0,0,0,0,1,0 -7344,78.0,108.0,0,0,0,0,1,0 -10509,90.0,145.0,0,0,1,0,0,0 -3522,99.0,100.0,0,0,0,0,1,0 -4123,112.0,105.0,0,0,0,0,1,0 -2168,85.0,141.0,0,0,0,0,1,0 -7168,105.0,105.0,0,0,0,0,1,0 -7945,84.0,104.0,0,1,0,0,0,0 -7444,104.0,130.0,0,0,0,0,0,1 -6501,73.0,161.0,0,0,0,0,1,0 -7964,118.0,119.0,0,0,0,0,1,0 -2216,90.0,110.0,0,0,1,0,0,0 -6862,108.0,109.0,0,0,1,0,0,0 -1355,97.0,88.0,0,0,0,0,1,0 -70,120.0,151.0,0,0,0,0,1,0 -6392,106.0,119.0,0,0,0,0,1,0 -9875,133.0,105.0,0,0,1,0,0,0 -4890,87.0,118.0,0,0,0,0,1,0 -9562,98.0,113.0,0,0,0,0,1,0 -2210,163.0,70.0,0,0,0,0,1,0 -4301,86.0,139.0,0,0,0,0,1,0 -2516,120.0,91.0,0,0,1,0,0,0 -5549,60.0,137.0,0,0,1,0,0,0 -1965,120.0,123.0,0,0,1,0,0,0 -9940,83.0,135.0,0,0,1,0,0,0 -6011,100.0,107.0,0,0,0,0,1,0 -3316,96.0,102.0,0,0,1,0,0,0 -11449,156.0,95.0,0,0,0,0,1,0 -149,172.0,110.0,0,0,1,0,0,0 -7356,94.0,104.0,0,0,1,0,0,0 -7443,92.0,139.0,0,0,0,0,0,1 -11039,156.0,104.0,0,0,0,0,1,0 -3540,80.0,107.0,0,0,0,0,0,1 -2957,128.0,142.0,0,0,0,0,1,0 -8437,110.0,138.0,0,0,0,0,1,0 -7691,122.0,111.0,0,0,0,0,1,0 -8342,100.0,119.0,0,0,0,0,0,1 -1650,104.0,140.0,0,0,0,0,0,1 -8265,140.0,119.0,0,0,0,0,1,0 -2993,100.0,124.0,0,0,0,0,1,0 -6618,96.0,99.0,0,1,0,0,0,0 -10483,170.0,110.0,0,0,1,0,0,0 -6366,93.0,145.0,0,0,0,0,1,0 -3146,92.0,110.0,0,0,0,0,1,0 -2678,90.0,119.0,0,0,1,0,0,0 -7754,114.0,115.0,0,0,0,0,1,0 -4162,110.0,116.0,0,0,0,0,1,0 -8992,140.0,120.0,0,0,0,0,1,0 -8049,133.0,136.0,0,0,1,0,0,0 -11968,140.0,78.0,0,0,1,0,0,0 -10351,82.0,139.0,0,0,1,0,0,0 -2150,125.0,103.0,0,0,0,0,0,1 -396,91.0,150.0,0,0,0,0,1,0 -5523,88.0,97.0,0,0,0,0,1,0 -2109,115.0,144.0,0,0,0,0,1,0 -11005,69.0,115.0,0,0,0,0,1,0 -10709,108.0,91.0,0,0,0,0,1,0 -5613,77.0,117.0,0,0,0,0,1,0 -2609,100.0,126.0,0,0,0,0,1,0 -5350,105.0,180.0,0,0,0,0,1,0 -9009,102.0,140.0,0,0,0,0,1,0 -4392,120.0,119.0,0,0,0,0,1,0 -9391,120.0,115.0,0,0,0,0,1,0 -2984,120.0,112.0,0,0,1,0,0,0 -11840,124.0,103.0,0,0,1,0,0,0 -5071,84.0,116.0,0,0,0,0,0,1 -6825,110.0,102.0,0,1,0,0,0,0 -1022,107.0,120.0,0,0,1,0,0,0 -9419,94.0,124.0,0,0,1,0,0,0 -11283,132.0,133.0,0,0,1,0,0,0 -4819,113.0,96.0,0,0,0,0,1,0 -7779,80.0,118.0,0,0,0,0,1,0 -5403,180.0,119.0,0,0,1,0,0,0 -8324,67.0,134.0,0,0,0,0,1,0 -3002,82.0,130.0,0,0,0,0,1,0 -7940,97.0,131.0,0,0,0,0,1,0 -11761,84.0,123.0,0,0,1,0,0,0 -10330,110.0,106.0,0,0,0,0,1,0 -3887,108.0,127.0,0,0,0,0,1,0 -6964,80.0,108.0,0,0,1,0,0,0 -10005,140.0,139.0,0,0,0,0,0,1 -7271,96.0,99.0,0,0,0,0,1,0 -19,101.0,136.0,0,0,0,0,1,0 -2144,101.0,140.0,0,0,0,0,0,1 -1981,69.0,120.0,0,0,0,0,1,0 -2238,90.0,119.0,0,0,0,0,1,0 -747,100.0,106.0,0,0,1,0,0,0 -5928,78.0,121.0,0,0,0,0,1,0 -7298,106.0,134.0,0,0,0,0,0,1 -6681,107.0,127.0,0,0,0,0,1,0 -9425,100.0,122.0,0,0,1,0,0,0 -1793,96.0,126.0,0,0,0,0,0,1 -6698,81.0,123.0,0,0,0,0,0,1 -11410,268.0,130.0,0,0,1,0,0,0 -10850,104.0,148.0,0,0,1,0,0,0 -9596,106.0,121.0,0,0,1,0,0,0 -1006,77.0,122.0,0,0,1,0,0,0 -10446,80.0,100.0,0,0,0,0,1,0 -9684,114.0,118.0,0,0,1,0,0,0 -5875,130.0,122.0,0,0,1,0,0,0 -10458,170.0,94.0,0,0,1,0,0,0 -11136,80.0,138.0,0,0,0,0,1,0 -8542,112.0,132.0,0,0,0,0,1,0 -8628,100.0,108.0,0,0,0,0,1,0 -3755,75.0,112.0,0,0,0,0,1,0 -4097,84.0,118.0,0,0,1,0,0,0 -5666,90.0,117.0,0,0,1,0,0,0 -6118,116.0,144.0,0,0,0,0,1,0 -11985,72.0,108.0,0,0,0,0,1,0 -7889,118.0,114.0,0,0,1,0,0,0 -4551,86.0,119.0,0,0,1,0,0,0 -304,80.0,120.0,1,0,0,0,0,0 -9892,89.0,119.0,0,0,1,0,0,0 -2517,95.0,131.0,0,0,1,0,0,0 -7755,80.0,117.0,0,0,0,0,1,0 -3526,79.0,148.0,0,0,1,0,0,0 -3160,87.0,122.0,0,0,0,0,1,0 -4110,94.0,148.0,0,0,0,0,1,0 -2910,92.0,104.0,0,0,1,0,0,0 -5880,107.0,149.0,0,0,0,0,0,1 -4415,90.0,149.0,0,0,0,0,1,0 -8236,76.0,106.0,0,0,1,0,0,0 -11971,101.0,140.0,0,0,0,0,0,1 -7180,195.0,59.0,0,0,0,0,1,0 -1670,107.0,117.0,0,0,0,0,1,0 -11115,85.0,130.0,0,0,1,0,0,0 -5053,100.0,127.0,0,0,0,0,1,0 -8142,172.0,111.0,0,0,0,0,1,0 -11879,124.0,116.0,0,0,0,0,1,0 -5218,101.0,121.0,0,0,0,0,1,0 -1579,88.0,92.0,0,0,0,0,1,0 -10407,91.0,110.0,0,0,0,0,1,0 -10189,110.0,105.0,0,0,1,0,0,0 -6740,104.0,120.0,0,0,0,0,1,0 -10860,64.0,120.0,0,0,0,0,1,0 -429,102.0,130.0,0,0,0,0,1,0 -9891,88.0,153.0,0,0,0,0,1,0 -7874,145.0,121.0,0,0,0,0,1,0 -1213,62.0,110.0,0,0,0,0,0,1 -8598,101.0,115.0,0,0,1,0,0,0 -5763,90.0,105.0,0,0,1,0,0,0 -7457,96.0,150.0,0,0,0,0,1,0 -11787,91.0,99.0,0,0,0,0,1,0 -8887,68.0,130.0,0,1,0,0,0,0 -11075,108.0,131.0,0,0,0,0,1,0 -6734,147.0,113.0,0,0,0,0,1,0 -6866,106.0,125.0,0,0,0,0,1,0 -200,68.0,109.0,0,0,0,0,1,0 -6216,82.0,126.0,0,0,1,0,0,0 -8835,86.0,145.0,0,0,0,0,1,0 -3274,90.0,122.0,0,0,0,0,1,0 -10575,98.0,137.0,0,0,0,0,1,0 -11892,100.0,130.0,0,0,0,0,1,0 -3469,107.0,108.0,0,0,0,0,1,0 -4914,84.0,142.0,0,0,0,0,1,0 -3794,90.0,136.0,0,0,1,0,0,0 -8849,94.0,118.0,0,0,0,0,1,0 -6147,100.0,116.0,0,0,0,0,1,0 -9939,91.0,116.0,0,0,1,0,0,0 -3578,88.0,119.0,0,0,1,0,0,0 -5235,128.0,126.0,0,0,0,0,1,0 -11972,177.0,110.0,0,0,0,0,1,0 -8531,83.0,118.0,0,0,0,0,0,1 -5711,89.0,109.0,0,0,0,0,1,0 -5852,75.0,128.0,0,0,1,0,0,0 -4714,110.0,99.0,0,0,0,0,1,0 -10798,90.0,105.0,0,1,0,0,0,0 -95,102.0,118.0,0,0,0,0,1,0 -11870,60.0,112.0,0,0,0,0,1,0 -11123,88.0,119.0,0,0,1,0,0,0 -360,125.0,145.0,0,0,0,0,1,0 -10109,105.0,118.0,0,0,1,0,0,0 -7907,101.0,151.0,0,0,1,0,0,0 -5062,83.0,126.0,0,0,1,0,0,0 -8500,144.0,110.0,0,0,0,0,1,0 -3441,80.0,178.0,0,0,0,0,1,0 -7248,124.0,132.0,0,0,0,0,1,0 -9640,92.0,129.0,0,0,0,0,1,0 -1418,91.0,108.0,0,0,1,0,0,0 -2407,92.0,112.0,0,0,1,0,0,0 -7620,82.0,125.0,0,0,1,0,0,0 -9190,86.0,114.0,0,0,0,0,1,0 -7765,99.0,111.0,0,0,0,0,0,1 -2901,78.0,118.0,0,0,1,0,0,0 -2245,119.0,161.0,0,0,0,0,1,0 -5559,110.0,132.0,0,0,0,0,0,1 -1427,85.0,106.0,0,1,0,0,0,0 -7628,131.0,100.0,0,0,0,0,1,0 -2873,83.0,144.0,0,0,0,0,1,0 -6983,92.0,121.0,0,0,0,0,1,0 -7089,110.0,112.0,0,0,0,0,1,0 -5746,135.0,114.0,0,0,0,0,1,0 -1453,100.0,112.0,0,0,0,0,1,0 -11374,88.0,110.0,0,0,1,0,0,0 -9373,105.0,122.0,0,1,0,0,0,0 -7949,81.0,120.0,0,0,0,0,1,0 -2995,90.0,115.0,0,0,0,0,1,0 -6486,87.0,157.0,0,0,1,0,0,0 -4954,140.0,162.0,1,0,0,0,0,0 -9117,101.0,124.0,0,0,1,0,0,0 -8183,117.0,138.0,0,0,1,0,0,0 -3105,72.0,115.0,0,0,1,0,0,0 -3909,99.0,100.0,0,0,0,0,1,0 -811,102.0,137.0,0,0,0,0,1,0 -6947,115.0,94.0,0,0,0,0,1,0 -1617,102.0,136.0,0,0,0,0,1,0 -7436,78.0,119.0,0,0,1,0,0,0 -10382,118.0,112.0,0,0,0,0,0,1 -101,69.0,116.0,0,0,0,0,0,1 -5152,62.0,148.0,0,0,0,0,1,0 -3995,150.0,70.0,0,0,0,0,1,0 -10462,104.0,146.0,0,0,0,0,1,0 -9649,80.0,105.0,0,0,0,0,1,0 -3449,110.0,119.0,0,0,1,0,0,0 -9298,78.0,117.0,0,0,1,0,0,0 -9563,97.0,97.0,0,0,0,0,1,0 -5924,84.0,103.0,0,0,0,0,1,0 -9068,90.0,130.0,0,0,1,0,0,0 -2709,100.0,120.0,0,0,0,0,1,0 -373,85.0,115.0,0,0,0,0,0,1 -9219,117.0,128.0,0,0,0,0,1,0 -99,159.0,113.0,0,0,1,0,0,0 -4600,98.0,112.0,0,0,0,0,1,0 -9743,132.0,90.0,0,0,1,0,0,0 -8042,108.0,141.0,0,0,0,0,1,0 -11910,110.0,131.0,0,0,1,0,0,0 -10549,118.0,151.0,0,0,0,0,1,0 -6112,84.0,96.0,0,0,0,0,1,0 -10931,106.0,133.0,0,0,0,0,1,0 -1188,67.0,115.0,0,0,1,0,0,0 -2337,115.0,167.0,0,0,0,0,1,0 -10777,72.0,117.0,0,0,0,0,1,0 -1219,93.0,122.0,0,0,0,0,1,0 -2960,74.0,126.0,0,0,0,0,0,1 -3464,94.0,132.0,0,0,0,0,1,0 -7203,97.0,100.0,0,0,0,0,1,0 -7039,64.0,122.0,0,0,1,0,0,0 -5425,111.0,131.0,0,0,0,0,1,0 -7107,132.0,99.0,0,0,1,0,0,0 -8695,137.0,112.0,0,0,0,0,0,1 -11062,90.0,111.0,0,0,1,0,0,0 -11353,110.0,109.0,0,0,1,0,0,0 -1121,150.0,137.0,0,0,1,0,0,0 -3238,100.0,137.0,0,0,0,0,0,1 -10544,147.0,110.0,0,0,0,0,1,0 -6826,94.0,167.0,0,0,1,0,0,0 -5614,117.0,148.0,0,0,0,0,1,0 -9063,135.0,100.0,0,0,0,0,1,0 -8111,71.0,152.0,0,0,1,0,0,0 -119,100.0,110.0,0,0,1,0,0,0 -9386,140.0,119.0,0,0,0,0,1,0 -11371,128.0,103.0,0,0,0,0,1,0 -2586,154.0,110.0,0,0,0,0,0,1 -8209,130.0,128.0,0,0,0,0,1,0 -10179,86.0,121.0,0,0,0,0,1,0 -1323,116.0,105.0,0,0,1,0,0,0 -1178,180.0,109.0,0,0,1,0,0,0 -9313,66.0,186.0,0,0,0,0,1,0 -1683,62.0,134.0,0,0,1,0,0,0 -9995,106.0,140.0,0,0,0,0,1,0 -533,85.0,114.0,0,0,0,0,1,0 -1483,135.0,152.0,0,0,0,0,0,1 -3132,105.0,107.0,0,0,1,0,0,0 -10630,119.0,93.0,0,0,1,0,0,0 -3896,74.0,118.0,0,0,1,0,0,0 -7678,92.0,103.0,0,0,0,0,1,0 -10650,100.0,138.0,0,0,1,0,0,0 -3355,87.0,115.0,0,0,1,0,0,0 -7731,104.0,145.0,0,0,0,0,1,0 -379,100.0,127.0,0,0,1,0,0,0 -9578,113.0,116.0,0,0,0,0,1,0 -1208,88.0,128.0,0,1,0,0,0,0 -4952,70.0,110.0,0,0,1,0,0,0 -4226,108.0,106.0,0,0,0,0,1,0 -2968,59.0,133.0,0,0,1,0,0,0 -8614,140.0,112.0,0,0,0,0,0,1 -8625,106.0,120.0,0,0,0,0,1,0 -4043,92.0,163.0,0,0,1,0,0,0 -10550,70.0,108.0,0,0,0,0,1,0 -518,126.0,107.0,0,0,0,0,1,0 -4974,118.0,140.0,0,0,0,0,0,1 -10905,99.0,117.0,0,0,1,0,0,0 -487,172.0,157.0,0,0,1,0,0,0 -468,165.0,119.0,0,0,0,0,0,1 -11518,125.0,138.0,0,0,1,0,0,0 -12000,97.0,91.0,0,0,0,0,1,0 -7335,86.0,90.0,0,0,1,0,0,0 -4342,115.0,126.0,0,0,0,0,1,0 -6041,178.0,102.0,0,0,0,0,0,1 -1512,140.0,99.0,0,0,0,0,1,0 -11969,84.0,101.0,0,0,0,0,1,0 -6876,136.0,113.0,0,0,0,0,1,0 -9798,95.0,120.0,0,0,0,0,1,0 -11594,95.0,104.0,0,0,0,0,1,0 -9565,158.0,118.0,0,0,0,0,1,0 -6912,79.0,124.0,0,0,1,0,0,0 -3944,100.0,138.0,0,0,0,0,0,1 -11994,92.0,120.0,0,0,0,0,1,0 -3751,79.0,135.0,0,0,0,0,1,0 -1747,99.0,103.0,0,0,0,0,1,0 -1697,105.0,122.0,0,0,1,0,0,0 -554,60.0,117.0,0,0,0,0,1,0 -4812,60.0,116.0,0,0,0,0,1,0 -3375,110.0,124.0,0,0,1,0,0,0 -9182,110.0,115.0,0,0,0,0,0,1 -1369,97.0,162.0,0,0,1,0,0,0 -8020,80.0,106.0,0,0,1,0,0,0 -5775,157.0,125.0,0,0,1,0,0,0 -4541,150.0,80.0,0,0,0,0,1,0 -5893,121.0,94.0,0,0,0,0,1,0 -7660,80.0,119.0,0,0,0,0,1,0 -7924,134.0,110.0,0,0,0,0,1,0 -8348,125.0,127.0,0,0,0,0,0,1 -2372,82.0,96.0,0,0,1,0,0,0 -12042,100.0,120.0,0,0,0,0,1,0 -724,80.0,119.0,0,0,0,0,1,0 -47,94.0,121.0,0,0,0,0,1,0 -2802,119.0,120.0,0,0,0,0,0,1 -967,91.0,133.0,0,0,0,0,1,0 -1002,128.0,118.0,0,0,0,0,1,0 -10119,74.0,123.0,0,0,1,0,0,0 -624,103.0,130.0,0,0,0,0,1,0 -5787,86.0,130.0,0,0,0,0,1,0 -10288,106.0,118.0,0,0,0,0,0,1 -5718,110.0,119.0,0,0,1,0,0,0 -7962,110.0,128.0,0,0,1,0,0,0 -7284,108.0,150.0,0,0,0,0,1,0 -10900,137.0,135.0,0,0,1,0,0,0 -6045,106.0,131.0,0,0,1,0,0,0 -10440,109.0,103.0,0,0,1,0,0,0 -4881,73.0,126.0,0,1,0,0,0,0 -647,178.0,156.0,0,0,0,0,1,0 -4874,173.0,125.0,0,0,1,0,0,0 -9408,134.0,134.0,0,0,1,0,0,0 -3194,108.0,127.0,0,0,0,0,1,0 -11522,110.0,103.0,0,0,1,0,0,0 -1608,62.0,120.0,0,0,0,0,0,1 -700,120.0,109.0,0,0,0,0,1,0 -245,102.0,126.0,0,0,1,0,0,0 -7733,78.0,137.0,0,0,0,0,1,0 -10256,90.0,131.0,0,0,0,0,1,0 -3576,128.0,120.0,0,0,1,0,0,0 -3617,130.0,120.0,0,0,0,0,1,0 -5092,80.0,130.0,0,0,0,0,1,0 -5859,109.0,134.0,0,0,0,0,1,0 -1408,111.0,142.0,0,0,0,0,1,0 -7745,91.0,120.0,0,0,0,0,1,0 -10577,90.0,120.0,0,0,1,0,0,0 -10708,92.0,113.0,0,0,1,0,0,0 -7301,135.0,149.0,0,0,0,0,1,0 -1934,85.0,142.0,0,0,0,0,0,1 -8786,101.0,129.0,0,0,0,0,1,0 -1414,91.0,105.0,0,0,0,0,1,0 -7407,91.0,117.0,0,0,1,0,0,0 -5885,90.0,110.0,0,0,0,0,0,1 -10526,74.0,127.0,0,0,1,0,0,0 -10599,100.0,123.0,0,0,0,0,1,0 -1434,100.0,103.0,0,0,1,0,0,0 -8544,104.0,132.0,0,0,1,0,0,0 -9490,120.0,132.0,0,0,0,0,1,0 -10412,126.0,112.0,0,0,0,0,0,1 -2271,87.0,109.0,0,0,0,0,1,0 -8323,75.0,113.0,0,0,1,0,0,0 -461,104.0,119.0,0,0,0,0,1,0 -1839,120.0,113.0,0,0,0,0,1,0 -749,98.0,151.0,0,0,1,0,0,0 -5007,108.0,103.0,0,0,1,0,0,0 -3421,89.0,124.0,0,0,0,0,1,0 -8270,179.0,100.0,0,0,0,0,1,0 -3647,98.0,118.0,0,0,1,0,0,0 -3437,84.0,119.0,0,0,1,0,0,0 -14,88.0,143.0,0,0,1,0,0,0 -1261,102.0,115.0,0,0,1,0,0,0 -2366,72.0,118.0,0,0,1,0,0,0 -4770,133.0,116.0,0,0,1,0,0,0 -2270,100.0,105.0,0,0,1,0,0,0 -11510,66.0,108.0,0,0,1,0,0,0 -744,110.0,121.0,0,0,0,0,1,0 -9627,120.0,122.0,0,0,0,0,1,0 -914,105.0,121.0,0,0,0,0,1,0 -11082,84.0,107.0,0,0,0,0,1,0 -3403,66.0,121.0,0,0,0,0,1,0 -10690,98.0,114.0,0,0,0,0,0,1 -9161,122.0,114.0,0,0,1,0,0,0 -1373,85.0,121.0,0,0,0,0,1,0 -9305,84.0,115.0,0,0,0,0,1,0 -4705,91.0,108.0,0,0,0,0,1,0 -6014,100.0,157.0,0,0,0,0,1,0 -11541,94.0,119.0,0,0,0,0,0,1 -4991,119.0,118.0,0,0,0,0,1,0 -3884,64.0,127.0,0,0,0,0,1,0 -8136,98.0,112.0,0,0,0,0,0,1 -856,94.0,109.0,0,0,0,0,1,0 -3492,110.0,119.0,0,0,1,0,0,0 -1516,100.0,108.0,0,0,1,0,0,0 -10214,112.0,122.0,0,0,0,0,1,0 -3501,86.0,112.0,0,0,0,0,1,0 -5888,134.0,138.0,0,0,0,0,1,0 -668,134.0,170.0,0,0,0,0,1,0 -4303,80.0,102.0,0,0,1,0,0,0 -6209,80.0,118.0,0,0,1,0,0,0 -10155,150.0,125.0,0,0,1,0,0,0 -10444,100.0,127.0,0,0,0,0,1,0 -11060,102.0,133.0,0,0,1,0,0,0 -7538,110.0,112.0,0,0,0,0,1,0 -7075,88.0,113.0,0,0,1,0,0,0 -7233,112.0,137.0,0,0,0,0,1,0 -8107,128.0,130.0,0,0,0,0,0,1 -214,107.0,108.0,0,0,0,0,0,1 -3026,84.0,152.0,0,0,0,0,1,0 -8697,92.0,123.0,0,0,1,0,0,0 -2128,87.0,135.0,0,0,0,0,1,0 -5769,98.0,146.0,0,0,0,0,1,0 -5538,110.0,146.0,0,0,0,0,0,1 -11614,106.0,123.0,0,0,1,0,0,0 -11816,83.0,134.0,0,0,0,0,1,0 -10107,70.0,123.0,0,0,1,0,0,0 -9934,128.0,92.0,0,0,1,0,0,0 -8606,88.0,110.0,0,0,0,0,0,1 -7402,109.0,122.0,0,0,1,0,0,0 -11583,106.0,104.0,0,0,0,0,1,0 -6434,136.0,119.0,0,0,0,0,0,1 -7163,69.0,124.0,0,0,1,0,0,0 -6480,60.0,126.0,0,0,0,0,1,0 -10146,76.0,141.0,0,0,1,0,0,0 -3265,68.0,128.0,0,0,1,0,0,0 -7191,88.0,123.0,0,0,0,0,1,0 -10801,80.0,118.0,0,0,0,0,1,0 -8273,101.0,132.0,0,0,0,0,1,0 -2218,110.0,100.0,0,0,0,0,1,0 -9542,56.0,135.0,0,0,1,0,0,0 -6485,110.0,110.0,0,0,1,0,0,0 -11282,90.0,132.0,0,0,1,0,0,0 -2420,124.0,104.0,0,0,0,0,1,0 -31,108.0,118.0,0,0,0,0,1,0 -2357,85.0,105.0,0,0,0,0,1,0 -8971,99.0,119.0,0,0,0,0,0,1 -2759,139.0,130.0,0,0,1,0,0,0 -1210,97.0,129.0,0,0,0,0,1,0 -4672,83.0,106.0,0,0,0,0,1,0 -2085,135.0,107.0,0,0,1,0,0,0 -1351,86.0,140.0,0,0,0,0,1,0 -8943,86.0,120.0,0,0,0,0,1,0 -50,87.0,141.0,0,0,0,0,1,0 -483,102.0,118.0,0,0,0,0,1,0 -1978,91.0,139.0,0,0,0,0,1,0 -3233,94.0,118.0,0,0,1,0,0,0 -11564,121.0,103.0,0,0,0,0,0,1 -10556,104.0,127.0,0,0,0,0,0,1 -4093,112.0,119.0,0,0,0,0,0,1 -5514,100.0,126.0,0,0,1,0,0,0 -8191,117.0,136.0,0,0,0,0,1,0 -6415,123.0,138.0,0,0,0,0,1,0 -4614,68.0,147.0,0,0,1,0,0,0 -11457,83.0,131.0,0,0,0,0,1,0 -8132,71.0,100.0,0,0,0,0,1,0 -11733,132.0,109.0,0,0,0,0,1,0 -11217,156.0,108.0,0,0,0,0,0,1 -5357,78.0,114.0,0,0,0,0,0,1 -6779,80.0,114.0,0,0,0,0,1,0 -4418,95.0,106.0,0,0,0,0,1,0 -5692,86.0,123.0,0,0,1,0,0,0 -8523,72.0,121.0,0,0,0,0,1,0 -8159,70.0,140.0,0,0,1,0,0,0 -8313,90.0,133.0,0,0,1,0,0,0 -6930,77.0,118.0,0,0,0,0,1,0 -2019,84.0,110.0,0,0,0,0,1,0 -11309,168.0,124.0,0,0,1,0,0,0 -4053,189.0,121.0,0,0,0,0,1,0 -4320,80.0,128.0,0,0,0,0,1,0 -2846,126.0,126.0,0,0,1,0,0,0 -5427,81.0,122.0,0,0,1,0,0,0 -3562,116.0,88.0,1,0,0,0,0,0 -4639,125.0,138.0,0,0,1,0,0,0 -6984,120.0,117.0,0,0,1,0,0,0 -2531,84.0,113.0,0,0,1,0,0,0 -7360,100.0,129.0,0,0,0,0,1,0 -4004,99.0,119.0,0,0,1,0,0,0 -2021,93.0,107.0,0,1,0,0,0,0 -4333,129.0,100.0,0,0,0,0,1,0 -6292,104.0,119.0,0,0,0,0,0,1 -5689,96.0,118.0,0,0,0,0,1,0 -2439,172.0,115.0,0,0,1,0,0,0 -5025,64.0,154.0,0,0,0,0,1,0 -4722,92.0,122.0,0,0,0,0,0,1 -1197,80.0,143.0,0,0,0,0,1,0 -8985,100.0,130.0,0,0,1,0,0,0 -12003,107.0,134.0,0,0,1,0,0,0 -8281,96.0,134.0,0,0,0,0,1,0 -4885,59.0,76.0,0,0,0,0,1,0 -4870,121.0,120.0,0,0,0,0,1,0 -1623,163.0,90.0,0,0,0,0,1,0 -3702,69.0,113.0,0,0,1,0,0,0 -10645,100.0,101.0,0,0,1,0,0,0 -7675,120.0,86.0,0,0,0,0,1,0 -9343,96.0,127.0,0,0,1,0,0,0 -6088,102.0,113.0,0,0,0,0,1,0 -7225,80.0,106.0,0,0,0,0,1,0 -2459,98.0,127.0,0,0,0,0,1,0 -12002,77.0,155.0,0,0,0,0,1,0 -6592,95.0,102.0,0,0,0,0,1,0 -8090,128.0,120.0,0,0,0,0,1,0 -2333,102.0,96.0,0,0,0,0,1,0 -7267,76.0,121.0,0,0,1,0,0,0 -6558,100.0,114.0,0,0,0,0,0,1 -434,96.0,106.0,0,0,0,0,0,1 -4902,110.0,137.0,0,0,1,0,0,0 -2664,90.0,96.0,0,0,0,0,1,0 -932,95.0,116.0,0,0,0,0,1,0 -5396,88.0,124.0,0,0,1,0,0,0 -3482,92.0,127.0,0,0,1,0,0,0 -8798,56.0,118.0,0,0,1,0,0,0 -10134,93.0,116.0,0,0,0,0,0,1 -4387,118.0,99.0,0,0,1,0,0,0 -2046,85.0,112.0,0,0,0,0,1,0 -5896,110.0,105.0,0,0,1,0,0,0 -8653,162.0,148.0,0,0,0,0,1,0 -7541,100.0,106.0,0,0,1,0,0,0 -11953,98.0,107.0,0,0,1,0,0,0 -6051,74.0,117.0,0,0,0,0,1,0 -9033,86.0,137.0,0,0,0,0,1,0 -9813,112.0,132.0,0,0,0,0,1,0 -1277,138.0,123.0,0,0,0,0,0,1 -1701,72.0,138.0,0,0,0,0,0,1 -1626,120.0,119.0,0,1,0,0,0,0 -4643,106.0,139.0,0,0,0,0,1,0 -9466,80.0,126.0,0,0,0,0,1,0 -6699,84.0,109.0,0,0,0,0,1,0 -3844,71.0,97.0,0,0,0,0,1,0 -3290,106.0,131.0,0,0,1,0,0,0 -2522,103.0,132.0,0,1,0,0,0,0 -3014,86.0,115.0,0,0,0,0,1,0 -12001,97.0,113.0,0,0,0,0,1,0 -4688,104.0,119.0,0,0,0,0,1,0 -6814,147.0,79.0,0,0,0,0,1,0 -107,86.0,137.0,0,0,1,0,0,0 -5531,106.0,95.0,0,0,0,0,0,1 -9096,118.0,96.0,0,0,0,0,1,0 -4089,89.0,98.0,0,0,0,0,1,0 -3088,114.0,133.0,0,0,1,0,0,0 -5155,80.0,102.0,0,0,0,0,1,0 -3509,72.0,122.0,0,0,0,0,1,0 -4867,106.0,138.0,0,0,0,0,1,0 -10102,127.0,126.0,0,0,1,0,0,0 -217,96.0,120.0,0,0,0,0,1,0 -3021,96.0,99.0,0,0,0,0,1,0 -5773,104.0,104.0,0,0,0,0,1,0 -1166,105.0,116.0,0,0,1,0,0,0 -5333,120.0,132.0,0,0,0,0,1,0 -10944,109.0,131.0,0,0,1,0,0,0 -1602,120.0,100.0,0,0,1,0,0,0 -510,108.0,115.0,0,0,0,0,0,1 -2174,120.0,86.0,0,0,0,0,0,1 -8582,80.0,118.0,0,0,0,0,1,0 -7224,80.0,114.0,0,0,0,0,1,0 -1039,103.0,116.0,0,0,0,0,1,0 -573,130.0,117.0,0,0,0,0,0,1 -2360,164.0,97.0,0,0,0,0,1,0 -39,116.0,142.0,0,0,1,0,0,0 -4031,90.0,122.0,0,0,0,0,1,0 -2727,90.0,120.0,0,0,0,0,1,0 -4480,78.0,113.0,0,0,1,0,0,0 -3204,104.0,119.0,0,0,0,0,0,1 -10345,126.0,137.0,0,0,1,0,0,0 -9747,94.0,137.0,0,0,0,0,1,0 -3422,92.0,142.0,0,0,1,0,0,0 -850,139.0,133.0,0,0,0,0,1,0 -2927,70.0,126.0,0,0,1,0,0,0 -5826,78.0,152.0,0,0,0,0,1,0 -9993,91.0,113.0,0,0,0,0,1,0 -7632,100.0,141.0,0,0,0,0,1,0 -927,82.0,95.0,0,0,1,0,0,0 -10427,86.0,105.0,0,0,0,0,1,0 -346,186.0,70.0,0,0,1,0,0,0 -9870,95.0,146.0,0,0,0,0,1,0 -7702,84.0,124.0,0,0,1,0,0,0 -11184,82.0,113.0,0,0,0,0,1,0 -1718,89.0,96.0,0,0,1,0,0,0 -7171,88.0,119.0,0,0,1,0,0,0 -2020,128.0,120.0,0,0,0,0,1,0 -2447,83.0,118.0,0,0,0,0,1,0 -9433,130.0,123.0,0,0,0,0,1,0 -10464,120.0,160.0,0,0,0,0,0,1 -7023,55.0,106.0,0,0,1,0,0,0 -2631,124.0,116.0,0,0,1,0,0,0 -7478,100.0,121.0,0,0,0,0,1,0 -5969,123.0,100.0,0,0,0,0,1,0 -7268,104.0,102.0,0,0,0,0,1,0 -5181,100.0,118.0,0,0,0,0,1,0 -11395,145.0,134.0,0,0,1,0,0,0 -11089,105.0,123.0,0,0,1,0,0,0 -2614,88.0,110.0,0,0,1,0,0,0 -4606,122.0,120.0,0,0,0,0,1,0 -3652,67.0,108.0,0,0,0,0,1,0 -4028,106.0,123.0,0,0,0,0,1,0 -5046,78.0,117.0,0,0,0,0,1,0 -6178,79.0,119.0,0,0,0,0,1,0 -9851,168.0,117.0,0,0,1,0,0,0 -2145,100.0,138.0,0,0,0,0,1,0 -7978,127.0,102.0,0,1,0,0,0,0 -5532,77.0,105.0,0,0,0,0,1,0 -9953,105.0,107.0,0,0,0,0,1,0 -177,179.0,103.0,0,0,0,0,1,0 -895,108.0,121.0,0,0,0,0,1,0 -5304,88.0,129.0,0,0,1,0,0,0 -8334,76.0,133.0,0,0,0,0,1,0 -11242,76.0,142.0,0,0,0,0,1,0 -8830,82.0,131.0,0,0,1,0,0,0 -3883,131.0,119.0,0,0,0,0,1,0 -5362,70.0,106.0,0,0,0,0,1,0 -9889,121.0,127.0,0,0,0,0,1,0 -11535,100.0,118.0,0,0,0,0,1,0 -7899,90.0,118.0,0,0,0,0,0,1 -457,112.0,129.0,0,0,1,0,0,0 -4474,84.0,130.0,0,0,1,0,0,0 -3043,90.0,119.0,0,0,0,0,1,0 -1139,95.0,137.0,0,0,0,0,1,0 -7376,68.0,132.0,0,0,0,0,1,0 -3529,119.0,112.0,0,0,0,0,1,0 -8772,70.0,109.0,0,0,1,0,0,0 -8118,93.0,126.0,0,0,1,0,0,0 -4139,141.0,98.0,0,0,0,0,1,0 -4960,76.0,110.0,0,0,1,0,0,0 -10347,72.0,100.0,0,0,0,0,1,0 -9025,80.0,151.0,0,0,1,0,0,0 -7194,125.0,115.0,0,0,1,0,0,0 -11330,130.0,136.0,0,0,0,0,1,0 -2629,118.0,116.0,0,0,0,0,1,0 -7299,104.0,142.0,0,0,1,0,0,0 -7053,120.0,114.0,0,0,1,0,0,0 -4281,99.0,146.0,0,0,1,0,0,0 -10270,80.0,123.0,0,0,0,0,1,0 -10857,116.0,115.0,0,0,0,0,1,0 -11999,71.0,144.0,0,0,1,0,0,0 -2054,87.0,140.0,0,0,0,0,0,1 -4454,90.0,115.0,0,0,0,0,1,0 -2455,108.0,126.0,0,0,1,0,0,0 -10297,109.0,131.0,0,0,1,0,0,0 -3045,118.0,112.0,0,0,1,0,0,0 -8963,85.0,115.0,0,0,0,0,1,0 -2627,96.0,140.0,0,0,1,0,0,0 -3286,80.0,125.0,0,0,1,0,0,0 -9166,81.0,117.0,0,0,1,0,0,0 -6224,104.0,158.0,0,0,0,0,1,0 -303,110.0,110.0,0,0,0,0,1,0 -3206,97.0,127.0,0,0,1,0,0,0 -9216,73.0,123.0,0,0,0,0,1,0 -6884,76.0,108.0,0,0,1,0,0,0 -8295,100.0,143.0,0,0,1,0,0,0 -3425,84.0,120.0,0,0,1,0,0,0 -210,86.0,134.0,0,0,1,0,0,0 -5598,111.0,85.0,0,0,1,0,0,0 -11893,112.0,142.0,0,0,0,0,1,0 -651,75.0,122.0,0,0,1,0,0,0 -6648,102.0,144.0,0,0,0,0,1,0 -7602,61.0,106.0,0,0,0,0,1,0 -10182,76.0,140.0,0,0,0,0,1,0 -7692,64.0,110.0,0,0,1,0,0,0 -2929,160.0,71.0,0,0,0,0,1,0 -11716,80.0,122.0,0,0,1,0,0,0 -2651,82.0,134.0,0,0,1,0,0,0 -11050,93.0,122.0,0,0,1,0,0,0 -5687,106.0,114.0,0,0,1,0,0,0 -10043,121.0,117.0,0,0,0,0,1,0 -10688,92.0,154.0,0,0,0,0,1,0 -1570,87.0,112.0,0,0,1,0,0,0 -1457,112.0,119.0,0,0,0,0,1,0 -9723,88.0,125.0,0,0,0,0,1,0 -8222,103.0,121.0,0,0,1,0,0,0 -3488,91.0,120.0,0,1,0,0,0,0 -6496,74.0,110.0,0,0,0,0,1,0 -4060,110.0,113.0,0,0,0,0,1,0 -8528,70.0,145.0,0,0,1,0,0,0 -3272,100.0,130.0,0,0,0,0,0,1 -1739,99.0,108.0,0,0,0,0,1,0 -4533,73.0,106.0,0,0,1,0,0,0 -8283,98.0,124.0,0,0,0,0,1,0 -398,156.0,124.0,0,0,0,0,1,0 -6883,142.0,103.0,0,0,0,0,1,0 -7317,200.0,128.0,0,0,1,0,0,0 -321,122.0,101.0,0,0,0,0,1,0 -5865,86.0,117.0,0,0,1,0,0,0 -9936,68.0,153.0,0,0,1,0,0,0 -2487,82.0,145.0,0,0,0,0,1,0 -11084,82.0,149.0,0,0,0,0,1,0 -908,80.0,113.0,0,0,1,0,0,0 -10145,99.0,125.0,0,0,0,0,1,0 -4764,171.0,149.0,0,0,0,0,1,0 -5735,119.0,94.0,0,0,0,0,0,1 -1593,158.0,80.0,0,0,0,0,1,0 -812,82.0,131.0,0,0,1,0,0,0 -5912,114.0,114.0,0,0,0,0,0,1 -10192,124.0,144.0,0,0,1,0,0,0 -7712,89.0,122.0,0,0,0,0,1,0 -11889,100.0,182.0,0,0,1,0,0,0 -764,72.0,133.0,0,0,1,0,0,0 -7850,130.0,110.0,0,0,0,0,1,0 -8430,100.0,123.0,0,0,0,0,1,0 -3523,80.0,122.0,0,0,0,0,1,0 -9818,84.0,110.0,0,0,0,0,1,0 -11669,84.0,132.0,0,0,1,0,0,0 -8360,105.0,63.0,0,0,0,0,1,0 -3231,120.0,155.0,0,0,0,0,1,0 -8498,90.0,108.0,0,0,0,0,1,0 -4844,99.0,100.0,0,0,0,0,1,0 -10485,109.0,94.0,0,0,1,0,0,0 -1320,54.0,128.0,0,0,0,0,1,0 -8668,78.0,97.0,0,0,0,0,0,1 -1393,75.0,141.0,0,0,0,0,1,0 -473,95.0,138.0,0,0,0,0,1,0 -8296,80.0,112.0,0,0,0,0,1,0 -4674,82.0,124.0,0,0,0,0,1,0 -3447,111.0,120.0,0,0,0,0,1,0 -8170,84.0,122.0,0,0,0,0,0,1 -3851,103.0,140.0,0,0,1,0,0,0 -4679,105.0,117.0,0,0,1,0,0,0 -7037,66.0,145.0,0,0,0,0,1,0 -9718,112.0,78.0,0,0,0,0,0,1 -4842,128.0,95.0,0,0,0,0,1,0 -9258,84.0,119.0,0,0,0,0,1,0 -3035,68.0,182.0,0,0,0,0,1,0 -10503,84.0,123.0,0,0,1,0,0,0 -5785,90.0,107.0,0,0,0,0,1,0 -9186,94.0,116.0,0,0,0,0,1,0 -9830,72.0,129.0,0,0,0,0,1,0 -7333,100.0,141.0,0,0,1,0,0,0 -5034,99.0,119.0,0,0,0,0,1,0 -10712,77.0,109.0,0,0,0,0,1,0 -2183,84.0,109.0,0,0,0,0,0,1 -251,74.0,100.0,0,0,1,0,0,0 -9388,50.0,109.0,0,0,1,0,0,0 -5082,96.0,131.0,0,0,0,0,1,0 -8732,80.0,118.0,0,0,0,0,1,0 -1905,110.0,147.0,0,0,0,0,0,1 -1864,95.0,155.0,0,0,0,0,1,0 -7770,124.0,127.0,0,0,0,0,0,1 -2189,93.0,107.0,0,0,0,0,1,0 -5210,72.0,122.0,0,0,1,0,0,0 -937,81.0,123.0,0,0,0,0,1,0 -8450,80.0,121.0,0,0,1,0,0,0 -6754,92.0,121.0,0,0,0,0,1,0 -9423,104.0,104.0,0,0,0,0,1,0 -7959,113.0,118.0,0,0,0,0,1,0 -9174,100.0,155.0,0,0,0,0,1,0 -10887,66.0,100.0,0,0,1,0,0,0 -3680,85.0,120.0,0,0,0,0,1,0 -3658,84.0,88.0,0,0,0,0,1,0 -4484,140.0,130.0,0,0,0,0,1,0 -5431,123.0,145.0,0,0,1,0,0,0 -10907,74.0,113.0,0,1,0,0,0,0 -11114,119.0,116.0,0,0,1,0,0,0 -4352,83.0,148.0,0,0,0,0,1,0 -6080,78.0,147.0,0,0,0,0,1,0 -1142,80.0,105.0,0,0,1,0,0,0 -10995,153.0,112.0,0,0,0,0,1,0 -3547,72.0,116.0,0,0,1,0,0,0 -7856,115.0,113.0,0,0,1,0,0,0 -8184,97.0,119.0,0,0,0,0,1,0 -1282,90.0,102.0,0,0,0,0,1,0 -5371,96.0,116.0,0,0,1,0,0,0 -4344,90.0,121.0,0,0,1,0,0,0 -4190,91.0,128.0,0,0,1,0,0,0 -9630,98.0,116.0,0,0,0,0,1,0 -3312,90.0,119.0,0,0,1,0,0,0 -5426,167.0,126.0,0,0,1,0,0,0 -6023,84.0,118.0,0,0,0,0,1,0 -5009,130.0,122.0,0,0,1,0,0,0 -8761,109.0,94.0,0,0,0,0,0,1 -2154,101.0,129.0,0,1,0,0,0,0 -6670,96.0,119.0,0,0,1,0,0,0 -8086,84.0,138.0,0,0,1,0,0,0 -2088,92.0,119.0,0,0,0,0,1,0 -3263,83.0,117.0,0,0,0,0,1,0 -8879,112.0,110.0,0,0,0,0,1,0 -1740,72.0,122.0,0,0,1,0,0,0 -3570,91.0,131.0,0,0,0,0,1,0 -4122,88.0,122.0,0,0,0,0,1,0 -9554,163.0,131.0,0,0,0,0,1,0 -3433,115.0,109.0,0,0,0,0,1,0 -11320,114.0,125.0,0,0,1,0,0,0 -9842,90.0,94.0,0,0,0,0,0,1 -10006,91.0,126.0,0,0,0,0,1,0 -10474,112.0,137.0,0,0,0,0,1,0 -2319,80.0,120.0,0,0,1,0,0,0 -248,74.0,118.0,0,0,0,0,0,1 -5863,120.0,129.0,0,0,0,0,1,0 -3307,110.0,108.0,0,0,0,0,1,0 -3254,74.0,107.0,0,0,0,0,0,1 -3989,140.0,132.0,0,0,0,0,0,1 -2943,120.0,116.0,0,0,0,0,0,1 -9976,174.0,120.0,0,0,0,0,0,1 -2874,125.0,122.0,0,0,1,0,0,0 -562,101.0,117.0,0,0,0,0,1,0 -6775,117.0,147.0,0,0,1,0,0,0 -9254,109.0,108.0,0,0,0,0,1,0 -2417,107.0,125.0,0,0,0,0,1,0 -2391,110.0,134.0,0,0,0,0,1,0 -8613,83.0,123.0,0,0,1,0,0,0 -11782,89.0,96.0,0,0,1,0,0,0 -6998,81.0,116.0,0,0,0,0,0,1 -10095,76.0,132.0,0,0,0,0,1,0 -10506,69.0,106.0,0,0,0,0,1,0 -6107,100.0,155.0,0,0,0,0,1,0 -6973,110.0,85.0,0,1,0,0,0,0 -3708,115.0,109.0,0,0,0,0,0,1 -7063,98.0,93.0,0,0,0,0,1,0 -6076,76.0,126.0,0,0,0,0,1,0 -8882,83.0,120.0,0,0,0,0,1,0 -8067,95.0,140.0,0,0,0,0,1,0 -11435,140.0,80.0,0,0,0,0,0,1 -862,115.0,117.0,0,0,0,0,1,0 -7439,80.0,94.0,0,0,0,0,1,0 -7810,90.0,113.0,0,0,0,0,1,0 -10468,97.0,128.0,0,0,0,0,0,1 -11143,118.0,130.0,0,0,0,0,1,0 -1068,104.0,132.0,0,0,0,0,1,0 -592,80.0,119.0,0,0,0,0,1,0 -3370,95.0,133.0,1,0,0,0,0,0 -3323,100.0,141.0,0,0,1,0,0,0 -11633,110.0,117.0,0,0,0,0,1,0 -2316,113.0,120.0,0,0,0,0,1,0 -1634,71.0,126.0,0,0,0,0,1,0 -5095,103.0,107.0,0,0,0,0,0,1 -180,149.0,103.0,0,0,0,0,0,1 -3852,90.0,110.0,0,0,0,0,1,0 -1671,111.0,155.0,0,0,0,0,1,0 -10094,80.0,148.0,0,0,0,0,1,0 -5527,122.0,128.0,0,0,0,0,1,0 -5680,130.0,119.0,0,0,1,0,0,0 -6613,72.0,135.0,0,0,0,0,1,0 -33,106.0,111.0,0,0,0,0,1,0 -3910,87.0,129.0,0,0,0,0,1,0 -3349,85.0,119.0,0,0,1,0,0,0 -11766,80.0,125.0,0,0,0,0,0,1 -11853,124.0,108.0,0,0,0,0,1,0 -3827,94.0,106.0,0,0,1,0,0,0 -2633,88.0,140.0,0,0,0,0,1,0 -5022,89.0,112.0,0,0,1,0,0,0 -1157,89.0,116.0,0,0,0,0,1,0 -4601,148.0,114.0,0,0,0,0,1,0 -3710,84.0,102.0,0,0,0,0,1,0 -5180,128.0,112.0,0,0,0,0,1,0 -8602,110.0,115.0,0,0,1,0,0,0 -5277,98.0,145.0,0,0,0,0,1,0 -10482,70.0,122.0,0,0,1,0,0,0 -3467,100.0,101.0,0,0,0,0,1,0 -9478,200.0,86.0,0,0,1,0,0,0 -6175,78.0,130.0,0,0,0,0,1,0 -11574,83.0,148.0,0,0,1,0,0,0 -1078,104.0,161.0,0,0,1,0,0,0 -6315,106.0,99.0,0,0,0,0,1,0 -4046,106.0,140.0,0,0,1,0,0,0 -5111,73.0,109.0,0,0,0,0,1,0 -900,61.0,116.0,0,0,0,0,1,0 -8337,100.0,118.0,0,0,0,0,1,0 -8873,88.0,119.0,0,0,0,0,1,0 -11786,88.0,143.0,0,0,0,0,1,0 -5376,165.0,137.0,1,0,0,0,0,0 -3413,156.0,84.0,0,0,0,0,0,1 -2755,77.0,113.0,0,0,0,0,0,1 -3148,80.0,108.0,0,0,0,0,1,0 -9311,100.0,135.0,0,0,1,0,0,0 -3033,99.0,115.0,0,0,0,0,1,0 -1413,90.0,115.0,0,0,1,0,0,0 -5584,100.0,132.0,0,0,1,0,0,0 -9912,128.0,105.0,0,0,0,0,0,1 -92,84.0,117.0,0,0,0,0,1,0 -5563,92.0,137.0,0,0,1,0,0,0 -5932,74.0,136.0,0,0,0,0,0,1 -6639,98.0,135.0,0,0,0,0,1,0 -3013,91.0,123.0,0,0,0,0,1,0 -1491,68.0,119.0,0,0,0,0,1,0 -3473,96.0,103.0,0,0,0,0,1,0 -7051,86.0,114.0,0,0,1,0,0,0 -1217,119.0,110.0,0,0,0,0,0,1 -7799,76.0,137.0,0,0,0,0,1,0 -4608,70.0,124.0,0,0,0,0,1,0 -3139,110.0,110.0,0,0,0,0,0,1 -8658,73.0,109.0,0,0,0,0,1,0 -6886,95.0,118.0,0,0,0,0,1,0 -1883,96.0,109.0,0,0,0,0,1,0 -3393,118.0,117.0,0,0,0,0,1,0 -5106,130.0,121.0,0,0,0,0,1,0 -7438,79.0,117.0,1,0,0,0,0,0 -4786,165.0,120.0,0,0,0,0,1,0 -10087,100.0,96.0,0,0,1,0,0,0 -7748,79.0,95.0,0,0,0,0,1,0 -9417,99.0,117.0,0,0,0,0,1,0 -6651,147.0,122.0,0,0,0,0,0,1 -4871,104.0,125.0,0,0,0,0,1,0 -5894,168.0,144.0,0,0,1,0,0,0 -4292,180.0,126.0,0,0,0,0,1,0 -2688,106.0,111.0,0,1,0,0,0,0 -10390,95.0,121.0,0,0,0,0,1,0 -7900,100.0,129.0,0,0,1,0,0,0 -3574,112.0,104.0,0,0,0,0,0,1 -11474,80.0,143.0,1,0,0,0,0,0 -9000,70.0,127.0,0,0,1,0,0,0 -10889,110.0,88.0,0,0,0,0,0,1 -3707,94.0,135.0,0,0,1,0,0,0 -6399,92.0,84.0,0,0,0,0,1,0 -8979,96.0,121.0,0,0,0,0,0,1 -408,96.0,95.0,0,0,1,0,0,0 -3070,106.0,104.0,0,0,0,0,1,0 -11849,88.0,132.0,0,0,1,0,0,0 -7698,110.0,122.0,0,0,0,0,0,1 -7077,130.0,124.0,0,0,0,0,0,1 -8272,93.0,101.0,0,0,1,0,0,0 -4641,140.0,82.0,0,0,0,0,1,0 -1498,69.0,142.0,0,0,1,0,0,0 -6021,104.0,126.0,0,0,0,0,1,0 -8128,76.0,140.0,0,0,1,0,0,0 -7908,83.0,118.0,0,0,0,0,1,0 -6672,99.0,129.0,0,0,0,0,1,0 -1053,124.0,90.0,0,1,0,0,0,0 -11406,106.0,120.0,0,0,0,0,1,0 -11500,96.0,112.0,0,0,1,0,0,0 -3592,140.0,119.0,0,0,1,0,0,0 -3616,72.0,125.0,0,0,1,0,0,0 -9065,107.0,111.0,0,0,0,0,1,0 -6631,155.0,114.0,0,0,0,0,1,0 -1586,110.0,110.0,0,1,0,0,0,0 -9411,120.0,104.0,0,0,1,0,0,0 -3894,74.0,137.0,0,0,1,0,0,0 -10925,97.0,119.0,0,0,0,0,0,1 -10784,100.0,123.0,0,0,1,0,0,0 -3107,142.0,112.0,0,0,1,0,0,0 -2412,84.0,124.0,0,0,1,0,0,0 -4003,111.0,124.0,1,0,0,0,0,0 -1688,80.0,120.0,0,0,0,0,1,0 -8404,100.0,186.0,0,0,0,0,1,0 -6720,147.0,75.0,0,0,0,0,1,0 -2464,94.0,137.0,0,0,1,0,0,0 -9634,142.0,109.0,0,0,0,0,1,0 -9035,87.0,151.0,0,0,0,0,1,0 -9365,98.0,116.0,0,0,0,0,0,1 -6153,92.0,119.0,0,0,0,0,1,0 -330,72.0,117.0,0,0,1,0,0,0 -9402,146.0,115.0,0,0,0,0,1,0 -9737,107.0,123.0,0,0,1,0,0,0 -3679,94.0,110.0,0,0,1,0,0,0 -6058,111.0,124.0,0,0,0,0,1,0 -1713,116.0,94.0,0,0,0,0,0,1 -5996,107.0,115.0,0,0,0,0,1,0 -4328,95.0,131.0,0,0,1,0,0,0 -1432,124.0,105.0,0,0,0,0,0,1 -41,117.0,141.0,0,0,0,0,1,0 -7607,76.0,125.0,0,0,0,0,1,0 -11027,88.0,122.0,0,0,0,0,0,1 -6301,120.0,52.0,0,0,0,0,1,0 -318,100.0,112.0,0,0,0,0,1,0 -5239,84.0,119.0,0,0,0,0,1,0 -11530,82.0,132.0,0,0,0,0,0,1 -9469,113.0,143.0,1,0,0,0,0,0 -2685,66.0,152.0,0,0,1,0,0,0 -3834,140.0,122.0,0,0,0,0,1,0 -5553,89.0,127.0,0,0,1,0,0,0 -3353,76.0,118.0,0,0,1,0,0,0 -1935,94.0,114.0,0,0,0,0,1,0 -2069,115.0,119.0,0,0,0,0,1,0 -7876,114.0,136.0,0,0,1,0,0,0 -8390,97.0,112.0,0,0,0,0,1,0 -2215,89.0,158.0,0,0,0,0,1,0 -85,78.0,115.0,0,0,0,0,1,0 -1175,72.0,109.0,0,0,0,0,0,1 -11820,84.0,114.0,0,0,0,0,0,1 -1035,78.0,129.0,0,0,0,0,1,0 -4279,135.0,103.0,0,0,1,0,0,0 -3434,69.0,130.0,0,0,0,0,1,0 -3154,136.0,101.0,0,0,0,0,0,1 -11721,116.0,121.0,0,0,0,0,1,0 -1923,76.0,107.0,0,0,1,0,0,0 -9605,82.0,109.0,0,0,1,0,0,0 -4246,128.0,108.0,0,0,1,0,0,0 -2628,101.0,118.0,0,0,1,0,0,0 -3344,166.0,98.0,0,0,0,0,1,0 -4007,77.0,113.0,0,0,0,0,1,0 -8607,79.0,132.0,0,0,1,0,0,0 -4609,110.0,140.0,0,0,0,0,1,0 -8008,80.0,125.0,0,0,1,0,0,0 -2974,64.0,121.0,0,0,0,0,1,0 -4618,90.0,112.0,0,0,1,0,0,0 -10210,60.0,142.0,0,0,0,0,1,0 -9247,110.0,163.0,0,0,0,0,1,0 -8251,88.0,115.0,0,0,0,0,1,0 -898,108.0,102.0,0,0,0,1,0,0 -10372,123.0,110.0,0,1,0,0,0,0 -4073,122.0,126.0,0,0,1,0,0,0 -958,96.0,131.0,0,0,1,0,0,0 -10685,78.0,113.0,0,0,0,0,1,0 -10126,77.0,121.0,0,0,1,0,0,0 -465,104.0,104.0,0,0,0,0,1,0 -8362,173.0,98.0,0,0,0,0,1,0 -3955,75.0,144.0,0,0,1,0,0,0 -9045,88.0,124.0,0,0,1,0,0,0 -2254,94.0,103.0,0,0,1,0,0,0 -2596,153.0,91.0,0,0,0,0,1,0 -868,115.0,99.0,0,0,0,0,1,0 -3853,120.0,133.0,0,0,0,0,1,0 -2879,86.0,116.0,0,0,1,0,0,0 -5006,116.0,97.0,0,0,0,0,1,0 -5720,90.0,119.0,0,0,1,0,0,0 -2473,82.0,138.0,0,0,0,0,1,0 -1275,94.0,107.0,0,0,0,0,1,0 -11797,98.0,113.0,0,0,0,0,1,0 -11718,138.0,111.0,0,0,0,0,1,0 -4216,87.0,124.0,0,0,0,0,1,0 -4597,119.0,98.0,0,0,1,0,0,0 -7785,94.0,118.0,0,0,0,0,1,0 -4083,89.0,110.0,0,0,1,0,0,0 -4771,88.0,124.0,0,0,0,0,1,0 -7055,86.0,141.0,0,0,0,0,1,0 -7456,72.0,99.0,0,0,0,0,0,1 -7861,128.0,151.0,0,0,0,0,1,0 -4464,78.0,138.0,0,0,0,0,1,0 -9132,91.0,120.0,0,0,0,0,1,0 -6935,100.0,96.0,0,0,0,0,0,1 -7948,114.0,113.0,0,0,0,0,1,0 -10405,82.0,118.0,0,0,0,0,0,1 -7677,98.0,121.0,0,0,0,0,1,0 -1111,112.0,126.0,0,0,0,0,1,0 -8454,57.0,132.0,0,0,1,0,0,0 -9458,124.0,119.0,0,0,1,0,0,0 -10466,76.0,112.0,0,0,1,0,0,0 -4604,104.0,117.0,0,1,0,0,0,0 -8460,83.0,118.0,0,0,0,0,0,1 -5547,91.0,120.0,0,0,1,0,0,0 -10421,127.0,127.0,0,0,0,0,1,0 -3745,107.0,107.0,0,0,0,0,1,0 -11756,76.0,117.0,0,0,0,0,1,0 -7933,64.0,130.0,0,0,0,0,1,0 -8478,96.0,108.0,0,0,1,0,0,0 -11824,98.0,116.0,0,0,0,0,0,1 -2328,110.0,128.0,0,0,0,0,1,0 -5065,76.0,123.0,0,0,0,0,0,1 -7235,128.0,115.0,0,0,1,0,0,0 -3470,93.0,109.0,0,0,0,0,1,0 -7346,143.0,90.0,0,0,0,0,0,1 -10874,72.0,108.0,0,0,1,0,0,0 -7947,82.0,130.0,0,0,0,0,1,0 -6214,109.0,128.0,0,0,0,0,1,0 -1421,97.0,146.0,0,0,1,0,0,0 -4156,140.0,86.0,0,0,1,0,0,0 -6925,175.0,107.0,0,0,0,0,1,0 -6334,78.0,104.0,0,0,0,0,1,0 -11575,82.0,115.0,0,0,1,0,0,0 -543,110.0,145.0,0,0,0,0,1,0 -10545,111.0,121.0,0,0,1,0,0,0 -5257,80.0,110.0,0,0,1,0,0,0 -3585,83.0,111.0,0,0,1,0,0,0 -6649,180.0,98.0,0,0,0,0,1,0 -5261,113.0,143.0,0,0,0,0,1,0 -5076,129.0,129.0,0,0,0,0,1,0 -7469,84.0,125.0,0,0,0,0,1,0 -2252,110.0,145.0,0,0,0,0,1,0 -3693,120.0,113.0,0,0,1,0,0,0 -7498,73.0,124.0,0,0,0,1,0,0 -10082,100.0,107.0,0,0,0,0,1,0 -10664,107.0,117.0,0,0,0,0,1,0 -3098,180.0,128.0,0,0,1,0,0,0 -5259,88.0,124.0,0,0,0,0,1,0 -8612,149.0,73.0,0,0,0,0,0,1 -733,106.0,94.0,0,0,0,0,1,0 -9804,65.0,97.0,0,0,0,0,1,0 -9252,80.0,120.0,0,0,0,0,1,0 -6472,118.0,111.0,0,0,0,0,1,0 -3520,75.0,120.0,0,0,0,0,1,0 -8881,125.0,133.0,0,0,0,0,1,0 -7598,91.0,116.0,0,0,1,0,0,0 -2301,92.0,127.0,0,0,0,0,0,1 -5100,87.0,136.0,0,0,1,0,0,0 -1433,100.0,126.0,0,0,0,0,1,0 -12007,98.0,104.0,0,0,1,0,0,0 -5707,110.0,135.0,0,0,1,0,0,0 -7766,160.0,98.0,0,0,0,0,0,1 -5120,113.0,106.0,0,0,0,0,0,1 -3651,112.0,112.0,0,0,0,0,1,0 -4417,90.0,130.0,0,0,0,0,1,0 -8739,96.0,114.0,0,0,1,0,0,0 -7923,88.0,112.0,0,0,0,0,1,0 -4993,118.0,132.0,0,0,0,0,1,0 -5042,113.0,109.0,0,0,0,0,0,1 -1662,114.0,145.0,0,0,0,0,1,0 -6196,93.0,118.0,0,0,1,0,0,0 -3068,100.0,122.0,0,0,0,0,1,0 -902,135.0,126.0,0,0,0,0,1,0 -8703,115.0,102.0,0,0,0,0,1,0 -7795,74.0,117.0,0,0,1,0,0,0 -4498,187.0,165.0,0,0,0,0,1,0 -493,126.0,68.0,0,0,0,0,0,1 -4262,158.0,124.0,0,0,0,0,1,0 -8833,106.0,170.0,0,0,1,0,0,0 -5589,100.0,120.0,0,0,0,0,1,0 -7680,81.0,133.0,0,0,1,0,0,0 -4367,144.0,97.0,0,0,0,0,1,0 -11384,105.0,133.0,0,0,0,0,0,1 -10736,90.0,120.0,0,0,1,0,0,0 -2536,70.0,131.0,0,0,0,0,0,1 -150,147.0,120.0,0,0,0,0,1,0 -10522,100.0,103.0,0,0,0,0,1,0 -10883,99.0,119.0,0,0,1,0,0,0 -4074,86.0,134.0,0,0,0,0,1,0 -7496,119.0,137.0,0,0,0,0,1,0 -7477,98.0,114.0,0,0,1,0,0,0 -9430,94.0,118.0,0,0,0,0,1,0 -7038,87.0,131.0,0,0,1,0,0,0 -8122,111.0,124.0,0,0,0,0,1,0 -6061,83.0,140.0,0,0,1,0,0,0 -9955,89.0,124.0,0,0,1,0,0,0 -2406,94.0,129.0,0,0,1,0,0,0 -708,84.0,124.0,0,0,1,0,0,0 -7252,73.0,111.0,0,0,0,0,1,0 -11960,97.0,113.0,0,0,1,0,0,0 -7890,122.0,138.0,0,0,1,0,0,0 -2039,84.0,108.0,0,0,0,0,1,0 -9757,107.0,91.0,0,0,0,0,1,0 -11413,85.0,121.0,0,0,1,0,0,0 -6380,90.0,126.0,0,0,0,0,1,0 -6822,120.0,133.0,0,1,0,0,0,0 -35,96.0,110.0,0,0,1,0,0,0 -2087,122.0,101.0,0,0,0,0,1,0 -5099,82.0,147.0,0,0,0,0,1,0 -6497,100.0,128.0,0,0,1,0,0,0 -1791,57.0,145.0,0,0,1,0,0,0 -2638,95.0,128.0,0,0,0,0,1,0 -11234,80.0,120.0,0,0,0,0,0,1 -6461,64.0,154.0,0,0,0,0,1,0 -428,62.0,133.0,0,0,0,0,1,0 -11635,80.0,119.0,0,0,0,0,1,0 -11186,106.0,121.0,0,0,0,0,1,0 -2127,96.0,96.0,0,0,0,0,1,0 -11773,107.0,98.0,0,0,0,0,0,1 -1614,88.0,120.0,0,0,0,0,1,0 -10802,80.0,121.0,0,0,1,0,0,0 -2119,81.0,133.0,0,0,0,0,1,0 -8119,116.0,90.0,0,0,0,0,1,0 -5163,96.0,133.0,0,0,0,0,0,1 -1669,114.0,134.0,0,0,0,0,1,0 -10360,121.0,94.0,0,0,1,0,0,0 -7615,114.0,108.0,0,0,1,0,0,0 -2318,127.0,115.0,0,0,0,0,1,0 -7563,168.0,105.0,0,0,0,0,1,0 -6889,72.0,102.0,0,0,0,0,1,0 -11523,159.0,70.0,0,0,0,0,0,1 -704,144.0,136.0,0,0,0,0,1,0 -8115,98.0,122.0,0,0,0,0,1,0 -4220,73.0,149.0,0,0,1,0,0,0 -9988,100.0,132.0,0,0,1,0,0,0 -8410,91.0,97.0,0,0,0,0,1,0 -11409,160.0,103.0,0,0,0,0,0,1 -608,100.0,145.0,0,0,0,0,1,0 -9043,100.0,150.0,0,0,0,0,1,0 -4347,112.0,135.0,0,0,1,0,0,0 -3921,105.0,93.0,0,0,0,0,0,1 -6273,84.0,120.0,0,0,0,0,1,0 -7060,76.0,127.0,0,0,1,0,0,0 -7497,91.0,135.0,0,0,0,0,1,0 -1347,104.0,112.0,0,0,0,0,1,0 -7502,96.0,111.0,0,0,0,0,0,1 -6431,109.0,150.0,0,0,0,0,1,0 -758,100.0,133.0,0,0,0,0,1,0 -5844,110.0,112.0,0,0,0,0,1,0 -3369,101.0,113.0,0,0,0,0,1,0 -7819,110.0,121.0,0,0,0,0,1,0 -11692,89.0,113.0,0,0,0,0,1,0 -11947,86.0,105.0,0,0,0,0,1,0 -6533,85.0,136.0,0,0,1,0,0,0 -7681,145.0,102.0,0,1,0,0,0,0 -4339,51.0,172.0,0,0,1,0,0,0 -399,90.0,126.0,0,0,0,0,1,0 -930,179.0,90.0,0,0,0,0,1,0 -3465,90.0,125.0,0,0,0,0,1,0 -542,102.0,130.0,0,0,0,0,1,0 -11157,80.0,120.0,0,0,0,0,1,0 -9618,80.0,133.0,0,0,1,0,0,0 -1595,98.0,101.0,0,0,1,0,0,0 -3798,118.0,146.0,0,0,0,0,1,0 -4047,64.0,121.0,0,0,0,0,1,0 -1732,90.0,120.0,0,0,1,0,0,0 -10386,90.0,117.0,0,0,1,0,0,0 -11302,120.0,104.0,0,0,0,0,1,0 -9855,70.0,132.0,0,0,1,0,0,0 -3691,140.0,108.0,0,0,1,0,0,0 -367,96.0,144.0,0,0,0,1,0,0 -4716,104.0,129.0,0,0,0,0,1,0 -8280,92.0,148.0,0,0,1,0,0,0 -2980,88.0,112.0,0,1,0,0,0,0 -3305,114.0,116.0,0,0,0,0,1,0 -7305,114.0,119.0,0,0,0,0,0,1 -3017,170.0,117.0,0,0,1,0,0,0 -5465,106.0,141.0,0,0,1,0,0,0 -63,69.0,132.0,0,0,0,0,1,0 -10745,86.0,107.0,0,0,1,0,0,0 -2992,120.0,117.0,0,0,0,0,0,1 -8169,97.0,147.0,0,0,1,0,0,0 -12043,109.0,124.0,0,1,0,0,0,0 -9089,110.0,100.0,0,0,1,0,0,0 -7393,106.0,106.0,0,0,1,0,0,0 -10943,111.0,104.0,0,0,0,0,0,1 -9794,123.0,156.0,0,0,0,0,1,0 -5171,86.0,145.0,0,0,0,0,1,0 -8875,116.0,111.0,0,0,1,0,0,0 -5740,87.0,120.0,0,0,0,0,1,0 -4238,135.0,90.0,0,0,1,0,0,0 -4024,70.0,137.0,0,0,0,0,1,0 -427,157.0,116.0,0,0,1,0,0,0 -7116,78.0,115.0,0,0,1,0,0,0 -6067,108.0,117.0,0,0,0,0,1,0 -3247,72.0,113.0,0,0,0,0,1,0 -11629,130.0,106.0,0,0,0,0,1,0 -4224,72.0,105.0,0,0,0,0,1,0 -10530,112.0,123.0,0,0,0,0,1,0 -1383,80.0,103.0,0,0,0,0,1,0 -4691,110.0,88.0,0,1,0,0,0,0 -11059,88.0,119.0,0,0,1,0,0,0 -676,90.0,134.0,0,0,1,0,0,0 -11380,130.0,104.0,0,0,0,0,1,0 -1496,100.0,142.0,0,0,0,0,1,0 -9483,93.0,138.0,0,0,1,0,0,0 -4782,86.0,113.0,0,0,0,0,0,1 -3448,86.0,132.0,0,0,0,0,1,0 -6518,72.0,133.0,0,0,0,0,1,0 -7505,109.0,122.0,0,0,0,0,0,1 -6221,130.0,118.0,0,0,0,0,1,0 -7877,109.0,132.0,0,0,1,0,0,0 -11880,100.0,112.0,0,0,0,0,0,1 -3411,87.0,117.0,0,0,0,0,1,0 -5610,134.0,155.0,0,0,0,0,1,0 -9302,80.0,104.0,0,0,0,0,1,0 -1368,65.0,130.0,0,0,1,0,0,0 -11976,159.0,96.0,0,0,1,0,0,0 -2325,77.0,135.0,0,0,0,0,1,0 -1720,87.0,120.0,0,0,1,0,0,0 -1402,110.0,155.0,0,0,1,0,0,0 -740,73.0,110.0,0,0,0,0,1,0 -0,96.0,97.0,0,0,0,0,0,1 -6083,134.0,106.0,0,0,1,0,0,0 -9401,113.0,118.0,0,0,0,0,1,0 -10879,107.0,121.0,0,0,1,0,0,0 -11489,127.0,54.0,0,0,0,0,1,0 -11888,117.0,121.0,0,0,0,0,1,0 -9445,90.0,110.0,0,0,0,0,0,1 -3126,123.0,99.0,0,0,0,0,0,1 -10226,89.0,118.0,0,0,0,0,1,0 -8765,112.0,137.0,0,0,1,0,0,0 -9104,124.0,124.0,0,0,1,0,0,0 -3855,107.0,119.0,0,0,0,0,1,0 -8126,95.0,125.0,0,0,0,0,0,1 -6425,79.0,100.0,0,1,0,0,0,0 -10529,60.0,120.0,0,0,0,0,1,0 -11586,66.0,116.0,0,0,0,0,1,0 -6700,68.0,110.0,0,0,0,0,1,0 -1844,100.0,116.0,0,0,0,0,1,0 -3115,128.0,120.0,0,0,0,0,1,0 -11128,114.0,130.0,0,0,1,0,0,0 -8367,128.0,118.0,0,0,1,0,0,0 -7580,100.0,127.0,0,0,0,0,1,0 -4635,110.0,96.0,0,0,0,0,1,0 -8431,103.0,113.0,0,0,0,0,1,0 -2952,119.0,107.0,0,0,0,0,1,0 -10967,92.0,99.0,0,0,0,0,1,0 -8177,101.0,110.0,0,0,0,0,1,0 -5623,114.0,125.0,0,0,0,0,1,0 -5836,79.0,130.0,0,0,0,0,1,0 -216,83.0,124.0,0,0,0,0,1,0 -7103,128.0,118.0,0,0,1,0,0,0 -8336,90.0,130.0,0,0,1,0,0,0 -921,84.0,127.0,0,0,0,0,1,0 -866,122.0,101.0,0,0,0,0,1,0 -10443,97.0,117.0,0,0,1,0,0,0 -3143,88.0,141.0,0,0,1,0,0,0 -17,86.0,111.0,0,0,0,0,1,0 -3264,177.0,102.0,0,0,0,0,1,0 -6545,81.0,126.0,0,0,0,0,1,0 -10678,142.0,107.0,0,0,0,0,0,1 -11026,110.0,105.0,0,0,0,0,1,0 -6515,139.0,103.0,0,0,0,0,0,1 -7528,140.0,90.0,0,0,0,0,1,0 -8826,107.0,121.0,0,0,0,0,1,0 -10110,90.0,123.0,0,0,1,0,0,0 -3059,81.0,109.0,0,0,0,0,0,1 -9901,84.0,110.0,0,0,0,0,0,1 -1562,68.0,94.0,0,0,1,0,0,0 -8537,105.0,78.0,0,0,0,0,0,1 -2201,70.0,107.0,0,0,1,0,0,0 -795,113.0,127.0,0,0,1,0,0,0 -8139,95.0,135.0,0,0,0,0,1,0 -11195,75.0,129.0,0,0,0,0,1,0 -2351,84.0,138.0,0,0,0,0,1,0 -11393,126.0,116.0,0,0,0,0,1,0 -4080,88.0,128.0,0,0,1,0,0,0 -6794,166.0,104.0,0,0,0,0,1,0 -9802,137.0,138.0,0,0,0,0,0,1 -8690,90.0,120.0,0,0,1,0,0,0 -8959,119.0,128.0,0,0,1,0,0,0 -7001,61.0,137.0,0,0,0,0,1,0 -5157,108.0,108.0,0,0,0,0,1,0 -9942,65.0,118.0,0,0,0,0,1,0 -11042,117.0,140.0,0,0,1,0,0,0 -8473,101.0,102.0,0,0,1,0,0,0 -10371,95.0,117.0,0,0,0,0,1,0 -683,70.0,120.0,0,0,1,0,0,0 -4721,70.0,146.0,0,0,1,0,0,0 -2615,84.0,114.0,0,0,1,0,0,0 -2288,69.0,129.0,0,0,1,0,0,0 -577,89.0,122.0,0,0,1,0,0,0 -11182,75.0,140.0,0,0,0,0,1,0 -2973,100.0,114.0,0,0,0,0,0,1 -5922,54.0,143.0,0,0,0,0,1,0 -5620,84.0,114.0,0,0,0,0,1,0 -6448,152.0,109.0,0,0,0,0,1,0 -2611,65.0,115.0,0,0,1,0,0,0 -761,102.0,136.0,0,0,0,0,1,0 -7700,66.0,106.0,0,0,0,0,1,0 -7273,110.0,129.0,0,0,0,0,1,0 -2232,70.0,165.0,0,0,0,0,1,0 -1743,88.0,115.0,0,0,0,0,1,0 -3881,122.0,116.0,0,0,1,0,0,0 -6105,102.0,103.0,0,0,0,0,0,1 -6621,108.0,119.0,0,0,0,0,1,0 -6027,80.0,90.0,0,0,0,0,1,0 -10912,92.0,136.0,0,0,1,0,0,0 -2613,85.0,144.0,0,0,0,0,1,0 -6572,131.0,119.0,0,0,0,0,0,1 -11806,83.0,101.0,0,0,0,0,1,0 -2348,188.0,115.0,0,0,0,0,1,0 -6728,87.0,96.0,0,0,1,0,0,0 -3133,130.0,119.0,1,0,0,0,0,0 -8806,74.0,142.0,0,0,1,0,0,0 -7228,101.0,143.0,0,0,0,0,0,1 -8746,112.0,127.0,0,0,0,0,1,0 -6594,96.0,116.0,0,0,1,0,0,0 -6475,120.0,131.0,0,0,0,0,1,0 -4520,80.0,112.0,0,0,0,0,1,0 -2955,100.0,104.0,0,0,1,0,0,0 -5145,104.0,106.0,0,0,0,0,0,1 -7510,72.0,102.0,0,0,0,0,1,0 -1041,100.0,91.0,0,0,0,0,1,0 -3902,95.0,131.0,0,0,0,0,1,0 -1655,108.0,110.0,0,0,0,0,1,0 -11758,80.0,119.0,0,0,1,0,0,0 -173,80.0,105.0,0,0,0,0,1,0 -9297,63.0,94.0,0,0,0,0,1,0 -169,104.0,105.0,0,0,0,0,0,1 -7445,103.0,105.0,0,0,0,0,1,0 -10513,108.0,131.0,0,0,1,0,0,0 -9779,99.0,125.0,0,0,0,0,0,1 -1530,97.0,116.0,0,0,0,0,1,0 -10383,72.0,154.0,0,0,1,0,0,0 -1272,98.0,135.0,0,0,1,0,0,0 -5306,65.0,119.0,0,0,0,1,0,0 -960,105.0,110.0,0,0,1,0,0,0 -1783,110.0,98.0,0,0,0,0,0,1 -7782,82.0,111.0,0,0,0,1,0,0 -3919,101.0,126.0,0,0,0,0,1,0 -883,93.0,123.0,0,0,0,0,1,0 -5676,109.0,124.0,0,0,0,0,1,0 -3282,160.0,88.0,0,0,0,0,0,1 -799,105.0,82.0,0,0,1,0,0,0 -11179,80.0,144.0,0,0,1,0,0,0 -5814,128.0,115.0,0,0,1,0,0,0 -1744,79.0,135.0,0,0,1,0,0,0 -5758,115.0,202.0,0,0,0,0,1,0 -6454,105.0,124.0,0,0,0,0,1,0 -11812,94.0,129.0,0,0,0,0,1,0 -5965,91.0,125.0,0,0,0,0,0,1 -5566,124.0,117.0,0,0,0,0,1,0 -3593,60.0,108.0,0,0,0,0,1,0 -4337,147.0,87.0,0,0,0,0,1,0 -8898,110.0,129.0,0,0,0,0,1,0 -10507,102.0,154.0,0,0,1,0,0,0 -9370,111.0,123.0,0,0,1,0,0,0 -6310,145.0,133.0,0,0,0,0,1,0 -1160,106.0,122.0,0,0,0,0,1,0 -1479,90.0,133.0,0,0,0,0,0,1 -7794,80.0,111.0,0,0,1,0,0,0 -9660,87.0,150.0,0,0,0,0,0,1 -4509,70.0,145.0,0,0,1,0,0,0 -8857,103.0,112.0,0,0,0,0,1,0 -5828,109.0,135.0,0,0,0,0,1,0 -8615,99.0,90.0,0,0,0,0,1,0 -8052,75.0,132.0,0,0,1,0,0,0 -586,112.0,99.0,0,0,1,0,0,0 -7701,118.0,120.0,0,0,1,0,0,0 -2167,134.0,102.0,0,0,0,0,0,1 -8252,77.0,130.0,0,0,0,0,1,0 -7656,104.0,142.0,0,0,1,0,0,0 -1964,126.0,126.0,0,0,0,0,0,1 -2996,61.0,129.0,0,0,0,0,1,0 -8775,101.0,105.0,0,0,0,0,1,0 -2452,97.0,136.0,0,0,0,0,1,0 -7811,129.0,104.0,0,0,0,0,1,0 -1147,117.0,103.0,0,0,1,0,0,0 -11402,84.0,133.0,0,0,1,0,0,0 -8977,100.0,119.0,0,0,1,0,0,0 -6729,79.0,124.0,0,0,1,0,0,0 -9695,109.0,91.0,0,0,0,0,1,0 -10303,86.0,119.0,0,0,0,0,1,0 -6785,127.0,122.0,0,0,0,0,1,0 -9084,78.0,160.0,0,0,0,0,1,0 -4985,100.0,135.0,0,0,0,0,1,0 -5297,140.0,139.0,0,0,0,0,1,0 -3025,126.0,170.0,0,0,0,0,1,0 -3418,67.0,117.0,0,0,1,0,0,0 -5024,106.0,137.0,0,0,1,0,0,0 -2389,114.0,120.0,0,0,0,0,1,0 -7522,68.0,110.0,0,0,0,0,0,1 -2620,87.0,148.0,0,0,0,0,1,0 -8696,100.0,98.0,0,0,1,0,0,0 -1501,120.0,129.0,0,1,0,0,0,0 -10217,78.0,130.0,0,0,0,0,1,0 -3208,144.0,109.0,0,0,0,0,0,1 -8644,86.0,167.0,0,0,0,0,1,0 -8723,119.0,117.0,0,0,0,0,0,1 -6784,105.0,120.0,0,0,1,0,0,0 -103,84.0,117.0,0,0,1,0,0,0 -9345,74.0,113.0,0,0,0,0,1,0 -8061,70.0,102.0,0,0,0,0,1,0 -2036,92.0,131.0,0,0,0,0,1,0 -4084,93.0,133.0,0,0,0,0,1,0 -4934,112.0,105.0,0,0,0,0,1,0 -10452,90.0,125.0,0,0,1,0,0,0 -1807,120.0,99.0,0,0,1,0,0,0 -6319,86.0,128.0,0,0,0,0,1,0 -11171,96.0,123.0,0,0,0,0,1,0 -3694,126.0,94.0,0,0,0,0,1,0 -2471,85.0,107.0,0,0,0,0,1,0 -3034,98.0,107.0,0,0,1,0,0,0 -3954,88.0,129.0,0,0,0,0,0,1 -5195,60.0,144.0,0,0,1,0,0,0 -291,60.0,120.0,0,0,0,0,1,0 -3870,95.0,131.0,0,0,0,0,1,0 -8062,122.0,123.0,0,0,0,0,1,0 -2290,72.0,124.0,0,0,1,0,0,0 -5183,120.0,133.0,0,0,1,0,0,0 -6157,92.0,135.0,0,0,1,0,0,0 -3773,77.0,110.0,0,0,0,0,1,0 -6818,115.0,138.0,0,0,0,0,1,0 -1766,177.0,128.0,0,0,0,0,1,0 -4132,90.0,115.0,0,0,1,0,0,0 -2422,60.0,97.0,0,0,0,0,1,0 -8341,128.0,99.0,0,0,0,0,1,0 -10980,100.0,120.0,0,0,0,0,0,1 -1692,132.0,100.0,0,0,0,0,1,0 -5367,154.0,103.0,0,0,1,0,0,0 -6795,100.0,119.0,0,0,1,0,0,0 -6442,112.0,122.0,0,0,0,0,1,0 -7925,136.0,121.0,0,0,0,0,1,0 -2576,127.0,114.0,0,0,1,0,0,0 -4907,136.0,106.0,0,0,1,0,0,0 -7334,90.0,117.0,0,0,0,0,1,0 -9438,80.0,105.0,0,0,1,0,0,0 -578,80.0,160.0,0,0,1,0,0,0 -11720,94.0,121.0,0,0,1,0,0,0 -1511,112.0,115.0,0,0,0,0,1,0 -4822,95.0,127.0,0,0,1,0,0,0 -2932,54.0,128.0,0,0,1,0,0,0 -6975,112.0,137.0,0,0,0,0,1,0 -5363,101.0,108.0,0,0,0,0,1,0 -11002,137.0,123.0,0,0,1,0,0,0 -9566,84.0,118.0,0,0,0,0,1,0 -3800,100.0,122.0,0,0,0,0,1,0 -4743,80.0,133.0,0,0,1,0,0,0 -5288,89.0,107.0,0,0,0,0,1,0 -2788,102.0,111.0,0,0,1,0,0,0 -4483,98.0,101.0,0,1,0,0,0,0 -3284,120.0,121.0,0,0,0,0,1,0 -9643,85.0,124.0,0,0,0,0,1,0 -3458,98.0,94.0,0,0,0,0,1,0 -621,105.0,165.0,0,0,0,0,1,0 -10245,80.0,105.0,0,0,0,0,0,1 -11515,98.0,112.0,0,0,0,0,1,0 -7549,100.0,117.0,0,0,0,0,1,0 -9899,146.0,111.0,0,0,0,0,1,0 -7292,60.0,139.0,0,0,0,0,1,0 -11622,130.0,81.0,0,0,0,0,1,0 -6790,80.0,126.0,0,0,0,0,1,0 -2075,148.0,121.0,0,0,0,0,0,1 -265,66.0,147.0,0,0,1,0,0,0 -833,160.0,149.0,0,0,1,0,0,0 -7209,146.0,112.0,0,0,1,0,0,0 -2991,116.0,123.0,0,1,0,0,0,0 -9088,111.0,143.0,0,0,0,0,1,0 -1285,94.0,118.0,0,0,0,0,1,0 -5267,109.0,114.0,0,0,0,0,1,0 -11144,117.0,129.0,0,0,0,0,0,1 -4128,81.0,122.0,0,0,0,0,1,0 -6390,82.0,107.0,0,0,0,0,1,0 -3994,84.0,104.0,0,0,0,0,1,0 -1953,108.0,98.0,0,0,0,0,1,0 -10788,132.0,119.0,0,0,0,0,1,0 -4447,110.0,139.0,0,0,1,0,0,0 -2588,88.0,94.0,0,0,0,0,1,0 -11608,82.0,120.0,0,0,0,0,1,0 -10898,100.0,112.0,0,0,0,0,1,0 -1396,100.0,169.0,0,0,0,0,1,0 -259,66.0,131.0,0,0,0,0,1,0 -2616,96.0,151.0,0,0,1,0,0,0 -4746,84.0,117.0,0,0,1,0,0,0 -7072,128.0,122.0,0,0,0,0,1,0 -1730,83.0,111.0,0,0,0,0,1,0 -2714,84.0,151.0,0,0,0,0,1,0 -756,71.0,112.0,0,0,1,0,0,0 -1201,115.0,150.0,0,0,0,0,1,0 -2340,78.0,103.0,0,1,0,0,0,0 -9456,115.0,105.0,0,0,0,0,1,0 -2820,65.0,129.0,0,0,1,0,0,0 -11736,149.0,86.0,0,0,0,0,1,0 -4245,86.0,137.0,0,0,0,0,1,0 -2589,100.0,117.0,0,0,0,0,1,0 -3048,78.0,126.0,0,0,0,0,1,0 -10642,88.0,115.0,0,0,1,0,0,0 -6880,88.0,122.0,0,0,1,0,0,0 -694,102.0,108.0,0,0,0,0,1,0 -10228,97.0,169.0,0,0,1,0,0,0 -7666,96.0,116.0,0,0,1,0,0,0 -4111,127.0,103.0,0,0,0,0,1,0 -3688,162.0,97.0,0,0,0,0,1,0 -3599,95.0,102.0,0,0,0,0,1,0 -4515,83.0,105.0,0,0,0,0,1,0 -5985,113.0,119.0,0,0,0,1,0,0 -7919,104.0,140.0,0,0,1,0,0,0 -1984,58.0,126.0,0,0,0,0,1,0 -3602,100.0,139.0,0,0,0,1,0,0 -11335,86.0,114.0,0,0,0,0,1,0 -11950,97.0,116.0,0,0,0,0,0,1 -10251,78.0,116.0,0,0,0,0,1,0 -2184,70.0,140.0,0,0,1,0,0,0 -7109,98.0,122.0,0,0,0,0,1,0 -4105,115.0,128.0,0,0,1,0,0,0 -4404,140.0,123.0,0,0,0,0,1,0 -6887,69.0,128.0,0,0,0,0,1,0 -6101,130.0,140.0,0,0,0,0,1,0 -11691,115.0,116.0,0,0,0,0,1,0 -4170,100.0,100.0,0,0,1,0,0,0 -11726,93.0,106.0,0,0,0,0,1,0 -3210,101.0,118.0,0,0,0,0,1,0 -4094,64.0,116.0,0,0,0,0,1,0 -4868,120.0,130.0,0,0,0,0,1,0 -6637,104.0,136.0,0,0,0,0,1,0 -5496,90.0,130.0,0,0,1,0,0,0 -1237,80.0,124.0,0,0,1,0,0,0 -3038,113.0,111.0,0,0,0,0,1,0 -10024,165.0,108.0,0,0,0,0,1,0 -8643,82.0,138.0,0,0,0,0,1,0 -7624,104.0,137.0,0,0,1,0,0,0 -11032,116.0,138.0,0,0,0,0,1,0 -6114,124.0,123.0,0,0,1,0,0,0 -7732,143.0,80.0,0,0,0,0,1,0 -6077,100.0,129.0,0,0,1,0,0,0 -8409,128.0,94.0,0,0,0,0,0,1 -5050,113.0,116.0,0,0,0,0,1,0 -8001,87.0,113.0,0,0,1,0,0,0 -2124,97.0,134.0,0,0,1,0,0,0 -819,65.0,136.0,0,0,0,0,1,0 -9570,111.0,125.0,0,0,0,0,1,0 -7708,100.0,124.0,0,0,1,0,0,0 -3387,125.0,143.0,0,0,0,0,1,0 -7391,112.0,136.0,0,0,1,0,0,0 -3873,99.0,109.0,0,0,0,0,1,0 -6131,83.0,110.0,0,0,0,0,1,0 -7603,102.0,116.0,0,0,1,0,0,0 -1061,94.0,122.0,0,0,0,0,1,0 -11521,100.0,114.0,0,0,0,0,1,0 -6664,170.0,132.0,0,0,0,0,1,0 -1254,77.0,106.0,0,0,1,0,0,0 -952,111.0,145.0,0,0,1,0,0,0 -3116,84.0,120.0,0,0,1,0,0,0 -9479,190.0,90.0,0,0,0,0,1,0 -9956,80.0,98.0,0,0,0,0,1,0 -7110,98.0,138.0,0,0,0,0,1,0 -1118,98.0,128.0,0,0,0,0,1,0 -7506,89.0,118.0,0,0,0,0,0,1 -6750,76.0,118.0,0,0,0,0,1,0 -2012,132.0,110.0,0,0,1,0,0,0 -10014,88.0,140.0,0,0,0,0,1,0 -10661,83.0,118.0,0,0,0,0,1,0 -9020,106.0,93.0,0,0,0,0,1,0 -6733,86.0,103.0,0,0,0,0,0,1 -9168,96.0,131.0,0,0,0,0,1,0 -11874,84.0,132.0,0,0,0,0,1,0 -4264,128.0,180.0,0,0,0,0,1,0 -10591,105.0,100.0,0,0,1,0,0,0 -10603,101.0,119.0,0,0,0,0,0,1 -11048,141.0,123.0,0,0,0,0,0,1 -8423,86.0,123.0,0,0,0,0,1,0 -2453,95.0,114.0,0,0,0,0,0,1 -8127,58.0,133.0,0,1,0,0,0,0 -9482,84.0,135.0,0,0,1,0,0,0 -5697,66.0,139.0,0,0,0,0,1,0 -3544,85.0,111.0,0,0,1,0,0,0 -2390,120.0,120.0,0,0,0,0,1,0 -7148,112.0,140.0,0,0,0,0,1,0 -1056,72.0,109.0,0,0,0,0,1,0 -1146,150.0,111.0,0,0,0,0,1,0 -2769,101.0,110.0,0,0,0,0,0,1 -11873,130.0,120.0,0,0,0,0,0,1 -9681,92.0,115.0,0,0,0,0,1,0 -10750,101.0,121.0,0,0,0,0,1,0 -8485,102.0,102.0,0,0,0,0,1,0 -8965,138.0,114.0,0,0,0,0,1,0 -8,105.0,154.0,0,0,0,0,1,0 -9434,90.0,125.0,0,0,1,0,0,0 -3495,82.0,132.0,0,0,1,0,0,0 -3728,100.0,152.0,0,0,1,0,0,0 -3838,110.0,134.0,0,0,0,0,0,1 -96,137.0,123.0,0,0,1,0,0,0 -1459,86.0,147.0,0,0,0,0,1,0 -6890,150.0,102.0,0,0,0,0,1,0 -426,101.0,145.0,0,0,1,0,0,0 -5140,92.0,110.0,0,0,0,0,1,0 -3090,78.0,131.0,0,0,0,0,1,0 -4863,110.0,119.0,0,0,0,0,1,0 -3822,106.0,128.0,0,0,0,0,0,1 -5872,108.0,114.0,0,0,0,0,1,0 -8397,160.0,126.0,0,0,0,0,1,0 -5424,88.0,121.0,0,0,0,0,0,1 -9971,95.0,140.0,0,0,0,0,1,0 -5682,89.0,120.0,0,0,0,0,1,0 -979,89.0,104.0,0,0,1,0,0,0 -7211,90.0,122.0,0,0,0,0,1,0 -1042,100.0,151.0,0,0,0,0,1,0 -7883,112.0,92.0,0,0,0,0,1,0 -10683,153.0,140.0,0,0,0,0,1,0 -2813,80.0,110.0,0,0,0,0,1,0 -9902,70.0,116.0,0,0,0,0,1,0 -11387,125.0,115.0,0,0,0,0,1,0 -9734,98.0,148.0,0,0,1,0,0,0 -4894,85.0,106.0,0,0,0,0,1,0 -9854,142.0,144.0,0,0,0,0,0,1 -9501,90.0,100.0,0,0,1,0,0,0 -10378,69.0,134.0,0,0,1,0,0,0 -3404,102.0,114.0,0,0,1,0,0,0 -582,157.0,138.0,0,0,0,0,1,0 -11680,92.0,119.0,0,0,0,0,1,0 -8151,92.0,149.0,0,0,0,0,1,0 -2673,118.0,108.0,0,0,1,0,0,0 -6911,110.0,121.0,0,0,0,0,1,0 -11864,142.0,128.0,0,0,0,0,0,1 -10498,142.0,119.0,0,0,1,0,0,0 -3,74.0,133.0,0,0,1,0,0,0 -5778,128.0,100.0,0,0,1,0,0,0 -410,88.0,116.0,0,0,0,0,1,0 -11569,147.0,124.0,0,0,1,0,0,0 -9846,100.0,90.0,0,0,0,0,1,0 -5821,86.0,110.0,0,0,0,0,1,0 -10653,96.0,121.0,0,0,1,0,0,0 -8009,116.0,128.0,0,0,0,0,0,1 -10419,119.0,140.0,0,0,1,0,0,0 -263,100.0,122.0,0,0,1,0,0,0 -11898,86.0,122.0,0,0,0,0,1,0 -439,99.0,122.0,0,0,1,0,0,0 -11932,150.0,119.0,0,0,1,0,0,0 -4768,128.0,133.0,0,0,1,0,0,0 -8471,75.0,132.0,0,0,0,0,1,0 -1983,80.0,102.0,0,1,0,0,0,0 -1107,94.0,110.0,0,0,0,0,0,1 -10795,76.0,119.0,0,0,1,0,0,0 -4375,112.0,119.0,0,0,1,0,0,0 -5292,94.0,118.0,0,0,1,0,0,0 -88,74.0,122.0,0,0,0,0,1,0 -10622,88.0,100.0,0,0,0,0,1,0 -8890,110.0,108.0,0,0,1,0,0,0 -8866,60.0,121.0,0,0,0,0,1,0 -7249,93.0,142.0,0,0,1,0,0,0 -2157,62.0,152.0,0,0,0,0,1,0 -1768,114.0,118.0,0,0,0,0,1,0 -3621,160.0,142.0,0,0,0,0,1,0 -9372,178.0,100.0,0,0,1,0,0,0 -4921,119.0,113.0,0,0,0,0,1,0 -274,112.0,120.0,0,0,0,0,1,0 -1281,82.0,114.0,0,0,1,0,0,0 -3646,80.0,122.0,0,0,1,0,0,0 -2344,117.0,111.0,0,0,0,0,1,0 -4708,115.0,180.0,0,0,0,0,1,0 -5294,79.0,113.0,0,0,1,0,0,0 -7040,109.0,111.0,0,0,0,0,1,0 -5114,93.0,101.0,0,0,0,0,0,1 -2684,102.0,100.0,0,0,0,0,1,0 -2055,120.0,103.0,0,0,0,0,1,0 -8406,100.0,123.0,0,0,1,0,0,0 -4847,117.0,131.0,0,0,0,0,0,1 -10710,160.0,132.0,0,0,0,0,1,0 -11584,103.0,118.0,0,0,0,0,1,0 -415,120.0,138.0,0,0,0,0,1,0 -9749,80.0,140.0,0,0,1,0,0,0 -2250,110.0,153.0,0,0,0,0,0,1 -8962,88.0,100.0,0,0,0,0,0,1 -10888,114.0,108.0,0,0,1,0,0,0 -7599,71.0,134.0,0,0,0,0,1,0 -10573,82.0,106.0,0,0,1,0,0,0 -4341,109.0,127.0,0,0,1,0,0,0 -11117,76.0,145.0,0,0,0,0,1,0 -8205,70.0,119.0,0,0,1,0,0,0 -710,99.0,119.0,0,0,0,0,1,0 -8858,144.0,105.0,0,0,1,0,0,0 -6193,69.0,125.0,0,0,0,0,1,0 -5225,96.0,104.0,0,0,0,0,1,0 -407,67.0,113.0,0,0,1,0,0,0 -8102,99.0,155.0,0,0,1,0,0,0 -10681,84.0,133.0,0,0,0,0,1,0 -9909,120.0,107.0,0,0,1,0,0,0 -1954,145.0,115.0,0,0,1,0,0,0 -6537,130.0,114.0,0,0,1,0,0,0 -4540,100.0,122.0,0,0,1,0,0,0 -2377,117.0,107.0,0,0,1,0,0,0 -11842,100.0,126.0,0,0,1,0,0,0 -8929,90.0,140.0,0,0,1,0,0,0 -11688,80.0,122.0,0,0,0,0,0,1 -8869,102.0,118.0,0,0,0,0,0,1 -6673,88.0,122.0,0,0,0,0,1,0 -5045,164.0,92.0,0,0,0,0,1,0 -2692,100.0,107.0,0,0,0,0,1,0 -5278,79.0,114.0,0,0,0,0,1,0 -8950,89.0,114.0,0,0,1,0,0,0 -7895,68.0,149.0,0,0,0,0,0,1 -2816,180.0,97.0,0,0,1,0,0,0 -6532,200.0,107.0,0,0,0,0,1,0 -11979,101.0,115.0,0,0,1,0,0,0 -1523,130.0,118.0,0,0,0,0,0,1 -5118,95.0,151.0,0,0,0,0,1,0 -7871,102.0,108.0,0,0,1,0,0,0 -8910,106.0,114.0,0,0,0,0,1,0 -1110,85.0,125.0,0,0,0,0,1,0 -9886,101.0,101.0,0,0,0,0,1,0 -1406,66.0,139.0,0,0,0,0,1,0 -8267,115.0,116.0,0,0,1,0,0,0 -3405,85.0,112.0,0,0,0,0,1,0 -6455,110.0,136.0,0,0,0,0,1,0 -11655,83.0,104.0,0,0,0,0,1,0 -8309,92.0,108.0,0,0,0,0,0,1 -11087,140.0,119.0,0,0,0,0,1,0 -11307,83.0,118.0,0,0,0,0,1,0 -11213,102.0,129.0,0,0,0,0,1,0 -9740,87.0,153.0,0,0,0,0,0,1 -9648,168.0,98.0,0,0,0,0,1,0 -10292,115.0,117.0,0,0,0,0,0,1 -9115,152.0,202.0,0,0,0,0,1,0 -11090,114.0,131.0,0,0,1,0,0,0 -6791,101.0,123.0,0,0,1,0,0,0 -8678,90.0,120.0,0,0,0,0,1,0 -9081,92.0,132.0,0,0,0,0,1,0 -633,72.0,111.0,0,0,1,0,0,0 -4010,80.0,80.0,0,0,0,0,1,0 -8978,80.0,127.0,0,0,1,0,0,0 -3461,79.0,121.0,0,0,0,0,1,0 -4148,76.0,111.0,0,0,1,0,0,0 -7113,154.0,142.0,0,0,0,0,0,1 -7796,87.0,108.0,0,0,1,0,0,0 -6206,92.0,110.0,0,0,0,0,1,0 -131,90.0,158.0,0,0,0,0,0,1 -8231,152.0,119.0,0,0,0,0,1,0 -455,88.0,125.0,0,0,1,0,0,0 -6188,87.0,141.0,0,0,0,0,1,0 -9548,80.0,145.0,0,0,0,0,0,1 -2034,85.0,127.0,0,0,0,0,1,0 -10918,104.0,113.0,0,0,0,0,0,1 -774,135.0,106.0,0,0,0,0,0,1 -5070,102.0,93.0,0,0,0,0,1,0 -311,104.0,87.0,0,0,1,0,0,0 -3299,109.0,116.0,0,1,0,0,0,0 -3643,98.0,108.0,0,0,0,0,1,0 -1950,87.0,111.0,0,0,0,0,1,0 -7791,100.0,118.0,0,0,0,0,1,0 -8248,195.0,120.0,0,0,0,0,1,0 -469,137.0,100.0,0,0,0,0,1,0 -10856,92.0,102.0,0,0,1,0,0,0 -1350,80.0,113.0,0,0,0,0,1,0 -5204,108.0,153.0,0,0,0,0,1,0 -8513,107.0,119.0,0,0,0,0,1,0 -5061,103.0,144.0,0,0,1,0,0,0 -10987,70.0,138.0,0,0,0,0,1,0 -247,80.0,102.0,0,0,1,0,0,0 -993,70.0,147.0,0,0,0,0,0,1 -736,101.0,140.0,0,0,1,0,0,0 -2742,67.0,127.0,0,0,1,0,0,0 -6346,90.0,130.0,0,0,0,0,1,0 -7894,100.0,111.0,0,0,0,0,1,0 -8872,93.0,118.0,0,0,0,0,1,0 -9568,175.0,93.0,0,0,1,0,0,0 -9957,134.0,81.0,0,0,0,0,1,0 -563,68.0,121.0,0,0,0,0,1,0 -1722,74.0,140.0,0,0,0,0,1,0 -11225,86.0,111.0,0,0,0,0,0,1 -4630,108.0,120.0,0,0,0,0,1,0 -7174,71.0,122.0,0,1,0,0,0,0 -1576,112.0,123.0,0,0,1,0,0,0 -73,104.0,120.0,0,0,0,0,0,1 -9754,73.0,119.0,0,0,1,0,0,0 -5703,86.0,108.0,0,0,0,0,0,1 -7297,100.0,110.0,0,0,0,0,1,0 -2732,82.0,92.0,0,0,0,0,1,0 -4096,90.0,104.0,0,0,1,0,0,0 -2543,80.0,119.0,0,0,1,0,0,0 -5130,103.0,128.0,0,0,0,0,1,0 -2534,108.0,136.0,0,0,0,0,0,1 -5792,73.0,137.0,0,0,0,0,1,0 -79,82.0,107.0,0,0,1,0,0,0 -6478,93.0,133.0,0,0,0,0,1,0 -6858,132.0,98.0,0,0,0,0,0,1 -8293,83.0,138.0,0,0,0,0,1,0 -796,100.0,127.0,0,0,1,0,0,0 -10279,150.0,112.0,0,0,0,0,0,1 -9187,77.0,122.0,0,0,0,0,1,0 -3131,110.0,122.0,0,0,0,0,1,0 -4687,116.0,113.0,0,1,0,0,0,0 -10610,78.0,125.0,0,0,0,0,1,0 -10770,96.0,133.0,0,0,0,0,1,0 -5608,105.0,138.0,0,0,0,0,1,0 -9334,116.0,106.0,0,0,0,0,0,1 -2221,110.0,113.0,0,0,1,0,0,0 -6952,87.0,115.0,0,0,0,0,0,1 -7728,80.0,110.0,0,0,0,0,1,0 -5265,94.0,129.0,0,0,1,0,0,0 -7841,98.0,117.0,0,0,0,0,1,0 -10521,112.0,122.0,0,0,1,0,0,0 -6113,88.0,125.0,0,0,0,0,1,0 -1904,80.0,146.0,0,0,0,0,0,1 -333,120.0,125.0,0,0,0,0,1,0 -4219,116.0,118.0,0,0,0,0,1,0 -10243,80.0,128.0,0,0,0,0,1,0 -11916,124.0,89.0,0,0,0,0,1,0 -10149,75.0,111.0,0,0,0,0,1,0 -1084,117.0,129.0,0,1,0,0,0,0 -4102,111.0,104.0,0,0,0,0,1,0 -1472,136.0,118.0,0,0,0,0,1,0 -450,82.0,140.0,0,0,0,0,1,0 -1851,97.0,114.0,0,0,0,0,1,0 -10585,111.0,101.0,0,0,0,0,0,1 -8192,69.0,161.0,0,0,0,0,1,0 -10460,86.0,155.0,0,0,0,0,1,0 -9502,90.0,111.0,0,0,0,0,1,0 -293,96.0,127.0,0,0,0,0,1,0 -1250,96.0,117.0,0,0,1,0,0,0 -1145,120.0,112.0,0,0,0,0,1,0 -7565,105.0,107.0,0,0,0,0,1,0 -9264,92.0,144.0,0,0,1,0,0,0 -4502,117.0,120.0,0,0,0,0,1,0 -8302,93.0,96.0,0,0,1,0,0,0 -8509,91.0,116.0,0,1,0,0,0,0 -10763,120.0,149.0,0,0,0,0,1,0 -10711,170.0,149.0,0,0,1,0,0,0 -8349,88.0,114.0,0,0,1,0,0,0 -9948,79.0,101.0,0,0,0,0,1,0 -7172,112.0,104.0,0,0,0,0,1,0 -852,82.0,94.0,0,0,0,0,0,1 -1494,85.0,148.0,0,0,0,0,1,0 -11913,30.0,101.0,0,0,0,0,0,1 -6347,87.0,112.0,0,0,0,0,1,0 -1941,103.0,110.0,0,0,0,0,1,0 -10957,84.0,126.0,0,0,0,0,1,0 -3997,88.0,124.0,0,0,0,0,1,0 -1805,138.0,95.0,0,0,0,0,1,0 -5491,100.0,109.0,0,0,0,0,1,0 -4759,142.0,83.0,0,0,0,0,0,1 -4407,77.0,138.0,0,0,1,0,0,0 -4710,80.0,121.0,0,0,0,0,1,0 -6429,90.0,119.0,0,0,1,0,0,0 -188,66.0,108.0,0,0,0,0,1,0 -1123,89.0,102.0,0,0,0,0,1,0 -2057,111.0,107.0,0,0,0,0,0,1 -4924,77.0,110.0,0,0,0,0,1,0 -10075,97.0,107.0,0,0,0,0,0,1 -12035,122.0,113.0,0,0,0,0,0,1 -7516,101.0,178.0,0,0,1,0,0,0 -2009,77.0,146.0,0,0,1,0,0,0 -2495,67.0,133.0,0,0,0,0,1,0 -10374,104.0,118.0,0,0,0,0,0,1 -6258,68.0,117.0,0,0,1,0,0,0 -1594,83.0,90.0,0,0,1,0,0,0 -5803,117.0,118.0,0,0,0,0,1,0 -2626,116.0,114.0,0,0,1,0,0,0 -500,124.0,110.0,0,0,0,0,1,0 -10632,80.0,139.0,0,0,1,0,0,0 -290,97.0,104.0,0,0,0,0,1,0 -9319,82.0,81.0,0,0,1,0,0,0 -8747,104.0,122.0,0,0,1,0,0,0 -11325,109.0,112.0,0,0,0,0,1,0 -5736,140.0,98.0,0,0,0,0,1,0 -4291,78.0,106.0,0,0,0,0,1,0 -11269,65.0,138.0,0,0,0,0,1,0 -12023,75.0,150.0,0,0,0,0,1,0 -2909,115.0,126.0,0,0,0,0,1,0 -8559,123.0,116.0,0,0,0,0,1,0 -5489,74.0,115.0,0,0,1,0,0,0 -590,138.0,120.0,0,0,0,0,1,0 -4192,80.0,130.0,0,0,0,0,0,1 -10640,120.0,90.0,0,0,1,0,0,0 -8108,96.0,90.0,0,0,0,0,1,0 -10559,99.0,126.0,0,0,1,0,0,0 -4949,86.0,120.0,0,0,0,0,1,0 -7534,99.0,112.0,0,0,0,0,1,0 -2807,80.0,111.0,0,0,1,0,0,0 -1091,119.0,118.0,0,0,0,0,1,0 -7399,68.0,101.0,0,0,0,0,1,0 -3295,90.0,138.0,0,0,0,0,1,0 -11673,92.0,113.0,0,0,1,0,0,0 -5202,65.0,102.0,0,0,1,0,0,0 -777,121.0,99.0,0,0,0,0,1,0 -2498,106.0,105.0,0,0,0,0,1,0 -299,118.0,128.0,0,0,0,0,1,0 -8255,80.0,151.0,0,0,0,0,1,0 -1090,116.0,110.0,0,0,0,0,1,0 -1971,170.0,130.0,0,0,0,0,1,0 -1194,121.0,170.0,0,0,1,0,0,0 -8216,120.0,154.0,0,0,0,0,0,1 -11695,64.0,120.0,0,0,1,0,0,0 -8776,88.0,149.0,0,0,0,0,1,0 -2002,60.0,130.0,0,0,0,0,1,0 -532,105.0,118.0,0,0,0,0,1,0 -5470,78.0,116.0,0,0,1,0,0,0 -971,100.0,120.0,0,0,1,0,0,0 -4840,64.0,102.0,0,0,0,0,1,0 -2919,110.0,103.0,0,0,1,0,0,0 -7034,106.0,152.0,0,0,0,0,1,0 -1113,99.0,90.0,0,0,0,0,1,0 -4918,91.0,127.0,0,0,0,0,1,0 -8479,112.0,107.0,0,0,1,0,0,0 -1592,108.0,92.0,0,0,1,0,0,0 -3914,117.0,130.0,0,0,0,0,1,0 -5871,186.0,152.0,0,0,1,0,0,0 -11536,78.0,131.0,0,0,0,0,1,0 -2963,104.0,127.0,0,0,0,0,1,0 -5771,140.0,81.0,0,0,0,0,0,1 -1082,100.0,125.0,0,0,0,0,1,0 -3207,109.0,121.0,0,0,0,0,0,1 -8300,80.0,105.0,0,0,0,0,1,0 -4147,138.0,141.0,0,0,1,0,0,0 -5264,114.0,106.0,0,0,1,0,0,0 -9072,108.0,102.0,0,0,0,0,1,0 -565,100.0,85.0,0,0,1,0,0,0 -3006,80.0,135.0,0,0,0,0,1,0 -1803,112.0,138.0,0,0,0,0,1,0 -11676,88.0,116.0,0,0,1,0,0,0 -7601,156.0,130.0,0,0,0,0,0,1 -9791,88.0,138.0,0,0,1,0,0,0 -6759,88.0,110.0,0,0,1,0,0,0 -11105,126.0,111.0,0,0,0,0,1,0 -1642,66.0,109.0,0,0,1,0,0,0 -3000,99.0,119.0,0,0,0,0,1,0 -11992,103.0,140.0,0,0,0,0,1,0 -8395,108.0,116.0,0,0,0,0,1,0 -3705,86.0,116.0,0,0,0,0,1,0 -7482,78.0,128.0,0,0,1,0,0,0 -9113,114.0,119.0,0,0,0,0,0,1 -46,120.0,144.0,0,0,0,0,1,0 -1149,70.0,129.0,0,0,1,0,0,0 -5952,113.0,111.0,0,0,0,0,1,0 -7780,119.0,117.0,0,0,0,0,1,0 -765,179.0,107.0,0,0,0,0,0,1 -10195,169.0,128.0,0,0,1,0,0,0 -9657,91.0,115.0,0,0,0,0,0,1 -1566,88.0,161.0,0,0,0,0,1,0 -3742,72.0,125.0,0,0,1,0,0,0 -5948,130.0,118.0,0,0,0,0,1,0 -6013,73.0,106.0,0,0,0,0,1,0 -11098,63.0,147.0,0,0,0,0,0,1 -9946,166.0,131.0,0,0,1,0,0,0 -8990,88.0,105.0,0,0,1,0,0,0 -4217,88.0,90.0,0,0,0,0,1,0 -2483,76.0,121.0,0,0,0,0,0,1 -1011,145.0,124.0,0,0,0,0,1,0 -2818,118.0,107.0,0,0,0,0,1,0 -4829,190.0,97.0,0,0,0,0,0,1 -9958,105.0,126.0,0,0,0,0,1,0 -9970,118.0,133.0,0,0,1,0,0,0 -6081,156.0,99.0,0,0,0,0,1,0 -9329,114.0,114.0,0,0,0,0,0,1 -6427,100.0,124.0,0,0,0,0,1,0 -8516,88.0,116.0,0,0,1,0,0,0 -9082,117.0,112.0,0,0,0,0,0,1 -10219,122.0,121.0,0,0,0,0,0,1 -7466,80.0,110.0,0,0,1,0,0,0 -10322,83.0,122.0,0,0,1,0,0,0 -4336,139.0,88.0,0,0,0,0,1,0 -3082,98.0,149.0,0,0,0,0,0,1 -1345,80.0,92.0,0,0,0,0,1,0 -1444,118.0,120.0,0,0,1,0,0,0 -9340,90.0,109.0,0,0,1,0,0,0 -4793,102.0,110.0,0,0,1,0,0,0 -80,120.0,114.0,0,0,0,0,1,0 -5467,140.0,110.0,0,0,0,0,1,0 -2444,92.0,110.0,0,0,1,0,0,0 -335,171.0,90.0,0,0,1,0,0,0 -2913,91.0,145.0,0,0,0,0,1,0 -6203,71.0,144.0,0,0,0,0,1,0 -2239,118.0,108.0,0,0,0,0,1,0 -1572,77.0,136.0,0,0,0,0,0,1 -8249,132.0,109.0,0,0,0,0,1,0 -6832,110.0,149.0,0,0,1,0,0,0 -2142,109.0,108.0,0,0,0,0,0,1 -10283,141.0,127.0,0,0,1,0,0,0 -1509,100.0,110.0,0,0,0,0,0,1 -1896,94.0,110.0,0,0,0,0,1,0 -4622,103.0,130.0,0,0,0,0,1,0 -10175,138.0,105.0,0,0,0,0,1,0 -3366,70.0,130.0,0,0,1,0,0,0 -6143,154.0,100.0,0,0,0,0,0,1 -1845,77.0,134.0,0,0,0,0,1,0 -111,104.0,118.0,0,0,0,0,1,0 -472,98.0,123.0,0,0,0,0,0,1 -9581,100.0,136.0,0,0,0,0,1,0 -7717,104.0,119.0,0,0,1,0,0,0 -7768,88.0,118.0,0,0,0,0,1,0 -10183,72.0,120.0,0,0,0,0,1,0 -3857,84.0,105.0,0,0,0,0,1,0 -10020,70.0,134.0,0,0,0,0,1,0 -1183,66.0,122.0,0,0,0,0,1,0 -7897,108.0,126.0,0,0,1,0,0,0 -6669,123.0,145.0,0,0,0,0,1,0 -4201,82.0,109.0,0,0,0,0,1,0 -9369,116.0,117.0,0,0,0,0,0,1 -2108,94.0,130.0,0,0,1,0,0,0 -3785,102.0,125.0,0,0,1,0,0,0 -8685,101.0,130.0,0,0,0,0,1,0 -4702,144.0,119.0,0,0,1,0,0,0 -2582,150.0,94.0,0,0,0,0,1,0 -5399,84.0,124.0,0,0,0,0,1,0 -8840,120.0,166.0,0,0,0,0,1,0 -8715,96.0,117.0,0,0,1,0,0,0 -10928,124.0,120.0,0,0,1,0,0,0 -2928,80.0,117.0,0,0,0,0,1,0 -7623,91.0,135.0,0,0,0,0,0,1 -3016,78.0,131.0,0,0,0,0,1,0 -4684,155.0,141.0,0,0,0,0,1,0 -10318,137.0,113.0,0,0,0,0,1,0 -4508,116.0,121.0,0,0,1,0,0,0 -6916,108.0,111.0,0,0,1,0,0,0 -4450,85.0,124.0,0,0,1,0,0,0 -7582,100.0,118.0,0,0,0,0,0,1 -1193,87.0,116.0,0,0,0,0,0,1 -45,120.0,129.0,0,0,0,0,1,0 -9538,82.0,151.0,0,0,0,0,1,0 -11531,119.0,130.0,0,0,0,0,1,0 -2655,124.0,86.0,0,0,0,0,1,0 -1578,86.0,139.0,0,0,0,0,1,0 -4205,81.0,121.0,0,0,0,0,1,0 -8055,155.0,109.0,0,0,1,0,0,0 -11220,88.0,129.0,0,0,0,0,1,0 -1584,146.0,106.0,0,0,0,0,0,1 -3958,75.0,141.0,0,0,0,0,1,0 -10778,100.0,110.0,0,0,1,0,0,0 -10274,108.0,103.0,0,0,0,0,1,0 -3378,114.0,130.0,0,0,1,0,0,0 -10368,86.0,132.0,0,0,0,0,1,0 -2227,104.0,125.0,0,0,1,0,0,0 -4983,116.0,133.0,0,0,0,0,1,0 -315,108.0,100.0,0,0,0,0,1,0 -10327,75.0,107.0,0,0,1,0,0,0 -4374,140.0,119.0,0,0,0,0,1,0 -6607,65.0,116.0,0,0,0,0,1,0 -9404,76.0,125.0,0,1,0,0,0,0 -6831,94.0,129.0,0,0,0,0,0,1 -8504,73.0,168.0,0,0,1,0,0,0 -10072,109.0,128.0,0,0,1,0,0,0 -2864,64.0,132.0,0,0,1,0,0,0 -5234,134.0,130.0,0,0,0,0,1,0 -7492,116.0,170.0,0,0,0,0,1,0 -8581,80.0,140.0,0,0,0,0,1,0 -6489,76.0,132.0,0,0,1,0,0,0 -1071,144.0,124.0,0,0,0,0,1,0 -11854,104.0,142.0,0,0,0,0,0,1 -10952,80.0,119.0,0,0,1,0,0,0 -5646,74.0,120.0,0,0,0,0,1,0 -11022,93.0,128.0,0,0,0,0,1,0 -11028,110.0,119.0,0,0,0,0,1,0 -409,130.0,144.0,1,0,0,0,0,0 -3833,60.0,150.0,0,0,0,0,1,0 -3487,72.0,103.0,0,0,1,0,0,0 -576,105.0,135.0,0,0,0,0,1,0 -6853,121.0,141.0,0,0,0,0,1,0 -2231,86.0,122.0,0,0,0,0,1,0 -7250,91.0,97.0,0,0,1,0,0,0 -713,99.0,100.0,0,0,0,0,1,0 -7257,136.0,107.0,0,0,1,0,0,0 -11505,88.0,112.0,0,0,1,0,0,0 -1087,105.0,108.0,0,0,0,0,1,0 -3288,103.0,138.0,0,0,1,0,0,0 -10635,130.0,88.0,0,0,0,0,1,0 -7070,99.0,119.0,0,0,1,0,0,0 -6109,152.0,97.0,0,0,0,0,1,0 -1454,94.0,121.0,0,0,0,0,1,0 -4617,108.0,109.0,0,0,1,0,0,0 -2388,101.0,135.0,0,0,0,0,1,0 -3689,104.0,133.0,0,0,0,0,1,0 -881,102.0,110.0,0,0,0,0,1,0 -1710,62.0,125.0,0,0,0,0,1,0 -9632,94.0,130.0,0,0,0,0,1,0 -8518,100.0,158.0,0,0,1,0,0,0 -6805,110.0,130.0,0,0,0,0,1,0 -4747,130.0,108.0,0,0,0,0,1,0 -4724,135.0,117.0,0,0,1,0,0,0 -2442,116.0,145.0,0,0,0,0,0,1 -4438,97.0,139.0,0,0,1,0,0,0 -11160,95.0,144.0,0,0,1,0,0,0 -3100,50.0,120.0,1,0,0,0,0,0 -6678,96.0,106.0,0,0,0,0,1,0 -5434,118.0,128.0,0,0,0,0,0,1 -6663,107.0,114.0,0,0,0,0,1,0 -7182,88.0,115.0,0,0,0,0,1,0 -1597,72.0,123.0,0,0,0,0,1,0 -6702,113.0,115.0,0,0,0,0,1,0 -3573,102.0,137.0,0,0,1,0,0,0 -11176,71.0,101.0,0,0,0,0,1,0 -9460,98.0,128.0,0,0,1,0,0,0 -11177,104.0,145.0,0,0,0,0,1,0 -10862,90.0,118.0,0,0,0,0,1,0 -1180,115.0,141.0,0,0,1,0,0,0 -6365,76.0,140.0,0,0,0,0,1,0 -1911,82.0,127.0,0,0,1,0,0,0 -2754,112.0,110.0,0,0,0,0,1,0 -7572,70.0,141.0,0,0,1,0,0,0 -2214,84.0,115.0,0,0,0,0,1,0 -7033,113.0,110.0,0,0,0,0,1,0 -5667,108.0,122.0,0,0,0,0,1,0 -7201,154.0,119.0,0,0,0,0,1,0 -6417,72.0,103.0,0,0,0,0,1,0 -2675,100.0,110.0,0,0,1,0,0,0 -9356,122.0,108.0,0,0,1,0,0,0 -8262,87.0,106.0,0,0,1,0,0,0 -4414,103.0,94.0,0,0,0,0,1,0 -2948,100.0,118.0,0,0,1,0,0,0 -10629,130.0,87.0,0,0,0,0,1,0 -7324,100.0,140.0,0,1,0,0,0,0 -7914,100.0,134.0,0,0,0,0,1,0 -1691,130.0,119.0,0,0,0,0,0,1 -7591,84.0,115.0,0,0,0,0,1,0 -123,94.0,127.0,0,0,0,0,1,0 -6661,78.0,150.0,0,0,1,0,0,0 -1952,100.0,97.0,0,0,1,0,0,0 -5809,140.0,168.0,0,0,0,0,0,1 -3060,104.0,116.0,0,0,0,0,1,0 -8617,85.0,86.0,0,0,0,0,1,0 -2527,114.0,130.0,0,0,0,0,1,0 -10211,167.0,92.0,0,0,0,0,1,0 -9256,95.0,155.0,0,0,0,0,1,0 -2405,75.0,111.0,0,0,1,0,0,0 -4561,107.0,125.0,0,0,1,0,0,0 -8620,105.0,160.0,0,0,0,0,1,0 -11166,65.0,105.0,0,0,0,0,1,0 -11381,104.0,108.0,0,0,1,0,0,0 -10872,108.0,125.0,0,0,1,0,0,0 -4671,96.0,111.0,0,0,1,0,0,0 -5035,104.0,117.0,0,0,0,0,0,1 -2507,108.0,116.0,0,0,0,0,1,0 -1891,56.0,120.0,0,0,1,0,0,0 -9619,110.0,111.0,0,0,1,0,0,0 -6808,82.0,127.0,0,0,1,0,0,0 -295,121.0,115.0,0,0,1,0,0,0 -4653,84.0,134.0,0,0,1,0,0,0 -4081,84.0,113.0,0,0,0,0,0,1 -4381,125.0,134.0,0,0,1,0,0,0 -2392,119.0,112.0,0,0,0,0,1,0 -1785,84.0,131.0,0,0,0,0,1,0 -9253,151.0,119.0,0,0,0,0,0,1 -286,102.0,120.0,0,0,0,0,0,1 -4215,95.0,114.0,0,0,0,0,1,0 -11548,82.0,134.0,0,0,1,0,0,0 -1758,84.0,114.0,0,0,0,0,1,0 -4288,78.0,145.0,0,0,1,0,0,0 -1284,140.0,133.0,0,0,0,0,0,1 -7406,148.0,102.0,0,0,0,0,1,0 -7046,82.0,120.0,0,0,1,0,0,0 -10172,84.0,106.0,0,0,0,0,1,0 -10328,90.0,134.0,0,0,0,0,1,0 -6037,88.0,128.0,0,0,1,0,0,0 -10590,80.0,122.0,0,0,1,0,0,0 -6958,102.0,125.0,0,0,0,0,1,0 -9796,86.0,120.0,0,0,0,0,1,0 -8851,100.0,150.0,0,0,1,0,0,0 -549,124.0,147.0,0,0,0,0,1,0 -8023,119.0,146.0,0,0,1,0,0,0 -3130,90.0,132.0,0,0,1,0,0,0 -9753,91.0,116.0,0,0,0,0,1,0 -8462,100.0,118.0,0,0,1,0,0,0 -6830,84.0,122.0,0,0,0,0,1,0 -5418,146.0,105.0,0,0,1,0,0,0 -2998,140.0,131.0,0,0,0,0,1,0 -11607,152.0,138.0,0,0,0,0,1,0 -5899,104.0,120.0,0,0,0,0,1,0 -10894,70.0,120.0,0,0,1,0,0,0 -4693,138.0,134.0,0,0,1,0,0,0 -4359,84.0,178.0,0,0,0,0,1,0 -3846,80.0,147.0,0,0,0,0,1,0 -7302,118.0,111.0,0,0,0,0,1,0 -5595,130.0,124.0,0,0,0,0,1,0 -3111,130.0,100.0,0,0,0,0,1,0 -4385,95.0,118.0,0,0,0,0,1,0 -10035,94.0,110.0,0,0,0,0,1,0 -9326,60.0,109.0,0,0,1,0,0,0 -9056,96.0,127.0,0,0,0,0,0,1 -5674,112.0,110.0,0,0,0,0,0,1 -10484,104.0,72.0,0,0,1,0,0,0 -3027,91.0,128.0,0,0,0,0,1,0 -1303,140.0,96.0,0,0,1,0,0,0 -8972,111.0,123.0,0,0,0,0,0,1 -11579,114.0,124.0,0,0,0,0,0,1 -10542,196.0,78.0,0,0,0,0,1,0 -8214,105.0,128.0,0,0,1,0,0,0 -4519,121.0,98.0,0,0,1,0,0,0 -10830,107.0,130.0,0,0,0,0,1,0 -7448,99.0,94.0,0,0,0,0,1,0 -11121,113.0,132.0,0,0,0,0,1,0 -7441,81.0,106.0,0,0,0,0,1,0 -11047,116.0,127.0,0,0,0,0,1,0 -11835,202.0,111.0,0,0,0,0,1,0 -11955,93.0,121.0,0,0,0,0,1,0 -9162,83.0,106.0,0,0,0,0,1,0 -8416,88.0,113.0,0,0,0,0,1,0 -6487,80.0,129.0,0,0,0,0,1,0 -2564,84.0,163.0,0,0,0,0,1,0 -2954,99.0,119.0,0,0,1,0,0,0 -2625,105.0,110.0,0,0,0,0,1,0 -6062,93.0,142.0,0,0,1,0,0,0 -4923,114.0,130.0,0,0,0,0,1,0 -467,90.0,129.0,0,0,0,0,1,0 -9994,67.0,119.0,0,0,1,0,0,0 -8983,96.0,111.0,0,0,0,0,1,0 -6266,107.0,132.0,0,0,0,0,1,0 -106,100.0,127.0,0,0,0,0,0,1 -10340,79.0,126.0,0,0,0,0,1,0 -10637,140.0,112.0,0,0,0,0,0,1 -3429,120.0,105.0,0,0,0,0,1,0 -5298,91.0,121.0,0,0,0,0,1,0 -411,90.0,131.0,0,0,1,0,0,0 -5848,132.0,88.0,0,0,0,0,0,1 -6756,110.0,123.0,0,0,1,0,0,0 -10185,118.0,121.0,0,0,0,0,0,1 -8917,117.0,135.0,0,0,0,0,1,0 -3519,98.0,114.0,0,0,1,0,0,0 -5146,95.0,108.0,0,0,0,0,1,0 -2519,70.0,121.0,0,0,0,0,1,0 -3813,91.0,122.0,0,0,0,0,1,0 -5438,78.0,168.0,0,0,1,0,0,0 -7912,63.0,135.0,0,0,0,0,1,0 -6914,120.0,93.0,0,0,0,0,1,0 -5756,100.0,118.0,0,0,0,0,1,0 -5281,128.0,119.0,0,0,0,0,1,0 -9517,110.0,95.0,0,0,0,0,1,0 -11210,68.0,137.0,0,0,1,0,0,0 -1862,82.0,138.0,0,0,0,0,1,0 -4048,96.0,119.0,0,0,1,0,0,0 -11159,168.0,100.0,0,0,0,0,1,0 -6127,73.0,106.0,0,0,1,0,0,0 -7515,66.0,129.0,0,0,1,0,0,0 -3817,104.0,114.0,0,0,0,0,1,0 -8543,88.0,125.0,0,0,0,0,1,0 -29,102.0,126.0,0,0,0,0,1,0 -10724,80.0,120.0,0,1,0,0,0,0 -11033,73.0,132.0,0,0,0,0,1,0 -8163,110.0,160.0,0,0,0,0,1,0 -568,60.0,106.0,0,0,0,0,1,0 -6899,159.0,122.0,0,0,1,0,0,0 -8422,96.0,123.0,0,0,0,0,1,0 -1245,98.0,116.0,0,0,1,0,0,0 -10563,117.0,110.0,0,0,0,0,0,1 -5576,100.0,117.0,0,0,0,0,1,0 -1458,137.0,110.0,0,0,0,0,1,0 -10325,78.0,132.0,0,0,1,0,0,0 -1835,60.0,145.0,0,0,0,0,1,0 -316,119.0,119.0,0,0,0,0,1,0 -108,86.0,136.0,0,0,0,0,1,0 -5028,82.0,153.0,0,0,0,0,1,0 -3101,113.0,122.0,0,0,0,0,1,0 -4077,139.0,123.0,0,0,1,0,0,0 -9051,80.0,124.0,0,0,0,0,1,0 -5900,55.0,116.0,0,0,0,0,1,0 -11778,87.0,99.0,0,0,0,0,0,1 -9616,102.0,151.0,0,0,1,0,0,0 -2701,82.0,112.0,0,1,0,0,0,0 -4526,80.0,115.0,0,0,0,0,1,0 -7520,108.0,98.0,0,0,0,0,0,1 -3698,132.0,90.0,0,0,0,0,0,1 -3752,104.0,126.0,0,0,1,0,0,0 -5479,122.0,124.0,0,0,0,0,1,0 -3784,113.0,100.0,0,1,0,0,0,0 -4706,90.0,151.0,0,0,0,0,1,0 -11247,109.0,166.0,0,0,0,0,0,1 -2608,76.0,114.0,0,0,1,0,0,0 -4129,112.0,95.0,0,0,0,0,1,0 -10127,120.0,112.0,0,0,0,0,1,0 -973,79.0,107.0,0,0,0,0,1,0 -8317,120.0,130.0,0,0,0,0,0,1 -4773,115.0,108.0,0,0,0,0,0,1 -10032,103.0,107.0,0,0,0,0,1,0 -3668,85.0,144.0,0,0,0,0,1,0 -8233,70.0,127.0,0,0,1,0,0,0 -2680,119.0,128.0,0,0,0,0,1,0 -10616,104.0,154.0,0,0,1,0,0,0 -1374,70.0,137.0,0,0,0,0,1,0 -3094,128.0,111.0,0,0,0,0,1,0 -7197,120.0,119.0,0,0,0,0,1,0 -5805,184.0,94.0,0,0,0,0,0,1 -8037,116.0,142.0,0,0,0,0,1,0 -10,73.0,137.0,0,0,0,0,1,0 -4397,100.0,118.0,0,0,1,0,0,0 -5838,130.0,121.0,0,0,0,0,1,0 -1426,99.0,106.0,0,0,0,0,0,1 -9731,88.0,131.0,0,0,0,0,1,0 -9559,136.0,119.0,0,0,1,0,0,0 -9609,80.0,119.0,0,1,0,0,0,0 -718,101.0,106.0,0,0,1,0,0,0 -10118,78.0,130.0,0,0,0,0,1,0 -7049,114.0,139.0,0,0,0,0,1,0 -5731,85.0,127.0,0,0,0,0,1,0 -11138,88.0,130.0,0,0,1,0,0,0 -735,146.0,103.0,0,0,1,0,0,0 -4783,75.0,124.0,0,0,0,0,0,1 -8180,62.0,143.0,0,0,1,0,0,0 -11438,109.0,113.0,0,0,0,0,0,1 -2140,140.0,122.0,0,0,0,0,1,0 -4313,103.0,132.0,0,0,1,0,0,0 -9693,100.0,117.0,0,0,0,0,0,1 -909,110.0,130.0,0,0,1,0,0,0 -4549,140.0,50.0,0,0,1,0,0,0 -496,60.0,109.0,0,0,1,0,0,0 -9189,80.0,114.0,0,0,1,0,0,0 -11963,107.0,111.0,0,0,0,0,1,0 -9544,80.0,119.0,0,0,0,0,0,1 -6443,68.0,118.0,0,0,0,0,1,0 -6929,110.0,107.0,0,0,1,0,0,0 -1206,82.0,134.0,0,0,0,0,1,0 -4436,94.0,123.0,0,0,0,0,1,0 -5369,111.0,77.0,0,0,0,0,0,1 -10334,124.0,124.0,0,0,1,0,0,0 -1195,149.0,120.0,0,0,0,0,1,0 -6325,130.0,106.0,0,0,0,0,1,0 -5461,70.0,128.0,0,0,0,0,1,0 -10612,82.0,124.0,0,0,1,0,0,0 -5380,78.0,119.0,0,0,0,0,1,0 -6161,134.0,90.0,0,0,0,0,1,0 -4560,93.0,104.0,0,0,0,0,1,0 -7946,117.0,119.0,0,0,0,0,1,0 -288,86.0,133.0,0,0,0,0,1,0 -11015,118.0,126.0,0,0,0,0,1,0 -8403,114.0,131.0,0,0,0,0,0,1 -6084,67.0,128.0,0,0,0,0,1,0 -8028,74.0,132.0,0,0,0,0,0,1 -7998,118.0,107.0,0,0,0,0,1,0 -388,100.0,98.0,0,0,1,0,0,0 -836,65.0,128.0,0,0,0,0,1,0 -3821,80.0,144.0,0,0,0,0,1,0 -9585,73.0,129.0,0,0,1,0,0,0 -280,125.0,113.0,0,0,0,0,1,0 -8137,78.0,95.0,0,0,0,0,1,0 -11900,101.0,134.0,0,0,0,0,1,0 -4100,150.0,132.0,0,0,1,0,0,0 -11724,77.0,132.0,0,0,0,0,1,0 -1112,91.0,111.0,0,0,1,0,0,0 -4189,84.0,137.0,0,0,0,0,1,0 -10362,80.0,72.0,0,0,1,0,0,0 -10080,67.0,128.0,0,0,0,0,0,1 -9893,178.0,117.0,0,0,0,0,1,0 -7169,116.0,126.0,0,0,0,0,1,0 -5994,82.0,153.0,0,0,0,0,1,0 -4112,142.0,133.0,0,0,1,0,0,0 -267,110.0,117.0,0,0,0,0,1,0 -1598,80.0,130.0,0,0,1,0,0,0 -8064,70.0,115.0,0,0,1,0,0,0 -5990,88.0,118.0,0,0,1,0,0,0 -5716,76.0,103.0,0,0,0,0,1,0 -6994,111.0,113.0,0,0,0,0,1,0 -7362,146.0,106.0,0,0,0,0,1,0 -7487,118.0,120.0,0,0,0,1,0,0 -4972,96.0,119.0,0,0,0,0,1,0 -3891,100.0,127.0,0,0,1,0,0,0 -6606,115.0,120.0,0,0,0,0,1,0 -1379,91.0,109.0,0,0,1,0,0,0 -9523,121.0,140.0,0,0,0,0,0,1 -9489,80.0,125.0,0,0,0,0,1,0 -416,129.0,146.0,0,0,0,0,1,0 -9363,176.0,94.0,0,0,0,0,1,0 -4257,97.0,121.0,0,0,0,0,1,0 -1962,82.0,110.0,0,0,0,0,1,0 -620,128.0,100.0,0,0,0,0,1,0 -1703,100.0,112.0,0,0,0,0,1,0 -11663,111.0,145.0,0,0,0,0,1,0 -10823,86.0,148.0,0,0,0,0,0,1 -3169,151.0,93.0,0,0,0,0,1,0 -9157,87.0,116.0,0,0,0,0,0,1 -7145,114.0,116.0,0,0,0,0,1,0 -7319,82.0,119.0,0,0,0,0,1,0 -11714,108.0,110.0,0,0,0,0,1,0 -9248,104.0,139.0,0,0,0,0,1,0 -1190,89.0,121.0,0,0,1,0,0,0 -12009,131.0,108.0,0,0,0,0,1,0 -7550,144.0,128.0,0,0,0,0,1,0 -4149,106.0,85.0,0,0,0,0,0,1 -7118,85.0,144.0,0,0,0,0,1,0 -11659,112.0,139.0,0,0,1,0,0,0 -6918,104.0,143.0,0,0,1,0,0,0 -6333,79.0,127.0,0,0,1,0,0,0 -1506,122.0,124.0,0,0,0,0,0,1 -5502,84.0,146.0,0,0,0,0,1,0 -10432,136.0,122.0,0,0,1,0,0,0 -2882,85.0,120.0,0,0,0,0,1,0 -3946,94.0,122.0,0,0,1,0,0,0 -8803,90.0,122.0,0,0,0,0,1,0 -7767,100.0,114.0,0,0,1,0,0,0 -11742,75.0,104.0,0,0,0,0,1,0 -794,97.0,120.0,0,0,0,0,1,0 -730,80.0,113.0,0,0,0,0,1,0 -7199,94.0,122.0,0,0,0,0,1,0 -9315,90.0,126.0,0,0,0,0,1,0 -3222,105.0,107.0,0,0,0,0,1,0 -9931,84.0,88.0,0,0,0,0,0,1 -6186,74.0,115.0,0,0,1,0,0,0 -1745,98.0,147.0,0,0,1,0,0,0 -5822,88.0,107.0,0,0,1,0,0,0 -11132,90.0,110.0,0,0,1,0,0,0 -6449,120.0,106.0,0,0,1,0,0,0 -11748,101.0,127.0,0,0,0,0,1,0 -8852,101.0,114.0,0,0,0,0,1,0 -1199,100.0,130.0,0,0,1,0,0,0 -9712,108.0,108.0,0,0,0,0,1,0 -5795,74.0,122.0,0,0,0,0,1,0 -8496,112.0,112.0,0,0,0,0,1,0 -8451,72.0,139.0,0,0,1,0,0,0 -2751,101.0,153.0,0,0,0,0,1,0 -1889,84.0,107.0,0,0,0,0,0,1 -5302,84.0,115.0,0,0,0,0,0,1 -11661,77.0,131.0,0,0,0,0,1,0 -32,102.0,113.0,0,0,0,0,1,0 -8092,169.0,101.0,0,0,0,0,1,0 -8749,98.0,119.0,0,0,0,0,1,0 -6243,72.0,114.0,0,0,0,0,1,0 -4193,85.0,120.0,0,0,0,0,1,0 -10309,140.0,124.0,0,0,0,0,1,0 -6130,116.0,100.0,0,0,0,0,0,1 -8621,112.0,94.0,0,0,1,0,0,0 -11912,84.0,114.0,0,0,0,0,1,0 -7606,57.0,104.0,0,0,0,0,1,0 -11829,92.0,137.0,0,0,0,0,1,0 -3003,72.0,114.0,0,0,1,0,0,0 -9399,106.0,141.0,0,0,1,0,0,0 -4127,90.0,120.0,0,0,0,0,1,0 -8892,87.0,134.0,0,0,0,0,0,1 -8355,90.0,135.0,0,0,0,0,1,0 -11965,118.0,132.0,0,0,0,0,1,0 -1486,88.0,114.0,0,0,0,0,0,1 -605,83.0,180.0,0,0,0,0,1,0 -10490,74.0,106.0,0,0,0,0,0,1 -6758,100.0,108.0,0,0,0,0,1,0 -1533,84.0,137.0,0,0,1,0,0,0 -6662,119.0,115.0,0,0,1,0,0,0 -2698,122.0,115.0,0,0,0,0,1,0 -6870,117.0,144.0,0,0,1,0,0,0 -3928,105.0,135.0,0,0,1,0,0,0 -3334,82.0,112.0,0,0,0,0,0,1 -1330,99.0,120.0,0,0,0,0,1,0 -8402,84.0,131.0,0,0,0,0,0,1 -957,99.0,127.0,0,0,0,0,1,0 -10608,111.0,126.0,0,0,1,0,0,0 -4202,94.0,123.0,0,0,1,0,0,0 -6703,102.0,147.0,0,0,0,0,1,0 -11499,140.0,121.0,0,0,0,0,1,0 -11836,159.0,95.0,0,0,0,0,1,0 -1660,100.0,104.0,0,0,0,0,1,0 -1026,65.0,132.0,0,0,0,0,1,0 -4463,84.0,110.0,0,0,0,0,0,1 -6044,100.0,92.0,0,0,0,0,0,1 -1247,78.0,115.0,0,0,1,0,0,0 -9040,126.0,115.0,0,0,1,0,0,0 -655,75.0,99.0,0,0,0,0,1,0 -623,154.0,90.0,0,0,0,0,0,1 -7484,80.0,135.0,0,0,0,0,1,0 -7852,98.0,124.0,0,0,0,0,1,0 -2199,148.0,112.0,0,0,0,0,1,0 -2760,71.0,128.0,0,0,1,0,0,0 -6580,71.0,172.0,0,0,1,0,0,0 -4410,100.0,100.0,0,0,1,0,0,0 -10465,100.0,118.0,0,0,1,0,0,0 -9201,80.0,136.0,0,0,1,0,0,0 -2858,198.0,119.0,0,0,0,0,1,0 -3508,112.0,119.0,0,0,1,0,0,0 -3328,151.0,98.0,0,0,1,0,0,0 -6561,72.0,114.0,0,0,1,0,0,0 -2791,100.0,136.0,0,0,0,0,0,1 -1746,94.0,113.0,0,0,0,0,1,0 -11458,110.0,109.0,0,0,0,0,1,0 -2884,98.0,116.0,0,0,0,0,1,0 -2457,90.0,122.0,0,0,0,0,1,0 -4253,78.0,107.0,0,0,0,0,1,0 -10116,58.0,133.0,0,0,1,0,0,0 -76,92.0,136.0,0,0,0,0,1,0 -8085,161.0,120.0,0,0,0,0,1,0 -10713,115.0,152.0,0,0,0,0,1,0 -11694,122.0,125.0,0,0,0,0,1,0 -6070,114.0,150.0,0,0,1,0,0,0 -10906,74.0,119.0,0,0,1,0,0,0 -5617,82.0,115.0,0,0,1,0,0,0 -2260,89.0,143.0,0,0,1,0,0,0 -1775,133.0,104.0,0,0,1,0,0,0 -6634,70.0,123.0,0,0,0,0,0,1 -93,84.0,118.0,0,0,1,0,0,0 -10558,106.0,119.0,0,0,0,0,1,0 -8211,123.0,110.0,0,0,1,0,0,0 -4228,70.0,140.0,0,0,1,0,0,0 -714,82.0,119.0,0,0,0,0,1,0 -1076,160.0,117.0,0,0,0,0,1,0 -6393,98.0,128.0,0,0,0,0,1,0 -5824,90.0,128.0,0,0,1,0,0,0 -11319,108.0,140.0,0,0,1,0,0,0 -2015,97.0,112.0,0,0,1,0,0,0 -1885,98.0,125.0,0,1,0,0,0,0 -7808,101.0,116.0,0,0,0,0,1,0 -5519,122.0,130.0,0,0,0,0,1,0 -11660,141.0,100.0,0,0,0,0,1,0 -3424,102.0,90.0,0,0,0,0,1,0 -1488,115.0,113.0,0,0,0,0,1,0 -11146,200.0,97.0,1,0,0,0,0,0 -3528,120.0,117.0,0,0,1,0,0,0 -11291,78.0,126.0,0,0,1,0,0,0 -11326,97.0,119.0,0,0,1,0,0,0 -10868,84.0,111.0,0,0,0,0,1,0 -5851,80.0,141.0,0,0,0,0,1,0 -3859,81.0,132.0,0,0,0,0,1,0 -1437,120.0,114.0,0,0,1,0,0,0 -1233,110.0,119.0,0,0,0,0,1,0 -185,106.0,102.0,0,0,0,0,1,0 -10137,84.0,115.0,0,0,1,0,0,0 -2465,116.0,114.0,0,0,1,0,0,0 -3118,88.0,111.0,0,0,1,0,0,0 -12012,122.0,144.0,0,0,1,0,0,0 -7416,110.0,110.0,0,0,0,0,0,1 -1297,110.0,118.0,0,0,1,0,0,0 -10316,80.0,103.0,0,0,0,0,1,0 -4521,114.0,92.0,0,0,0,0,0,1 -4403,112.0,103.0,0,0,0,0,1,0 -449,60.0,120.0,0,1,0,0,0,0 -4738,71.0,111.0,0,0,0,0,0,1 -3771,124.0,120.0,0,1,0,0,0,0 -3065,82.0,130.0,0,0,0,0,1,0 -3412,116.0,91.0,0,0,0,0,1,0 -11698,128.0,132.0,0,0,1,0,0,0 -381,83.0,177.0,0,0,0,0,1,0 -7614,102.0,148.0,0,0,0,0,1,0 -1155,70.0,111.0,0,0,1,0,0,0 -11254,80.0,134.0,0,0,0,0,1,0 -7764,72.0,129.0,0,0,1,0,0,0 -10843,96.0,101.0,0,0,0,0,1,0 -1728,85.0,154.0,0,0,1,0,0,0 -10746,74.0,132.0,0,0,1,0,0,0 -8469,104.0,120.0,0,0,0,0,1,0 -2425,112.0,160.0,0,0,1,0,0,0 -1253,76.0,118.0,0,0,0,0,0,1 -11427,110.0,110.0,0,0,0,0,1,0 -8649,99.0,127.0,0,0,0,0,1,0 -2503,78.0,103.0,0,0,0,0,1,0 -6110,96.0,122.0,0,0,0,0,0,1 -9890,150.0,105.0,0,0,0,0,1,0 -8993,88.0,139.0,0,0,1,0,0,0 -5701,74.0,119.0,0,0,1,0,0,0 -8444,108.0,119.0,0,0,1,0,0,0 -3984,120.0,144.0,0,0,0,0,1,0 -3352,99.0,117.0,0,0,0,0,1,0 -2191,86.0,125.0,0,0,1,0,0,0 -3776,77.0,142.0,0,0,1,0,0,0 -11444,110.0,114.0,0,0,1,0,0,0 -5786,86.0,110.0,0,0,1,0,0,0 -5441,110.0,136.0,0,0,0,0,1,0 -10420,108.0,128.0,0,0,0,0,1,0 -6418,70.0,160.0,0,0,0,0,1,0 -10159,100.0,114.0,0,0,0,0,1,0 -6844,119.0,112.0,0,0,0,0,1,0 -530,104.0,109.0,0,0,0,0,1,0 -8960,101.0,120.0,0,0,0,0,1,0 -11479,97.0,128.0,0,0,0,0,1,0 -11779,72.0,124.0,0,0,1,0,0,0 -4315,115.0,144.0,0,0,1,0,0,0 -4382,70.0,170.0,0,0,1,0,0,0 -7417,102.0,133.0,0,0,0,0,1,0 -8400,110.0,141.0,0,0,0,0,1,0 -11951,100.0,122.0,0,0,0,0,1,0 -5419,103.0,120.0,0,0,0,0,1,0 -10932,116.0,86.0,0,0,0,0,1,0 -9694,112.0,127.0,0,0,0,0,0,1 -11597,130.0,106.0,0,0,0,0,1,0 -144,106.0,134.0,0,0,0,0,1,0 -6860,85.0,104.0,0,0,0,0,1,0 -10365,140.0,119.0,0,0,1,0,0,0 -5015,84.0,114.0,0,0,0,0,1,0 -10968,92.0,102.0,0,0,0,0,1,0 -2492,84.0,98.0,0,0,0,0,1,0 -7760,80.0,129.0,0,0,1,0,0,0 -6064,98.0,146.0,0,0,1,0,0,0 -3181,130.0,100.0,0,0,1,0,0,0 -10658,94.0,142.0,0,0,0,0,1,0 -5289,142.0,157.0,0,0,1,0,0,0 -5377,97.0,102.0,0,0,0,0,1,0 -11340,112.0,142.0,0,0,0,0,1,0 -4098,105.0,123.0,0,0,0,0,1,0 -788,93.0,123.0,0,0,0,0,0,1 -8878,110.0,149.0,0,0,0,0,0,1 -2859,92.0,119.0,0,0,0,0,1,0 -2676,86.0,136.0,0,0,0,0,1,0 -8651,80.0,111.0,0,0,1,0,0,0 -9975,96.0,128.0,0,0,1,0,0,0 -2030,86.0,135.0,0,0,0,0,1,0 -6213,92.0,125.0,0,0,0,0,1,0 -8671,146.0,112.0,0,0,1,0,0,0 -4023,112.0,130.0,0,0,1,0,0,0 -11705,100.0,123.0,0,0,1,0,0,0 -9535,94.0,119.0,0,0,0,0,1,0 -431,137.0,119.0,0,0,0,0,0,1 -7471,89.0,138.0,0,0,0,0,0,1 -1780,73.0,101.0,0,0,0,0,1,0 -5840,128.0,88.0,0,0,1,0,0,0 -2771,123.0,128.0,0,0,1,0,0,0 -5545,130.0,105.0,0,0,1,0,0,0 -349,106.0,116.0,0,0,0,0,0,1 -5643,114.0,115.0,0,0,0,0,1,0 -6742,93.0,133.0,0,0,0,0,1,0 -42,75.0,101.0,0,0,1,0,0,0 -7363,104.0,118.0,0,0,0,0,1,0 -981,76.0,110.0,0,0,1,0,0,0 -2312,151.0,149.0,0,0,0,0,1,0 -8534,50.0,116.0,0,0,0,0,1,0 -10437,80.0,110.0,0,0,1,0,0,0 -5444,92.0,151.0,0,0,0,0,1,0 -5245,93.0,119.0,0,0,0,0,1,0 -9944,152.0,106.0,0,0,1,0,0,0 -7144,220.0,99.0,0,0,1,0,0,0 -5165,115.0,137.0,0,0,0,0,1,0 -3219,82.0,130.0,0,0,0,0,1,0 -11223,121.0,114.0,0,0,0,0,0,1 -916,121.0,105.0,0,0,0,0,0,1 -5138,113.0,125.0,0,0,0,0,1,0 -6492,177.0,105.0,0,0,0,0,1,0 -6978,92.0,133.0,0,0,0,0,1,0 -9781,88.0,114.0,0,0,0,0,0,1 -1616,95.0,134.0,0,0,1,0,0,0 -5484,92.0,123.0,0,0,0,0,0,1 -9915,175.0,113.0,0,0,0,0,1,0 -6727,115.0,120.0,0,0,1,0,0,0 -11476,80.0,117.0,0,0,0,0,1,0 -1833,156.0,128.0,0,0,0,0,0,1 -8285,90.0,105.0,0,0,0,0,1,0 -8913,100.0,142.0,0,0,1,0,0,0 -10732,81.0,126.0,0,0,1,0,0,0 -4880,104.0,108.0,0,0,0,0,0,1 -8681,73.0,109.0,0,0,0,0,1,0 -782,94.0,106.0,0,0,0,0,1,0 -3898,122.0,131.0,0,0,1,0,0,0 -1156,112.0,116.0,0,0,0,0,1,0 -1536,124.0,109.0,0,0,0,0,1,0 -5414,83.0,145.0,0,0,0,0,1,0 -2935,92.0,119.0,0,0,0,0,1,0 -6552,122.0,102.0,0,0,0,0,1,0 -7428,89.0,107.0,0,0,1,0,0,0 -6636,193.0,109.0,0,0,1,0,0,0 -4429,140.0,122.0,0,0,0,0,1,0 -2401,110.0,77.0,0,0,0,0,1,0 -11299,123.0,123.0,0,1,0,0,0,0 -2876,86.0,159.0,0,0,0,0,1,0 -4064,92.0,110.0,0,0,0,0,1,0 -4862,78.0,139.0,0,0,1,0,0,0 -2152,113.0,123.0,0,0,1,0,0,0 -8145,78.0,115.0,0,0,0,0,1,0 -5723,74.0,110.0,0,0,0,0,1,0 -7210,72.0,139.0,0,0,0,0,1,0 -8124,88.0,136.0,0,0,0,0,1,0 -3620,100.0,103.0,0,0,0,0,1,0 -4457,82.0,117.0,0,0,0,0,0,1 -8642,120.0,99.0,0,0,0,0,0,1 -9209,144.0,99.0,0,0,0,0,0,1 -9612,120.0,118.0,0,1,0,0,0,0 -8385,84.0,132.0,0,0,1,0,0,0 -6355,80.0,120.0,0,0,1,0,0,0 -11654,100.0,107.0,0,0,0,0,0,1 -7879,94.0,116.0,0,0,1,0,0,0 -8912,78.0,135.0,0,0,0,0,1,0 -6379,83.0,128.0,0,0,0,0,1,0 -2894,88.0,140.0,0,0,0,0,1,0 -11298,120.0,128.0,0,0,1,0,0,0 -1731,78.0,112.0,0,0,1,0,0,0 -7152,92.0,150.0,0,0,0,0,1,0 -11909,96.0,127.0,0,0,1,0,0,0 -6020,80.0,117.0,0,0,0,0,1,0 -10689,70.0,151.0,0,0,0,0,1,0 -1870,113.0,98.0,0,0,0,0,0,1 -6408,114.0,114.0,0,0,0,0,1,0 -2211,82.0,139.0,0,0,1,0,0,0 -10895,160.0,117.0,0,0,1,0,0,0 -10070,102.0,99.0,0,0,0,0,1,0 -3973,80.0,146.0,0,0,0,0,1,0 -6735,82.0,99.0,0,0,0,0,0,1 -6286,127.0,109.0,0,0,0,0,0,1 -9039,70.0,106.0,0,0,0,0,1,0 -4718,120.0,120.0,0,0,0,0,1,0 -11631,80.0,119.0,0,0,0,0,1,0 -2107,74.0,140.0,0,0,0,0,1,0 -9763,90.0,122.0,0,0,0,0,1,0 -9125,93.0,119.0,0,0,0,0,1,0 -6018,103.0,112.0,0,0,0,0,1,0 -4439,122.0,99.0,0,0,0,0,1,0 -567,152.0,86.0,0,0,1,0,0,0 -6654,86.0,119.0,0,0,0,0,1,0 -5360,118.0,132.0,0,0,1,0,0,0 -2367,62.0,152.0,0,0,0,0,1,0 -9276,83.0,117.0,0,0,0,0,1,0 -10459,135.0,81.0,0,0,0,0,1,0 -9019,90.0,125.0,0,0,0,0,1,0 -440,83.0,110.0,0,0,0,0,0,1 -2018,120.0,111.0,0,0,0,0,1,0 -10148,80.0,113.0,0,0,0,0,0,1 -8483,119.0,101.0,0,0,0,0,0,1 -9194,121.0,118.0,0,0,0,0,1,0 -6848,87.0,112.0,0,0,0,0,0,1 -10766,112.0,125.0,0,0,1,0,0,0 -9864,94.0,115.0,0,0,0,0,1,0 -4695,99.0,131.0,0,0,0,0,1,0 -7634,74.0,110.0,0,0,0,0,1,0 -1224,93.0,119.0,0,0,0,0,0,1 -5727,92.0,106.0,0,0,0,0,0,1 -2592,120.0,130.0,0,0,0,0,1,0 -2753,97.0,123.0,0,0,0,0,0,1 -6453,112.0,174.0,0,0,0,0,1,0 -9448,112.0,125.0,0,0,0,0,0,1 -8525,100.0,110.0,0,0,0,0,1,0 -2691,118.0,123.0,0,0,1,0,0,0 -36,84.0,122.0,0,0,0,0,0,1 -5282,178.0,117.0,0,0,1,0,0,0 -3777,148.0,126.0,0,1,0,0,0,0 -2249,59.0,157.0,0,0,0,0,1,0 -10831,86.0,94.0,0,0,1,0,0,0 -8885,99.0,142.0,0,0,0,0,1,0 -11696,105.0,136.0,0,0,0,0,1,0 -10699,186.0,113.0,0,0,0,0,1,0 -6695,110.0,110.0,0,0,1,0,0,0 -10122,88.0,117.0,0,0,0,0,1,0 -7348,84.0,134.0,0,0,0,0,1,0 -6270,71.0,122.0,0,0,1,0,0,0 -7968,155.0,96.0,0,0,0,0,1,0 -3399,105.0,114.0,0,0,0,0,0,1 -3717,74.0,144.0,0,0,0,0,1,0 -10242,107.0,104.0,0,0,1,0,0,0 -7246,102.0,110.0,0,0,0,0,1,0 -1360,88.0,104.0,0,0,0,0,0,1 -9736,92.0,136.0,0,0,0,0,0,1 -8654,118.0,120.0,0,0,1,0,0,0 -486,99.0,114.0,0,0,0,0,1,0 -5568,76.0,136.0,0,0,0,0,1,0 -5804,54.0,133.0,0,0,0,0,1,0 -10495,124.0,87.0,0,0,0,0,1,0 -11896,120.0,93.0,0,0,0,0,1,0 -7642,109.0,132.0,0,0,0,0,1,0 -8025,60.0,124.0,0,0,1,0,0,0 -637,100.0,119.0,0,0,1,0,0,0 -8752,190.0,114.0,0,0,0,0,1,0 -8060,114.0,128.0,0,0,0,0,1,0 -7372,99.0,126.0,0,0,0,0,1,0 -5961,54.0,148.0,0,0,1,0,0,0 -3400,76.0,124.0,0,0,1,0,0,0 -2982,70.0,112.0,0,0,0,0,1,0 -6502,73.0,100.0,0,0,0,0,1,0 -10508,93.0,108.0,0,0,1,0,0,0 -12011,94.0,118.0,0,0,1,0,0,0 -7934,98.0,126.0,0,0,0,0,1,0 -3938,106.0,111.0,0,0,1,0,0,0 -7132,100.0,117.0,0,0,0,0,1,0 -167,130.0,140.0,0,0,0,0,0,1 -1915,87.0,120.0,0,0,1,0,0,0 -9647,116.0,106.0,0,0,0,0,1,0 -6781,175.0,96.0,0,0,0,0,0,1 -8781,146.0,110.0,0,0,0,0,1,0 -3678,104.0,98.0,0,0,0,0,1,0 -10511,78.0,110.0,0,0,0,0,1,0 -5556,103.0,48.0,0,0,0,0,1,0 -7600,127.0,130.0,0,1,0,0,0,0 -801,130.0,154.0,0,0,0,0,1,0 -2138,102.0,144.0,0,0,1,0,0,0 -10686,140.0,108.0,0,0,0,0,0,1 -4655,106.0,116.0,0,0,0,0,1,0 -742,68.0,110.0,0,0,0,0,1,0 -11083,81.0,146.0,0,0,0,0,1,0 -5992,94.0,116.0,0,0,0,0,1,0 -4184,78.0,107.0,0,0,0,0,1,0 -3649,128.0,102.0,0,0,0,0,1,0 -6571,94.0,110.0,0,0,0,0,0,1 -11256,95.0,136.0,0,1,0,0,0,0 -8650,71.0,129.0,0,0,0,0,0,1 -10236,68.0,119.0,0,0,0,0,0,1 -5524,112.0,104.0,0,0,0,0,1,0 -2847,162.0,108.0,0,0,0,0,1,0 -11455,159.0,75.0,0,0,0,0,1,0 -2478,88.0,109.0,0,0,0,0,1,0 -715,80.0,108.0,0,0,1,0,0,0 -9799,104.0,126.0,0,0,0,0,1,0 -10422,115.0,128.0,0,0,1,0,0,0 -11642,186.0,154.0,0,0,0,0,1,0 -11747,68.0,118.0,0,0,0,0,1,0 -4338,124.0,119.0,0,0,0,0,1,0 -6526,90.0,104.0,0,0,0,0,1,0 -2089,104.0,98.0,0,0,0,0,1,0 -3187,132.0,104.0,0,0,0,0,1,0 -9285,87.0,132.0,0,0,1,0,0,0 -8372,70.0,135.0,0,0,1,0,0,0 -4619,146.0,141.0,0,0,0,0,0,1 -1834,121.0,120.0,0,0,0,0,1,0 -10620,125.0,131.0,0,0,0,0,1,0 -6232,111.0,130.0,0,0,0,0,1,0 -9525,110.0,128.0,0,0,0,0,1,0 -10396,91.0,109.0,0,0,0,1,0,0 -3931,73.0,118.0,0,0,1,0,0,0 -7320,102.0,99.0,0,0,0,0,0,1 -6957,96.0,101.0,0,0,0,0,1,0 -5492,160.0,81.0,0,0,1,0,0,0 -2485,153.0,138.0,0,0,1,0,0,0 -6839,118.0,135.0,0,0,0,0,1,0 -3315,80.0,110.0,0,0,0,0,0,1 -11894,128.0,103.0,0,0,0,0,1,0 -3297,76.0,135.0,0,0,1,0,0,0 -1886,89.0,132.0,0,0,0,0,1,0 -23,112.0,119.0,0,0,0,0,1,0 -7017,83.0,124.0,0,0,0,0,1,0 -10394,100.0,130.0,0,0,1,0,0,0 -1309,86.0,122.0,0,0,1,0,0,0 -5825,75.0,114.0,0,0,0,0,0,1 -789,99.0,127.0,0,1,0,0,0,0 -7579,86.0,102.0,0,0,0,0,1,0 -4707,96.0,132.0,0,0,0,0,1,0 -9586,105.0,122.0,0,0,0,0,1,0 -4640,124.0,93.0,0,0,1,0,0,0 -2514,100.0,97.0,0,0,0,0,1,0 -9271,170.0,100.0,0,0,0,0,1,0 -3314,99.0,139.0,0,0,0,0,1,0 -8466,104.0,96.0,0,0,1,0,0,0 -8829,126.0,134.0,0,0,0,0,0,1 -4580,98.0,123.0,0,0,0,0,1,0 -5550,162.0,112.0,0,0,0,0,1,0 -8988,88.0,113.0,0,0,0,0,1,0 -1957,120.0,94.0,0,0,0,0,1,0 -3372,92.0,119.0,0,0,0,0,1,0 -11498,73.0,130.0,0,0,1,0,0,0 -5200,120.0,92.0,0,1,0,0,0,0 -11097,107.0,127.0,0,0,0,0,0,1 -3079,80.0,124.0,0,0,0,0,0,1 -6275,103.0,130.0,0,0,0,0,1,0 -1395,99.0,114.0,0,0,0,0,1,0 -9052,95.0,174.0,0,0,1,0,0,0 -7279,112.0,134.0,0,0,0,0,1,0 -5513,92.0,119.0,0,0,0,0,0,1 -11973,61.0,115.0,0,0,0,0,1,0 -9606,119.0,117.0,0,0,0,0,1,0 -11588,120.0,98.0,0,0,1,0,0,0 -6568,84.0,120.0,0,0,0,0,1,0 -6326,83.0,131.0,0,1,0,0,0,0 -7058,62.0,134.0,0,0,1,0,0,0 -10235,72.0,89.0,0,0,1,0,0,0 -1226,88.0,116.0,0,0,0,0,1,0 -8683,68.0,118.0,0,0,1,0,0,0 -4889,102.0,121.0,0,0,1,0,0,0 -11800,100.0,116.0,0,0,0,0,1,0 -10596,95.0,108.0,0,0,0,0,1,0 -6878,92.0,84.0,0,0,0,0,1,0 -4665,124.0,116.0,0,0,1,0,0,0 -4194,89.0,142.0,0,0,0,0,1,0 -7801,99.0,118.0,0,0,0,0,1,0 -10846,84.0,135.0,0,0,0,0,1,0 -1310,86.0,100.0,0,0,0,0,1,0 -5129,127.0,122.0,0,0,0,0,0,1 -3601,80.0,124.0,0,0,1,0,0,0 -4767,122.0,90.0,0,0,0,0,1,0 -7108,84.0,109.0,0,0,0,0,1,0 -4420,144.0,127.0,0,0,1,0,0,0 -6624,76.0,109.0,0,0,1,0,0,0 -3468,118.0,88.0,0,0,0,0,1,0 -1822,145.0,139.0,0,0,0,0,1,0 -6969,136.0,104.0,0,0,0,0,1,0 -1315,93.0,132.0,0,0,0,0,1,0 -11551,79.0,127.0,0,1,0,0,0,0 -7859,155.0,114.0,0,0,0,0,1,0 -2315,135.0,120.0,0,0,1,0,0,0 -2826,110.0,139.0,0,0,1,0,0,0 -3550,99.0,119.0,0,0,0,0,1,0 -6595,118.0,95.0,0,0,0,0,1,0 -2595,77.0,122.0,0,0,0,0,1,0 -9584,98.0,140.0,0,0,0,0,0,1 -1339,73.0,106.0,0,0,1,0,0,0 -9869,68.0,200.0,0,0,0,0,1,0 -738,92.0,114.0,0,0,0,0,0,1 -965,86.0,115.0,0,0,1,0,0,0 -252,100.0,112.0,0,0,1,0,0,0 -8371,110.0,90.0,0,0,0,0,0,1 -5340,85.0,124.0,0,0,1,0,0,0 -2098,81.0,100.0,0,1,0,0,0,0 -9859,116.0,93.0,0,0,0,0,0,1 -872,126.0,97.0,0,0,0,0,0,1 -6842,58.0,143.0,0,0,1,0,0,0 -10071,144.0,80.0,0,0,0,0,0,1 -8743,80.0,117.0,0,0,0,0,1,0 -4030,76.0,113.0,0,0,0,0,1,0 -11339,111.0,118.0,0,0,0,0,1,0 -4412,113.0,116.0,0,0,0,0,1,0 -9308,90.0,136.0,0,0,0,0,1,0 -5858,96.0,119.0,0,0,0,0,0,1 -11266,97.0,124.0,0,0,1,0,0,0 -3524,115.0,107.0,0,0,0,0,1,0 -11576,122.0,97.0,0,0,0,0,1,0 -8570,142.0,106.0,0,0,0,0,1,0 -3721,131.0,119.0,0,0,0,0,1,0 -5883,110.0,120.0,0,0,0,0,1,0 -10397,60.0,109.0,0,0,1,0,0,0 -6778,92.0,112.0,0,0,0,0,1,0 -10066,109.0,68.0,0,0,0,0,1,0 -5504,99.0,132.0,0,0,0,0,1,0 -4449,115.0,125.0,0,0,1,0,0,0 -8299,132.0,139.0,0,0,0,0,1,0 -9575,127.0,106.0,0,0,1,0,0,0 -4049,83.0,127.0,0,0,0,0,1,0 -11809,96.0,110.0,0,0,0,0,0,1 -447,84.0,148.0,0,0,0,0,1,0 -5743,144.0,100.0,0,0,0,0,1,0 -56,94.0,120.0,0,0,1,0,0,0 -7882,102.0,123.0,0,0,0,0,1,0 -2855,164.0,104.0,0,0,0,0,1,0 -5632,104.0,106.0,0,0,0,0,1,0 -2986,100.0,116.0,0,0,1,0,0,0 -476,76.0,118.0,0,0,1,0,0,0 -5273,123.0,137.0,0,0,0,0,1,0 -6679,100.0,148.0,0,0,0,0,1,0 -10780,92.0,129.0,0,0,1,0,0,0 -4791,65.0,133.0,0,0,1,0,0,0 -5641,170.0,78.0,0,0,0,0,0,1 -9748,82.0,115.0,0,0,0,0,0,1 -7800,110.0,125.0,0,0,1,0,0,0 -5908,106.0,129.0,0,0,0,0,1,0 -750,146.0,136.0,0,0,0,0,1,0 -5500,140.0,119.0,0,0,1,0,0,0 -5627,70.0,107.0,0,0,0,0,1,0 -376,98.0,121.0,0,0,0,0,1,0 -2458,68.0,119.0,0,0,1,0,0,0 -6386,79.0,156.0,0,0,0,0,1,0 -6200,112.0,116.0,0,0,1,0,0,0 -9983,104.0,115.0,1,0,0,0,0,0 -9954,114.0,112.0,0,1,0,0,0,0 -9360,124.0,112.0,0,0,0,0,1,0 -12031,109.0,140.0,0,0,0,0,1,0 -12028,101.0,142.0,0,0,1,0,0,0 -3128,92.0,130.0,0,0,0,0,1,0 -6177,112.0,123.0,0,0,0,0,1,0 -10099,122.0,134.0,0,0,0,0,0,1 -2400,69.0,140.0,0,0,0,0,1,0 -4794,60.0,121.0,0,0,1,0,0,0 -11066,118.0,156.0,0,0,1,0,0,0 -3692,90.0,116.0,0,0,0,0,1,0 -11878,90.0,117.0,0,0,1,0,0,0 -8354,76.0,132.0,0,0,0,0,1,0 -11472,150.0,101.0,0,0,0,0,1,0 -7749,100.0,83.0,0,0,0,0,0,1 -9420,78.0,116.0,0,0,0,0,1,0 -5712,89.0,131.0,0,0,0,0,1,0 -5272,131.0,92.0,0,0,0,0,1,0 -8526,100.0,98.0,0,0,0,0,1,0 -8947,88.0,117.0,0,0,1,0,0,0 -227,135.0,104.0,0,0,0,0,0,1 -5533,123.0,144.0,0,0,0,0,1,0 -2317,95.0,137.0,0,0,0,0,1,0 -8071,74.0,142.0,0,0,0,0,1,0 -4441,79.0,125.0,0,0,1,0,0,0 -8740,147.0,59.0,0,0,0,0,1,0 -2648,115.0,106.0,0,0,0,0,1,0 -1508,92.0,102.0,0,0,1,0,0,0 -5979,64.0,130.0,0,0,1,0,0,0 -11237,67.0,135.0,0,0,0,0,1,0 -1684,72.0,108.0,0,0,1,0,0,0 -499,98.0,123.0,0,0,0,0,1,0 -10735,97.0,136.0,0,0,0,0,1,0 -1699,90.0,116.0,0,0,1,0,0,0 -1877,70.0,141.0,0,0,0,0,1,0 -11944,144.0,80.0,0,0,1,0,0,0 -513,101.0,136.0,0,0,1,0,0,0 -10404,140.0,70.0,0,0,0,0,0,1 -5768,170.0,85.0,0,0,0,0,1,0 -2704,130.0,80.0,0,0,1,0,0,0 -7974,138.0,127.0,0,0,0,0,1,0 -6466,192.0,98.0,0,0,0,0,1,0 -5023,130.0,109.0,0,0,0,0,1,0 -7282,73.0,139.0,0,0,1,0,0,0 -4026,114.0,131.0,0,0,1,0,0,0 -11619,90.0,117.0,0,0,0,0,1,0 -11165,98.0,112.0,0,0,0,0,0,1 -474,95.0,141.0,0,0,0,0,1,0 -5747,120.0,119.0,0,0,0,0,0,1 -10178,100.0,102.0,0,0,0,0,1,0 -3656,114.0,113.0,0,0,0,0,1,0 -11580,120.0,100.0,0,0,0,0,1,0 -6377,80.0,130.0,0,0,1,0,0,0 -2916,76.0,110.0,0,0,0,0,0,1 -4055,85.0,130.0,0,0,1,0,0,0 -9024,122.0,142.0,0,0,0,0,1,0 -480,109.0,127.0,0,0,1,0,0,0 -5066,80.0,127.0,0,0,0,0,1,0 -4826,93.0,113.0,0,0,1,0,0,0 -5372,100.0,110.0,0,0,1,0,0,0 -2577,76.0,129.0,0,0,1,0,0,0 -10897,144.0,101.0,0,0,0,0,1,0 -5508,136.0,132.0,0,0,0,0,1,0 -3650,100.0,127.0,0,0,0,0,1,0 -6551,152.0,73.0,0,0,0,0,0,1 -9745,156.0,120.0,0,0,0,0,0,1 -6829,136.0,98.0,0,0,0,0,1,0 -8117,112.0,129.0,0,0,1,0,0,0 -7652,101.0,126.0,0,0,0,0,1,0 -4877,90.0,137.0,0,0,0,0,1,0 -1349,82.0,119.0,0,0,1,0,0,0 -3463,125.0,119.0,0,1,0,0,0,0 -7229,104.0,119.0,0,0,1,0,0,0 -3790,89.0,134.0,0,0,0,0,1,0 -8923,86.0,135.0,0,0,0,0,1,0 -2922,88.0,125.0,0,0,1,0,0,0 -6851,129.0,114.0,0,0,0,0,1,0 -7903,120.0,99.0,0,0,0,0,1,0 -1606,68.0,93.0,0,0,1,0,0,0 -6991,132.0,164.0,0,0,0,0,1,0 -3031,108.0,151.0,0,0,0,0,1,0 -2762,70.0,114.0,0,0,0,0,1,0 -6897,116.0,131.0,0,0,0,0,1,0 -11975,83.0,126.0,0,0,0,0,1,0 -10271,84.0,134.0,0,0,0,0,1,0 -1659,80.0,138.0,0,0,0,0,0,1 -11926,92.0,136.0,0,0,1,0,0,0 -9906,106.0,132.0,0,0,0,0,1,0 -1446,67.0,105.0,0,0,0,0,1,0 -7955,166.0,119.0,0,0,1,0,0,0 -1020,133.0,132.0,0,0,0,0,1,0 -705,80.0,135.0,0,0,0,0,1,0 -7567,116.0,91.0,0,0,0,0,1,0 -1866,178.0,106.0,0,0,0,0,0,1 -6463,95.0,117.0,0,0,0,0,1,0 -10491,85.0,168.0,0,0,0,0,1,0 -6389,122.0,119.0,0,1,0,0,0,0 -2122,83.0,121.0,0,0,1,0,0,0 -2574,128.0,119.0,0,0,1,0,0,0 -9837,100.0,142.0,0,0,0,0,0,1 -1921,102.0,117.0,0,0,0,0,0,1 -2956,70.0,122.0,0,0,0,0,1,0 -9659,92.0,119.0,0,0,1,0,0,0 -9553,140.0,105.0,0,0,0,0,1,0 -6162,90.0,126.0,0,0,0,0,0,1 -3595,130.0,134.0,1,0,0,0,0,0 -1419,109.0,126.0,0,0,0,0,1,0 -8968,65.0,144.0,0,0,0,0,1,0 -4984,76.0,109.0,0,0,0,0,1,0 -9453,84.0,140.0,0,0,1,0,0,0 -2025,80.0,125.0,0,0,0,0,1,0 -594,146.0,90.0,0,0,0,0,1,0 -1558,74.0,117.0,0,0,0,0,1,0 -4168,87.0,119.0,0,0,0,0,1,0 -4696,80.0,110.0,0,0,1,0,0,0 -10290,115.0,99.0,0,0,1,0,0,0 -7076,100.0,106.0,0,0,1,0,0,0 -6191,88.0,129.0,0,0,1,0,0,0 -3445,100.0,112.0,0,0,1,0,0,0 -2058,174.0,105.0,0,0,0,0,1,0 -3991,70.0,120.0,0,0,0,0,0,1 -3244,61.0,125.0,0,0,0,1,0,0 -4448,92.0,135.0,0,0,1,0,0,0 -4700,90.0,97.0,0,0,0,0,1,0 -11542,125.0,130.0,0,0,0,0,1,0 -3660,105.0,128.0,0,0,0,0,1,0 -7495,88.0,135.0,0,0,0,0,1,0 -4532,152.0,152.0,0,0,0,0,1,0 -10302,72.0,105.0,0,0,0,0,1,0 -5379,92.0,102.0,0,0,1,0,0,0 -9952,120.0,99.0,0,0,1,0,0,0 -9999,100.0,134.0,0,0,0,0,1,0 -535,72.0,164.0,0,0,1,0,0,0 -10424,97.0,148.0,0,0,1,0,0,0 -292,69.0,116.0,0,0,0,0,0,1 -2836,128.0,82.0,0,0,0,0,0,1 -5270,94.0,111.0,0,0,0,0,1,0 -2870,79.0,143.0,0,0,1,0,0,0 -4975,76.0,98.0,0,0,0,0,1,0 -4989,105.0,116.0,0,0,0,0,0,1 -8490,88.0,117.0,0,0,0,0,1,0 -4629,108.0,114.0,0,0,1,0,0,0 -10062,83.0,95.0,0,1,0,0,0,0 -5219,72.0,158.0,0,0,0,0,1,0 -1318,78.0,128.0,0,0,0,0,1,0 -11193,134.0,91.0,0,0,0,0,0,1 -6660,77.0,145.0,0,0,0,0,1,0 -11764,154.0,100.0,0,0,0,0,1,0 -9928,74.0,114.0,0,0,1,0,0,0 -5517,98.0,118.0,0,0,0,0,1,0 -9682,112.0,152.0,0,0,1,0,0,0 -4830,140.0,99.0,0,0,0,0,1,0 -6510,67.0,145.0,0,0,0,0,1,0 -8229,130.0,91.0,1,0,0,0,0,0 -7944,100.0,122.0,0,0,0,0,1,0 -2228,52.0,140.0,0,0,1,0,0,0 -5381,82.0,127.0,0,0,1,0,0,0 -11250,100.0,119.0,0,0,1,0,0,0 -6627,96.0,130.0,0,0,0,0,1,0 -4808,112.0,107.0,0,0,1,0,0,0 -4345,136.0,122.0,0,0,0,0,0,1 -8369,79.0,129.0,0,0,0,0,1,0 -6369,59.0,115.0,0,0,1,0,0,0 -356,85.0,103.0,0,0,0,0,1,0 -11958,94.0,180.0,0,0,0,0,1,0 -4962,102.0,127.0,0,0,0,0,1,0 -3499,80.0,120.0,0,0,0,0,1,0 -10029,120.0,169.0,0,0,0,0,0,1 -837,70.0,120.0,0,0,0,0,1,0 -5714,76.0,109.0,0,0,0,0,1,0 -4092,88.0,160.0,0,0,0,0,1,0 -8018,158.0,120.0,0,0,0,0,1,0 -2006,94.0,122.0,0,0,0,0,1,0 -3886,162.0,116.0,0,0,0,0,1,0 -10581,117.0,117.0,0,0,0,0,1,0 -8731,144.0,131.0,0,0,0,0,0,1 -2362,100.0,106.0,0,0,1,0,0,0 -9522,109.0,135.0,0,0,1,0,0,0 -7798,156.0,90.0,0,0,0,0,1,0 -9910,106.0,99.0,0,0,0,0,1,0 -9293,172.0,128.0,0,0,0,0,1,0 -11817,110.0,111.0,0,0,0,0,1,0 -2899,90.0,140.0,0,0,1,0,0,0 -1890,101.0,130.0,0,0,0,0,1,0 -7308,72.0,129.0,0,0,1,0,0,0 -157,65.0,130.0,0,0,1,0,0,0 -9061,136.0,190.0,0,0,1,0,0,0 -127,98.0,96.0,0,0,0,0,0,1 -5405,80.0,123.0,0,0,0,0,1,0 -10131,60.0,137.0,0,0,1,0,0,0 -1441,67.0,115.0,0,0,0,0,1,0 -9316,58.0,118.0,0,0,1,0,0,0 -7332,92.0,108.0,0,0,1,0,0,0 -2748,99.0,139.0,0,0,0,0,1,0 -4792,84.0,122.0,0,0,1,0,0,0 -8487,82.0,118.0,0,0,0,0,1,0 -8998,85.0,146.0,0,0,1,0,0,0 -5537,98.0,100.0,0,0,0,0,1,0 -3061,83.0,65.0,0,0,1,0,0,0 -9593,56.0,100.0,0,0,1,0,0,0 -6075,104.0,131.0,0,0,1,0,0,0 -5657,66.0,123.0,0,0,1,0,0,0 -10083,125.0,111.0,0,0,1,0,0,0 -1057,86.0,138.0,0,0,0,0,0,1 -1963,85.0,115.0,0,0,0,0,0,1 -3125,70.0,112.0,0,0,1,0,0,0 -5354,170.0,166.0,0,0,0,0,1,0 -4667,88.0,127.0,0,0,0,0,1,0 -1127,101.0,117.0,0,0,0,0,1,0 -6620,88.0,113.0,0,0,0,0,1,0 -9494,69.0,155.0,0,0,0,0,0,1 -4115,112.0,99.0,0,0,0,0,1,0 -9393,61.0,135.0,0,0,0,0,1,0 -9590,110.0,119.0,0,0,0,0,1,0 -4118,124.0,110.0,0,0,1,0,0,0 -5583,89.0,131.0,0,0,1,0,0,0 -3941,107.0,116.0,0,0,1,0,0,0 -1543,96.0,121.0,0,0,0,0,1,0 -6611,92.0,118.0,0,0,0,0,1,0 -9896,59.0,131.0,0,0,1,0,0,0 -7532,106.0,133.0,0,0,1,0,0,0 -2268,80.0,110.0,0,0,0,0,1,0 -10762,114.0,133.0,0,0,0,0,1,0 -6400,123.0,119.0,0,0,0,0,0,1 -132,99.0,93.0,0,0,0,0,1,0 -8468,152.0,120.0,0,0,0,0,1,0 -11074,89.0,127.0,0,0,1,0,0,0 -9415,90.0,113.0,0,0,0,0,1,0 -603,87.0,140.0,0,0,0,0,1,0 -4963,101.0,105.0,0,0,0,0,1,0 -8507,122.0,128.0,0,0,0,0,1,0 -10520,120.0,124.0,0,0,0,0,1,0 -393,76.0,119.0,0,0,0,0,1,0 -11010,140.0,104.0,0,0,0,0,1,0 -9709,100.0,130.0,0,0,1,0,0,0 -3746,96.0,115.0,0,0,0,0,1,0 -4982,98.0,143.0,0,0,1,0,0,0 -6158,101.0,116.0,0,0,0,0,1,0 -9073,103.0,147.0,0,0,0,0,1,0 -7433,124.0,85.0,0,0,0,0,1,0 -9537,132.0,99.0,0,0,1,0,0,0 -4816,86.0,110.0,0,0,0,0,1,0 -8116,132.0,133.0,0,0,0,0,1,0 -181,127.0,116.0,0,0,0,0,0,1 -2277,75.0,123.0,0,1,0,0,0,0 -9786,128.0,130.0,0,0,0,0,1,0 -3234,118.0,106.0,0,0,1,0,0,0 -8573,160.0,122.0,0,0,0,0,1,0 -6022,109.0,104.0,0,0,0,0,1,0 -8278,98.0,93.0,0,0,0,0,0,1 -8297,128.0,127.0,0,0,0,0,1,0 -10749,132.0,88.0,0,0,0,0,0,1 -8368,89.0,126.0,0,0,0,0,0,1 -401,96.0,102.0,0,0,1,0,0,0 -10469,84.0,116.0,0,0,1,0,0,0 -3971,88.0,122.0,0,0,1,0,0,0 -1631,113.0,109.0,0,0,1,0,0,0 -4587,84.0,100.0,0,0,0,0,0,1 -8704,75.0,117.0,0,0,0,0,1,0 -8031,180.0,70.0,0,0,0,0,0,1 -7696,129.0,119.0,0,0,0,0,1,0 -7142,120.0,106.0,0,0,1,0,0,0 -5364,130.0,131.0,0,0,0,0,1,0 -11904,67.0,143.0,0,0,1,0,0,0 -3781,98.0,137.0,0,0,1,0,0,0 -5562,100.0,120.0,0,0,1,0,0,0 -11557,117.0,100.0,0,0,1,0,0,0 -4058,96.0,135.0,0,0,0,0,1,0 -8463,170.0,98.0,0,0,0,0,0,1 -7150,78.0,113.0,0,0,0,0,0,1 -11263,73.0,116.0,0,0,0,0,1,0 -10111,96.0,112.0,0,0,1,0,0,0 -6029,82.0,127.0,0,0,1,0,0,0 -4845,101.0,105.0,0,0,0,0,1,0 -6180,86.0,122.0,0,0,0,0,1,0 -2067,95.0,134.0,0,0,1,0,0,0 -6307,72.0,110.0,0,0,1,0,0,0 -5027,70.0,109.0,0,0,0,0,1,0 -7631,73.0,120.0,0,0,0,0,0,1 -1599,92.0,145.0,0,0,0,0,1,0 -4850,110.0,98.0,0,0,1,0,0,0 -1385,98.0,118.0,0,0,0,0,0,1 -9178,102.0,94.0,0,0,0,0,0,1 -11099,102.0,99.0,0,0,0,0,1,0 -10656,140.0,126.0,0,0,0,0,0,1 -1405,83.0,114.0,0,0,1,0,0,0 -5331,78.0,138.0,0,0,0,0,1,0 -3275,122.0,100.0,0,0,0,0,1,0 -809,110.0,107.0,0,0,0,0,1,0 -8861,85.0,132.0,0,0,0,0,1,0 -2029,103.0,108.0,1,0,0,0,0,0 -5943,169.0,152.0,0,0,0,0,0,1 -2650,92.0,96.0,0,0,0,0,1,0 -8203,82.0,130.0,0,0,0,0,1,0 -3024,85.0,115.0,0,0,0,0,1,0 -11927,92.0,123.0,0,0,0,0,1,0 -9377,110.0,155.0,0,0,0,0,1,0 -7969,166.0,118.0,0,0,1,0,0,0 -7149,170.0,98.0,0,0,0,0,1,0 -1702,108.0,109.0,0,0,1,0,0,0 -9755,112.0,101.0,0,0,0,0,1,0 -61,86.0,101.0,0,0,0,0,1,0 -5123,99.0,128.0,0,0,1,0,0,0 -10338,130.0,101.0,0,0,0,0,0,1 -4610,104.0,131.0,0,1,0,0,0,0 -2094,72.0,93.0,0,0,0,0,1,0 -4978,68.0,120.0,0,0,1,0,0,0 -10165,116.0,124.0,0,0,1,0,0,0 -1880,88.0,120.0,0,0,0,0,0,1 -8193,106.0,126.0,0,0,0,0,1,0 -6312,72.0,120.0,0,0,1,0,0,0 -3485,100.0,130.0,0,0,0,0,1,0 -10416,82.0,142.0,0,0,0,0,1,0 -8121,72.0,107.0,0,0,1,0,0,0 -2287,100.0,123.0,0,0,0,0,1,0 -11585,75.0,117.0,0,0,0,0,1,0 -8973,120.0,50.0,0,0,0,0,1,0 -6187,82.0,115.0,0,0,0,0,1,0 -4504,78.0,107.0,0,0,0,0,0,1 -9075,104.0,126.0,0,0,0,0,0,1 -11314,68.0,132.0,0,0,0,0,1,0 -664,140.0,130.0,0,0,0,0,1,0 -2906,90.0,111.0,0,0,0,0,1,0 -9883,124.0,112.0,0,0,0,0,1,0 -1046,84.0,125.0,0,0,0,0,1,0 -5605,70.0,108.0,0,0,0,0,0,1 -2404,83.0,130.0,0,0,0,0,1,0 -10054,74.0,99.0,0,0,0,0,0,1 -7814,110.0,116.0,0,0,0,0,1,0 -7744,134.0,108.0,0,0,0,0,1,0 -1568,112.0,112.0,0,0,0,0,0,1 -462,80.0,117.0,0,0,0,0,0,1 -743,108.0,101.0,0,0,0,0,0,1 -222,91.0,96.0,0,0,0,0,1,0 -7590,118.0,87.0,0,0,0,0,1,0 -5945,123.0,138.0,0,0,0,0,0,1 -9049,91.0,114.0,0,0,0,0,1,0 -625,68.0,104.0,0,0,0,0,1,0 -5216,66.0,143.0,0,0,0,0,1,0 -6576,139.0,131.0,0,0,1,0,0,0 -2188,106.0,127.0,0,0,0,0,1,0 -2177,148.0,140.0,0,0,1,0,0,0 -6939,132.0,128.0,0,0,1,0,0,0 -9641,147.0,109.0,0,0,0,0,1,0 -11497,116.0,121.0,0,0,1,0,0,0 -8828,95.0,122.0,0,0,1,0,0,0 -7105,88.0,105.0,0,0,0,0,0,1 -438,110.0,106.0,0,0,0,0,1,0 -9281,100.0,125.0,0,0,1,0,0,0 -9394,84.0,126.0,0,0,0,0,1,0 -353,70.0,125.0,0,0,0,0,0,1 -10765,160.0,134.0,0,0,0,0,1,0 -456,127.0,109.0,0,0,0,0,1,0 -3842,125.0,98.0,0,0,0,0,1,0 -6666,96.0,120.0,0,0,0,0,1,0 -239,91.0,100.0,0,0,1,0,0,0 -7884,80.0,110.0,0,0,0,0,1,0 -5128,103.0,101.0,0,0,0,0,0,1 -230,118.0,119.0,0,0,0,0,1,0 -11064,60.0,112.0,0,0,1,0,0,0 -6630,107.0,148.0,0,0,0,0,1,0 -7988,86.0,102.0,0,0,0,0,1,0 -4680,83.0,117.0,0,0,1,0,0,0 -10162,110.0,132.0,0,0,0,0,1,0 -10820,78.0,115.0,0,0,0,0,1,0 -1018,129.0,111.0,0,0,1,0,0,0 -7025,180.0,82.0,0,0,1,0,0,0 -8572,120.0,112.0,0,0,1,0,0,0 -1760,77.0,122.0,0,0,0,0,1,0 -10225,135.0,119.0,0,0,0,0,0,1 -10574,108.0,125.0,0,0,1,0,0,0 -10216,94.0,124.0,0,0,1,0,0,0 -1103,93.0,128.0,0,0,0,0,1,0 -9876,65.0,160.0,0,0,0,0,0,1 -7640,120.0,100.0,0,0,0,0,1,0 -7873,58.0,111.0,0,0,1,0,0,0 -3685,118.0,120.0,0,0,0,0,1,0 -8235,59.0,119.0,0,0,0,0,1,0 -3251,125.0,120.0,0,0,0,0,0,1 -4401,125.0,117.0,0,0,0,0,1,0 -3889,89.0,145.0,0,0,0,0,1,0 -3063,95.0,115.0,0,0,0,0,1,0 -4762,74.0,137.0,0,0,1,0,0,0 -9598,63.0,115.0,0,0,0,0,1,0 -6768,119.0,120.0,0,0,0,0,0,1 -2947,121.0,137.0,0,0,1,0,0,0 -11031,95.0,132.0,0,1,0,0,0,0 -11116,88.0,123.0,0,0,0,0,1,0 -6961,84.0,119.0,0,0,0,0,1,0 -3431,66.0,94.0,0,0,0,0,1,0 -11342,96.0,112.0,0,0,0,0,1,0 -8631,58.0,138.0,0,0,0,0,1,0 -11553,110.0,140.0,0,0,0,0,1,0 -5654,82.0,128.0,0,0,0,0,1,0 -9697,80.0,109.0,0,0,0,0,1,0 -10129,86.0,119.0,0,0,1,0,0,0 -11094,86.0,119.0,0,0,0,0,1,0 -1034,79.0,160.0,0,0,0,0,1,0 -2264,206.0,96.0,0,0,1,0,0,0 -7401,148.0,118.0,0,0,0,0,1,0 -11147,123.0,103.0,0,0,0,0,0,1 -3912,88.0,107.0,0,0,0,0,1,0 -11270,165.0,92.0,0,0,0,0,1,0 -906,133.0,150.0,0,0,0,0,1,0 -8013,87.0,133.0,0,0,0,0,1,0 -8610,108.0,121.0,0,0,0,0,1,0 -368,110.0,106.0,0,0,0,0,1,0 -10098,140.0,100.0,0,0,0,0,1,0 -1415,95.0,135.0,0,0,0,0,1,0 -4099,99.0,119.0,0,0,0,0,0,1 -2286,111.0,102.0,0,0,0,0,1,0 -6069,88.0,115.0,0,0,0,0,1,0 -7975,108.0,124.0,0,0,0,0,1,0 -11937,126.0,138.0,0,0,0,0,1,0 -8522,80.0,118.0,0,0,0,0,1,0 -5250,87.0,108.0,0,0,1,0,0,0 -10684,87.0,118.0,0,0,1,0,0,0 -5173,170.0,119.0,0,0,0,0,1,0 -3613,96.0,146.0,0,0,0,0,1,0 -2900,131.0,120.0,0,1,0,0,0,0 -1721,120.0,105.0,0,0,0,0,1,0 -10552,80.0,158.0,0,0,1,0,0,0 -7658,121.0,125.0,0,0,0,0,1,0 -3184,119.0,145.0,0,0,0,0,1,0 -3532,103.0,121.0,0,0,0,0,0,1 -1824,81.0,124.0,0,0,0,0,1,0 -3080,75.0,117.0,0,0,0,0,1,0 -6824,120.0,90.0,0,0,1,0,0,0 -3023,71.0,127.0,0,0,0,0,1,0 -9144,80.0,137.0,0,0,0,0,1,0 -9691,117.0,145.0,0,0,1,0,0,0 -1901,95.0,136.0,0,0,0,0,1,0 -4012,126.0,124.0,0,0,0,0,1,0 -11966,112.0,123.0,0,0,0,0,1,0 -1918,80.0,124.0,0,0,1,0,0,0 -9703,75.0,114.0,0,0,0,0,1,0 -9016,98.0,97.0,0,0,0,0,1,0 -1569,88.0,111.0,0,0,0,0,1,0 -10068,103.0,91.0,0,0,0,0,1,0 -347,100.0,126.0,0,0,0,0,1,0 -1242,88.0,112.0,0,0,0,0,1,0 -420,104.0,132.0,0,0,1,0,0,0 -4731,61.0,112.0,0,0,1,0,0,0 -9101,84.0,134.0,0,0,1,0,0,0 -6398,91.0,125.0,0,0,1,0,0,0 -11646,89.0,159.0,0,0,0,0,1,0 -9801,96.0,100.0,0,0,0,0,1,0 -9699,98.0,123.0,0,0,0,0,0,1 -8677,84.0,129.0,0,0,1,0,0,0 -10500,130.0,101.0,0,0,0,0,0,1 -1031,88.0,140.0,0,0,1,0,0,0 -4191,72.0,131.0,0,0,0,0,1,0 -7719,70.0,111.0,0,0,1,0,0,0 -7044,108.0,106.0,0,0,0,0,1,0 -4663,129.0,147.0,0,0,0,0,0,1 -7928,132.0,109.0,0,0,0,0,1,0 -11170,88.0,152.0,0,0,1,0,0,0 -763,93.0,120.0,0,0,1,0,0,0 -4807,88.0,105.0,0,1,0,0,0,0 -10705,106.0,107.0,0,0,0,0,1,0 -10844,105.0,112.0,0,0,0,0,1,0 -10652,87.0,137.0,0,0,0,0,0,1 -2484,114.0,117.0,0,0,1,0,0,0 -1222,76.0,129.0,0,0,0,0,0,1 -11092,84.0,136.0,0,0,0,0,1,0 -8247,100.0,105.0,0,0,0,0,0,1 -2134,111.0,122.0,0,0,1,0,0,0 -2423,112.0,123.0,0,0,0,0,1,0 -7586,142.0,124.0,0,0,1,0,0,0 -6693,118.0,136.0,0,0,0,0,1,0 -5770,132.0,125.0,0,0,1,0,0,0 -5967,92.0,125.0,0,0,0,0,1,0 -6403,60.0,124.0,0,0,0,0,1,0 -7665,93.0,88.0,0,0,0,0,1,0 -4365,107.0,136.0,0,0,0,0,1,0 -1575,70.0,139.0,0,0,1,0,0,0 -509,86.0,140.0,0,0,0,0,1,0 -9375,106.0,97.0,0,0,1,0,0,0 -11163,108.0,106.0,0,0,0,0,0,1 -9026,84.0,104.0,0,0,1,0,0,0 -2304,151.0,81.0,0,0,1,0,0,0 -4477,104.0,137.0,0,0,0,0,1,0 -748,88.0,114.0,0,0,0,0,1,0 -11652,95.0,103.0,0,0,0,0,1,0 -11571,100.0,109.0,0,0,0,0,1,0 -1259,60.0,115.0,0,0,1,0,0,0 -3077,84.0,103.0,0,0,0,0,0,1 -8779,101.0,131.0,0,0,0,0,1,0 -1888,90.0,100.0,0,0,0,0,1,0 -11601,114.0,134.0,0,0,0,0,1,0 -6433,99.0,110.0,0,0,1,0,0,0 -711,111.0,110.0,0,0,0,0,1,0 -8773,120.0,104.0,0,0,0,0,0,1 -10986,102.0,101.0,0,0,0,0,1,0 -3635,82.0,130.0,0,0,1,0,0,0 -4981,173.0,129.0,0,0,0,0,1,0 -10059,160.0,89.0,0,0,0,0,1,0 -1372,70.0,105.0,0,0,0,0,1,0 -11699,89.0,126.0,0,0,0,0,1,0 -712,108.0,111.0,0,0,1,0,0,0 -3329,58.0,130.0,0,0,0,0,1,0 -7772,146.0,119.0,0,0,0,0,0,1 -5665,94.0,123.0,0,0,1,0,0,0 -9500,100.0,119.0,0,0,0,0,0,1 -8514,84.0,111.0,0,0,0,0,1,0 -4999,178.0,157.0,0,0,0,0,1,0 -8847,90.0,144.0,0,0,0,0,1,0 -4237,110.0,120.0,0,0,0,0,0,1 -8635,97.0,181.0,0,0,0,0,1,0 -10369,67.0,112.0,0,0,1,0,0,0 -1482,85.0,126.0,0,0,1,0,0,0 -1489,83.0,128.0,0,0,1,0,0,0 -104,74.0,134.0,0,0,0,0,1,0 -7853,124.0,143.0,0,0,0,0,1,0 -1794,91.0,95.0,0,0,0,0,1,0 -5582,97.0,106.0,0,0,0,0,1,0 -1821,132.0,89.0,0,0,1,0,0,0 -2386,110.0,105.0,0,0,0,0,1,0 -10277,80.0,160.0,0,0,0,0,1,0 -5125,81.0,117.0,0,0,0,0,1,0 -6338,128.0,116.0,0,0,0,0,1,0 -1741,90.0,110.0,0,0,0,0,1,0 -1658,98.0,110.0,0,0,1,0,0,0 -212,90.0,116.0,0,1,0,0,0,0 -9165,103.0,111.0,0,0,0,0,1,0 -7090,130.0,134.0,0,0,1,0,0,0 -8488,80.0,123.0,0,0,0,0,1,0 -3058,134.0,96.0,0,0,0,0,1,0 -323,74.0,125.0,0,0,0,0,1,0 -11345,81.0,125.0,0,0,1,0,0,0 -1097,111.0,109.0,0,0,1,0,0,0 -10626,91.0,108.0,1,0,0,0,0,0 -1359,80.0,134.0,0,0,1,0,0,0 -334,136.0,105.0,0,0,0,0,0,1 -5170,120.0,87.0,0,0,0,0,0,1 -3110,92.0,147.0,0,1,0,0,0,0 -3474,140.0,96.0,0,0,0,0,1,0 -2840,96.0,90.0,0,1,0,0,0,0 -1613,128.0,83.0,0,0,1,0,0,0 -5609,101.0,103.0,0,0,0,0,1,0 -792,106.0,97.0,0,0,0,0,1,0 -233,81.0,113.0,0,0,0,0,1,0 -5702,96.0,128.0,0,0,0,0,1,0 -5199,135.0,107.0,0,0,0,0,1,0 -1064,111.0,137.0,0,0,0,0,1,0 -209,89.0,109.0,0,0,0,0,1,0 -9210,94.0,128.0,0,0,0,0,1,0 -1327,113.0,115.0,0,0,0,0,1,0 -7958,71.0,119.0,0,0,0,0,0,1 -11354,55.0,123.0,0,0,1,0,0,0 -4872,70.0,138.0,0,0,1,0,0,0 -11169,64.0,112.0,0,0,0,0,1,0 -3684,125.0,82.0,0,0,0,0,1,0 -2413,140.0,111.0,0,0,0,0,1,0 -8215,80.0,129.0,0,0,1,0,0,0 -5612,104.0,100.0,0,0,0,0,1,0 -8933,91.0,142.0,0,0,0,0,1,0 -9307,97.0,126.0,0,0,0,0,0,1 -3542,138.0,111.0,0,0,1,0,0,0 -7840,114.0,116.0,0,0,0,0,1,0 -871,97.0,133.0,0,0,1,0,0,0 -3669,99.0,120.0,0,0,1,0,0,0 -1263,84.0,106.0,0,0,0,0,1,0 -1618,87.0,102.0,0,0,0,0,1,0 -6888,108.0,115.0,0,0,0,0,1,0 -7868,96.0,136.0,0,0,0,0,1,0 -5812,100.0,107.0,0,0,1,0,0,0 -2414,71.0,145.0,0,0,1,0,0,0 -6836,116.0,137.0,0,0,1,0,0,0 -9515,109.0,160.0,0,0,0,0,1,0 -1220,119.0,110.0,0,0,1,0,0,0 -3671,120.0,161.0,0,0,1,0,0,0 -1765,76.0,111.0,0,0,0,0,1,0 -7726,80.0,81.0,0,0,1,0,0,0 -2456,100.0,119.0,0,0,1,0,0,0 -5677,123.0,102.0,0,0,0,0,1,0 -11070,90.0,127.0,0,0,0,0,1,0 -2001,104.0,91.0,0,0,1,0,0,0 -1513,73.0,138.0,0,0,1,0,0,0 -5957,95.0,118.0,0,0,0,0,1,0 -2801,110.0,120.0,0,0,1,0,0,0 -8506,60.0,106.0,0,0,0,0,1,0 -9450,103.0,122.0,0,0,0,0,1,0 -3582,106.0,126.0,0,0,1,0,0,0 -2523,65.0,145.0,0,0,0,0,1,0 -4233,82.0,124.0,0,0,1,0,0,0 -6802,125.0,138.0,0,0,0,0,1,0 -9234,93.0,140.0,0,0,0,0,1,0 -7837,84.0,116.0,0,0,0,0,1,0 -7237,98.0,134.0,0,0,1,0,0,0 -4104,90.0,123.0,0,0,0,0,1,0 -3078,68.0,142.0,0,0,1,0,0,0 -5090,101.0,126.0,0,0,0,0,1,0 -9520,110.0,150.0,0,0,0,0,1,0 -10740,75.0,119.0,0,0,1,0,0,0 -7093,150.0,115.0,0,0,1,0,0,0 -10359,126.0,138.0,0,0,0,0,1,0 -2110,69.0,108.0,0,0,1,0,0,0 -10915,92.0,88.0,0,0,1,0,0,0 -2375,70.0,120.0,0,0,1,0,0,0 -9171,96.0,99.0,0,0,1,0,0,0 -11568,120.0,106.0,0,0,0,0,1,0 -7583,65.0,129.0,0,0,1,0,0,0 -11815,207.0,71.0,0,0,0,0,1,0 -4029,94.0,129.0,0,0,0,0,1,0 -6330,78.0,114.0,0,0,1,0,0,0 -3546,112.0,119.0,0,0,1,0,0,0 -3527,91.0,139.0,0,0,0,0,1,0 -10200,108.0,127.0,0,0,0,0,1,0 -7012,86.0,118.0,0,0,0,0,1,0 -4165,86.0,118.0,0,0,1,0,0,0 -617,85.0,101.0,0,0,0,0,0,1 -9215,128.0,95.0,0,1,0,0,0,0 -4884,118.0,105.0,0,0,0,0,1,0 -9930,90.0,120.0,0,0,0,0,1,0 -8241,84.0,134.0,0,0,0,0,1,0 -9636,87.0,114.0,0,0,0,0,1,0 -2652,78.0,116.0,0,0,1,0,0,0 -9597,85.0,113.0,0,0,0,0,1,0 -8728,104.0,160.0,0,0,0,0,0,1 -745,91.0,118.0,0,0,1,0,0,0 -3541,99.0,114.0,0,0,0,0,0,1 -11798,143.0,79.0,0,0,0,0,1,0 -2004,114.0,118.0,0,0,0,0,1,0 -7467,131.0,72.0,0,0,0,0,0,1 -9199,80.0,120.0,0,0,0,0,1,0 -11508,76.0,148.0,0,0,0,0,1,0 -3047,92.0,117.0,0,0,1,0,0,0 -11308,66.0,116.0,0,0,1,0,0,0 -10666,68.0,104.0,0,0,0,0,1,0 -1336,86.0,120.0,0,0,0,0,1,0 -11987,107.0,127.0,0,0,0,0,1,0 -4766,66.0,111.0,0,0,0,0,1,0 -6857,90.0,106.0,0,0,0,0,1,0 -11215,116.0,118.0,0,0,0,0,1,0 -3095,180.0,109.0,0,0,0,0,1,0 -4779,80.0,123.0,0,0,1,0,0,0 -3285,87.0,129.0,0,0,0,0,1,0 -5317,88.0,120.0,0,0,0,0,1,0 -9774,93.0,115.0,0,0,0,0,1,0 -4740,104.0,126.0,0,0,1,0,0,0 -1313,90.0,110.0,0,0,1,0,0,0 -7007,95.0,119.0,0,0,1,0,0,0 -11679,80.0,121.0,0,0,1,0,0,0 -5528,70.0,117.0,0,0,1,0,0,0 -2903,128.0,125.0,0,0,0,0,1,0 -5153,100.0,104.0,0,0,1,0,0,0 -7585,105.0,110.0,0,0,0,0,0,1 -3333,113.0,111.0,0,0,0,0,1,0 -11884,96.0,119.0,0,0,1,0,0,0 -8938,76.0,100.0,0,0,1,0,0,0 -4419,90.0,116.0,0,0,0,0,1,0 -3053,102.0,140.0,0,0,0,0,1,0 -10543,85.0,134.0,0,0,1,0,0,0 -976,100.0,102.0,0,0,0,0,1,0 -5903,111.0,132.0,0,0,1,0,0,0 -8051,122.0,100.0,0,0,0,0,1,0 -653,145.0,102.0,0,0,0,0,1,0 -9741,116.0,110.0,0,0,1,0,0,0 -2269,145.0,103.0,0,0,1,0,0,0 -5522,90.0,142.0,0,0,0,0,1,0 -10034,88.0,120.0,0,0,0,0,1,0 -9214,140.0,90.0,0,0,0,0,1,0 -10515,96.0,111.0,0,0,0,0,0,1 -11101,83.0,135.0,0,0,0,0,1,0 -10358,104.0,124.0,0,0,0,0,0,1 -7242,113.0,127.0,0,0,1,0,0,0 -7558,128.0,130.0,0,0,1,0,0,0 -6507,60.0,115.0,0,0,1,0,0,0 -5149,77.0,124.0,0,0,0,0,1,0 -611,104.0,100.0,0,0,0,0,0,1 -7386,96.0,136.0,0,0,1,0,0,0 -2114,145.0,120.0,0,0,1,0,0,0 -11422,80.0,124.0,0,0,0,0,0,1 -4682,76.0,117.0,0,0,1,0,0,0 -10719,124.0,112.0,0,0,0,0,0,1 -3949,96.0,112.0,0,0,0,0,0,1 -3166,132.0,148.0,0,0,1,0,0,0 -2602,96.0,113.0,0,0,0,0,0,1 -10829,103.0,116.0,0,0,0,0,1,0 -511,151.0,156.0,0,0,0,0,1,0 -8701,60.0,110.0,0,0,0,0,1,0 -6343,75.0,158.0,0,0,0,0,1,0 -3015,128.0,102.0,0,0,0,0,1,0 -4308,106.0,118.0,0,0,1,0,0,0 -8486,133.0,114.0,0,0,0,0,1,0 -6590,85.0,141.0,0,0,0,0,1,0 -9663,82.0,92.0,0,0,0,0,1,0 -7787,114.0,106.0,0,0,0,0,1,0 -3704,88.0,122.0,0,0,1,0,0,0 -520,100.0,124.0,0,0,0,0,1,0 -10706,55.0,125.0,0,0,1,0,0,0 -9100,116.0,106.0,0,0,0,0,1,0 -9058,80.0,126.0,0,0,0,0,1,0 -7008,144.0,150.0,0,0,0,0,0,1 -4091,91.0,108.0,0,0,1,0,0,0 -4269,92.0,153.0,0,0,0,0,1,0 -6189,60.0,126.0,0,0,1,0,0,0 -8449,120.0,142.0,0,0,1,0,0,0 -8424,142.0,102.0,0,0,0,0,0,1 -11933,68.0,118.0,0,0,1,0,0,0 -5640,90.0,115.0,0,0,0,0,1,0 -6874,99.0,116.0,0,0,0,0,1,0 -1109,76.0,96.0,0,0,0,0,1,0 -11763,119.0,118.0,0,0,0,0,1,0 -7377,141.0,135.0,0,0,0,0,1,0 -1038,100.0,102.0,0,0,1,0,0,0 -8675,79.0,124.0,0,0,0,0,1,0 -20,124.0,108.0,0,0,0,0,1,0 -5526,119.0,127.0,0,0,0,0,1,0 -4299,111.0,125.0,0,0,0,0,0,1 -11257,122.0,133.0,0,0,0,0,1,0 -7465,125.0,140.0,0,0,0,0,1,0 -4685,96.0,116.0,0,1,0,0,0,0 -934,150.0,182.0,0,0,1,0,0,0 -11135,111.0,134.0,0,0,0,0,1,0 -10876,136.0,131.0,0,0,0,0,1,0 -7551,128.0,129.0,0,0,1,0,0,0 -10797,123.0,144.0,0,0,0,0,1,0 -394,98.0,119.0,0,0,0,0,1,0 -8282,140.0,162.0,0,0,0,0,1,0 -7127,91.0,162.0,0,0,0,0,1,0 -1737,156.0,105.0,0,0,1,0,0,0 -2165,96.0,133.0,0,0,1,0,0,0 -561,77.0,107.0,0,0,1,0,0,0 -3069,163.0,145.0,0,0,0,0,1,0 -4634,79.0,110.0,0,0,0,0,1,0 -11100,98.0,130.0,0,0,1,0,0,0 -11867,84.0,146.0,0,0,0,0,0,1 -1162,115.0,120.0,0,0,0,0,1,0 -6181,73.0,126.0,0,0,0,0,1,0 -7918,99.0,147.0,0,0,0,0,1,0 -4489,110.0,110.0,0,0,0,0,0,1 -1729,100.0,120.0,0,0,1,0,0,0 -1527,91.0,126.0,0,0,0,0,1,0 -9895,64.0,123.0,0,0,0,0,1,0 -842,128.0,108.0,0,0,0,0,1,0 -2930,133.0,131.0,0,0,1,0,0,0 -9459,90.0,118.0,0,0,1,0,0,0 -58,92.0,111.0,0,0,0,0,1,0 -5337,75.0,110.0,0,0,0,0,1,0 -2865,75.0,130.0,0,0,1,0,0,0 -3975,124.0,141.0,0,0,0,0,1,0 -10597,74.0,120.0,0,0,0,0,1,0 -2291,125.0,157.0,0,0,1,0,0,0 -6128,102.0,85.0,0,0,0,0,1,0 -83,97.0,124.0,0,0,0,0,1,0 -5328,80.0,116.0,0,0,0,0,1,0 -8545,126.0,147.0,0,0,0,0,1,0 -1945,96.0,106.0,0,0,0,0,1,0 -9294,83.0,144.0,0,0,0,0,0,1 -1649,80.0,128.0,0,0,0,0,0,1 -10546,133.0,115.0,0,0,0,0,1,0 -3858,70.0,126.0,0,0,1,0,0,0 -2724,140.0,119.0,0,0,0,0,1,0 -8888,113.0,125.0,0,1,0,0,0,0 -7635,140.0,130.0,0,0,0,0,1,0 -414,99.0,114.0,0,0,1,0,0,0 -5359,83.0,126.0,0,0,0,0,1,0 -11439,75.0,139.0,0,0,1,0,0,0 -2450,126.0,84.0,0,0,1,0,0,0 -6765,85.0,161.0,0,0,0,0,1,0 -5008,58.0,116.0,0,0,1,0,0,0 -5117,119.0,124.0,0,0,0,0,1,0 -5960,96.0,109.0,0,0,1,0,0,0 -8330,83.0,131.0,0,0,0,0,1,0 -3952,70.0,114.0,0,0,0,0,1,0 -4467,87.0,92.0,1,0,0,0,0,0 -7663,72.0,139.0,0,0,0,0,0,1 -11448,106.0,129.0,0,0,0,0,1,0 -2907,85.0,110.0,0,0,1,0,0,0 -8670,89.0,113.0,0,0,0,0,1,0 -9226,85.0,120.0,0,0,1,0,0,0 -3538,67.0,178.0,0,0,1,0,0,0 -2133,86.0,110.0,0,0,0,0,1,0 -1897,96.0,105.0,0,0,0,0,1,0 -7713,126.0,102.0,0,0,0,0,1,0 -8603,102.0,111.0,0,0,0,0,1,0 -11226,95.0,139.0,0,0,1,0,0,0 -4295,86.0,127.0,0,1,0,0,0,0 -11672,104.0,138.0,0,0,0,0,1,0 -8274,115.0,97.0,0,0,0,0,1,0 -8019,110.0,119.0,0,0,0,0,1,0 -1817,65.0,127.0,0,0,1,0,0,0 -11755,72.0,128.0,0,0,0,0,0,1 -1937,92.0,132.0,0,0,1,0,0,0 -337,126.0,109.0,0,0,1,0,0,0 -5629,106.0,100.0,0,0,1,0,0,0 -2335,96.0,118.0,0,0,1,0,0,0 -6372,72.0,112.0,0,0,1,0,0,0 -2072,90.0,136.0,0,0,0,0,1,0 -6714,89.0,139.0,0,0,0,0,1,0 -1726,113.0,124.0,0,0,0,0,1,0 -8475,78.0,104.0,0,0,0,1,0,0 -1047,120.0,106.0,0,0,1,0,0,0 -8587,122.0,109.0,0,0,0,0,1,0 -7831,81.0,110.0,0,0,1,0,0,0 -2815,97.0,114.0,0,0,1,0,0,0 -10553,139.0,142.0,0,0,0,0,1,0 -9664,67.0,115.0,0,0,1,0,0,0 -2320,98.0,130.0,0,0,0,0,1,0 -7251,109.0,137.0,0,0,0,0,1,0 -11731,77.0,97.0,0,0,1,0,0,0 -6517,100.0,119.0,0,0,1,0,0,0 -3386,92.0,136.0,0,0,0,0,1,0 -3614,154.0,73.0,0,0,0,0,1,0 -5580,120.0,120.0,0,0,0,0,1,0 -766,82.0,137.0,0,0,0,0,1,0 -2861,140.0,142.0,0,0,0,0,1,0 -3782,88.0,126.0,0,0,0,0,1,0 -5044,115.0,115.0,0,0,0,0,1,0 -8312,92.0,112.0,0,0,1,0,0,0 -1144,156.0,92.0,0,0,0,0,0,1 -9933,107.0,110.0,1,0,0,0,0,0 -9841,158.0,107.0,0,0,0,0,0,1 -2510,156.0,89.0,0,0,0,0,0,1 -4785,98.0,103.0,0,0,0,0,1,0 -2273,117.0,106.0,0,0,0,0,1,0 -5972,92.0,124.0,0,0,0,0,0,1 -5411,100.0,101.0,0,0,0,0,1,0 -6149,50.0,122.0,0,0,1,0,0,0 -10580,60.0,105.0,0,0,1,0,0,0 -11516,102.0,132.0,0,0,1,0,0,0 -5344,117.0,134.0,0,0,0,0,1,0 -102,156.0,103.0,0,0,0,0,1,0 -1989,116.0,150.0,0,0,0,0,1,0 -4329,100.0,137.0,0,1,0,0,0,0 -5407,101.0,140.0,0,0,1,0,0,0 -8157,102.0,101.0,0,0,1,0,0,0 -828,108.0,123.0,0,0,0,0,1,0 -8778,83.0,136.0,0,0,0,0,1,0 -9973,106.0,118.0,0,0,0,0,0,1 -1672,118.0,119.0,0,0,1,0,0,0 -10822,110.0,133.0,0,0,0,0,1,0 -9120,88.0,122.0,0,0,0,0,0,1 -4411,105.0,111.0,0,0,0,0,1,0 -8279,84.0,101.0,0,0,0,0,1,0 -8398,143.0,114.0,0,0,1,0,0,0 -2856,94.0,126.0,0,0,0,0,1,0 -4754,93.0,112.0,0,0,0,0,1,0 -1808,68.0,119.0,0,0,1,0,0,0 -7588,110.0,133.0,0,0,0,0,1,0 -2275,121.0,145.0,0,0,0,0,1,0 -3761,115.0,98.0,0,0,0,0,1,0 -4536,113.0,124.0,0,0,0,0,1,0 -10997,127.0,118.0,0,0,0,0,1,0 -7676,74.0,99.0,0,0,0,0,1,0 -10752,111.0,123.0,0,0,0,0,1,0 -2045,123.0,123.0,0,0,0,0,0,1 -7388,134.0,94.0,0,0,0,0,1,0 -4176,85.0,114.0,0,0,0,0,1,0 -6792,100.0,111.0,0,0,0,0,1,0 -11450,84.0,118.0,0,0,1,0,0,0 -1295,112.0,100.0,0,0,0,0,1,0 -5700,106.0,142.0,0,0,0,0,1,0 -591,74.0,129.0,0,0,0,0,0,1 -4250,116.0,104.0,0,0,0,0,1,0 -221,72.0,126.0,0,0,1,0,0,0 -7966,120.0,93.0,0,0,0,0,1,0 -444,112.0,144.0,0,0,1,0,0,0 -7146,90.0,110.0,0,0,1,0,0,0 -6438,110.0,122.0,0,0,0,0,1,0 -858,103.0,114.0,0,0,1,0,0,0 -4075,68.0,112.0,0,0,0,0,1,0 -5011,92.0,132.0,0,0,1,0,0,0 -9990,116.0,148.0,0,0,0,0,1,0 -6798,70.0,109.0,0,0,1,0,0,0 -841,95.0,128.0,0,0,0,0,1,0 -9669,76.0,119.0,0,0,0,0,1,0 -4035,99.0,121.0,0,0,0,0,1,0 -5339,87.0,147.0,0,0,1,0,0,0 -9887,100.0,135.0,0,0,0,0,1,0 -9296,100.0,128.0,0,0,0,0,1,0 -3703,103.0,115.0,0,0,0,0,1,0 -994,53.0,92.0,0,0,0,0,1,0 -6391,158.0,125.0,0,0,0,0,1,0 -6383,91.0,139.0,0,0,0,0,1,0 -1554,106.0,114.0,0,0,0,0,1,0 -11928,110.0,131.0,0,0,1,0,0,0 -7283,185.0,116.0,0,0,1,0,0,0 -3772,96.0,130.0,0,0,1,0,0,0 -5611,110.0,111.0,0,0,0,0,1,0 -11341,115.0,110.0,0,0,0,0,1,0 -7885,100.0,85.0,0,0,1,0,0,0 -6705,84.0,128.0,0,0,1,0,0,0 -3559,118.0,116.0,0,0,1,0,0,0 -8911,146.0,103.0,0,0,1,0,0,0 -2848,86.0,105.0,0,0,0,0,1,0 -9380,110.0,88.0,0,0,1,0,0,0 -9848,104.0,135.0,0,0,1,0,0,0 -9371,80.0,104.0,0,0,0,0,1,0 -2513,100.0,121.0,0,0,1,0,0,0 -5032,100.0,116.0,0,0,0,0,1,0 -1463,117.0,93.0,0,0,0,0,0,1 -10525,107.0,102.0,0,0,1,0,0,0 -10960,75.0,115.0,0,0,1,0,0,0 -6625,81.0,122.0,0,0,1,0,0,0 -4720,108.0,103.0,0,0,0,0,1,0 -2835,85.0,154.0,0,0,0,0,1,0 -4459,154.0,119.0,0,0,0,0,1,0 -9429,82.0,112.0,0,0,0,0,0,1 -2233,100.0,123.0,0,0,1,0,0,0 -3050,85.0,116.0,0,0,0,0,0,1 -7926,88.0,124.0,0,0,1,0,0,0 -9821,152.0,109.0,0,0,0,0,0,1 -400,130.0,118.0,0,0,0,0,0,1 -3860,80.0,140.0,0,0,1,0,0,0 -10007,103.0,113.0,0,0,0,0,1,0 -3872,126.0,147.0,0,0,0,0,1,0 -4913,133.0,82.0,0,0,1,0,0,0 -5224,112.0,117.0,0,0,0,0,1,0 -6247,98.0,139.0,0,0,0,0,1,0 -2804,88.0,142.0,0,0,1,0,0,0 -8918,112.0,128.0,0,0,0,0,1,0 -5829,111.0,112.0,0,0,0,0,1,0 -4638,101.0,118.0,0,0,0,0,1,0 -1023,78.0,126.0,0,0,0,0,1,0 -3298,104.0,98.0,0,0,0,0,1,0 -4209,64.0,122.0,0,1,0,0,0,0 -9825,82.0,103.0,0,0,1,0,0,0 -59,132.0,130.0,0,0,1,0,0,0 -6959,104.0,123.0,0,0,1,0,0,0 -4475,75.0,129.0,0,0,0,0,1,0 -5802,99.0,119.0,0,0,0,0,1,0 -9447,94.0,114.0,0,0,1,0,0,0 -11051,107.0,132.0,0,0,1,0,0,0 -1328,98.0,139.0,0,0,1,0,0,0 -6712,90.0,120.0,0,0,0,0,1,0 -3351,90.0,121.0,0,0,1,0,0,0 -7542,179.0,120.0,0,0,0,0,1,0 -168,86.0,133.0,0,0,0,0,1,0 -3279,119.0,110.0,0,0,1,0,0,0 -10264,63.0,168.0,0,0,1,0,0,0 -4353,120.0,160.0,0,0,0,0,0,1 -5279,97.0,92.0,0,0,0,0,1,0 -7822,109.0,116.0,0,1,0,0,0,0 -1550,78.0,132.0,0,0,0,0,1,0 -1009,94.0,85.0,0,0,1,0,0,0 -6360,66.0,129.0,0,0,0,0,1,0 -2554,115.0,107.0,0,0,0,0,1,0 -7135,170.0,80.0,0,0,0,0,0,1 -1612,91.0,150.0,0,1,0,0,0,0 -2737,105.0,111.0,0,0,0,0,1,0 -3455,196.0,69.0,0,0,0,0,0,1 -9090,76.0,120.0,0,0,0,0,1,0 -5493,109.0,111.0,0,0,0,0,1,0 -8359,108.0,176.0,0,0,0,0,1,0 -648,118.0,127.0,0,0,0,0,1,0 -11632,192.0,117.0,0,0,0,0,1,0 -2862,120.0,130.0,0,0,1,0,0,0 -879,100.0,135.0,0,0,0,0,0,1 -9221,102.0,114.0,0,0,0,0,1,0 -3837,106.0,118.0,0,0,0,0,0,1 -4860,69.0,114.0,0,0,1,0,0,0 -2303,88.0,130.0,0,0,0,0,1,0 -6300,112.0,117.0,0,0,1,0,0,0 -1624,110.0,136.0,0,0,0,0,1,0 -550,136.0,129.0,0,0,0,0,1,0 -3948,126.0,143.0,0,0,0,0,1,0 -11011,104.0,109.0,0,0,0,0,1,0 -9048,64.0,120.0,0,0,1,0,0,0 -6752,122.0,131.0,0,0,0,0,1,0 -8181,84.0,136.0,0,0,0,0,0,1 -4393,71.0,100.0,0,0,0,0,1,0 -6182,79.0,131.0,0,0,1,0,0,0 -211,89.0,97.0,0,0,0,0,1,0 -10067,91.0,104.0,0,0,0,0,1,0 -5721,145.0,93.0,0,0,0,0,0,1 -9658,96.0,138.0,0,0,0,0,1,0 -3232,98.0,140.0,0,0,0,0,1,0 -5761,85.0,119.0,0,0,0,0,1,0 -6435,70.0,122.0,0,0,0,0,1,0 -3543,73.0,137.0,0,0,1,0,0,0 -68,140.0,119.0,0,0,1,0,0,0 -1438,114.0,105.0,0,0,0,0,1,0 -2515,86.0,110.0,0,0,1,0,0,0 -2868,102.0,131.0,0,0,0,0,1,0 -3963,98.0,122.0,0,0,0,0,1,0 -2434,114.0,147.0,0,0,1,0,0,0 -7476,80.0,127.0,0,0,1,0,0,0 -10731,122.0,116.0,0,0,0,0,1,0 -696,80.0,122.0,0,0,1,0,0,0 -8760,80.0,111.0,0,0,0,0,1,0 -3942,94.0,112.0,0,0,0,0,1,0 -9241,80.0,139.0,0,0,1,0,0,0 -6746,72.0,100.0,0,0,1,0,0,0 -8240,90.0,110.0,0,0,0,0,1,0 -10221,70.0,110.0,0,0,0,0,0,1 -7838,116.0,155.0,0,0,1,0,0,0 -1314,120.0,112.0,0,0,0,0,1,0 -6835,100.0,116.0,0,0,1,0,0,0 -9808,88.0,92.0,0,0,0,0,1,0 -6499,145.0,126.0,0,0,1,0,0,0 -9671,158.0,73.0,0,0,1,0,0,0 -3979,120.0,119.0,0,0,0,0,1,0 -5058,88.0,125.0,0,0,0,0,1,0 -12,105.0,148.0,0,0,1,0,0,0 -772,121.0,127.0,0,0,1,0,0,0 -818,111.0,140.0,0,0,0,0,1,0 -11323,73.0,113.0,0,0,1,0,0,0 -2784,96.0,160.0,0,0,0,0,1,0 -1346,76.0,104.0,0,0,0,0,1,0 -10418,74.0,118.0,0,0,0,0,1,0 -453,204.0,153.0,0,0,0,0,0,1 -6323,106.0,115.0,0,0,1,0,0,0 -11668,87.0,130.0,0,0,0,0,1,0 -1656,111.0,132.0,0,0,0,0,1,0 -3457,92.0,126.0,0,0,1,0,0,0 -11681,156.0,108.0,0,0,0,0,1,0 -10519,172.0,112.0,0,0,1,0,0,0 -9470,86.0,113.0,0,0,0,0,1,0 -37,115.0,99.0,0,0,0,0,1,0 -9395,105.0,88.0,0,0,0,0,1,0 -5038,82.0,110.0,0,0,0,0,1,0 -1043,119.0,144.0,0,0,0,0,0,1 -2908,98.0,135.0,0,0,0,0,1,0 -8764,86.0,110.0,0,0,0,0,1,0 -940,105.0,114.0,0,0,0,0,1,0 -10540,64.0,108.0,0,0,0,0,1,0 -6725,99.0,119.0,0,0,1,0,0,0 -4843,130.0,107.0,0,0,0,0,1,0 -9349,85.0,141.0,0,0,0,0,0,1 -4335,126.0,131.0,0,0,1,0,0,0 -5159,100.0,109.0,0,0,0,0,1,0 -7258,114.0,107.0,0,0,0,0,1,0 -7454,142.0,96.0,0,0,0,0,1,0 -538,104.0,111.0,0,0,1,0,0,0 -5378,122.0,135.0,0,0,0,0,1,0 -4394,84.0,118.0,0,0,1,0,0,0 -1153,157.0,90.0,0,0,0,0,1,0 -1400,103.0,126.0,0,0,0,0,1,0 -7472,100.0,105.0,0,0,0,0,1,0 -10728,78.0,103.0,0,0,0,0,1,0 -30,80.0,125.0,0,0,0,0,0,1 -8200,116.0,120.0,0,0,1,0,0,0 -2267,72.0,112.0,0,0,0,0,0,1 -10431,80.0,128.0,0,0,1,0,0,0 -8076,76.0,120.0,0,0,0,0,0,1 -11923,94.0,137.0,0,0,1,0,0,0 -3677,92.0,90.0,0,0,1,0,0,0 -2470,55.0,132.0,0,0,0,0,0,1 -6210,95.0,125.0,0,0,0,0,1,0 -5597,76.0,100.0,0,0,0,0,0,1 -4772,137.0,76.0,0,0,1,0,0,0 -6840,110.0,105.0,0,0,1,0,0,0 -8083,108.0,115.0,0,0,1,0,0,0 -11306,80.0,170.0,0,0,0,0,1,0 -5481,90.0,149.0,0,0,1,0,0,0 -1092,197.0,87.0,0,0,0,0,1,0 -266,93.0,123.0,0,0,0,0,1,0 -1108,60.0,133.0,0,0,0,0,1,0 -9213,97.0,120.0,0,0,0,0,1,0 -10892,76.0,117.0,0,0,0,0,1,0 -3229,110.0,110.0,0,0,0,0,1,0 -11334,81.0,123.0,0,0,0,0,1,0 -7028,114.0,109.0,0,0,0,0,1,0 -5271,104.0,144.0,0,0,0,0,0,1 -3319,84.0,121.0,0,0,0,0,1,0 -10387,123.0,117.0,0,0,1,0,0,0 -11587,107.0,126.0,0,0,1,0,0,0 -7188,106.0,128.0,0,0,1,0,0,0 -6452,92.0,114.0,0,0,0,0,1,0 -8589,75.0,118.0,0,0,1,0,0,0 -9010,78.0,100.0,0,0,1,0,0,0 -1563,70.0,147.0,0,0,1,0,0,0 -6407,120.0,100.0,0,0,0,0,1,0 -5236,97.0,122.0,0,0,0,0,1,0 -3071,100.0,135.0,0,0,1,0,0,0 -9376,73.0,138.0,0,0,0,0,1,0 -11520,149.0,112.0,0,0,0,0,1,0 -6306,65.0,107.0,0,0,1,0,0,0 -4265,87.0,85.0,0,0,1,0,0,0 -4948,89.0,113.0,0,0,0,0,0,1 -9173,177.0,111.0,0,0,1,0,0,0 -7664,71.0,110.0,0,0,0,0,1,0 -5253,98.0,138.0,0,0,1,0,0,0 -10456,106.0,156.0,0,0,0,0,1,0 -4442,96.0,116.0,0,0,0,0,1,0 -12016,89.0,139.0,0,0,0,0,1,0 -2213,96.0,133.0,0,0,0,0,1,0 -8788,66.0,121.0,0,0,1,0,0,0 -5847,120.0,124.0,0,0,0,0,1,0 -10451,135.0,116.0,0,0,0,0,0,1 -5709,89.0,130.0,0,0,1,0,0,0 -2111,74.0,139.0,0,0,0,0,1,0 -4879,130.0,95.0,0,0,0,0,1,0 -10910,144.0,99.0,0,0,1,0,0,0 -6321,88.0,138.0,0,0,0,0,0,1 -8593,94.0,120.0,0,0,0,0,1,0 -10877,111.0,130.0,0,0,1,0,0,0 -9228,87.0,112.0,0,0,0,0,1,0 -4950,79.0,123.0,0,0,0,0,0,1 -6066,140.0,147.0,0,0,0,0,1,0 -9666,142.0,146.0,0,0,0,0,1,0 -9683,92.0,111.0,0,0,0,0,1,0 -355,131.0,129.0,0,0,0,0,1,0 -1429,108.0,136.0,0,0,1,0,0,0 -12037,83.0,121.0,0,0,0,0,1,0 -8521,104.0,116.0,1,0,0,0,0,0 -8713,123.0,100.0,0,0,0,0,1,0 -8928,115.0,162.0,0,0,0,0,1,0 -332,75.0,138.0,0,0,0,0,1,0 -6357,120.0,129.0,0,0,0,0,0,1 -10756,60.0,163.0,0,0,1,0,0,0 -964,65.0,134.0,0,0,0,0,1,0 -9359,107.0,120.0,0,0,1,0,0,0 -5026,146.0,131.0,0,0,0,0,1,0 -3281,94.0,110.0,0,0,0,0,1,0 -7893,104.0,119.0,0,0,1,0,0,0 -2544,87.0,128.0,0,0,0,0,1,0 -5400,119.0,153.0,0,1,0,0,0,0 -6772,92.0,134.0,0,0,0,0,0,1 -2885,107.0,94.0,0,0,0,0,1,0 -7952,147.0,94.0,0,0,0,0,1,0 -2178,125.0,95.0,0,0,0,0,1,0 -9217,106.0,122.0,0,0,0,0,0,1 -10315,134.0,147.0,0,0,0,0,0,1 -10046,72.0,124.0,0,0,0,0,1,0 -3123,110.0,110.0,0,0,0,0,1,0 -9656,93.0,100.0,0,1,0,0,0,0 -1544,179.0,119.0,0,0,0,0,1,0 -4919,74.0,116.0,0,0,1,0,0,0 -11451,74.0,167.0,0,0,0,0,1,0 -8641,132.0,109.0,0,0,0,0,1,0 -8303,81.0,107.0,0,0,1,0,0,0 -8074,172.0,163.0,0,0,0,0,1,0 -6271,80.0,115.0,0,0,0,0,1,0 -11936,66.0,157.0,0,0,0,0,1,0 -9583,112.0,108.0,0,0,0,0,1,0 -5459,101.0,91.0,0,0,0,0,1,0 -6095,81.0,116.0,0,0,0,0,1,0 -11461,77.0,125.0,0,0,0,0,1,0 -7706,91.0,124.0,0,0,1,0,0,0 -9001,95.0,134.0,0,0,0,0,1,0 -1561,105.0,105.0,0,0,0,0,1,0 -8922,108.0,126.0,0,0,0,0,1,0 -5064,122.0,130.0,0,0,0,0,1,0 -6134,91.0,127.0,0,0,1,0,0,0 -1095,79.0,115.0,0,0,0,0,1,0 -8585,61.0,126.0,0,0,0,0,1,0 -3287,88.0,117.0,0,0,0,0,1,0 -9962,87.0,134.0,0,0,0,0,1,0 -6951,72.0,111.0,0,0,1,0,0,0 -2605,108.0,95.0,0,0,0,0,1,0 -1392,130.0,92.0,0,0,0,0,1,0 -8541,79.0,100.0,0,0,0,0,1,0 -10411,65.0,140.0,0,0,0,0,1,0 -752,83.0,117.0,0,0,1,0,0,0 -10646,136.0,139.0,0,1,0,0,0,0 -3737,90.0,106.0,0,0,0,0,1,0 -11776,79.0,134.0,0,0,0,0,1,0 -10278,87.0,119.0,0,0,0,0,0,1 -3215,93.0,134.0,0,0,0,0,0,1 -6244,127.0,120.0,0,0,0,0,1,0 -1777,94.0,123.0,0,0,0,0,1,0 -4113,129.0,118.0,0,0,0,0,0,1 -1770,74.0,145.0,0,0,1,0,0,0 -11662,103.0,166.0,0,0,0,0,1,0 -4525,89.0,136.0,0,0,0,0,0,1 -3022,98.0,116.0,0,0,1,0,0,0 -3012,82.0,103.0,0,0,0,0,1,0 -10984,176.0,107.0,0,0,0,0,1,0 -9705,66.0,138.0,0,0,0,0,1,0 -9066,72.0,104.0,0,0,1,0,0,0 -4373,99.0,119.0,0,0,0,0,1,0 -7655,80.0,128.0,0,0,0,0,1,0 -527,166.0,130.0,0,0,0,0,1,0 -11361,136.0,129.0,0,0,1,0,0,0 -7200,93.0,106.0,0,0,0,0,1,0 -1919,130.0,110.0,0,0,0,0,0,1 -701,86.0,106.0,0,0,1,0,0,0 -11491,75.0,119.0,0,0,0,0,1,0 -9036,114.0,115.0,0,0,0,0,1,0 -10027,102.0,107.0,0,0,1,0,0,0 -1298,83.0,112.0,1,0,0,0,0,0 -1352,112.0,140.0,0,0,1,0,0,0 -2926,132.0,111.0,0,0,1,0,0,0 -9367,98.0,115.0,0,0,0,0,1,0 -1287,110.0,127.0,0,0,0,0,1,0 -11061,110.0,112.0,0,0,0,0,1,0 -9863,114.0,139.0,0,0,0,0,1,0 -10120,76.0,161.0,0,0,0,0,1,0 -8187,138.0,117.0,0,0,0,0,0,1 -2013,89.0,120.0,0,0,0,0,1,0 -7080,124.0,132.0,0,0,1,0,0,0 -8694,150.0,109.0,0,0,0,0,0,1 -5662,105.0,114.0,0,0,0,0,1,0 -2147,125.0,98.0,0,0,1,0,0,0 -7854,69.0,130.0,0,0,0,0,1,0 -6005,93.0,137.0,0,0,0,0,1,0 -7627,80.0,115.0,0,0,0,0,1,0 -6260,76.0,129.0,0,0,0,0,0,1 -4395,84.0,136.0,0,0,0,0,1,0 -9222,140.0,100.0,0,0,1,0,0,0 -7915,75.0,116.0,0,0,1,0,0,0 -5332,89.0,98.0,0,0,0,0,1,0 -8822,97.0,127.0,0,0,1,0,0,0 -810,90.0,121.0,0,0,0,0,1,0 -6252,64.0,118.0,0,0,1,0,0,0 -2073,118.0,143.0,0,0,0,0,0,1 -8394,140.0,102.0,0,0,0,0,0,1 -8846,90.0,121.0,0,0,0,0,1,0 -885,100.0,118.0,0,0,0,0,0,1 -1477,74.0,114.0,0,0,1,0,0,0 -1790,152.0,110.0,0,0,0,0,1,0 -8176,103.0,129.0,0,0,1,0,0,0 -2008,92.0,125.0,0,0,0,0,1,0 -11598,90.0,116.0,0,0,0,0,1,0 -682,166.0,130.0,0,0,0,0,0,1 -3895,90.0,116.0,0,0,1,0,0,0 -4959,111.0,109.0,0,0,0,0,1,0 -9362,95.0,114.0,0,0,0,0,1,0 -4317,100.0,103.0,0,0,0,0,1,0 -57,104.0,106.0,0,0,0,0,1,0 -6339,168.0,104.0,0,0,1,0,0,0 -2399,76.0,116.0,0,0,0,0,0,1 -8698,99.0,140.0,0,0,1,0,0,0 -11791,123.0,113.0,0,0,0,0,1,0 -10361,100.0,122.0,0,0,1,0,0,0 -6123,106.0,121.0,0,0,1,0,0,0 -6782,90.0,113.0,0,1,0,0,0,0 -1468,86.0,121.0,0,0,1,0,0,0 -1416,93.0,132.0,0,0,1,0,0,0 -11895,84.0,99.0,0,0,0,0,1,0 -2358,124.0,94.0,0,0,0,0,1,0 -6920,83.0,124.0,0,0,0,0,0,1 -4649,119.0,115.0,0,0,0,0,1,0 -10263,90.0,129.0,0,0,1,0,0,0 -10207,104.0,116.0,0,0,0,0,0,1 -10229,123.0,152.0,0,0,1,0,0,0 -3869,104.0,110.0,0,0,0,0,0,1 -11546,98.0,116.0,0,0,0,0,1,0 -8447,109.0,122.0,1,0,0,0,0,0 -11848,58.0,111.0,0,0,1,0,0,0 -8497,136.0,97.0,0,0,0,0,1,0 -9487,98.0,136.0,0,0,0,0,1,0 -1055,102.0,136.0,0,0,1,0,0,0 -2281,88.0,95.0,0,0,0,0,0,1 -4901,100.0,128.0,0,0,0,0,0,1 -1924,160.0,104.0,0,0,1,0,0,0 -10873,144.0,87.0,0,0,0,0,1,0 -1075,108.0,107.0,0,0,1,0,0,0 -1115,105.0,128.0,0,0,0,0,1,0 -3936,97.0,110.0,0,0,0,0,1,0 -3533,89.0,133.0,0,0,1,0,0,0 -6556,88.0,122.0,0,0,0,0,1,0 -460,136.0,88.0,0,0,1,0,0,0 -3032,70.0,110.0,0,0,0,0,0,1 -4207,106.0,128.0,0,0,1,0,0,0 -10723,88.0,128.0,0,0,1,0,0,0 -1452,125.0,101.0,0,0,1,0,0,0 -2149,100.0,124.0,0,0,0,0,1,0 -319,55.0,145.0,0,0,0,0,1,0 -9330,76.0,108.0,0,0,1,0,0,0 -1922,78.0,110.0,0,0,0,0,1,0 -8374,98.0,124.0,0,0,1,0,0,0 -10695,146.0,118.0,0,0,1,0,0,0 -5361,114.0,159.0,0,0,0,0,0,1 -9725,107.0,159.0,0,0,0,0,1,0 -4833,115.0,113.0,0,0,0,0,1,0 -2129,110.0,129.0,0,0,0,0,0,1 -10086,102.0,125.0,0,1,0,0,0,0 -5886,100.0,118.0,0,0,0,0,1,0 -7672,96.0,120.0,0,1,0,0,0,0 -1052,94.0,116.0,0,0,0,0,1,0 -5790,120.0,101.0,0,0,1,0,0,0 -8276,128.0,119.0,0,0,1,0,0,0 -4067,110.0,118.0,0,0,0,0,1,0 -1456,100.0,112.0,0,0,0,0,1,0 -10512,99.0,119.0,0,0,0,0,1,0 -361,89.0,117.0,0,0,1,0,0,0 -11881,133.0,108.0,0,0,0,0,0,1 -3145,90.0,122.0,0,0,0,0,0,1 -5382,80.0,136.0,0,0,1,0,0,0 -5739,102.0,140.0,0,0,1,0,0,0 -6227,121.0,122.0,0,0,0,0,1,0 -10845,124.0,139.0,0,0,0,0,1,0 -6843,74.0,105.0,0,0,0,0,1,0 -11164,74.0,106.0,0,0,0,0,1,0 -540,100.0,90.0,0,0,0,0,1,0 -8540,121.0,131.0,0,0,0,0,1,0 -10196,124.0,132.0,0,0,0,0,1,0 -6329,108.0,130.0,0,0,1,0,0,0 -10864,94.0,132.0,0,0,0,0,0,1 -754,89.0,116.0,0,0,0,0,1,0 -5653,108.0,119.0,0,0,0,0,1,0 -2003,94.0,108.0,0,0,0,0,1,0 -2542,84.0,103.0,0,0,0,0,1,0 -7637,57.0,138.0,0,0,0,0,1,0 -4828,110.0,120.0,0,0,0,0,0,1 -9015,104.0,123.0,0,0,0,0,1,0 -4271,94.0,124.0,0,0,0,0,0,1 -100,119.0,150.0,0,0,0,0,1,0 -6724,59.0,110.0,0,0,0,0,1,0 -601,76.0,131.0,0,0,0,0,1,0 -10734,86.0,108.0,0,0,1,0,0,0 -5477,110.0,94.0,0,0,0,0,1,0 -9919,107.0,112.0,0,0,0,0,1,0 -1044,93.0,128.0,0,0,0,0,1,0 -9338,112.0,106.0,0,0,1,0,0,0 -1557,104.0,116.0,0,0,0,0,1,0 -1487,132.0,100.0,0,0,0,0,1,0 -8456,144.0,102.0,0,0,1,0,0,0 -11065,110.0,122.0,0,0,0,0,1,0 -6192,90.0,139.0,0,0,1,0,0,0 -2115,156.0,153.0,0,0,0,0,1,0 -8484,92.0,123.0,0,1,0,0,0,0 -618,63.0,155.0,0,0,1,0,0,0 -4896,120.0,125.0,0,0,0,0,0,1 -5478,102.0,115.0,0,0,0,0,1,0 -3396,122.0,169.0,0,0,1,0,0,0 -1600,86.0,113.0,0,0,1,0,0,0 -8271,140.0,105.0,0,0,0,0,1,0 -8439,99.0,117.0,0,0,0,0,1,0 -1615,84.0,114.0,0,0,0,0,1,0 -1752,89.0,110.0,0,0,0,0,0,1 -8457,140.0,103.0,0,0,1,0,0,0 -2083,112.0,106.0,0,0,0,0,1,0 -11577,80.0,129.0,0,0,0,0,1,0 -9569,172.0,70.0,0,0,0,0,1,0 -10758,114.0,154.0,0,0,0,0,1,0 -6691,110.0,119.0,0,0,1,0,0,0 -10536,100.0,104.0,0,0,1,0,0,0 -675,88.0,109.0,0,0,0,0,0,1 -2545,90.0,135.0,0,0,0,0,1,0 -10025,118.0,96.0,0,0,0,0,1,0 -3999,100.0,124.0,0,0,0,0,1,0 -11434,92.0,133.0,0,0,0,0,1,0 -175,76.0,106.0,0,0,0,0,0,1 -5544,80.0,100.0,0,0,1,0,0,0 -3609,91.0,151.0,0,0,0,0,1,0 -10138,71.0,155.0,0,0,1,0,0,0 -3787,88.0,108.0,0,0,0,0,1,0 -9427,88.0,137.0,0,0,0,0,1,0 -2225,60.0,92.0,0,0,0,0,1,0 -7095,77.0,111.0,0,0,0,0,1,0 -5861,135.0,108.0,0,0,0,0,1,0 -1126,80.0,130.0,0,0,0,0,1,0 -8361,112.0,131.0,0,0,0,0,1,0 -11822,140.0,128.0,0,0,1,0,0,0 -2441,102.0,119.0,0,0,1,0,0,0 -1322,88.0,126.0,0,0,0,0,1,0 -1603,100.0,104.0,0,0,0,0,1,0 -4210,106.0,86.0,0,0,0,0,1,0 -9389,81.0,116.0,0,0,1,0,0,0 -10366,64.0,121.0,0,0,1,0,0,0 -4065,122.0,138.0,0,0,0,0,1,0 -9868,80.0,127.0,0,0,0,0,1,0 -11253,103.0,102.0,0,0,0,0,0,1 -8557,62.0,136.0,0,1,0,0,0,0 -10364,91.0,165.0,0,0,0,0,1,0 -4071,96.0,127.0,0,0,1,0,0,0 -1507,89.0,146.0,0,0,0,0,1,0 -1559,112.0,130.0,0,1,0,0,0,0 -5389,88.0,133.0,0,0,1,0,0,0 -10551,98.0,99.0,0,0,0,0,1,0 -9355,130.0,109.0,0,0,0,0,1,0 -9815,120.0,125.0,0,0,1,0,0,0 -5020,88.0,125.0,0,0,0,0,1,0 -1836,153.0,135.0,0,0,0,0,0,1 -1354,120.0,125.0,0,0,0,0,1,0 -6277,101.0,133.0,0,0,0,0,1,0 -6385,90.0,119.0,0,0,1,0,0,0 -10619,60.0,105.0,0,0,0,0,1,0 -10687,188.0,75.0,0,0,1,0,0,0 -4032,155.0,140.0,0,0,0,0,1,0 -7104,90.0,150.0,0,0,1,0,0,0 -5635,68.0,120.0,0,0,1,0,0,0 -8511,140.0,119.0,0,0,0,0,1,0 -11219,71.0,118.0,0,0,0,0,1,0 -2251,60.0,132.0,0,0,1,0,0,0 -1025,100.0,116.0,0,0,0,0,1,0 -8075,94.0,109.0,0,0,0,0,1,0 -5516,136.0,107.0,0,0,1,0,0,0 -5227,100.0,128.0,0,0,0,0,0,1 -4553,88.0,127.0,0,0,0,0,1,0 -3397,127.0,122.0,0,0,0,0,1,0 -313,130.0,100.0,0,0,0,0,1,0 -7453,144.0,123.0,0,0,0,0,0,1 -9797,94.0,127.0,0,0,1,0,0,0 -7220,130.0,139.0,0,0,0,0,1,0 -6909,108.0,113.0,0,0,0,0,1,0 -4810,81.0,107.0,0,0,0,0,1,0 -5268,87.0,117.0,0,0,0,0,1,0 -2970,87.0,133.0,0,0,1,0,0,0 -10077,118.0,110.0,0,0,0,0,1,0 -5853,92.0,88.0,0,0,0,0,1,0 -3885,145.0,71.0,0,0,0,0,1,0 -11566,95.0,126.0,0,0,0,0,1,0 -9303,80.0,112.0,0,0,0,0,1,0 -8699,98.0,141.0,0,0,0,0,1,0 -8629,122.0,133.0,0,0,1,0,0,0 -9180,120.0,103.0,0,0,1,0,0,0 -5003,86.0,111.0,0,0,0,0,1,0 -11902,102.0,107.0,0,0,0,0,1,0 -5920,129.0,105.0,0,0,1,0,0,0 -9422,132.0,110.0,0,0,1,0,0,0 -1840,118.0,126.0,0,0,1,0,0,0 -10937,96.0,126.0,0,0,1,0,0,0 -8305,70.0,138.0,0,0,0,0,1,0 -3673,74.0,115.0,0,0,1,0,0,0 -5211,87.0,124.0,0,0,1,0,0,0 -10423,102.0,120.0,0,0,1,0,0,0 -12013,91.0,102.0,0,0,0,0,1,0 -3320,140.0,96.0,0,0,0,0,0,1 -2272,64.0,116.0,0,0,0,0,1,0 -4254,109.0,132.0,0,0,0,0,1,0 -847,96.0,139.0,0,0,0,0,1,0 -9269,88.0,116.0,0,0,0,0,1,0 -8823,84.0,140.0,0,0,0,0,1,0 -5767,92.0,96.0,0,0,0,0,0,1 -10861,72.0,106.0,0,1,0,0,0,0 -4832,91.0,105.0,0,0,0,0,0,1 -1417,143.0,85.0,0,0,0,0,1,0 -6786,72.0,104.0,0,0,1,0,0,0 -3848,88.0,93.0,0,0,1,0,0,0 -604,110.0,119.0,0,0,1,0,0,0 -5862,97.0,112.0,0,1,0,0,0,0 -2078,147.0,106.0,0,0,1,0,0,0 -7434,88.0,132.0,0,0,1,0,0,0 -2311,82.0,126.0,0,0,1,0,0,0 -4343,124.0,119.0,0,0,0,0,1,0 -6302,146.0,111.0,0,0,0,0,1,0 -1982,124.0,101.0,0,0,0,0,1,0 -4466,83.0,120.0,0,0,0,0,1,0 -199,116.0,122.0,0,0,1,0,0,0 -485,88.0,120.0,0,0,0,0,1,0 -3270,104.0,140.0,0,0,0,0,1,0 -2823,131.0,156.0,0,0,0,0,1,0 -3245,109.0,102.0,0,0,0,0,1,0 -4453,160.0,110.0,0,0,1,0,0,0 -8223,84.0,129.0,0,0,1,0,0,0 -10081,94.0,130.0,0,0,0,0,0,1 -3749,94.0,111.0,0,0,0,0,1,0 -11852,145.0,105.0,0,0,0,0,1,0 -5511,72.0,119.0,0,0,1,0,0,0 -9832,110.0,129.0,0,0,0,0,1,0 -2794,108.0,103.0,0,0,0,0,1,0 -8035,115.0,128.0,0,0,1,0,0,0 -9850,133.0,100.0,0,0,0,0,1,0 -8326,77.0,132.0,0,0,0,0,1,0 -524,135.0,102.0,0,0,0,0,1,0 -947,117.0,130.0,0,0,0,0,1,0 -9304,100.0,120.0,0,0,1,0,0,0 -9551,105.0,103.0,1,0,0,0,0,0 -1280,90.0,101.0,0,0,0,0,1,0 -122,88.0,147.0,0,0,1,0,0,0 -4366,78.0,105.0,0,0,0,0,1,0 -4584,78.0,113.0,0,0,0,0,0,1 -11108,88.0,112.0,0,0,0,0,1,0 -2302,101.0,116.0,0,0,1,0,0,0 -10859,107.0,153.0,0,0,1,0,0,0 -11300,72.0,130.0,0,0,0,0,1,0 -1005,147.0,106.0,0,0,0,0,0,1 -3460,120.0,97.0,0,0,1,0,0,0 -4513,90.0,121.0,0,0,0,0,1,0 -9413,100.0,112.0,0,0,1,0,0,0 -10812,87.0,140.0,0,0,1,0,0,0 -3055,126.0,108.0,0,0,0,0,1,0 -3566,104.0,114.0,0,0,0,0,1,0 -5262,118.0,135.0,0,0,1,0,0,0 -2132,179.0,108.0,0,0,0,0,0,1 -6201,58.0,126.0,0,0,0,0,1,0 -7793,114.0,90.0,0,0,0,0,1,0 -5221,134.0,112.0,0,0,0,0,1,0 -229,70.0,113.0,0,0,1,0,0,0 -8904,104.0,116.0,0,0,0,0,1,0 -4001,84.0,135.0,0,0,0,0,1,0 -10993,80.0,145.0,0,0,0,0,0,1 -8459,96.0,102.0,0,0,1,0,0,0 -11624,88.0,146.0,0,0,0,0,1,0 -3007,88.0,125.0,0,0,0,0,1,0 -6940,110.0,112.0,0,1,0,0,0,0 -4221,111.0,128.0,0,0,1,0,0,0 -9843,120.0,100.0,0,0,0,0,1,0 -6632,120.0,119.0,0,0,1,0,0,0 -4898,128.0,108.0,0,0,1,0,0,0 -2750,144.0,93.0,0,0,0,0,1,0 -7364,100.0,116.0,0,0,0,0,1,0 -5079,98.0,149.0,0,0,0,0,1,0 -4376,82.0,98.0,0,0,0,0,0,1 -2944,107.0,122.0,0,0,1,0,0,0 -6234,119.0,153.0,0,0,0,0,1,0 -2718,112.0,130.0,0,0,0,0,1,0 -11149,113.0,130.0,1,0,0,0,0,0 -6950,82.0,119.0,0,0,0,0,1,0 -5636,73.0,140.0,0,0,1,0,0,0 -6072,162.0,96.0,0,0,0,0,0,1 -11730,109.0,112.0,0,0,0,0,1,0 -6373,80.0,119.0,0,0,1,0,0,0 -4161,83.0,99.0,0,0,0,0,1,0 -10260,88.0,162.0,0,0,0,0,0,1 -9277,74.0,122.0,0,0,0,0,0,1 -5816,105.0,122.0,0,0,0,0,1,0 -11877,86.0,114.0,0,0,0,0,1,0 -6282,118.0,122.0,0,0,1,0,0,0 -10570,101.0,102.0,0,0,1,0,0,0 -10662,100.0,117.0,0,0,0,0,1,0 -6001,140.0,80.0,0,0,0,0,0,1 -1017,64.0,106.0,0,0,1,0,0,0 -10869,115.0,109.0,0,0,1,0,0,0 -7306,80.0,129.0,0,0,0,0,1,0 -1928,92.0,117.0,0,0,0,0,1,0 -350,89.0,113.0,0,0,0,0,0,1 -6092,117.0,115.0,0,1,0,0,0,0 -11246,107.0,120.0,0,0,0,0,1,0 -9069,100.0,143.0,0,0,1,0,0,0 -11605,114.0,88.0,0,0,1,0,0,0 -5857,86.0,127.0,0,0,0,0,1,0 -7341,152.0,158.0,0,0,1,0,0,0 -564,90.0,117.0,0,0,1,0,0,0 -1582,87.0,155.0,0,0,0,0,1,0 -2175,163.0,98.0,0,0,0,0,1,0 -10847,66.0,140.0,0,0,0,0,1,0 -7847,117.0,141.0,0,1,0,0,0,0 -3933,105.0,118.0,0,0,0,0,1,0 -2707,76.0,107.0,0,0,1,0,0,0 -11891,76.0,119.0,0,0,1,0,0,0 -8185,108.0,147.0,0,0,0,0,1,0 -3535,121.0,119.0,0,0,0,0,1,0 -5385,116.0,126.0,0,0,1,0,0,0 -8414,76.0,121.0,0,0,1,0,0,0 -9169,85.0,132.0,0,0,0,0,1,0 -3739,60.0,94.0,0,0,0,0,1,0 -9857,122.0,125.0,0,0,0,0,1,0 -821,142.0,117.0,0,0,1,0,0,0 -2063,90.0,120.0,0,0,0,0,1,0 -9322,121.0,124.0,0,0,1,0,0,0 -81,102.0,135.0,0,0,1,0,0,0 -7709,88.0,118.0,0,0,0,0,1,0 -2697,129.0,135.0,0,0,0,0,1,0 -831,122.0,107.0,0,0,1,0,0,0 -4574,90.0,138.0,0,0,0,0,1,0 -3826,66.0,140.0,0,0,0,0,1,0 -6512,82.0,94.0,0,0,1,0,0,0 -2833,104.0,141.0,0,0,1,0,0,0 -7759,155.0,135.0,0,0,0,0,1,0 -11390,102.0,135.0,0,0,1,0,0,0 -6388,100.0,112.0,0,0,0,0,0,1 -48,108.0,118.0,0,0,0,0,1,0 -6597,85.0,123.0,0,0,1,0,0,0 -5144,102.0,107.0,0,0,0,0,1,0 -11554,95.0,124.0,0,0,0,0,1,0 -9212,88.0,124.0,0,0,0,0,1,0 -4755,77.0,123.0,0,0,0,0,1,0 -9059,89.0,132.0,0,0,0,0,1,0 -4095,104.0,95.0,0,0,1,0,0,0 -2689,132.0,110.0,0,0,1,0,0,0 -9317,79.0,116.0,0,0,1,0,0,0 -4602,130.0,139.0,0,0,1,0,0,0 -6322,86.0,148.0,0,0,1,0,0,0 -2373,85.0,121.0,0,0,1,0,0,0 -9381,92.0,112.0,0,0,0,0,1,0 -2758,80.0,106.0,0,0,0,0,1,0 -9280,88.0,134.0,0,0,1,0,0,0 -8421,85.0,123.0,0,0,1,0,0,0 -5494,100.0,100.0,0,0,1,0,0,0 -10355,118.0,141.0,0,0,1,0,0,0 -3880,92.0,150.0,1,0,0,0,0,0 -7738,90.0,115.0,0,0,0,0,1,0 -4802,70.0,112.0,0,0,0,0,1,0 -11043,76.0,122.0,0,0,0,0,1,0 -9249,74.0,128.0,0,0,0,0,1,0 -6500,81.0,127.0,0,0,0,0,1,0 -3945,84.0,115.0,0,0,0,0,0,1 -9513,85.0,102.0,0,0,0,0,1,0 -2164,100.0,146.0,0,0,0,0,1,0 -2886,134.0,110.0,0,0,0,0,1,0 -5087,80.0,114.0,0,0,0,0,1,0 -8719,95.0,136.0,0,0,0,0,1,0 -516,117.0,164.0,0,0,1,0,0,0 -9396,86.0,104.0,0,0,0,0,1,0 -5683,114.0,125.0,0,0,0,0,0,1 -172,143.0,124.0,0,0,0,0,1,0 -639,100.0,119.0,0,0,1,0,0,0 -7535,103.0,128.0,0,1,0,0,0,0 -6290,112.0,120.0,0,0,1,0,0,0 -1143,96.0,137.0,0,0,1,0,0,0 -9318,124.0,70.0,0,0,1,0,0,0 -9668,180.0,80.0,0,0,1,0,0,0 -10084,100.0,129.0,0,0,0,0,1,0 -1832,86.0,112.0,0,0,0,0,1,0 -7452,118.0,126.0,0,0,1,0,0,0 -6174,164.0,57.0,0,0,0,0,0,1 -3686,108.0,131.0,0,0,0,0,1,0 -9143,82.0,106.0,0,0,0,0,1,0 -6428,104.0,116.0,0,0,1,0,0,0 -4537,60.0,132.0,0,0,1,0,0,0 -6004,88.0,101.0,0,0,0,0,1,0 -9787,138.0,112.0,0,0,0,0,1,0 -834,96.0,131.0,0,0,1,0,0,0 -2486,96.0,104.0,0,0,1,0,0,0 -10013,112.0,110.0,0,1,0,0,0,0 -8057,75.0,107.0,0,0,0,0,1,0 -11538,71.0,120.0,0,0,0,0,1,0 -5501,68.0,122.0,0,0,0,0,1,0 -10613,94.0,130.0,0,0,0,0,1,0 -6820,82.0,120.0,0,0,1,0,0,0 -65,64.0,92.0,0,0,0,0,1,0 -5206,87.0,131.0,0,0,0,0,1,0 -4864,82.0,139.0,0,0,0,0,1,0 -11034,85.0,138.0,0,0,1,0,0,0 -2024,65.0,112.0,0,0,0,0,1,0 -6223,87.0,110.0,0,0,0,0,1,0 -354,75.0,130.0,0,0,0,0,1,0 -5914,56.0,55.0,0,0,0,0,1,0 -6008,110.0,120.0,0,0,1,0,0,0 -10978,90.0,137.0,0,0,1,0,0,0 -5993,120.0,119.0,0,0,1,0,0,0 -9938,86.0,120.0,0,0,0,0,1,0 -4838,126.0,66.0,0,0,0,0,1,0 -4568,86.0,125.0,0,0,0,0,1,0 -3127,122.0,144.0,0,1,0,0,0,0 -4698,90.0,122.0,0,0,0,0,1,0 -309,96.0,136.0,0,0,0,0,0,1 -4676,125.0,131.0,0,0,0,0,0,1 -5800,113.0,116.0,0,0,0,0,0,1 -5719,100.0,150.0,0,1,0,0,0,0 -4354,79.0,139.0,0,0,0,0,1,0 -7530,120.0,110.0,0,0,1,0,0,0 -5312,80.0,120.0,0,0,1,0,0,0 -7447,85.0,136.0,0,0,1,0,0,0 -6050,86.0,103.0,0,0,0,0,1,0 -2583,88.0,134.0,0,0,0,0,1,0 -6757,87.0,104.0,0,0,0,0,1,0 -2770,88.0,119.0,0,0,1,0,0,0 -8687,100.0,96.0,0,0,1,0,0,0 -9981,70.0,110.0,0,0,1,0,0,0 -11407,147.0,124.0,0,0,0,0,1,0 -3209,60.0,135.0,0,0,0,0,1,0 -7954,90.0,105.0,0,0,1,0,0,0 -3905,188.0,84.0,0,0,0,0,1,0 -11192,100.0,118.0,0,0,0,0,1,0 -5684,108.0,104.0,0,0,0,0,1,0 -6237,100.0,120.0,0,0,0,0,1,0 -2379,137.0,116.0,0,0,0,0,1,0 -8405,79.0,114.0,0,0,0,0,1,0 -6280,112.0,144.0,0,0,0,0,1,0 -4169,99.0,129.0,0,0,1,0,0,0 -11446,91.0,125.0,0,0,0,0,1,0 -3428,98.0,104.0,0,0,0,0,1,0 -4421,172.0,108.0,0,0,0,0,0,1 -1101,120.0,110.0,0,0,0,0,1,0 -6074,116.0,117.0,0,0,0,0,0,1 -5113,118.0,110.0,0,0,0,0,0,1 -11482,86.0,122.0,0,0,1,0,0,0 -3250,103.0,137.0,0,0,0,0,1,0 -9950,108.0,94.0,0,0,1,0,0,0 -4140,69.0,117.0,0,0,0,0,1,0 -3557,142.0,112.0,0,0,0,0,1,0 -6908,113.0,103.0,0,0,0,0,1,0 -118,90.0,160.0,0,0,0,0,0,1 -2022,131.0,107.0,0,0,0,0,1,0 -4598,107.0,129.0,0,0,0,0,1,0 -5176,94.0,115.0,0,0,0,0,1,0 -4730,118.0,116.0,0,0,1,0,0,0 -10433,68.0,119.0,0,0,0,0,1,0 -7747,101.0,146.0,0,0,1,0,0,0 -8657,102.0,92.0,0,0,1,0,0,0 -4681,83.0,141.0,0,0,0,0,1,0 -11189,94.0,122.0,0,0,0,0,0,1 -5284,94.0,119.0,0,0,0,0,1,0 -4273,107.0,126.0,0,0,1,0,0,0 -9820,108.0,140.0,0,0,0,0,1,0 -87,145.0,85.0,0,0,0,0,1,0 -11799,76.0,138.0,0,0,1,0,0,0 -3382,84.0,118.0,0,0,1,0,0,0 -7774,96.0,164.0,0,0,0,0,1,0 -403,88.0,134.0,0,0,0,0,1,0 -3350,118.0,120.0,0,0,0,0,1,0 -10030,155.0,120.0,0,0,1,0,0,0 -5453,136.0,122.0,0,0,0,0,1,0 -9531,110.0,122.0,0,0,0,0,1,0 -2241,101.0,126.0,0,0,0,0,1,0 -8600,90.0,114.0,0,0,1,0,0,0 -9904,59.0,123.0,0,0,0,0,1,0 -1027,113.0,104.0,0,0,1,0,0,0 -11685,110.0,121.0,0,0,1,0,0,0 -9599,102.0,105.0,0,0,0,0,1,0 -2436,118.0,122.0,0,0,0,0,0,1 -5733,138.0,123.0,0,0,1,0,0,0 -8094,88.0,107.0,0,0,0,0,1,0 -1278,72.0,148.0,0,0,0,0,1,0 -11754,78.0,130.0,0,0,0,0,1,0 -11526,62.0,140.0,0,0,0,0,0,1 -1425,108.0,121.0,0,0,1,0,0,0 -11142,75.0,102.0,0,0,0,0,1,0 -1502,102.0,94.0,0,0,1,0,0,0 -11729,126.0,99.0,0,0,0,0,0,1 -10312,93.0,127.0,0,0,0,0,1,0 -9871,85.0,120.0,0,0,0,0,0,1 -10331,116.0,117.0,0,0,0,0,1,0 -678,83.0,127.0,0,0,1,0,0,0 -8391,125.0,133.0,0,0,0,0,1,0 -10168,83.0,128.0,0,0,1,0,0,0 -6834,93.0,122.0,0,0,0,0,0,1 -5728,117.0,117.0,0,0,0,0,1,0 -1070,98.0,141.0,0,0,1,0,0,0 -5174,78.0,108.0,0,0,0,0,1,0 -2480,120.0,127.0,0,0,1,0,0,0 -10010,111.0,130.0,0,0,1,0,0,0 -3392,93.0,117.0,0,0,1,0,0,0 -1099,82.0,82.0,0,0,0,0,1,0 -6529,81.0,125.0,0,0,1,0,0,0 -11470,81.0,109.0,0,0,0,0,1,0 -418,84.0,118.0,0,0,0,0,1,0 -7054,108.0,112.0,0,0,1,0,0,0 -9284,148.0,114.0,0,0,0,0,0,1 -1947,78.0,119.0,0,0,1,0,0,0 -3336,64.0,124.0,0,0,0,0,1,0 -2299,86.0,120.0,0,0,1,0,0,0 -6604,94.0,93.0,0,0,0,0,0,1 -6608,80.0,110.0,0,1,0,0,0,0 -11770,126.0,105.0,0,0,0,0,1,0 -208,124.0,121.0,0,0,0,0,1,0 -7315,110.0,126.0,0,0,0,0,1,0 -5963,126.0,142.0,0,0,0,0,1,0 -11405,112.0,123.0,0,0,0,0,1,0 -528,51.0,128.0,0,0,0,0,1,0 -779,109.0,116.0,0,0,0,0,1,0 -722,164.0,131.0,0,0,1,0,0,0 -7387,142.0,119.0,0,0,0,0,0,1 -1860,88.0,103.0,0,0,0,0,1,0 -11196,171.0,139.0,0,0,0,0,1,0 -11511,89.0,109.0,0,0,1,0,0,0 -10198,99.0,103.0,0,0,0,0,1,0 -10914,87.0,134.0,0,0,1,0,0,0 -1992,83.0,118.0,0,0,0,0,1,0 -2332,74.0,149.0,0,0,0,0,0,1 -7481,100.0,111.0,0,0,1,0,0,0 -7746,122.0,99.0,0,0,1,0,0,0 -7100,103.0,153.0,0,0,0,0,1,0 -3459,92.0,154.0,0,0,1,0,0,0 -4929,70.0,121.0,0,0,1,0,0,0 -5421,86.0,128.0,0,0,1,0,0,0 -6769,101.0,118.0,0,0,0,0,1,0 -6849,168.0,109.0,0,0,0,0,1,0 -4518,109.0,139.0,0,0,1,0,0,0 -5303,100.0,115.0,0,0,0,0,1,0 -5358,102.0,111.0,0,0,0,0,1,0 -10036,98.0,104.0,0,0,0,0,1,0 -257,80.0,113.0,0,0,1,0,0,0 -9260,120.0,117.0,0,0,0,0,1,0 -9116,114.0,118.0,0,0,0,0,1,0 -10370,88.0,118.0,0,0,0,0,1,0 -9624,98.0,121.0,0,0,1,0,0,0 -10298,86.0,145.0,0,0,0,0,1,0 -3625,163.0,72.0,0,0,1,0,0,0 -702,70.0,122.0,0,0,0,0,1,0 -3189,101.0,169.0,0,0,0,0,1,0 -503,92.0,136.0,0,0,1,0,0,0 -10615,94.0,104.0,0,0,0,1,0,0 -2556,100.0,125.0,0,0,1,0,0,0 -7359,128.0,97.0,1,0,0,0,0,0 -2248,113.0,154.0,0,0,1,0,0,0 -372,113.0,106.0,0,0,0,0,1,0 -4052,80.0,95.0,0,0,1,0,0,0 -3937,120.0,126.0,0,0,0,0,1,0 -11914,174.0,94.0,0,0,0,0,1,0 -4076,135.0,149.0,0,0,0,0,1,0 -997,83.0,123.0,0,0,1,0,0,0 -4332,98.0,117.0,0,0,0,0,1,0 -5349,118.0,107.0,0,0,0,0,1,0 -1176,90.0,130.0,0,0,1,0,0,0 -11664,92.0,105.0,0,0,0,0,1,0 -551,120.0,114.0,0,0,0,0,1,0 -4372,137.0,90.0,0,0,0,0,1,0 -3497,85.0,105.0,0,0,0,0,0,1 -5186,90.0,136.0,0,0,0,0,0,1 -4851,182.0,103.0,0,0,0,0,1,0 -8481,160.0,117.0,0,0,1,0,0,0 -9964,64.0,116.0,0,0,1,0,0,0 -7825,69.0,99.0,0,0,1,0,0,0 -11241,114.0,109.0,0,0,0,0,1,0 -8411,95.0,132.0,0,0,0,0,1,0 -9819,71.0,142.0,0,0,0,0,0,1 -693,95.0,120.0,0,0,0,0,0,1 -2533,64.0,101.0,0,0,0,0,1,0 -3443,92.0,113.0,0,0,0,0,1,0 -982,124.0,178.0,0,0,0,0,1,0 -5169,90.0,120.0,0,1,0,0,0,0 -11333,109.0,105.0,0,0,0,0,0,1 -4222,99.0,133.0,0,0,0,0,1,0 -91,81.0,112.0,0,0,0,0,1,0 -2266,105.0,113.0,0,0,0,0,1,0 -8638,109.0,145.0,0,0,0,0,1,0 -7223,108.0,101.0,0,0,0,0,1,0 -261,94.0,96.0,0,0,1,0,0,0 -3337,101.0,118.0,0,0,1,0,0,0 -7553,151.0,105.0,0,0,0,0,1,0 -5837,105.0,135.0,0,0,0,0,1,0 -6676,82.0,110.0,0,0,0,0,1,0 -445,124.0,97.0,0,1,0,0,0,0 -3555,144.0,107.0,0,0,0,0,0,1 -2194,87.0,132.0,0,0,0,0,1,0 -6535,91.0,83.0,0,0,0,0,1,0 -9733,117.0,104.0,0,0,0,0,1,0 -2867,128.0,88.0,0,0,0,0,1,0 -2526,82.0,108.0,0,0,0,0,1,0 -8256,130.0,110.0,0,0,1,0,0,0 -5412,81.0,120.0,0,0,1,0,0,0 -8134,112.0,120.0,0,0,1,0,0,0 -1168,94.0,140.0,0,0,0,0,1,0 -4144,88.0,109.0,0,0,0,0,1,0 -84,92.0,61.0,0,0,0,0,0,1 -3149,88.0,115.0,0,0,1,0,0,0 -8949,90.0,106.0,0,0,0,0,1,0 -880,88.0,134.0,0,0,0,0,0,1 -11856,130.0,150.0,0,0,0,0,1,0 -5497,72.0,144.0,0,0,0,0,1,0 -1467,154.0,105.0,0,0,1,0,0,0 -8811,94.0,161.0,0,0,0,0,1,0 -8856,143.0,109.0,0,0,1,0,0,0 -6817,83.0,125.0,0,0,0,0,1,0 -4326,131.0,119.0,0,0,0,0,1,0 -4044,102.0,140.0,0,0,0,0,1,0 -4137,94.0,126.0,0,0,0,0,1,0 -3039,108.0,149.0,0,0,1,0,0,0 -10651,130.0,126.0,0,0,0,0,1,0 -5049,94.0,144.0,0,0,0,0,1,0 -579,100.0,124.0,0,0,0,0,0,1 -8452,140.0,110.0,0,0,0,0,1,0 -8868,84.0,106.0,0,0,1,0,0,0 -5151,128.0,131.0,0,0,0,0,1,0 -9484,80.0,116.0,0,0,0,0,0,1 -8188,116.0,126.0,0,0,0,0,1,0 -4157,115.0,83.0,0,0,1,0,0,0 -5817,92.0,122.0,0,0,1,0,0,0 -413,99.0,126.0,0,0,0,0,1,0 -402,65.0,101.0,0,0,0,0,1,0 -4428,155.0,118.0,0,0,0,0,0,1 -2084,88.0,123.0,0,0,1,0,0,0 -3057,110.0,99.0,0,0,0,0,1,0 -9023,110.0,110.0,0,0,0,0,1,0 -164,106.0,110.0,0,0,0,0,1,0 -10739,75.0,140.0,0,0,0,0,1,0 -4302,79.0,113.0,0,0,0,0,0,1 -7475,55.0,103.0,0,0,0,0,0,1 -11693,64.0,143.0,0,0,1,0,0,0 -3317,107.0,110.0,0,0,0,0,1,0 -9653,100.0,116.0,0,0,0,0,1,0 -3934,74.0,91.0,0,0,0,0,1,0 -8343,100.0,120.0,0,0,0,0,1,0 -1334,100.0,133.0,0,0,0,0,0,1 -9261,79.0,125.0,0,0,1,0,0,0 -753,160.0,125.0,0,0,0,0,1,0 -3064,162.0,147.0,0,0,0,0,0,1 -706,130.0,136.0,0,0,1,0,0,0 -3491,153.0,123.0,0,0,0,0,1,0 -4573,88.0,121.0,0,0,0,0,1,0 -4900,68.0,114.0,0,0,0,0,1,0 -3151,100.0,134.0,0,0,0,0,1,0 -11262,150.0,88.0,0,0,0,0,1,0 -3799,126.0,109.0,0,0,0,0,0,1 -4022,118.0,93.0,0,0,0,0,1,0 -1074,78.0,129.0,0,0,0,0,1,0 -7921,82.0,126.0,0,0,0,0,1,0 -3438,112.0,114.0,0,0,0,0,1,0 -6560,76.0,106.0,0,0,0,0,1,0 -8077,96.0,145.0,0,0,0,0,1,0 -7414,100.0,117.0,0,0,1,0,0,0 -2429,126.0,145.0,0,0,0,0,1,0 -246,125.0,112.0,0,0,1,0,0,0 -3815,80.0,117.0,0,0,0,0,1,0 -11765,102.0,125.0,0,0,1,0,0,0 -3632,84.0,142.0,0,0,0,0,1,0 -7872,88.0,150.0,0,0,0,0,1,0 -2262,58.0,123.0,0,0,0,0,1,0 -2246,81.0,112.0,0,0,0,0,1,0 -835,100.0,123.0,0,0,1,0,0,0 -432,99.0,133.0,0,0,1,0,0,0 -9622,121.0,138.0,0,0,1,0,0,0 -1173,71.0,132.0,0,0,1,0,0,0 -6997,87.0,124.0,0,0,0,0,0,1 -4656,70.0,129.0,0,0,1,0,0,0 -7272,76.0,106.0,0,0,1,0,0,0 -8253,107.0,135.0,0,0,0,0,1,0 -10827,102.0,180.0,0,0,1,0,0,0 -11780,130.0,112.0,0,0,0,0,1,0 -5226,87.0,130.0,0,0,0,0,1,0 -5147,146.0,106.0,0,0,0,0,0,1 -5196,115.0,143.0,0,0,1,0,0,0 -3407,111.0,97.0,0,0,0,0,1,0 -2729,104.0,96.0,0,1,0,0,0,0 -11922,144.0,144.0,0,0,0,0,1,0 -433,120.0,96.0,0,0,1,0,0,0 -5335,168.0,129.0,0,1,0,0,0,0 -10502,136.0,118.0,0,0,0,0,1,0 -10940,78.0,68.0,0,0,0,0,1,0 -7816,107.0,140.0,0,0,1,0,0,0 -11890,114.0,131.0,0,0,0,0,0,1 -5749,95.0,123.0,0,0,1,0,0,0 -8999,59.0,116.0,0,0,1,0,0,0 -4002,109.0,122.0,0,0,0,0,1,0 -7784,91.0,135.0,0,0,1,0,0,0 -1332,64.0,132.0,0,0,0,0,1,0 -7645,93.0,123.0,0,0,0,0,0,1 -6462,150.0,106.0,0,0,1,0,0,0 -9591,93.0,88.0,0,0,0,0,1,0 -1443,112.0,118.0,0,0,0,0,1,0 -6821,80.0,109.0,0,0,0,0,1,0 -5030,93.0,116.0,0,0,0,0,1,0 -4310,131.0,130.0,0,0,1,0,0,0 -4899,62.0,118.0,0,0,1,0,0,0 -10672,123.0,100.0,0,0,0,0,0,1 -6148,88.0,132.0,0,0,0,0,1,0 -6554,80.0,125.0,0,0,1,0,0,0 -9512,68.0,134.0,0,0,1,0,0,0 -2569,96.0,115.0,0,0,0,0,1,0 -8627,129.0,106.0,0,0,0,0,0,1 -4277,100.0,125.0,0,0,1,0,0,0 -3666,85.0,101.0,0,0,0,0,0,1 -6423,114.0,116.0,0,1,0,0,0,0 -2446,80.0,127.0,0,0,1,0,0,0 -5019,79.0,114.0,0,0,1,0,0,0 -3657,160.0,134.0,0,0,0,0,1,0 -9720,84.0,116.0,0,0,1,0,0,0 -3172,136.0,105.0,0,0,0,0,1,0 -1223,114.0,137.0,0,0,0,0,1,0 -5587,97.0,122.0,0,0,0,0,1,0 -10988,64.0,119.0,0,0,0,0,1,0 -544,117.0,119.0,0,0,0,0,1,0 -1204,108.0,132.0,0,0,0,0,1,0 -5323,61.0,135.0,0,0,0,0,1,0 -6117,72.0,142.0,0,0,0,0,1,0 -11119,98.0,150.0,0,0,0,0,1,0 -2637,88.0,117.0,0,0,1,0,0,0 -11658,101.0,137.0,0,0,0,1,0,0 -5321,87.0,111.0,0,0,1,0,0,0 -10018,72.0,143.0,0,0,0,0,1,0 -10929,107.0,133.0,0,0,0,0,1,0 -10496,120.0,120.0,0,0,0,0,1,0 -877,160.0,184.0,0,0,0,0,1,0 -10108,91.0,124.0,0,0,0,0,1,0 -196,100.0,80.0,0,0,1,0,0,0 -11734,124.0,122.0,0,0,1,0,0,0 -3383,163.0,118.0,0,0,0,0,1,0 -4379,94.0,126.0,0,0,1,0,0,0 -8314,113.0,105.0,0,0,0,0,1,0 -11533,75.0,112.0,0,0,1,0,0,0 -2997,110.0,134.0,0,0,0,0,1,0 -8260,63.0,100.0,0,0,0,0,1,0 -2571,66.0,120.0,0,0,1,0,0,0 -5706,104.0,137.0,0,0,0,0,1,0 -10385,104.0,115.0,0,0,0,0,1,0 -11281,85.0,117.0,0,0,0,0,0,1 -11532,98.0,148.0,0,0,0,0,1,0 -4969,68.0,110.0,0,0,0,0,1,0 -4711,108.0,130.0,0,0,1,0,0,0 -4163,108.0,94.0,0,0,0,0,1,0 -5013,112.0,122.0,0,0,0,0,0,1 -9129,130.0,145.0,0,0,0,0,1,0 -9055,82.0,129.0,0,0,1,0,0,0 -2682,90.0,114.0,0,0,0,0,1,0 -5909,106.0,101.0,0,0,1,0,0,0 -2508,113.0,128.0,0,0,0,0,1,0 -5228,117.0,122.0,0,0,0,0,0,1 -1510,107.0,123.0,0,0,1,0,0,0 -4314,137.0,111.0,0,0,0,0,1,0 -7020,106.0,118.0,0,0,1,0,0,0 -1244,76.0,146.0,0,0,1,0,0,0 -5384,130.0,126.0,0,0,0,0,0,1 -6176,104.0,132.0,0,0,1,0,0,0 -10611,107.0,107.0,0,0,0,0,1,0 -4121,92.0,130.0,0,0,0,0,1,0 -4995,108.0,119.0,0,0,1,0,0,0 -11931,77.0,140.0,0,0,0,0,0,1 -9967,80.0,120.0,0,0,0,0,1,0 -6578,110.0,110.0,0,0,0,0,1,0 -7410,119.0,136.0,0,0,0,0,0,1 -254,60.0,140.0,0,0,1,0,0,0 -10428,156.0,111.0,0,0,0,0,1,0 -4511,98.0,117.0,0,0,0,0,1,0 -6747,104.0,100.0,0,0,0,0,1,0 -9943,96.0,111.0,0,0,0,0,1,0 -759,105.0,133.0,0,0,1,0,0,0 -654,116.0,151.0,0,0,0,0,1,0 -11640,62.0,115.0,0,0,0,0,1,0 -3401,57.0,124.0,0,0,1,0,0,0 -1420,100.0,116.0,0,0,0,0,1,0 -3044,88.0,124.0,0,0,0,0,1,0 -2830,106.0,106.0,0,0,0,0,1,0 -8114,116.0,107.0,0,0,0,0,1,0 -328,92.0,118.0,0,0,0,0,0,1 -253,80.0,121.0,0,0,0,0,1,0 -5890,88.0,109.0,0,0,0,0,1,0 -4377,105.0,108.0,0,0,0,0,0,1 -3019,119.0,108.0,0,0,0,0,1,0 -3029,86.0,120.0,0,0,0,0,1,0 -2636,88.0,118.0,0,0,1,0,0,0 -7159,100.0,120.0,0,0,0,0,1,0 -8897,91.0,117.0,0,0,0,0,0,1 -3018,131.0,151.0,0,0,0,0,1,0 -2945,96.0,111.0,0,0,1,0,0,0 -3659,98.0,99.0,0,0,0,0,0,1 -8532,130.0,118.0,0,0,0,0,1,0 -9913,122.0,137.0,0,0,0,0,0,1 -5940,126.0,84.0,0,0,1,0,0,0 -2663,104.0,152.0,0,0,1,0,0,0 -5503,72.0,105.0,0,0,0,0,1,0 -1362,140.0,122.0,0,0,0,0,1,0 -9959,80.0,109.0,0,0,1,0,0,0 -3481,120.0,118.0,0,0,1,0,0,0 -11596,116.0,116.0,0,0,0,0,1,0 -8836,105.0,128.0,0,0,0,0,1,0 -10201,126.0,119.0,0,0,0,0,0,1 -5168,84.0,147.0,0,0,1,0,0,0 -6847,84.0,100.0,0,0,0,0,1,0 -8131,60.0,117.0,0,0,1,0,0,0 -2880,87.0,94.0,0,0,0,0,1,0 -3381,120.0,146.0,0,0,0,0,1,0 -1302,104.0,120.0,0,0,0,0,0,1 -6086,110.0,135.0,0,0,0,0,0,1 -4957,92.0,138.0,0,0,0,0,1,0 -4836,118.0,130.0,0,0,0,0,1,0 -5942,118.0,127.0,0,0,1,0,0,0 -10191,92.0,116.0,0,0,0,0,1,0 -5220,100.0,128.0,0,1,0,0,0,0 -7290,78.0,157.0,0,0,1,0,0,0 -942,106.0,103.0,0,0,0,0,1,0 -3235,116.0,85.0,0,0,0,0,1,0 -3257,100.0,113.0,0,0,0,0,0,1 -7920,82.0,144.0,0,0,0,0,1,0 -11404,168.0,98.0,0,0,1,0,0,0 -176,72.0,111.0,0,0,0,0,0,1 -435,104.0,116.0,0,0,1,0,0,0 -8750,115.0,110.0,0,0,0,0,1,0 -308,154.0,118.0,0,0,0,0,1,0 -1565,90.0,125.0,0,0,0,0,1,0 -3964,73.0,121.0,0,0,1,0,0,0 -8165,82.0,128.0,0,0,0,0,1,0 -8742,81.0,143.0,0,0,0,0,1,0 -10567,86.0,133.0,0,0,0,0,0,1 -4977,116.0,99.0,0,0,1,0,0,0 -11924,73.0,134.0,0,0,0,0,1,0 -9856,78.0,137.0,0,0,0,0,1,0 -595,180.0,124.0,0,0,0,0,1,0 -9792,106.0,117.0,0,0,1,0,0,0 -4625,86.0,146.0,0,0,0,0,1,0 -8054,97.0,154.0,0,0,1,0,0,0 -10012,128.0,134.0,0,0,0,0,1,0 -2623,66.0,132.0,0,1,0,0,0,0 -4572,179.0,87.0,0,0,0,0,1,0 -9141,132.0,87.0,0,0,1,0,0,0 -11013,90.0,121.0,0,0,0,0,1,0 -231,72.0,119.0,0,0,1,0,0,0 -179,125.0,140.0,0,0,0,0,0,1 -737,138.0,103.0,0,0,1,0,0,0 -11572,163.0,133.0,0,0,0,0,1,0 -5652,90.0,133.0,0,1,0,0,0,0 -8827,86.0,97.0,0,0,0,0,0,1 -9134,120.0,128.0,0,0,0,0,1,0 -7621,103.0,109.0,0,0,0,0,1,0 -7464,156.0,116.0,0,0,0,0,1,0 -8768,100.0,109.0,0,0,0,0,1,0 -1321,150.0,118.0,0,0,1,0,0,0 -1995,96.0,120.0,0,0,1,0,0,0 -11131,107.0,114.0,0,0,0,0,1,0 -5329,70.0,124.0,0,0,1,0,0,0 -9549,94.0,120.0,0,0,0,0,1,0 -800,92.0,127.0,0,0,0,0,1,0 -10569,135.0,121.0,0,1,0,0,0,0 -2086,99.0,113.0,0,0,0,0,1,0 -7371,105.0,102.0,0,0,0,0,1,0 -69,124.0,108.0,0,0,0,0,1,0 -6194,120.0,98.0,0,0,0,0,0,1 -8143,88.0,126.0,0,0,1,0,0,0 -1680,79.0,111.0,0,0,1,0,0,0 -377,72.0,112.0,0,0,0,0,1,0 -1469,76.0,124.0,0,0,0,0,0,1 -2603,90.0,128.0,0,0,1,0,0,0 -4181,72.0,102.0,0,0,1,0,0,0 -6137,100.0,99.0,0,0,1,0,0,0 -4505,76.0,123.0,0,0,1,0,0,0 -4230,72.0,124.0,0,0,0,0,0,1 -3091,103.0,111.0,0,0,0,0,1,0 -2726,81.0,120.0,0,0,0,0,1,0 -477,55.0,128.0,0,0,0,0,1,0 -1329,114.0,125.0,0,0,0,0,1,0 -2283,90.0,83.0,0,0,0,0,1,0 -3732,104.0,147.0,0,0,0,0,0,1 -11613,95.0,120.0,0,0,0,0,1,0 -751,70.0,133.0,0,0,0,0,1,0 -5938,139.0,104.0,0,0,0,0,1,0 -8310,167.0,115.0,0,0,0,0,1,0 -873,120.0,116.0,0,0,0,0,1,0 -5781,100.0,119.0,0,0,0,0,1,0 -10962,100.0,98.0,0,0,1,0,0,0 -7517,105.0,123.0,0,0,1,0,0,0 -4564,167.0,111.0,0,0,0,0,1,0 -1545,99.0,119.0,0,0,0,0,1,0 -739,94.0,114.0,0,0,0,0,1,0 -10306,88.0,127.0,0,0,0,0,1,0 -2683,85.0,169.0,0,0,0,0,1,0 -9243,88.0,111.0,0,0,0,0,0,1 -8909,100.0,122.0,0,0,0,0,1,0 -5121,107.0,112.0,0,0,0,0,1,0 -8991,109.0,142.0,0,0,1,0,0,0 -3518,113.0,129.0,0,0,0,0,1,0 -9921,80.0,126.0,0,0,0,0,1,0 -2354,88.0,121.0,0,0,0,0,1,0 -10163,101.0,123.0,0,0,1,0,0,0 -7073,64.0,117.0,0,0,1,0,0,0 -773,98.0,121.0,0,0,0,0,1,0 -5156,118.0,138.0,0,0,1,0,0,0 -10609,81.0,151.0,0,0,1,0,0,0 -9530,120.0,110.0,0,0,0,0,0,1 -641,70.0,116.0,0,0,0,0,1,0 -7337,94.0,123.0,0,0,1,0,0,0 -7500,107.0,92.0,0,0,0,0,1,0 -9385,71.0,140.0,0,0,0,0,0,1 -7347,200.0,118.0,0,0,0,0,1,0 -4309,125.0,117.0,0,0,0,0,1,0 -865,84.0,122.0,0,0,1,0,0,0 -7288,96.0,132.0,0,0,0,0,1,0 -11519,139.0,106.0,0,0,0,0,1,0 -8565,112.0,115.0,0,0,0,0,1,0 -11907,62.0,100.0,0,0,0,0,1,0 -7195,75.0,140.0,0,0,0,0,1,0 -8546,140.0,115.0,1,0,0,0,0,0 -8665,96.0,127.0,0,0,0,0,1,0 -962,96.0,108.0,0,0,0,0,1,0 -8940,73.0,134.0,0,0,1,0,0,0 -8045,110.0,104.0,0,0,0,0,1,0 -8441,119.0,117.0,0,0,0,0,1,0 -5386,130.0,118.0,0,0,0,0,1,0 -3309,120.0,127.0,0,0,0,0,1,0 -2166,125.0,115.0,0,0,0,0,1,0 -363,112.0,110.0,0,0,0,0,1,0 -3723,72.0,140.0,0,0,0,0,0,1 -2825,95.0,109.0,0,0,0,0,1,0 -5958,97.0,93.0,0,0,0,0,1,0 -3597,107.0,129.0,0,0,1,0,0,0 -4726,93.0,105.0,0,0,0,0,1,0 -546,74.0,140.0,0,0,0,0,1,0 -2940,60.0,113.0,0,0,1,0,0,0 -471,110.0,107.0,0,0,0,0,1,0 -1641,96.0,100.0,0,0,0,0,1,0 -7769,112.0,118.0,0,0,1,0,0,0 -3338,83.0,101.0,0,1,0,0,0,0 -6948,171.0,119.0,0,1,0,0,0,0 -1172,88.0,130.0,0,0,0,0,1,0 -6955,126.0,113.0,0,0,1,0,0,0 -5766,88.0,131.0,0,0,1,0,0,0 -11206,118.0,110.0,0,0,0,0,1,0 -6605,101.0,138.0,0,0,1,0,0,0 -6650,90.0,122.0,0,0,0,0,1,0 -5286,106.0,119.0,0,0,0,0,1,0 -5437,83.0,105.0,0,0,0,0,1,0 -10296,220.0,106.0,0,0,0,0,1,0 -1410,68.0,122.0,0,0,0,0,1,0 -7015,120.0,140.0,0,0,0,0,1,0 -6351,188.0,126.0,0,0,1,0,0,0 -5397,123.0,109.0,0,0,0,0,1,0 -11486,73.0,140.0,0,0,1,0,0,0 -2694,101.0,116.0,0,0,1,0,0,0 -815,99.0,122.0,0,1,0,0,0,0 -2131,82.0,100.0,0,0,0,0,1,0 -1797,92.0,108.0,0,0,0,0,0,1 -4575,79.0,151.0,0,0,0,0,1,0 -5190,99.0,120.0,0,0,0,0,1,0 -3122,145.0,96.0,0,0,0,0,1,0 -9030,86.0,111.0,0,0,0,0,0,1 -4275,128.0,105.0,0,0,1,0,0,0 -11158,96.0,108.0,0,0,1,0,0,0 -8318,149.0,119.0,0,0,0,0,1,0 -6596,130.0,146.0,0,0,1,0,0,0 -10203,76.0,121.0,0,0,1,0,0,0 -7278,141.0,112.0,0,0,1,0,0,0 -237,102.0,54.0,0,0,0,0,1,0 -1532,95.0,124.0,0,0,0,0,1,0 -11337,96.0,117.0,0,0,0,0,1,0 -5561,80.0,120.0,0,0,0,0,1,0 -3410,81.0,105.0,0,0,1,0,0,0 -2831,86.0,86.0,0,0,0,0,1,0 -10963,88.0,115.0,0,0,0,0,0,1 -1535,144.0,100.0,0,0,1,0,0,0 -3879,99.0,142.0,0,0,0,0,1,0 -5688,140.0,139.0,0,0,0,0,1,0 -1299,80.0,126.0,0,0,0,0,1,0 -5936,82.0,132.0,0,0,0,0,1,0 -8618,72.0,107.0,0,0,1,0,0,0 -1480,102.0,103.0,0,0,1,0,0,0 -2793,77.0,113.0,0,0,1,0,0,0 -7065,112.0,114.0,0,0,1,0,0,0 -11775,158.0,110.0,0,1,0,0,0,0 -5091,150.0,87.0,0,0,1,0,0,0 -2329,82.0,124.0,0,0,1,0,0,0 -11475,83.0,87.0,0,0,0,0,1,0 -5471,95.0,127.0,0,0,0,0,1,0 -6717,176.0,85.0,0,0,0,0,1,0 -5955,82.0,135.0,0,0,0,0,1,0 -3661,84.0,117.0,0,0,1,0,0,0 -555,102.0,102.0,0,0,0,0,1,0 -4825,88.0,100.0,0,0,0,0,0,1 -1163,63.0,126.0,0,0,0,0,1,0 -7254,88.0,115.0,0,0,0,0,1,0 -4715,104.0,133.0,0,0,0,0,1,0 -397,94.0,126.0,0,0,0,0,1,0 -9364,118.0,122.0,0,0,1,0,0,0 -10579,66.0,113.0,0,0,0,0,1,0 -10592,93.0,120.0,0,0,0,0,0,1 -6291,105.0,117.0,0,0,1,0,0,0 -7653,88.0,113.0,0,0,0,0,1,0 -8291,120.0,90.0,0,0,0,0,1,0 -723,69.0,115.0,0,0,0,0,1,0 -300,195.0,91.0,0,0,1,0,0,0 -10115,90.0,140.0,0,0,0,0,1,0 -7238,83.0,126.0,0,0,0,0,1,0 -4294,87.0,119.0,0,0,0,0,0,1 -7396,83.0,120.0,0,0,0,0,1,0 -4185,84.0,130.0,1,0,0,0,0,0 -7566,94.0,110.0,0,0,0,0,1,0 -5391,104.0,118.0,0,0,0,0,1,0 -11841,123.0,140.0,0,0,0,0,0,1 -3142,91.0,119.0,0,0,1,0,0,0 -5980,88.0,130.0,0,0,0,0,1,0 -3205,91.0,117.0,0,0,0,0,1,0 -4955,68.0,124.0,0,0,0,0,1,0 -4582,102.0,115.0,0,0,0,0,1,0 -10904,99.0,145.0,0,0,0,0,0,1 -11524,106.0,104.0,0,0,0,0,0,1 -9012,119.0,117.0,0,0,0,0,1,0 -7085,128.0,113.0,0,0,1,0,0,0 -10124,101.0,145.0,0,0,0,0,1,0 -1152,79.0,98.0,0,0,0,0,1,0 -1212,140.0,160.0,0,0,0,0,1,0 -4503,101.0,109.0,0,0,0,0,1,0 -11743,88.0,130.0,0,0,0,0,1,0 -11683,76.0,110.0,0,0,0,0,0,1 -8784,70.0,160.0,0,0,1,0,0,0 -7019,100.0,148.0,0,0,1,0,0,0 -6179,116.0,116.0,0,0,0,0,0,1 -665,166.0,109.0,0,0,0,0,1,0 -10851,161.0,90.0,0,0,0,0,1,0 -642,120.0,108.0,0,0,0,0,0,1 -11126,128.0,100.0,0,0,0,0,0,1 -3767,84.0,124.0,0,0,1,0,0,0 -4272,106.0,118.0,0,0,0,0,1,0 -5466,77.0,118.0,0,0,0,0,1,0 -786,78.0,115.0,0,0,0,0,1,0 -2857,123.0,116.0,0,0,1,0,0,0 -3202,122.0,122.0,0,0,0,0,0,1 -8664,136.0,88.0,0,0,1,0,0,0 -4187,79.0,103.0,0,0,0,0,1,0 -11495,109.0,134.0,0,0,0,0,1,0 -10060,124.0,106.0,0,0,0,0,1,0 -4824,120.0,79.0,0,0,0,0,1,0 -2905,137.0,94.0,0,0,0,0,1,0 -4626,70.0,172.0,0,0,1,0,0,0 -10305,120.0,109.0,0,0,0,0,1,0 -996,116.0,127.0,0,0,1,0,0,0 -9717,133.0,143.0,0,0,0,0,1,0 -10239,98.0,107.0,0,0,1,0,0,0 -6657,84.0,128.0,0,0,0,0,1,0 -5748,111.0,144.0,0,0,0,0,1,0 -156,94.0,128.0,0,0,0,0,1,0 -7669,87.0,120.0,0,0,0,0,1,0 -3085,76.0,123.0,0,0,1,0,0,0 -8399,132.0,94.0,0,0,0,0,1,0 -1552,75.0,90.0,0,0,1,0,0,0 -7384,141.0,98.0,0,0,0,0,1,0 -9071,99.0,119.0,0,0,0,0,1,0 -7450,132.0,92.0,0,0,1,0,0,0 -3795,61.0,107.0,0,0,1,0,0,0 -495,112.0,115.0,0,0,1,0,0,0 -2321,97.0,124.0,0,0,0,0,1,0 -7771,92.0,121.0,0,1,0,0,0,0 -5440,54.0,104.0,0,0,0,0,1,0 -151,100.0,155.0,0,0,0,0,1,0 -6073,122.0,105.0,0,0,1,0,0,0 -9158,106.0,108.0,0,0,0,0,1,0 -6436,142.0,118.0,0,0,0,0,1,0 -8763,92.0,122.0,0,0,0,0,1,0 -1738,88.0,121.0,0,0,0,0,1,0 -3001,67.0,140.0,0,0,0,0,1,0 -10679,84.0,130.0,0,0,0,0,1,0 -7247,119.0,121.0,0,0,0,0,0,1 -6745,81.0,127.0,0,0,1,0,0,0 -10842,90.0,118.0,0,0,0,0,0,1 -2883,82.0,170.0,0,0,0,0,1,0 -3720,105.0,129.0,0,1,0,0,0,0 -10605,140.0,108.0,0,0,0,0,1,0 -10697,120.0,149.0,0,0,1,0,0,0 -5601,106.0,123.0,0,0,0,0,0,1 -5762,74.0,118.0,0,0,0,0,1,0 -7413,84.0,104.0,0,0,1,0,0,0 -2276,95.0,120.0,0,0,0,0,1,0 -4823,198.0,82.0,0,0,0,0,1,0 -4704,88.0,127.0,0,0,0,0,1,0 -4461,110.0,110.0,0,0,1,0,0,0 -343,104.0,120.0,0,0,1,0,0,0 -6085,90.0,119.0,0,0,0,0,1,0 -4136,80.0,122.0,0,0,1,0,0,0 -8693,105.0,132.0,0,0,1,0,0,0 -7275,112.0,130.0,0,0,0,0,0,1 -7886,73.0,102.0,0,0,1,0,0,0 -2223,204.0,110.0,0,0,0,0,1,0 -4196,88.0,127.0,0,0,1,0,0,0 -7654,95.0,108.0,0,0,1,0,0,0 -5365,85.0,105.0,0,0,1,0,0,0 -8366,87.0,134.0,0,0,0,0,1,0 -5081,92.0,137.0,0,0,0,0,1,0 -7120,114.0,104.0,0,0,0,0,1,0 -6498,124.0,104.0,0,0,1,0,0,0 -11467,81.0,124.0,0,1,0,0,0,0 -4734,101.0,112.0,0,0,0,0,1,0 -6567,86.0,131.0,0,0,1,0,0,0 -1465,81.0,114.0,0,0,1,0,0,0 -4593,107.0,108.0,0,0,0,0,0,1 -2234,78.0,131.0,0,0,1,0,0,0 -11068,108.0,124.0,0,0,0,0,0,1 -3903,103.0,122.0,0,0,0,0,1,0 -283,92.0,122.0,0,0,1,0,0,0 -11153,102.0,94.0,0,0,0,0,0,1 -5616,80.0,140.0,0,0,0,0,1,0 -10323,84.0,122.0,0,0,0,0,1,0 -8284,82.0,106.0,0,0,0,0,0,1 -7328,102.0,151.0,0,0,0,0,1,0 -4151,79.0,120.0,0,0,0,0,1,0 -9704,177.0,76.0,0,0,0,1,0,0 -8417,82.0,130.0,0,0,1,0,0,0 -2121,134.0,99.0,0,0,0,0,1,0 -8790,100.0,112.0,0,0,0,0,0,1 -5012,89.0,108.0,0,0,1,0,0,0 -9282,95.0,115.0,0,0,0,0,0,1 -10792,89.0,123.0,0,0,0,0,1,0 -3161,106.0,112.0,0,0,0,0,1,0 -2630,155.0,110.0,0,0,0,0,1,0 -7091,112.0,110.0,0,0,1,0,0,0 -10246,137.0,114.0,0,0,0,0,1,0 -11949,80.0,125.0,0,0,1,0,0,0 -10803,86.0,107.0,0,0,0,0,1,0 -1203,136.0,119.0,0,0,1,0,0,0 -8168,183.0,96.0,0,0,1,0,0,0 -616,93.0,120.0,0,0,0,0,0,1 -1926,115.0,132.0,0,0,0,0,1,0 -3114,127.0,72.0,0,0,0,0,0,1 -2641,109.0,90.0,0,0,0,0,1,0 -10796,95.0,107.0,0,0,0,0,1,0 -2562,79.0,125.0,0,0,1,0,0,0 -5950,109.0,118.0,0,0,1,0,0,0 -2728,87.0,113.0,0,0,0,0,1,0 -8289,90.0,120.0,0,0,0,0,1,0 -9577,66.0,100.0,0,0,0,0,1,0 -2126,125.0,145.0,0,0,0,0,1,0 -6245,102.0,132.0,0,0,0,0,1,0 -11813,135.0,151.0,0,0,1,0,0,0 -10249,200.0,135.0,0,0,1,0,0,0 -7213,110.0,110.0,0,0,0,0,0,1 -805,88.0,150.0,0,0,0,0,0,1 -4694,99.0,101.0,0,0,0,0,1,0 -5577,87.0,116.0,0,0,0,0,1,0 -9836,78.0,116.0,0,0,0,0,1,0 -3140,119.0,117.0,0,0,1,0,0,0 -4280,99.0,119.0,0,0,1,0,0,0 -5338,84.0,110.0,0,0,1,0,0,0 -10184,177.0,106.0,0,0,1,0,0,0 -8113,80.0,125.0,0,0,0,0,0,1 -5799,176.0,118.0,0,0,0,0,1,0 -547,106.0,102.0,0,0,0,0,1,0 -26,110.0,91.0,0,0,0,0,1,0 -7217,98.0,138.0,0,0,1,0,0,0 -3918,100.0,133.0,0,0,1,0,0,0 -4486,100.0,114.0,0,0,0,0,1,0 -5398,100.0,107.0,0,0,1,0,0,0 -8331,113.0,133.0,0,0,0,0,1,0 -9897,85.0,190.0,0,0,0,0,1,0 -1221,162.0,98.0,0,0,0,0,1,0 -7277,100.0,122.0,0,0,0,0,1,0 -2548,60.0,120.0,0,0,1,0,0,0 -11400,106.0,108.0,0,0,1,0,0,0 -437,132.0,148.0,0,0,1,0,0,0 -6363,84.0,102.0,0,0,0,0,1,0 -10190,196.0,105.0,0,0,0,0,1,0 -6459,188.0,101.0,0,0,0,0,1,0 -1861,81.0,100.0,0,0,0,0,1,0 -2699,124.0,119.0,0,0,1,0,0,0 -11268,99.0,110.0,0,0,0,0,1,0 -6755,92.0,129.0,0,0,0,0,0,1 -2481,129.0,132.0,0,0,0,0,1,0 -8720,123.0,130.0,0,0,1,0,0,0 -10153,117.0,113.0,0,0,1,0,0,0 -2706,82.0,133.0,0,0,0,0,1,0 -11710,103.0,134.0,0,0,0,0,1,0 -326,96.0,114.0,0,0,0,0,1,0 -5135,96.0,104.0,0,0,0,0,1,0 -5325,76.0,114.0,0,0,1,0,0,0 -2499,62.0,109.0,0,0,0,0,1,0 -1004,72.0,114.0,0,0,1,0,0,0 -6167,130.0,151.0,0,0,0,0,1,0 -6553,104.0,131.0,0,0,0,0,0,1 -4011,100.0,125.0,0,0,0,0,1,0 -10767,112.0,106.0,0,0,1,0,0,0 -534,107.0,138.0,0,0,0,0,1,0 -7685,112.0,114.0,0,0,0,0,1,0 -3960,86.0,114.0,0,0,0,0,1,0 -585,75.0,160.0,0,0,1,0,0,0 -9920,103.0,97.0,0,0,1,0,0,0 -8387,61.0,119.0,0,0,0,0,1,0 -7222,80.0,130.0,0,0,1,0,0,0 -6249,187.0,87.0,0,0,0,0,1,0 -9665,141.0,113.0,0,0,0,0,1,0 -491,94.0,123.0,0,0,0,0,1,0 -7740,88.0,108.0,0,0,1,0,0,0 -6967,103.0,117.0,0,0,0,0,1,0 -5751,162.0,123.0,0,0,1,0,0,0 -6867,100.0,127.0,0,0,0,0,1,0 -9455,166.0,64.0,0,0,0,0,0,1 -3548,66.0,134.0,0,0,0,0,1,0 -6211,96.0,124.0,0,0,0,0,0,1 -1916,134.0,67.0,0,0,0,0,0,1 -3185,105.0,140.0,0,0,0,0,1,0 -5572,100.0,122.0,0,1,0,0,0,0 -1910,126.0,120.0,0,0,0,0,0,1 -7773,84.0,124.0,0,0,0,0,1,0 -6913,67.0,94.0,0,0,0,0,1,0 -1133,102.0,143.0,0,0,1,0,0,0 -7508,110.0,121.0,0,0,0,0,1,0 -7061,80.0,104.0,0,1,0,0,0,0 -2518,67.0,133.0,0,0,1,0,0,0 -8663,140.0,125.0,0,0,0,0,1,0 -1317,96.0,102.0,0,0,1,0,0,0 -4368,72.0,120.0,0,0,1,0,0,0 -121,84.0,111.0,0,0,0,0,1,0 -9229,173.0,129.0,0,0,0,0,1,0 -2449,121.0,106.0,0,0,1,0,0,0 -8156,130.0,101.0,0,0,0,0,1,0 -7078,86.0,117.0,0,0,1,0,0,0 -2601,103.0,98.0,0,0,0,0,1,0 -1522,87.0,131.0,0,0,0,0,1,0 -7937,96.0,110.0,0,0,0,0,1,0 -2173,92.0,107.0,0,0,0,0,1,0 -3283,126.0,115.0,0,0,0,0,1,0 -4554,88.0,138.0,0,0,0,0,1,0 -3605,92.0,114.0,0,0,0,0,1,0 -10376,83.0,149.0,0,0,0,0,1,0 -9021,103.0,156.0,0,0,0,0,1,0 -6145,81.0,123.0,0,0,1,0,0,0 -10917,122.0,120.0,0,0,1,0,0,0 -3768,84.0,115.0,0,0,1,0,0,0 -11007,105.0,140.0,0,0,0,0,1,0 -11331,82.0,121.0,0,0,0,0,0,1 -4038,130.0,126.0,0,0,0,0,1,0 -3502,140.0,172.0,0,0,1,0,0,0 -1407,88.0,117.0,0,0,0,0,0,1 -4631,90.0,96.0,0,0,0,0,1,0 -6025,110.0,130.0,0,0,0,0,1,0 -9806,81.0,125.0,0,0,1,0,0,0 -4935,92.0,123.0,0,0,1,0,0,0 -10028,99.0,139.0,0,0,0,0,1,0 -2579,101.0,147.0,0,0,0,0,1,0 -5579,72.0,122.0,0,0,0,0,1,0 -3269,112.0,132.0,0,0,0,0,1,0 -11504,70.0,128.0,0,0,1,0,0,0 -1867,101.0,147.0,0,0,0,0,1,0 -11935,94.0,125.0,0,0,0,0,0,1 -9706,96.0,123.0,0,0,0,0,1,0 -2521,105.0,134.0,0,0,1,0,0,0 -6470,68.0,120.0,0,0,0,0,1,0 -1820,160.0,98.0,0,0,1,0,0,0 -6504,116.0,107.0,0,0,0,0,0,1 -51,103.0,144.0,0,0,1,0,0,0 -3888,170.0,102.0,0,0,0,0,1,0 -5187,119.0,99.0,0,0,0,0,0,1 -10836,118.0,95.0,0,0,0,0,1,0 -3577,120.0,110.0,0,0,1,0,0,0 -4565,88.0,120.0,0,0,0,0,1,0 -8482,85.0,110.0,0,0,1,0,0,0 -10807,100.0,106.0,0,0,0,0,1,0 -8639,117.0,129.0,0,0,0,0,1,0 -1858,93.0,127.0,0,0,0,0,1,0 -7367,95.0,126.0,0,0,1,0,0,0 -11477,120.0,107.0,0,0,0,0,1,0 -4961,72.0,106.0,0,0,1,0,0,0 -8161,120.0,148.0,0,0,0,0,1,0 -10964,118.0,110.0,0,0,0,0,1,0 -9696,88.0,121.0,0,0,0,0,1,0 -11106,76.0,133.0,0,0,0,0,1,0 -5198,84.0,155.0,0,0,0,0,1,0 -7139,64.0,149.0,0,0,0,0,1,0 -425,100.0,127.0,0,0,1,0,0,0 -4284,94.0,143.0,0,0,0,0,1,0 -10497,80.0,116.0,0,0,1,0,0,0 -6341,76.0,152.0,0,0,1,0,0,0 -228,105.0,124.0,0,1,0,0,0,0 -7559,99.0,109.0,0,1,0,0,0,0 -2741,93.0,139.0,0,0,0,0,1,0 -5137,107.0,138.0,0,0,0,0,1,0 -10532,185.0,123.0,0,0,0,0,1,0 -7689,113.0,82.0,0,0,1,0,0,0 -8093,96.0,114.0,0,0,0,0,1,0 -2921,76.0,119.0,0,0,1,0,0,0 -8225,84.0,122.0,0,0,1,0,0,0 -11350,96.0,109.0,0,0,1,0,0,0 -3653,72.0,94.0,0,0,0,0,1,0 -6647,103.0,97.0,0,0,1,0,0,0 -5964,84.0,137.0,0,0,0,0,1,0 -1128,130.0,112.0,0,0,1,0,0,0 -10304,99.0,119.0,0,0,1,0,0,0 -2331,141.0,108.0,0,0,0,0,1,0 -2208,130.0,137.0,0,0,0,0,1,0 -7316,95.0,175.0,0,0,0,0,1,0 -10715,120.0,130.0,0,0,0,0,1,0 -6119,76.0,108.0,0,0,0,0,1,0 -3153,88.0,86.0,0,0,1,0,0,0 -8012,114.0,127.0,0,0,0,0,0,1 -9441,80.0,105.0,0,0,1,0,0,0 -8596,104.0,150.0,0,0,0,0,1,0 -11565,80.0,120.0,0,0,0,0,1,0 -4990,100.0,137.0,0,0,0,0,1,0 -2374,80.0,100.0,0,0,1,0,0,0 -1632,99.0,112.0,0,0,0,0,1,0 -7047,80.0,140.0,0,0,1,0,0,0 -2298,102.0,115.0,0,0,1,0,0,0 -7338,64.0,129.0,0,0,0,0,1,0 -4252,130.0,111.0,0,0,0,0,1,0 -8301,73.0,114.0,0,0,1,0,0,0 -2721,72.0,150.0,1,0,0,0,0,0 -10089,99.0,124.0,0,0,1,0,0,0 -11049,100.0,119.0,0,0,0,0,1,0 -6108,129.0,125.0,0,0,1,0,0,0 -10776,113.0,97.0,0,0,0,0,1,0 -8937,67.0,108.0,0,0,0,0,1,0 -10140,111.0,142.0,0,0,0,0,1,0 -6865,90.0,110.0,0,0,0,0,1,0 -5094,107.0,143.0,0,0,0,0,1,0 -7792,85.0,127.0,0,0,0,0,1,0 -7584,104.0,127.0,0,0,0,0,1,0 -7864,88.0,120.0,0,0,0,0,1,0 -8063,109.0,107.0,0,0,0,0,1,0 -11871,106.0,136.0,0,0,0,0,1,0 -2550,115.0,119.0,0,0,1,0,0,0 -6159,96.0,112.0,0,0,1,0,0,0 -9306,74.0,113.0,0,0,1,0,0,0 -938,83.0,119.0,0,0,0,0,1,0 -9862,108.0,116.0,0,0,0,0,1,0 -10671,71.0,117.0,0,0,0,0,1,0 -7820,110.0,135.0,0,0,0,0,1,0 -11708,133.0,125.0,0,0,1,0,0,0 -4852,142.0,118.0,0,0,0,0,1,0 -2644,129.0,157.0,0,0,1,0,0,0 -10794,61.0,133.0,0,0,0,0,1,0 -3165,148.0,114.0,0,0,1,0,0,0 -3639,110.0,154.0,0,0,0,0,0,1 -8158,81.0,120.0,0,0,0,0,1,0 -6146,120.0,137.0,0,0,0,0,1,0 -7824,159.0,116.0,0,1,0,0,0,0 -2061,112.0,83.0,0,0,0,0,0,1 -4645,119.0,117.0,0,0,1,0,0,0 -7198,108.0,113.0,0,0,0,0,1,0 -2812,70.0,125.0,0,0,0,0,0,1 -11297,76.0,154.0,0,0,0,0,1,0 -10399,112.0,140.0,0,0,0,0,0,1 -11638,125.0,135.0,0,0,0,0,0,1 -10825,84.0,117.0,0,0,0,0,1,0 -2549,177.0,91.0,0,0,0,0,0,1 -8499,154.0,112.0,0,0,1,0,0,0 -11001,111.0,122.0,0,0,1,0,0,0 -9070,76.0,104.0,0,0,0,0,1,0 -8700,125.0,136.0,0,1,0,0,0,0 -4174,108.0,121.0,0,0,1,0,0,0 -5639,70.0,107.0,0,0,1,0,0,0 -10886,101.0,109.0,0,0,0,0,1,0 -1024,104.0,140.0,0,0,0,0,1,0 -4848,103.0,111.0,0,1,0,0,0,0 -5843,90.0,118.0,0,0,0,0,1,0 -9722,126.0,129.0,0,0,0,0,1,0 -1951,143.0,119.0,0,0,1,0,0,0 -7261,90.0,118.0,0,0,0,0,1,0 -351,146.0,108.0,0,0,0,0,0,1 -9611,111.0,148.0,0,0,0,0,1,0 -7042,120.0,114.0,0,0,1,0,0,0 -5480,114.0,93.0,0,0,0,0,0,1 -9457,108.0,107.0,0,0,1,0,0,0 -4797,80.0,122.0,0,0,0,0,1,0 -5664,88.0,147.0,0,0,1,0,0,0 -3662,124.0,127.0,0,0,1,0,0,0 -7322,100.0,130.0,0,0,1,0,0,0 -4657,86.0,113.0,0,0,0,0,1,0 -9644,104.0,121.0,0,0,1,0,0,0 -3150,115.0,89.0,0,0,0,0,1,0 -6954,80.0,117.0,0,0,1,0,0,0 -11167,80.0,90.0,0,0,1,0,0,0 -4813,140.0,122.0,0,0,0,0,0,1 -7050,72.0,105.0,0,0,1,0,0,0 -8495,90.0,119.0,0,0,0,0,0,1 -5143,120.0,110.0,0,0,1,0,0,0 -2939,70.0,107.0,0,0,0,0,1,0 -4510,94.0,98.0,0,0,0,0,1,0 -1340,136.0,93.0,0,0,1,0,0,0 -12038,137.0,126.0,0,0,0,0,1,0 -1391,104.0,139.0,0,0,1,0,0,0 -9701,89.0,110.0,0,0,0,0,0,1 -6730,122.0,128.0,0,0,0,0,1,0 -9354,90.0,135.0,0,0,1,0,0,0 -7420,84.0,98.0,0,0,1,0,0,0 -6412,132.0,126.0,0,0,0,0,1,0 -1583,90.0,88.0,0,0,0,0,1,0 -1412,155.0,124.0,0,0,1,0,0,0 -10949,78.0,156.0,0,0,0,0,1,0 -10538,111.0,98.0,0,0,0,0,1,0 -2256,100.0,110.0,0,0,0,0,0,1 -8926,154.0,108.0,0,0,0,0,1,0 -2212,157.0,127.0,0,0,0,0,1,0 -5603,82.0,146.0,0,0,0,0,1,0 -2622,72.0,118.0,0,0,0,0,0,1 -7729,93.0,146.0,0,0,1,0,0,0 -5417,78.0,131.0,0,1,0,0,0,0 -4938,101.0,110.0,0,0,1,0,0,0 -8802,126.0,109.0,0,0,1,0,0,0 -3624,90.0,119.0,0,0,0,0,0,1 -6225,88.0,127.0,0,0,1,0,0,0 -4267,80.0,134.0,0,0,0,0,1,0 -10815,77.0,131.0,0,0,0,0,1,0 -463,120.0,84.0,0,0,0,0,1,0 -1754,108.0,108.0,0,0,1,0,0,0 -8771,207.0,97.0,0,0,0,0,1,0 -5638,88.0,96.0,0,0,0,0,1,0 -9488,122.0,119.0,0,0,1,0,0,0 -11471,112.0,150.0,0,0,1,0,0,0 -7313,96.0,109.0,0,0,0,0,0,1 -378,96.0,125.0,0,0,0,0,1,0 -3106,90.0,120.0,0,0,0,0,1,0 -4803,82.0,117.0,0,0,1,0,0,0 -1335,140.0,60.0,0,0,0,0,1,0 -10595,90.0,120.0,0,0,0,0,0,1 -11671,94.0,112.0,0,0,0,0,1,0 -2716,112.0,119.0,0,0,0,0,1,0 -11832,70.0,111.0,0,0,1,0,0,0 -6348,100.0,110.0,0,0,0,0,1,0 -7375,92.0,104.0,0,0,0,0,0,1 -11648,102.0,111.0,1,0,0,0,0,0 -10194,95.0,118.0,0,0,0,0,0,1 -7422,93.0,142.0,0,0,1,0,0,0 -1811,89.0,108.0,0,0,1,0,0,0 -7276,72.0,111.0,0,0,0,0,1,0 -6688,72.0,119.0,0,0,0,0,1,0 -1894,96.0,133.0,0,0,1,0,0,0 -9564,80.0,123.0,0,0,1,0,0,0 -6375,100.0,115.0,0,0,0,0,1,0 -7803,121.0,119.0,0,0,1,0,0,0 -6577,85.0,104.0,0,0,0,0,1,0 -1189,116.0,96.0,0,0,1,0,0,0 -5194,116.0,133.0,0,0,0,0,1,0 -7931,88.0,120.0,0,0,0,0,1,0 -6854,85.0,123.0,0,0,0,0,1,0 -5833,85.0,112.0,0,0,0,0,1,0 -3454,96.0,143.0,0,0,0,0,0,1 -11285,70.0,120.0,0,0,0,0,1,0 -5820,68.0,118.0,0,0,0,0,0,1 -5835,120.0,130.0,0,1,0,0,0,0 -5860,95.0,164.0,0,0,0,0,1,0 -8982,100.0,104.0,0,0,0,0,1,0 -4613,70.0,125.0,0,0,0,0,1,0 -3992,137.0,118.0,0,0,0,0,0,1 -11137,112.0,115.0,0,0,0,0,0,1 -1030,91.0,125.0,0,0,0,0,1,0 -9838,105.0,84.0,0,0,0,0,1,0 -2220,100.0,118.0,0,0,1,0,0,0 -3774,72.0,133.0,0,0,1,0,0,0 -8934,152.0,88.0,0,0,1,0,0,0 -11313,112.0,116.0,0,0,0,0,0,1 -1755,122.0,123.0,0,0,0,0,1,0 -10392,81.0,123.0,0,0,1,0,0,0 -11480,142.0,107.0,0,0,0,0,1,0 -4327,136.0,102.0,0,0,0,0,1,0 -10285,121.0,108.0,0,0,0,0,1,0 -110,120.0,70.0,0,0,0,0,1,0 -7957,98.0,180.0,0,0,1,0,0,0 -8936,109.0,136.0,0,0,0,0,1,0 -2917,80.0,124.0,0,0,1,0,0,0 -6248,82.0,108.0,0,0,0,0,1,0 -1515,90.0,123.0,0,0,0,0,1,0 -11737,108.0,109.0,0,0,0,0,1,0 -11095,75.0,115.0,0,0,0,0,1,0 -10902,83.0,142.0,0,0,0,0,1,0 -10125,68.0,110.0,0,0,1,0,0,0 -2263,82.0,123.0,0,0,0,0,1,0 -9139,97.0,122.0,0,0,1,0,0,0 -9785,107.0,110.0,0,0,0,0,0,1 -10223,105.0,110.0,0,0,0,0,0,1 -10475,115.0,115.0,0,0,0,0,1,0 -893,114.0,90.0,0,0,0,0,1,0 -1490,128.0,123.0,0,0,0,0,1,0 -1850,92.0,142.0,0,0,1,0,0,0 -8794,84.0,124.0,0,0,0,0,1,0 -324,81.0,111.0,0,0,0,0,0,1 -1215,128.0,108.0,0,0,1,0,0,0 -2933,125.0,125.0,0,0,0,0,1,0 -4689,110.0,89.0,0,0,1,0,0,0 -9240,72.0,111.0,0,0,0,0,1,0 -9744,82.0,127.0,0,0,0,0,0,1 -10333,80.0,110.0,0,0,0,0,1,0 -11053,140.0,118.0,0,0,0,0,1,0 -11709,88.0,126.0,0,0,0,0,1,0 -1129,88.0,118.0,0,0,0,0,1,0 -10694,98.0,133.0,0,0,1,0,0,0 -2918,77.0,129.0,0,0,0,0,1,0 -3084,122.0,135.0,0,0,0,0,0,1 -4588,132.0,121.0,0,0,1,0,0,0 -4304,132.0,138.0,0,0,0,0,1,0 -2795,114.0,94.0,0,0,0,0,1,0 -5998,66.0,131.0,0,0,0,0,1,0 -798,76.0,118.0,0,0,1,0,0,0 -734,124.0,91.0,0,0,1,0,0,0 -7307,133.0,114.0,0,0,0,0,1,0 -2244,110.0,110.0,0,0,0,0,1,0 -178,140.0,130.0,0,0,1,0,0,0 -8344,120.0,107.0,0,0,1,0,0,0 -9133,122.0,115.0,0,1,0,0,0,0 -1174,85.0,152.0,0,0,0,0,1,0 -6125,59.0,111.0,0,0,0,0,1,0 -8358,98.0,89.0,0,0,1,0,0,0 -1831,111.0,96.0,0,0,1,0,0,0 -9735,156.0,100.0,0,0,0,0,1,0 -6255,83.0,115.0,0,0,0,0,1,0 -9672,133.0,98.0,0,1,0,0,0,0 -1781,91.0,116.0,0,0,0,0,1,0 -3201,119.0,126.0,1,0,0,0,0,0 -198,107.0,115.0,0,0,0,0,1,0 -9880,138.0,133.0,0,0,0,0,1,0 -4087,106.0,124.0,0,0,1,0,0,0 -5193,78.0,106.0,0,0,0,0,1,0 -548,79.0,121.0,0,0,0,0,0,1 -3339,102.0,143.0,0,0,1,0,0,0 -11359,164.0,103.0,0,0,0,0,1,0 -6671,100.0,116.0,0,0,0,0,0,1 -9378,177.0,128.0,0,0,0,0,1,0 -6926,131.0,92.0,0,0,0,0,0,1 -2532,140.0,119.0,0,0,1,0,0,0 -5935,130.0,77.0,0,0,0,0,0,1 -2314,108.0,112.0,0,0,1,0,0,0 -8902,108.0,150.0,0,0,1,0,0,0 -8574,120.0,119.0,0,0,1,0,0,0 -9932,110.0,92.0,0,1,0,0,0,0 -11843,130.0,107.0,0,0,0,0,1,0 -66,89.0,106.0,0,0,1,0,0,0 -5127,79.0,116.0,0,0,1,0,0,0 -4712,164.0,102.0,0,0,0,0,1,0 -5214,88.0,148.0,0,0,0,0,1,0 -3260,156.0,139.0,0,0,0,0,1,0 -5033,113.0,114.0,0,0,0,0,1,0 -2572,104.0,102.0,0,0,1,0,0,0 -8242,60.0,110.0,0,0,0,0,1,0 -10833,61.0,141.0,0,0,1,0,0,0 -622,95.0,113.0,0,0,0,0,1,0 -1681,82.0,136.0,0,0,0,0,1,0 -787,80.0,130.0,0,0,0,0,1,0 -3332,92.0,141.0,0,0,0,0,1,0 -6753,88.0,120.0,0,0,1,0,0,0 -7234,101.0,121.0,0,0,0,0,1,0 -10533,88.0,98.0,0,0,0,0,1,0 -3280,103.0,131.0,0,0,1,0,0,0 -6903,112.0,123.0,0,0,0,0,1,0 -10981,70.0,148.0,0,0,0,0,1,0 -8140,103.0,125.0,0,0,0,0,0,1 -5931,92.0,100.0,0,0,0,0,1,0 -10413,88.0,102.0,0,0,0,0,1,0 -515,66.0,114.0,0,0,0,0,1,0 -478,120.0,118.0,0,0,0,0,0,1 -9742,108.0,115.0,0,0,0,0,1,0 -10594,97.0,116.0,0,0,0,0,1,0 -8246,76.0,137.0,0,0,1,0,0,0 -2647,87.0,137.0,0,0,1,0,0,0 -11378,72.0,114.0,0,0,0,0,1,0 -7981,102.0,136.0,0,0,0,0,1,0 -10079,112.0,110.0,0,0,0,0,1,0 -1033,128.0,125.0,0,0,0,0,1,0 -11509,183.0,80.0,0,0,0,0,1,0 -2598,76.0,93.0,0,0,0,0,1,0 -6030,84.0,137.0,0,0,0,0,1,0 -8027,76.0,117.0,0,0,1,0,0,0 -8144,75.0,110.0,0,0,0,0,1,0 -8919,107.0,104.0,0,0,0,0,1,0 -344,104.0,88.0,1,0,0,0,0,0 -5521,56.0,143.0,0,0,1,0,0,0 -6421,123.0,113.0,0,0,0,0,1,0 -1871,83.0,108.0,0,0,0,0,1,0 -8000,136.0,120.0,0,0,0,0,1,0 -7281,68.0,131.0,0,0,1,0,0,0 -3986,116.0,128.0,0,0,1,0,0,0 -11567,89.0,113.0,0,0,1,0,0,0 -2888,105.0,113.0,0,0,1,0,0,0 -11355,126.0,103.0,0,0,0,0,0,1 -4623,182.0,119.0,0,0,0,0,1,0 -4818,115.0,101.0,0,0,0,0,1,0 -220,109.0,140.0,0,0,1,0,0,0 -11063,94.0,123.0,0,0,0,0,1,0 -7021,98.0,114.0,0,0,0,0,1,0 -10022,71.0,115.0,0,0,1,0,0,0 -6697,88.0,123.0,0,0,0,0,1,0 -5937,139.0,135.0,0,0,0,0,1,0 -6384,85.0,115.0,0,0,0,0,1,0 -4016,80.0,109.0,0,0,0,0,1,0 -6096,87.0,130.0,0,0,0,0,1,0 -4248,112.0,118.0,0,0,0,0,1,0 -11017,97.0,112.0,0,0,0,0,1,0 -9275,72.0,112.0,0,0,0,0,1,0 -10773,98.0,113.0,0,0,1,0,0,0 -9257,113.0,133.0,0,0,0,0,1,0 -1264,138.0,114.0,0,0,0,0,1,0 -4241,80.0,131.0,0,0,0,0,1,0 -5650,71.0,154.0,0,0,0,0,1,0 -6152,138.0,98.0,0,0,0,0,0,1 -10942,136.0,104.0,0,0,0,0,1,0 -7130,92.0,137.0,0,0,0,0,1,0 -11052,108.0,104.0,0,0,0,0,1,0 -6850,103.0,129.0,0,0,1,0,0,0 -8364,100.0,124.0,0,0,0,0,1,0 -2881,91.0,129.0,0,0,0,0,1,0 -1677,71.0,111.0,0,0,0,0,1,0 -6885,93.0,107.0,0,0,1,0,0,0 -901,86.0,140.0,0,0,0,0,1,0 -9202,174.0,143.0,0,0,1,0,0,0 -2296,72.0,110.0,0,0,0,0,1,0 -3402,79.0,137.0,0,0,0,0,0,1 -6104,148.0,80.0,0,0,0,0,0,1 -296,138.0,108.0,0,0,1,0,0,0 -10576,91.0,118.0,0,0,0,0,0,1 -4153,140.0,92.0,0,0,1,0,0,0 -9784,72.0,126.0,0,0,0,0,1,0 -6387,124.0,77.0,0,0,0,0,1,0 -27,96.0,125.0,0,0,0,0,1,0 -7503,110.0,140.0,0,0,0,0,0,1 -10269,156.0,130.0,0,0,0,0,0,1 -3829,101.0,118.0,0,0,1,0,0,0 -8351,99.0,131.0,0,0,0,0,1,0 -3248,130.0,93.0,0,0,1,0,0,0 -5902,97.0,125.0,0,0,0,0,1,0 -9536,100.0,116.0,0,0,0,0,1,0 -9037,104.0,104.0,0,0,0,0,1,0 -2580,93.0,124.0,0,0,0,0,1,0 -6414,120.0,120.0,0,0,0,0,0,1 -9707,112.0,108.0,0,0,0,0,1,0 -8198,93.0,119.0,0,0,1,0,0,0 -1370,110.0,153.0,0,0,0,0,1,0 -11869,113.0,157.0,0,0,1,0,0,0 -9124,107.0,132.0,0,0,0,0,1,0 -7540,90.0,120.0,0,0,1,0,0,0 -5551,99.0,91.0,0,0,1,0,0,0 -6875,127.0,133.0,0,0,1,0,0,0 -5254,77.0,129.0,0,0,0,0,1,0 -681,92.0,96.0,0,0,1,0,0,0 -11207,70.0,121.0,0,0,0,0,1,0 -4775,70.0,113.0,0,0,1,0,0,0 -5422,94.0,113.0,0,0,1,0,0,0 -3159,128.0,119.0,0,0,1,0,0,0 -8756,128.0,119.0,0,0,1,0,0,0 -2987,96.0,126.0,0,0,0,0,0,1 -4908,90.0,130.0,0,0,0,0,1,0 -1882,110.0,118.0,0,0,1,0,0,0 -5905,103.0,127.0,0,0,0,0,1,0 -8346,74.0,123.0,0,0,0,0,0,1 -1940,132.0,109.0,0,0,0,0,0,1 -3296,126.0,127.0,0,0,0,0,1,0 -3534,150.0,142.0,0,0,0,0,1,0 -3729,82.0,110.0,0,0,0,0,1,0 -490,67.0,114.0,0,0,0,0,1,0 -7354,100.0,124.0,0,0,0,0,1,0 -1181,111.0,145.0,0,0,0,0,1,0 -1375,159.0,109.0,0,0,0,0,1,0 -5014,87.0,109.0,0,0,0,0,1,0 -8751,144.0,104.0,0,0,0,0,1,0 -6641,119.0,140.0,0,0,0,0,1,0 -626,88.0,127.0,0,0,1,0,0,0 -4758,77.0,106.0,0,0,1,0,0,0 -10934,88.0,135.0,0,0,0,0,1,0 -2112,100.0,153.0,0,0,0,0,0,1 -12029,174.0,121.0,0,0,0,0,1,0 -5916,146.0,108.0,0,0,0,0,1,0 -1767,92.0,131.0,0,0,0,0,0,1 -8832,93.0,110.0,0,0,1,0,0,0 -4180,190.0,156.0,0,0,0,0,0,1 -9121,110.0,140.0,0,0,0,0,1,0 -7300,93.0,127.0,0,0,0,0,1,0 -1462,84.0,92.0,0,0,0,0,1,0 -2887,101.0,120.0,0,1,0,0,0,0 -6422,115.0,107.0,0,0,0,0,1,0 -684,124.0,123.0,0,0,0,0,1,0 -4539,96.0,164.0,0,0,0,0,0,1 -4514,88.0,136.0,0,0,1,0,0,0 -9335,16.0,89.0,0,0,0,0,1,0 -9473,109.0,135.0,0,0,0,0,1,0 -1366,182.0,124.0,0,0,0,0,1,0 -3916,108.0,95.0,0,0,0,0,1,0 -11805,89.0,101.0,0,0,0,0,1,0 -2639,75.0,154.0,0,0,0,0,0,1 -11392,123.0,126.0,0,0,0,0,1,0 -5602,108.0,121.0,0,0,0,0,1,0 -10871,145.0,126.0,0,0,0,0,1,0 -5729,72.0,113.0,1,0,0,0,0,0 -5730,84.0,147.0,0,0,1,0,0,0 -7309,75.0,119.0,0,0,0,0,1,0 -11428,110.0,120.0,0,0,0,0,1,0 -2300,150.0,93.0,0,0,1,0,0,0 -4787,107.0,122.0,0,0,0,0,1,0 -2938,114.0,144.0,0,0,0,0,1,0 -5659,74.0,142.0,0,0,1,0,0,0 -8239,74.0,105.0,0,0,0,0,1,0 -10425,102.0,128.0,0,0,1,0,0,0 -9963,78.0,119.0,0,0,0,0,0,1 -1979,72.0,143.0,0,0,0,0,1,0 -3803,88.0,122.0,0,0,1,0,0,0 -4534,108.0,116.0,0,0,1,0,0,0 -6601,116.0,144.0,0,0,0,0,1,0 -9608,86.0,114.0,0,0,0,0,1,0 -6658,75.0,110.0,0,0,0,0,1,0 -10157,109.0,90.0,0,0,0,0,1,0 -9038,120.0,116.0,0,0,0,0,1,0 -4800,73.0,147.0,0,0,0,0,1,0 -2280,115.0,133.0,0,0,0,0,1,0 -8793,105.0,127.0,0,0,0,0,1,0 -6032,100.0,107.0,0,0,0,0,1,0 -4469,80.0,128.0,0,0,1,0,0,0 -5133,108.0,114.0,0,0,0,0,0,1 -7501,119.0,119.0,0,0,0,0,1,0 -998,92.0,154.0,0,0,1,0,0,0 -4130,110.0,116.0,0,0,0,0,0,1 -5266,188.0,91.0,0,0,0,0,1,0 -8494,80.0,137.0,0,0,1,0,0,0 -11810,75.0,141.0,0,0,0,0,1,0 -1784,120.0,147.0,0,0,0,0,0,1 -3182,142.0,110.0,0,0,0,0,1,0 -10435,140.0,79.0,0,0,1,0,0,0 -494,101.0,116.0,0,0,1,0,0,0 -6495,105.0,136.0,0,0,0,0,1,0 -11045,76.0,126.0,0,0,0,0,1,0 -6053,84.0,104.0,0,0,0,0,1,0 -2860,82.0,128.0,0,0,0,0,1,0 -2038,128.0,143.0,0,0,0,0,1,0 -4041,83.0,115.0,0,1,0,0,0,0 -9238,97.0,115.0,0,1,0,0,0,0 -2897,84.0,100.0,0,0,1,0,0,0 -366,86.0,138.0,0,0,0,0,0,1 -849,105.0,118.0,0,0,0,0,1,0 -9602,82.0,124.0,0,0,0,0,0,1 -6444,122.0,147.0,0,0,1,0,0,0 -8480,100.0,100.0,0,0,1,0,0,0 -6761,80.0,102.0,0,0,1,0,0,0 -2653,68.0,146.0,0,0,0,0,1,0 -3503,60.0,118.0,0,0,0,0,1,0 -11481,124.0,110.0,0,0,0,0,1,0 -1541,72.0,113.0,0,0,0,0,1,0 -6057,111.0,105.0,0,0,0,0,1,0 -11197,118.0,120.0,0,0,0,0,1,0 -322,76.0,124.0,0,0,0,0,1,0 -2031,80.0,112.0,0,0,0,0,1,0 -7636,82.0,112.0,0,0,1,0,0,0 -6902,82.0,128.0,0,0,0,0,0,1 -813,182.0,157.0,0,0,0,0,1,0 -2528,76.0,98.0,0,0,0,0,1,0 -11289,156.0,84.0,0,0,0,0,1,0 -6505,104.0,119.0,0,0,0,0,1,0 -11072,124.0,90.0,0,0,0,0,1,0 -10259,75.0,118.0,0,0,1,0,0,0 -5274,74.0,138.0,0,0,1,0,0,0 -1079,122.0,98.0,0,0,0,0,1,0 -2226,145.0,123.0,0,0,0,0,1,0 -9407,113.0,123.0,0,0,1,0,0,0 -10996,131.0,106.0,0,0,0,0,1,0 -11552,87.0,131.0,0,0,0,0,1,0 -2705,168.0,90.0,0,0,0,0,0,1 -9014,116.0,114.0,0,0,0,0,1,0 -10625,94.0,122.0,0,0,0,0,1,0 -1164,91.0,113.0,0,0,1,0,0,0 -3261,132.0,114.0,0,0,0,0,1,0 -6165,100.0,120.0,0,0,0,0,0,1 -8560,84.0,142.0,0,0,0,0,1,0 -1450,92.0,95.0,0,0,0,0,1,0 -4229,124.0,128.0,0,0,1,0,0,0 -3862,146.0,140.0,0,0,0,0,1,0 -2936,106.0,116.0,0,0,1,0,0,0 -9727,80.0,119.0,0,0,1,0,0,0 -3917,71.0,124.0,0,0,0,0,0,1 -5487,83.0,116.0,0,0,0,0,1,0 -7134,88.0,115.0,0,0,0,0,1,0 -9811,66.0,103.0,0,0,0,0,1,0 -1723,90.0,116.0,0,0,0,0,1,0 -8876,94.0,109.0,0,0,1,0,0,0 -6550,112.0,118.0,0,0,0,0,1,0 -4056,110.0,99.0,0,0,0,0,1,0 -11452,108.0,111.0,0,0,1,0,0,0 -2999,158.0,166.0,0,0,0,0,0,1 -7173,112.0,122.0,0,0,0,0,1,0 -10858,89.0,113.0,0,0,0,1,0,0 -1231,101.0,131.0,0,0,0,0,1,0 -1514,91.0,116.0,0,0,0,0,1,0 -2313,86.0,123.0,1,0,0,0,0,0 -1451,102.0,119.0,0,0,1,0,0,0 -6482,150.0,121.0,0,0,0,0,1,0 -9464,78.0,120.0,0,0,1,0,0,0 -10266,112.0,138.0,0,0,0,1,0,0 -4321,126.0,120.0,0,0,0,0,1,0 -8153,158.0,102.0,0,0,1,0,0,0 -838,105.0,108.0,0,0,0,0,1,0 -11938,118.0,91.0,0,0,0,0,1,0 -6739,132.0,142.0,0,0,0,0,1,0 -3899,107.0,119.0,0,0,1,0,0,0 -10232,112.0,124.0,0,0,0,0,1,0 -3567,140.0,107.0,0,0,0,0,1,0 -11154,98.0,144.0,0,0,1,0,0,0 -5452,112.0,93.0,0,0,0,0,0,1 -3087,80.0,168.0,0,0,0,0,1,0 -9724,104.0,119.0,0,0,1,0,0,0 -10408,89.0,116.0,0,0,1,0,0,0 -4546,120.0,114.0,0,0,0,0,0,1 -4692,160.0,81.0,0,0,0,0,1,0 -1714,102.0,118.0,0,0,1,0,0,0 -6690,92.0,122.0,0,0,0,0,1,0 -4270,88.0,134.0,0,0,0,0,1,0 -339,116.0,116.0,0,0,0,0,1,0 -8953,102.0,126.0,0,0,0,0,1,0 -4086,80.0,117.0,0,0,0,0,1,0 -9440,117.0,130.0,0,0,1,0,0,0 -11995,77.0,136.0,0,0,0,0,0,1 -9176,86.0,130.0,0,0,0,0,1,0 -588,124.0,130.0,0,0,1,0,0,0 -3365,86.0,132.0,0,0,1,0,0,0 -2670,82.0,118.0,0,0,0,0,1,0 -5515,118.0,110.0,0,0,0,0,1,0 -3589,80.0,144.0,0,0,0,0,1,0 -34,123.0,110.0,0,0,0,0,0,1 -28,94.0,125.0,0,0,0,0,0,1 -2395,87.0,143.0,0,0,0,0,1,0 -6520,112.0,149.0,0,0,0,0,0,1 -6575,71.0,140.0,0,0,0,0,1,0 -5506,106.0,138.0,0,0,1,0,0,0 -7963,129.0,86.0,0,0,0,0,1,0 -2170,114.0,111.0,0,0,1,0,0,0 -11376,88.0,143.0,0,0,0,0,1,0 -8769,81.0,168.0,0,0,1,0,0,0 -889,81.0,118.0,0,0,0,0,1,0 -3878,64.0,95.0,0,1,0,0,0,0 -3322,83.0,126.0,0,0,0,0,1,0 -11315,112.0,114.0,0,0,0,0,1,0 -3514,100.0,115.0,0,0,0,0,1,0 -6440,140.0,105.0,0,0,0,0,1,0 -10044,106.0,118.0,0,0,0,0,1,0 -5673,111.0,99.0,0,0,1,0,0,0 -7828,95.0,109.0,0,0,0,0,1,0 -3733,104.0,113.0,0,0,1,0,0,0 -10547,119.0,138.0,0,0,0,0,1,0 -11397,82.0,120.0,0,0,0,0,1,0 -9170,108.0,119.0,0,0,1,0,0,0 -4528,122.0,141.0,0,0,0,0,1,0 -1654,72.0,121.0,0,0,0,0,0,1 -7518,100.0,124.0,0,0,0,0,1,0 -7336,97.0,104.0,0,0,0,0,1,0 -223,97.0,121.0,0,0,1,0,0,0 -10381,114.0,134.0,0,0,0,0,1,0 -6345,136.0,87.0,0,0,0,0,0,1 -6464,100.0,96.0,0,0,0,1,0,0 -5982,86.0,114.0,0,0,0,0,1,0 -4239,85.0,130.0,0,0,0,0,1,0 -5882,93.0,130.0,0,0,0,0,0,1 -1590,58.0,139.0,0,0,1,0,0,0 -8819,116.0,131.0,0,0,0,0,0,1 -3256,71.0,98.0,0,0,0,0,1,0 -6743,95.0,147.0,0,0,1,0,0,0 -6956,128.0,125.0,0,0,1,0,0,0 -2181,94.0,125.0,0,0,0,0,1,0 -7293,99.0,119.0,0,0,1,0,0,0 -9002,84.0,142.0,0,1,0,0,0,0 -7325,108.0,114.0,0,0,0,0,1,0 -7750,91.0,142.0,0,1,0,0,0,0 -8432,101.0,119.0,0,0,1,0,0,0 -9102,110.0,128.0,0,0,1,0,0,0 -11275,100.0,150.0,0,0,0,0,1,0 -4817,86.0,167.0,0,0,1,0,0,0 -6987,113.0,109.0,0,1,0,0,0,0 -6586,94.0,130.0,0,0,1,0,0,0 -1209,83.0,110.0,0,1,0,0,0,0 -11921,115.0,133.0,0,0,0,0,0,1 -421,91.0,111.0,0,0,0,0,1,0 -10531,110.0,120.0,0,0,0,0,1,0 -1706,120.0,104.0,0,0,1,0,0,0 -1158,106.0,128.0,0,0,0,0,1,0 -2306,135.0,100.0,0,0,0,0,1,0 -273,140.0,112.0,0,0,0,0,1,0 -171,71.0,108.0,0,0,1,0,0,0 -3956,103.0,108.0,0,0,1,0,0,0 -5606,106.0,118.0,0,0,0,0,1,0 -9812,116.0,90.0,0,0,0,0,0,1 -4865,122.0,122.0,0,0,0,0,0,1 -8863,61.0,136.0,0,0,0,1,0,0 -3188,101.0,116.0,0,0,0,0,1,0 -1725,108.0,117.0,0,0,0,0,0,1 -6253,116.0,112.0,0,0,1,0,0,0 -8221,55.0,120.0,0,0,0,0,1,0 -1564,153.0,128.0,0,0,1,0,0,0 -1782,88.0,139.0,0,0,1,0,0,0 -843,69.0,128.0,0,0,0,0,1,0 -11255,104.0,125.0,0,0,0,0,1,0 -6508,128.0,101.0,0,0,0,0,1,0 -904,96.0,102.0,0,0,0,0,1,0 -3494,108.0,124.0,0,0,0,0,1,0 -11647,82.0,122.0,0,0,0,0,0,1 -7460,109.0,152.0,0,0,0,0,0,1 -1547,88.0,120.0,0,0,0,0,1,0 -10053,157.0,152.0,0,0,0,0,0,1 -2080,85.0,127.0,0,0,0,0,1,0 -9197,150.0,133.0,0,0,0,0,1,0 -9022,70.0,121.0,0,0,0,0,1,0 -6723,75.0,112.0,0,0,0,0,1,0 -3985,117.0,147.0,0,0,0,0,0,1 -10289,115.0,112.0,0,0,0,0,1,0 -7649,72.0,100.0,0,0,0,0,1,0 -8579,104.0,140.0,0,0,0,0,1,0 -11996,160.0,129.0,0,0,0,0,1,0 -9867,89.0,113.0,0,0,0,0,0,1 -4677,90.0,100.0,0,0,1,0,0,0 -3820,92.0,108.0,0,0,1,0,0,0 -5209,93.0,128.0,0,0,0,0,1,0 -2646,116.0,99.0,0,0,0,0,1,0 -6494,80.0,119.0,0,0,0,0,1,0 -9225,158.0,122.0,0,0,0,0,1,0 -7442,100.0,130.0,0,0,1,0,0,0 -256,89.0,129.0,0,0,0,0,1,0 -10156,133.0,120.0,0,0,0,0,0,1 -4350,99.0,119.0,0,0,1,0,0,0 -8501,83.0,113.0,0,0,0,0,1,0 -6762,114.0,122.0,0,0,0,0,1,0 -5923,83.0,133.0,0,0,1,0,0,0 -2155,95.0,140.0,0,0,0,0,1,0 -8799,111.0,118.0,0,0,0,0,1,0 -10702,83.0,112.0,0,0,1,0,0,0 -3715,113.0,133.0,0,0,0,0,1,0 -4057,120.0,124.0,0,0,0,1,0,0 -11760,109.0,111.0,0,0,1,0,0,0 -9987,77.0,145.0,0,0,1,0,0,0 -3622,140.0,140.0,0,0,0,0,1,0 -5648,63.0,140.0,0,0,1,0,0,0 -6931,84.0,131.0,0,0,1,0,0,0 -3102,114.0,135.0,0,0,0,0,1,0 -558,87.0,123.0,0,1,0,0,0,0 -10261,96.0,130.0,0,0,0,0,1,0 -9220,133.0,145.0,0,0,0,0,1,0 -1436,159.0,87.0,0,0,0,0,1,0 -507,110.0,142.0,0,0,1,0,0,0 -5275,162.0,117.0,0,0,0,0,0,1 -4472,88.0,106.0,0,0,0,0,1,0 -1869,115.0,114.0,0,0,0,0,1,0 -5663,100.0,119.0,0,0,0,0,1,0 -6503,91.0,109.0,0,0,1,0,0,0 -5930,115.0,126.0,0,0,1,0,0,0 -8419,164.0,102.0,0,0,0,0,1,0 -755,128.0,127.0,0,0,0,0,1,0 -11036,89.0,137.0,0,0,0,0,1,0 -7911,96.0,115.0,0,0,0,0,0,1 -4050,96.0,130.0,0,0,0,0,1,0 -7671,83.0,114.0,0,0,0,0,1,0 -3836,112.0,119.0,0,0,1,0,0,0 -4386,77.0,100.0,0,0,0,0,1,0 -6800,100.0,128.0,0,0,1,0,0,0 -2118,100.0,113.0,0,0,0,0,1,0 -9279,98.0,119.0,0,0,0,0,1,0 -729,70.0,118.0,0,0,0,0,1,0 -501,118.0,137.0,0,0,0,0,1,0 -9965,116.0,126.0,0,0,1,0,0,0 -643,102.0,133.0,0,0,0,0,1,0 -7255,107.0,102.0,0,0,0,0,1,0 -1539,107.0,106.0,0,0,0,0,1,0 -8552,164.0,107.0,0,0,0,0,1,0 -1211,96.0,125.0,0,0,1,0,0,0 -8889,72.0,106.0,0,0,1,0,0,0 -10977,85.0,133.0,0,0,1,0,0,0 -672,95.0,133.0,0,0,1,0,0,0 -4915,86.0,120.0,0,0,0,0,1,0 -6106,83.0,125.0,0,0,0,0,1,0 -6298,72.0,130.0,0,0,1,0,0,0 -3377,111.0,121.0,0,0,0,0,1,0 -4476,82.0,100.0,0,0,0,0,1,0 -5615,104.0,130.0,0,0,0,0,1,0 -10582,105.0,107.0,0,0,1,0,0,0 -1464,110.0,157.0,0,0,0,0,1,0 -4745,109.0,121.0,0,0,0,0,1,0 -10741,118.0,119.0,0,0,0,0,1,0 -1192,96.0,126.0,0,0,0,0,1,0 -3793,113.0,118.0,0,0,0,0,1,0 -1872,94.0,114.0,0,0,0,0,0,1 -3590,104.0,158.0,0,0,0,1,0,0 -3158,122.0,97.0,0,0,0,0,1,0 -9726,93.0,120.0,0,0,0,0,1,0 -505,95.0,117.0,0,0,0,0,1,0 -243,80.0,126.0,0,0,0,0,1,0 -5678,112.0,122.0,0,0,0,0,1,0 -506,110.0,110.0,0,0,0,0,1,0 -9849,102.0,110.0,0,0,0,0,1,0 -8931,221.0,73.0,0,0,0,0,1,0 -6458,68.0,118.0,0,0,0,0,1,0 -8109,95.0,119.0,0,0,0,0,1,0 -6222,102.0,119.0,0,0,1,0,0,0 -10759,92.0,132.0,0,0,0,0,1,0 -6810,74.0,111.0,0,1,0,0,0,0 -7286,104.0,118.0,0,0,0,0,1,0 -1773,82.0,99.0,0,0,0,0,1,0 -10835,120.0,105.0,0,0,1,0,0,0 -3010,104.0,138.0,0,0,1,0,0,0 -7157,103.0,102.0,0,0,0,0,1,0 -9839,74.0,138.0,0,0,0,0,1,0 -797,74.0,129.0,0,0,1,0,0,0 -3618,120.0,102.0,0,0,0,0,0,1 -2381,77.0,142.0,0,0,0,0,1,0 -2829,87.0,120.0,0,0,0,0,1,0 -8328,94.0,155.0,0,0,1,0,0,0 -11221,88.0,142.0,0,0,0,0,1,0 -10527,112.0,100.0,0,0,0,0,1,0 -4633,69.0,116.0,0,0,0,0,1,0 -312,105.0,110.0,0,0,0,0,1,0 -746,119.0,135.0,0,0,0,0,1,0 -3569,98.0,113.0,0,0,1,0,0,0 -790,197.0,122.0,0,0,0,0,1,0 -2476,109.0,106.0,0,0,0,0,1,0 -6120,167.0,107.0,0,0,1,0,0,0 -8661,64.0,124.0,0,0,0,0,1,0 -11230,74.0,141.0,0,0,0,0,1,0 -2570,102.0,116.0,0,0,0,0,0,1 -5753,125.0,116.0,0,0,0,0,1,0 -7724,108.0,110.0,0,0,0,0,1,0 -10409,97.0,109.0,0,0,0,0,1,0 -5599,60.0,144.0,0,0,0,0,1,0 -7608,77.0,113.0,0,0,0,0,0,1 -4355,78.0,119.0,0,0,0,0,1,0 -2163,96.0,109.0,0,0,1,0,0,0 -8845,100.0,143.0,0,0,0,0,1,0 -8674,80.0,172.0,0,0,1,0,0,0 -380,106.0,122.0,0,0,0,0,1,0 -10959,136.0,148.0,0,0,0,0,1,0 -1292,96.0,122.0,0,0,0,0,1,0 -1912,99.0,140.0,0,0,0,0,1,0 -11529,101.0,108.0,0,0,0,0,1,0 -599,94.0,133.0,0,0,0,0,1,0 -3892,74.0,118.0,0,0,0,0,0,1 -4141,80.0,110.0,0,0,0,0,1,0 -5540,78.0,106.0,0,0,1,0,0,0 -1652,86.0,152.0,0,0,0,0,1,0 -7630,130.0,120.0,0,0,0,0,0,1 -9491,106.0,134.0,0,0,0,0,1,0 -1893,86.0,126.0,0,0,0,0,0,1 -1944,164.0,102.0,0,0,0,0,1,0 -3395,144.0,118.0,0,0,1,0,0,0 -7991,99.0,118.0,0,0,1,0,0,0 -4362,105.0,122.0,0,0,0,0,1,0 -11762,96.0,104.0,0,0,0,1,0,0 -375,115.0,116.0,0,0,0,0,1,0 -1966,81.0,109.0,0,0,0,0,1,0 -3957,100.0,119.0,0,1,0,0,0,0 -10377,90.0,125.0,0,0,0,0,1,0 -10566,100.0,115.0,0,0,0,0,1,0 -4423,162.0,84.0,0,0,1,0,0,0 -5351,110.0,94.0,0,0,1,0,0,0 -5696,56.0,117.0,0,0,1,0,0,0 -1243,162.0,110.0,0,0,0,0,1,0 -7781,98.0,151.0,0,0,0,0,1,0 -9711,118.0,119.0,0,0,0,0,0,1 -6569,77.0,119.0,0,0,0,0,1,0 -7536,94.0,116.0,0,0,1,0,0,0 -7727,112.0,127.0,0,0,0,0,1,0 -1471,160.0,124.0,0,0,0,0,0,1 -3346,70.0,100.0,0,0,0,0,1,0 -4522,82.0,124.0,0,0,0,0,1,0 -2657,91.0,102.0,0,0,1,0,0,0 -2853,76.0,125.0,0,0,1,0,0,0 -4506,88.0,96.0,0,0,0,0,1,0 -11412,80.0,122.0,0,0,0,0,1,0 -10933,99.0,107.0,0,0,1,0,0,0 -11769,73.0,126.0,0,0,0,0,1,0 -4045,140.0,113.0,0,0,0,0,1,0 -4062,122.0,105.0,0,0,0,0,1,0 -5326,90.0,145.0,0,0,0,0,1,0 -7571,120.0,105.0,0,0,0,0,1,0 -9083,77.0,122.0,0,0,1,0,0,0 -9917,92.0,127.0,0,0,1,0,0,0 -4306,100.0,124.0,0,0,0,0,1,0 -5139,78.0,125.0,0,0,0,0,1,0 -7111,108.0,111.0,0,0,0,0,0,1 -9278,120.0,109.0,0,0,1,0,0,0 -10051,109.0,113.0,0,0,0,0,1,0 -3990,103.0,113.0,0,0,1,0,0,0 -1049,109.0,107.0,0,0,0,0,0,1 -3823,105.0,130.0,0,0,0,0,1,0 -8204,80.0,136.0,0,0,0,0,0,1 -9646,76.0,116.0,0,0,1,0,0,0 -2035,72.0,115.0,0,0,0,0,1,0 -4039,80.0,114.0,0,0,1,0,0,0 -11086,101.0,123.0,0,0,0,0,0,1 -7573,80.0,100.0,0,0,1,0,0,0 -11265,70.0,130.0,0,0,0,0,0,1 -1972,110.0,109.0,0,0,1,0,0,0 -6962,100.0,115.0,0,0,0,0,1,0 -2099,87.0,108.0,0,0,0,0,1,0 -1499,62.0,109.0,0,0,0,0,1,0 -5205,99.0,137.0,0,0,1,0,0,0 -3512,75.0,115.0,0,0,0,0,1,0 -8745,106.0,128.0,0,0,0,0,1,0 -8440,86.0,146.0,0,0,0,0,1,0 -652,80.0,113.0,0,0,1,0,0,0 -170,107.0,149.0,0,0,0,0,0,1 -4085,96.0,128.0,0,0,1,0,0,0 -242,80.0,129.0,0,0,1,0,0,0 -11058,147.0,102.0,0,0,0,0,1,0 -5798,92.0,117.0,0,0,0,0,1,0 -10991,111.0,141.0,0,0,0,0,0,1 -4371,180.0,57.0,0,0,1,0,0,0 -1644,79.0,124.0,0,0,0,0,1,0 -5594,112.0,136.0,0,0,1,0,0,0 -2756,74.0,95.0,0,0,0,0,1,0 -7695,168.0,90.0,0,0,0,0,1,0 -11617,112.0,112.0,0,0,1,0,0,0 -9272,101.0,121.0,0,0,1,0,0,0 -9054,82.0,169.0,0,0,0,0,1,0 -7942,115.0,162.0,0,0,0,0,1,0 -5231,109.0,121.0,0,0,0,0,0,1 -2076,132.0,119.0,0,0,0,0,1,0 -4103,93.0,122.0,0,0,1,0,0,0 -11512,121.0,132.0,0,0,0,0,1,0 -3996,99.0,156.0,0,0,0,0,1,0 -4801,64.0,147.0,0,0,0,0,1,0 -5968,143.0,117.0,0,0,0,0,0,1 -7068,80.0,110.0,0,0,0,0,1,0 -7143,74.0,117.0,0,0,0,0,1,0 -7440,91.0,120.0,0,0,0,0,1,0 -10621,88.0,108.0,0,0,0,0,1,0 -8101,120.0,110.0,0,0,0,0,1,0 -11286,89.0,104.0,0,0,1,0,0,0 -9617,99.0,119.0,0,0,0,0,1,0 -7809,78.0,134.0,0,0,0,0,1,0 -5849,138.0,129.0,0,0,1,0,0,0 -7459,99.0,113.0,0,0,1,0,0,0 -6536,109.0,119.0,0,0,0,0,1,0 -10768,140.0,92.0,0,0,1,0,0,0 -4661,84.0,102.0,0,0,0,0,1,0 -4078,87.0,118.0,0,0,1,0,0,0 -6054,80.0,134.0,1,0,0,0,0,0 -10171,93.0,131.0,0,0,0,0,1,0 -5974,112.0,93.0,0,0,0,0,1,0 -640,135.0,109.0,0,0,1,0,0,0 -1270,106.0,124.0,0,0,0,0,0,1 -6685,88.0,129.0,0,0,0,0,1,0 -2778,120.0,120.0,0,0,0,0,1,0 -10657,76.0,117.0,0,0,0,0,1,0 -4932,140.0,101.0,0,0,0,0,1,0 -6060,100.0,121.0,0,0,0,0,1,0 -1985,97.0,123.0,1,0,0,0,0,0 -3861,109.0,140.0,0,0,1,0,0,0 -3480,68.0,112.0,0,0,0,0,1,0 -1534,112.0,122.0,0,0,0,0,1,0 -325,73.0,152.0,0,0,0,0,1,0 -5764,65.0,112.0,0,0,0,0,0,1 -2338,82.0,140.0,0,0,1,0,0,0 -6760,98.0,114.0,0,0,0,0,1,0 -3980,121.0,164.0,0,0,0,0,0,1 -9050,65.0,143.0,0,0,1,0,0,0 -6872,90.0,102.0,0,0,1,0,0,0 -4054,72.0,110.0,0,0,0,0,1,0 -2237,94.0,108.0,0,0,1,0,0,0 -5229,160.0,85.0,0,0,1,0,0,0 -9185,176.0,95.0,0,0,0,0,1,0 -4571,97.0,121.0,0,0,0,0,1,0 -11644,83.0,146.0,0,0,0,0,1,0 -5474,110.0,120.0,0,0,0,0,1,0 -6922,82.0,127.0,0,0,1,0,0,0 -864,72.0,140.0,0,0,0,0,0,1 -8237,82.0,115.0,0,0,0,0,1,0 -4942,138.0,127.0,0,0,0,0,1,0 -8034,87.0,147.0,0,0,0,0,1,0 -6010,120.0,136.0,0,0,1,0,0,0 -7589,110.0,148.0,0,0,1,0,0,0 -371,152.0,181.0,0,0,1,0,0,0 -10676,160.0,112.0,0,0,0,0,1,0 -8095,120.0,126.0,0,0,1,0,0,0 -609,136.0,102.0,0,0,0,0,0,1 -6896,120.0,122.0,0,0,0,0,0,1 -11670,109.0,107.0,0,0,0,0,0,1 -8401,109.0,118.0,0,0,0,0,1,0 -11180,72.0,132.0,0,0,0,0,0,1 -9414,119.0,124.0,0,0,0,0,1,0 -11616,163.0,65.0,0,0,0,0,1,0 -8072,113.0,123.0,0,0,1,0,0,0 -5830,174.0,110.0,0,0,0,0,1,0 -2364,160.0,93.0,0,0,0,0,1,0 -3213,122.0,120.0,0,0,0,0,1,0 -5456,88.0,144.0,0,0,0,0,1,0 -911,95.0,110.0,0,0,0,0,1,0 -10884,139.0,104.0,0,0,0,0,1,0 -10501,149.0,104.0,0,0,0,0,1,0 -3789,100.0,110.0,0,0,0,0,0,1 -8812,77.0,148.0,0,0,1,0,0,0 -10142,96.0,124.0,0,0,0,0,1,0 -5581,85.0,114.0,0,0,0,0,1,0 -6706,90.0,118.0,0,0,1,0,0,0 -8817,136.0,109.0,0,0,1,0,0,0 -9866,81.0,141.0,0,0,0,0,1,0 -5060,85.0,160.0,0,0,1,0,0,0 -1423,84.0,106.0,0,0,0,0,1,0 -11807,68.0,128.0,0,0,0,0,1,0 -479,100.0,98.0,0,0,1,0,0,0 -662,53.0,117.0,0,0,1,0,0,0 -7865,68.0,120.0,0,0,0,0,1,0 -6437,115.0,110.0,0,0,0,0,1,0 -10811,92.0,117.0,0,0,0,0,1,0 -9782,89.0,132.0,0,0,0,0,0,1 -2988,78.0,126.0,0,0,0,0,0,1 -1119,98.0,86.0,0,0,0,0,1,0 -2776,85.0,142.0,0,0,1,0,0,0 -4535,85.0,135.0,0,0,0,0,1,0 -10691,106.0,127.0,0,0,0,0,0,1 -9357,104.0,136.0,0,0,0,0,1,0 -7289,80.0,152.0,0,0,0,0,1,0 -6349,77.0,139.0,0,0,1,0,0,0 -9961,103.0,127.0,0,0,1,0,0,0 -8900,82.0,118.0,0,0,0,0,1,0 -11556,104.0,114.0,0,0,0,0,1,0 -5573,147.0,136.0,0,0,0,0,1,0 -6135,108.0,123.0,0,0,0,0,1,0 -5269,101.0,119.0,0,0,0,0,1,0 -4427,101.0,128.0,0,0,0,0,1,0 -9392,105.0,129.0,0,0,0,0,1,0 -5247,88.0,124.0,0,0,1,0,0,0 -8099,105.0,114.0,0,0,0,0,1,0 -3981,64.0,110.0,0,0,1,0,0,0 -8686,81.0,136.0,0,0,0,0,1,0 -11465,101.0,126.0,0,0,1,0,0,0 -2893,109.0,130.0,1,0,0,0,0,0 -2669,82.0,102.0,0,0,1,0,0,0 -3977,127.0,118.0,0,0,1,0,0,0 -9443,172.0,145.0,0,0,0,0,0,1 -279,120.0,117.0,0,0,1,0,0,0 -9505,72.0,144.0,0,0,0,0,1,0 -8952,101.0,116.0,0,0,0,0,1,0 -9661,107.0,108.0,0,0,0,0,1,0 -9137,88.0,128.0,0,0,0,0,1,0 -5197,111.0,129.0,0,0,0,0,1,0 -4664,76.0,107.0,0,0,1,0,0,0 -1694,112.0,88.0,0,0,0,0,1,0 -10726,122.0,115.0,0,0,1,0,0,0 -5018,99.0,130.0,0,0,1,0,0,0 -6133,92.0,128.0,0,0,0,0,1,0 -3479,72.0,110.0,0,0,0,0,0,1 -5554,80.0,110.0,0,0,1,0,0,0 -4416,133.0,131.0,0,0,0,0,1,0 -11209,80.0,119.0,0,0,1,0,0,0 -4155,92.0,124.0,1,0,0,0,0,0 -4883,91.0,128.0,0,0,0,0,1,0 -5807,122.0,123.0,0,0,0,0,1,0 -3809,97.0,108.0,0,0,0,0,1,0 -11801,140.0,109.0,0,0,0,0,1,0 -10373,130.0,109.0,0,0,0,0,1,0 -9604,149.0,111.0,0,0,0,0,1,0 -4296,81.0,103.0,0,0,0,0,1,0 -9332,117.0,149.0,0,0,0,0,0,1 -4683,122.0,91.0,0,0,1,0,0,0 -11278,158.0,99.0,0,0,0,0,0,1 -8634,68.0,141.0,0,0,1,0,0,0 -7066,144.0,91.0,0,0,0,0,0,1 -5593,119.0,89.0,0,0,1,0,0,0 -2209,156.0,50.0,0,1,0,0,0,0 -9498,60.0,116.0,0,0,1,0,0,0 -8708,80.0,105.0,0,0,0,0,0,1 -5402,74.0,122.0,0,0,1,0,0,0 -8021,100.0,121.0,0,0,1,0,0,0 -4563,90.0,117.0,0,0,0,0,1,0 -184,89.0,126.0,0,0,0,0,1,0 -11423,131.0,133.0,0,0,1,0,0,0 -7067,71.0,117.0,0,0,0,0,0,1 -4516,69.0,124.0,0,0,0,0,1,0 -2350,132.0,109.0,0,0,1,0,0,0 -553,142.0,94.0,0,0,0,0,1,0 -1397,89.0,124.0,0,0,0,0,1,0 -1384,94.0,132.0,0,0,0,0,0,1 -6921,116.0,121.0,0,0,1,0,0,0 -7383,145.0,110.0,0,0,1,0,0,0 -5856,150.0,102.0,0,0,0,0,0,1 -4903,98.0,100.0,0,0,1,0,0,0 -297,80.0,138.0,0,0,1,0,0,0 -443,114.0,110.0,0,0,1,0,0,0 -10588,68.0,121.0,0,0,0,0,1,0 -5215,52.0,148.0,0,0,1,0,0,0 -9341,146.0,114.0,0,0,0,0,1,0 -8821,140.0,140.0,0,0,0,0,1,0 -2077,57.0,114.0,0,0,0,0,0,1 -6017,114.0,125.0,0,0,1,0,0,0 -4751,85.0,110.0,0,0,0,0,1,0 -9623,68.0,112.0,0,0,1,0,0,0 -2229,78.0,107.0,0,0,0,0,1,0 -2842,97.0,134.0,0,0,0,0,1,0 -2537,112.0,154.0,0,0,0,0,1,0 -194,110.0,119.0,0,0,0,0,1,0 -10166,107.0,119.0,0,0,0,0,0,1 -7244,78.0,92.0,0,0,1,0,0,0 -817,76.0,116.0,0,0,1,0,0,0 -3367,74.0,130.0,0,0,1,0,0,0 -11785,133.0,86.0,0,0,1,0,0,0 -2578,88.0,130.0,0,0,1,0,0,0 -1131,93.0,147.0,0,0,0,0,1,0 -11454,80.0,144.0,0,0,0,0,0,1 -5505,175.0,107.0,0,0,0,0,1,0 -10310,64.0,108.0,0,0,0,0,1,0 -7030,72.0,116.0,0,0,0,0,1,0 -9314,114.0,116.0,0,0,1,0,0,0 -320,112.0,172.0,0,0,1,0,0,0 -1371,85.0,139.0,0,0,1,0,0,0 -4042,72.0,102.0,0,0,0,0,1,0 -6719,66.0,114.0,0,0,0,0,1,0 -7507,157.0,109.0,0,0,0,0,0,1 -907,75.0,127.0,0,0,0,0,1,0 -305,101.0,102.0,0,0,0,0,1,0 -3950,106.0,137.0,0,0,1,0,0,0 -5529,72.0,116.0,0,0,1,0,0,0 -6877,90.0,148.0,0,0,0,0,1,0 -11290,89.0,113.0,0,0,0,0,1,0 -10317,118.0,135.0,0,0,0,0,1,0 -7259,84.0,133.0,0,0,0,0,1,0 -9079,120.0,116.0,0,0,1,0,0,0 -8515,100.0,115.0,0,0,0,0,1,0 -10114,104.0,118.0,0,0,0,0,1,0 -926,65.0,134.0,0,0,1,0,0,0 -244,117.0,100.0,0,0,0,0,1,0 -15,89.0,108.0,0,0,0,0,0,1 -143,80.0,149.0,0,0,0,0,1,0 -5983,100.0,121.0,0,0,1,0,0,0 -2363,110.0,143.0,0,0,0,0,1,0 -8839,91.0,141.0,0,0,1,0,0,0 -129,101.0,127.0,0,0,1,0,0,0 -1161,156.0,119.0,0,0,0,0,1,0 -10654,100.0,88.0,0,0,0,0,1,0 -11792,96.0,150.0,0,0,0,0,1,0 -7965,68.0,133.0,0,0,0,0,1,0 -9922,88.0,170.0,0,0,1,0,0,0 -7525,146.0,138.0,0,0,0,0,1,0 -7349,99.0,113.0,0,0,0,0,1,0 -5458,100.0,159.0,0,0,1,0,0,0 -6923,85.0,125.0,0,0,0,0,0,1 -5308,102.0,113.0,0,0,0,0,1,0 -1876,120.0,99.0,0,0,0,0,1,0 -2488,92.0,115.0,0,0,0,0,1,0 -10121,146.0,140.0,0,0,1,0,0,0 -4479,74.0,96.0,0,0,0,0,1,0 -1182,60.0,114.0,0,0,0,0,1,0 -2525,102.0,108.0,0,0,0,0,1,0 -7821,82.0,152.0,0,0,1,0,0,0 -1170,98.0,118.0,0,0,0,0,1,0 -10463,62.0,136.0,0,0,1,0,0,0 -2182,170.0,130.0,0,0,0,0,0,1 -11493,105.0,127.0,0,0,0,0,1,0 -9557,124.0,145.0,0,0,0,0,1,0 -9613,85.0,118.0,0,0,0,0,1,0 -10881,185.0,106.0,0,0,0,0,1,0 -3371,111.0,136.0,0,0,0,0,1,0 -11507,84.0,119.0,0,0,0,0,1,0 -1859,110.0,94.0,0,0,0,0,1,0 -7087,96.0,111.0,0,0,0,0,1,0 -6965,112.0,111.0,0,0,0,0,1,0 -7741,144.0,137.0,0,0,1,0,0,0 -1878,126.0,110.0,0,0,0,0,1,0 -7092,80.0,110.0,0,0,1,0,0,0 -3588,93.0,134.0,0,0,0,0,1,0 -8197,167.0,115.0,0,0,0,0,0,1 -3121,97.0,148.0,0,0,0,0,1,0 -387,140.0,90.0,0,0,0,0,1,0 -1311,90.0,117.0,0,0,0,0,1,0 -1032,95.0,119.0,0,0,0,0,1,0 -9639,74.0,125.0,0,0,1,0,0,0 -6584,159.0,118.0,0,0,0,0,1,0 -7910,85.0,130.0,0,0,0,0,0,1 -6382,64.0,133.0,0,0,0,0,1,0 -9431,112.0,130.0,0,0,1,0,0,0 -7493,132.0,100.0,0,0,0,0,1,0 -4936,112.0,120.0,0,0,0,0,1,0 -931,143.0,102.0,0,0,0,0,1,0 -7219,92.0,119.0,1,0,0,0,0,0 -4019,100.0,115.0,0,0,1,0,0,0 -691,115.0,119.0,0,0,1,0,0,0 -7881,90.0,140.0,0,0,0,0,1,0 -5987,102.0,124.0,0,0,0,0,1,0 -6364,80.0,113.0,0,0,1,0,0,0 -1909,115.0,127.0,0,0,0,0,1,0 -829,118.0,106.0,0,0,0,0,1,0 -3498,100.0,145.0,0,0,0,0,0,1 -2081,119.0,132.0,0,0,1,0,0,0 -10725,94.0,136.0,0,0,0,0,1,0 -11368,112.0,118.0,0,0,0,0,0,1 -44,153.0,109.0,0,0,1,0,0,0 -3939,106.0,116.0,0,0,1,0,0,0 -7682,102.0,123.0,0,0,0,0,1,0 -8672,78.0,109.0,0,0,0,0,1,0 -4319,92.0,98.0,0,0,0,0,1,0 -2965,78.0,129.0,0,0,0,0,1,0 -3969,69.0,118.0,0,0,1,0,0,0 -1187,134.0,131.0,0,0,1,0,0,0 -10779,125.0,99.0,0,0,1,0,0,0 -8022,117.0,129.0,0,0,0,0,1,0 -9136,88.0,106.0,0,0,1,0,0,0 -9232,107.0,122.0,0,0,0,0,1,0 -284,76.0,113.0,0,0,0,0,1,0 -10764,99.0,119.0,0,0,0,0,1,0 -6308,135.0,89.0,0,0,1,0,0,0 -4159,94.0,123.0,0,0,0,0,0,1 -3092,116.0,144.0,0,0,0,0,1,0 -9426,124.0,113.0,0,0,1,0,0,0 -4556,56.0,104.0,0,0,1,0,0,0 -5555,95.0,123.0,0,0,1,0,0,0 -6682,62.0,141.0,0,0,0,0,1,0 -4323,107.0,112.0,0,0,0,0,1,0 -8026,88.0,117.0,0,0,1,0,0,0 -7775,80.0,124.0,0,0,1,0,0,0 -3364,75.0,145.0,0,0,0,0,1,0 -1404,92.0,148.0,0,0,0,0,1,0 -3195,104.0,130.0,0,1,0,0,0,0 -8263,104.0,174.0,0,0,0,0,1,0 -7488,86.0,153.0,0,0,0,0,1,0 -969,100.0,124.0,0,0,0,0,1,0 -9780,113.0,108.0,0,0,0,0,1,0 -6543,119.0,119.0,0,0,0,0,1,0 -3734,124.0,123.0,0,0,0,0,0,1 -925,122.0,115.0,0,0,1,0,0,0 -11436,97.0,99.0,0,0,0,0,0,1 -8748,115.0,134.0,0,0,1,0,0,0 -4725,84.0,89.0,0,0,0,0,0,1 -2843,88.0,148.0,0,0,1,0,0,0 -2851,101.0,128.0,0,0,0,0,1,0 -9927,83.0,125.0,0,0,0,0,1,0 -7562,108.0,108.0,0,0,1,0,0,0 -5956,95.0,117.0,0,0,0,0,0,1 -519,108.0,120.0,0,0,0,0,0,1 -10673,95.0,133.0,0,0,1,0,0,0 -9621,111.0,170.0,0,0,1,0,0,0 -4471,78.0,120.0,0,0,0,0,1,0 -7514,124.0,105.0,0,0,0,0,1,0 -4348,120.0,111.0,0,0,0,0,1,0 -11416,78.0,137.0,0,0,0,0,1,0 -9677,136.0,114.0,0,0,0,0,1,0 -3626,106.0,135.0,0,0,0,0,1,0 -1789,166.0,88.0,0,0,1,0,0,0 -9972,72.0,152.0,0,0,1,0,0,0 -2059,87.0,104.0,0,0,0,0,1,0 -9099,107.0,110.0,0,0,0,0,0,1 -11707,96.0,118.0,0,0,0,0,1,0 -4013,89.0,117.0,0,0,1,0,0,0 -6006,126.0,86.0,0,0,0,0,1,0 -1902,112.0,121.0,0,0,1,0,0,0 -6215,110.0,114.0,0,0,1,0,0,0 -4686,137.0,117.0,0,1,0,0,0,0 -8129,133.0,101.0,0,0,0,0,0,1 -4922,91.0,114.0,0,0,0,0,1,0 -7625,108.0,145.0,0,0,1,0,0,0 -7626,94.0,159.0,0,0,0,0,1,0 -10240,147.0,94.0,0,0,0,0,1,0 -75,102.0,131.0,0,0,0,0,0,1 -2345,140.0,117.0,0,0,0,0,1,0 -6447,107.0,117.0,0,0,0,0,1,0 -8455,114.0,127.0,0,0,1,0,0,0 -430,98.0,96.0,0,0,0,0,1,0 -4586,84.0,121.0,0,0,0,0,0,1 -5483,78.0,114.0,0,0,0,0,1,0 -7204,93.0,112.0,0,0,1,0,0,0 -6405,97.0,123.0,0,0,0,0,1,0 -10076,96.0,128.0,0,0,1,0,0,0 -6861,76.0,138.0,0,0,1,0,0,0 -9826,67.0,116.0,0,0,1,0,0,0 -9237,104.0,127.0,0,0,0,0,0,1 -1553,110.0,120.0,0,0,1,0,0,0 -5874,80.0,116.0,0,0,1,0,0,0 -240,87.0,145.0,0,0,0,0,1,0 -783,82.0,126.0,0,0,1,0,0,0 -10017,96.0,120.0,0,0,1,0,0,0 -3066,93.0,113.0,0,0,1,0,0,0 -11745,80.0,133.0,0,0,1,0,0,0 -977,146.0,90.0,0,0,0,0,0,1 -4905,96.0,112.0,0,0,1,0,0,0 -6264,82.0,124.0,0,0,0,0,1,0 -9029,84.0,136.0,0,0,0,0,1,0 -5695,105.0,105.0,1,0,0,0,0,0 -2941,132.0,155.0,0,0,0,0,1,0 -6906,123.0,143.0,0,0,0,0,0,1 -7845,77.0,123.0,0,0,0,0,1,0 -7018,107.0,120.0,0,0,0,0,1,0 -10896,83.0,113.0,0,0,0,0,0,1 -7905,92.0,138.0,0,0,1,0,0,0 -9713,120.0,135.0,0,0,0,0,1,0 -1620,82.0,131.0,0,0,1,0,0,0 -5642,101.0,154.0,0,0,0,0,1,0 -12033,84.0,105.0,0,0,0,0,1,0 -2146,100.0,128.0,0,0,0,0,1,0 -1801,92.0,101.0,0,0,1,0,0,0 -2095,100.0,125.0,0,1,0,0,0,0 -8864,74.0,124.0,0,0,1,0,0,0 -8855,75.0,135.0,0,0,0,0,1,0 -1357,69.0,109.0,0,0,0,0,1,0 -9773,72.0,110.0,0,0,0,0,1,0 -8893,120.0,119.0,0,0,0,0,1,0 -10065,118.0,147.0,0,0,1,0,0,0 -9620,91.0,153.0,0,0,0,0,1,0 -7977,84.0,99.0,0,0,1,0,0,0 -3565,88.0,114.0,0,0,0,0,1,0 -11954,201.0,126.0,0,0,0,0,0,1 -10565,82.0,133.0,0,0,1,0,0,0 -8807,88.0,110.0,0,0,0,0,1,0 -1609,82.0,120.0,0,0,0,0,1,0 -3096,97.0,93.0,0,0,0,0,1,0 -10834,105.0,138.0,0,0,1,0,0,0 -2415,108.0,120.0,0,1,0,0,0,0 -2017,103.0,103.0,0,0,1,0,0,0 -2971,98.0,147.0,0,0,0,0,0,1 -6424,105.0,110.0,0,0,0,0,0,1 -4125,110.0,113.0,0,0,0,0,1,0 -5846,98.0,131.0,0,0,0,0,1,0 -5375,96.0,131.0,0,0,0,0,1,0 -11802,65.0,135.0,0,0,1,0,0,0 -11544,104.0,92.0,0,0,0,0,1,0 -3246,180.0,132.0,0,0,0,0,1,0 -124,61.0,108.0,0,0,0,0,1,0 -1106,100.0,104.0,0,0,1,0,0,0 -11244,180.0,102.0,0,0,0,0,1,0 -7753,120.0,120.0,0,0,0,0,1,0 -840,78.0,120.0,0,0,0,0,1,0 -6394,105.0,125.0,0,0,0,0,1,0 -9481,117.0,132.0,0,0,1,0,0,0 -5649,100.0,111.0,0,0,0,0,1,0 -11020,100.0,142.0,0,0,0,0,1,0 -3341,118.0,120.0,0,0,0,0,1,0 -598,82.0,125.0,0,0,1,0,0,0 -2123,180.0,119.0,0,0,0,0,0,1 -5512,92.0,123.0,0,0,1,0,0,0 -8446,68.0,112.0,0,0,0,0,1,0 -9475,148.0,181.0,0,0,0,0,1,0 -8630,96.0,136.0,0,0,1,0,0,0 -9997,109.0,111.0,0,0,0,0,1,0 -12032,84.0,119.0,0,0,0,0,1,0 -5999,110.0,130.0,0,1,0,0,0,0 -2197,70.0,149.0,0,0,0,0,1,0 -4051,127.0,145.0,0,0,0,0,1,0 -1216,86.0,109.0,0,0,0,0,1,0 -3362,103.0,122.0,0,0,0,0,1,0 -2501,92.0,126.0,0,0,0,0,1,0 -725,60.0,148.0,0,0,1,0,0,0 -7189,74.0,100.0,0,0,0,0,1,0 -978,77.0,141.0,0,0,1,0,0,0 -808,86.0,119.0,0,0,1,0,0,0 -11821,81.0,118.0,0,0,0,0,1,0 -1475,72.0,148.0,0,0,0,0,1,0 -9044,80.0,126.0,0,0,1,0,0,0 -6856,105.0,142.0,0,0,0,0,0,1 -8066,84.0,97.0,0,0,1,0,0,0 -4906,110.0,107.0,0,0,0,0,1,0 -8425,88.0,140.0,0,0,1,0,0,0 -10870,101.0,148.0,0,0,0,0,1,0 -4930,72.0,137.0,0,0,0,0,1,0 -4542,100.0,119.0,0,0,1,0,0,0 -3962,145.0,94.0,0,0,0,0,1,0 -11373,60.0,137.0,0,0,0,0,0,1 -2671,97.0,129.0,0,0,0,0,1,0 -9148,106.0,150.0,0,0,0,0,1,0 -1235,108.0,113.0,0,0,1,0,0,0 -1225,89.0,99.0,0,0,1,0,0,0 -1764,86.0,129.0,0,0,0,0,1,0 -8626,80.0,121.0,0,0,1,0,0,0 -7735,94.0,111.0,0,0,0,0,1,0 -7013,84.0,106.0,0,0,1,0,0,0 -7592,107.0,128.0,0,0,1,0,0,0 -8762,68.0,116.0,0,0,0,0,1,0 -3217,96.0,90.0,0,0,0,0,1,0 -5737,106.0,114.0,0,0,1,0,0,0 -287,111.0,115.0,0,0,1,0,0,0 -7318,101.0,100.0,0,0,1,0,0,0 -2966,78.0,139.0,0,0,0,0,1,0 -3164,115.0,109.0,0,0,0,0,1,0 -10085,160.0,86.0,0,0,1,0,0,0 -8059,120.0,133.0,0,0,0,0,1,0 -10701,87.0,107.0,0,0,0,0,1,0 -1657,186.0,102.0,0,0,0,0,1,0 -1975,94.0,128.0,0,0,0,0,1,0 -2397,80.0,120.0,0,0,0,0,1,0 -452,76.0,123.0,0,0,0,0,1,0 -2710,90.0,119.0,0,0,0,0,1,0 -11025,78.0,161.0,0,0,0,0,1,0 -6946,131.0,143.0,0,0,1,0,0,0 -3681,112.0,143.0,0,0,0,0,1,0 -6715,110.0,119.0,0,0,0,0,1,0 -422,89.0,150.0,0,0,0,0,1,0 -8489,90.0,131.0,0,0,0,0,1,0 -5316,106.0,109.0,0,0,0,0,1,0 -657,90.0,123.0,0,0,0,1,0,0 -3301,116.0,108.0,0,0,1,0,0,0 -8688,96.0,88.0,0,1,0,0,0,0 -2845,76.0,124.0,0,0,1,0,0,0 -4066,136.0,118.0,1,0,0,0,0,0 -9436,74.0,133.0,0,0,1,0,0,0 -5244,84.0,114.0,0,0,1,0,0,0 -1001,88.0,121.0,0,0,1,0,0,0 -4198,46.0,116.0,0,0,0,0,1,0 -2418,159.0,118.0,0,0,1,0,0,0 -875,78.0,109.0,1,0,0,0,0,0 -7722,97.0,111.0,0,0,1,0,0,0 -6726,108.0,118.0,0,0,1,0,0,0 -3847,73.0,113.0,0,0,0,0,1,0 -961,107.0,119.0,0,0,0,0,0,1 -1580,82.0,104.0,0,0,1,0,0,0 -8029,69.0,101.0,0,0,0,0,1,0 -8171,160.0,74.0,0,0,0,0,0,1 -2206,102.0,120.0,0,0,0,0,1,0 -4266,128.0,82.0,0,0,1,0,0,0 -8412,78.0,120.0,0,0,0,0,1,0 -11945,87.0,152.0,0,0,1,0,0,0 -4231,104.0,158.0,0,0,0,0,1,0 -757,156.0,117.0,0,0,0,0,1,0 -4866,80.0,120.0,0,0,0,0,0,1 -5406,86.0,122.0,0,0,0,0,1,0 -5313,70.0,124.0,0,0,0,0,1,0 -2284,105.0,140.0,0,0,0,0,1,0 -8908,97.0,108.0,0,0,1,0,0,0 -6934,88.0,142.0,0,0,0,0,1,0 -5507,88.0,131.0,0,0,0,0,1,0 -5309,97.0,117.0,0,0,0,0,0,1 -9198,97.0,105.0,0,0,0,0,0,1 -4827,90.0,147.0,0,0,0,0,1,0 -7524,120.0,118.0,0,0,1,0,0,0 -7366,127.0,66.0,0,0,0,0,1,0 -807,80.0,122.0,0,0,0,0,0,1 -3907,100.0,157.0,0,0,0,0,1,0 -6141,111.0,124.0,0,0,0,0,0,1 -11986,90.0,140.0,0,0,0,0,1,0 -9574,96.0,128.0,0,0,0,0,1,0 -1956,98.0,115.0,0,0,0,0,1,0 -2445,108.0,124.0,0,0,1,0,0,0 -8383,91.0,103.0,0,0,0,0,1,0 -10878,80.0,101.0,0,0,0,0,1,0 -8550,106.0,115.0,0,0,0,0,1,0 -10614,120.0,109.0,0,0,0,0,1,0 -2402,92.0,135.0,0,0,0,0,1,0 -8679,82.0,151.0,0,0,0,0,1,0 -1073,50.0,133.0,0,0,0,0,1,0 -10402,74.0,119.0,0,0,1,0,0,0 -3398,81.0,144.0,0,0,1,0,0,0 -4240,130.0,94.0,0,0,0,0,1,0 -6524,77.0,119.0,0,0,1,0,0,0 -5436,115.0,111.0,0,0,1,0,0,0 -7639,52.0,133.0,0,0,1,0,0,0 -10238,134.0,146.0,0,0,1,0,0,0 -2091,98.0,120.0,0,0,0,0,1,0 -4527,100.0,110.0,0,0,1,0,0,0 -12036,103.0,120.0,0,0,0,0,0,1 -1698,82.0,110.0,0,0,0,0,1,0 -8995,163.0,117.0,0,0,0,0,1,0 -10100,149.0,128.0,0,0,0,0,1,0 -9387,120.0,105.0,0,0,1,0,0,0 -11069,95.0,135.0,0,0,1,0,0,0 -9027,105.0,132.0,0,0,0,0,1,0 -1003,72.0,129.0,0,0,1,0,0,0 -10947,99.0,109.0,0,0,0,0,1,0 -10023,124.0,110.0,0,0,0,0,1,0 -7752,102.0,118.0,0,0,1,0,0,0 -4651,100.0,120.0,0,0,0,0,1,0 -10069,111.0,138.0,0,0,0,0,0,1 -10021,74.0,125.0,0,0,0,0,1,0 -6156,165.0,106.0,0,0,0,0,0,1 -1485,117.0,130.0,0,0,0,0,1,0 -11110,121.0,113.0,0,0,1,0,0,0 -5368,104.0,109.0,0,0,0,0,1,0 -1411,100.0,113.0,0,0,0,0,1,0 -6289,120.0,97.0,0,0,1,0,0,0 -11358,186.0,92.0,0,0,0,0,1,0 -10930,106.0,105.0,0,0,0,0,0,1 -7839,109.0,114.0,0,0,1,0,0,0 -709,74.0,120.0,0,0,0,0,1,0 -7181,160.0,119.0,0,0,0,0,0,1 -3603,120.0,120.0,0,0,0,0,1,0 -985,78.0,98.0,0,0,0,0,1,0 -3076,87.0,124.0,0,0,0,0,1,0 -6169,95.0,119.0,0,0,1,0,0,0 -9239,80.0,126.0,0,0,0,0,1,0 -10604,87.0,125.0,0,0,0,0,1,0 -6713,120.0,126.0,0,0,0,0,1,0 -5077,136.0,119.0,0,0,0,0,1,0 -4101,90.0,92.0,0,0,0,0,1,0 -7458,88.0,108.0,0,0,1,0,0,0 -2722,88.0,117.0,0,0,0,0,1,0 -11271,96.0,94.0,0,0,0,0,1,0 -1268,108.0,121.0,0,0,0,0,1,0 -2462,86.0,120.0,0,0,0,0,1,0 -7972,110.0,110.0,0,0,1,0,0,0 -268,110.0,146.0,0,0,0,0,1,0 -3580,138.0,104.0,0,0,0,0,1,0 -4750,86.0,119.0,0,0,0,0,1,0 -10349,65.0,145.0,0,0,0,0,1,0 -7202,89.0,144.0,0,0,1,0,0,0 -8106,146.0,111.0,0,0,0,0,1,0 -9628,60.0,118.0,0,0,0,0,1,0 -11466,91.0,97.0,0,0,1,0,0,0 -2821,148.0,121.0,0,0,0,0,0,1 -7932,88.0,110.0,0,0,1,0,0,0 -589,113.0,108.0,0,0,0,0,1,0 -11044,93.0,99.0,0,0,0,0,1,0 -10814,104.0,139.0,0,0,0,0,1,0 -10481,71.0,129.0,0,0,1,0,0,0 -656,105.0,140.0,0,0,0,0,1,0 -9772,82.0,115.0,0,0,1,0,0,0 -9532,103.0,140.0,0,0,0,0,1,0 -2037,98.0,120.0,0,0,0,0,1,0 -10624,102.0,149.0,0,0,0,0,0,1 -8718,122.0,116.0,0,0,0,0,0,1 -3758,84.0,123.0,0,0,1,0,0,0 -6845,81.0,136.0,0,0,0,0,1,0 -6151,145.0,125.0,0,0,0,0,0,1 -8608,136.0,116.0,0,0,0,0,1,0 -2028,158.0,110.0,0,0,0,0,1,0 -9728,110.0,119.0,0,0,0,0,0,1 -677,68.0,120.0,0,0,1,0,0,0 -8287,87.0,152.0,0,0,0,0,1,0 -1232,107.0,136.0,0,0,1,0,0,0 -5454,102.0,108.0,0,0,1,0,0,0 -9432,62.0,124.0,0,0,0,0,1,0 -9480,113.0,140.0,0,0,0,0,1,0 -7612,120.0,121.0,0,0,0,0,1,0 -11687,92.0,134.0,0,0,0,0,1,0 -4856,80.0,127.0,0,0,0,0,1,0 -9242,76.0,141.0,0,0,0,0,0,1 -2432,98.0,118.0,0,0,0,0,1,0 -11035,119.0,141.0,0,0,1,0,0,0 -8536,60.0,106.0,0,0,1,0,0,0 -4647,112.0,124.0,0,0,0,0,0,1 -9053,128.0,129.0,0,0,0,0,0,1 -7369,123.0,123.0,0,0,0,0,1,0 -896,93.0,100.0,0,0,0,0,0,1 -1611,88.0,107.0,0,0,0,0,1,0 -1587,104.0,102.0,1,0,0,0,0,0 -6686,119.0,114.0,0,0,0,0,1,0 -7136,86.0,146.0,0,0,1,0,0,0 -8039,130.0,116.0,0,0,1,0,0,0 -1719,96.0,147.0,0,0,1,0,0,0 -7310,78.0,124.0,0,0,1,0,0,0 -9497,117.0,110.0,0,0,0,0,0,1 -3806,140.0,107.0,0,0,0,0,1,0 -9193,114.0,116.0,0,0,0,0,1,0 -8079,156.0,97.0,0,0,1,0,0,0 -4701,129.0,120.0,0,0,0,0,1,0 -3961,174.0,86.0,0,0,0,0,0,1 -10097,80.0,129.0,0,0,0,0,1,0 -5557,126.0,94.0,0,0,0,0,1,0 -5564,120.0,108.0,0,0,0,0,1,0 -9351,111.0,111.0,0,0,0,0,1,0 -10186,94.0,150.0,0,0,1,0,0,0 -6087,82.0,119.0,0,0,0,0,1,0 -890,104.0,106.0,0,0,0,0,1,0 -9937,100.0,127.0,0,0,0,0,1,0 -10838,112.0,119.0,0,0,1,0,0,0 -4006,92.0,119.0,0,0,1,0,0,0 -4939,100.0,122.0,0,0,1,0,0,0 -9558,90.0,112.0,0,0,0,0,1,0 -7499,94.0,119.0,1,0,0,0,0,0 -5898,78.0,137.0,0,0,0,0,0,1 -6173,131.0,133.0,0,0,0,0,1,0 -9379,128.0,109.0,0,0,0,0,1,0 -5819,106.0,116.0,0,0,0,0,1,0 -8997,91.0,112.0,0,0,1,0,0,0 -8290,86.0,115.0,0,0,0,0,1,0 -2799,56.0,115.0,0,0,0,0,1,0 -10832,113.0,118.0,0,1,0,0,0,0 -584,91.0,142.0,0,0,0,0,0,1 -3268,69.0,127.0,0,0,0,0,1,0 -3932,72.0,126.0,0,0,0,0,1,0 -4965,72.0,127.0,0,0,1,0,0,0 -1260,148.0,97.0,0,0,0,0,1,0 -8426,72.0,117.0,0,0,0,0,1,0 -6199,143.0,131.0,0,0,1,0,0,0 -6692,86.0,102.0,0,0,0,0,1,0 -310,103.0,131.0,0,0,0,0,1,0 -1716,90.0,121.0,0,0,0,0,1,0 -11620,83.0,139.0,0,0,0,0,1,0 -6009,72.0,128.0,0,0,0,0,1,0 -2052,110.0,103.0,0,0,1,0,0,0 -8388,57.0,136.0,0,0,0,0,0,1 -4668,98.0,105.0,0,0,1,0,0,0 -4298,80.0,116.0,0,0,1,0,0,0 -6646,153.0,60.0,0,0,0,0,1,0 -3783,89.0,132.0,0,0,0,0,1,0 -1008,160.0,138.0,0,0,0,0,1,0 -10398,78.0,111.0,0,0,0,0,0,1 -2185,88.0,120.0,0,0,0,0,1,0 -3623,107.0,121.0,0,0,0,0,0,1 -11783,94.0,137.0,0,0,0,0,0,1 -7176,110.0,140.0,0,0,1,0,0,0 -11650,74.0,111.0,0,0,0,0,1,0 -11948,72.0,121.0,0,0,1,0,0,0 -10499,92.0,135.0,0,0,1,0,0,0 -4834,100.0,108.0,0,0,0,0,1,0 -4059,94.0,97.0,0,0,0,0,0,1 -4756,94.0,146.0,0,0,0,0,1,0 -7403,92.0,117.0,0,0,0,0,1,0 -90,105.0,128.0,0,0,1,0,0,0 -1987,222.0,106.0,0,0,0,0,1,0 -470,100.0,117.0,0,0,0,0,0,1 -1326,90.0,151.0,0,0,0,0,1,0 -8167,121.0,105.0,0,0,0,0,1,0 -9679,79.0,152.0,0,0,0,0,1,0 -2117,96.0,121.0,0,0,0,0,1,0 -2937,108.0,127.0,0,0,1,0,0,0 -888,91.0,123.0,0,0,1,0,0,0 -983,102.0,97.0,0,0,0,0,1,0 -6932,136.0,145.0,0,0,1,0,0,0 -9103,70.0,135.0,0,0,0,0,0,1 -7757,150.0,102.0,0,0,0,0,1,0 -10354,68.0,140.0,0,0,0,0,1,0 -2925,92.0,142.0,0,0,0,0,1,0 -7855,114.0,156.0,0,0,1,0,0,0 -3214,82.0,104.0,0,0,0,0,1,0 -5884,146.0,103.0,0,1,0,0,0,0 -2341,110.0,103.0,0,1,0,0,0,0 -8655,105.0,125.0,0,0,0,0,1,0 -8015,63.0,122.0,0,0,1,0,0,0 -9147,113.0,144.0,0,0,0,0,1,0 -8660,126.0,124.0,0,0,1,0,0,0 -9507,95.0,125.0,0,0,0,0,1,0 -10875,121.0,93.0,0,0,0,0,1,0 -627,69.0,116.0,0,0,0,0,1,0 -11844,78.0,126.0,0,0,1,0,0,0 -4947,116.0,117.0,0,0,0,0,1,0 -5080,117.0,119.0,0,0,1,0,0,0 -4244,125.0,116.0,0,0,1,0,0,0 -7474,110.0,148.0,0,0,1,0,0,0 -4765,121.0,107.0,0,0,0,0,1,0 -1601,163.0,82.0,0,0,0,0,1,0 -11560,85.0,106.0,0,0,0,0,1,0 -1269,78.0,87.0,0,0,0,0,1,0 -128,140.0,119.0,0,0,0,0,1,0 -9629,109.0,135.0,0,0,1,0,0,0 -8730,112.0,106.0,0,0,0,0,1,0 -1711,110.0,161.0,0,0,1,0,0,0 -4182,74.0,110.0,0,1,0,0,0,0 -8758,100.0,125.0,0,0,1,0,0,0 -4235,100.0,115.0,0,0,1,0,0,0 -6995,170.0,94.0,0,0,1,0,0,0 -7578,82.0,118.0,0,0,0,0,1,0 -2398,156.0,116.0,0,0,0,0,1,0 -10772,89.0,96.0,0,0,0,0,1,0 -8871,116.0,99.0,0,0,0,0,0,1 -8886,94.0,108.0,0,0,0,0,1,0 -8493,111.0,92.0,0,1,0,0,0,0 -10135,72.0,112.0,0,0,1,0,0,0 -1186,102.0,122.0,0,0,0,0,1,0 -8470,106.0,120.0,0,0,0,0,0,1 -11790,93.0,144.0,0,0,0,0,1,0 -11701,72.0,108.0,0,0,1,0,0,0 -1977,165.0,112.0,0,0,0,0,1,0 -5314,113.0,155.0,0,0,1,0,0,0 -11906,80.0,140.0,0,0,0,0,1,0 -4247,104.0,119.0,0,0,1,0,0,0 -9541,107.0,116.0,0,0,0,0,0,1 -915,85.0,124.0,0,0,1,0,0,0 -1305,92.0,127.0,0,0,0,0,1,0 -7953,90.0,112.0,0,0,0,0,1,0 -3049,123.0,106.0,0,0,1,0,0,0 -11173,82.0,120.0,0,0,0,0,0,1 -6653,100.0,108.0,0,0,0,0,1,0 -11463,107.0,120.0,0,0,0,0,1,0 -1273,67.0,110.0,0,0,0,0,1,0 -5698,130.0,118.0,0,0,1,0,0,0 -6945,96.0,96.0,0,0,0,0,1,0 -9767,84.0,107.0,0,0,1,0,0,0 -2796,81.0,127.0,0,0,1,0,0,0 -6797,56.0,122.0,0,0,1,0,0,0 -1398,160.0,115.0,0,0,0,0,1,0 -6615,88.0,114.0,0,0,1,0,0,0 -3358,108.0,150.0,0,0,0,0,1,0 -183,58.0,148.0,0,0,0,0,0,1 -7370,118.0,131.0,0,0,0,0,1,0 -4462,92.0,119.0,0,0,0,0,1,0 -8735,108.0,136.0,0,0,0,0,1,0 -9468,90.0,144.0,0,0,0,0,1,0 -3563,162.0,51.0,0,0,1,0,0,0 -9123,100.0,118.0,0,0,0,0,1,0 -11183,107.0,134.0,0,0,1,0,0,0 -6513,114.0,110.0,0,0,0,0,1,0 -4567,65.0,122.0,0,0,1,0,0,0 -9230,79.0,120.0,0,0,1,0,0,0 -6603,71.0,113.0,0,0,0,0,1,0 -9758,156.0,86.0,0,0,1,0,0,0 -2656,150.0,100.0,0,0,0,0,1,0 -9992,101.0,116.0,0,0,1,0,0,0 -4305,75.0,145.0,0,0,0,0,1,0 -1961,75.0,123.0,0,0,0,0,1,0 -4992,90.0,132.0,0,0,0,0,1,0 -4891,83.0,124.0,0,0,0,0,1,0 -6138,106.0,118.0,0,0,0,0,1,0 -5815,94.0,108.0,0,0,0,0,1,0 -5869,76.0,131.0,0,0,0,0,1,0 -10346,132.0,105.0,0,0,1,0,0,0 -6395,84.0,107.0,0,0,1,0,0,0 -11781,112.0,122.0,0,0,0,0,1,0 -6226,110.0,116.0,0,0,1,0,0,0 -9080,110.0,104.0,0,0,0,0,0,1 -12010,144.0,114.0,0,0,0,0,1,0 -9625,84.0,135.0,0,0,0,0,1,0 -1251,128.0,94.0,0,0,1,0,0,0 -3176,76.0,123.0,0,0,0,0,1,0 -5072,77.0,115.0,0,0,0,0,1,0 -3359,77.0,123.0,0,0,0,0,0,1 -7303,119.0,124.0,0,0,1,0,0,0 -7983,145.0,116.0,0,0,0,0,1,0 -9342,128.0,143.0,0,0,0,0,1,0 -8818,69.0,120.0,0,0,0,0,1,0 -10821,96.0,120.0,0,0,0,0,1,0 -3289,80.0,100.0,0,0,0,0,1,0 -10863,160.0,134.0,0,0,0,0,1,0 -11055,108.0,125.0,0,0,0,0,0,1 -3190,105.0,94.0,0,0,1,0,0,0 -1573,172.0,122.0,0,0,0,0,0,1 -9057,94.0,138.0,0,0,1,0,0,0 -1051,100.0,110.0,0,0,1,0,0,0 -4069,126.0,114.0,0,0,1,0,0,0 -11274,125.0,122.0,0,0,0,0,1,0 -3218,93.0,129.0,0,0,0,0,0,1 -8097,101.0,108.0,0,0,0,0,1,0 -272,122.0,122.0,0,0,0,0,1,0 -2042,153.0,71.0,0,0,0,0,1,0 -4763,76.0,124.0,0,0,0,0,1,0 -11547,115.0,116.0,0,0,0,0,1,0 -9149,150.0,81.0,0,0,0,0,1,0 -7720,65.0,120.0,0,0,0,0,1,0 -1086,83.0,124.0,0,0,1,0,0,0 -1473,91.0,117.0,0,0,0,0,1,0 -8682,106.0,165.0,0,0,0,0,0,1 -7976,99.0,119.0,0,0,1,0,0,0 -9191,94.0,120.0,0,0,0,0,1,0 -2186,102.0,135.0,0,0,1,0,0,0 -10663,92.0,119.0,0,0,1,0,0,0 -4322,89.0,137.0,0,0,1,0,0,0 -9095,84.0,109.0,0,0,0,0,1,0 -11322,80.0,125.0,0,0,1,0,0,0 -5831,92.0,119.0,0,0,0,0,1,0 -8166,82.0,158.0,0,0,0,0,1,0 -8047,91.0,123.0,0,0,0,0,1,0 -7463,100.0,110.0,0,0,1,0,0,0 -11942,120.0,94.0,0,0,0,0,0,1 -4709,89.0,126.0,0,1,0,0,0,0 -8640,77.0,140.0,0,0,0,0,1,0 -9805,112.0,130.0,0,0,1,0,0,0 -4485,111.0,100.0,0,0,0,0,1,0 -11859,110.0,102.0,0,0,1,0,0,0 -3478,94.0,133.0,0,0,1,0,0,0 -9192,95.0,117.0,0,0,1,0,0,0 -3924,136.0,90.0,0,0,1,0,0,0 -1748,91.0,122.0,0,0,1,0,0,0 -732,118.0,112.0,0,0,0,0,1,0 -2553,92.0,122.0,0,0,1,0,0,0 -7960,80.0,124.0,0,0,0,0,0,1 -11940,93.0,140.0,0,0,0,0,1,0 -8916,118.0,119.0,0,0,0,0,1,0 -10215,98.0,115.0,0,0,0,0,0,1 -2662,112.0,115.0,0,0,0,0,1,0 -7930,80.0,118.0,0,0,1,0,0,0 -8347,130.0,80.0,0,0,0,0,1,0 -3113,76.0,174.0,0,0,1,0,0,0 -3303,84.0,125.0,0,0,0,0,1,0 -6250,56.0,114.0,0,0,0,0,1,0 -1344,97.0,109.0,0,0,0,0,1,0 -10593,94.0,110.0,0,0,0,0,0,1 -1690,163.0,114.0,0,0,1,0,0,0 -10953,69.0,124.0,0,0,0,0,1,0 -11382,114.0,106.0,0,0,0,0,1,0 -5048,101.0,129.0,0,0,0,0,1,0 -9552,93.0,127.0,0,0,0,0,1,0 -8046,88.0,132.0,0,0,1,0,0,0 -3308,80.0,70.0,0,0,1,0,0,0 -1504,114.0,140.0,0,0,0,0,1,0 -11018,65.0,143.0,0,0,0,0,1,0 -1806,132.0,132.0,0,0,1,0,0,0 -3871,109.0,142.0,0,0,0,0,1,0 -7836,94.0,130.0,0,0,0,0,1,0 -3791,107.0,96.0,0,0,1,0,0,0 -5217,93.0,118.0,0,0,0,0,1,0 -9814,90.0,110.0,0,0,1,0,0,0 -11462,93.0,139.0,0,0,0,0,1,0 -1067,67.0,103.0,0,0,0,0,1,0 -8408,166.0,124.0,0,0,1,0,0,0 -11429,80.0,100.0,0,0,0,0,1,0 -1717,105.0,81.0,0,0,0,0,1,0 -2696,88.0,142.0,0,0,0,0,0,1 -6451,100.0,118.0,0,0,0,0,1,0 -1848,82.0,107.0,0,0,1,0,0,0 -4512,100.0,132.0,0,0,1,0,0,0 -8969,70.0,130.0,0,0,0,0,1,0 diff --git a/data/iai_pecarn/processed/meta_tune.csv b/data/iai_pecarn/processed/meta_tune.csv deleted file mode 100644 index d797dec4..00000000 --- a/data/iai_pecarn/processed/meta_tune.csv +++ /dev/null @@ -1,2410 +0,0 @@ -,InitHeartRate,InitSysBPRange,Race_American Indian or Alaska Native,Race_Asian,Race_Black or African American,Race_Native Hawaiian or other Pacific Islander,Race_White (Non-Hispanic),Race_unknown -11120,73.0,100.0,0,0,0,0,0,1 -2431,92.0,116.0,0,0,0,0,1,0 -7662,98.0,113.0,0,0,0,0,1,0 -4660,80.0,148.0,0,0,1,0,0,0 -6622,92.0,133.0,0,0,1,0,0,0 -3435,100.0,82.0,0,0,0,0,0,1 -8146,98.0,128.0,0,0,0,0,1,0 -11293,84.0,110.0,0,0,1,0,0,0 -142,170.0,90.0,0,0,1,0,0,0 -9421,88.0,126.0,0,0,0,0,1,0 -5586,100.0,134.0,0,0,1,0,0,0 -11991,102.0,119.0,0,0,0,0,1,0 -6992,95.0,133.0,0,0,0,0,1,0 -7613,94.0,125.0,0,0,1,0,0,0 -8069,110.0,114.0,0,0,0,0,1,0 -6804,92.0,153.0,0,0,0,0,1,0 -6749,99.0,94.0,0,0,0,0,1,0 -6100,136.0,126.0,0,0,1,0,0,0 -5290,84.0,118.0,0,0,0,0,0,1 -7690,130.0,133.0,0,0,1,0,0,0 -3409,103.0,134.0,0,0,0,0,1,0 -1117,65.0,149.0,0,0,0,0,1,0 -7716,197.0,112.0,0,0,0,0,1,0 -1756,95.0,127.0,0,0,0,0,1,0 -497,79.0,136.0,0,0,1,0,0,0 -10908,73.0,111.0,0,0,0,0,1,0 -11570,87.0,132.0,0,0,1,0,0,0 -870,104.0,131.0,0,0,0,0,0,1 -3357,72.0,104.0,0,0,1,0,0,0 -912,97.0,105.0,0,0,1,0,0,0 -721,93.0,136.0,0,0,0,0,0,1 -2805,108.0,110.0,0,0,0,0,1,0 -11970,100.0,137.0,0,0,0,0,1,0 -886,116.0,108.0,0,1,0,0,0,0 -11558,101.0,140.0,0,0,0,0,1,0 -8854,133.0,95.0,0,0,1,0,0,0 -10003,150.0,119.0,0,0,0,0,1,0 -9514,95.0,135.0,0,0,0,0,1,0 -1520,110.0,110.0,0,0,0,0,1,0 -10467,92.0,96.0,0,0,0,0,1,0 -2746,147.0,127.0,0,0,0,0,1,0 -8379,95.0,148.0,0,0,1,0,0,0 -3545,102.0,95.0,0,0,0,0,0,1 -314,68.0,123.0,0,0,1,0,0,0 -1799,132.0,128.0,0,0,1,0,0,0 -327,43.0,71.0,0,0,0,0,0,1 -3757,77.0,107.0,0,0,0,0,1,0 -4204,78.0,110.0,0,0,1,0,0,0 -5850,97.0,105.0,0,0,0,0,1,0 -6129,84.0,134.0,0,0,0,0,1,0 -5447,109.0,95.0,0,0,0,0,1,0 -3129,114.0,139.0,0,0,0,0,1,0 -1996,102.0,111.0,0,0,0,0,1,0 -8957,55.0,135.0,0,0,0,0,1,0 -3968,98.0,110.0,0,0,1,0,0,0 -9822,127.0,129.0,0,0,0,0,1,0 -8040,88.0,119.0,0,0,0,0,1,0 -1973,80.0,123.0,0,0,1,0,0,0 -336,42.0,91.0,0,0,0,0,0,1 -2764,80.0,128.0,0,0,0,0,1,0 -9534,90.0,92.0,0,0,1,0,0,0 -275,106.0,126.0,0,0,1,0,0,0 -2985,94.0,132.0,0,0,0,0,1,0 -2686,135.0,116.0,0,0,0,0,1,0 -4620,97.0,130.0,0,0,0,0,1,0 -6531,126.0,113.0,0,0,0,0,1,0 -3477,85.0,112.0,1,0,0,0,0,0 -9642,120.0,118.0,0,0,0,0,0,1 -3558,148.0,116.0,0,0,0,0,1,0 -8138,137.0,100.0,0,1,0,0,0,0 -2809,76.0,121.0,0,0,0,0,1,0 -11488,85.0,123.0,0,0,0,0,1,0 -4861,115.0,110.0,0,0,1,0,0,0 -2334,93.0,108.0,0,0,0,0,1,0 -8744,84.0,103.0,0,0,0,0,0,1 -5246,58.0,141.0,0,0,1,0,0,0 -3416,134.0,95.0,0,0,0,0,0,1 -307,94.0,144.0,0,0,0,0,1,0 -3908,86.0,107.0,0,0,0,0,0,1 -9159,94.0,113.0,0,0,0,0,1,0 -348,116.0,124.0,0,0,0,0,0,1 -5918,71.0,134.0,0,0,0,0,0,1 -826,100.0,107.0,0,0,1,0,0,0 -5296,84.0,95.0,0,0,0,0,1,0 -7243,122.0,102.0,0,0,0,0,1,0 -11441,101.0,117.0,0,0,0,0,0,1 -9690,97.0,132.0,0,0,0,0,1,0 -4482,130.0,144.0,0,0,0,0,1,0 -8844,100.0,152.0,0,0,0,0,1,0 -3682,109.0,134.0,0,0,0,0,1,0 -8384,78.0,111.0,0,0,1,0,0,0 -10088,94.0,137.0,0,0,0,0,1,0 -2053,111.0,137.0,0,0,0,0,1,0 -8797,86.0,112.0,0,0,0,0,1,0 -11573,112.0,124.0,0,0,0,0,1,0 -71,182.0,105.0,1,0,0,0,0,0 -11990,118.0,126.0,0,0,0,0,1,0 -6855,73.0,117.0,0,0,0,0,1,0 -10950,133.0,130.0,0,0,0,0,0,1 -11468,100.0,98.0,0,0,1,0,0,0 -6751,116.0,120.0,0,0,0,0,1,0 -10078,120.0,129.0,0,0,0,0,1,0 -10698,98.0,110.0,0,0,0,0,0,1 -9824,80.0,116.0,0,0,1,0,0,0 -11501,134.0,102.0,0,0,0,0,1,0 -5356,55.0,117.0,0,0,0,0,1,0 -1666,105.0,141.0,0,0,0,0,0,1 -5570,84.0,117.0,0,0,0,0,1,0 -8575,82.0,137.0,0,0,1,0,0,0 -52,90.0,138.0,0,0,0,0,1,0 -7834,128.0,119.0,0,0,0,0,1,0 -6263,105.0,160.0,0,0,0,0,1,0 -1445,68.0,110.0,0,0,0,0,1,0 -7633,139.0,116.0,0,0,0,0,1,0 -9300,80.0,142.0,0,0,0,0,1,0 -8196,102.0,156.0,0,0,0,0,1,0 -1695,112.0,157.0,0,0,1,0,0,0 -2892,62.0,106.0,0,0,0,0,1,0 -12040,147.0,122.0,0,0,0,0,1,0 -1574,143.0,115.0,0,0,0,0,1,0 -11490,105.0,138.0,0,0,0,0,0,1 -3203,119.0,102.0,0,0,0,0,1,0 -4405,109.0,110.0,0,0,1,0,0,0 -1630,120.0,113.0,0,0,0,0,1,0 -10128,104.0,135.0,0,0,0,0,0,1 -1881,75.0,84.0,0,0,1,0,0,0 -11943,113.0,133.0,0,0,0,0,0,1 -5112,85.0,149.0,0,0,0,0,1,0 -5708,92.0,128.0,0,0,0,0,1,0 -5074,96.0,115.0,0,0,1,0,0,0 -5509,84.0,157.0,0,0,1,0,0,0 -10623,94.0,121.0,0,0,0,0,1,0 -8147,91.0,108.0,0,0,0,0,1,0 -848,132.0,118.0,0,0,0,0,1,0 -2924,80.0,112.0,0,0,1,0,0,0 -8576,100.0,140.0,0,0,1,0,0,0 -8376,72.0,127.0,0,0,1,0,0,0 -2877,84.0,118.0,0,0,1,0,0,0 -6367,108.0,127.0,0,0,0,0,1,0 -9750,100.0,113.0,0,0,0,0,1,0 -186,96.0,98.0,0,0,0,0,1,0 -3779,66.0,110.0,0,0,0,0,1,0 -1830,139.0,103.0,0,0,0,0,1,0 -7412,88.0,125.0,0,0,0,0,1,0 -2959,108.0,134.0,0,0,0,0,1,0 -7185,93.0,116.0,0,0,0,0,1,0 -11728,104.0,113.0,0,0,0,0,1,0 -11946,84.0,110.0,0,0,1,0,0,0 -6904,60.0,122.0,0,0,1,0,0,0 -5446,103.0,104.0,0,0,0,0,1,0 -6587,88.0,127.0,0,0,1,0,0,0 -1234,122.0,122.0,0,0,0,0,1,0 -8443,48.0,128.0,0,0,0,0,1,0 -3915,76.0,101.0,0,0,1,0,0,0 -446,71.0,135.0,0,0,1,0,0,0 -8944,62.0,135.0,0,0,0,0,1,0 -5839,86.0,90.0,0,0,1,0,0,0 -844,124.0,134.0,0,0,0,0,1,0 -5201,97.0,123.0,0,0,0,0,1,0 -10584,133.0,101.0,0,0,0,0,1,0 -8294,78.0,117.0,0,0,0,0,1,0 -11905,68.0,146.0,0,0,0,0,0,1 -8796,100.0,120.0,0,0,1,0,0,0 -7887,101.0,117.0,0,0,0,0,1,0 -2440,120.0,119.0,0,0,0,0,1,0 -3103,102.0,117.0,0,0,0,0,1,0 -10332,152.0,115.0,0,0,1,0,0,0 -4774,66.0,152.0,0,0,0,0,1,0 -8217,142.0,110.0,0,0,1,0,0,0 -6974,120.0,116.0,0,0,0,0,1,0 -6094,148.0,79.0,0,0,0,0,0,1 -1294,79.0,98.0,0,0,0,0,0,1 -7411,98.0,95.0,0,0,1,0,0,0 -5518,90.0,100.0,0,0,0,0,1,0 -10849,140.0,122.0,0,0,0,0,1,0 -5067,91.0,139.0,0,0,1,0,0,0 -3442,80.0,118.0,0,0,0,0,1,0 -10985,88.0,128.0,0,0,1,0,0,0 -9295,133.0,118.0,0,0,0,0,0,1 -10033,153.0,125.0,0,0,0,0,0,1 -2837,112.0,122.0,0,0,0,0,1,0 -776,65.0,125.0,0,0,0,0,1,0 -11700,80.0,121.0,0,0,0,0,1,0 -11181,105.0,128.0,0,0,1,0,0,0 -6324,114.0,143.0,0,0,0,0,1,0 -2153,87.0,118.0,0,0,1,0,0,0 -5558,108.0,135.0,0,0,0,0,1,0 -4920,140.0,110.0,0,0,0,0,1,0 -10493,86.0,114.0,0,0,1,0,0,0 -11431,79.0,125.0,0,0,0,0,1,0 -8065,128.0,117.0,0,0,1,0,0,0 -3136,129.0,107.0,0,0,0,0,1,0 -10141,110.0,135.0,0,0,1,0,0,0 -5462,105.0,133.0,0,0,1,0,0,0 -9128,70.0,118.0,0,0,1,0,0,0 -10272,98.0,119.0,0,0,1,0,0,0 -3183,167.0,120.0,0,0,0,0,1,0 -10000,89.0,107.0,0,0,0,0,1,0 -1943,109.0,150.0,0,0,1,0,0,0 -9582,142.0,78.0,0,0,0,0,1,0 -3199,111.0,96.0,0,0,0,0,0,1 -9140,124.0,106.0,0,0,0,0,1,0 -1289,112.0,98.0,0,0,1,0,0,0 -4581,98.0,128.0,0,0,0,0,1,0 -6335,128.0,95.0,0,0,0,0,1,0 -2500,72.0,111.0,0,0,0,0,1,0 -11609,108.0,123.0,0,0,0,0,1,0 -10753,120.0,110.0,0,0,1,0,0,0 -11492,108.0,151.0,0,0,0,0,1,0 -8981,125.0,52.0,0,0,1,0,0,0 -4106,79.0,119.0,0,0,0,0,1,0 -4126,104.0,154.0,0,0,1,0,0,0 -9960,70.0,118.0,0,0,0,0,1,0 -6933,84.0,102.0,0,0,0,0,1,0 -3966,89.0,120.0,0,0,0,0,1,0 -1879,95.0,100.0,0,0,0,0,1,0 -10220,67.0,113.0,0,0,0,0,1,0 -11194,192.0,123.0,0,0,0,0,1,0 -9714,70.0,115.0,0,0,0,0,1,0 -5457,89.0,85.0,0,0,0,0,1,0 -7512,96.0,126.0,0,0,1,0,0,0 -3587,103.0,150.0,0,0,0,0,0,1 -12026,106.0,98.0,0,0,1,0,0,0 -3865,73.0,112.0,0,0,1,0,0,0 -2148,88.0,107.0,0,0,0,0,1,0 -4131,78.0,120.0,0,0,0,0,0,1 -1036,81.0,130.0,0,0,0,0,1,0 -636,128.0,134.0,0,0,0,0,1,0 -7216,95.0,129.0,0,0,0,0,1,0 -8948,97.0,115.0,0,0,0,0,1,0 -4134,97.0,155.0,0,0,0,0,1,0 -7797,82.0,114.0,0,0,1,0,0,0 -1083,146.0,85.0,0,0,0,0,1,0 -6711,90.0,120.0,0,0,1,0,0,0 -861,126.0,99.0,0,0,0,0,0,1 -5212,133.0,119.0,0,0,0,0,1,0 -903,67.0,166.0,0,0,0,0,1,0 -191,110.0,119.0,0,0,0,0,1,0 -109,62.0,106.0,0,0,0,0,1,0 -6026,166.0,136.0,0,0,1,0,0,0 -4455,75.0,135.0,0,0,0,0,1,0 -1942,88.0,143.0,0,0,0,0,1,0 -10294,132.0,134.0,0,0,0,0,1,0 -4331,120.0,97.0,0,0,0,0,0,1 -10659,113.0,110.0,0,0,0,0,1,0 -10280,136.0,126.0,0,0,0,0,1,0 -5927,109.0,141.0,0,0,0,0,0,1 -2040,110.0,140.0,0,0,1,0,0,0 -9336,140.0,118.0,0,0,0,0,1,0 -9034,75.0,100.0,0,0,0,0,1,0 -9881,83.0,134.0,0,0,0,0,1,0 -4878,114.0,118.0,0,0,0,0,1,0 -4659,140.0,112.0,0,0,1,0,0,0 -8254,85.0,110.0,0,0,0,0,0,1 -5001,90.0,114.0,0,0,0,0,0,1 -2775,96.0,119.0,0,0,1,0,0,0 -4145,178.0,92.0,0,0,1,0,0,0 -2323,101.0,122.0,0,0,0,0,1,0 -762,167.0,131.0,0,0,1,0,0,0 -5921,119.0,110.0,0,0,1,0,0,0 -2617,94.0,143.0,0,0,0,0,0,1 -2411,76.0,136.0,0,0,0,0,0,1 -1094,139.0,115.0,0,0,1,0,0,0 -6065,64.0,97.0,0,0,1,0,0,0 -7265,88.0,133.0,0,0,0,0,1,0 -1546,107.0,143.0,0,0,1,0,0,0 -4589,72.0,136.0,0,0,0,0,1,0 -6034,150.0,128.0,0,0,0,0,1,0 -8149,102.0,117.0,0,0,0,0,1,0 -6953,126.0,123.0,0,0,1,0,0,0 -3135,100.0,117.0,0,0,0,0,0,1 -3856,188.0,88.0,0,0,0,0,0,1 -5040,86.0,120.0,0,0,0,0,1,0 -7435,120.0,108.0,0,0,1,0,0,0 -11651,168.0,130.0,0,0,0,0,0,1 -5428,61.0,164.0,0,0,0,0,1,0 -6523,90.0,96.0,0,0,1,0,0,0 -6419,120.0,102.0,0,0,0,0,0,1 -9290,82.0,103.0,0,0,1,0,0,0 -3805,89.0,118.0,0,0,0,0,1,0 -884,91.0,116.0,0,0,0,0,1,0 -2654,136.0,136.0,0,0,0,0,0,1 -7756,100.0,119.0,0,0,0,0,1,0 -10643,120.0,116.0,0,0,0,0,1,0 -11437,74.0,124.0,0,0,1,0,0,0 -6774,158.0,97.0,0,0,1,0,0,0 -10572,130.0,113.0,0,0,0,0,1,0 -11103,92.0,115.0,0,0,1,0,0,0 -464,134.0,139.0,0,0,0,0,1,0 -1257,113.0,94.0,0,0,0,0,1,0 -9509,107.0,157.0,0,0,1,0,0,0 -2259,122.0,113.0,0,0,1,0,0,0 -4274,87.0,137.0,0,0,0,0,0,1 -7074,98.0,107.0,0,0,0,0,1,0 -5192,150.0,112.0,0,0,1,0,0,0 -5630,76.0,127.0,0,0,1,0,0,0 -11665,117.0,104.0,0,0,1,0,0,0 -6231,60.0,101.0,0,0,1,0,0,0 -7382,120.0,170.0,0,0,0,0,1,0 -5300,75.0,100.0,0,0,0,0,1,0 -2202,139.0,154.0,0,0,0,0,1,0 -10743,93.0,112.0,0,0,0,0,1,0 -9947,100.0,111.0,0,0,0,0,0,1 -1262,100.0,110.0,0,0,0,0,1,0 -7802,127.0,119.0,0,0,0,0,1,0 -7212,99.0,124.0,0,0,1,0,0,0 -975,100.0,149.0,0,0,0,0,1,0 -8637,100.0,139.0,0,0,1,0,0,0 -5866,70.0,122.0,0,0,0,0,1,0 -4925,92.0,145.0,0,0,1,0,0,0 -941,106.0,128.0,0,0,0,0,1,0 -5263,128.0,119.0,0,0,0,0,1,0 -6582,91.0,124.0,0,0,0,0,1,0 -4723,100.0,112.0,0,0,1,0,0,0 -2387,93.0,93.0,0,0,1,0,0,0 -11715,67.0,127.0,0,0,0,0,1,0 -5021,117.0,126.0,0,0,1,0,0,0 -7129,90.0,120.0,0,0,1,0,0,0 -4391,77.0,116.0,0,0,0,0,0,1 -5148,76.0,107.0,0,0,0,0,1,0 -10064,131.0,117.0,0,0,0,0,1,0 -6803,79.0,107.0,0,1,0,0,0,0 -3221,97.0,115.0,0,0,0,0,1,0 -3882,84.0,110.0,0,0,0,0,1,0 -8011,96.0,159.0,0,0,0,0,1,0 -11366,111.0,90.0,0,0,1,0,0,0 -1610,80.0,122.0,0,0,1,0,0,0 -3875,94.0,108.0,0,0,0,0,1,0 -5953,180.0,136.0,0,0,0,0,1,0 -2789,100.0,105.0,0,0,1,0,0,0 -944,72.0,100.0,0,0,1,0,0,0 -10722,108.0,110.0,0,0,0,0,1,0 -1857,170.0,62.0,0,0,0,0,1,0 -10439,105.0,113.0,0,0,0,0,1,0 -4108,80.0,125.0,0,0,1,0,0,0 -5213,87.0,141.0,0,0,0,0,1,0 -10244,156.0,117.0,0,0,0,0,1,0 -3255,145.0,93.0,0,0,0,0,1,0 -7323,112.0,147.0,0,0,0,0,1,0 -2690,87.0,122.0,0,0,0,0,0,1 -8288,108.0,147.0,0,0,0,0,1,0 -7389,106.0,124.0,0,0,1,0,0,0 -4627,100.0,123.0,0,0,0,0,1,0 -10696,82.0,162.0,0,0,0,0,1,0 -1319,120.0,138.0,0,0,0,0,1,0 -9118,102.0,109.0,0,0,1,0,0,0 -11899,83.0,102.0,0,0,0,0,1,0 -5162,123.0,116.0,0,0,0,0,1,0 -8759,149.0,84.0,0,1,0,0,0,0 -10152,102.0,96.0,0,0,1,0,0,0 -8994,97.0,107.0,0,0,0,0,1,0 -1135,84.0,122.0,0,0,1,0,0,0 -4529,141.0,102.0,0,0,0,0,1,0 -3475,68.0,126.0,0,0,0,0,1,0 -3505,140.0,113.0,0,0,0,0,1,0 -4749,140.0,119.0,0,0,1,0,0,0 -2477,56.0,150.0,0,0,0,0,1,0 -10923,88.0,103.0,0,0,0,0,1,0 -8206,92.0,135.0,0,0,0,0,1,0 -7086,105.0,90.0,0,1,0,0,0,0 -8877,73.0,119.0,0,0,0,0,0,1 -9346,180.0,89.0,0,0,0,0,1,0 -4501,137.0,109.0,0,1,0,0,0,0 -7807,118.0,113.0,0,0,0,0,0,1 -11882,66.0,116.0,0,0,0,0,1,0 -6336,90.0,131.0,0,0,0,0,1,0 -8814,64.0,133.0,0,0,0,0,1,0 -6982,180.0,169.0,0,0,0,0,1,0 -7231,110.0,105.0,0,0,1,0,0,0 -10438,125.0,140.0,0,0,0,0,1,0 -1874,130.0,124.0,0,0,0,0,1,0 -11122,112.0,110.0,0,0,0,0,1,0 -7699,96.0,105.0,0,0,1,0,0,0 -11365,104.0,101.0,0,0,0,0,0,1 -5096,78.0,123.0,0,0,0,0,1,0 -2904,102.0,111.0,0,0,0,0,1,0 -570,104.0,110.0,0,0,1,0,0,0 -1448,110.0,108.0,0,0,0,0,1,0 -3414,116.0,92.0,0,0,0,0,1,0 -9716,136.0,119.0,0,0,0,0,0,1 -939,84.0,127.0,0,0,0,0,0,1 -9350,87.0,102.0,0,0,0,0,1,0 -8810,130.0,99.0,0,0,0,0,1,0 -8084,117.0,112.0,0,0,0,0,1,0 -9592,114.0,118.0,0,0,1,0,0,0 -5841,68.0,82.0,0,0,0,0,1,0 -6837,85.0,144.0,0,0,0,0,0,1 -9800,109.0,106.0,0,0,0,0,0,1 -3226,93.0,140.0,0,0,0,0,1,0 -11732,77.0,138.0,0,0,0,0,1,0 -6332,140.0,121.0,0,0,0,0,1,0 -3978,106.0,94.0,0,0,1,0,0,0 -4383,86.0,130.0,0,0,0,0,0,1 -5834,91.0,90.0,0,0,0,0,0,1 -9529,90.0,82.0,0,0,0,0,1,0 -9224,115.0,99.0,0,0,0,0,0,1 -3539,88.0,108.0,0,0,0,0,1,0 -8530,90.0,121.0,0,0,1,0,0,0 -10783,80.0,149.0,0,0,0,0,1,0 -10703,98.0,113.0,0,0,1,0,0,0 -9545,90.0,116.0,0,0,0,0,1,0 -5681,115.0,114.0,0,0,0,0,0,1 -2827,136.0,102.0,0,0,0,0,1,0 -5780,80.0,122.0,0,0,0,0,1,0 -3634,72.0,138.0,0,0,0,0,0,1 -4996,108.0,108.0,0,0,0,0,0,1 -1338,115.0,139.0,0,0,0,0,1,0 -3262,72.0,145.0,0,0,0,0,1,0 -8709,94.0,105.0,0,0,0,0,0,1 -6838,94.0,127.0,0,0,0,0,0,1 -5089,82.0,117.0,0,0,0,0,0,1 -5741,110.0,118.0,0,0,0,0,1,0 -650,92.0,96.0,0,0,0,0,1,0 -6039,76.0,98.0,0,0,0,0,1,0 -2902,82.0,121.0,0,0,1,0,0,0 -2258,82.0,102.0,0,0,0,0,1,0 -11918,94.0,115.0,0,0,0,0,1,0 -5395,80.0,126.0,0,0,0,0,1,0 -7082,89.0,116.0,0,0,1,0,0,0 -10561,85.0,137.0,0,0,0,0,1,0 -8538,79.0,119.0,0,0,1,0,0,0 -3521,107.0,155.0,0,0,0,0,1,0 -2730,94.0,124.0,0,0,0,0,1,0 -8014,90.0,127.0,0,0,1,0,0,0 -4478,86.0,110.0,0,0,1,0,0,0 -5660,122.0,141.0,0,0,0,0,1,0 -1596,122.0,114.0,0,0,0,0,1,0 -67,132.0,143.0,0,0,0,0,1,0 -2584,85.0,109.0,0,0,0,0,0,1 -7936,96.0,116.0,0,0,1,0,0,0 -6281,113.0,124.0,0,0,1,0,0,0 -3196,100.0,111.0,0,0,0,0,1,0 -11280,171.0,100.0,1,0,0,0,0,0 -5327,112.0,123.0,0,0,0,0,0,1 -11129,80.0,135.0,0,0,0,0,1,0 -7844,88.0,130.0,0,0,0,0,1,0 -7609,94.0,108.0,0,0,0,0,1,0 -1258,119.0,97.0,0,0,0,0,1,0 -7711,110.0,105.0,0,0,0,0,0,1 -6350,126.0,110.0,0,0,1,0,0,0 -10254,141.0,123.0,0,0,0,0,1,0 -7523,53.0,143.0,0,0,1,0,0,0 -991,85.0,130.0,0,0,0,0,0,1 -3504,82.0,84.0,0,0,0,0,1,0 -113,92.0,110.0,0,0,1,0,0,0 -919,119.0,103.0,0,0,0,0,1,0 -2509,94.0,123.0,0,0,0,0,1,0 -11324,110.0,112.0,0,0,0,0,1,0 -165,83.0,118.0,0,0,1,0,0,0 -6741,130.0,200.0,0,0,0,0,1,0 -7688,76.0,133.0,0,0,1,0,0,0 -10284,88.0,100.0,0,0,1,0,0,0 -8710,101.0,150.0,0,0,1,0,0,0 -4603,108.0,122.0,0,0,0,0,1,0 -8870,115.0,141.0,0,0,1,0,0,0 -10237,124.0,90.0,0,0,1,0,0,0 -949,154.0,135.0,0,1,0,0,0,0 -4594,80.0,101.0,0,0,1,0,0,0 -9770,102.0,121.0,0,1,0,0,0,0 -3770,98.0,99.0,0,0,0,0,1,0 -2506,95.0,129.0,0,0,0,0,1,0 -5107,122.0,119.0,0,0,1,0,0,0 -2850,70.0,119.0,0,0,1,0,0,0 -6000,114.0,119.0,0,0,1,0,0,0 -8777,73.0,131.0,0,0,1,0,0,0 -12017,76.0,143.0,0,0,1,0,0,0 -8178,96.0,113.0,0,0,0,0,1,0 -10009,88.0,113.0,0,0,0,0,1,0 -4446,120.0,140.0,0,0,0,0,1,0 -5794,80.0,116.0,0,0,0,0,1,0 -9790,104.0,90.0,0,0,0,0,1,0 -4460,90.0,126.0,0,0,1,0,0,0 -9004,96.0,129.0,0,0,1,0,0,0 -2505,69.0,122.0,0,0,1,0,0,0 -9119,67.0,121.0,0,0,0,0,1,0 -6623,70.0,135.0,0,0,1,0,0,0 -1114,84.0,119.0,0,0,1,0,0,0 -6942,79.0,100.0,0,0,0,0,1,0 -10101,107.0,119.0,0,0,1,0,0,0 -298,99.0,133.0,0,0,0,0,1,0 -1675,98.0,147.0,0,0,0,0,0,1 -3347,96.0,120.0,0,1,0,0,0,0 -6170,92.0,140.0,0,0,1,0,0,0 -2735,100.0,125.0,0,0,0,0,0,1 -5669,56.0,127.0,0,0,0,0,1,0 -9626,121.0,119.0,0,0,0,0,1,0 -4988,125.0,90.0,0,0,0,0,1,0 -10826,68.0,160.0,0,0,0,0,1,0 -2378,143.0,167.0,0,0,0,0,0,1 -7431,67.0,97.0,0,0,1,0,0,0 -7425,81.0,122.0,0,0,1,0,0,0 -9255,115.0,110.0,0,0,0,0,1,0 -4325,81.0,104.0,0,0,0,0,0,1 -4172,110.0,133.0,0,0,0,0,1,0 -8413,77.0,132.0,0,0,0,0,1,0 -4550,92.0,116.0,0,0,0,0,1,0 -7862,76.0,125.0,0,0,1,0,0,0 -8645,109.0,117.0,0,0,0,0,0,1 -11740,84.0,103.0,0,0,0,0,1,0 -2103,97.0,114.0,0,0,0,0,0,1 -5336,82.0,118.0,0,0,0,0,1,0 -8332,88.0,114.0,0,0,0,0,1,0 -3759,104.0,124.0,0,0,1,0,0,0 -9406,80.0,110.0,0,0,1,0,0,0 -1837,64.0,117.0,0,0,1,0,0,0 -9676,85.0,111.0,0,0,0,0,1,0 -10004,84.0,109.0,0,0,1,0,0,0 -11386,91.0,158.0,0,0,0,0,1,0 -5710,112.0,145.0,0,0,0,0,1,0 -607,100.0,126.0,0,0,0,0,1,0 -4500,80.0,135.0,0,0,0,0,1,0 -7036,94.0,136.0,0,0,1,0,0,0 -1093,76.0,130.0,0,0,0,0,1,0 -7917,120.0,123.0,0,0,0,0,1,0 -6718,72.0,91.0,0,0,0,0,1,0 -10924,81.0,110.0,0,0,0,0,0,1 -11040,80.0,120.0,0,0,0,0,1,0 -4487,76.0,126.0,0,0,1,0,0,0 -7707,120.0,100.0,0,0,0,0,0,1 -160,125.0,122.0,0,0,0,0,1,0 -203,175.0,128.0,0,0,0,0,1,0 -6483,153.0,122.0,0,0,0,0,0,1 -3940,124.0,127.0,0,0,1,0,0,0 -8396,136.0,101.0,0,0,0,0,0,1 -6103,102.0,100.0,0,0,1,0,0,0 -4933,66.0,134.0,0,0,1,0,0,0 -2934,97.0,140.0,0,0,0,0,1,0 -1814,88.0,103.0,0,0,0,0,1,0 -7647,121.0,139.0,0,0,1,0,0,0 -2435,80.0,125.0,0,0,0,0,1,0 -1230,96.0,124.0,0,0,0,0,1,0 -10447,130.0,92.0,0,0,1,0,0,0 -9527,96.0,100.0,0,0,1,0,0,0 -3046,98.0,130.0,0,0,0,1,0,0 -5705,120.0,159.0,0,0,0,0,0,1 -11628,120.0,118.0,0,1,0,0,0,0 -2915,160.0,90.0,0,0,0,0,1,0 -10922,120.0,106.0,0,0,0,0,1,0 -7545,154.0,81.0,0,0,0,1,0,0 -3988,74.0,105.0,0,0,1,0,0,0 -4251,65.0,110.0,0,0,0,0,1,0 -6111,20.0,142.0,0,0,0,0,1,0 -6828,87.0,125.0,0,0,0,0,1,0 -9291,70.0,112.0,0,0,1,0,0,0 -10037,132.0,126.0,0,0,0,0,1,0 -6204,64.0,154.0,0,0,0,0,1,0 -3293,131.0,130.0,0,0,0,0,1,0 -4034,92.0,112.0,0,0,1,0,0,0 -2725,112.0,139.0,0,0,1,0,0,0 -4290,129.0,110.0,0,0,0,0,1,0 -4334,105.0,137.0,0,0,0,0,1,0 -2552,88.0,123.0,0,0,0,0,1,0 -3877,86.0,126.0,0,0,1,0,0,0 -6205,119.0,136.0,0,0,0,0,1,0 -9652,70.0,108.0,0,0,0,0,0,1 -8201,111.0,99.0,0,0,0,0,1,0 -6879,89.0,126.0,0,0,1,0,0,0 -7485,83.0,106.0,0,0,0,0,1,0 -4753,110.0,133.0,0,0,1,0,0,0 -4886,109.0,132.0,0,0,1,0,0,0 -857,89.0,146.0,0,0,0,0,1,0 -370,100.0,133.0,0,0,0,0,1,0 -6539,88.0,111.0,0,0,1,0,0,0 -10073,109.0,124.0,0,1,0,0,0,0 -2561,90.0,158.0,0,0,0,0,1,0 -3801,70.0,134.0,0,0,1,0,0,0 -2640,102.0,131.0,0,0,0,0,1,0 -5455,107.0,118.0,0,0,0,0,1,0 -10979,102.0,131.0,0,0,0,0,1,0 -4490,90.0,129.0,0,0,0,0,1,0 -2347,95.0,127.0,0,0,0,0,1,0 -649,133.0,90.0,0,0,1,0,0,0 -6859,60.0,166.0,0,0,0,0,1,0 -2781,88.0,131.0,0,0,0,0,1,0 -8218,100.0,138.0,0,0,0,0,1,0 -10282,98.0,118.0,0,0,0,0,1,0 -10450,78.0,117.0,0,0,1,0,0,0 -11559,80.0,113.0,0,0,0,0,1,0 -7207,94.0,119.0,0,0,1,0,0,0 -5944,109.0,98.0,0,0,1,0,0,0 -10791,80.0,126.0,0,0,0,0,0,1 -615,127.0,122.0,0,0,0,0,1,0 -10158,196.0,119.0,0,0,0,0,1,0 -2575,100.0,144.0,0,0,0,0,1,0 -53,113.0,114.0,0,0,0,0,0,1 -8813,96.0,141.0,0,0,1,0,0,0 -3340,93.0,120.0,0,0,1,0,0,0 -9145,110.0,187.0,0,0,1,0,0,0 -1705,80.0,145.0,0,0,0,0,1,0 -11056,86.0,119.0,0,0,0,0,1,0 -8048,90.0,136.0,0,0,0,0,1,0 -7971,115.0,145.0,0,0,1,0,0,0 -1493,130.0,116.0,0,0,0,1,0,0 -5876,84.0,119.0,0,0,0,0,1,0 -11998,100.0,102.0,0,0,0,0,0,1 -8207,98.0,130.0,0,0,0,0,1,0 -803,65.0,116.0,0,0,1,0,0,0 -4953,134.0,114.0,0,0,0,0,1,0 -7743,88.0,114.0,0,0,0,0,0,1 -1812,104.0,122.0,0,0,0,0,1,0 -11591,90.0,90.0,0,0,0,0,1,0 -990,137.0,119.0,0,0,0,0,1,0 -2774,60.0,93.0,0,0,0,0,1,0 -9463,117.0,134.0,0,0,0,0,1,0 -2448,130.0,118.0,0,0,1,0,0,0 -3513,100.0,105.0,0,0,1,0,0,0 -7990,111.0,124.0,0,0,0,0,1,0 -10104,97.0,114.0,0,0,0,0,1,0 -219,92.0,110.0,0,0,0,0,1,0 -8081,162.0,104.0,0,0,0,0,1,0 -1288,139.0,107.0,0,0,0,0,1,0 -3163,100.0,120.0,0,0,0,0,0,1 -4678,87.0,117.0,0,0,1,0,0,0 -2618,88.0,144.0,0,0,0,0,0,1 -3612,116.0,124.0,0,0,0,0,0,1 -43,133.0,120.0,0,0,1,0,0,0 -9635,81.0,130.0,0,0,0,0,1,0 -10356,79.0,112.0,0,0,0,0,1,0 -8809,80.0,110.0,0,0,1,0,0,0 -3792,114.0,123.0,0,0,0,0,1,0 -3571,98.0,120.0,0,0,0,0,1,0 -12018,71.0,118.0,0,0,1,0,0,0 -1503,86.0,119.0,0,0,1,0,0,0 -8104,68.0,112.0,0,0,0,0,1,0 -11838,82.0,127.0,0,0,0,0,1,0 -7596,85.0,119.0,0,0,0,0,1,0 -3439,95.0,122.0,0,0,0,0,1,0 -1892,92.0,121.0,0,0,0,0,0,1 -11606,91.0,178.0,0,0,0,0,1,0 -11227,86.0,115.0,0,0,0,0,1,0 -10828,108.0,125.0,0,0,0,0,0,1 -5255,83.0,126.0,0,0,0,0,1,0 -1955,144.0,81.0,0,0,0,0,1,0 -11343,83.0,176.0,0,0,0,0,1,0 -5167,103.0,138.0,0,0,1,0,0,0 -4814,93.0,117.0,0,0,0,0,1,0 -3575,93.0,112.0,0,0,0,0,1,0 -6460,104.0,128.0,0,0,1,0,0,0 -1505,95.0,133.0,0,0,1,0,0,0 -8339,127.0,92.0,0,0,0,0,0,1 -670,103.0,146.0,0,0,0,0,1,0 -6491,74.0,93.0,0,0,0,0,1,0 -7048,76.0,102.0,0,0,0,0,1,0 -11581,70.0,109.0,0,0,1,0,0,0 -10721,90.0,126.0,0,0,0,0,1,0 -1085,85.0,116.0,0,0,1,0,0,0 -897,88.0,130.0,0,0,1,0,0,0 -3306,100.0,135.0,0,0,0,0,1,0 -11321,96.0,138.0,0,0,0,0,1,0 -6239,108.0,114.0,0,0,0,0,0,1 -2666,96.0,128.0,0,0,1,0,0,0 -7646,110.0,97.0,0,0,1,0,0,0 -3193,87.0,159.0,0,0,0,0,0,1 -2890,120.0,105.0,0,0,1,0,0,0 -6003,109.0,122.0,0,0,0,0,1,0 -7739,86.0,115.0,0,0,1,0,0,0 -9195,104.0,124.0,0,0,1,0,0,0 -4739,104.0,130.0,0,0,0,0,1,0 -2621,95.0,132.0,0,0,0,0,1,0 -8725,130.0,101.0,0,0,0,0,1,0 -6202,80.0,110.0,0,0,0,0,0,1 -9301,120.0,106.0,0,0,0,0,1,0 -8741,93.0,136.0,0,0,0,0,1,0 -9835,79.0,103.0,0,0,1,0,0,0 -5813,110.0,100.0,0,0,1,0,0,0 -2,100.0,120.0,0,0,0,0,0,1 -5970,114.0,136.0,0,0,1,0,0,0 -2370,173.0,105.0,0,0,0,0,0,1 -3804,88.0,130.0,0,0,0,0,1,0 -1769,114.0,120.0,0,0,1,0,0,0 -10234,80.0,110.0,0,0,1,0,0,0 -9572,121.0,121.0,0,0,1,0,0,0 -6079,128.0,104.0,0,0,1,0,0,0 -531,86.0,96.0,0,0,0,0,1,0 -10379,101.0,110.0,0,0,0,0,1,0 -10415,89.0,118.0,0,0,0,0,0,1 -6476,80.0,131.0,0,0,0,0,1,0 -6977,85.0,119.0,0,0,1,0,0,0 -10733,74.0,129.0,0,0,0,0,1,0 -10202,135.0,102.0,0,0,1,0,0,0 -3120,67.0,121.0,0,0,1,0,0,0 -10855,107.0,130.0,0,0,0,0,1,0 -6259,124.0,133.0,0,0,0,0,0,1 -731,85.0,105.0,0,0,1,0,0,0 -3406,60.0,126.0,0,0,0,0,1,0 -2339,80.0,120.0,0,0,0,0,0,1 -5991,136.0,129.0,0,0,0,0,1,0 -6328,88.0,84.0,0,0,1,0,0,0 -2798,115.0,118.0,0,0,0,0,1,0 -10747,92.0,122.0,0,0,0,0,1,0 -2565,112.0,91.0,0,0,0,0,1,0 -2581,134.0,146.0,0,0,1,0,0,0 -9844,113.0,149.0,0,0,1,0,0,0 -8939,132.0,123.0,0,0,0,0,1,0 -9236,110.0,116.0,0,0,0,0,0,1 -7995,137.0,130.0,0,0,1,0,0,0 -383,129.0,137.0,0,0,0,0,1,0 -10800,89.0,122.0,0,0,1,0,0,0 -11401,83.0,121.0,0,0,0,0,1,0 -1255,72.0,115.0,0,0,0,0,0,1 -2104,94.0,96.0,0,0,0,0,0,1 -11190,164.0,119.0,0,0,0,0,1,0 -10539,104.0,69.0,0,0,1,0,0,0 -8604,140.0,135.0,0,0,0,0,1,0 -11012,140.0,112.0,0,0,0,0,1,0 -4994,64.0,143.0,0,0,1,0,0,0 -10793,100.0,120.0,0,0,0,0,1,0 -9462,94.0,100.0,0,0,0,0,1,0 -5057,85.0,122.0,0,0,0,0,0,1 -658,68.0,146.0,0,0,0,0,1,0 -4434,137.0,99.0,0,0,0,1,0,0 -3484,100.0,122.0,0,0,1,0,0,0 -11432,89.0,79.0,0,0,0,0,1,0 -5318,68.0,141.0,0,0,0,0,1,0 -3816,84.0,146.0,0,0,0,0,0,1 -6773,186.0,80.0,0,0,0,0,0,1 -8268,113.0,154.0,0,0,0,0,1,0 -10717,81.0,131.0,0,0,1,0,0,0 -2546,101.0,145.0,0,0,0,0,1,0 -8091,88.0,114.0,0,0,0,0,1,0 -6479,76.0,136.0,0,0,1,0,0,0 -1621,130.0,120.0,0,0,1,0,0,0 -11346,114.0,116.0,0,0,0,0,1,0 -7260,121.0,114.0,0,0,0,0,1,0 -3904,85.0,132.0,0,0,0,0,1,0 -1847,94.0,117.0,0,0,0,0,1,0 -11684,92.0,105.0,0,0,0,0,0,1 -1096,86.0,127.0,0,0,0,0,1,0 -6811,16.0,110.0,0,0,0,0,0,1 -8692,70.0,139.0,0,0,1,0,0,0 -11081,80.0,131.0,0,0,0,0,1,0 -11417,88.0,119.0,0,0,1,0,0,0 -5499,96.0,148.0,0,1,0,0,0,0 -11133,117.0,110.0,0,0,0,0,1,0 -2463,102.0,94.0,0,0,0,0,1,0 -10638,105.0,135.0,0,0,0,0,1,0 -3700,63.0,111.0,0,0,0,0,1,0 -6684,104.0,140.0,0,0,0,0,1,0 -9211,105.0,135.0,0,0,0,0,1,0 -11833,98.0,117.0,0,0,0,0,1,0 -1788,113.0,134.0,0,0,0,0,1,0 -250,120.0,119.0,0,0,0,0,1,0 -7704,160.0,103.0,0,0,0,0,1,0 -6314,103.0,118.0,0,0,0,0,1,0 -9368,104.0,129.0,0,0,0,0,1,0 -3645,140.0,125.0,0,0,1,0,0,0 -1776,160.0,130.0,1,0,0,0,0,0 -192,94.0,115.0,0,0,0,0,1,0 -820,111.0,127.0,0,0,0,0,1,0 -11595,94.0,106.0,0,0,1,0,0,0 -8261,83.0,51.0,0,0,0,0,1,0 -9251,102.0,119.0,0,0,0,0,1,0 -11826,108.0,115.0,0,0,0,0,1,0 -8524,90.0,107.0,0,0,1,0,0,0 -4400,101.0,105.0,0,0,1,0,0,0 -9689,98.0,110.0,0,0,0,0,1,0 -9150,88.0,104.0,0,1,0,0,0,0 -5388,104.0,114.0,0,0,0,0,1,0 -4166,76.0,136.0,0,0,0,0,1,0 -8298,102.0,123.0,0,0,0,0,1,0 -11267,138.0,143.0,0,0,0,0,1,0 -4951,86.0,140.0,0,0,0,0,1,0 -2687,88.0,150.0,0,0,0,0,0,1 -4390,100.0,159.0,0,0,1,0,0,0 -8370,107.0,108.0,0,0,1,0,0,0 -3388,118.0,112.0,0,0,1,0,0,0 -4927,83.0,110.0,0,0,1,0,0,0 -8956,97.0,140.0,0,0,0,0,1,0 -5552,115.0,145.0,0,0,0,0,1,0 -2607,78.0,127.0,0,0,0,0,1,0 -9416,112.0,129.0,0,0,0,0,1,0 -238,60.0,130.0,0,0,0,0,1,0 -4015,93.0,108.0,0,0,1,0,0,0 -11152,104.0,100.0,0,0,0,0,1,0 -2977,131.0,89.0,0,0,0,0,1,0 -8257,108.0,143.0,0,0,1,0,0,0 -8030,130.0,115.0,0,0,1,0,0,0 -8824,87.0,108.0,0,0,1,0,0,0 -11929,134.0,109.0,0,0,0,0,0,1 -5473,104.0,119.0,0,0,1,0,0,0 -945,102.0,120.0,0,0,0,0,1,0 -8726,100.0,152.0,0,0,0,0,1,0 -9546,70.0,111.0,0,0,0,0,1,0 -5097,89.0,99.0,0,0,0,0,1,0 -8724,132.0,145.0,0,0,0,0,1,0 -6055,76.0,105.0,0,0,1,0,0,0 -6473,115.0,150.0,0,0,0,0,1,0 -9003,64.0,171.0,0,0,0,0,0,1 -10143,143.0,94.0,1,0,0,0,0,0 -3552,155.0,82.0,0,0,0,0,1,0 -12005,96.0,100.0,0,0,0,0,1,0 -3360,130.0,120.0,0,0,0,0,0,1 -7342,106.0,118.0,0,0,1,0,0,0 -8098,97.0,117.0,0,0,1,0,0,0 -5628,78.0,126.0,0,1,0,0,0,0 -2410,135.0,119.0,0,0,0,0,1,0 -7751,83.0,122.0,0,0,0,0,1,0 -5783,141.0,105.0,0,0,0,0,1,0 -4507,119.0,131.0,0,0,0,0,1,0 -11222,93.0,118.0,0,0,0,0,0,1 -3982,82.0,124.0,0,0,1,0,0,0 -8327,134.0,119.0,0,0,0,0,1,0 -146,129.0,139.0,0,0,0,0,1,0 -8243,107.0,106.0,0,0,1,0,0,0 -6901,70.0,139.0,0,0,0,0,0,1 -8899,114.0,138.0,0,0,1,0,0,0 -2294,99.0,119.0,0,0,0,0,1,0 -8316,109.0,119.0,0,0,1,0,0,0 -2253,93.0,120.0,0,0,0,0,1,0 -7178,68.0,121.0,0,0,0,0,0,1 -3611,72.0,131.0,0,0,1,0,0,0 -5353,99.0,131.0,0,0,0,0,0,1 -1736,103.0,112.0,0,0,1,0,0,0 -8373,77.0,132.0,0,0,1,0,0,0 -9533,110.0,110.0,0,0,0,0,1,0 -114,132.0,119.0,0,0,1,0,0,0 -10668,110.0,145.0,0,0,0,0,1,0 -6126,102.0,104.0,0,0,0,0,1,0 -8673,82.0,104.0,0,0,0,0,1,0 -11408,181.0,128.0,0,0,0,0,0,1 -12008,80.0,88.0,0,0,0,0,1,0 -498,119.0,106.0,0,0,0,0,1,0 -7081,114.0,114.0,0,0,0,0,1,0 -6559,148.0,147.0,0,0,0,0,1,0 -6378,140.0,119.0,0,0,0,0,1,0 -4733,68.0,147.0,0,0,0,0,1,0 -720,135.0,64.0,0,0,0,0,0,1 -7581,130.0,104.0,0,0,1,0,0,0 -4384,110.0,121.0,0,0,1,0,0,0 -10648,98.0,140.0,0,0,0,0,1,0 -8269,96.0,107.0,0,1,0,0,0,0 -5725,99.0,93.0,0,0,0,0,0,1 -3089,68.0,133.0,0,0,0,0,1,0 -9244,110.0,141.0,0,0,0,0,1,0 -9266,99.0,119.0,0,0,1,0,0,0 -484,144.0,105.0,0,0,0,0,1,0 -4545,150.0,123.0,0,0,0,0,0,1 -596,108.0,111.0,0,0,0,0,1,0 -10939,83.0,156.0,0,0,0,0,1,0 -8517,88.0,110.0,0,0,1,0,0,0 -8925,79.0,135.0,0,0,0,0,1,0 -5164,71.0,130.0,0,0,1,0,0,0 -11004,130.0,68.0,0,0,0,0,1,0 -1647,80.0,95.0,0,0,0,0,1,0 -4590,97.0,102.0,0,0,0,0,1,0 -7539,110.0,120.0,0,0,0,0,1,0 -10693,75.0,109.0,0,0,0,0,1,0 -6815,101.0,111.0,0,0,1,0,0,0 -2700,104.0,138.0,0,0,1,0,0,0 -9390,93.0,124.0,0,0,0,0,1,0 -1700,80.0,135.0,0,0,1,0,0,0 -10761,80.0,117.0,0,0,1,0,0,0 -5404,102.0,95.0,0,0,0,0,1,0 -9262,116.0,105.0,0,0,1,0,0,0 -2773,92.0,91.0,0,0,0,0,0,1 -2942,115.0,119.0,0,0,1,0,0,0 -6968,120.0,126.0,0,0,0,0,0,1 -6557,107.0,137.0,0,0,0,0,1,0 -8464,106.0,128.0,0,0,1,0,0,0 -6219,109.0,135.0,0,0,1,0,0,0 -2512,68.0,141.0,0,0,1,0,0,0 -86,119.0,128.0,0,0,1,0,0,0 -7593,76.0,111.0,0,0,0,0,1,0 -2308,70.0,132.0,0,0,1,0,0,0 -2677,101.0,139.0,0,0,1,0,0,0 -9877,76.0,102.0,0,0,0,0,1,0 -9853,60.0,137.0,0,0,0,0,1,0 -10537,94.0,137.0,0,0,1,0,0,0 -2594,165.0,114.0,0,0,0,0,0,1 -11418,67.0,151.0,0,0,1,0,0,0 -9751,91.0,147.0,0,0,0,0,1,0 -1029,80.0,130.0,0,0,0,0,1,0 -136,96.0,108.0,0,0,1,0,0,0 -6972,154.0,108.0,0,0,1,0,0,0 -1236,111.0,106.0,0,0,0,0,1,0 -7024,98.0,118.0,0,0,0,0,1,0 -6240,97.0,120.0,0,0,0,0,1,0 -10885,91.0,127.0,0,0,0,0,0,1 -2854,133.0,117.0,0,0,1,0,0,0 -4409,88.0,99.0,0,0,1,0,0,0 -7529,90.0,123.0,0,0,0,0,1,0 -1200,86.0,130.0,0,0,0,0,1,0 -6121,99.0,119.0,0,0,0,0,1,0 -4717,109.0,123.0,0,0,1,0,0,0 -11459,123.0,140.0,0,0,1,0,0,0 -7556,99.0,119.0,0,0,0,0,1,0 -8860,104.0,119.0,0,0,1,0,0,0 -566,80.0,129.0,0,0,0,0,1,0 -9288,112.0,106.0,0,0,1,0,0,0 -5933,162.0,124.0,0,0,0,0,1,0 -5430,108.0,132.0,0,0,0,0,1,0 -5868,98.0,104.0,0,0,0,0,1,0 -6296,98.0,144.0,0,0,0,0,1,0 -3927,80.0,128.0,0,0,1,0,0,0 -6195,63.0,124.0,0,0,1,0,0,0 -8492,75.0,90.0,0,0,0,0,1,0 -11722,113.0,133.0,0,0,1,0,0,0 -10628,118.0,121.0,0,0,0,0,1,0 -8842,76.0,136.0,0,0,0,0,1,0 -9601,67.0,125.0,0,0,0,0,1,0 -3606,130.0,80.0,0,0,0,0,1,0 -10727,122.0,97.0,0,0,0,0,1,0 -9951,83.0,124.0,0,0,0,0,1,0 -2330,79.0,125.0,0,0,0,0,0,1 -3515,98.0,121.0,0,0,1,0,0,0 -2187,101.0,133.0,0,0,0,0,1,0 -195,103.0,104.0,0,0,1,0,0,0 -9286,87.0,104.0,0,0,0,0,1,0 -10441,65.0,129.0,0,0,0,0,1,0 -5059,80.0,136.0,0,0,0,0,1,0 -802,108.0,149.0,0,0,1,0,0,0 -7762,83.0,133.0,0,0,1,0,0,0 -5715,80.0,110.0,0,0,1,0,0,0 -10329,90.0,117.0,0,0,0,0,1,0 -2668,108.0,122.0,0,0,1,0,0,0 -8622,72.0,135.0,0,0,1,0,0,0 -6598,97.0,65.0,0,0,1,0,0,0 -241,73.0,126.0,0,0,0,0,1,0 -2068,184.0,126.0,0,0,0,0,0,1 -11351,99.0,133.0,0,0,1,0,0,0 -8304,119.0,116.0,0,0,0,0,1,0 -10955,102.0,118.0,0,0,0,0,1,0 -644,80.0,120.0,0,0,0,0,1,0 -11288,120.0,154.0,0,0,1,0,0,0 -5103,108.0,162.0,0,0,0,0,1,0 -5460,93.0,111.0,0,0,0,0,1,0 -7205,80.0,99.0,0,0,0,0,0,1 -1637,98.0,109.0,0,0,1,0,0,0 -7552,96.0,99.0,0,0,1,0,0,0 -120,73.0,102.0,0,0,0,0,1,0 -5873,100.0,113.0,0,0,0,0,1,0 -2981,130.0,110.0,0,0,1,0,0,0 -5069,114.0,102.0,0,0,0,0,1,0 -3074,80.0,120.0,0,0,0,0,1,0 -10744,100.0,122.0,0,0,1,0,0,0 -7296,128.0,98.0,0,0,1,0,0,0 -3278,110.0,144.0,0,0,0,0,1,0 -7131,119.0,104.0,0,0,0,0,0,1 -8003,76.0,137.0,0,0,0,0,1,0 -2135,63.0,143.0,0,0,0,0,1,0 -9778,100.0,100.0,0,0,0,0,1,0 -4970,81.0,97.0,0,0,0,0,1,0 -8583,104.0,133.0,0,0,0,0,1,0 -134,91.0,108.0,0,0,0,0,0,1 -4351,118.0,131.0,0,0,1,0,0,0 -7381,108.0,120.0,0,0,0,0,1,0 -6915,95.0,152.0,0,0,0,0,1,0 -5324,82.0,128.0,0,0,0,0,0,1 -9803,72.0,179.0,0,0,0,0,1,0 -11611,96.0,127.0,0,0,0,0,1,0 -8563,76.0,127.0,0,0,0,0,1,0 -2559,135.0,128.0,0,0,1,0,0,0 -7829,90.0,134.0,0,0,0,0,1,0 -62,95.0,137.0,0,0,1,0,0,0 -9543,76.0,69.0,0,0,1,0,0,0 -9587,90.0,120.0,0,0,0,0,1,0 -11982,98.0,116.0,0,0,1,0,0,0 -1358,86.0,119.0,0,0,0,0,1,0 -8825,81.0,104.0,0,0,1,0,0,0 -8736,69.0,154.0,0,0,1,0,0,0 -11370,56.0,168.0,0,0,1,0,0,0 -3697,101.0,118.0,0,0,1,0,0,0 -2467,96.0,94.0,0,0,0,0,0,1 -679,109.0,144.0,0,0,0,0,1,0 -2041,76.0,97.0,0,0,0,0,0,1 -741,86.0,108.0,0,0,0,0,1,0 -5307,91.0,105.0,0,0,0,0,1,0 -8961,105.0,105.0,0,0,1,0,0,0 -3641,114.0,145.0,0,0,0,0,1,0 -11433,88.0,168.0,0,0,0,0,1,0 -3258,75.0,115.0,0,0,0,0,1,0 -1873,120.0,80.0,0,0,0,0,1,0 -4744,110.0,140.0,0,0,1,0,0,0 -2912,107.0,130.0,0,0,1,0,0,0 -4027,136.0,141.0,0,1,0,0,0,0 -5488,109.0,118.0,0,0,0,0,0,1 -10393,140.0,109.0,0,0,0,0,1,0 -8024,107.0,131.0,0,0,0,0,1,0 -7786,105.0,142.0,0,0,0,0,1,0 -11134,74.0,117.0,0,0,1,0,0,0 -6864,135.0,84.0,0,0,0,0,1,0 -489,130.0,156.0,0,0,0,0,1,0 -690,110.0,129.0,0,0,0,0,1,0 -602,162.0,119.0,0,0,1,0,0,0 -1014,146.0,119.0,0,0,0,0,1,0 -869,125.0,129.0,0,0,0,0,1,0 -1993,180.0,105.0,0,0,0,0,1,0 -7610,120.0,114.0,0,0,0,0,0,1 -5283,135.0,116.0,0,0,1,0,0,0 -4370,101.0,136.0,0,0,0,0,1,0 -1361,78.0,124.0,0,0,1,0,0,0 -1526,99.0,84.0,0,1,0,0,0,0 -1629,112.0,128.0,0,0,0,0,1,0 -1551,106.0,118.0,0,0,0,0,1,0 -8624,112.0,115.0,0,0,0,0,0,1 -11819,72.0,113.0,0,0,0,0,0,1 -1337,86.0,161.0,0,0,0,0,1,0 -3901,73.0,131.0,0,0,1,0,0,0 -5041,76.0,105.0,0,0,0,0,1,0 -8816,172.0,69.0,0,0,1,0,0,0 -5039,122.0,122.0,0,0,1,0,0,0 -2346,97.0,128.0,0,0,0,0,1,0 -11175,116.0,113.0,1,0,0,0,0,0 -5485,119.0,106.0,0,0,1,0,0,0 -11703,138.0,102.0,0,0,0,0,1,0 -5694,62.0,110.0,0,0,0,0,0,1 -5119,76.0,134.0,0,0,1,0,0,0 -5166,92.0,112.0,0,0,0,0,1,0 -1134,78.0,107.0,0,0,1,0,0,0 -4017,111.0,113.0,0,0,0,0,1,0 -2424,120.0,100.0,0,0,0,0,0,1 -4138,111.0,107.0,0,0,0,0,0,1 -859,90.0,119.0,0,0,1,0,0,0 -2962,82.0,120.0,0,0,1,0,0,0 -8089,60.0,127.0,0,0,0,0,0,1 -10655,196.0,92.0,0,0,1,0,0,0 -10307,114.0,144.0,0,0,0,0,0,1 -10212,74.0,100.0,0,0,0,0,1,0 -1364,103.0,118.0,0,0,0,0,1,0 -10639,112.0,107.0,0,0,1,0,0,0 -1779,113.0,104.0,1,0,0,0,0,0 -8377,111.0,124.0,0,0,0,0,0,1 -2101,68.0,134.0,0,0,0,0,1,0 -1818,97.0,128.0,0,0,0,0,1,0 -369,99.0,120.0,0,0,0,0,1,0 -4937,102.0,112.0,0,0,0,0,0,1 -5285,110.0,90.0,0,0,0,0,1,0 -9764,112.0,135.0,0,0,1,0,0,0 -7071,81.0,100.0,0,0,1,0,0,0 -2093,91.0,94.0,0,0,1,0,0,0 -7817,116.0,106.0,0,0,0,0,1,0 -1920,70.0,145.0,0,1,0,0,0,0 -82,92.0,125.0,0,1,0,0,0,0 -7331,108.0,131.0,0,0,0,0,1,0 -7304,82.0,143.0,0,0,1,0,0,0 -816,147.0,122.0,0,0,0,0,0,1 -4396,124.0,115.0,0,0,1,0,0,0 -6124,90.0,126.0,0,0,1,0,0,0 -4120,138.0,120.0,0,0,0,0,1,0 -9595,88.0,120.0,0,0,0,0,0,1 -1813,104.0,125.0,0,0,1,0,0,0 -1271,84.0,146.0,0,0,0,0,1,0 -2994,86.0,115.0,0,0,1,0,0,0 -9188,104.0,117.0,0,0,0,0,1,0 -6409,79.0,145.0,0,0,1,0,0,0 -2642,103.0,123.0,0,1,0,0,0,0 -8382,130.0,112.0,0,0,1,0,0,0 -2305,108.0,106.0,0,0,1,0,0,0 -8791,98.0,119.0,0,0,0,0,1,0 -10091,120.0,112.0,0,0,1,0,0,0 -4195,114.0,103.0,0,0,0,0,1,0 -10058,80.0,132.0,0,0,0,0,1,0 -3849,66.0,128.0,0,0,0,0,1,0 -11857,88.0,137.0,0,0,1,0,0,0 -10105,120.0,108.0,0,0,0,0,1,0 -11528,105.0,114.0,0,0,0,0,1,0 -3554,74.0,134.0,0,0,0,0,1,0 -2195,100.0,119.0,0,0,1,0,0,0 -2600,96.0,143.0,0,0,0,0,0,1 -6163,101.0,112.0,0,0,1,0,0,0 -1518,104.0,120.0,0,0,0,0,1,0 -8850,108.0,118.0,0,0,1,0,0,0 -6309,104.0,114.0,0,0,1,0,0,0 -5755,118.0,132.0,0,0,0,0,1,0 -5633,89.0,108.0,0,0,0,0,1,0 -11202,86.0,143.0,0,0,1,0,0,0 -7162,130.0,142.0,0,0,1,0,0,0 -9107,87.0,168.0,0,0,0,0,1,0 -8874,88.0,138.0,0,0,0,0,1,0 -1988,120.0,163.0,0,0,1,0,0,0 -7737,80.0,141.0,0,0,0,0,1,0 -517,94.0,99.0,0,0,0,0,1,0 -6160,113.0,114.0,0,0,0,0,1,0 -10472,92.0,160.0,0,0,0,0,1,0 -11713,82.0,125.0,0,0,0,0,1,0 -11863,80.0,93.0,0,0,0,0,1,0 -8727,168.0,108.0,0,0,0,0,1,0 -4456,144.0,82.0,0,0,1,0,0,0 -2761,100.0,100.0,0,0,0,0,1,0 -6481,98.0,114.0,0,0,0,0,0,1 -5911,64.0,136.0,0,0,1,0,0,0 -10865,110.0,126.0,0,0,0,0,1,0 -6547,72.0,141.0,0,0,0,0,1,0 -4855,91.0,123.0,0,0,1,0,0,0 -7644,98.0,111.0,0,0,1,0,0,0 -10667,136.0,121.0,0,0,0,0,1,0 -6358,120.0,116.0,0,0,1,0,0,0 -2438,100.0,109.0,0,0,0,0,1,0 -3765,80.0,104.0,0,0,1,0,0,0 -6432,90.0,110.0,0,0,0,0,0,1 -7846,52.0,134.0,0,0,0,0,1,0 -8594,56.0,133.0,0,0,1,0,0,0 -10799,123.0,115.0,0,0,0,0,1,0 -6340,112.0,134.0,0,0,0,0,0,1 -4821,93.0,115.0,0,0,1,0,0,0 -18,88.0,107.0,0,0,0,0,1,0 -3560,84.0,87.0,0,0,1,0,0,0 -3951,104.0,121.0,0,0,0,0,1,0 -49,128.0,175.0,0,0,1,0,0,0 -11919,110.0,150.0,0,0,0,0,1,0 -887,81.0,110.0,0,0,1,0,0,0 -6261,72.0,105.0,0,0,0,0,1,0 -7236,89.0,149.0,0,0,0,0,1,0 -6989,80.0,120.0,0,0,1,0,0,0 -6043,79.0,121.0,0,0,0,0,1,0 -3168,180.0,104.0,0,0,0,0,0,1 -2949,98.0,90.0,0,0,0,0,1,0 -1424,110.0,133.0,0,0,0,0,0,1 -139,148.0,72.0,0,0,0,0,1,0 -3197,100.0,128.0,0,0,1,0,0,0 -5131,68.0,104.0,0,0,0,0,1,0 -112,103.0,110.0,0,0,0,0,1,0 -8160,103.0,153.0,0,0,0,0,1,0 -10448,188.0,148.0,0,0,0,0,0,1 -4559,120.0,127.0,0,0,0,0,1,0 -4595,110.0,124.0,0,0,1,0,0,0 -4690,94.0,122.0,0,0,0,0,0,1 -7951,102.0,120.0,0,0,0,0,1,0 -3277,92.0,160.0,0,0,1,0,0,0 -4068,80.0,91.0,0,0,0,0,0,1 -4408,121.0,102.0,0,0,1,0,0,0 -8558,109.0,107.0,0,0,0,0,1,0 -10335,77.0,141.0,0,0,0,0,1,0 -451,100.0,124.0,0,0,0,0,1,0 -7262,82.0,120.0,0,1,0,0,0,0 -3731,82.0,109.0,0,0,0,0,0,1 -7256,92.0,132.0,0,0,0,0,0,1 -10774,79.0,110.0,0,0,1,0,0,0 -4986,98.0,100.0,0,0,0,0,1,0 -3663,89.0,127.0,0,0,1,0,0,0 -2763,116.0,132.0,0,0,0,0,1,0 -8883,95.0,137.0,0,0,0,0,1,0 -1855,103.0,118.0,0,0,0,0,1,0 -999,78.0,117.0,0,0,1,0,0,0 -389,148.0,121.0,0,0,1,0,0,0 -6426,102.0,156.0,0,0,1,0,0,0 -1476,97.0,138.0,0,0,0,0,1,0 -2240,88.0,118.0,0,0,1,0,0,0 -10999,130.0,138.0,0,0,0,0,1,0 -8112,84.0,130.0,0,0,0,0,1,0 -992,100.0,111.0,0,0,0,0,1,0 -7032,94.0,117.0,0,0,0,0,0,1 -4997,110.0,133.0,0,0,1,0,0,0 -3922,66.0,142.0,0,0,0,0,1,0 -2972,106.0,113.0,0,0,0,0,1,0 -6871,99.0,144.0,0,0,0,0,1,0 -10442,112.0,130.0,0,0,1,0,0,0 -4769,122.0,120.0,0,0,1,0,0,0 -1293,105.0,117.0,0,0,1,0,0,0 -4173,76.0,120.0,0,0,0,0,1,0 -2535,73.0,131.0,0,0,0,0,1,0 -10990,100.0,107.0,0,0,0,0,1,0 -1907,98.0,141.0,0,0,0,0,1,0 -11789,103.0,157.0,0,0,0,0,1,0 -11430,185.0,108.0,0,0,1,0,0,0 -6033,78.0,108.0,0,0,1,0,0,0 -7619,124.0,166.0,0,0,0,0,1,0 -1151,120.0,125.0,0,0,1,0,0,0 -1567,77.0,100.0,0,0,1,0,0,0 -3171,97.0,120.0,0,0,0,0,1,0 -7106,120.0,102.0,0,0,1,0,0,0 -4160,121.0,129.0,0,0,0,0,1,0 -4287,54.0,108.0,0,0,1,0,0,0 -2230,87.0,119.0,0,0,1,0,0,0 -174,73.0,137.0,0,0,0,0,1,0 -1903,173.0,138.0,0,0,1,0,0,0 -8859,123.0,138.0,0,1,0,0,0,0 -3408,88.0,120.0,0,0,1,0,0,0 -1538,100.0,135.0,0,0,0,0,1,0 -2292,94.0,106.0,0,0,1,0,0,0 -1363,69.0,102.0,0,0,0,0,1,0 -4357,80.0,98.0,0,0,0,0,1,0 -5260,80.0,117.0,0,0,1,0,0,0 -9008,102.0,105.0,0,0,0,0,1,0 -9156,116.0,108.0,0,0,0,0,1,0 -680,83.0,144.0,0,0,0,0,1,0 -9528,112.0,107.0,0,0,1,0,0,0 -3664,88.0,121.0,0,0,0,0,1,0 -1661,98.0,118.0,0,0,0,0,0,1 -508,94.0,100.0,0,0,0,0,1,0 -166,92.0,104.0,0,0,0,0,1,0 -9980,95.0,107.0,0,0,1,0,0,0 -10045,82.0,145.0,0,0,1,0,0,0 -7365,92.0,130.0,0,0,0,0,1,0 -1914,138.0,103.0,0,0,1,0,0,0 -7263,110.0,141.0,0,0,0,0,1,0 -11602,80.0,119.0,0,0,0,0,1,0 -11739,63.0,119.0,0,0,0,0,0,1 -7361,102.0,141.0,0,0,0,0,1,0 -1104,124.0,144.0,0,0,0,0,1,0 -9451,84.0,144.0,0,0,1,0,0,0 -5310,71.0,100.0,0,0,1,0,0,0 -9112,102.0,146.0,0,0,0,0,1,0 -5754,110.0,106.0,0,0,1,0,0,0 -152,109.0,107.0,0,0,1,0,0,0 -9573,83.0,98.0,0,0,0,0,1,0 -5679,125.0,114.0,0,0,0,0,1,0 -10994,84.0,90.0,0,0,0,0,1,0 -3551,96.0,97.0,0,0,1,0,0,0 -3722,125.0,98.0,0,0,0,0,1,0 -4538,125.0,120.0,0,0,0,0,1,0 -9783,108.0,126.0,0,0,0,0,1,0 -1991,99.0,111.0,0,0,0,0,1,0 -10601,80.0,115.0,0,0,0,0,1,0 -5141,72.0,110.0,0,0,0,0,1,0 -3811,72.0,138.0,0,0,0,0,0,1 -10480,70.0,195.0,0,0,0,0,1,0 -3450,133.0,102.0,0,0,1,0,0,0 -4591,106.0,143.0,0,0,0,0,1,0 -7352,115.0,150.0,0,0,0,0,1,0 -205,95.0,145.0,0,0,1,0,0,0 -6680,92.0,131.0,0,0,0,0,1,0 -2749,99.0,133.0,0,0,0,0,1,0 -1849,88.0,115.0,0,0,0,0,1,0 -10909,109.0,111.0,0,0,0,0,1,0 -3240,92.0,125.0,0,0,0,0,1,0 -9571,81.0,126.0,0,0,1,0,0,0 -3109,130.0,114.0,0,0,1,0,0,0 -5934,79.0,107.0,0,0,0,0,1,0 -5810,87.0,118.0,0,0,0,0,0,1 -5634,68.0,141.0,0,0,1,0,0,0 -4307,109.0,99.0,0,0,0,0,1,0 -3156,125.0,83.0,0,0,1,0,0,0 -6534,83.0,119.0,0,0,0,0,1,0 -10461,69.0,118.0,0,0,0,0,1,0 -10804,97.0,152.0,0,0,0,0,1,0 -3832,96.0,114.0,0,0,0,0,1,0 -10487,84.0,96.0,0,0,0,0,1,0 -4776,150.0,91.0,0,0,1,0,0,0 -7997,108.0,114.0,0,0,0,0,1,0 -4276,130.0,144.0,0,0,0,0,1,0 -11738,138.0,130.0,0,0,0,0,0,1 -8568,126.0,154.0,0,0,0,0,1,0 -11555,140.0,107.0,0,0,0,0,1,0 -278,177.0,136.0,0,0,0,0,1,0 -6771,131.0,122.0,0,0,0,0,1,0 -7415,137.0,112.0,0,0,1,0,0,0 -3252,108.0,121.0,0,0,0,0,1,0 -9383,87.0,160.0,0,0,0,0,1,0 -11317,80.0,119.0,0,0,1,0,0,0 -289,97.0,138.0,0,0,1,0,0,0 -3075,65.0,159.0,0,0,0,0,0,1 -8721,83.0,114.0,0,0,0,0,1,0 -8539,104.0,110.0,0,0,0,0,1,0 -270,83.0,117.0,0,0,0,0,1,0 -4570,160.0,125.0,0,0,0,0,1,0 -10564,127.0,144.0,0,0,0,0,1,0 -6696,96.0,134.0,0,0,1,0,0,0 -4316,106.0,153.0,0,0,0,0,1,0 -3180,92.0,132.0,0,0,1,0,0,0 -1422,130.0,114.0,0,0,0,0,0,1 -8275,86.0,171.0,0,0,0,0,1,0 -10434,127.0,109.0,0,0,0,0,0,1 -4557,80.0,127.0,0,0,0,0,1,0 -7812,142.0,138.0,0,0,1,0,0,0 -6297,96.0,139.0,0,0,1,0,0,0 -8834,76.0,154.0,0,0,0,0,1,0 -11674,70.0,136.0,0,0,0,0,1,0 -1132,63.0,118.0,0,0,1,0,0,0 -6242,86.0,124.0,0,0,0,0,1,0 -11697,150.0,132.0,0,0,0,0,1,0 -11276,79.0,122.0,0,0,0,0,1,0 -7423,118.0,122.0,0,0,1,0,0,0 -10258,113.0,131.0,0,0,0,0,1,0 -8689,92.0,123.0,0,0,0,0,1,0 -5520,138.0,154.0,0,0,0,0,0,1 -10477,145.0,119.0,0,0,0,0,1,0 -11372,96.0,144.0,0,0,0,0,1,0 -3786,118.0,137.0,0,0,1,0,0,0 -8974,112.0,117.0,0,1,0,0,0,0 -8345,120.0,110.0,0,0,0,0,0,1 -2161,108.0,108.0,0,0,0,0,1,0 -3008,112.0,112.0,0,0,0,0,1,0 -1105,83.0,101.0,0,0,0,0,1,0 -8903,112.0,120.0,0,0,0,0,1,0 -692,110.0,119.0,0,0,1,0,0,0 -4956,103.0,125.0,0,0,1,0,0,0 -8307,78.0,122.0,0,0,0,0,1,0 -4369,82.0,124.0,1,0,0,0,0,0 -2765,120.0,120.0,0,0,0,0,1,0 -3929,89.0,110.0,0,1,0,0,0,0 -9205,148.0,114.0,0,0,1,0,0,0 -11830,82.0,161.0,0,0,0,0,1,0 -7778,83.0,125.0,0,0,0,0,1,0 -628,96.0,98.0,0,0,0,0,1,0 -2451,100.0,101.0,0,0,1,0,0,0 -3824,117.0,117.0,0,0,0,0,1,0 -11967,66.0,129.0,0,0,0,0,1,0 -3743,62.0,114.0,0,0,0,0,1,0 -2176,74.0,150.0,0,0,0,0,0,1 -6689,64.0,122.0,0,0,0,0,1,0 -3318,80.0,150.0,0,0,0,0,1,0 -8753,141.0,143.0,0,0,1,0,0,0 -7432,138.0,110.0,0,0,0,0,1,0 -2787,113.0,123.0,0,1,0,0,0,0 -1196,65.0,130.0,0,0,0,0,1,0 -1676,83.0,119.0,0,0,1,0,0,0 -3947,87.0,178.0,0,0,1,0,0,0 -7618,99.0,151.0,0,0,1,0,0,0 -4444,93.0,97.0,0,0,0,0,1,0 -5722,96.0,133.0,0,0,0,0,1,0 -10275,80.0,107.0,0,0,1,0,0,0 -2369,90.0,131.0,0,0,1,0,0,0 -4967,72.0,114.0,0,0,0,0,1,0 -2217,74.0,105.0,0,0,0,0,1,0 -8148,70.0,143.0,0,0,0,0,1,0 -3326,106.0,104.0,0,0,1,0,0,0 -8955,99.0,119.0,0,0,0,0,1,0 -3583,99.0,111.0,0,0,1,0,0,0 -11768,87.0,107.0,0,0,1,0,0,0 -11831,157.0,118.0,0,0,1,0,0,0 -3619,90.0,138.0,0,0,1,0,0,0 -6217,133.0,118.0,0,0,0,0,1,0 -2468,95.0,133.0,0,0,0,0,1,0 -8277,168.0,103.0,0,0,0,0,1,0 -10187,126.0,159.0,0,0,0,0,1,0 -5973,118.0,155.0,0,0,0,0,1,0 -3667,107.0,104.0,0,0,0,0,1,0 -5158,126.0,95.0,0,0,1,0,0,0 -7594,70.0,138.0,0,0,0,0,1,0 -6976,102.0,116.0,0,0,0,0,1,0 -3423,120.0,102.0,0,0,1,0,0,0 -8199,71.0,140.0,0,0,0,0,0,1 -2409,61.0,139.0,0,0,1,0,0,0 -3212,126.0,102.0,0,0,0,0,1,0 -5366,105.0,110.0,0,0,1,0,0,0 -8975,132.0,105.0,0,0,0,0,1,0 -6593,86.0,120.0,0,0,0,0,0,1 -2895,87.0,104.0,0,0,0,0,1,0 -10534,121.0,127.0,0,0,0,0,1,0 -11487,101.0,118.0,0,0,1,0,0,0 -3642,120.0,118.0,0,0,0,0,0,1 -8891,96.0,100.0,0,0,0,0,1,0 -10103,99.0,152.0,0,0,0,0,1,0 -11667,164.0,93.0,0,0,0,0,0,1 -10890,53.0,106.0,0,0,1,0,0,0 -8548,100.0,135.0,0,0,0,0,1,0 -11930,96.0,114.0,0,0,0,0,1,0 -5451,100.0,97.0,0,0,1,0,0,0 -7160,110.0,108.0,0,0,1,0,0,0 -7866,91.0,126.0,0,0,0,0,1,0 -2743,109.0,124.0,0,0,0,0,1,0 -4958,131.0,107.0,0,0,0,0,1,0 -6474,88.0,106.0,0,0,1,0,0,0 -7888,146.0,120.0,0,0,0,0,1,0 -492,60.0,122.0,0,0,1,0,0,0 -1116,84.0,125.0,0,0,0,0,0,1 -5637,106.0,135.0,0,0,1,0,0,0 -10571,92.0,132.0,0,0,0,0,0,1 -11886,93.0,138.0,0,0,0,0,1,0 -8935,104.0,140.0,0,0,1,0,0,0 -10363,75.0,75.0,0,0,0,0,1,0 -6589,93.0,108.0,0,0,0,0,1,0 -10913,96.0,122.0,0,0,0,0,1,0 -7557,92.0,112.0,0,0,0,0,1,0 -9638,109.0,113.0,0,0,0,0,1,0 -5241,83.0,139.0,0,0,1,0,0,0 -11124,80.0,118.0,0,0,0,0,0,1 -2783,136.0,132.0,0,0,1,0,0,0 -8880,124.0,92.0,0,0,1,0,0,0 -1696,94.0,127.0,0,0,1,0,0,0 -5685,104.0,125.0,0,0,1,0,0,0 -2295,92.0,127.0,0,0,0,0,0,1 -5939,84.0,109.0,0,0,1,0,0,0 -7763,99.0,108.0,0,0,0,0,1,0 -3313,95.0,131.0,0,0,0,0,1,0 -4781,92.0,105.0,0,0,0,0,0,1 -8350,81.0,126.0,0,0,0,0,1,0 -8986,100.0,120.0,0,0,1,0,0,0 -7605,100.0,105.0,0,0,0,0,1,0 -215,120.0,148.0,0,0,0,0,0,1 -6707,112.0,110.0,0,0,0,0,1,0 -9926,82.0,134.0,0,0,0,0,1,0 -10992,110.0,136.0,0,0,0,0,1,0 -3483,85.0,99.0,0,0,0,0,1,0 -7006,125.0,108.0,0,0,0,0,1,0 -5102,90.0,106.0,0,0,0,0,1,0 -6599,78.0,113.0,0,0,0,0,1,0 -3764,82.0,163.0,0,0,1,0,0,0 -6410,145.0,132.0,0,0,0,0,1,0 -9142,104.0,138.0,0,0,0,0,1,0 -25,110.0,130.0,0,0,0,0,1,0 -7659,168.0,87.0,0,0,0,0,1,0 -10494,120.0,112.0,0,0,0,0,1,0 -11077,95.0,142.0,0,0,0,0,1,0 -10375,103.0,105.0,0,0,1,0,0,0 -6683,99.0,116.0,0,0,0,0,1,0 -10414,87.0,140.0,0,0,0,0,1,0 -8584,96.0,123.0,0,0,1,0,0,0 -10989,90.0,104.0,0,0,0,0,0,1 -11618,128.0,159.0,0,0,0,0,1,0 -10644,143.0,108.0,0,0,0,0,0,1 -1102,102.0,99.0,0,0,1,0,0,0 -3276,105.0,127.0,0,0,0,0,0,1 -5345,60.0,120.0,1,0,0,0,0,0 -10920,110.0,138.0,0,0,0,0,0,1 -8386,83.0,104.0,0,0,0,0,1,0 -8757,110.0,115.0,0,0,1,0,0,0 -12034,108.0,114.0,0,0,0,0,1,0 -2207,120.0,118.0,0,0,0,0,1,0 -4552,101.0,118.0,0,0,0,0,1,0 -4402,151.0,92.0,0,0,0,0,1,0 -7395,80.0,119.0,0,0,1,0,0,0 -3718,120.0,117.0,0,0,0,0,1,0 -972,82.0,130.0,0,0,1,0,0,0 -4579,63.0,135.0,0,0,0,0,1,0 -6516,147.0,67.0,0,0,1,0,0,0 -719,141.0,109.0,0,0,0,0,1,0 -6155,69.0,111.0,0,0,0,0,1,0 -11356,94.0,91.0,0,0,0,0,1,0 -2803,128.0,102.0,0,0,1,0,0,0 -2566,119.0,132.0,0,0,0,0,1,0 -4025,61.0,134.0,0,0,1,0,0,0 -6198,138.0,95.0,0,1,0,0,0,0 -8224,91.0,110.0,0,0,0,0,1,0 -10634,76.0,129.0,0,0,0,0,1,0 -4063,101.0,129.0,0,0,0,0,1,0 -2792,197.0,114.0,0,0,0,0,1,0 -2222,88.0,154.0,0,0,0,1,0,0 -5818,90.0,110.0,0,0,0,0,1,0 -3866,75.0,107.0,0,0,1,0,0,0 -8729,98.0,135.0,0,0,0,0,1,0 -10430,111.0,137.0,0,0,0,0,1,0 -3227,156.0,112.0,0,0,1,0,0,0 -4214,79.0,122.0,0,0,0,0,1,0 -3923,204.0,82.0,0,0,0,0,1,0 -9006,120.0,92.0,0,0,0,0,1,0 -1401,69.0,125.0,0,0,0,0,1,0 -7703,170.0,119.0,0,0,0,0,1,0 -4979,98.0,117.0,0,1,0,0,0,0 -3253,64.0,135.0,0,0,1,0,0,0 -10388,112.0,92.0,0,0,0,0,1,0 -2661,91.0,108.0,0,0,0,0,1,0 -2158,84.0,113.0,0,0,0,0,1,0 -8578,100.0,112.0,0,0,0,0,1,0 -8088,86.0,104.0,0,0,1,0,0,0 -674,100.0,131.0,0,0,0,0,1,0 -10449,120.0,99.0,0,0,1,0,0,0 -7011,96.0,102.0,0,0,1,0,0,0 -8862,70.0,126.0,0,0,0,0,1,0 -3841,116.0,120.0,0,0,0,0,1,0 -1815,155.0,109.0,0,0,0,0,1,0 -11621,66.0,124.0,0,0,0,0,1,0 -11847,108.0,113.0,0,0,0,0,1,0 -2100,123.0,105.0,0,0,0,0,0,1 -10607,110.0,116.0,0,0,0,0,1,0 -6708,120.0,98.0,0,0,0,0,1,0 -1673,164.0,86.0,0,0,0,0,0,1 -4213,107.0,113.0,0,1,0,0,0,0 -8774,127.0,110.0,0,0,1,0,0,0 -1548,144.0,72.0,0,0,1,0,0,0 -8722,99.0,119.0,0,0,0,0,1,0 -8547,127.0,92.0,0,0,0,0,1,0 -5184,115.0,136.0,0,0,0,0,0,1 -1461,56.0,103.0,0,0,1,0,0,0 -11301,68.0,127.0,0,0,0,0,1,0 -3220,67.0,110.0,0,0,0,0,1,0 -11024,94.0,142.0,0,0,0,0,1,0 -7170,106.0,140.0,0,0,1,0,0,0 -7430,120.0,94.0,0,0,0,0,1,0 -1751,112.0,107.0,0,0,1,0,0,0 -3976,70.0,111.0,0,0,0,0,1,0 -8353,87.0,153.0,0,0,1,0,0,0 -1772,147.0,110.0,0,0,0,0,1,0 -2016,76.0,131.0,0,0,1,0,0,0 -2005,131.0,120.0,0,0,0,0,1,0 -3893,117.0,112.0,0,0,1,0,0,0 -3237,108.0,90.0,0,0,1,0,0,0 -4424,108.0,131.0,0,0,0,0,1,0 -8588,72.0,152.0,0,0,0,0,1,0 -2257,88.0,122.0,1,0,0,0,0,0 -4072,90.0,139.0,0,0,1,0,0,0 -5574,60.0,149.0,0,0,0,0,1,0 -11808,68.0,134.0,0,0,0,0,1,0 -5355,74.0,122.0,0,0,1,0,0,0 -8418,98.0,116.0,0,0,0,0,1,0 -6093,109.0,92.0,0,0,1,0,0,0 -7935,123.0,140.0,0,0,0,0,0,1 -9761,95.0,82.0,0,0,1,0,0,0 -1519,101.0,108.0,0,0,0,0,1,0 -9929,82.0,137.0,0,0,1,0,0,0 -1378,110.0,97.0,0,0,1,0,0,0 -5672,104.0,141.0,0,0,0,0,0,1 -2587,116.0,105.0,0,0,1,0,0,0 -11757,116.0,102.0,0,0,0,0,1,0 -5621,76.0,118.0,0,0,1,0,0,0 -9518,101.0,134.0,0,0,0,0,1,0 -9924,100.0,120.0,0,0,1,0,0,0 -5842,105.0,141.0,0,0,1,0,0,0 -7122,120.0,115.0,0,0,0,0,1,0 -5832,102.0,108.0,0,0,0,0,1,0 -4888,106.0,135.0,0,0,0,0,1,0 -5904,112.0,112.0,0,0,1,0,0,0 -522,100.0,129.0,0,0,1,0,0,0 -8043,94.0,119.0,0,0,0,0,1,0 -3607,138.0,96.0,0,0,1,0,0,0 -234,99.0,155.0,0,0,0,0,0,1 -3796,113.0,113.0,0,0,0,0,1,0 -6318,100.0,115.0,0,0,0,0,1,0 -7094,86.0,119.0,0,0,1,0,0,0 -1948,73.0,138.0,0,0,0,0,1,0 -6361,80.0,124.0,0,0,0,0,1,0 -11318,95.0,147.0,0,0,0,0,1,0 -6091,103.0,133.0,0,0,0,0,1,0 -10935,108.0,126.0,0,0,0,0,1,0 -2224,79.0,109.0,0,0,1,0,0,0 -5571,110.0,102.0,0,0,0,0,1,0 -4523,118.0,135.0,0,0,0,0,1,0 -5793,93.0,128.0,0,0,0,0,0,1 -11744,87.0,102.0,0,0,0,0,1,0 -5738,80.0,94.0,0,0,0,0,1,0 -2624,130.0,102.0,0,0,1,0,0,0 -4728,113.0,116.0,0,1,0,0,0,0 -7818,100.0,109.0,0,0,1,0,0,0 -11939,110.0,116.0,0,0,0,0,1,0 -10974,108.0,143.0,0,0,1,0,0,0 -8976,138.0,148.0,1,0,0,0,0,0 -2437,112.0,141.0,0,0,0,0,1,0 -6056,79.0,125.0,0,0,0,0,1,0 -6352,150.0,128.0,0,0,1,0,0,0 -3167,86.0,131.0,0,0,1,0,0,0 -1809,93.0,151.0,0,0,0,0,1,0 -9756,97.0,119.0,0,0,1,0,0,0 -7161,88.0,115.0,0,0,1,0,0,0 -5086,120.0,130.0,0,0,1,0,0,0 -10056,80.0,167.0,0,0,1,0,0,0 -7016,78.0,132.0,0,0,0,0,1,0 -9403,110.0,99.0,0,0,0,0,1,0 -4945,92.0,133.0,0,0,1,0,0,0 -6046,172.0,118.0,0,0,0,0,1,0 -11145,164.0,88.0,0,0,1,0,0,0 -6919,101.0,99.0,0,0,0,0,1,0 -5590,125.0,111.0,0,0,0,0,1,0 -7226,130.0,134.0,0,0,0,0,1,0 -1228,83.0,149.0,0,0,0,0,1,0 -9292,98.0,115.0,0,0,1,0,0,0 -6846,92.0,110.0,0,0,0,0,1,0 -8244,176.0,117.0,0,1,0,0,0,0 -6555,59.0,125.0,0,0,1,0,0,0 -159,80.0,130.0,0,0,1,0,0,0 -1589,84.0,130.0,0,0,0,0,1,0 -11850,152.0,109.0,0,0,0,0,1,0 -11420,104.0,136.0,0,0,0,0,0,1 -11398,180.0,98.0,0,0,0,0,1,0 -11235,90.0,125.0,0,0,0,0,1,0 -6687,96.0,98.0,0,0,0,0,1,0 -11248,82.0,139.0,0,0,1,0,0,0 -9085,165.0,123.0,0,0,0,0,0,1 -7480,108.0,102.0,0,0,0,0,1,0 -11287,122.0,117.0,0,0,0,0,1,0 -1556,98.0,99.0,0,0,0,0,1,0 -2828,70.0,116.0,0,0,0,0,1,0 -436,102.0,118.0,0,1,0,0,0,0 -5789,80.0,117.0,0,0,1,0,0,0 -9834,71.0,138.0,0,0,0,0,1,0 -1588,80.0,92.0,0,0,0,0,1,0 -7398,90.0,132.0,0,0,0,0,1,0 -2780,88.0,88.0,0,0,1,0,0,0 -10810,68.0,140.0,0,0,0,0,0,1 -5686,133.0,143.0,0,0,1,0,0,0 -3965,92.0,99.0,0,0,1,0,0,0 -4727,87.0,114.0,0,0,0,0,1,0 -1238,90.0,95.0,0,0,1,0,0,0 -2951,82.0,147.0,0,0,1,0,0,0 -8805,75.0,134.0,0,0,1,0,0,0 -9321,113.0,95.0,0,0,0,0,1,0 -1497,83.0,104.0,0,0,1,0,0,0 -6465,88.0,118.0,0,0,0,0,1,0 -7355,108.0,122.0,0,0,0,0,1,0 -7823,160.0,119.0,0,0,0,0,1,0 -7547,100.0,146.0,0,0,1,0,0,0 -7913,49.0,163.0,0,0,0,0,1,0 -10308,136.0,122.0,0,0,0,0,1,0 -5185,100.0,109.0,0,0,0,0,0,1 -5647,58.0,88.0,0,0,0,0,1,0 -11311,88.0,132.0,0,0,0,0,1,0 -5242,102.0,149.0,0,0,0,0,1,0 -2130,115.0,136.0,0,0,0,0,1,0 -2092,134.0,85.0,0,0,1,0,0,0 -5409,132.0,154.0,0,0,1,0,0,0 -187,108.0,120.0,0,0,1,0,0,0 -7938,107.0,120.0,0,1,0,0,0,0 -3655,100.0,107.0,0,0,1,0,0,0 -3426,81.0,125.0,0,0,1,0,0,0 -9250,86.0,133.0,0,0,1,0,0,0 -1381,111.0,133.0,0,0,0,0,0,1 -9418,92.0,112.0,0,0,1,0,0,0 -8605,126.0,132.0,0,0,0,0,0,1 -7427,90.0,118.0,0,0,0,0,1,0 -5037,132.0,86.0,0,0,0,0,1,0 -4897,78.0,102.0,0,1,0,0,0,0 -3175,97.0,119.0,0,0,1,0,0,0 -9614,99.0,130.0,0,0,1,0,0,0 -8448,114.0,148.0,0,0,0,0,1,0 -11920,127.0,118.0,0,0,0,0,1,0 -10063,103.0,129.0,0,0,0,0,1,0 -2235,89.0,108.0,0,0,1,0,0,0 -8068,94.0,124.0,0,0,0,0,1,0 -4236,80.0,137.0,0,0,0,0,1,0 -8951,118.0,84.0,0,0,1,0,0,0 -9231,92.0,130.0,0,0,0,0,1,0 -24,116.0,121.0,0,0,1,0,0,0 -3363,86.0,128.0,0,0,0,0,1,0 -1088,109.0,113.0,0,0,0,0,1,0 -8733,96.0,102.0,1,0,0,0,0,0 -11019,78.0,107.0,0,0,0,0,1,0 -2841,147.0,123.0,0,0,1,0,0,0 -7537,91.0,143.0,0,0,0,0,1,0 -7470,75.0,118.0,0,0,1,0,0,0 -11218,87.0,127.0,0,0,0,0,1,0 -4152,120.0,108.0,0,0,1,0,0,0 -695,120.0,101.0,0,0,0,0,1,0 -11046,131.0,81.0,0,0,0,0,0,1 -6337,94.0,150.0,0,0,1,0,0,0 -1227,80.0,137.0,0,0,0,0,1,0 -1999,188.0,122.0,0,0,1,0,0,0 -276,88.0,117.0,0,0,0,0,1,0 -5929,170.0,86.0,0,0,0,0,1,0 -2953,116.0,123.0,0,0,0,0,1,0 -3637,82.0,102.0,0,0,1,0,0,0 -3906,83.0,105.0,0,0,0,0,1,0 -4778,88.0,134.0,0,0,0,0,1,0 -5845,98.0,123.0,0,0,0,0,1,0 -11678,79.0,115.0,0,0,0,0,1,0 -4117,97.0,122.0,0,0,0,0,1,0 -1137,96.0,119.0,0,0,1,0,0,0 -2767,103.0,109.0,0,0,0,0,0,1 -8182,150.0,90.0,0,0,0,0,1,0 -9567,88.0,95.0,0,0,0,0,0,1 -7661,168.0,110.0,0,0,0,0,0,1 -8970,174.0,113.0,0,0,0,0,0,1 -2490,126.0,121.0,0,0,0,0,1,0 -11657,88.0,124.0,0,0,1,0,0,0 -7742,97.0,146.0,0,0,1,0,0,0 -3935,92.0,136.0,0,0,0,0,1,0 -2384,84.0,150.0,0,0,0,0,1,0 -8016,115.0,109.0,0,0,0,0,1,0 -7084,80.0,132.0,0,0,1,0,0,0 -115,137.0,100.0,0,0,0,0,1,0 -1863,97.0,110.0,0,0,1,0,0,0 -3119,102.0,116.0,0,0,0,0,1,0 -4258,98.0,124.0,0,0,0,0,1,0 -11112,90.0,135.0,0,0,0,0,1,0 -2819,110.0,144.0,0,0,0,0,1,0 -9982,80.0,132.0,0,0,0,0,0,1 -9060,70.0,135.0,0,0,0,0,1,0 -10936,87.0,125.0,0,0,0,0,1,0 -4699,152.0,120.0,0,0,1,0,0,0 -3802,70.0,120.0,0,0,0,0,1,0 -6068,99.0,112.0,0,0,1,0,0,0 -3536,120.0,121.0,0,0,0,0,1,0 -3825,52.0,123.0,0,0,1,0,0,0 -6642,122.0,119.0,0,0,0,0,1,0 -11364,74.0,120.0,0,0,0,0,0,1 -1946,98.0,125.0,0,0,0,0,1,0 -10510,118.0,120.0,0,0,0,0,1,0 -9979,88.0,126.0,0,0,0,0,1,0 -10042,88.0,144.0,0,0,0,0,1,0 -7269,126.0,124.0,0,0,0,0,0,1 -9412,141.0,146.0,0,0,0,0,1,0 -7929,62.0,117.0,0,0,0,0,1,0 -7166,98.0,118.0,0,0,0,0,1,0 -6963,118.0,110.0,0,0,1,0,0,0 -5867,90.0,128.0,0,0,0,0,1,0 -4761,120.0,100.0,0,0,1,0,0,0 -882,100.0,129.0,0,0,0,0,1,0 -557,83.0,122.0,0,0,0,0,1,0 -9775,84.0,124.0,0,0,1,0,0,0 -1207,95.0,138.0,0,0,0,0,1,0 -7684,98.0,118.0,0,0,0,0,1,0 -9320,109.0,102.0,0,0,0,0,1,0 -6538,124.0,154.0,0,0,0,0,1,0 -3211,112.0,95.0,0,0,0,0,1,0 -3630,146.0,114.0,0,0,0,0,1,0 -1708,160.0,170.0,0,0,0,0,1,0 -8458,105.0,115.0,0,0,0,0,1,0 -1140,110.0,138.0,0,0,0,0,1,0 -3162,106.0,123.0,0,0,1,0,0,0 -6207,100.0,130.0,0,0,0,0,1,0 -3730,84.0,106.0,0,0,1,0,0,0 -2660,69.0,142.0,0,0,1,0,0,0 -8848,101.0,114.0,0,0,0,0,1,0 -1307,103.0,140.0,0,0,0,0,1,0 -2567,80.0,105.0,0,0,1,0,0,0 -2834,135.0,122.0,0,0,0,0,0,1 -11525,114.0,126.0,0,0,1,0,0,0 -2151,92.0,114.0,0,0,0,0,1,0 -9410,70.0,141.0,0,0,0,0,1,0 -3835,110.0,118.0,0,0,0,0,0,1 -11675,66.0,162.0,0,0,0,0,1,0 -9246,80.0,104.0,0,0,0,0,1,0 -9898,94.0,121.0,0,0,0,0,1,0 -5004,84.0,119.0,0,0,1,0,0,0 -6626,76.0,122.0,0,0,1,0,0,0 -1627,150.0,150.0,0,0,0,0,1,0 -11076,104.0,119.0,0,0,1,0,0,0 -11811,86.0,101.0,0,0,0,0,1,0 -358,108.0,119.0,0,0,0,0,1,0 -138,97.0,130.0,0,0,1,0,0,0 -8491,104.0,92.0,0,0,0,0,1,0 -382,165.0,119.0,0,0,0,0,1,0 -9097,80.0,113.0,0,0,0,0,1,0 -4857,87.0,144.0,0,1,0,0,0,0 -11187,96.0,106.0,0,0,1,0,0,0 -1439,89.0,125.0,0,0,0,0,1,0 -946,99.0,119.0,0,0,1,0,0,0 -5498,80.0,110.0,0,0,0,0,1,0 -4916,82.0,185.0,0,0,0,0,1,0 -8556,126.0,91.0,0,0,0,0,1,0 -1932,80.0,130.0,0,0,1,0,0,0 -2352,100.0,130.0,0,0,1,0,0,0 -3236,80.0,118.0,0,0,1,0,0,0 -9968,96.0,118.0,0,0,0,0,1,0 -3807,101.0,120.0,0,0,0,0,1,0 -1936,115.0,123.0,0,0,0,0,1,0 -10718,81.0,108.0,0,0,1,0,0,0 -4154,110.0,112.0,0,0,0,0,1,0 -2416,118.0,107.0,0,0,1,0,0,0 -9233,90.0,115.0,0,0,0,0,1,0 -6139,140.0,124.0,0,0,1,0,0,0 -785,85.0,134.0,0,0,0,0,1,0 -6789,127.0,126.0,0,0,0,0,1,0 -8036,85.0,96.0,0,0,0,0,1,0 -8315,77.0,126.0,0,0,1,0,0,0 -11391,149.0,80.0,0,0,0,0,1,0 -5668,99.0,120.0,0,0,0,0,1,0 -2172,81.0,116.0,0,0,0,0,1,0 -2169,115.0,105.0,0,0,0,0,1,0 -6628,76.0,112.0,0,0,0,0,1,0 -4009,77.0,122.0,0,0,0,0,1,0 -4340,97.0,144.0,0,0,1,0,0,0 -910,90.0,128.0,0,0,0,0,0,1 -6268,123.0,132.0,0,0,1,0,0,0 -2309,71.0,112.0,0,0,0,0,1,0 -6591,60.0,127.0,0,0,1,0,0,0 -4458,100.0,116.0,0,0,0,0,1,0 -7597,93.0,107.0,0,0,0,0,0,1 -9270,98.0,129.0,0,0,1,0,0,0 -11236,62.0,141.0,1,0,0,0,0,0 -4652,107.0,105.0,0,0,0,0,0,1 -6218,88.0,88.0,0,0,0,0,0,1 -442,100.0,119.0,0,0,0,0,1,0 -3415,72.0,153.0,0,0,1,0,0,0 -10528,95.0,112.0,0,0,1,0,0,0 -9245,112.0,119.0,0,0,0,0,1,0 -9452,123.0,112.0,0,0,0,0,1,0 -5744,85.0,136.0,0,0,1,0,0,0 -1054,56.0,146.0,0,0,1,0,0,0 -3699,89.0,104.0,0,0,0,0,1,0 -929,110.0,137.0,0,0,1,0,0,0 -6468,74.0,108.0,0,0,1,0,0,0 -8767,96.0,126.0,0,0,0,0,1,0 -1829,100.0,119.0,0,0,1,0,0,0 -9327,82.0,114.0,0,0,0,0,1,0 -9807,94.0,106.0,0,0,0,0,1,0 -2011,74.0,106.0,0,0,0,0,1,0 -913,82.0,118.0,0,0,0,0,0,1 -7611,139.0,101.0,0,0,0,0,0,1 -9918,88.0,82.0,0,0,0,0,1,0 -9289,206.0,100.0,0,0,1,0,0,0 -2606,177.0,104.0,0,0,0,0,1,0 -4928,104.0,130.0,0,0,0,0,1,0 -6564,78.0,105.0,0,0,0,0,1,0 -9810,113.0,126.0,0,0,0,0,1,0 -6,74.0,119.0,0,0,1,0,0,0 -7835,94.0,106.0,0,0,0,0,1,0 -6583,69.0,141.0,0,0,0,0,1,0 -3361,120.0,132.0,0,0,0,0,1,0 -9405,92.0,131.0,0,0,0,0,1,0 -1635,68.0,122.0,1,0,0,0,0,0 -1141,160.0,101.0,0,0,0,0,1,0 -359,86.0,109.0,0,0,0,0,1,0 -2070,79.0,104.0,0,0,1,0,0,0 -3134,91.0,121.0,0,0,0,0,0,1 -5160,110.0,149.0,0,0,1,0,0,0 -6990,76.0,132.0,0,0,0,0,1,0 -3243,109.0,142.0,0,0,0,0,1,0 -2242,90.0,107.0,0,0,0,0,1,0 -1474,110.0,130.0,0,0,1,0,0,0 -10337,120.0,90.0,0,0,1,0,0,0 -3259,76.0,104.0,0,0,0,0,1,0 -4020,90.0,142.0,0,0,1,0,0,0 -10633,126.0,147.0,0,0,0,0,1,0 -8566,102.0,112.0,0,0,0,0,1,0 -3500,103.0,146.0,0,0,0,0,1,0 -2658,88.0,141.0,0,0,0,0,1,0 -10170,71.0,120.0,0,0,1,0,0,0 -1130,75.0,137.0,0,0,1,0,0,0 -1819,163.0,113.0,0,0,1,0,0,0 -7461,138.0,158.0,0,0,0,0,1,0 -10164,121.0,97.0,0,0,0,0,1,0 -9428,199.0,122.0,0,0,0,0,0,1 -9840,114.0,118.0,0,0,0,0,1,0 -7064,108.0,126.0,0,0,0,0,1,0 -4318,164.0,121.0,0,0,1,0,0,0 -4669,100.0,104.0,0,0,1,0,0,0 -5476,95.0,147.0,0,0,0,0,0,1 -11845,124.0,120.0,0,0,1,0,0,0 -10557,66.0,130.0,0,0,0,0,1,0 -1856,116.0,104.0,0,0,0,0,1,0 -2282,112.0,126.0,0,0,0,0,1,0 -10473,92.0,145.0,0,0,0,0,1,0 -4008,145.0,70.0,0,0,1,0,0,0 -6401,106.0,108.0,0,0,0,0,1,0 -11952,80.0,126.0,0,0,0,0,0,1 -11161,96.0,126.0,0,0,0,0,1,0 -386,100.0,124.0,0,1,0,0,0,0 -1628,139.0,134.0,0,0,0,0,0,1 -10144,70.0,107.0,0,0,0,0,1,0 -11224,68.0,106.0,0,0,0,0,1,0 -7718,80.0,136.0,0,0,1,0,0,0 -9265,109.0,130.0,0,0,0,0,1,0 -12004,198.0,87.0,0,1,0,0,0,0 -1842,61.0,136.0,0,0,1,0,0,0 -2497,130.0,160.0,0,0,1,0,0,0 -201,192.0,89.0,0,0,0,0,1,0 -9678,76.0,102.0,0,0,0,0,1,0 -3868,94.0,117.0,0,0,0,0,1,0 -5054,110.0,119.0,0,0,0,0,1,0 -5889,112.0,112.0,0,0,0,0,1,0 -2702,60.0,87.0,0,0,0,0,1,0 -7922,88.0,122.0,0,0,1,0,0,0 -331,96.0,123.0,0,0,0,0,1,0 -3808,140.0,96.0,0,0,0,0,0,1 -935,145.0,116.0,0,0,1,0,0,0 -1774,126.0,149.0,0,0,0,0,1,0 -9493,126.0,75.0,0,0,0,0,0,1 -8611,124.0,109.0,0,0,0,0,1,0 -11009,101.0,126.0,0,0,0,0,1,0 -989,138.0,83.0,0,1,0,0,0,0 -5443,60.0,138.0,0,0,0,0,1,0 -11216,116.0,96.0,0,0,0,0,0,1 -6993,102.0,103.0,0,0,0,0,1,0 -10291,98.0,127.0,0,0,0,0,1,0 -5806,130.0,126.0,0,0,0,0,1,0 -10523,90.0,115.0,0,0,0,0,1,0 -10479,72.0,119.0,0,0,0,0,0,1 -6574,135.0,164.0,0,0,0,0,1,0 -3052,87.0,120.0,0,0,0,0,1,0 -10401,136.0,127.0,0,0,1,0,0,0 -8365,72.0,115.0,0,0,0,0,1,0 -4615,132.0,100.0,0,0,0,0,0,1 -3321,103.0,118.0,0,0,0,0,1,0 -9164,117.0,96.0,0,0,0,0,0,1 -6246,75.0,111.0,0,0,1,0,0,0 -6048,80.0,120.0,0,0,0,0,1,0 -3311,117.0,122.0,0,0,0,0,1,0 -9384,70.0,139.0,0,0,1,0,0,0 -11292,79.0,134.0,0,0,0,0,1,0 -8210,79.0,110.0,0,0,0,0,1,0 -3628,74.0,130.0,0,0,0,0,1,0 -10670,92.0,114.0,0,0,1,0,0,0 -1356,94.0,102.0,0,0,0,0,1,0 -5002,87.0,110.0,0,0,1,0,0,0 -9366,100.0,112.0,0,0,1,0,0,0 -5823,86.0,147.0,0,0,0,0,1,0 -11442,66.0,101.0,0,0,0,0,1,0 -5670,84.0,110.0,0,0,0,0,1,0 -3112,110.0,95.0,0,0,1,0,0,0 -182,81.0,129.0,0,0,0,0,0,1 -10665,120.0,109.0,0,0,1,0,0,0 -855,72.0,126.0,0,0,0,0,1,0 -10151,102.0,103.0,0,0,1,0,0,0 -4912,92.0,114.0,0,0,0,0,0,1 -10692,99.0,118.0,0,0,1,0,0,0 -1800,99.0,115.0,0,0,0,0,0,1 -11140,82.0,114.0,0,0,0,0,1,0 -5482,98.0,156.0,0,0,0,0,1,0 -10038,137.0,89.0,0,0,0,0,0,1 -1968,97.0,100.0,0,0,0,0,1,0 -10031,106.0,122.0,0,0,0,0,1,0 -11484,98.0,146.0,0,0,1,0,0,0 -4697,111.0,135.0,0,0,1,0,0,0 -4987,104.0,139.0,1,0,0,0,0,0 -4650,136.0,118.0,0,0,0,0,1,0 -1159,112.0,130.0,0,0,0,0,1,0 -11793,96.0,100.0,0,0,0,0,1,0 -1325,80.0,192.0,0,0,0,0,1,0 -9485,119.0,111.0,0,0,0,0,1,0 -4796,89.0,95.0,1,0,0,0,0,0 -6796,74.0,137.0,0,0,0,0,1,0 -5808,118.0,144.0,0,0,0,0,1,0 -11883,95.0,130.0,0,0,0,0,1,0 -1455,46.0,100.0,0,0,0,0,1,0 -5410,172.0,111.0,0,0,0,0,1,0 -8333,99.0,119.0,0,0,0,0,0,1 -2800,84.0,112.0,0,0,1,0,0,0 -7616,80.0,131.0,0,0,1,0,0,0 -10771,73.0,144.0,0,0,0,0,1,0 -7815,108.0,125.0,0,0,0,0,1,0 -4378,96.0,127.0,0,1,0,0,0,0 -8921,152.0,118.0,0,0,1,0,0,0 -9589,98.0,138.0,0,0,0,0,1,0 -6716,110.0,141.0,0,0,1,0,0,0 -3736,119.0,95.0,0,0,1,0,0,0 -2261,99.0,118.0,0,0,0,0,1,0 -7429,128.0,163.0,0,0,0,0,1,0 -4005,80.0,119.0,0,0,0,0,1,0 -2394,78.0,120.0,0,0,0,0,1,0 -1185,116.0,124.0,0,0,0,0,1,0 -2007,94.0,100.0,0,0,0,0,1,0 -193,68.0,138.0,0,0,1,0,0,0 -8770,95.0,133.0,0,0,1,0,0,0 -5525,92.0,88.0,0,1,0,0,0,0 -771,120.0,139.0,0,0,0,0,0,1 -1478,89.0,112.0,0,0,0,0,0,1 -1846,111.0,106.0,0,0,0,0,0,1 -3740,65.0,106.0,0,0,0,0,0,1 -7986,120.0,119.0,0,0,1,0,0,0 -405,148.0,128.0,0,0,0,0,1,0 -11485,128.0,119.0,0,0,1,0,0,0 -10293,88.0,129.0,0,0,0,0,1,0 -6317,125.0,121.0,0,1,0,0,0,0 -6581,140.0,94.0,0,0,0,0,0,1 -1447,98.0,108.0,0,0,0,0,1,0 -342,134.0,123.0,0,0,0,0,1,0 -7468,114.0,132.0,0,1,0,0,0,0 -727,85.0,108.0,0,0,1,0,0,0 -4577,96.0,119.0,0,0,0,0,1,0 -3516,112.0,104.0,0,0,0,0,1,0 -10704,120.0,123.0,0,0,0,0,1,0 -11719,110.0,107.0,0,0,0,0,1,0 -7156,84.0,150.0,0,0,0,0,1,0 -7851,128.0,139.0,0,0,0,0,1,0 -1348,71.0,103.0,1,0,0,0,0,0 -660,137.0,99.0,0,0,0,0,1,0 -1492,78.0,121.0,0,0,0,0,1,0 -10265,112.0,125.0,0,0,0,0,1,0 -5154,80.0,101.0,0,0,0,0,1,0 -11537,135.0,102.0,0,0,1,0,0,0 -2524,109.0,146.0,0,0,0,0,1,0 -9287,93.0,146.0,0,0,0,0,1,0 -10199,92.0,130.0,0,0,1,0,0,0 -5374,124.0,110.0,0,0,1,0,0,0 -3198,88.0,110.0,0,0,1,0,0,0 -5717,101.0,133.0,0,0,0,0,1,0 -10945,84.0,106.0,0,0,0,0,1,0 -10951,108.0,126.0,0,0,1,0,0,0 -10224,150.0,111.0,0,0,0,0,0,1 -8259,170.0,128.0,0,0,1,0,0,0 -9688,82.0,134.0,0,0,0,0,1,0 -40,145.0,114.0,0,1,0,0,0,0 -10956,99.0,119.0,0,0,1,0,0,0 -6816,96.0,136.0,0,0,1,0,0,0 -9267,80.0,106.0,0,0,1,0,0,0 -9833,111.0,124.0,0,0,0,0,1,0 -2723,132.0,106.0,0,0,0,0,1,0 -11057,77.0,129.0,0,0,1,0,0,0 -10324,112.0,119.0,0,0,1,0,0,0 -11723,100.0,94.0,0,0,1,0,0,0 -7155,73.0,92.0,0,0,1,0,0,0 -9263,118.0,138.0,0,0,0,0,1,0 -11102,140.0,115.0,0,0,0,0,1,0 -7230,120.0,90.0,0,0,1,0,0,0 -5075,111.0,117.0,0,0,1,0,0,0 -7880,125.0,119.0,0,0,0,0,1,0 -5394,112.0,134.0,0,0,1,0,0,0 -10295,151.0,135.0,0,0,0,0,0,1 -7789,131.0,100.0,0,1,0,0,0,0 -11243,147.0,111.0,0,0,0,0,0,1 -4088,77.0,125.0,0,0,1,0,0,0 -1967,88.0,112.0,0,0,0,0,1,0 -10819,73.0,99.0,0,0,1,0,0,0 -10600,85.0,130.0,0,0,1,0,0,0 -11550,70.0,107.0,0,0,1,0,0,0 -6999,74.0,132.0,0,0,0,0,1,0 -423,99.0,136.0,0,0,1,0,0,0 -11156,71.0,106.0,0,0,0,0,1,0 -11445,76.0,108.0,0,0,0,0,0,1 -10326,56.0,110.0,0,0,0,0,1,0 -6142,68.0,138.0,0,0,0,0,1,0 -5661,104.0,106.0,0,0,0,0,0,1 -9031,80.0,120.0,0,0,1,0,0,0 -4596,124.0,118.0,0,0,0,0,0,1 -2659,78.0,132.0,0,0,0,0,0,1 -141,124.0,137.0,0,0,0,0,1,0 -2597,90.0,163.0,0,0,0,0,1,0 -6701,98.0,123.0,0,0,0,0,1,0 -1377,96.0,100.0,0,0,1,0,0,0 -3674,125.0,113.0,0,0,0,0,1,0 -11917,152.0,85.0,0,0,0,0,0,1 -6362,100.0,140.0,0,0,0,0,1,0 -11273,94.0,119.0,0,0,0,0,0,1 -4741,167.0,99.0,0,0,0,0,1,0 -1138,94.0,129.0,0,0,0,0,1,0 -7374,92.0,101.0,0,0,0,0,1,0 -1787,81.0,118.0,0,0,1,0,0,0 -9675,88.0,112.0,0,0,1,0,0,0 -4646,112.0,115.0,0,0,1,0,0,0 -7568,100.0,138.0,0,0,1,0,0,0 -459,124.0,113.0,0,0,0,0,1,0 -6115,94.0,164.0,0,0,0,0,1,0 -8179,80.0,122.0,0,0,1,0,0,0 -948,112.0,92.0,0,0,1,0,0,0 -6370,180.0,104.0,0,0,1,0,0,0 -4628,120.0,106.0,0,0,1,0,0,0 -7358,75.0,107.0,0,0,1,0,0,0 -5925,120.0,90.0,0,0,0,0,0,1 -6040,88.0,125.0,0,0,0,0,1,0 -441,118.0,104.0,0,0,0,0,1,0 -6659,62.0,115.0,0,0,0,0,1,0 -8831,109.0,103.0,0,0,1,0,0,0 -9046,84.0,137.0,0,0,1,0,0,0 -3830,84.0,125.0,0,0,0,0,0,1 -11690,126.0,123.0,0,0,0,0,1,0 -6144,88.0,126.0,0,0,0,0,1,0 -10891,75.0,134.0,0,0,0,0,0,1 -6344,65.0,155.0,0,0,0,0,1,0 -1958,94.0,136.0,0,0,0,0,1,0 -155,137.0,148.0,0,0,0,0,1,0 -9603,114.0,117.0,0,0,0,0,1,0 -4578,93.0,108.0,0,0,1,0,0,0 -1089,84.0,127.0,0,0,1,0,0,0 -6049,76.0,117.0,0,0,0,0,1,0 -11021,102.0,149.0,0,0,0,0,1,0 -9122,74.0,123.0,0,0,1,0,0,0 -7950,111.0,121.0,0,0,1,0,0,0 -1674,93.0,125.0,0,0,0,0,1,0 -6763,102.0,151.0,0,0,0,0,1,0 -10090,128.0,116.0,0,0,1,0,0,0 -6416,130.0,126.0,0,0,0,0,0,1 -11514,97.0,110.0,0,0,0,0,1,0 -2326,88.0,130.0,0,0,1,0,0,0 -7096,120.0,94.0,0,0,0,0,1,0 -10339,91.0,118.0,0,0,0,0,1,0 -9486,64.0,176.0,0,0,1,0,0,0 -6450,123.0,117.0,0,0,0,0,1,0 -1715,166.0,119.0,0,0,0,0,1,0 -9172,190.0,80.0,0,0,0,0,1,0 -8381,90.0,110.0,1,0,0,0,0,0 -3831,60.0,138.0,0,0,0,0,1,0 -6299,112.0,136.0,0,0,0,0,1,0 -3348,94.0,144.0,0,0,1,0,0,0 -11460,70.0,118.0,0,0,0,0,1,0 -9177,170.0,63.0,0,0,0,0,1,0 -587,80.0,115.0,0,0,0,0,1,0 -11794,88.0,130.0,0,0,0,0,1,0 -2990,93.0,121.0,0,0,0,0,1,0 -11172,120.0,100.0,0,0,0,0,1,0 -9526,77.0,115.0,0,0,0,0,1,0 -10680,87.0,123.0,0,0,0,0,1,0 -264,108.0,117.0,0,0,0,0,1,0 -9511,114.0,149.0,0,0,0,0,1,0 -6788,110.0,104.0,0,0,1,0,0,0 -11753,120.0,127.0,0,0,1,0,0,0 -3864,80.0,64.0,0,0,0,0,1,0 -6274,102.0,108.0,0,0,1,0,0,0 -11803,212.0,70.0,0,0,0,0,1,0 -3711,112.0,136.0,0,0,0,0,1,0 -8438,91.0,134.0,0,0,1,0,0,0 -1529,148.0,112.0,0,0,0,0,1,0 -9885,90.0,100.0,0,0,1,0,0,0 -923,85.0,121.0,0,0,0,0,1,0 -9471,124.0,100.0,0,0,0,0,1,0 -7329,98.0,130.0,0,0,1,0,0,0 -4364,113.0,94.0,0,1,0,0,0,0 -669,60.0,108.0,0,0,1,0,0,0 -3604,102.0,121.0,0,0,0,0,1,0 -5108,116.0,105.0,0,0,0,0,0,1 -10840,108.0,127.0,0,0,1,0,0,0 -5248,73.0,123.0,0,0,0,0,0,1 -7183,90.0,118.0,0,0,0,0,1,0 -2591,74.0,100.0,0,0,0,0,1,0 -5906,110.0,108.0,0,0,0,0,1,0 -6509,133.0,90.0,0,0,0,1,0,0 -7133,68.0,159.0,0,0,0,0,1,0 -2307,128.0,95.0,0,0,1,0,0,0 -8804,103.0,139.0,0,0,0,0,1,0 -3690,117.0,112.0,0,0,0,0,0,1 -687,86.0,112.0,0,0,1,0,0,0 -612,78.0,127.0,0,0,1,0,0,0 -7167,84.0,100.0,0,0,0,0,1,0 -11203,120.0,110.0,0,0,0,0,1,0 -3200,88.0,124.0,0,0,0,0,1,0 -6629,140.0,100.0,0,0,1,0,0,0 -4135,134.0,158.0,0,0,0,0,0,1 -1898,116.0,82.0,0,0,0,0,1,0 -282,106.0,140.0,0,0,1,0,0,0 -258,168.0,105.0,0,0,0,0,1,0 -11348,89.0,189.0,0,0,1,0,0,0 -4943,98.0,117.0,0,0,0,0,1,0 -2822,100.0,148.0,0,0,0,0,1,0 -3525,167.0,105.0,0,0,0,0,0,1 -11630,78.0,118.0,0,0,0,0,1,0 -5223,106.0,120.0,0,0,1,0,0,0 -2285,154.0,88.0,0,0,0,0,1,0 -6063,85.0,119.0,0,0,0,0,1,0 -8078,88.0,91.0,0,0,0,0,1,0 -4654,80.0,120.0,0,0,0,0,0,1 -5000,78.0,135.0,0,0,0,0,1,0 -6710,66.0,111.0,0,0,0,0,1,0 -11229,70.0,128.0,0,0,1,0,0,0 -8676,100.0,90.0,0,0,0,0,1,0 -5416,72.0,128.0,0,0,0,0,0,1 -475,78.0,112.0,0,0,0,0,1,0 -2555,154.0,94.0,0,0,0,0,0,1 -8087,104.0,135.0,0,0,0,0,1,0 -7,122.0,120.0,0,0,0,0,1,0 -6411,139.0,124.0,0,0,1,0,0,0 -11030,60.0,140.0,0,0,0,0,1,0 -10730,131.0,111.0,0,0,0,0,1,0 -5546,93.0,133.0,0,1,0,0,0,0 -2426,87.0,119.0,0,0,0,0,1,0 -6744,112.0,112.0,0,0,0,0,1,0 -11593,0.0,140.0,0,0,1,0,0,0 -2274,148.0,105.0,0,0,0,0,0,1 -9203,130.0,100.0,0,0,0,0,1,0 -1577,144.0,99.0,0,0,1,0,0,0 -7264,112.0,102.0,0,0,1,0,0,0 -9259,112.0,100.0,0,0,0,0,1,0 -3970,81.0,128.0,0,0,1,0,0,0 -5879,93.0,108.0,0,0,0,0,1,0 -10139,88.0,126.0,0,0,0,0,1,0 -11233,62.0,120.0,0,0,0,0,1,0 -7193,96.0,124.0,0,0,0,0,1,0 -3867,100.0,133.0,0,0,0,0,1,0 -11473,149.0,100.0,0,0,0,0,1,0 -6823,89.0,158.0,0,0,0,0,0,1 -7548,77.0,129.0,0,0,1,0,0,0 -781,118.0,140.0,0,0,1,0,0,0 -1749,115.0,130.0,0,0,0,0,0,1 -6519,72.0,101.0,0,0,0,0,1,0 -5774,105.0,128.0,0,0,1,0,0,0 -9283,90.0,115.0,0,0,1,0,0,0 -2324,112.0,119.0,0,0,1,0,0,0 -5055,118.0,132.0,0,0,0,0,0,1 -10853,110.0,141.0,0,0,0,0,1,0 -1727,59.0,129.0,0,0,1,0,0,0 -610,117.0,115.0,0,0,0,0,1,0 -4666,91.0,118.0,0,0,0,0,1,0 -5413,114.0,91.0,0,0,0,0,1,0 -8103,91.0,115.0,0,0,1,0,0,0 -8174,93.0,147.0,0,0,0,0,1,0 -8535,115.0,152.0,0,0,1,0,0,0 -3750,84.0,104.0,0,0,0,0,1,0 -97,92.0,119.0,0,0,1,0,0,0 -6985,77.0,105.0,0,0,1,0,0,0 -3137,84.0,146.0,0,0,0,0,1,0 -1537,124.0,108.0,0,0,1,0,0,0 -3648,83.0,135.0,0,0,0,0,1,0 -1517,74.0,129.0,0,0,0,0,0,1 -11260,104.0,150.0,0,0,0,0,1,0 -4624,101.0,121.0,0,1,0,0,0,0 -6566,90.0,126.0,0,0,0,0,0,1 -2090,112.0,94.0,0,0,1,0,0,0 -7097,103.0,117.0,0,0,0,0,1,0 -6171,156.0,87.0,0,0,0,0,0,1 -7521,90.0,138.0,0,0,0,0,0,1 -572,82.0,126.0,0,0,0,0,0,1 -11245,145.0,113.0,0,0,1,0,0,0 -3062,110.0,146.0,0,0,0,0,1,0 -597,80.0,118.0,0,0,1,0,0,0 -6633,163.0,80.0,0,0,0,0,0,1 -11352,99.0,88.0,0,0,0,0,1,0 -7875,170.0,129.0,0,0,0,0,1,0 -7345,103.0,103.0,0,0,0,0,1,0 -6304,93.0,110.0,0,0,0,0,1,0 -9674,92.0,112.0,0,0,0,0,1,0 -11643,102.0,122.0,0,0,1,0,0,0 -5976,88.0,127.0,0,0,1,0,0,0 -8562,73.0,139.0,0,0,0,0,1,0 -1938,98.0,114.0,0,1,0,0,0,0 -8100,80.0,129.0,0,0,0,0,1,0 -1753,119.0,105.0,0,0,0,0,1,0 -3670,150.0,88.0,0,0,0,0,1,0 -9680,99.0,122.0,0,0,0,0,1,0 -2361,120.0,132.0,0,0,0,0,1,0 -4260,99.0,115.0,0,0,0,0,1,0 -5432,140.0,88.0,0,0,0,0,0,1 -6285,100.0,118.0,0,0,0,0,1,0 -9495,76.0,97.0,0,0,0,0,1,0 -11396,140.0,112.0,0,0,0,0,0,1 -9449,83.0,98.0,0,0,0,0,1,0 -10471,83.0,121.0,0,1,0,0,0,0 -9985,84.0,110.0,1,0,0,0,0,0 -5591,78.0,130.0,0,0,0,0,1,0 -1171,84.0,109.0,0,0,0,0,1,0 -7927,108.0,132.0,0,0,0,0,1,0 -9698,60.0,125.0,0,0,0,0,0,1 -11483,119.0,136.0,0,0,0,0,1,0 -9746,101.0,134.0,0,0,1,0,0,0 -11029,84.0,121.0,0,0,0,0,1,0 -874,84.0,120.0,0,0,1,0,0,0 -2297,126.0,114.0,0,0,0,0,1,0 -11201,117.0,94.0,0,0,0,0,1,0 -2643,111.0,113.0,0,0,0,0,0,1 -5347,84.0,120.0,0,0,0,0,1,0 -9032,173.0,137.0,0,0,0,0,1,0 -11962,80.0,154.0,0,0,0,0,1,0 -581,159.0,121.0,0,0,0,0,1,0 -204,117.0,119.0,0,0,0,0,1,0 -7896,78.0,128.0,0,0,1,0,0,0 -2014,120.0,100.0,0,0,0,0,1,0 -905,87.0,122.0,0,0,0,0,1,0 -631,144.0,101.0,0,0,0,0,0,1 -8461,120.0,118.0,0,0,0,0,1,0 -10041,82.0,125.0,0,0,1,0,0,0 -1974,125.0,141.0,0,0,0,0,1,0 -162,80.0,117.0,0,0,0,0,0,1 -4998,127.0,147.0,0,0,0,0,1,0 -4713,88.0,131.0,0,0,0,0,1,0 -9067,70.0,130.0,0,0,0,0,0,1 -1431,75.0,122.0,0,0,1,0,0,0 -6868,109.0,109.0,0,0,0,0,1,0 -10998,92.0,98.0,0,0,0,0,1,0 -7710,123.0,118.0,0,0,0,0,1,0 -7736,97.0,118.0,0,0,1,0,0,0 -4283,97.0,117.0,0,0,0,0,1,0 -7531,62.0,80.0,0,0,0,0,1,0 -9594,120.0,119.0,0,0,0,0,1,0 -3384,87.0,126.0,0,0,1,0,0,0 -11517,66.0,124.0,0,0,0,0,1,0 -10476,100.0,138.0,0,0,1,0,0,0 -10039,96.0,131.0,0,0,0,0,1,0 -7462,103.0,117.0,0,0,0,0,1,0 -3331,127.0,146.0,0,0,0,0,1,0 -6404,95.0,107.0,0,0,1,0,0,0 -8895,100.0,99.0,0,0,1,0,0,0 -2096,113.0,86.0,0,0,0,0,1,0 -10113,87.0,123.0,0,0,0,0,1,0 -7999,77.0,136.0,0,0,0,0,0,1 -5017,136.0,109.0,0,0,0,0,1,0 -8738,77.0,117.0,0,0,1,0,0,0 -1449,105.0,124.0,0,0,0,0,0,1 -6900,135.0,89.0,0,0,0,0,0,1 -2610,94.0,125.0,0,0,0,0,1,0 -1900,106.0,104.0,0,0,0,0,0,1 -8186,137.0,116.0,0,0,0,0,1,0 -3920,105.0,129.0,0,1,0,0,0,0 -2757,90.0,145.0,0,0,1,0,0,0 -6397,120.0,119.0,0,0,1,0,0,0 -10436,97.0,122.0,0,0,1,0,0,0 -2097,86.0,112.0,0,0,0,0,1,0 -8329,91.0,111.0,0,0,1,0,0,0 -11379,109.0,122.0,0,0,0,0,0,1 -5624,88.0,136.0,0,0,1,0,0,0 -9028,97.0,122.0,0,0,0,0,1,0 -3471,110.0,111.0,1,0,0,0,0,0 -8266,72.0,110.0,0,0,0,0,1,0 -2171,124.0,109.0,0,0,0,0,1,0 -11113,86.0,136.0,0,0,1,0,0,0 -11054,92.0,111.0,0,0,1,0,0,0 -8590,83.0,104.0,0,0,0,0,1,0 -2010,97.0,110.0,0,0,0,0,1,0 -11788,91.0,122.0,0,0,0,0,1,0 -1283,161.0,120.0,0,0,0,0,1,0 -11562,120.0,123.0,0,0,0,0,1,0 -1019,148.0,113.0,0,0,0,0,1,0 -8667,92.0,96.0,0,0,0,0,0,1 -2810,142.0,127.0,0,0,0,0,1,0 -10389,109.0,111.0,0,0,1,0,0,0 -1651,77.0,129.0,0,0,0,0,1,0 -11578,111.0,105.0,0,0,0,0,1,0 -1169,108.0,124.0,0,0,1,0,0,0 -9398,109.0,120.0,0,0,1,0,0,0 -6256,84.0,115.0,0,0,1,0,0,0 -5469,125.0,108.0,0,0,0,0,1,0 -10514,111.0,150.0,0,0,1,0,0,0 -867,155.0,105.0,0,0,0,0,0,1 -5093,85.0,117.0,0,0,0,0,1,0 -5433,68.0,141.0,0,0,1,0,0,0 -541,168.0,115.0,0,0,0,0,0,1 -9324,93.0,98.0,0,0,1,0,0,0 -11846,111.0,142.0,0,0,0,0,1,0 -6354,110.0,112.0,0,0,0,0,1,0 -11240,76.0,108.0,0,0,0,0,1,0 -3390,88.0,114.0,0,0,0,0,1,0 -11071,101.0,139.0,0,0,0,0,1,0 -11961,87.0,124.0,0,0,0,0,1,0 -3959,88.0,113.0,0,0,0,0,1,0 -6643,94.0,123.0,0,0,1,0,0,0 -6841,109.0,122.0,0,0,0,0,1,0 -9978,128.0,159.0,0,0,0,0,1,0 -3586,114.0,141.0,0,0,0,0,1,0 -9729,180.0,117.0,0,0,1,0,0,0 -2563,89.0,121.0,0,0,0,0,1,0 -5036,130.0,50.0,0,0,0,0,0,1 -1080,109.0,104.0,0,0,0,0,1,0 -5891,94.0,138.0,0,0,0,0,1,0 -4966,99.0,119.0,0,0,0,0,1,0 -2023,40.0,140.0,0,0,0,0,0,1 -10816,91.0,112.0,0,0,0,0,0,1 -7909,91.0,107.0,0,0,1,0,0,0 -10504,108.0,112.0,0,0,0,0,0,1 -7321,104.0,124.0,0,0,0,0,1,0 -226,92.0,106.0,0,0,0,0,1,0 -1013,74.0,123.0,0,0,0,0,1,0 -1929,119.0,109.0,0,0,0,0,0,1 -10096,105.0,130.0,0,0,0,0,1,0 -5251,98.0,119.0,0,0,0,0,1,0 -2179,84.0,110.0,0,0,0,0,1,0 -697,74.0,94.0,0,0,0,0,1,0 -1124,128.0,91.0,0,0,0,0,1,0 -7378,96.0,128.0,0,0,1,0,0,0 -9878,78.0,110.0,0,0,1,0,0,0 -5110,110.0,120.0,0,0,0,0,1,0 -7902,92.0,134.0,0,0,1,0,0,0 -1778,88.0,110.0,0,0,0,0,1,0 -9607,99.0,114.0,0,0,0,0,1,0 -2634,114.0,118.0,0,0,0,0,1,0 -7544,176.0,116.0,0,0,0,0,1,0 -7604,78.0,130.0,0,0,0,0,1,0 -3489,92.0,114.0,0,0,0,0,0,1 -1037,100.0,133.0,0,0,0,0,1,0 -9845,124.0,99.0,0,0,1,0,0,0 -8505,90.0,127.0,0,0,0,0,1,0 -2649,67.0,116.0,0,0,1,0,0,0 -2979,218.0,131.0,0,0,1,0,0,0 -2547,69.0,126.0,0,0,0,0,1,0 -5132,102.0,141.0,0,0,0,0,1,0 -2159,76.0,130.0,0,0,1,0,0,0 -9114,104.0,152.0,0,0,1,0,0,0 -6445,67.0,133.0,0,0,1,0,0,0 -3967,84.0,102.0,0,0,1,0,0,0 -1428,105.0,129.0,0,0,0,0,1,0 -10130,188.0,140.0,0,0,0,0,1,0 -2520,77.0,119.0,0,0,1,0,0,0 -8033,120.0,112.0,0,0,0,0,1,0 -10391,105.0,125.0,0,0,1,0,0,0 -11887,128.0,90.0,0,0,0,0,1,0 -448,140.0,118.0,0,0,1,0,0,0 -10213,72.0,74.0,0,0,0,0,1,0 -9476,103.0,138.0,0,0,1,0,0,0 -5995,105.0,100.0,0,0,0,0,1,0 -9673,102.0,141.0,0,0,1,0,0,0 -3727,100.0,125.0,0,0,0,0,1,0 -7353,80.0,107.0,0,0,0,0,1,0 -8553,115.0,124.0,0,0,0,0,1,0 -6279,85.0,111.0,0,0,0,0,0,1 -10760,89.0,130.0,0,0,1,0,0,0 -7295,81.0,134.0,0,0,0,0,1,0 -9496,72.0,97.0,0,0,0,0,1,0 -6251,104.0,110.0,0,0,0,0,1,0 -5926,124.0,90.0,0,0,0,0,1,0 -2460,67.0,129.0,0,0,0,0,1,0 -22,80.0,159.0,0,0,1,0,0,0 -2066,124.0,101.0,0,0,1,0,0,0 -1653,67.0,160.0,0,0,0,0,1,0 -8894,76.0,108.0,0,0,0,0,1,0 -8706,81.0,134.0,0,0,0,0,1,0 -1376,95.0,123.0,0,0,1,0,0,0 -1724,83.0,119.0,0,0,0,0,1,0 -3754,96.0,98.0,0,0,1,0,0,0 -8652,142.0,92.0,0,0,0,0,1,0 -4183,150.0,112.0,0,0,0,0,1,0 -4082,76.0,118.0,0,0,1,0,0,0 -8474,114.0,144.0,0,0,1,0,0,0 -6579,79.0,120.0,0,0,1,0,0,0 -4558,116.0,104.0,0,0,0,0,1,0 -3537,98.0,124.0,0,0,1,0,0,0 -7003,92.0,124.0,0,0,1,0,0,0 -9560,80.0,106.0,0,0,1,0,0,0 -11403,100.0,109.0,0,0,0,0,0,1 -11604,86.0,93.0,0,0,0,0,1,0 -8789,109.0,168.0,0,0,1,0,0,0 -646,116.0,90.0,0,0,0,0,0,1 -6381,92.0,123.0,0,0,0,0,1,0 -7527,118.0,110.0,0,0,0,0,1,0 -11677,104.0,126.0,0,0,0,0,1,0 -7165,133.0,98.0,0,0,0,0,1,0 -9615,87.0,94.0,0,0,1,0,0,0 -7697,102.0,116.0,0,0,1,0,0,0 -11327,111.0,116.0,0,0,0,0,1,0 -4875,88.0,118.0,0,0,0,0,1,0 -10938,66.0,133.0,0,0,0,0,0,1 -5341,85.0,119.0,0,0,0,0,1,0 -7031,94.0,116.0,0,0,1,0,0,0 -2160,93.0,155.0,0,0,0,0,1,0 -685,69.0,139.0,0,0,0,0,1,0 -2461,82.0,121.0,0,0,0,0,1,0 -7128,73.0,102.0,0,0,0,0,1,0 -6267,68.0,141.0,0,0,0,0,1,0 -4941,137.0,105.0,0,0,0,0,1,0 -5946,73.0,122.0,0,0,0,0,1,0 -4583,84.0,90.0,0,0,0,0,1,0 -5784,68.0,121.0,0,0,1,0,0,0 -7569,122.0,142.0,0,0,1,0,0,0 -10255,82.0,101.0,0,0,0,0,0,1 -521,125.0,120.0,0,0,0,0,0,1 -8714,125.0,128.0,0,0,0,0,1,0 -10751,112.0,138.0,0,0,0,0,1,0 -3983,106.0,120.0,0,0,0,0,1,0 -11513,137.0,112.0,0,0,0,0,0,1 -780,49.0,95.0,0,0,0,0,1,0 -9894,130.0,122.0,0,0,0,0,1,0 -5607,86.0,111.0,0,0,1,0,0,0 -5978,116.0,125.0,0,0,0,0,1,0 -8843,97.0,119.0,0,0,0,0,1,0 -3747,100.0,88.0,0,0,1,0,0,0 -2196,99.0,91.0,0,0,0,0,1,0 -8561,83.0,120.0,0,0,0,0,1,0 -11903,92.0,96.0,0,0,0,0,1,0 -4285,103.0,132.0,0,0,0,0,1,0 -8569,72.0,119.0,0,0,0,0,1,0 -6979,87.0,153.0,0,0,0,0,1,0 -1827,99.0,104.0,0,0,0,0,1,0 -9154,110.0,102.0,0,0,0,0,0,1 -11834,136.0,101.0,0,0,0,0,1,0 -2376,107.0,135.0,0,0,0,0,1,0 -8551,71.0,111.0,0,0,0,0,1,0 -3839,160.0,100.0,0,0,0,0,1,0 -1246,115.0,132.0,0,0,0,0,1,0 -7504,93.0,150.0,0,0,0,0,1,0 -6511,68.0,112.0,0,0,0,0,0,1 -5439,62.0,130.0,0,0,1,0,0,0 -11127,88.0,131.0,0,0,1,0,0,0 -8964,60.0,120.0,0,0,0,0,1,0 -11704,80.0,106.0,0,0,1,0,0,0 -5510,100.0,120.0,0,0,0,0,1,0 diff --git a/data/iai_pecarn/processed/test.csv b/data/iai_pecarn/processed/test.csv deleted file mode 100644 index 2ae13020..00000000 --- a/data/iai_pecarn/processed/test.csv +++ /dev/null @@ -1,2410 +0,0 @@ -,AbdDistention_no,AbdDistention_or_AbdomenPain_no,AbdDistention_or_AbdomenPain_yes,AbdDistention_unknown,AbdDistention_yes,AbdTenderDegree_Mild,AbdTenderDegree_Moderate,AbdTenderDegree_None,AbdTenderDegree_Severe,AbdTenderDegree_unknown,AbdTrauma_no,AbdTrauma_or_SeatBeltSign_no,AbdTrauma_or_SeatBeltSign_yes,AbdTrauma_unknown,AbdTrauma_yes,AbdomenPain_no,AbdomenPain_unknown,AbdomenPain_yes,Age,Age<2_no,Age<2_yes,CostalTender_no,CostalTender_yes,DecrBreathSound_no,DecrBreathSound_unknown,DecrBreathSound_yes,DistractingPain_no,DistractingPain_unknown,DistractingPain_yes,GCSScore,GCSScore_Full_no,GCSScore_Full_yes,Hypotension_no,Hypotension_yes,LtCostalTender,MOI_Bike collision/fall,MOI_Fall down stairs,MOI_Fall from an elevation,MOI_Motor vehicle collision,MOI_Motorcycle/ATV/Scooter collision,MOI_Object struck abdomen,MOI_Pedestrian/bicyclist struck by moving vehicle,MOI_unknown,RtCostalTender,SeatBeltSign_no,SeatBeltSign_unknown,SeatBeltSign_yes,Sex_F,Sex_M,ThoracicTender_no,ThoracicTender_unknown,ThoracicTender_yes,ThoracicTrauma_no,ThoracicTrauma_unknown,ThoracicTrauma_yes,VomitWretch_no,VomitWretch_unknown,VomitWretch_yes,outcome -5330,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4531,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -365,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -12021,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -147,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,1 -1668,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10649,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7650,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8599,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -7788,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3456,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3271,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4940,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9223,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6230,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10720,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10400,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9047,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3926,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -10286,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -8080,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -78,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7088,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2247,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9935,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11977,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9974,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7451,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8980,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2279,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8123,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,7,1,0,1,0,0,0,1,0,0,1,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -3897,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9702,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7177,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9312,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11385,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -3631,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11908,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6272,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8616,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -392,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3191,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -16,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4200,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,0,0,1,10.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2672,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,1,0,4.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6164,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3493,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,0,1,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9651,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7394,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4839,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -593,0,1,0,1,0,1,0,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11214,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8737,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5827,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7961,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5887,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,10.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -2355,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,8.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -6036,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4798,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10410,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4592,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -8656,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0 -163,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11540,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -11360,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11772,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7380,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11989,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6356,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9092,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5542,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6007,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7993,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7638,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6793,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7758,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4837,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,12.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2293,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6548,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7898,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4481,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -3716,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6140,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1 -1549,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2044,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -767,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5693,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7870,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -9700,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7857,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3302,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4517,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11872,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9730,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3292,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9011,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1403,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1382,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6928,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5671,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1638,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11795,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -6907,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8591,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6406,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9074,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1179,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5448,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,9,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,1,0,0,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5078,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -8648,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5175,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -689,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10660,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6525,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11825,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6488,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,14.0,1,0,0,1,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7154,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10132,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6610,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10311,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4349,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1 -1884,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10403,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0 -2494,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5947,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3036,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1 -5777,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -845,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -8734,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7967,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10208,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7340,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10839,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9969,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7137,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2964,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2529,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -5772,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1048,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7045,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1960,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2530,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -8429,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4917,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9325,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5901,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8286,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4259,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10319,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5656,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6097,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0 -5907,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7373,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -2978,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10669,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0 -11198,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0 -6721,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7842,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8264,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10562,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3138,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0 -8325,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11956,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1826,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5548,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8785,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -560,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10606,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8435,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5435,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4437,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -8597,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1442,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8453,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4406,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11478,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,0,1,0,0,0,1,14.0,1,0,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -1689,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -11885,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -10824,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -5962,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2496,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9858,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -340,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2408,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9793,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0 -10052,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5782,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4576,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,8.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -3725,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2785,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9715,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1012,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5280,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4895,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7121,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,14,1,0,1,0,1,0,0,0,0,1,4.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0 -6549,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4037,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -148,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -285,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -11625,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8555,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10117,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9732,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6770,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,4,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4443,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,1,0,0,9.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -7446,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -236,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11549,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7123,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10050,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,0,0,1,9.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3083,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -632,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,6,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0 -6813,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2493,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2665,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10218,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10287,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10133,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10193,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4211,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0 -9686,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3874,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9424,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2817,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9941,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11818,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10809,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -7426,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10782,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10197,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11078,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9777,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1735,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -7397,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4255,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9966,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2475,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -12022,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3713,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10806,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -1804,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -707,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1 -11067,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5189,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5472,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -72,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7843,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5101,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6764,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9382,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1125,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1241,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9923,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2349,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -6602,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6780,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9769,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4358,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1343,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -12027,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10455,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11957,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8632,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6652,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1100,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -9160,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8841,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9738,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -7327,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7622,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -987,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2852,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8853,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -630,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1249,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -3179,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -482,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9776,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9654,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1 -3040,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5010,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10517,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7000,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -3273,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -7227,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,4,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1 -3683,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6674,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6807,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11725,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -1316,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3225,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -1072,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4815,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11866,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9852,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5752,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11006,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4616,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3097,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11357,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6869,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1300,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7285,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6284,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10675,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5495,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5291,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9600,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -1798,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9667,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5203,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8227,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5047,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6441,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -8636,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8105,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2359,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11295,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3654,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7052,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -1286,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10982,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4445,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2137,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6787,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9873,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11741,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10241,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10790,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6894,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0 -9884,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10313,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8564,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7151,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -963,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6012,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4882,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -140,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10866,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8906,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6936,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,1,0,0,9.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -6542,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5243,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -4431,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -10061,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -406,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8212,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9196,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10074,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10384,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9135,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8234,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4399,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5252,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,13.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -11,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4760,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,4,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1177,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2863,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6471,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6228,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9218,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -2989,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9153,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7117,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7010,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10299,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8927,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1440,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11735,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2875,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9108,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10946,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -10587,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7232,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3726,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2772,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9816,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -454,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9013,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,0,0,1,0,0,1,4.0,1,0,0,1,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -8189,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1367,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3712,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11865,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1388,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9042,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -1000,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,17,1,0,0,1,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1 -7761,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3553,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4114,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9829,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1667,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3173,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9539,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11316,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -488,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3230,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3828,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10417,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5208,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -7848,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -5704,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11610,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8133,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -703,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5105,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10707,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3291,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8125,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9519,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11599,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -10854,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4909,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4440,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -986,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -11118,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10903,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7705,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -6257,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6089,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5238,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1198,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9710,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10911,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7519,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6812,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9991,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9206,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,0,0,1,0,1,0,9.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -8320,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9556,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7175,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4470,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -891,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1969,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5757,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,0,1,6.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -6527,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6294,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7595,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9110,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3249,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,9,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -6570,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6638,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7351,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11038,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9400,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7473,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11085,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -10445,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1239,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2289,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -2740,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8467,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4585,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9227,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1229,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,0,0,1,0,0,1,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9200,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6980,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -5178,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4293,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1058,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6262,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -281,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9235,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9508,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -968,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3953,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -1939,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10180,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1274,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,7,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -619,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10505,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0 -1742,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1390,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2203,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9771,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9847,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0 -3568,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6116,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -12006,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6052,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3178,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3192,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9499,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6099,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7029,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -575,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6656,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7115,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10602,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6276,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9472,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10961,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,3,1,0,1,0,1,0,0,0,0,1,10.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -5897,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5724,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -269,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -629,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3081,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3466,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0 -6430,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11212,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,0,1,0,12.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0 -7062,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11712,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -5543,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4356,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10970,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2113,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,7.0,1,0,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8219,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3216,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -3814,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -8321,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,1,0,0,3.0,1,0,1,0,3,0,0,0,0,1,0,0,0,4,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1 -10336,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2278,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4599,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -13,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11107,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -1525,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2365,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4648,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -374,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10252,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6477,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -525,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9131,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6895,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3591,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7904,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2958,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -529,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3714,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0 -4732,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9461,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1394,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9989,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9633,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5631,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9465,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6563,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -4703,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1712,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -11746,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -955,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6675,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -3453,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9579,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8595,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2071,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -11727,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10169,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -158,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -7005,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9094,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -352,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6078,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6236,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8946,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -12014,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2920,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8503,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4644,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -661,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7057,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10181,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3665,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7979,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -306,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4790,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2356,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1927,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11238,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3427,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8941,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -3638,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1266,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,0,0,1,10.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -1560,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7179,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4109,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7867,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4904,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7294,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -514,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -894,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8601,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -21,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -899,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -207,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -458,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2430,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8442,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -9299,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -3389,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,0,1,0,0,0,1,8.0,1,0,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0 -9905,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3911,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5383,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8907,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -552,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -9631,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3144,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6917,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -2056,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1925,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,0,0,1,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -634,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6082,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -8508,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,1,0,10.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11162,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,3.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11656,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8619,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,9,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -10341,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -105,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,4,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3041,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,0,1,10.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -1709,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -89,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7014,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3174,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -917,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7833,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6732,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1949,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,0,1,3.0,1,0,0,1,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -6368,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8032,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6047,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -9127,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11091,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -2720,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8783,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11814,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3117,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11399,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9768,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3762,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -213,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -778,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3496,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10618,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2043,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -8920,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5420,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6154,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9759,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -8357,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10489,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10205,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8465,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4167,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3788,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8586,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -583,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11934,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -12024,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -116,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6644,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11855,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -11980,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11759,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,11.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10781,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8712,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1763,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,0,0,1,0,0,1,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1 -1875,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3224,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -526,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -7725,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -2946,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4473,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5655,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8884,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6059,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -959,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6342,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3633,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1050,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -8782,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8711,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3380,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3676,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -5776,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10880,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6573,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5179,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1607,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3610,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11749,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6635,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -12041,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10001,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -791,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,0,1,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -8984,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3056,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10047,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1980,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3598,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -933,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7424,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,10.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -5626,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1682,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4179,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6446,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4116,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -988,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2896,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,1,0,0,7.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0 -3778,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5658,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3093,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3155,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1823,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -11590,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1098,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -2844,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -9078,0,0,1,0,1,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -3342,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -38,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -6540,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11258,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8707,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3356,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9645,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7813,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9098,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -8220,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11109,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2428,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5043,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5346,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,11.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8954,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4811,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8476,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -686,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -4799,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7437,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2353,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1 -6353,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4569,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8213,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2752,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9077,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,1,0,1,0,0,1,0,1,0,0,0,0,1,0 -8073,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9109,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1040,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7491,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1265,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11155,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7059,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -277,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5084,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,8,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0 -10276,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9437,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,1,0,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2382,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -571,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1435,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,5,1,0,1,0,1,0,0,0,0,1,6.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9439,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5352,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -5445,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -1007,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4543,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10617,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2064,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1136,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9882,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5343,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10177,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -294,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,0,1,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -9739,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -10204,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8780,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2403,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10321,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3998,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11228,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3741,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11104,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2719,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11079,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -5150,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2808,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9017,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -556,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10742,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4795,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,11.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2469,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0 -3738,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1 -4286,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9908,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -2604,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -362,0,0,1,1,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -6924,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0 -1704,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2139,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3239,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2383,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7314,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4311,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9477,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1312,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1 -11347,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3930,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -6183,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1591,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11303,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -2162,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2396,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -317,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9516,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5233,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5068,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0 -4036,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8987,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3020,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -9903,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8228,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9105,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -5295,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3972,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -5370,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -4133,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -974,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7291,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -9175,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -954,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,11.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -9610,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9752,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9547,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1 -11205,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5016,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11717,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -9179,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7490,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1640,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1290,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1380,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1933,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4675,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10222,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -892,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7287,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -4876,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7906,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8194,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11294,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10301,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0 -9041,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2466,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0 -7657,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10106,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9788,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1913,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2736,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -726,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7214,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,5,1,0,1,0,0,0,1,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8245,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1796,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3845,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6402,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -936,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2265,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -824,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7274,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,0,1,6.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -1389,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3564,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9076,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5429,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7827,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,4,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5690,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7878,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,0,1,1,0,0,0,1,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0 -1868,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8202,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -7486,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9655,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -806,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4805,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,1,0,11.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -11993,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -10300,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11014,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11988,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10426,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9155,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7511,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8056,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -4494,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2632,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,7.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10714,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8896,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0 -8623,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7832,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,1,0,4.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4388,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,10.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -145,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6467,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2033,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10983,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1165,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2050,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3760,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,0,1,1 -4435,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3430,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8190,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10548,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7069,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4361,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -9454,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1771,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3511,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -271,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8436,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2032,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,7,1,0,1,0,1,0,0,0,0,1,3.0,1,0,0,1,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -9005,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -11639,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3810,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9996,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4346,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -545,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,15,1,0,1,0,1,0,0,0,1,0,3.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1 -3241,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,17,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0 -8930,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8502,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -9323,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -11941,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7564,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -920,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10973,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6640,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7694,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8230,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7126,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4278,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2983,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -130,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -7980,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2667,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -7138,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3223,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,17,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1 -9374,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7693,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5392,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -614,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11925,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1466,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -4497,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3042,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,0,1,0,0,1,0,5.0,1,0,1,0,4,1,0,0,0,0,0,0,0,4,1,0,0,0,1,0,1,0,0,1,0,0,0,1,0 -9126,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2419,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -5085,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,17,1,0,1,0,1,0,0,0,1,0,12.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3294,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -6737,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1500,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9018,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1521,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10972,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4232,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7686,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8820,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4430,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -390,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11875,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,0,9.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1 -7124,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5913,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -8592,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4806,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10775,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1 -8238,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -8044,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -11777,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3993,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -11502,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -6609,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5319,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11851,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7119,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2421,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5604,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1750,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10848,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11702,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -338,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8407,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1341,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11860,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -7982,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3640,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -329,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10631,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -3004,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1 -6960,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4090,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -9828,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2322,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -6667,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7009,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4197,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3549,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9650,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -8363,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4203,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11543,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10754,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6185,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1639,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9130,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -60,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -1240,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5760,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5136,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -2343,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2120,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1524,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7617,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -153,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -481,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6122,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,9.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -7674,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7101,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1762,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0 -8942,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7715,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9977,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10926,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -7479,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1 -6212,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4853,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2711,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6766,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,1,0,0,6.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4150,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1333,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11329,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8378,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -9328,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11305,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11689,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10250,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10976,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3850,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8340,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4124,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -10786,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -4788,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2866,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1386,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -5941,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3067,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -10899,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3629,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -11388,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10769,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3028,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2969,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9900,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8646,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6136,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0 -8801,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4263,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -645,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11627,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2074,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -341,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8041,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0 -1622,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7141,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -5796,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -7184,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11231,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8232,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5475,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10281,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -10367,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11141,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -74,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11915,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10268,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8633,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -11771,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2051,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2541,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1301,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5877,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7368,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1304,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8428,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -10941,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,0,0,1,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2599,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2573,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3186,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2768,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,1,0,0,0,0,0,0,2,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0 -4831,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4223,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11623,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2106,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2679,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1387,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11978,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11634,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7083,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,11.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0 -1279,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,1,0,4.0,1,0,0,1,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1 -804,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,8.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1555,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11424,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -4566,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11645,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4841,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3594,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6035,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6852,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10112,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8705,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4177,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1308,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9106,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3452,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3695,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4242,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2198,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -8966,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4425,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6150,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0 -943,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -822,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5005,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0 -6612,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8356,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5619,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4547,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2538,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9503,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5207,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11456,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10841,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -3054,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -3675,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7776,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -7218,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6722,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3300,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3310,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7221,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -8519,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10682,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5954,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -832,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3462,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11232,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7643,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,0,0,1,0,0,1,12.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -54,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3451,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6305,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10093,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1481,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4873,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8038,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3335,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6016,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4926,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9138,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -5797,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -10353,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11839,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5083,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6645,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5490,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -768,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2065,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11440,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7311,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8477,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -12039,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4524,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0 -10524,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2717,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2079,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8914,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -951,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8058,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2482,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,3,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -10454,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9181,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1759,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9984,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4422,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6704,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1 -9916,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5182,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8533,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3701,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4243,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -688,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3432,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4944,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -966,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11421,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10395,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2713,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4757,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11496,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6320,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -5975,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3572,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5299,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1990,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1205,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4971,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11711,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6783,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3600,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6490,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0 -8609,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -12015,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8070,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8577,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,1,0,5.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -7973,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11208,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1625,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -536,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -8766,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7970,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4212,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6456,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -3507,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8393,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9524,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7112,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2708,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5031,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,3,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6514,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4662,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -4021,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -1854,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11349,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2872,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3030,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9397,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1645,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3417,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3476,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11503,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -1792,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3797,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3368,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7196,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11612,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -5109,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6024,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8795,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11188,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -126,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5959,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3876,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4451,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7147,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3531,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -827,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9831,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7790,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -984,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7783,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10380,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11539,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2443,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8554,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10541,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -345,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -814,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6166,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -10919,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,0,1,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -5779,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2116,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10026,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -793,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11974,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -6898,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -2674,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,0,0,1,0,0,1,12.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0 -94,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4225,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3756,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,0,1,0,8.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2891,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -2371,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -11304,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3228,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7863,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6359,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -11073,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,1,0,1,0,0,1,0,1,0,0,0,0,1,0 -7326,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,6.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -6028,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1865,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4612,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10049,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2645,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2243,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,1,0,11.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5373,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2336,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0 -950,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1120,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10789,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -2204,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -419,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -922,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -9446,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8669,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10227,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -5408,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5788,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5742,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7667,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5567,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8135,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1202,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,7.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10818,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5765,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8389,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1970,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4018,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -10343,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3687,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1997,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4033,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1248,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2192,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2712,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9184,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2190,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1 -4670,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5142,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5984,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6565,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7804,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6943,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9510,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10055,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,1,0,12.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10535,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10641,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2136,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1065,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,1,0,0,0,0,0,0,4,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0 -600,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4227,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,4,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -10813,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7577,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -77,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7546,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2898,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4820,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9506,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11200,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,0,1,0,11.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -6413,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9444,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9064,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -8007,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5468,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,1,0,0,6.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -5951,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3391,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,1,0,0,10.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5415,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2560,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11911,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8162,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2635,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5256,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0 -3530,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,10.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -8567,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1908,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11150,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -235,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1604,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7984,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9310,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3490,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11862,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1994,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2824,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -11178,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10568,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1342,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8512,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1619,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -5287,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2060,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11984,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -2219,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9865,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6038,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -260,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -11277,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10231,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9093,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3744,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2026,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0 -6988,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4234,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1917,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1828,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9765,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6233,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11239,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6283,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4208,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -224,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8915,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -10002,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9333,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6469,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11336,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -10954,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -846,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4289,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5560,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2551,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -117,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8837,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5966,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8195,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -8659,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,0,1,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -7489,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -5342,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -9111,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10787,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4324,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1063,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2590,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -8434,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9352,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3735,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10589,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3517,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6986,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10755,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,14,1,0,1,0,0,1,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -6767,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1 -5622,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1605,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1733,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,0,0,1,0,0,1,10.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1 -10516,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10901,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11249,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9504,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3812,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11592,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10554,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,9,1,0,1,0,0,0,1,0,0,1,6.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0 -10167,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1761,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5401,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2739,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -11600,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2472,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6738,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6891,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7943,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,9,1,0,1,0,0,1,0,0,0,1,10.0,1,0,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -9685,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4206,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -6371,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -10350,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9361,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -10348,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -232,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8258,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,1,0,5.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -7561,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9795,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -6168,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3596,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6288,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4632,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0 -125,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7641,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6229,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1296,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,1,0,5.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -1976,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11415,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11362,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10267,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5750,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -8152,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3086,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -11168,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6882,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11204,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0 -7673,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3345,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8172,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11828,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5870,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6506,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -2797,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -918,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,12.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -1646,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0 -5122,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5126,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4621,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6809,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1 -364,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -2125,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8150,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8717,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -55,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -638,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -302,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10958,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5811,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1276,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10247,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4432,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3644,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4143,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -2878,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6493,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10478,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,13.0,1,0,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10453,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5240,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11328,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10488,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6937,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7240,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9945,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10160,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2593,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2393,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -523,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6376,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6981,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6677,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3900,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,0,0,1,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -11603,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5585,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -11272,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7956,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7570,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6777,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10161,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -671,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4188,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -666,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3266,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1887,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8472,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -9911,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11139,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0 -9091,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7687,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6031,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6090,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6238,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7350,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7830,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1 -760,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6254,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -1906,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3818,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6269,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4300,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5569,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7941,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10785,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0 -4164,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,10,1,0,1,0,1,0,0,0,0,1,10.0,1,0,1,0,3,1,0,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,1 -5971,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,4,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -3579,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2832,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5449,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3472,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6327,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -137,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -7043,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -4892,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,0,0,1,13.0,1,0,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2180,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10320,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -7730,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3177,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4854,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4637,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -5115,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11199,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7648,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4261,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1331,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10209,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0 -10674,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -7002,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9550,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0 -6941,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,11,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -8017,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6241,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9521,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -12025,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6881,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10342,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4530,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10314,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4673,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6996,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1252,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3374,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2814,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -4719,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -6544,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10040,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4858,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,14.0,1,0,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7901,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -8580,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -8427,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,0,1,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -1077,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10176,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,0,1,0,1,0,0,14.0,1,0,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4363,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -770,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -10357,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,0,0,1,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8865,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -249,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9766,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7239,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -3419,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -10273,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -10015,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4976,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,0,1,7.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -4544,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5565,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7939,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -716,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -11626,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2048,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5997,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6600,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7245,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4178,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4809,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,1,0,0,6.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10916,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11419,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7140,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7190,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -1460,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -5989,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -9860,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10948,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2000,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8175,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -404,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -384,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11377,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,13.0,1,0,0,1,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -11425,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10344,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1633,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11876,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4784,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11389,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6970,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3925,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4158,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7449,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8415,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2193,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -10016,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1015,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5124,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7418,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7409,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -8989,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2871,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10136,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -1838,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4804,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -255,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,1,0,8.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7026,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -5713,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3324,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7714,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1581,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11148,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -924,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2779,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10700,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -7891,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,1,0,11.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6132,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5320,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7312,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -7102,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6042,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3775,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4835,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4964,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10971,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -539,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7483,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2745,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3719,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -6819,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9337,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -4468,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -667,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,6.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7575,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -11211,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8549,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5063,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11023,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10975,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1353,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -7114,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11767,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8662,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2703,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3330,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8053,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9588,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3584,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11369,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -5645,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3376,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1256,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,0,1,0,0,1,0,0,1,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -6190,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9442,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5348,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11003,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -11125,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4175,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4910,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,0,1,0,0,1,0,3.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -1852,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0 -6316,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11868,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2105,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -133,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5029,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -928,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -823,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7576,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1531,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1214,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -504,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10188,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6530,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3072,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10150,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9576,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9086,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,3.0,1,0,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8647,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6619,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9273,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3709,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,0,0,0,0,1,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -11545,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4849,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,0,1,0,0,1,0,14.0,1,0,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4748,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4268,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11897,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -8905,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -4186,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10406,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5301,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0 -2923,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6588,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1810,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3486,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7419,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3141,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10019,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9347,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -1324,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4312,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7494,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,0,1,0,0,0,1,14.0,1,0,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -8702,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9872,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8691,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0 -11527,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10048,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9580,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10578,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5541,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6172,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1540,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9409,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2681,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11901,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11185,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6313,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1191,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5293,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1542,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7056,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2539,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -953,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0 -7241,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6731,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4846,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6801,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8010,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4330,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8924,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5334,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7330,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9348,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4729,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6541,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11174,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,17,1,0,1,0,0,1,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5305,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5161,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7860,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2156,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -1062,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10808,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1167,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11414,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3636,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7651,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5588,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11130,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7192,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -4491,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7266,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11332,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4980,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8335,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11981,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4946,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2782,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -717,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10011,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2502,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4360,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,0,0,1,13.0,1,0,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1 -4171,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8082,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11752,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -395,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,1,0,0,10.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -7186,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11827,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4492,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1365,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11469,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -8787,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5917,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -4968,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2914,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10518,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5644,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3766,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3440,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7357,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6806,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -9879,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -2143,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5104,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5073,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,0,0,1,0,0,1,11.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -1571,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -4079,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1122,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2786,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2967,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -2504,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5988,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8867,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -11000,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -7164,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -728,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7587,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -7543,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -412,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -11338,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9708,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -5745,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,1,0,3.0,1,0,0,1,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -7668,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -825,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3267,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3974,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8808,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8306,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,10.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -417,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11261,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9817,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6748,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -8967,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11088,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1 -11615,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2082,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8945,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10738,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3373,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -5726,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,5,1,0,0,1,1,0,0,0,0,1,14.0,1,0,1,0,1,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0 -4107,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -10636,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,12,1,0,0,1,1,0,0,0,0,1,14.0,1,0,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1 -4380,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -7723,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1066,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3913,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5536,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -8002,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5387,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5732,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0 -2738,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -5052,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4000,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9760,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2427,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6833,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10123,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -1687,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -851,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -6303,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9087,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -5878,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -8527,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2839,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11279,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4611,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9540,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9207,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11008,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9823,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2489,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6905,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7390,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11443,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2849,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6665,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5881,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10262,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -4452,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9949,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -7421,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9827,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6484,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2479,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6617,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,4,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10457,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11151,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11251,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2141,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11310,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5188,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11686,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2744,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,7.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -7253,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3506,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1679,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4249,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,0,1,0,0,1,0,0,1,15.0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1 -3147,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -8130,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10486,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7004,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -580,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9662,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4070,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -3343,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7404,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3672,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -559,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5237,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7805,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11041,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,11,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0 -512,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1081,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1664,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -9204,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1931,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11641,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1150,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2838,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -5949,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8308,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8932,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -11784,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,0,0,1,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5177,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -830,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0 -8311,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4752,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11750,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11706,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -635,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4465,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6799,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7987,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,5.0,1,0,0,1,3,0,1,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -7079,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6966,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4142,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7027,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -9183,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -876,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -4869,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5315,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5222,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3051,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5691,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3124,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10852,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2491,1,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3854,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4777,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9907,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7509,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6457,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6293,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -1148,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11453,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1 -574,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -3769,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4146,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -853,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -10174,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10966,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5919,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9358,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6614,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6002,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9163,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10893,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4495,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8173,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6655,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2368,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4780,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7992,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2950,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5625,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6971,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8716,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10647,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,0,0,1,0,1,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1841,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5986,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -537,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2806,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -5801,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5596,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7206,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7343,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7560,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8096,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11367,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -784,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -1409,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10729,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -154,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7806,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3009,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1686,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11093,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -4014,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7455,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3863,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2733,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1895,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -5442,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -569,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,0,0,1,9.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1 -6709,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5854,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1816,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,10.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -10257,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8319,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3394,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,3,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -3327,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -12020,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6102,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2975,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -980,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10492,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -190,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9331,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -5088,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -699,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11751,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -606,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -301,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -3420,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11804,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0 -1060,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10757,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3444,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1069,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10716,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2205,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9435,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7339,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8208,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7679,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -11312,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -4642,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -7683,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -9007,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7996,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11259,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5600,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9151,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7022,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4893,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -225,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3354,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -5895,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10677,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8754,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3436,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,14.0,1,0,0,1,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -1693,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6893,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1045,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3446,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8050,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9146,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -12019,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10927,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11296,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4735,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4496,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1218,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,1,0,0,11.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6015,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9719,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -3987,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4911,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9492,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4493,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6944,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,1,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -5699,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -8352,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,17,1,0,1,0,0,1,0,0,1,0,15.0,0,1,1,0,4,0,0,0,0,0,0,0,1,4,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0 -956,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11426,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -2869,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4433,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4973,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2961,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,4,1,0,0,1,0,0,1,0,0,1,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1 -2200,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -98,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11861,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2557,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11375,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8445,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4199,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9637,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5539,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1648,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,6,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0 -9888,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11383,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6197,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -6295,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -4499,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1154,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2255,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9874,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -3170,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7400,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,4,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0 -10248,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7158,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3108,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4548,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5423,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2049,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9208,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8815,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -11796,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -262,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -11561,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4061,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1 -5534,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6616,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8120,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8155,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1802,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4736,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -12030,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,16,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -2385,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6694,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5759,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1959,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2976,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -8680,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1843,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1734,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -2911,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11411,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8338,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1986,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,8.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -9561,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6546,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7098,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2811,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -659,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,4,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9986,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2511,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,0,0,1,13.0,1,0,0,1,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11589,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4282,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -9339,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0 -11464,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8800,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6287,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11774,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1930,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7125,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -197,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7777,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2931,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8004,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2327,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4389,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8958,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4218,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11447,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -202,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0 -3510,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4931,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5535,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9925,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5791,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10969,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -1707,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5172,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -5249,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11666,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6528,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11858,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0 -5855,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8164,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,10.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -854,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4737,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10352,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,1 -698,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11344,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11191,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,4,1,0,1,0,0,0,1,0,0,1,10.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -3696,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1636,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7280,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7554,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11649,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3581,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1291,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6585,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1853,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5232,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3763,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3304,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1495,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11637,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7994,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1998,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -663,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3748,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4413,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5530,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5575,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8901,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7526,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9474,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5864,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10867,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6776,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1306,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7392,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10429,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0 -11494,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5592,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10230,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9721,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1663,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -5450,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11959,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11983,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3627,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2693,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11252,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9789,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10921,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10817,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -5915,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3157,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11506,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9914,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6668,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1059,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4636,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -3242,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1678,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,0,1,7.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -6892,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6374,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7574,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,0,0,1,4.0,1,0,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -1757,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6019,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0 -5116,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -8755,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7408,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2790,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -863,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7858,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,0,1,6.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -1484,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7035,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7721,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5977,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -5134,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -206,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -4488,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6938,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9062,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6910,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -502,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7385,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1028,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3840,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10882,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8110,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5056,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9762,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8154,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10965,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2731,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8996,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11837,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2454,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,0,1,0,0,1,0,15.0,0,1,1,0,4,0,0,0,0,0,0,0,1,4,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0 -7215,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3104,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8392,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6278,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3099,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6184,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10470,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3561,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5892,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -391,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -6736,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5618,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5258,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9687,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2695,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2027,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -5463,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,1,0,5.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -2568,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8006,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -64,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2062,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5276,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7208,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -8684,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8571,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -6331,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4859,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4887,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -9268,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -878,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8529,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7916,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6863,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7892,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6439,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1 -7869,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1016,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9467,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7629,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11534,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,1,0,8.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -995,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10173,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4297,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -161,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5675,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6873,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9692,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7989,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3843,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,0,1,0,0,1,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -10805,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11653,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -1021,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3073,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,0,0,1,14.0,1,0,1,0,4,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1 -7555,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0 -3943,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,2,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0 -1585,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10147,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3152,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8226,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -775,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10748,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,16,1,0,1,0,1,0,0,0,1,0,5.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -9670,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7099,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5486,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0 -6235,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9555,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7041,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2612,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7513,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11016,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10233,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8433,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10253,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10555,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8792,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10627,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5393,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11080,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8838,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3890,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3556,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -11394,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1528,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -1267,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7734,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1899,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4658,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3005,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2734,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -189,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9998,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9167,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2747,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2047,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7849,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2558,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -9274,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8666,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -11096,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6396,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3385,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4555,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1184,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -6420,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5051,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5311,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2433,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6949,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10583,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,1,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -769,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1685,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8322,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -11111,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11363,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0 -11636,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0 -5578,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4426,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -466,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6265,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5734,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11284,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11964,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5191,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -5390,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -860,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7270,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 diff --git a/data/iai_pecarn/processed/train.csv b/data/iai_pecarn/processed/train.csv deleted file mode 100644 index 9d5365c3..00000000 --- a/data/iai_pecarn/processed/train.csv +++ /dev/null @@ -1,7227 +0,0 @@ -,AbdDistention_no,AbdDistention_or_AbdomenPain_no,AbdDistention_or_AbdomenPain_yes,AbdDistention_unknown,AbdDistention_yes,AbdTenderDegree_Mild,AbdTenderDegree_Moderate,AbdTenderDegree_None,AbdTenderDegree_Severe,AbdTenderDegree_unknown,AbdTrauma_no,AbdTrauma_or_SeatBeltSign_no,AbdTrauma_or_SeatBeltSign_yes,AbdTrauma_unknown,AbdTrauma_yes,AbdomenPain_no,AbdomenPain_unknown,AbdomenPain_yes,Age,Age<2_no,Age<2_yes,CostalTender_no,CostalTender_yes,DecrBreathSound_no,DecrBreathSound_unknown,DecrBreathSound_yes,DistractingPain_no,DistractingPain_unknown,DistractingPain_yes,GCSScore,GCSScore_Full_no,GCSScore_Full_yes,Hypotension_no,Hypotension_yes,LtCostalTender,MOI_Bike collision/fall,MOI_Fall down stairs,MOI_Fall from an elevation,MOI_Motor vehicle collision,MOI_Motorcycle/ATV/Scooter collision,MOI_Object struck abdomen,MOI_Pedestrian/bicyclist struck by moving vehicle,MOI_unknown,RtCostalTender,SeatBeltSign_no,SeatBeltSign_unknown,SeatBeltSign_yes,Sex_F,Sex_M,ThoracicTender_no,ThoracicTender_unknown,ThoracicTender_yes,ThoracicTrauma_no,ThoracicTrauma_unknown,ThoracicTrauma_yes,VomitWretch_no,VomitWretch_unknown,VomitWretch_yes,outcome -6071,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3780,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7533,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2619,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8520,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3325,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7405,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11563,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -3706,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11823,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6827,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5651,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,2,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -218,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -4562,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1430,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7187,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10560,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10092,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,0,1,0,6.0,1,0,0,1,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,1 -3379,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -357,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10057,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1786,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5910,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3724,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3819,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9152,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -10598,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2342,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3753,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -6208,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -424,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9861,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9353,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -7379,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4398,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4256,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11582,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -8420,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6220,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10586,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,0,1,9.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -5230,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4040,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8250,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2310,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7670,0,0,1,0,1,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -5322,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0 -1665,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -673,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5098,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6311,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9809,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2585,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8005,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -839,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11682,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8380,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -613,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10737,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6098,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4607,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4605,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2766,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6562,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9344,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -11037,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0 -11264,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3011,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10206,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2474,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9309,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -2102,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,1,0,0,11.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4119,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10008,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3608,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -4742,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,5,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,1,0,1 -5981,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5464,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1795,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,4,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3615,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2715,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10154,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1399,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -1010,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2540,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7985,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -8292,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6522,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -2236,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1470,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6927,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -970,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4789,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3037,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,4,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8141,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10837,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7153,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -135,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0 -1825,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2380,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8510,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2777,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -385,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11997,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1643,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8375,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6521,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7826,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2889,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,1,0,15.0,0,1,0,1,4,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7344,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10509,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3522,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4123,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2168,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7168,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7945,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7444,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6501,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7964,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2216,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6862,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -1355,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -70,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6392,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9875,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4890,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9562,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2210,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4301,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2516,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5549,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1965,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9940,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6011,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3316,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11449,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -149,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -7356,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7443,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11039,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -3540,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2957,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8437,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -7691,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8342,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1650,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8265,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2993,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6618,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10483,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -6366,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,1 -3146,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,0,1,0,0,0,1,14.0,1,0,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -2678,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7754,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0 -4162,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -8992,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8049,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11968,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -10351,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2150,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -396,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -5523,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0 -2109,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11005,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -10709,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5613,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2609,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5350,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,1,0,4.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0 -9009,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4392,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -9391,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2984,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11840,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1 -5071,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,16,1,0,0,1,0,0,1,0,1,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0 -6825,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1022,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9419,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1 -11283,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -4819,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -7779,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5403,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8324,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -3002,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -7940,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11761,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10330,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -3887,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6964,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10005,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7271,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -19,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2144,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1981,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2238,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -747,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5928,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -7298,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6681,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9425,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1793,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6698,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11410,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -10850,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9596,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0 -1006,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10446,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9684,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5875,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10458,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11136,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -8542,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8628,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3755,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -4097,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5666,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6118,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11985,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -7889,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4551,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -304,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9892,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2517,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7755,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,12,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3526,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3160,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4110,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2910,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5880,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4415,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8236,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11971,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -7180,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,13.0,1,0,0,1,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -1670,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11115,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5053,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -8142,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11879,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -5218,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1579,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10407,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -10189,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,15,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -6740,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10860,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -429,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -9891,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -7874,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1213,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0 -8598,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5763,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7457,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11787,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8887,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11075,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -6734,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0 -6866,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -200,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6216,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -8835,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3274,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10575,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11892,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3469,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4914,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3794,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8849,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6147,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9939,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3578,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5235,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -11972,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8531,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5711,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5852,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4714,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10798,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -95,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11870,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -11123,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0 -360,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -10109,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7907,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -5062,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8500,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,17,1,0,1,0,0,0,1,0,0,1,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1 -3441,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7248,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9640,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1418,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2407,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7620,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9190,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7765,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -2901,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2245,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -5559,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1427,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -7628,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -2873,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6983,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7089,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1 -5746,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1453,0,0,1,0,1,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -11374,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9373,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7949,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,15,1,0,1,0,1,0,0,0,0,1,10.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -2995,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6486,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4954,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9117,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8183,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3105,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3909,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -811,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6947,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0 -1617,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7436,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10382,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -101,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5152,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3995,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,4,1,0,1,0,0,0,1,0,1,0,6.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0 -10462,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9649,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3449,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9298,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9563,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5924,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9068,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2709,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -373,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -9219,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -99,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4600,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9743,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8042,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11910,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10549,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,0,1,0,10.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6112,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10931,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1188,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2337,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10777,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,0,1,0,0,1,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0 -1219,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -2960,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3464,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7203,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7039,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5425,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7107,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8695,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -11062,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11353,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1121,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3238,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10544,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6826,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5614,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9063,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -8111,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,14,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -119,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9386,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -11371,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2586,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8209,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10179,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1323,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1178,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -9313,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,0,1,0,10.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -1683,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9995,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -533,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -1483,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -3132,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -10630,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -3896,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7678,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10650,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3355,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7731,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -379,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9578,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1208,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4952,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4226,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2968,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8614,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8625,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4043,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10550,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -518,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4974,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10905,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -487,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -468,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11518,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -12000,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7335,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4342,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6041,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1512,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11969,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6876,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9798,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11594,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9565,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -6912,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3944,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11994,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3751,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -1747,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,0,0,1,9.0,1,0,1,0,3,1,0,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0 -1697,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -554,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,0,0,1,0,1,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4812,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3375,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9182,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1369,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8020,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5775,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4541,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5893,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,10,1,0,1,0,1,0,0,0,1,0,5.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1 -7660,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7924,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -8348,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2372,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -12042,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -724,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -47,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2802,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -967,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1002,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10119,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -624,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5787,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10288,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -5718,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7962,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7284,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,0,1,4.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10900,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6045,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10440,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4881,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -647,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4874,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9408,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3194,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11522,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -1608,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,1,0,0,7.0,1,0,1,0,3,1,0,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -700,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -245,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7733,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10256,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3576,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3617,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5092,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5859,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1408,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7745,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10577,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10708,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7301,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1934,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8786,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1414,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7407,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,1,0,0,0,0,0,0,0,4,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -5885,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -10526,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -10599,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1 -1434,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8544,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9490,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10412,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2271,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8323,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -461,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -1839,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -749,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5007,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3421,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8270,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3647,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3437,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -14,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1261,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2366,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4770,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2270,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11510,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -744,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,1,0,0,0,0,0,0,3,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -9627,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -914,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11082,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3403,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -10690,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9161,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1373,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9305,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4705,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -6014,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11541,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -4991,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,11.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -3884,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8136,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -856,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3492,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -1516,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10214,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3501,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5888,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -668,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4303,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -6209,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10155,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10444,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1 -11060,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0 -7538,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -7075,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7233,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8107,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -214,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3026,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8697,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2128,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5769,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -5538,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11614,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11816,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10107,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9934,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8606,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -7402,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11583,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6434,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7163,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6480,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10146,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,1,0,12.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3265,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7191,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10801,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8273,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -2218,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9542,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6485,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11282,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2420,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -31,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2357,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8971,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,0,1,0,0,0,1,0 -2759,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1210,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4672,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2085,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1351,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,0,1,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -8943,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -50,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -483,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1978,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3233,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11564,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10556,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4093,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5514,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8191,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,4,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -6415,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4614,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,15,1,0,0,1,1,0,0,0,0,1,14.0,1,0,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11457,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8132,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11733,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,1,0,0,0,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11217,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5357,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6779,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -4418,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5692,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8523,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8159,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8313,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6930,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0 -2019,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11309,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4053,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4320,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2846,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5427,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3562,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -4639,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6984,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2531,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7360,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4004,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,9.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0 -2021,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4333,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1 -6292,0,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,16,1,0,1,0,0,0,1,0,0,1,13.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0 -5689,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -2439,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5025,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4722,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1197,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,0,1,5.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -8985,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -12003,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8281,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4885,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4870,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1623,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,7.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3702,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,4,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10645,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7675,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,1,0,0,10.0,1,0,0,1,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9343,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6088,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -7225,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2459,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -12002,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6592,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8090,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -2333,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7267,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6558,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -434,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -4902,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2664,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -932,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -5396,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3482,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -8798,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10134,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -4387,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2046,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,0,0,1,14.0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -5896,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8653,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7541,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -11953,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6051,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9033,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9813,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1277,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -1701,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1626,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4643,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9466,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6699,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,1,0,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3844,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3290,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2522,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3014,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -12001,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,1,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4688,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6814,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -107,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5531,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9096,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4089,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3088,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5155,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3509,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4867,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10102,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -217,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3021,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -5773,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1166,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5333,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10944,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1602,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -510,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2174,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,0,1,0,1,0,0,15.0,0,1,0,1,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0 -8582,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7224,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -1039,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -573,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2360,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -39,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,1,0,12.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -4031,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2727,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4480,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -3204,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10345,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9747,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -3422,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -850,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -2927,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5826,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -9993,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7632,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -927,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10427,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -346,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9870,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7702,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -11184,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1718,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7171,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2020,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2447,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9433,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10464,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7023,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2631,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7478,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5969,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7268,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5181,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11395,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11089,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2614,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -4606,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3652,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4028,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -5046,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -6178,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9851,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -2145,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7978,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5532,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9953,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -177,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0 -895,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5304,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8334,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11242,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8830,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3883,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5362,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -9889,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11535,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7899,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -457,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4474,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3043,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1139,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7376,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3529,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8772,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8118,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4139,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4960,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10347,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9025,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,0,0,1,0,1,0,4.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -7194,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11330,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2629,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -7299,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7053,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4281,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -10270,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10857,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11999,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2054,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4454,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2455,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -10297,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3045,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -8963,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2627,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3286,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9166,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6224,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -303,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0 -3206,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9216,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6884,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0 -8295,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3425,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -210,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5598,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11893,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -651,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6648,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7602,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10182,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7692,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2929,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,13.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0 -11716,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2651,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11050,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5687,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10043,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10688,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1570,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,4,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1457,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9723,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8222,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3488,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6496,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -4060,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8528,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3272,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1739,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4533,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8283,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -398,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -6883,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -7317,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -321,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5865,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9936,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2487,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11084,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -908,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10145,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0 -4764,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5735,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -1593,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -812,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5912,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10192,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,0,0,1,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7712,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11889,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -764,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7850,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8430,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3523,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9818,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11669,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0 -8360,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,7,1,0,1,0,0,1,0,0,0,1,3.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1 -3231,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,0,1,6.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -8498,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -4844,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -10485,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1320,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1 -8668,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1393,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -473,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -8296,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4674,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3447,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8170,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3851,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4679,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7037,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9718,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4842,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9258,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3035,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10503,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5785,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9186,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9830,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -7333,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5034,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0 -10712,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2183,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -251,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9388,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5082,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8732,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1905,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1864,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -7770,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,4,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -2189,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5210,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -937,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8450,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1 -6754,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,0,0,1,0,0,1,14.0,1,0,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9423,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7959,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9174,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10887,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3680,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3658,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4484,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,8,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0 -5431,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10907,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11114,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4352,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6080,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1142,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10995,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -3547,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7856,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8184,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1282,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5371,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -4344,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4190,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9630,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3312,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5426,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,6.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -6023,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5009,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8761,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2154,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6670,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8086,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2088,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -3263,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -8879,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1740,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3570,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4122,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9554,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0 -3433,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11320,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,0,0,1,0,1,0,4.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1 -9842,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10006,0,1,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -10474,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2319,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -248,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5863,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -3307,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -3254,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3989,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2943,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9976,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2874,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -562,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -6775,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9254,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2417,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2391,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -8613,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11782,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6998,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -10095,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10506,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -6107,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6973,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -3708,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7063,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -6076,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -8882,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0 -8067,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11435,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -862,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1 -7439,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0 -7810,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10468,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -11143,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1068,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -592,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -3370,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -3323,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11633,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2316,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1634,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5095,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -180,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0 -3852,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1671,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10094,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5527,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,13.0,1,0,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5680,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6613,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -33,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3910,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3349,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11766,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11853,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3827,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2633,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5022,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1157,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4601,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3710,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5180,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8602,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5277,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10482,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3467,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -9478,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6175,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11574,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -1078,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6315,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4046,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5111,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -900,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8337,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8873,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11786,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5376,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3413,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,13.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2755,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,6,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0 -3148,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9311,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,0,1,1 -3033,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1413,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5584,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9912,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1 -92,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -5563,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5932,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6639,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3013,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1491,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3473,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7051,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1217,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -7799,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4608,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3139,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,5,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8658,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0 -6886,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1883,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3393,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5106,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7438,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4786,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10087,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7748,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9417,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6651,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4871,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -5894,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4292,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -2688,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,10.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10390,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -7900,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3574,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11474,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9000,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10889,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,0,1,0,15.0,0,1,0,1,4,0,0,0,0,0,0,1,0,4,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -3707,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6399,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -8979,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -408,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3070,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11849,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7698,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -7077,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8272,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4641,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,16,1,0,1,0,1,0,0,0,1,0,3.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1 -1498,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0 -6021,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8128,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7908,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6672,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1 -1053,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11406,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11500,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3592,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3616,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9065,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -6631,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1586,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -9411,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3894,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10925,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10784,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3107,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2412,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4003,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1688,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8404,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6720,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2464,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9634,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9035,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9365,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6153,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -330,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9402,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9737,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3679,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6058,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -1713,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5996,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,0,0,1,14.0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4328,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -1432,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -41,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,4,0,0,0,0,1,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7607,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11027,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -6301,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,5.0,1,0,0,1,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -318,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5239,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11530,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9469,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2685,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3834,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5553,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3353,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1935,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2069,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7876,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8390,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2215,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -85,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -1175,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11820,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,1,0,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0 -1035,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4279,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3434,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3154,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,0,5.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -11721,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,1,0,12.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -1923,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9605,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4246,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,11.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2628,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3344,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4007,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8607,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4609,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8008,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2974,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4618,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10210,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,14,1,0,1,0,1,0,0,0,1,0,8.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -9247,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8251,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -898,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10372,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4073,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -958,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10685,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10126,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -465,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8362,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,0,0,1,7.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -3955,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9045,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2254,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -2596,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -868,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -3853,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2879,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5006,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5720,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2473,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1275,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11797,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11718,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4216,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4597,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7785,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4083,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -4771,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7055,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7456,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7861,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4464,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9132,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6935,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,1 -7948,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10405,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7677,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -1111,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8454,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -9458,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10466,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4604,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -8460,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5547,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10421,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3745,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -11756,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7933,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8478,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11824,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2328,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5065,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -7235,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3470,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7346,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,6.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1 -10874,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7947,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -6214,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1421,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4156,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -6925,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,0,1,0,0,1,0,3.0,1,0,1,0,4,0,0,0,1,0,0,0,0,4,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0 -6334,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0 -11575,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -543,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -10545,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5257,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3585,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6649,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5261,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,0,1,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -5076,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7469,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2252,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3693,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7498,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10082,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10664,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3098,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5259,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8612,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -733,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -9804,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9252,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6472,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0 -3520,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8881,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7598,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0 -2301,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5100,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0 -1433,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -12007,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5707,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7766,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -5120,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3651,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4417,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8739,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7923,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -4993,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,4,1,0,0,1,1,0,0,0,0,1,12.0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5042,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1662,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -6196,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3068,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -902,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -8703,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,16,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1 -7795,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4498,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -493,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,3.0,1,0,0,1,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1 -4262,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -8833,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5589,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7680,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4367,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11384,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10736,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2536,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -150,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10522,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10883,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4074,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7496,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7477,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,10,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0 -9430,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7038,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8122,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6061,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9955,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2406,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -708,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7252,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -11960,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7890,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2039,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9757,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -11413,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6380,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6822,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -35,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2087,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5099,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6497,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1791,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2638,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11234,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6461,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -428,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11635,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11186,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2127,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11773,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -1614,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10802,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2119,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8119,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -5163,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1669,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10360,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7615,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2318,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7563,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,11.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6889,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11523,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,14.0,1,0,0,1,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1 -704,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8115,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4220,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9988,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8410,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11409,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -608,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9043,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -4347,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3921,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0 -6273,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7060,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7497,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1347,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7502,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,0,1,0,0,1,0,13.0,1,0,1,0,4,1,0,0,0,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -6431,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -758,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5844,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -3369,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7819,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,4,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11692,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11947,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6533,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7681,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -4339,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -399,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -930,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -3465,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -542,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -11157,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9618,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -1595,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3798,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -4047,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1732,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10386,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11302,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9855,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3691,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -367,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4716,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8280,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -2980,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,4,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3305,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7305,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3017,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5465,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -63,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10745,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2992,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8169,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -12043,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9089,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7393,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0 -10943,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9794,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,0,0,1,10.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5171,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -8875,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -5740,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4238,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4024,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -427,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -7116,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6067,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3247,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -11629,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4224,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10530,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1383,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4691,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11059,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -676,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11380,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1496,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9483,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4782,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3448,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6518,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7505,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -6221,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7877,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11880,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3411,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5610,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9302,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1368,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11976,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2325,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1720,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1402,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -740,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6083,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9401,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10879,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11489,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,3.0,1,0,0,1,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -11888,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9445,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3126,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,14.0,1,0,1,0,4,0,0,0,0,0,0,0,1,4,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0 -10226,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8765,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9104,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3855,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8126,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -6425,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10529,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11586,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -6700,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,0,0,1,1,0,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -1844,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3115,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11128,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8367,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7580,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4635,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -8431,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2952,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10967,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0 -8177,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5623,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5836,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -216,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7103,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8336,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -921,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -866,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10443,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3143,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -17,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3264,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6545,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10678,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11026,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6515,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7528,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,16,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,1 -8826,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10110,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3059,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9901,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1562,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8537,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,0,1,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0 -2201,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -795,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8139,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11195,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2351,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11393,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -4080,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6794,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,0,1,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -9802,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -8690,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8959,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7001,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5157,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9942,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11042,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8473,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10371,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -683,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4721,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1 -2615,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2288,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -577,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11182,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2973,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -5922,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5620,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6448,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -2611,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -761,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7700,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -7273,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2232,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1743,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3881,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6105,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0 -6621,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6027,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,7,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,1 -10912,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2613,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6572,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -11806,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2348,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6728,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0 -3133,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -8806,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7228,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8746,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -6594,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6475,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4520,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2955,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5145,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7510,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1041,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3902,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,1 -1655,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -11758,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -173,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9297,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,8.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -169,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1 -7445,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10513,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9779,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1530,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10383,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1272,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5306,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -960,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1783,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7782,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3919,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -883,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5676,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3282,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,1,0,15.0,0,1,0,1,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -799,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11179,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5814,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1744,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5758,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,0,1,0,1 -6454,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11812,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5965,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5566,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3593,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4337,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8898,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10507,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9370,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6310,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1160,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1479,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,1,0,11.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -7794,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9660,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4509,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8857,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5828,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -8615,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -8052,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -586,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1 -7701,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2167,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8252,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -7656,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1964,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2996,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,16,1,0,0,1,1,0,0,0,1,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -8775,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2452,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -7811,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1147,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11402,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8977,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6729,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9695,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -10303,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6785,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -9084,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4985,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5297,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -3025,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3418,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0 -5024,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2389,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,9,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0 -7522,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2620,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8696,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1501,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0 -10217,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3208,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -8644,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8723,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -6784,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -103,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -9345,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8061,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -2036,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4084,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4934,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10452,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1807,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6319,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11171,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3694,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2471,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3034,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3954,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5195,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -291,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3870,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8062,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2290,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5183,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6157,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3773,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6818,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1766,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,0,0,1,1,0,0,6.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4132,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2422,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8341,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10980,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0 -1692,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5367,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6795,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6442,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7925,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2576,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,0,0,1,0,1,0,9.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -4907,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -7334,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9438,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -578,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11720,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1511,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -4822,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2932,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6975,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5363,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11002,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9566,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3800,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4743,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5288,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2788,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4483,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3284,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9643,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3458,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -621,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,0,1,9.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -10245,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11515,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -7549,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9899,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -7292,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11622,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6790,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2075,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -265,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -833,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7209,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2991,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9088,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1285,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -5267,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11144,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -4128,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6390,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3994,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1953,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10788,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4447,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2588,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11608,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10898,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1396,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -259,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2616,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4746,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7072,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1730,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2714,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,11,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -756,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1201,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,0,1,0,0,0,1,14.0,1,0,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0 -2340,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9456,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2820,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11736,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4245,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2589,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3048,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10642,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -6880,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -694,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -10228,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7666,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4111,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3688,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3599,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4515,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5985,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -7919,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1984,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,0,0,1,0,0,1,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1 -3602,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11335,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -11950,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10251,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2184,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7109,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4105,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4404,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -6887,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6101,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11691,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4170,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11726,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3210,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,4,0,0,0,0,1,0,0,0,4,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -4094,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0 -4868,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6637,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5496,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1237,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3038,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10024,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8643,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -7624,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11032,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6114,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7732,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -6077,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8409,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5050,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -8001,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2124,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -819,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9570,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7708,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3387,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,0,0,1,6.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -7391,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3873,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6131,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,14,1,0,1,0,1,0,0,0,1,0,5.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -7603,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1061,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11521,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -6664,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1254,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -952,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -3116,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9479,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,11.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9956,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7110,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1118,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7506,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6750,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2012,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10014,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -10661,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -9020,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6733,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,0,1,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9168,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11874,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4264,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10591,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10603,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11048,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -8423,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2453,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8127,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -9482,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5697,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3544,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2390,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7148,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1056,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1146,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2769,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11873,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9681,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -10750,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0 -8485,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -8965,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0 -8,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9434,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3495,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3728,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3838,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -96,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1459,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -6890,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -426,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5140,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3090,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4863,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3822,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5872,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8397,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5424,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,0,1,8.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -9971,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1 -5682,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -979,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7211,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -1042,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7883,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10683,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,1,0,0,8.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2813,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9902,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11387,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9734,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4894,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,0,1,0,1,0,0,1,0,1,0,0,0,0,1,0 -9854,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -9501,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10378,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3404,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,1,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -582,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11680,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8151,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2673,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6911,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -11864,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10498,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5778,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -410,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11569,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9846,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5821,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10653,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8009,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10419,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -263,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11898,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -439,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11932,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -4768,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8471,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1983,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1107,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10795,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4375,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5292,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -88,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10622,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,0,0,1,1,0,0,7.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -8890,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8866,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7249,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2157,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1768,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -3621,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9372,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4921,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -274,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1281,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3646,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2344,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,11,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1 -4708,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,16,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5294,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7040,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -5114,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,15,1,0,1,0,1,0,0,0,1,0,8.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -2684,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -2055,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -8406,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4847,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10710,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11584,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -415,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -9749,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2250,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,15,1,0,1,0,0,1,0,0,1,0,6.0,1,0,1,0,4,0,0,0,0,0,0,0,1,4,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0 -8962,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -10888,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7599,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10573,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4341,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11117,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8205,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -710,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8858,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -6193,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5225,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -407,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8102,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10681,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9909,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1954,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6537,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4540,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2377,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11842,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8929,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0 -11688,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8869,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6673,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5045,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2692,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5278,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8950,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7895,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2816,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6532,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11979,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1523,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5118,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7871,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8910,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1110,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9886,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1406,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8267,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3405,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6455,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11655,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8309,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11087,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11307,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -11213,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9740,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1 -9648,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10292,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9115,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,15,1,0,1,0,0,0,1,0,0,1,8.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1 -11090,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -6791,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8678,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,1,0,5.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -9081,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,13,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -633,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -4010,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8978,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3461,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4148,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7113,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7796,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6206,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -131,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,0,1,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -8231,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -455,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6188,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9548,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2034,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10918,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -774,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5070,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -311,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3299,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -3643,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1950,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7791,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8248,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0 -469,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10856,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -1350,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5204,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8513,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5061,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10987,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -247,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -993,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -736,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2742,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6346,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7894,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -8872,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9568,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9957,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -563,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1722,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11225,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4630,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7174,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1576,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -73,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9754,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5703,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,0,0,1,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7297,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2732,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4096,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2543,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5130,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2534,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -5792,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -79,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0 -6478,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6858,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8293,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -796,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -10279,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -9187,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3131,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4687,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10610,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10770,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5608,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9334,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -2221,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6952,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7728,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5265,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7841,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10521,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6113,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -1904,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -333,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -4219,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10243,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11916,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10149,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1084,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4102,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1472,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,4,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -450,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1851,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -10585,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -8192,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10460,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9502,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -293,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1250,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1145,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,0,1,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -7565,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0 -9264,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4502,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -8302,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -8509,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10763,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10711,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8349,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9948,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7172,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -852,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1494,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11913,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6347,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1941,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10957,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3997,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1805,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,12.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5491,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4759,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,0,1,0,0,1,0,3.0,1,0,1,0,4,0,0,0,0,0,0,0,1,4,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1 -4407,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4710,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6429,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -188,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1123,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2057,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4924,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10075,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -12035,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -7516,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2009,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -2495,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10374,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6258,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1594,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5803,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2626,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -500,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10632,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -290,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9319,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,13.0,1,0,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8747,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11325,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5736,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,7.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4291,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -11269,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -12023,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2909,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8559,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5489,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -590,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,0,0,1,0,0,1,10.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -4192,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1 -10640,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,1,0,0,6.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -8108,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10559,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4949,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,0,0,1,0,1,0,10.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1 -7534,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2807,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1091,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -7399,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0 -3295,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -11673,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5202,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -777,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,7,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2498,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -299,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8255,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1090,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1971,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1194,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8216,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11695,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8776,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2002,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -532,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5470,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -971,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4840,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2919,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7034,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1113,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4918,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8479,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1592,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3914,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5871,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11536,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2963,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5771,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1082,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3207,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8300,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0 -4147,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5264,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9072,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -565,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3006,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1803,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11676,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -7601,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9791,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6759,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,1,0,11.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11105,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0 -1642,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3000,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11992,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8395,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -3705,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7482,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9113,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -46,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -1149,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5952,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,12,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -7780,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -765,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,0,1,0,0,1,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0 -10195,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -9657,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1566,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3742,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5948,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0 -6013,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11098,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9946,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8990,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4217,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,1,0,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0 -2483,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1011,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2818,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4829,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -9958,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9970,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6081,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9329,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -6427,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -8516,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9082,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,12,1,0,1,0,0,0,1,0,1,0,6.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0 -10219,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7466,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10322,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4336,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3082,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1345,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1444,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9340,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4793,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -80,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5467,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2444,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -335,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2913,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6203,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2239,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1572,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8249,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -6832,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2142,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10283,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -1509,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1896,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4622,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10175,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3366,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6143,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1845,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -111,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -472,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9581,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7717,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7768,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10183,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -3857,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -10020,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1183,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7897,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6669,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4201,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9369,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2108,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3785,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -8685,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4702,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2582,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5399,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8840,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8715,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10928,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1 -2928,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7623,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3016,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4684,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10318,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4508,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6916,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4450,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7582,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -1193,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -45,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9538,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -11531,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2655,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -1578,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4205,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8055,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11220,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1584,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3958,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10778,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10274,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3378,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10368,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2227,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4983,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -315,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10327,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4374,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6607,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -9404,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -6831,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -8504,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10072,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2864,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5234,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7492,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,12,1,0,1,0,1,0,0,0,0,1,7.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0 -8581,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6489,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1071,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,1,0,0,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -11854,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10952,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5646,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11022,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11028,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -409,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3833,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3487,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0 -576,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6853,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -2231,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7250,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -713,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -7257,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11505,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -1087,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3288,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10635,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -7070,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -6109,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -1454,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4617,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2388,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3689,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -881,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1710,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9632,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8518,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6805,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4747,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -4724,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2442,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4438,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11160,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3100,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -6678,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5434,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -6663,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,4,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0 -7182,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1597,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0 -6702,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -3573,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11176,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9460,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11177,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10862,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1180,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6365,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1911,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2754,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7572,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0 -2214,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7033,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5667,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7201,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -6417,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2675,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9356,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8262,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4414,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2948,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10629,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -7324,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7914,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1691,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,7.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -7591,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -123,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6661,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1952,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,1,0,8.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5809,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,14,1,0,1,0,1,0,0,0,0,1,8.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,1 -3060,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8617,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,1,0,10.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2527,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10211,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,11.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9256,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2405,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4561,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8620,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,0,0,1,0,1,0,7.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -11166,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1 -11381,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10872,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -4671,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5035,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2507,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1891,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9619,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6808,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -295,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4653,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4081,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4381,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2392,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -1785,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9253,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -286,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4215,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11548,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1758,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4288,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1284,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7406,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7046,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10172,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10328,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6037,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10590,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6958,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9796,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8851,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -549,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8023,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3130,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9753,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8462,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6830,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5418,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2998,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -11607,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5899,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10894,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4693,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4359,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -3846,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7302,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5595,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3111,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1 -4385,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10035,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0 -9326,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9056,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0 -5674,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10484,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -3027,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1303,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8972,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11579,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10542,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8214,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4519,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10830,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -7448,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11121,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -7441,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -11047,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11835,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11955,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9162,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8416,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,0,1,0,0,1,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0 -6487,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2564,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2954,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2625,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -6062,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4923,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -467,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9994,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8983,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6266,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -106,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10340,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0 -10637,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,6,1,0,1,0,0,0,1,0,1,0,11.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3429,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5298,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -411,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5848,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -6756,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10185,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8917,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3519,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5146,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2519,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3813,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5438,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7912,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6914,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5756,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5281,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9517,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11210,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -1862,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4048,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11159,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6127,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7515,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3817,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8543,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -29,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10724,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11033,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8163,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0 -568,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6899,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -8422,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1245,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10563,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5576,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1458,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10325,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1835,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -316,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -108,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5028,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3101,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -4077,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9051,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5900,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11778,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9616,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2701,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4526,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7520,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,7,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0 -3698,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -3752,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,0,1,1,0,0,1,0,0,13.0,1,0,1,0,4,0,0,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5479,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3784,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1 -4706,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -11247,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2608,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4129,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10127,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -973,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8317,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0 -4773,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10032,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3668,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8233,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2680,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10616,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1374,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3094,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7197,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -5805,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8037,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4397,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5838,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1426,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9731,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9559,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9609,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -718,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10118,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7049,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,9,1,0,0,1,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -5731,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11138,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -735,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4783,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8180,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11438,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2140,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,2,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4313,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9693,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,10,1,0,1,0,1,0,0,1,0,0,11.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -909,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -4549,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,0,0,1,0,0,1,14.0,1,0,0,1,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -496,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9189,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11963,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,4,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9544,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6443,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6929,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -1206,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4436,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5369,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10334,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1195,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -6325,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5461,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10612,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5380,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6161,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -4560,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7946,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -288,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11015,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8403,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0 -6084,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8028,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7998,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,15,1,0,1,0,1,0,0,1,0,0,10.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -388,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -836,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3821,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9585,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -280,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8137,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -11900,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4100,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1 -11724,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,1,0,0,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -1112,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4189,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10362,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10080,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -9893,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7169,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5994,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4112,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -267,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1598,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8064,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -5990,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5716,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6994,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -7362,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7487,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4972,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3891,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6606,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -1379,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9523,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9489,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0 -416,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9363,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4257,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1962,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -620,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1703,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -11663,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10823,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3169,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9157,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7145,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -7319,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11714,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9248,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1190,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -12009,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7550,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,6,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -4149,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7118,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11659,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6918,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,0,0,1,6.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -6333,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1506,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5502,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10432,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2882,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3946,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8803,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7767,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,12.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11742,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -794,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -730,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7199,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0 -9315,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3222,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9931,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,0,1,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6186,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1745,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5822,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11132,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6449,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11748,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8852,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1199,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9712,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -5795,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8496,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8451,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2751,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1889,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5302,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11661,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -32,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8092,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -8749,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,11,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -6243,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4193,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10309,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -6130,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -8621,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11912,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7606,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,6.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -11829,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,1,0,0,0,0,0,0,0,4,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -3003,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9399,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4127,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8892,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8355,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11965,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1486,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -605,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10490,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6758,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1533,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6662,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2698,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6870,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3928,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3334,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1330,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8402,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -957,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10608,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4202,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6703,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -11499,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,4,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0 -11836,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1660,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0 -1026,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4463,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6044,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1247,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9040,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -655,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -623,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7484,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7852,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -2199,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -2760,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6580,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4410,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10465,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9201,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2858,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3508,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3328,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,4,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -6561,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2791,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1746,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11458,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -2884,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2457,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4253,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0 -10116,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -76,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8085,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10713,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11694,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6070,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,0,0,1,8.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10906,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -5617,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2260,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1775,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6634,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -93,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,4,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0 -10558,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8211,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,10,1,0,1,0,1,0,0,0,1,0,5.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1 -4228,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -714,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1076,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6393,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5824,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11319,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2015,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1885,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7808,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5519,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11660,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3424,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1488,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11146,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3528,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11291,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11326,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10868,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5851,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0 -3859,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1437,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1233,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -185,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,11.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10137,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2465,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3118,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -12012,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7416,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1297,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10316,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4521,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4403,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -449,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4738,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,12,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,1,0,0,0,0,0,0,0,4,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -3771,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3065,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3412,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -11698,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -381,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7614,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -1155,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11254,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7764,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10843,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1728,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10746,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8469,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -2425,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,10.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -1253,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -11427,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8649,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -2503,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -6110,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -9890,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8993,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5701,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8444,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3984,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -3352,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2191,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3776,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11444,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5786,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5441,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0 -10420,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6418,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -10159,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6844,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -530,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0 -8960,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11479,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11779,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4315,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4382,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7417,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8400,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11951,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5419,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,0,1,0,0 -10932,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9694,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11597,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -144,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6860,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10365,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -5015,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10968,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2492,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -7760,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -6064,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3181,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10658,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5289,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5377,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11340,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0 -4098,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -788,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8878,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2859,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2676,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8651,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9975,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2030,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,0,1,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6213,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8671,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4023,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11705,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9535,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -431,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7471,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1780,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5840,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2771,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5545,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -349,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5643,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6742,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -42,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7363,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -981,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2312,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0 -8534,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -10437,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5444,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5245,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9944,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7144,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5165,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3219,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -11223,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -916,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5138,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -6492,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6978,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9781,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1616,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,5.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5484,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9915,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6727,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11476,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1833,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -8285,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -8913,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10732,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4880,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8681,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -782,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3898,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1156,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1536,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5414,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2935,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6552,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,0,0,1,0,0,1,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0 -7428,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6636,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4429,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2401,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,3.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -11299,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2876,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4064,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -4862,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2152,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8145,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5723,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -7210,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8124,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3620,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4457,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8642,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9209,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,5,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9612,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -8385,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6355,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11654,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7879,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8912,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6379,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2894,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11298,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1731,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0 -7152,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11909,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6020,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10689,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1870,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6408,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -2211,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10895,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10070,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3973,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6735,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6286,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9039,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4718,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11631,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2107,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9763,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9125,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6018,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0 -4439,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -567,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6654,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5360,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,13.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2367,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9276,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,11.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10459,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -9019,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -440,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2018,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10148,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8483,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9194,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6848,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10766,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9864,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4695,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7634,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1224,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5727,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2592,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2753,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6453,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9448,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8525,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2691,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,0,0,1,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -36,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5282,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -3777,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -2249,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10831,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8885,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11696,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10699,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6695,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10122,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7348,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6270,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7968,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -3399,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3717,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10242,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7246,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1360,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,0,1,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -9736,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8654,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -486,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1 -5568,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5804,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10495,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11896,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7642,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0 -8025,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -637,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8752,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8060,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -7372,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -5961,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3400,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2982,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6502,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10508,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -12011,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7934,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3938,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7132,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -167,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1915,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9647,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6781,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8781,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3678,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10511,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5556,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,6,1,0,1,0,1,0,0,0,1,0,3.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1 -7600,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -801,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,11,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2138,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10686,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4655,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -742,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -11083,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5992,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4184,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3649,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6571,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11256,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8650,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10236,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5524,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2847,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -11455,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2478,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,9.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -715,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9799,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -10422,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11642,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11747,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4338,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6526,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0 -2089,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -3187,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9285,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8372,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4619,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1834,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10620,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -6232,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9525,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10396,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3931,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7320,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6957,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5492,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2485,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6839,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -3315,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11894,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3297,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1886,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -23,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -7017,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10394,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1309,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5825,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -789,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7579,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4707,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,8,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0 -9586,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -4640,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2514,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9271,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -3314,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8466,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8829,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4580,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0 -5550,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8988,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -1957,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3372,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11498,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5200,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11097,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -3079,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6275,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1395,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9052,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7279,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5513,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11973,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9606,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11588,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6568,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6326,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7058,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10235,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -1226,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8683,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4889,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11800,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10596,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6878,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1 -4665,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4194,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7801,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0 -10846,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -1310,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5129,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3601,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4767,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0 -7108,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4420,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -6624,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3468,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,0,0,1,0,0,1,15.0,0,1,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1822,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -6969,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1315,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11551,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7859,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2315,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2826,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3550,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6595,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -2595,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -9584,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1339,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -9869,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -738,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -965,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -252,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8371,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,11,1,0,1,0,0,1,0,0,0,1,8.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0 -5340,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2098,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9859,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -872,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6842,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10071,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8743,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4030,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -11339,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4412,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9308,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5858,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11266,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3524,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -11576,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -8570,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3721,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -5883,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,2,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10397,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6778,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10066,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,0,1,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5504,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -4449,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8299,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9575,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4049,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11809,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -447,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5743,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -56,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -7882,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2855,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5632,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2986,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -476,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5273,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6679,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -10780,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4791,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,1,0,5.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -5641,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9748,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7800,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5908,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -750,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5500,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0 -5627,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0 -376,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2458,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6386,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -6200,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9983,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -9954,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9360,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -12031,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,4,0,0,0,0,1,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -12028,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3128,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6177,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,0,1,0,0,1,0,3.0,1,0,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -10099,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,17,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -2400,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4794,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11066,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3692,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -11878,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8354,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11472,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -7749,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9420,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5712,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -5272,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8526,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8947,0,1,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -227,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5533,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2317,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8071,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4441,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8740,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2648,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1508,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5979,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11237,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1684,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -499,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10735,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -1699,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -1877,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11944,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -513,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10404,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,3.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -5768,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2704,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1 -7974,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6466,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5023,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7282,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4026,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11619,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0 -11165,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -474,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -5747,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10178,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3656,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11580,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -6377,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2916,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4055,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9024,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -480,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5066,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4826,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5372,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2577,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10897,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5508,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -3650,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6551,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9745,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6829,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8117,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7652,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -4877,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1349,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3463,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7229,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3790,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8923,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2922,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6851,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7903,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1 -1606,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6991,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,0,0,1,1,0,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -3031,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2762,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6897,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -11975,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10271,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1659,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11926,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9906,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1446,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7955,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1020,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -705,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7567,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1866,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6463,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10491,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6389,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2122,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2574,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9837,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1921,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2956,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9659,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9553,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6162,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3595,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1419,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8968,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4984,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9453,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2025,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -594,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1 -1558,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4168,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4696,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10290,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7076,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6191,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3445,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -2058,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3991,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3244,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -4448,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4700,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -11542,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3660,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0 -7495,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4532,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -10302,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5379,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9952,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9999,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -535,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10424,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -292,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,0,1,0,1,0,0,13.0,1,0,1,0,4,0,0,0,0,1,0,0,0,4,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0 -2836,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0 -5270,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -2870,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4975,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4989,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8490,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -4629,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10062,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5219,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1318,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11193,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6660,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11764,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9928,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5517,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9682,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4830,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,12,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1 -6510,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,1,0,4.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -8229,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -7944,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2228,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5381,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11250,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6627,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4808,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4345,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8369,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6369,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -356,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11958,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4962,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,1,0,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3499,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10029,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -837,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5714,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4092,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8018,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2006,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -3886,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10581,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8731,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0 -2362,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,13.0,1,0,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9522,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7798,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -9910,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9293,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11817,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2899,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1890,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7308,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -157,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9061,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -127,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5405,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10131,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0 -1441,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9316,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7332,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2748,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4792,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8487,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8998,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5537,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -3061,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,3.0,1,0,0,1,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -9593,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6075,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5657,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10083,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -1057,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1963,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3125,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5354,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4667,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -1127,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6620,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9494,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4115,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9393,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9590,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4118,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5583,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3941,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,7,1,0,1,0,1,0,0,0,1,0,11.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -1543,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6611,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9896,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7532,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2268,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10762,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6400,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -132,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8468,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -11074,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,4,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9415,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0 -603,0,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4963,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8507,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -10520,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -393,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11010,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9709,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3746,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4982,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6158,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9073,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7433,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9537,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4816,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8116,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -181,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2277,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -9786,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -3234,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8573,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6022,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -8278,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -8297,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10749,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0 -8368,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -401,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10469,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3971,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1631,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4587,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8704,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8031,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,9.0,1,0,0,1,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -7696,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7142,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5364,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,8.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11904,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3781,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5562,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11557,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4058,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8463,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7150,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,0,1,7.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -11263,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10111,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6029,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4845,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0 -6180,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2067,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6307,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5027,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7631,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1599,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4850,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1385,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9178,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -11099,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10656,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1405,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -5331,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3275,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -809,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8861,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2029,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -5943,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2650,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8203,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -3024,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11927,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -9377,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7969,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7149,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,6,1,0,1,0,1,0,0,0,0,1,8.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1 -1702,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9755,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -61,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5123,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10338,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4610,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -2094,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4978,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10165,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1880,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8193,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6312,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3485,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10416,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8121,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2287,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11585,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8973,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,1,0,6.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -6187,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4504,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9075,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11314,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -664,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,0,1,0,0 -2906,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9883,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -1046,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5605,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2404,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10054,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7814,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7744,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1568,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -462,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -743,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -222,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7590,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5945,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -9049,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -625,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5216,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6576,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2188,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2177,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6939,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9641,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11497,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8828,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7105,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -438,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -9281,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9394,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -353,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10765,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -456,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -3842,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6666,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -239,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -7884,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5128,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,4,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -230,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11064,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0 -6630,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0 -7988,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -4680,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10162,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10820,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1018,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7025,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8572,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1760,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,4,0,0,0,1,0,0,0,0,4,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -10225,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10574,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0 -10216,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1103,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9876,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7640,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -7873,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3685,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0 -8235,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -3251,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4401,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3889,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3063,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,1,0,0,0,4,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0 -4762,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9598,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6768,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2947,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -11031,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11116,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6961,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3431,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11342,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8631,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11553,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5654,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9697,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10129,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11094,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1034,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2264,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -7401,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11147,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3912,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -11270,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -906,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,9,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0 -8013,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8610,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -368,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10098,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1415,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4099,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -2286,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6069,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7975,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11937,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -8522,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5250,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10684,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5173,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3613,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,0,1,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2900,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1721,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,1,0,1,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10552,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -7658,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3184,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -3532,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1824,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3080,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6824,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3023,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9144,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -9691,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1901,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4012,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0 -11966,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1918,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9703,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9016,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1569,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10068,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -347,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1242,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -420,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4731,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9101,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6398,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11646,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9801,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -9699,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8677,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10500,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1031,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4191,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7719,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -7044,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4663,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7928,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11170,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -763,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4807,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10705,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10844,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10652,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2484,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1222,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -11092,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -8247,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2134,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2423,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7586,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6693,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5770,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5967,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6403,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7665,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4365,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1575,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -509,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9375,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,5,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11163,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9026,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -2304,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4477,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -748,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11652,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11571,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1259,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3077,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8779,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1 -1888,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -11601,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6433,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -711,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8773,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -10986,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -3635,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4981,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10059,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1372,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11699,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -712,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3329,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7772,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -5665,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9500,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8514,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4999,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8847,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -4237,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -8635,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -10369,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1482,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1489,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -104,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7853,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1794,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5582,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1821,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2386,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -10277,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5125,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6338,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1741,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1658,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -212,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9165,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -7090,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8488,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3058,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -323,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11345,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -1097,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10626,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1359,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -334,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -5170,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -3110,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3474,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2840,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1613,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5609,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -792,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -233,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5702,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5199,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0 -1064,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -209,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9210,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1327,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7958,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -11354,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4872,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11169,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3684,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2413,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8215,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5612,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8933,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9307,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3542,0,1,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1 -7840,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -871,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3669,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1263,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1618,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6888,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7868,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5812,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2414,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6836,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,9,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9515,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1220,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3671,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1765,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -7726,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2456,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5677,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -11070,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -2001,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0 -1513,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,1,0,10.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5957,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2801,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8506,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9450,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3582,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2523,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4233,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6802,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9234,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7837,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7237,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4104,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3078,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5090,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9520,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -10740,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7093,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10359,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,2,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0 -2110,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10915,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2375,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9171,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11568,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -7583,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11815,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4029,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6330,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3546,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3527,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -10200,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7012,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4165,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -617,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9215,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4884,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9930,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8241,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9636,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2652,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9597,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8728,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -745,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,3,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -3541,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11798,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2004,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -7467,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9199,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11508,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3047,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11308,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10666,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1336,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11987,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4766,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6857,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11215,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3095,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -4779,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3285,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5317,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9774,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,5,1,0,1,0,0,1,0,0,1,0,3.0,1,0,1,0,4,0,0,0,0,1,0,0,0,4,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0 -4740,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1313,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7007,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11679,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5528,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2903,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5153,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7585,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,4,1,0,1,0,1,0,0,0,0,1,7.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -3333,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11884,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8938,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4419,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3053,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -10543,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -976,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5903,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8051,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,12.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -653,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9741,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2269,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5522,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,0,1,0,10.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -10034,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9214,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10515,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11101,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10358,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7242,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7558,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6507,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5149,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0 -611,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7386,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2114,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11422,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4682,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10719,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -3949,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -3166,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,4,1,0,1,0,0,1,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -2602,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10829,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -511,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -8701,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6343,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3015,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -4308,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1 -8486,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,0,1,6.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -6590,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,4,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0 -9663,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7787,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3704,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -520,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10706,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9100,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9058,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -7008,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4091,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4269,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0 -6189,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8449,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8424,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,5.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -11933,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5640,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6874,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1109,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -11763,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7377,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1038,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0 -8675,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -20,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -5526,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4299,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -11257,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -7465,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4685,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -934,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -11135,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0 -10876,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -7551,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10797,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -394,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8282,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -7127,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1737,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2165,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -561,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3069,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,0,0,1,1,0,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -4634,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -11100,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,0,0,1,0,1,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11867,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1162,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6181,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7918,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4489,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1729,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1527,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9895,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -842,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2930,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9459,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -58,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5337,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2865,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3975,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -10597,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2291,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6128,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -83,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5328,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -8545,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,8,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -1945,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9294,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -1649,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -10546,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3858,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2724,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8888,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7635,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -414,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -5359,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11439,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2450,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6765,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5008,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1 -5117,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5960,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,8,1,0,1,0,0,1,0,0,1,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0 -8330,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3952,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4467,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7663,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11448,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -2907,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8670,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9226,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3538,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2133,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -1897,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -7713,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8603,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -11226,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4295,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11672,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8274,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8019,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1817,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11755,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -1937,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -337,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1 -5629,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2335,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6372,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2072,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6714,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1726,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1 -8475,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1047,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8587,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7831,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,1,0,0,9.0,1,0,1,0,3,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2815,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10553,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9664,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2320,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -7251,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11731,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6517,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3386,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3614,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,10,1,0,1,0,1,0,0,0,1,0,5.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0 -5580,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -766,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2861,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3782,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5044,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8312,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -1144,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,0,1,0,5.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9933,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9841,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2510,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -4785,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2273,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,13,1,0,1,0,1,0,0,0,1,0,8.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0 -5972,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5411,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6149,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10580,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11516,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5344,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -102,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1989,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4329,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5407,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8157,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -828,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8778,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0 -9973,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1672,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10822,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9120,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4411,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0 -8279,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -8398,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2856,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4754,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1808,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7588,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2275,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3761,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -4536,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10997,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7676,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10752,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2045,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7388,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -4176,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6792,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -11450,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1295,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -5700,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,9.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -591,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4250,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -221,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7966,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -444,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7146,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6438,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,9,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0 -858,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4075,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5011,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9990,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -6798,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -841,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0 -9669,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4035,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -5339,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9887,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -9296,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3703,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -994,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6391,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6383,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,0,1,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1554,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11928,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7283,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3772,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5611,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11341,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7885,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -6705,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3559,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8911,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2848,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9380,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9848,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9371,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2513,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5032,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1463,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,8.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -10525,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10960,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6625,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4720,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2835,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -4459,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,1,0,12.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -9429,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2233,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3050,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7926,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9821,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -400,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3860,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -10007,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3872,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0 -4913,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5224,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6247,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2804,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8918,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -5829,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4638,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1023,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3298,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4209,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9825,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -59,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,12,1,0,1,0,1,0,0,0,0,1,7.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -6959,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4475,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5802,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9447,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11051,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1328,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6712,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,1,0,11.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3351,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7542,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,1,0,1,0,1,1,0,0,1,0,0,11.0,1,0,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -168,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3279,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0 -10264,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4353,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5279,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7822,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1550,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -1009,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -6360,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2554,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7135,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,0,0,1,0,1,0,9.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1 -1612,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2737,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3455,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,3.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -9090,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5493,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8359,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -648,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -11632,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2862,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -879,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9221,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -3837,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4860,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2303,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6300,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1624,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -550,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3948,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11011,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9048,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6752,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,1,0,0,0,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8181,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4393,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6182,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -211,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10067,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5721,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -9658,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3232,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,12,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,1,1 -5761,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6435,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3543,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -68,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1438,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -2515,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2868,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,0,1,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3963,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2434,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7476,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10731,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,4,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -696,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8760,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3942,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9241,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6746,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8240,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10221,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,0,1,0,0,1,0,8.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -7838,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1314,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6835,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9808,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6499,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9671,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3979,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1 -5058,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -12,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -772,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -818,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -11323,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -2784,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1346,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10418,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -453,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6323,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11668,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -1656,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3457,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11681,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,0,1,6.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1 -10519,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0 -9470,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -37,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -9395,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5038,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1043,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2908,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -8764,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -940,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10540,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6725,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4843,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -9349,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4335,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5159,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7258,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,0,0,1,0,1,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -7454,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1 -538,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5378,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4394,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1153,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1400,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -7472,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -10728,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -30,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8200,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2267,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10431,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8076,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11923,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3677,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,1,0,12.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2470,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6210,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5597,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4772,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6840,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8083,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11306,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -5481,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1092,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -266,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1108,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,4.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -9213,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10892,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3229,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11334,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7028,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5271,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3319,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10387,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -11587,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7188,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -6452,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8589,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9010,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1563,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6407,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -5236,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3071,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -9376,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11520,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6306,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4265,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4948,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9173,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7664,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -5253,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10456,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4442,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -12016,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2213,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8788,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5847,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,0,1,0,11.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -10451,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5709,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,1,0,10.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2111,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4879,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,0,1,1,0,0,0,0,1,13.0,1,0,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1 -10910,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0 -6321,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -8593,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10877,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9228,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4950,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6066,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9666,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9683,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -355,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1429,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -12037,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8521,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -8713,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -8928,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -332,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,0,1,0,1,0,0,14.0,1,0,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6357,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10756,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -964,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9359,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5026,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3281,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,0,1,0,1,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -7893,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2544,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5400,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6772,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2885,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7952,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2178,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9217,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10315,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10046,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,4,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3123,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9656,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1544,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -4919,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11451,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8641,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -8303,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8074,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -6271,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11936,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1 -9583,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5459,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,1 -6095,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11461,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7706,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9001,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1561,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8922,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5064,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -6134,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1095,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8585,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3287,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -9962,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -6951,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2605,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -1392,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8541,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10411,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -752,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10646,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3737,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11776,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10278,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3215,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6244,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -1777,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4113,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1770,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11662,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,0,0,1,0,0,1,3.0,1,0,1,0,4,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4525,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3022,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3012,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -10984,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -9705,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9066,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4373,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7655,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -527,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,3,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,1,0,0,0,1,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -11361,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7200,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1919,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -701,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -11491,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9036,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,0,1,0,1,0,1,0,0,1,0,1,0,0,0 -10027,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -1298,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1352,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2926,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9367,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1287,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -11061,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -9863,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10120,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8187,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2013,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7080,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8694,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5662,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2147,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7854,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6005,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7627,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -6260,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4395,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9222,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7915,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5332,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8822,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -810,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6252,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2073,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -8394,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -8846,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -885,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1477,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1790,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8176,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2008,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11598,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -682,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3895,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4959,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9362,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4317,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -57,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6339,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2399,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,11.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8698,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -11791,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10361,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6123,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6782,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1468,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1416,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11895,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2358,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6920,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4649,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10263,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10207,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -10229,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3869,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11546,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8447,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11848,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8497,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9487,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -1055,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2281,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4901,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -1924,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10873,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1075,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1115,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3936,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3533,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6556,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -460,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3032,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -4207,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10723,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1452,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2149,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -319,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9330,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1922,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8374,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10695,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5361,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,0,0,1,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9725,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4833,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2129,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,0,1,1 -10086,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5886,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -7672,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1052,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,4,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -5790,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8276,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4067,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1456,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10512,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -361,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11881,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3145,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5382,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -5739,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6227,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10845,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6843,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11164,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -540,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -8540,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -10196,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6329,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10864,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -754,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5653,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2003,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2542,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -7637,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4828,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9015,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4271,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -100,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6724,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -601,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10734,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5477,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9919,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -1044,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,0,0,1,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9338,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1557,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1487,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8456,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11065,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,9,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -6192,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2115,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0 -8484,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -618,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0 -4896,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5478,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -3396,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -1600,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8271,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8439,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1615,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1752,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8457,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,1,0,1,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -2083,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11577,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9569,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10758,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6691,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10536,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -675,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2545,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10025,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,3,1,0,0,0,0,0,0,0,3,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3999,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11434,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -175,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5544,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3609,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10138,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3787,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9427,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -2225,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,10.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7095,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5861,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1126,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8361,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11822,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2441,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1322,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,4,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0 -1603,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4210,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,0,1,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1 -9389,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10366,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -4065,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9868,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11253,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8557,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10364,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -4071,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1507,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1559,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -5389,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10551,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -9355,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9815,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5020,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1836,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1354,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6277,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6385,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10619,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10687,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4032,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,10.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -7104,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5635,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8511,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11219,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2251,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1025,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8075,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5516,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5227,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4553,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3397,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,0,0,1,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -313,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7453,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,3,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1 -9797,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7220,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6909,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0 -4810,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -5268,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2970,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10077,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -5853,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3885,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,6.0,1,0,0,1,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -11566,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9303,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8699,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -8629,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9180,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5003,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -11902,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,1,0,0,0,0,0,0,0,4,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0 -5920,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9422,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -1840,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10937,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -8305,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3673,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5211,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0 -10423,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -12013,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3320,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2272,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4254,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -847,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9269,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8823,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5767,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0 -10861,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4832,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1417,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,3,1,0,0,1,1,0,0,0,1,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1 -6786,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -3848,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -604,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5862,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2078,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7434,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2311,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0 -4343,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6302,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1 -1982,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4466,0,0,1,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,10,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,0,1,0,0 -199,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -485,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3270,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2823,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3245,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4453,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -8223,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10081,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3749,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11852,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,7.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5511,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9832,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -2794,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8035,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9850,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8326,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -524,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -947,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,4,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -9304,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9551,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -1280,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -122,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4366,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4584,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11108,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2302,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10859,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11300,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1005,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3460,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4513,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9413,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10812,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3055,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3566,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5262,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,1,0,10.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2132,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,0,1,0,0 -6201,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7793,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5221,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -229,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8904,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0 -4001,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10993,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,0,0,1,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -8459,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11624,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3007,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6940,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4221,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -9843,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6632,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4898,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -2750,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7364,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -5079,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4376,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2944,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1 -6234,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,11,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -2718,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -11149,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6950,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5636,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6072,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11730,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6373,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4161,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10260,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9277,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5816,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11877,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -6282,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10570,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10662,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6001,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -1017,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10869,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7306,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1928,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,4,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -350,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -6092,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11246,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1 -9069,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11605,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5857,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7341,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -564,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1582,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2175,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10847,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7847,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3933,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2707,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11891,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,1,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -8185,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3535,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0 -5385,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8414,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9169,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3739,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9857,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -821,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -2063,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -9322,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -81,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7709,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2697,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -831,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4574,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3826,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6512,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2833,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7759,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11390,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6388,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -48,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,0,1,0,0,1,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1 -6597,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5144,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11554,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9212,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4755,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9059,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4095,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2689,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9317,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4602,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6322,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2373,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9381,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -2758,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9280,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8421,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5494,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,1,0,0,4.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10355,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0 -3880,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7738,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4802,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11043,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9249,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6500,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3945,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9513,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2164,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2886,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5087,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8719,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -516,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9396,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5683,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -172,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,0,0,1,7.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1 -639,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7535,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -6290,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1143,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9318,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9668,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -10084,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1832,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7452,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6174,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,0,1,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3686,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9143,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6428,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4537,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6004,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9787,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0 -834,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2486,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10013,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8057,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11538,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -5501,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10613,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -6820,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -65,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5206,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4864,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11034,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2024,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6223,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -354,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5914,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,0,0,1,0,1,0,3.0,1,0,0,1,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -6008,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10978,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -5993,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9938,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -4838,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,0,0,1,0,1,0,3.0,1,0,0,1,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4568,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3127,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4698,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -309,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -4676,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -5800,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5719,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4354,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7530,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -5312,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7447,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6050,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2583,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6757,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2770,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8687,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -9981,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11407,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,8.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -3209,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7954,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3905,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,14.0,1,0,0,1,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11192,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -5684,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6237,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,1,0,5.0,1,0,1,0,3,1,0,0,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -2379,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -8405,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6280,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -4169,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11446,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -3428,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4421,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1101,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -6074,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5113,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11482,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3250,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -9950,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4140,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0 -3557,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1 -6908,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -118,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2022,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -4598,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5176,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4730,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10433,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -7747,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8657,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4681,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11189,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -5284,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4273,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9820,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -87,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,11.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -11799,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3382,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7774,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,16,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -403,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3350,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0 -10030,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5453,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -9531,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0 -2241,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8600,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9904,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -1027,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11685,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,0,1,0,4.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -9599,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2436,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5733,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8094,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1278,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11754,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11526,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1425,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11142,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1502,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11729,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10312,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9871,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,1,0,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -10331,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -678,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8391,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10168,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6834,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5728,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1070,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5174,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2480,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10010,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -3392,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1099,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0 -6529,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11470,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,4,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -418,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7054,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9284,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,10.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1 -1947,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3336,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,15,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2299,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6604,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6608,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -11770,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -208,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -7315,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0 -5963,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11405,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -528,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -779,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -722,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7387,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1860,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11196,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -11511,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10198,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10914,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1992,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2332,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7481,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7746,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -7100,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3459,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4929,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5421,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6769,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -6849,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4518,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5303,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5358,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -10036,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -257,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9260,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9116,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1 -10370,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9624,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10298,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3625,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,0,1,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -702,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3189,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -503,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10615,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -2556,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7359,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2248,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -372,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4052,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3937,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -11914,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,0,0,1,9.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -4076,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -997,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4332,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5349,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,6.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -1176,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11664,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -551,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4372,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3497,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5186,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4851,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -8481,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9964,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7825,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11241,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8411,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9819,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -693,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -2533,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1 -3443,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -982,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5169,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11333,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,0,1,8.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4222,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -91,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -2266,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8638,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7223,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -261,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3337,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -7553,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5837,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6676,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,17,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -445,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3555,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2194,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6535,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -9733,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2867,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0 -2526,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8256,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5412,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8134,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1168,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4144,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -84,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,3.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1 -3149,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8949,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -880,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11856,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,16,1,0,1,0,0,1,0,0,1,0,9.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,1 -5497,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1467,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8811,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8856,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6817,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4326,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4044,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4137,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3039,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10651,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,4,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5049,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -579,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0 -8452,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8868,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5151,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9484,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8188,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4157,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5817,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -413,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -402,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4428,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2084,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3057,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9023,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -164,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -10739,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4302,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,1,0,0,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -7475,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,17,1,0,1,0,0,1,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -11693,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3317,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9653,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,3,1,0,1,0,0,1,0,0,1,0,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0 -3934,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8343,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -1334,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9261,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -753,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0 -3064,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -706,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,11.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3491,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4573,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4900,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3151,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11262,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3799,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -4022,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1074,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -7921,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3438,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6560,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -8077,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7414,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2429,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -246,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3815,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11765,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3632,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7872,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,0,0,1,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2262,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2246,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -835,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -432,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9622,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1173,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6997,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -4656,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7272,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8253,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10827,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11780,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5226,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5147,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -5196,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3407,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2729,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11922,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -433,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5335,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10502,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0 -10940,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,0,0,1,0,1,0,3.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -7816,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11890,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5749,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -8999,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4002,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0 -7784,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1332,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7645,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6462,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9591,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,0,1,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1443,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6821,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5030,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4310,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4899,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10672,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6148,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6554,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9512,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2569,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -8627,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4277,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3666,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,9.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -6423,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2446,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -5019,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3657,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,10.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9720,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3172,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1223,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5587,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10988,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -544,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -1204,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5323,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,1 -6117,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11119,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2637,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11658,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5321,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -10018,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10929,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10496,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -877,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -10108,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -196,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,0,1,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11734,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3383,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,8,1,0,1,0,1,0,0,0,1,0,10.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1 -4379,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -8314,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11533,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2997,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -8260,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2571,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5706,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10385,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11281,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -11532,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -4969,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4711,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4163,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5013,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9129,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9055,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2682,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5909,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2508,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5228,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1510,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4314,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7020,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1244,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5384,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6176,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10611,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4121,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -4995,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11931,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9967,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6578,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,0,0,1,1,0,0,14.0,1,0,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -7410,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -254,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10428,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4511,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6747,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9943,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -759,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -654,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11640,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3401,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1420,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3044,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2830,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8114,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -328,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -253,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5890,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4377,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3019,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -3029,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2636,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7159,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8897,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3018,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2945,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3659,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -8532,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9913,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5940,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2663,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -5503,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -1362,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -9959,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3481,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11596,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -8836,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10201,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5168,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6847,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8131,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2880,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3381,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1302,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6086,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4957,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4836,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5942,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -10191,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5220,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7290,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -942,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3235,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -3257,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,8.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7920,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11404,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -176,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -435,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8750,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -308,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1565,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3964,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8165,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8742,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -10567,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4977,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11924,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9856,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -595,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,6.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -9792,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4625,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8054,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10012,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2623,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4572,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9141,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11013,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -231,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -179,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -737,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11572,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -5652,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8827,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -9134,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7621,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7464,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8768,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0 -1321,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1 -1995,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11131,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -5329,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9549,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -800,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10569,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2086,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7371,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,0,1,0,0,0,1,7.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -69,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6194,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8143,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1680,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -377,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1469,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2603,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4181,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6137,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4505,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4230,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,0,0,1,0,0,1,14.0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -3091,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2726,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -477,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1329,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -2283,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3732,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11613,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -751,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5938,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8310,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -873,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5781,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10962,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7517,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4564,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,11.0,1,0,1,0,4,0,0,0,1,0,0,0,0,4,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0 -1545,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -739,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10306,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2683,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9243,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8909,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5121,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8991,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -3518,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9921,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2354,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,0,1,9.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10163,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7073,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -773,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0 -5156,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10609,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9530,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -641,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7337,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7500,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -9385,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7347,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4309,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -865,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7288,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11519,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8565,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,1,0,0,0,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11907,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7195,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8546,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8665,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -962,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8940,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8045,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8441,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5386,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3309,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2166,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -363,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3723,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -2825,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5958,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3597,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4726,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -546,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2940,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -471,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1641,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7769,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3338,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6948,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,0,1,0,0,1,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0 -1172,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6955,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5766,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11206,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6605,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6650,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5286,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -5437,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10296,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1410,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7015,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6351,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5397,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11486,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2694,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -815,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2131,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0 -1797,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4575,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -5190,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3122,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -9030,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4275,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,1,0,0,7.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11158,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8318,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6596,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10203,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7278,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -237,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,16,1,0,1,0,0,0,1,0,1,0,3.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1 -1532,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0 -11337,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0 -5561,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3410,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2831,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10963,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -1535,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3879,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,1,0,4.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5688,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,1,0,0,10.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -1299,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5936,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8618,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1480,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2793,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7065,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11775,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -5091,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2329,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11475,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5471,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6717,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,14.0,1,0,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5955,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3661,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -555,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4825,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1163,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0 -7254,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4715,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -397,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9364,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -10579,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10592,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -6291,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7653,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8291,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -723,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -300,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,9.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10115,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7238,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4294,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,1,0,12.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -7396,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4185,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7566,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5391,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11841,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,1,0,0,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3142,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5980,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3205,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4955,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4582,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10904,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11524,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,9.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9012,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0 -7085,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10124,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1152,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -1212,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -4503,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11743,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11683,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,1 -8784,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7019,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -6179,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -665,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10851,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -642,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11126,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3767,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4272,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5466,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -786,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2857,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,10.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3202,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8664,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0 -4187,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11495,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10060,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -4824,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2905,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -4626,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -10305,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -996,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9717,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10239,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6657,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5748,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -156,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7669,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3085,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8399,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -1552,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7384,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9071,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,0,1,0,0,1,0,9.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -7450,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3795,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -495,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2321,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7771,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5440,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -151,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6073,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9158,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6436,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8763,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1738,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -3001,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,0,0,1,9.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -10679,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7247,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6745,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10842,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2883,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3720,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10605,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10697,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,7.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -5601,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5762,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7413,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2276,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4823,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4704,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4461,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -343,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0 -6085,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -4136,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8693,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7275,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,0,1,1,0,0,0,0,1,1,0,0,1 -7886,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2223,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4196,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -7654,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5365,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8366,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5081,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7120,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6498,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11467,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4734,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6567,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1465,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,8,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -4593,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2234,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11068,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3903,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,1,0,0,6.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -283,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11153,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5616,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10323,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8284,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7328,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4151,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9704,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8417,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2121,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -8790,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5012,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,0,1,10.0,1,0,1,0,3,1,0,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -9282,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10792,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3161,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2630,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7091,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -10246,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11949,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10803,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1203,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8168,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -616,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1926,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3114,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -2641,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10796,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2562,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5950,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,5,1,0,1,0,1,0,0,0,0,1,10.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1 -2728,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8289,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9577,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -2126,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -6245,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11813,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,1,0,8.0,1,0,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10249,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7213,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -805,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -4694,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -5577,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -9836,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3140,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,12.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4280,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5338,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10184,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8113,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5799,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -547,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -26,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7217,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3918,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4486,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,9,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5398,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8331,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -9897,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1221,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7277,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2548,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11400,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -437,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6363,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10190,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6459,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1861,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2699,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11268,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -6755,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2481,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8720,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10153,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -2706,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11710,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -326,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5135,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -5325,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2499,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0 -1004,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6167,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -6553,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4011,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10767,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -534,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0 -7685,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3960,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -585,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9920,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8387,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7222,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6249,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1 -9665,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,7.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -491,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7740,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6967,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5751,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,0,1,1 -6867,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9455,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,14.0,1,0,0,1,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3548,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6211,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1916,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,3.0,1,0,0,1,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3185,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5572,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1910,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -7773,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6913,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -1133,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -7508,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7061,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2518,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8663,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -1317,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4368,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -121,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9229,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2449,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8156,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -7078,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2601,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1522,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7937,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2173,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3283,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4554,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3605,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10376,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9021,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6145,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0 -10917,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3768,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11007,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11331,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4038,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -3502,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1407,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4631,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6025,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9806,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4935,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,9,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10028,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -2579,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,10.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -5579,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3269,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11504,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1867,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11935,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -9706,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2521,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6470,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1820,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6504,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -51,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -3888,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -5187,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -10836,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3577,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4565,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8482,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10807,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8639,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1858,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0 -7367,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11477,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4961,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8161,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10964,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9696,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11106,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5198,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7139,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -425,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -4284,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10497,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6341,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -228,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7559,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2741,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5137,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10532,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -7689,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8093,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2921,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1 -8225,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11350,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3653,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6647,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5964,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1128,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10304,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,0,1,0,10.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2331,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -2208,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,0,0,1,0,0,1,11.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -7316,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10715,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6119,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3153,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8012,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -9441,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -8596,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11565,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4990,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2374,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1632,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7047,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2298,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -7338,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4252,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8301,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2721,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10089,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -11049,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6108,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10776,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,0,0,1,0,0,1,3.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8937,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -10140,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6865,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5094,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -7792,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7584,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7864,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8063,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11871,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2550,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6159,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9306,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -938,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1 -9862,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10671,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7820,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11708,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4852,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2644,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,11.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10794,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -3165,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3639,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8158,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6146,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0 -7824,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2061,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4645,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,1,0,4.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -7198,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2812,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11297,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10399,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11638,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10825,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2549,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -8499,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11001,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9070,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8700,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4174,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5639,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10886,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1024,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,9,1,0,0,1,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4848,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -5843,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9722,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -1951,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7261,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -351,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9611,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7042,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5480,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9457,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4797,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5664,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3662,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7322,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -4657,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9644,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -3150,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6954,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11167,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4813,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7050,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8495,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -5143,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2939,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4510,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1340,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -12038,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,1,0,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -1391,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9701,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6730,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -9354,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7420,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6412,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1583,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -1412,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10949,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10538,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2256,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0 -8926,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2212,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5603,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2622,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7729,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -5417,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4938,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8802,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3624,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6225,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4267,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10815,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -463,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1754,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8771,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5638,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9488,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11471,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,0,1,10.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7313,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -378,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3106,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4803,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1335,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,3.0,1,0,0,1,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -10595,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11671,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2716,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11832,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6348,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7375,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11648,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10194,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7422,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1811,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7276,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6688,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0 -1894,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9564,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6375,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7803,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -6577,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1189,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5194,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7931,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6854,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5833,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3454,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -11285,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,0,0,1,6.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -5820,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -5835,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5860,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8982,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4613,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3992,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11137,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1030,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9838,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -2220,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3774,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8934,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11313,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -1755,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10392,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11480,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4327,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10285,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -110,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1 -7957,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -8936,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -2917,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6248,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0 -1515,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11737,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11095,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10902,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10125,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -2263,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9139,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9785,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10223,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10475,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -893,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1490,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1850,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8794,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -324,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1215,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2933,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4689,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,1,0,0,13.0,1,0,0,1,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9240,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9744,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10333,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11053,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11709,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1129,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10694,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2918,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3084,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4588,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4304,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2795,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5998,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -798,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -734,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7307,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2244,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -178,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8344,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9133,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1174,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6125,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8358,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1831,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9735,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6255,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9672,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -1781,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3201,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -198,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9880,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4087,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5193,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0 -548,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3339,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11359,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0 -6671,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9378,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6926,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2532,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5935,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,0,1,0,9.0,1,0,0,1,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2314,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8902,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8574,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -9932,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,1,0,11.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -11843,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -66,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5127,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4712,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -5214,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3260,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5033,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,17,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -2572,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8242,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10833,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -622,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1681,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -787,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3332,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6753,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7234,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10533,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3280,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -6903,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -10981,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8140,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -5931,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10413,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -515,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -478,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -9742,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,0,0,1,0,1,0,9.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10594,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8246,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2647,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11378,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -7981,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10079,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -1033,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -11509,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2598,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6030,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8027,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8144,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8919,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -344,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,3,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5521,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6421,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1871,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8000,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7281,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3986,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11567,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2888,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11355,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0 -4623,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -4818,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -220,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11063,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7021,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10022,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6697,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5937,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,13,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0 -6384,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4016,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6096,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,0,1,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4248,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11017,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -9275,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10773,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9257,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -1264,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1 -4241,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5650,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6152,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10942,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7130,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11052,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6850,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,11,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8364,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2881,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -1677,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6885,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -901,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9202,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0 -2296,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3402,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6104,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -296,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10576,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4153,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9784,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6387,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,0,1,4.0,1,0,0,1,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -27,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7503,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10269,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,4,1,0,1,0,0,0,1,0,1,0,9.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -3829,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8351,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3248,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -5902,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -9536,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9037,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2580,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,17,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0 -6414,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9707,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,1,0,0,0,0,0,0,0,4,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0 -8198,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -1370,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11869,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9124,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7540,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5551,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6875,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -5254,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -681,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11207,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4775,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5422,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3159,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8756,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2987,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4908,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1882,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5905,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -8346,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,0,1,0,0,1,0,15.0,0,1,1,0,4,0,0,0,0,0,0,0,1,4,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0 -1940,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3296,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3534,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3729,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -490,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7354,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1181,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1375,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5014,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -8751,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6641,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -626,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4758,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0 -10934,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2112,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -12029,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5916,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1767,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8832,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4180,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0 -9121,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -7300,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0 -1462,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2887,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6422,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,0,1,0,8.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -684,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4539,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,0,0,1,0,1,0,7.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1 -4514,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9335,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9473,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1366,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0 -3916,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -11805,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2639,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11392,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,4,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -5602,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -10871,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5729,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -5730,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7309,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11428,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2300,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4787,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2938,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5659,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8239,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10425,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9963,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1979,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3803,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4534,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6601,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9608,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6658,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10157,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,8,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -9038,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4800,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2280,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -8793,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -6032,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4469,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -5133,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,1,0,0,8.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -7501,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -998,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4130,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -5266,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8494,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11810,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1784,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3182,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10435,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -494,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6495,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11045,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -6053,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -2860,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2038,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4041,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9238,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2897,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -366,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -849,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9602,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -6444,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8480,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6761,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2653,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3503,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11481,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1541,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -6057,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11197,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -322,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -2031,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7636,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6902,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -813,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -2528,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -11289,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6505,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0 -11072,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10259,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5274,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1079,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2226,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -9407,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10996,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11552,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2705,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -9014,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10625,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1164,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3261,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -6165,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -8560,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1450,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4229,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3862,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,13.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2936,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9727,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3917,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5487,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7134,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9811,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1723,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8876,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -6550,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -4056,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11452,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2999,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -7173,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10858,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1231,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1514,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2313,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1451,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6482,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9464,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -10266,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4321,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -8153,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -838,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11938,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -6739,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3899,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10232,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3567,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11154,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5452,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -3087,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9724,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10408,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4546,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,1,0,5.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4692,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -1714,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6690,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,5.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -4270,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -339,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8953,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4086,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9440,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11995,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9176,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -588,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3365,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2670,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -5515,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0 -3589,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -34,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -28,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2395,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6520,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6575,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -5506,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7963,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2170,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11376,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8769,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -889,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0 -3878,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3322,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11315,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3514,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6440,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10044,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -5673,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7828,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3733,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10547,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11397,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9170,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4528,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -1654,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7518,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -7336,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -223,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -10381,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0 -6345,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6464,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5982,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4239,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5882,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1590,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8819,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3256,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6743,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6956,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1 -2181,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -7293,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9002,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7325,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7750,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8432,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9102,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11275,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4817,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6987,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6586,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1209,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11921,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -421,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10531,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1706,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1158,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2306,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -273,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -171,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3956,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5606,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9812,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,3.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -4865,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8863,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3188,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,6.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1725,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6253,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8221,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -1564,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1782,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -843,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11255,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6508,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -904,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3494,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11647,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,0,1,0,0,1,0,13.0,1,0,1,0,4,0,0,0,0,0,0,0,1,4,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -7460,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1547,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10053,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2080,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9197,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9022,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6723,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3985,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10289,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,5,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0 -7649,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8579,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -11996,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0 -9867,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4677,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3820,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5209,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2646,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -6494,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0 -9225,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7442,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -256,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -10156,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4350,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -8501,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -6762,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5923,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2155,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8799,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10702,0,0,1,0,1,1,0,0,0,0,0,0,1,0,1,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -3715,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -4057,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11760,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -9987,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3622,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5648,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6931,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3102,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -558,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -10261,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -9220,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1436,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -507,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5275,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,11.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -4472,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1869,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5663,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -6503,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5930,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8419,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -755,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -11036,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7911,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4050,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -7671,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3836,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0 -4386,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6800,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2118,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9279,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -729,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,1,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -501,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9965,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -643,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -7255,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1539,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -8552,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1211,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8889,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10977,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -672,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4915,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6106,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6298,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3377,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4476,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5615,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -10582,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1464,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0 -4745,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10741,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1192,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3793,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1872,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3590,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3158,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,0,0,1,1,0,0,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9726,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -505,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -243,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5678,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -506,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9849,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8931,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -6458,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0 -8109,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6222,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -10759,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6810,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -7286,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1773,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10835,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3010,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0 -7157,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,0,1,0,0,0,1,14.0,1,0,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9839,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -797,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3618,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2381,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -2829,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8328,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -11221,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -10527,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4633,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -312,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -746,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3569,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -790,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -2476,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -6120,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8661,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11230,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2570,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5753,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7724,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10409,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5599,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7608,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4355,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2163,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8845,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8674,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -380,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10959,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -1292,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1912,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11529,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -599,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3892,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4141,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5540,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1652,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,4,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0 -7630,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9491,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1893,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,17,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0 -1944,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,7.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -3395,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7991,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4362,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -11762,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -375,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,4,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1966,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -3957,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -10377,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10566,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -4423,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5351,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5696,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1243,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -7781,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9711,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6569,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7536,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7727,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0 -1471,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3346,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4522,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2657,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2853,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4506,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11412,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10933,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11769,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4045,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,10.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -4062,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5326,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7571,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -9083,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9917,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4306,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5139,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7111,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9278,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10051,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -3990,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -1049,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3823,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,1,0,4.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -8204,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,1,0,10.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9646,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2035,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4039,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11086,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -7573,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11265,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1972,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6962,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2099,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1499,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5205,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3512,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8745,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8440,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -652,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -170,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4085,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -242,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11058,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -5798,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10991,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -4371,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1644,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5594,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2756,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7695,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11617,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9272,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9054,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7942,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5231,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2076,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4103,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11512,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -3996,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,17,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -4801,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5968,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7068,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7143,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,1,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7440,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10621,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8101,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11286,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9617,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7809,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5849,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -7459,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6536,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,0,1,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -10768,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4661,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4078,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6054,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10171,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5974,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -640,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1270,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -6685,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2778,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10657,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4932,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6060,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1985,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3861,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -3480,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1534,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -325,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5764,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2338,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6760,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3980,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -9050,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6872,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,0,0,1,14.0,1,0,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4054,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -2237,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -5229,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9185,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -4571,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11644,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5474,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,15,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0 -6922,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -864,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8237,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4942,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -8034,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -6010,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7589,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -371,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,2,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10676,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -8095,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -609,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6896,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11670,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8401,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11180,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,0,1,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9414,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -11616,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,11,1,0,1,0,1,0,0,0,1,0,3.0,1,0,0,1,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -8072,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5830,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2364,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -3213,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -5456,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -911,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -10884,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10501,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,0,1,6.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -3789,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0 -8812,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10142,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5581,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6706,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8817,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,12.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1 -9866,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5060,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1423,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11807,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -479,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -662,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7865,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -6437,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10811,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9782,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2988,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1119,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,14.0,1,0,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2776,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -4535,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10691,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9357,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7289,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6349,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9961,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8900,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11556,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5573,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -6135,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -5269,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4427,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9392,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,8.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5247,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8099,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3981,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -8686,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -11465,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2893,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2669,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3977,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1 -9443,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -279,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9505,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8952,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9661,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9137,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,17,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0 -5197,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4664,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1694,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10726,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0 -5018,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6133,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3479,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,1,0,4.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -5554,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4416,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11209,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4155,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4883,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5807,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3809,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11801,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10373,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0 -9604,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,5.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -4296,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9332,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4683,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11278,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -8634,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7066,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -5593,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,0,1,7.0,1,0,0,1,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -2209,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9498,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8708,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5402,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8021,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4563,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -184,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -11423,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,0,0,1,0,0,1,4.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -7067,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4516,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2350,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -553,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1397,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -1384,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6921,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7383,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5856,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1 -4903,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -297,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -443,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -10588,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5215,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9341,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -8821,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2077,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6017,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -4751,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9623,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2229,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2842,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2537,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -194,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10166,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7244,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -817,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3367,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11785,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,0,0,0,0,1,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2578,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1131,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11454,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5505,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10310,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7030,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,0,1,7.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -9314,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -320,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,13,1,0,1,0,1,0,0,1,0,0,3.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1371,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4042,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6719,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7507,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -907,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -305,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3950,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5529,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6877,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11290,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10317,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7259,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1 -9079,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -8515,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10114,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -926,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -244,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,1,0,8.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -15,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -143,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5983,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2363,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8839,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -129,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1161,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10654,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -11792,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7965,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9922,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7525,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -7349,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5458,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6923,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5308,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1876,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -2488,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -10121,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4479,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1182,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -2525,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7821,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1170,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10463,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2182,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -11493,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9557,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9613,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10881,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -3371,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11507,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1859,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7087,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6965,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7741,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1878,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,3,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7092,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3588,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8197,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,7.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -3121,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -387,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -1311,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1032,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9639,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6584,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0 -7910,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,0,1,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6382,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9431,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7493,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4936,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -931,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -7219,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4019,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -691,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7881,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -5987,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6364,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1909,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -829,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3498,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2081,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10725,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1 -11368,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,0,1,0,1,0,0,14.0,1,0,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -44,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -3939,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -7682,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -8672,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0 -4319,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2965,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3969,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1187,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10779,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8022,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -9136,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9232,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,1,0,0,8.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -284,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10764,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6308,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -4159,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3092,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9426,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,5,1,0,1,0,1,0,0,0,1,0,8.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -4556,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -5555,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6682,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4323,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8026,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7775,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3364,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1404,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3195,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8263,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7488,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -969,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,12,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9780,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -6543,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,4,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3734,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -925,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11436,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8748,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,9.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4725,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2843,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2851,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9927,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7562,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5956,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -519,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0 -10673,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9621,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4471,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7514,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4348,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11416,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9677,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3626,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1789,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,0,0,1,0,0,1,3.0,1,0,0,1,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -9972,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2059,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0 -9099,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11707,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4013,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6006,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1902,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6215,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4686,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8129,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4922,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7625,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7626,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10240,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -75,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,3,1,0,0,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -2345,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6447,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8455,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -430,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4586,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -5483,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7204,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6405,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10076,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0 -6861,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,0,1,10.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -9826,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9237,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0 -1553,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5874,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -240,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -783,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -10017,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3066,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11745,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -977,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4905,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6264,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9029,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5695,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2941,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6906,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0 -7845,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7018,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -10896,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7905,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9713,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1620,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5642,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -12033,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2146,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1801,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2095,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8864,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8855,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1357,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9773,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -8893,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10065,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9620,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -7977,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3565,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -11954,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10565,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8807,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -1609,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3096,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10834,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2415,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2017,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2971,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6424,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4125,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5846,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5375,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -11802,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11544,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3246,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,0,0,1,1,0,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -124,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0 -1106,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11244,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,12.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -7753,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -840,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -6394,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9481,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5649,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11020,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3341,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -598,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2123,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5512,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8446,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9475,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8630,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9997,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -12032,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -5999,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2197,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -4051,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1216,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3362,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2501,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -725,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7189,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -978,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -808,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11821,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1475,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9044,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6856,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8066,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4906,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8425,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10870,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4930,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4542,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3962,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11373,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2671,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9148,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1235,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1225,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1764,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8626,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7735,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7013,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7592,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8762,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3217,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5737,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -287,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7318,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -2966,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3164,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10085,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8059,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10701,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1657,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1975,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2397,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -452,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2710,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11025,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -6946,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3681,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6715,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -422,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -8489,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5316,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -657,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3301,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8688,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2845,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4066,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9436,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -5244,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1001,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4198,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -2418,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -875,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7722,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6726,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3847,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -961,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1580,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8029,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8171,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2206,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4266,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -8412,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,12,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,1,0,0,0,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11945,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4231,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -757,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4866,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5406,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5313,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2284,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8908,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -6934,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5507,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -5309,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -9198,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4827,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -7524,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7366,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,1,0,3.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -807,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3907,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6141,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11986,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9574,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1956,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2445,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8383,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -10878,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8550,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -10614,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2402,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8679,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -1073,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10402,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3398,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4240,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0 -6524,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5436,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7639,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0 -10238,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2091,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -4527,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -12036,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -1698,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8995,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10100,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,2,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0 -9387,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11069,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9027,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -1003,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10947,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -10023,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0 -7752,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4651,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10069,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10021,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6156,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1485,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -11110,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5368,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1411,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6289,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11358,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10930,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7839,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -709,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7181,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3603,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -985,0,1,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3076,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6169,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9239,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -10604,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6713,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5077,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -4101,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7458,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2722,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11271,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -1268,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2462,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7972,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -268,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3580,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -4750,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10349,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7202,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8106,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -9628,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11466,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2821,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,0,0,1,13.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -7932,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -589,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11044,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10814,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10481,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -656,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9772,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9532,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,6,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -2037,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10624,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8718,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0 -3758,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6845,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6151,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8608,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2028,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -9728,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -677,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8287,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,1,0,5.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -1232,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5454,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9432,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9480,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7612,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11687,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4856,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9242,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2432,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11035,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8536,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4647,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9053,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7369,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -896,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1611,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1587,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6686,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7136,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8039,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1719,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7310,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9497,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -3806,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9193,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8079,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4701,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,0,1,8.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -3961,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,5.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -10097,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -5557,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5564,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9351,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,0,0,1,0,0,1,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10186,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6087,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -890,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9937,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,11,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10838,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4006,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4939,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9558,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7499,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5898,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6173,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -9379,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5819,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8997,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8290,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2799,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10832,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -584,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3268,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3932,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4965,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1260,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8426,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6199,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6692,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -310,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0 -1716,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -11620,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6009,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2052,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8388,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,9,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -4668,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4298,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6646,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,3.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -3783,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1008,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10398,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2185,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3623,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11783,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7176,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11650,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11948,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10499,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4834,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4059,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4756,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -7403,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -90,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1987,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,1,0,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -470,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -1326,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8167,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,0,0,1,9.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9679,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2117,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2937,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -888,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -983,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6932,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9103,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7757,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10354,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2925,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7855,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3214,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5884,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2341,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -8655,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8015,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9147,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8660,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9507,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10875,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -627,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11844,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4947,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5080,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -4244,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7474,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4765,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1601,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -11560,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1269,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -128,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -9629,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8730,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1711,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4182,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8758,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4235,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6995,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7578,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2398,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -10772,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8871,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,10.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8886,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8493,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -10135,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1186,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -8470,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11790,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11701,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1977,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5314,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11906,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4247,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9541,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -915,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1305,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -7953,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3049,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -11173,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6653,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11463,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1273,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5698,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6945,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,5,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,1,0,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -9767,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2796,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6797,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,15,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -1398,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -6615,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3358,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -183,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,0,1,0,0,0,1,14.0,1,0,1,0,4,0,0,0,1,0,0,0,0,4,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0 -7370,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4462,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8735,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9468,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,0,1,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -3563,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,3.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1 -9123,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,13,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -11183,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6513,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4567,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9230,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6603,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9758,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -2656,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9992,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4305,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1961,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4992,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4891,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6138,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5815,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5869,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10346,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6395,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11781,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -6226,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9080,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -12010,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9625,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1251,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3176,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5072,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3359,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7303,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7983,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9342,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8818,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10821,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3289,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -10863,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11055,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3190,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1573,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -9057,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1051,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4069,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11274,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3218,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8097,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -272,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2042,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -4763,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11547,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9149,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7720,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1086,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1473,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8682,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7976,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9191,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2186,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10663,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4322,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9095,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11322,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5831,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8166,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -8047,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,0,1,0,0,1,0,15.0,0,1,1,0,4,0,0,0,0,1,0,0,0,4,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0 -7463,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -11942,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4709,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8640,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9805,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -4485,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11859,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -3478,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9192,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3924,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1748,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -732,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2553,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7960,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11940,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8916,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10215,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2662,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7930,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8347,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3113,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3303,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6250,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1344,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -10593,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1690,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,2,1,0,0,1,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10953,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11382,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5048,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9552,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -8046,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3308,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,0,0,1,0,1,0,3.0,1,0,0,1,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -1504,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11018,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1806,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3871,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7836,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3791,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5217,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9814,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11462,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1067,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,1,0,0,0,0,0,0,0,4,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0 -8408,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11429,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1717,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2696,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6451,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -1848,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4512,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8969,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 diff --git a/data/iai_pecarn/processed/tune.csv b/data/iai_pecarn/processed/tune.csv deleted file mode 100644 index 6642992c..00000000 --- a/data/iai_pecarn/processed/tune.csv +++ /dev/null @@ -1,2410 +0,0 @@ -,AbdDistention_no,AbdDistention_or_AbdomenPain_no,AbdDistention_or_AbdomenPain_yes,AbdDistention_unknown,AbdDistention_yes,AbdTenderDegree_Mild,AbdTenderDegree_Moderate,AbdTenderDegree_None,AbdTenderDegree_Severe,AbdTenderDegree_unknown,AbdTrauma_no,AbdTrauma_or_SeatBeltSign_no,AbdTrauma_or_SeatBeltSign_yes,AbdTrauma_unknown,AbdTrauma_yes,AbdomenPain_no,AbdomenPain_unknown,AbdomenPain_yes,Age,Age<2_no,Age<2_yes,CostalTender_no,CostalTender_yes,DecrBreathSound_no,DecrBreathSound_unknown,DecrBreathSound_yes,DistractingPain_no,DistractingPain_unknown,DistractingPain_yes,GCSScore,GCSScore_Full_no,GCSScore_Full_yes,Hypotension_no,Hypotension_yes,LtCostalTender,MOI_Bike collision/fall,MOI_Fall down stairs,MOI_Fall from an elevation,MOI_Motor vehicle collision,MOI_Motorcycle/ATV/Scooter collision,MOI_Object struck abdomen,MOI_Pedestrian/bicyclist struck by moving vehicle,MOI_unknown,RtCostalTender,SeatBeltSign_no,SeatBeltSign_unknown,SeatBeltSign_yes,Sex_F,Sex_M,ThoracicTender_no,ThoracicTender_unknown,ThoracicTender_yes,ThoracicTrauma_no,ThoracicTrauma_unknown,ThoracicTrauma_yes,VomitWretch_no,VomitWretch_unknown,VomitWretch_yes,outcome -11120,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2431,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7662,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4660,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6622,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3435,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -8146,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,0,0,1,9.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11293,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -142,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9421,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -5586,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11991,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6992,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7613,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -8069,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6804,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6749,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6100,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,0,1,9.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -5290,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7690,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3409,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1117,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7716,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1756,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -497,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10908,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0 -11570,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -870,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -3357,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -912,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -721,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,10,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2805,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -11970,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -886,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,11.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11558,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -8854,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,0,0,1,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10003,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -9514,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1520,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0 -10467,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2746,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8379,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3545,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -314,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1799,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -327,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3757,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4204,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5850,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6129,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5447,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -3129,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -1996,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -8957,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3968,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,0,1,0,0,1,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -9822,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -8040,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1973,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,1,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -336,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,0,0,1,0,0,1,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -2764,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9534,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -275,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2985,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2686,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4620,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -6531,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3477,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -9642,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -3558,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8138,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,0,1,8.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0 -2809,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11488,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4861,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2334,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -8744,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5246,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0 -3416,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -307,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -3908,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -9159,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,7,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -348,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5918,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -826,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -5296,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7243,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11441,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9690,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -4482,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -8844,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3682,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -8384,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10088,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2053,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8797,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11573,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -71,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,7.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -11990,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -6855,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10950,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -11468,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6751,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10078,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10698,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9824,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11501,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -5356,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1666,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5570,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0 -8575,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -52,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7834,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6263,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1445,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -7633,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -9300,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8196,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1695,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2892,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -12040,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1574,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11490,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3203,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4405,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1630,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -10128,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -1881,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -11943,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,0,1,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -5112,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5708,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,0,1,4.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5074,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5509,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10623,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8147,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -848,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2924,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8576,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,14,1,0,1,0,0,0,1,0,0,1,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -8376,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2877,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6367,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9750,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -186,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3779,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -1830,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7412,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0 -2959,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -7185,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -11728,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11946,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6904,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5446,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6587,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,1,0,12.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1234,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8443,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -3915,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -446,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8944,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5839,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -844,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -5201,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10584,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8294,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11905,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8796,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7887,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -2440,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3103,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10332,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -4774,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8217,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6974,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6094,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -1294,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7411,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5518,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10849,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5067,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3442,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10985,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9295,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10033,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2837,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -776,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11700,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11181,0,1,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6324,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2153,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5558,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4920,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10493,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11431,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8065,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -3136,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10141,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5462,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -9128,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -10272,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3183,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,13.0,1,0,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0 -10000,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1943,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -9582,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3199,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9140,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1289,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4581,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -6335,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2500,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11609,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10753,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11492,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,16,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0 -8981,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,0,1,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -4106,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4126,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9960,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6933,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3966,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1879,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10220,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11194,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -9714,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5457,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1 -7512,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3587,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -12026,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3865,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2148,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,7,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,3,1,0,0,0,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0 -4131,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1036,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -636,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7216,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,12,1,0,1,0,1,0,0,0,0,1,8.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0 -8948,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4134,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7797,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1083,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6711,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -861,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5212,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -903,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -191,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -109,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6026,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4455,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1942,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10294,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0 -4331,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10659,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10280,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -5927,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -2040,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9336,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9034,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9881,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4878,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -4659,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8254,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,13,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5001,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2775,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4145,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2323,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -762,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5921,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1 -2617,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2411,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,1,0,0,0,0,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1094,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6065,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7265,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1546,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4589,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6034,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -8149,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6953,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3135,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3856,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -5040,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7435,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1 -11651,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -5428,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,0,1,7.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -6523,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6419,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9290,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3805,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -884,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -2654,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7756,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10643,0,1,0,1,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11437,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6774,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10572,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11103,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -464,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0 -1257,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9509,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2259,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,14,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4274,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7074,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5192,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5630,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11665,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6231,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7382,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,0,0,1,0,0,1,13.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5300,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2202,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10743,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9947,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1262,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -7802,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7212,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -975,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8637,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5866,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -4925,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -941,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,0,0,1,14.0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5263,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6582,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4723,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -2387,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11715,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5021,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -7129,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4391,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5148,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10064,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6803,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3221,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,7,1,0,1,0,1,0,0,0,0,1,8.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -3882,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8011,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11366,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -1610,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -3875,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -5953,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,10.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -2789,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -944,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10722,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0 -1857,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,0,1,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10439,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4108,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5213,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -10244,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -3255,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,0,12.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,1,0,1,0,0,1,0,1,0,0,0,0,1,0 -7323,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2690,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8288,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7389,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4627,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -10696,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1 -1319,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9118,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11899,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5162,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8759,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,6,1,0,1,0,1,0,0,0,1,0,3.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -10152,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8994,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1135,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0 -4529,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3475,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3505,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0 -4749,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2477,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10923,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8206,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7086,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,0,1,1,0,0,0,0,1,14.0,1,0,1,0,1,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1 -8877,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,0,1,9.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -9346,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4501,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -7807,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11882,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6336,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8814,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6982,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -7231,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10438,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1874,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -11122,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -7699,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11365,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5096,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2904,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -570,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1448,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3414,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1 -9716,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -939,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9350,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8810,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8084,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9592,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5841,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6837,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9800,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,0,1,6.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1 -3226,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11732,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6332,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -3978,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4383,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5834,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -9529,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,0,1,0,7.0,1,0,0,1,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0 -9224,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3539,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8530,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10783,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -10703,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,0,1,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9545,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5681,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2827,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -5780,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3634,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4996,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1338,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3262,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8709,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6838,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5089,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5741,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -650,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,4,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6039,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2902,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2258,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11918,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,0,1,0,0,1,0,6.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -5395,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -7082,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10561,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -8538,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3521,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -2730,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8014,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4478,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5660,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1596,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -67,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2584,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7936,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6281,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3196,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -11280,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -5327,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11129,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7844,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -7609,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1258,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -7711,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6350,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10254,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -7523,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -991,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3504,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,10.0,1,0,0,1,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -113,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -919,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -2509,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11324,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -165,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6741,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,0,0,1,0,1,0,9.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0 -7688,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10284,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8710,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -4603,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8870,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10237,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -949,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,0,0,1,0,1,0,4.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -4594,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9770,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3770,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0 -2506,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -5107,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2850,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6000,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8777,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -12017,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8178,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10009,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4446,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -5794,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9790,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4460,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9004,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -2505,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9119,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6623,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1114,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6942,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10101,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -298,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1675,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3347,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6170,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2735,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5669,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9626,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,1 -4988,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -10826,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2378,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7431,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,4,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0 -7425,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,0,0,1,10.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9255,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4325,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4172,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -8413,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4550,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7862,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8645,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11740,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2103,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5336,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8332,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,4,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3759,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9406,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1837,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9676,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10004,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11386,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5710,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -607,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -4500,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7036,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1093,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7917,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6718,0,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10924,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11040,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4487,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7707,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0 -160,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -203,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -6483,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3940,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8396,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -6103,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4933,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2934,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1 -1814,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7647,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2435,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1230,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10447,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9527,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3046,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5705,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11628,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2915,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10922,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7545,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -3988,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4251,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6111,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6828,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -9291,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10037,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -6204,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,1 -3293,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4034,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2725,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -4290,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0 -4334,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2552,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3877,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6205,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -9652,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -8201,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1 -6879,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7485,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4753,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4886,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -857,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -370,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6539,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10073,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2561,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -3801,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2640,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -5455,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10979,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4490,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -2347,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -649,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6859,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -2781,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8218,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10282,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1 -10450,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11559,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -7207,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -5944,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10791,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -615,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10158,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2575,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -53,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8813,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3340,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9145,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1705,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11056,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -8048,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7971,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1493,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5876,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11998,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8207,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -803,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4953,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7743,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1812,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11591,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -990,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2774,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9463,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2448,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3513,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7990,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10104,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -219,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8081,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -1288,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,7,1,0,1,0,0,0,1,0,1,0,7.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1 -3163,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4678,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2618,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3612,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -43,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9635,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -10356,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8809,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3792,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3571,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -12018,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1503,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8104,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11838,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7596,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3439,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1892,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11606,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11227,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10828,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -5255,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,0,1,0,1,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1955,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -11343,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5167,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4814,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3575,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -6460,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1505,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8339,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -670,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6491,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7048,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11581,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10721,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,11.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1085,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -897,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3306,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11321,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6239,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2666,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7646,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3193,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2890,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6003,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7739,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9195,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4739,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -2621,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -8725,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6202,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9301,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8741,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9835,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5813,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5970,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2370,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,6.0,1,0,1,0,4,0,0,0,0,0,0,0,1,4,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0 -3804,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1769,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,0,0,1,4.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0 -10234,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9572,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6079,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -531,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10379,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10415,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6476,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6977,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10733,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10202,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3120,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10855,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6259,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -731,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -3406,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2339,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -5991,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,8,1,0,1,0,1,0,0,0,0,1,8.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -6328,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2798,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10747,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2565,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2581,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9844,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8939,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -9236,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7995,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -383,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10800,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11401,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1255,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2104,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11190,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10539,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,0,0,1,0,1,0,6.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -8604,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,0,1,6.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -11012,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -4994,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -10793,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9462,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5057,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -658,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -4434,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3484,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11432,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5318,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3816,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6773,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -8268,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10717,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2546,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8091,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6479,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0 -1621,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11346,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7260,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -3904,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1847,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11684,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1096,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6811,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8692,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11081,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -11417,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5499,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11133,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2463,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10638,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,1,0,4.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -3700,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6684,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -9211,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11833,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1788,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -250,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7704,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6314,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9368,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3645,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -1776,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -192,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -820,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11595,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8261,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,4.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -9251,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -11826,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -8524,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -4400,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9689,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9150,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5388,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4166,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8298,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -11267,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4951,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -2687,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4390,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8370,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3388,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4927,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8956,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5552,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2607,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9416,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0 -238,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4015,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11152,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -2977,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8257,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,12.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8030,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8824,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11929,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5473,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -945,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0 -8726,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9546,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5097,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8724,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -6055,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6473,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -9003,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,13,1,0,1,0,1,0,0,0,0,1,6.0,1,0,1,0,3,1,0,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10143,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3552,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -12005,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3360,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -7342,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8098,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1 -5628,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2410,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7751,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,0,1,0,12.0,1,0,1,0,4,1,0,0,0,0,0,0,0,4,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -5783,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,8,1,0,1,0,1,0,0,1,0,0,7.0,1,0,1,0,3,1,0,0,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -4507,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11222,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3982,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8327,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -146,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8243,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6901,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8899,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2294,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,7.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -8316,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2253,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7178,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,11,1,0,1,0,0,1,0,0,1,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0 -3611,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5353,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -1736,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8373,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9533,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,9,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -114,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1 -10668,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6126,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -8673,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11408,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -12008,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -498,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -7081,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6559,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6378,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4733,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -720,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,7.0,1,0,0,1,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -7581,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,0,0,1,4.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -4384,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10648,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8269,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5725,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3089,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9244,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,0,1,0,0,1,0,3.0,1,0,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -9266,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -484,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4545,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -596,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10939,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8517,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8925,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -5164,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11004,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1647,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4590,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7539,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,0,1,0,10.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10693,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6815,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,10.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2700,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9390,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1700,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10761,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5404,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9262,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2773,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2942,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -6968,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6557,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8464,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6219,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0 -2512,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -86,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7593,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2308,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2677,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9877,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9853,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10537,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2594,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,10.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -11418,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9751,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1029,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -136,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6972,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1236,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7024,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6240,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10885,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2854,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4409,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7529,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1200,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6121,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4717,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,2,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11459,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7556,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8860,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -566,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9288,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5933,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,4,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5430,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5868,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6296,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3927,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6195,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8492,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,5,1,0,1,0,1,0,0,0,0,1,8.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0 -11722,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,4.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10628,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0 -8842,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9601,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3606,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10727,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9951,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2330,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3515,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2187,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -195,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9286,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10441,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -5059,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -802,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7762,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5715,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10329,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2668,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8622,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6598,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,0,1,3.0,1,0,0,1,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0 -241,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2068,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11351,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,8.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0 -8304,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -10955,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -644,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11288,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5103,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5460,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7205,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -1637,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7552,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -120,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5873,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -2981,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5069,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3074,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10744,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7296,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3278,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7131,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,0,1,0,0,1,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8003,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2135,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,0,1,8.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -9778,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4970,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8583,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -134,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4351,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7381,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,14,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -6915,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5324,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9803,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11611,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8563,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2559,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7829,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -62,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9543,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9587,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11982,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1358,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -8825,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8736,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11370,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3697,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2467,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -679,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2041,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -741,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5307,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8961,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3641,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,16,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11433,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3258,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1873,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -4744,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,0,0,1,0,0,1,7.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0 -2912,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4027,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -5488,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10393,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8024,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7786,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11134,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6864,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,0,1,3.0,1,0,0,1,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1 -489,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -690,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -602,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1014,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -869,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1993,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7610,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,0,1,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0 -5283,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4370,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1361,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1526,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1629,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1551,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8624,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11819,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1337,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1 -3901,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5041,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8816,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -5039,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2346,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11175,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -5485,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11703,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0 -5694,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5119,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5166,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1134,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -4017,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2424,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -4138,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -859,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2962,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8089,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10655,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10307,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10212,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,13,1,0,1,0,0,0,1,0,1,0,6.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1364,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10639,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1779,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8377,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2101,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1818,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -369,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4937,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5285,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9764,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,1,0,12.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -7071,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2093,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7817,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1920,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -82,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7331,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0 -7304,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -816,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4396,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6124,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4120,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9595,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -1813,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1271,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2994,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9188,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6409,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0 -2642,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8382,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2305,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8791,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10091,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4195,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10058,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3849,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11857,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10105,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11528,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3554,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2195,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2600,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6163,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1518,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8850,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6309,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5755,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5633,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11202,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7162,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9107,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8874,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1988,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7737,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -517,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6160,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -10472,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -11713,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11863,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8727,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4456,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2761,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0 -6481,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5911,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10865,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6547,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4855,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7644,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10667,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6358,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2438,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -3765,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6432,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1 -7846,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8594,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10799,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6340,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,4,1,0,0,1,0,1,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -4821,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,0,0,1,0,0,1,12.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -18,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3560,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3951,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -49,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0 -11919,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -887,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -6261,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7236,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6989,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6043,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3168,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -2949,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -1424,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -139,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,0,0,1,14.0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1 -3197,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5131,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -112,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -8160,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10448,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,0,0,1,0,0,1,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -4559,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4595,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4690,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7951,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3277,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4068,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4408,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8558,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10335,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -451,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7262,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3731,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7256,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,1,0,11.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10774,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4986,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3663,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2763,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8883,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1855,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -999,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -389,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -6426,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -1476,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2240,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10999,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -8112,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -992,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7032,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4997,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3922,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,1,0,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2972,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -6871,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10442,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4769,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1293,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4173,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2535,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10990,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -1907,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -11789,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -11430,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,10.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -6033,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7619,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -1151,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -1567,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3171,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7106,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4160,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4287,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2230,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -174,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -1903,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8859,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3408,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1538,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -2292,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1363,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4357,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5260,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9008,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9156,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -680,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9528,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3664,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1661,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -508,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -166,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9980,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10045,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7365,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -1914,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7263,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -11602,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,1,0,0,0,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1 -11739,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7361,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1104,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,0,1,6.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -9451,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5310,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9112,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5754,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -152,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9573,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -5679,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10994,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3551,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3722,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4538,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9783,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1991,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -10601,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -5141,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3811,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10480,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3450,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4591,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7352,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -205,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6680,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2749,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,1,0,0,0,4,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0 -1849,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10909,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3240,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9571,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3109,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,1,0,5.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -5934,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1 -5810,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5634,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4307,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,0,0,1,0,1,0,6.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -3156,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6534,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10461,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10804,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3832,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10487,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4776,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7997,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -4276,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11738,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8568,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11555,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -278,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6771,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7415,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -3252,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9383,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11317,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -289,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3075,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8721,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8539,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -270,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4570,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10564,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6696,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4316,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3180,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1422,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8275,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10434,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4557,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7812,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6297,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -8834,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11674,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1132,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6242,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11697,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11276,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7423,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10258,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8689,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5520,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10477,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11372,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3786,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -8974,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8345,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2161,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3008,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1105,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8903,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -692,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4956,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8307,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -4369,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2765,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3929,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0 -9205,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11830,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7778,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -628,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2451,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3824,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -11967,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -3743,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2176,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6689,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3318,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -8753,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1 -7432,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2787,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1196,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1676,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -3947,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7618,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4444,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5722,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10275,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2369,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4967,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,0,0,1,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2217,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8148,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3326,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8955,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -3583,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0 -11768,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11831,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -3619,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -6217,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2468,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8277,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -10187,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5973,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3667,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5158,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,16,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -7594,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6976,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3423,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8199,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2409,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3212,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -5366,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8975,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6593,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,1,0,0,3.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2895,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10534,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11487,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3642,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8891,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10103,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -11667,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,2,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10890,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8548,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11930,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5451,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7160,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7866,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -2743,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4958,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -6474,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7888,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -492,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1116,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5637,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -10571,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11886,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8935,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10363,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -6589,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10913,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7557,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9638,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5241,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11124,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2783,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8880,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1696,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5685,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2295,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5939,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7763,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0 -3313,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4781,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8350,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8986,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7605,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -215,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6707,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9926,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10992,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0 -3483,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7006,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5102,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -6599,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -3764,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6410,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0 -9142,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -25,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7659,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,12.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -10494,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11077,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10375,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6683,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -10414,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8584,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10989,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11618,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -10644,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1102,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3276,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5345,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10920,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8386,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0 -8757,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,1,0,0,7.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -12034,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2207,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4552,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4402,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0 -7395,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3718,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -972,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4579,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6516,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,0,1,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1 -719,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -6155,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0 -11356,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2803,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2566,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4025,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6198,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8224,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10634,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4063,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2792,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -2222,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -5818,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3866,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8729,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10430,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3227,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -4214,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3923,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,0,0,1,0,0,1,5.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -9006,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1401,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7703,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0 -4979,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -3253,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10388,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2661,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2158,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8578,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8088,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -674,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10449,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7011,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8862,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3841,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1815,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -11621,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -11847,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2100,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -10607,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6708,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -1673,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -4213,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8774,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1548,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8722,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8547,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5184,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -1461,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11301,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3220,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -11024,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7170,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,0,1,0,12.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7430,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0 -1751,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3976,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8353,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -1772,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -2016,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2005,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3893,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3237,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4424,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8588,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,1,0,0,0,0,0,0,4,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0 -2257,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -4072,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5574,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11808,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5355,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8418,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6093,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7935,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -9761,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1519,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -9929,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1378,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5672,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2587,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11757,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5621,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9518,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9924,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5842,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7122,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -5832,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4888,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5904,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -522,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8043,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3607,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -234,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,0,1,9.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3796,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6318,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7094,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1948,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6361,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1 -11318,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6091,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10935,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -2224,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5571,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4523,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5793,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11744,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5738,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2624,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4728,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7818,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11939,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10974,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8976,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2437,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6056,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6352,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3167,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1809,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9756,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0 -7161,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5086,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10056,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7016,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9403,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -4945,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6046,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,10.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11145,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6919,0,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5590,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0 -7226,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -1228,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9292,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6846,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8244,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,5,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6555,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -159,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1589,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11850,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,1,0,0,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11420,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -11398,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11235,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6687,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11248,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9085,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7480,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11287,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1556,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0 -2828,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -436,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5789,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9834,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -1588,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,7,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -7398,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2780,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10810,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5686,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,0,0,1,4.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3965,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4727,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1238,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1 -2951,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8805,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9321,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1497,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6465,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7355,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0 -7823,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7547,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7913,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10308,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5185,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5647,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -11311,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5242,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,10,1,0,0,1,0,0,1,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -2130,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2092,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5409,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -187,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,1,0,0,12.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7938,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -3655,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3426,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9250,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1381,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9418,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -8605,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7427,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0 -5037,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -4897,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3175,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9614,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,12,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0 -8448,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11920,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10063,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -2235,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8068,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4236,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8951,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,4,0,0,0,0,0,1,0,0,4,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -9231,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -24,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3363,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1088,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -8733,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11019,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2841,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -7537,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7470,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11218,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4152,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -695,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,4,1,0,1,0,1,0,0,0,0,1,7.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11046,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -6337,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1227,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,0,1,0,11.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -1999,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -276,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5929,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,14.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -2953,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3637,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3906,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4778,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5845,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11678,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -4117,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -1137,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2767,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8182,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -9567,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,4,1,0,1,0,0,1,0,0,1,0,15.0,0,1,1,0,4,0,1,0,0,0,0,0,0,4,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0 -7661,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8970,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2490,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -11657,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7742,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3935,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2384,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8016,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7084,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -115,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1863,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3119,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -4258,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11112,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2819,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9982,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9060,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10936,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4699,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3802,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6068,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3536,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3825,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6642,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11364,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1946,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10510,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -9979,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10042,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -7269,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -9412,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7929,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7166,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6963,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5867,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4761,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -882,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -557,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,0,1,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -9775,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1207,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7684,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9320,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,9.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -6538,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3211,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -3630,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1708,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -8458,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1140,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,0,0,1,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3162,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6207,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3730,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2660,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,4,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8848,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1307,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2567,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2834,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11525,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2151,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9410,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3835,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11675,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9246,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9898,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5004,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6626,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1627,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11076,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -11811,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -358,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -138,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0 -8491,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -382,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9097,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4857,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11187,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1439,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -946,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -5498,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4916,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -8556,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1932,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2352,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3236,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9968,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -3807,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -1936,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10718,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4154,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2416,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9233,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6139,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -785,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0 -6789,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -8036,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8315,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11391,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -5668,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2172,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -2169,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6628,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4009,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -4340,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -910,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -6268,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2309,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6591,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4458,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -7597,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9270,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11236,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4652,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,2,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1 -6218,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -442,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3415,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10528,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9245,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9452,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5744,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1054,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3699,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -929,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6468,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8767,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1829,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9327,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,0,0,1,14.0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9807,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2011,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -913,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -7611,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9918,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,0,1,14.0,1,0,0,1,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0 -9289,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2606,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -4928,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,7,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6564,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9810,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7835,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6583,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,4,1,0,1,0,1,0,0,0,0,1,5.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -3361,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9405,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1635,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1141,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -359,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2070,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3134,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0 -5160,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6990,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -3243,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2242,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1474,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10337,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3259,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4020,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10633,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8566,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,0,1,0,0,1,0,0,1,13.0,1,0,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3500,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2658,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10170,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1130,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1819,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7461,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10164,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9428,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,1,0,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9840,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7064,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4318,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4669,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5476,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11845,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1 -10557,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1856,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -2282,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -10473,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -4008,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,0,1,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6401,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11952,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,12.0,1,0,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11161,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -386,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1628,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10144,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -11224,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7718,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9265,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -12004,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,13.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -1842,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2497,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -201,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -9678,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3868,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5054,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,0,0,1,6.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -5889,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,3,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2702,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -7922,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -331,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3808,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -935,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1774,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -9493,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1 -8611,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,6,1,0,1,0,0,0,1,0,1,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0 -11009,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -989,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,12,1,0,1,0,1,0,0,0,0,1,7.0,1,0,0,1,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -5443,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11216,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6993,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10291,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5806,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0 -10523,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10479,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6574,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -3052,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10401,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -8365,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,0,1,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -4615,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3321,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9164,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6246,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6048,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0 -3311,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -9384,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11292,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8210,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3628,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10670,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1356,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5002,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9366,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5823,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,1,0,0,7.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -11442,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5670,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -3112,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -182,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10665,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -855,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10151,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4912,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10692,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1800,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11140,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5482,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -10038,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1968,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10031,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11484,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4697,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4987,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4650,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,8.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -1159,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,11,1,0,1,0,0,0,1,0,1,0,8.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -11793,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -1325,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9485,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4796,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6796,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,1,0,5.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -5808,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11883,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1455,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5410,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8333,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2800,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7616,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10771,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7815,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4378,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8921,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,0,10.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -9589,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -6716,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3736,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0 -2261,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7429,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4005,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2394,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1185,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2007,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -193,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8770,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5525,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -771,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1478,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1846,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3740,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7986,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -405,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11485,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10293,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -6317,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6581,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,10.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -1447,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,0,1,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -342,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -7468,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -727,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -4577,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3516,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,10.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -10704,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0 -11719,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -7156,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7851,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1348,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -660,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1492,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,0,1,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -10265,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -5154,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11537,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2524,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9287,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10199,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5374,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3198,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5717,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10945,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10951,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10224,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,6.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8259,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0 -9688,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -40,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10956,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6816,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9267,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9833,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -2723,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,2,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -11057,0,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -10324,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11723,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7155,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9263,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11102,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7230,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -5075,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7880,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,1,0,5.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -5394,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10295,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -7789,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1 -11243,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -4088,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1967,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -10819,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10600,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0 -11550,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6999,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -423,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11156,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11445,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -10326,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -6142,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5661,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9031,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4596,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2659,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -141,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2597,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6701,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -1377,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3674,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11917,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6362,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -11273,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4741,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -1138,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7374,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,5,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -1787,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9675,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4646,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7568,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -459,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6115,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8179,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -948,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6370,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0 -4628,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -7358,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -5925,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6040,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -441,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6659,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8831,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9046,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,1,0,0,0,0,0,0,0,4,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3830,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -11690,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -6144,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10891,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,8,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -6344,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,0,1,9.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0 -1958,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -155,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9603,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4578,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1089,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6049,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,0,1,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11021,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9122,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7950,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1674,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6763,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -10090,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6416,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11514,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2326,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -7096,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10339,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9486,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,16,1,0,1,0,1,0,0,0,1,0,4.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -6450,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1715,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9172,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,12.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8381,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3831,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -6299,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3348,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11460,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -9177,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,0,3.0,1,0,0,1,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -587,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11794,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2990,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11172,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1 -9526,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -10680,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -264,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -9511,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6788,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -11753,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3864,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,7,1,0,1,0,1,0,0,0,1,0,3.0,1,0,0,1,3,0,0,0,0,0,1,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -6274,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,0,0,1,8.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0 -11803,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -3711,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8438,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1529,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9885,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -923,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9471,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7329,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4364,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,9,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -669,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,4,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3604,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5108,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10840,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5248,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -7183,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2591,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -5906,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -6509,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7133,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -2307,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -8804,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3690,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0 -687,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -612,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7167,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11203,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -3200,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6629,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,12.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4135,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1898,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -282,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -258,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,9.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11348,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4943,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2822,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3525,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -11630,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5223,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -2285,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -6063,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8078,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4654,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,1,0,0,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -5000,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6710,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11229,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0 -8676,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5416,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -475,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2555,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,0,1,13.0,1,0,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8087,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -6411,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11030,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -10730,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -5546,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2426,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6744,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11593,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,0,1,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1 -2274,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,4,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0 -9203,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1577,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7264,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9259,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3970,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5879,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10139,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11233,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7193,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3867,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,13,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -11473,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,0,0,1,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1 -6823,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7548,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,12,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -781,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1749,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -6519,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5774,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -9283,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,13.0,1,0,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2324,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5055,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,4,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -10853,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1727,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -610,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -4666,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5413,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8103,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8174,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,16,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -8535,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -3750,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -97,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6985,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -3137,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,14,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -1537,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3648,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1517,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11260,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4624,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6566,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2090,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -7097,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6171,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7521,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -572,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -11245,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3062,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -597,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6633,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -11352,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7875,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7345,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -6304,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9674,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -11643,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5976,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8562,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1938,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8100,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1753,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3670,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,13.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -9680,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2361,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -4260,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5432,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0 -6285,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9495,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11396,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,3,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9449,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -10471,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,17,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9985,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5591,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1171,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7927,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -9698,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11483,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -9746,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11029,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,12,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -874,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2297,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11201,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2643,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -5347,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,10,1,0,1,0,1,0,0,0,0,1,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -9032,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11962,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -581,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,2,1,0,1,0,1,0,0,0,1,0,14.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -204,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,1,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -7896,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2014,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,0,0,1,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -905,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -631,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -8461,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10041,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1974,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -162,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,15,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -4998,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -4713,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9067,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1431,0,1,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6868,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10998,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -7710,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7736,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -4283,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7531,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,0,0,1,0,0,1,3.0,1,0,0,1,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1 -9594,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -3384,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11517,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0 -10476,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10039,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7462,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3331,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0 -6404,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,1,0,0,0,0,1,11.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -8895,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2096,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,0,1,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10113,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7999,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5017,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8738,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -1449,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6900,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0 -2610,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1900,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8186,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -3920,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2757,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6397,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10436,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2097,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -8329,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11379,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5624,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -9028,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0 -3471,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -8266,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2171,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -11113,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11054,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8590,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -2010,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -11788,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,0,1,0,0,0,1,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -1283,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -11562,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1019,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,5,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -8667,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,8,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,4,0,0,1,0,0,0,0,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -2810,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10389,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -1651,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -11578,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0 -1169,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9398,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,0,0,0,0,1,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -6256,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5469,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,3,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -10514,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -867,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,2,1,0,1,0,1,0,0,0,1,0,13.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0 -5093,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5433,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -541,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9324,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11846,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6354,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11240,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -3390,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -11071,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11961,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -3959,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6643,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6841,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -9978,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,5,1,0,1,0,1,0,0,0,1,0,7.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -3586,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9729,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -2563,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5036,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,16,1,0,1,0,0,1,0,0,1,0,7.0,1,0,0,1,4,0,0,0,1,0,0,0,0,4,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1 -1080,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5891,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -4966,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2023,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,12,1,0,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0 -10816,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7909,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10504,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -7321,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -226,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1013,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1929,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10096,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5251,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2179,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -697,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1124,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1 -7378,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -9878,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -5110,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -7902,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1778,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9607,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2634,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -7544,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,4,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0 -7604,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -3489,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -1037,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -9845,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -8505,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2649,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -2979,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,3.0,1,0,1,0,3,0,0,0,0,0,1,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -2547,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5132,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -2159,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9114,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6445,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -3967,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1428,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -10130,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2520,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,17,1,0,1,0,1,0,0,0,1,0,6.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0 -8033,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -10391,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11887,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,16,1,0,1,0,0,0,1,0,1,0,14.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1 -448,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,3,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10213,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9476,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5995,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,1,0,0,0,1,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9673,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3727,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -7353,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -8553,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6279,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,0,1,0,1,0,0,15.0,0,1,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0 -10760,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7295,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,14,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9496,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,6,1,0,1,0,1,0,0,0,0,1,7.0,1,0,1,0,3,0,0,0,0,1,0,0,0,3,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0 -6251,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,3,1,0,1,0,1,0,0,0,1,0,9.0,1,0,1,0,3,0,0,0,1,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -5926,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,4,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -2460,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -22,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0 -2066,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,15.0,0,1,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -1653,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,5,1,0,1,0,1,0,0,0,0,1,9.0,1,0,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0 -8894,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8706,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,4,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0 -1376,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -1724,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,17,1,0,0,1,1,0,0,1,0,0,14.0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0 -3754,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8652,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4183,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4082,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8474,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6579,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4558,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,6,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -3537,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7003,0,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,17,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -9560,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -11403,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11604,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -8789,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0 -646,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0 -6381,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -7527,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -11677,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7165,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -9615,0,0,1,1,0,1,0,0,0,0,0,0,1,0,1,1,0,0,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -7697,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11327,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -4875,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -10938,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -5341,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -7031,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0 -2160,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -685,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2461,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7128,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -6267,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -4941,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,0,1,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5946,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,1,0,0,0,0,0,2,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0 -4583,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,10,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -5784,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,11,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0 -7569,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10255,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,7,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,1,0,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -521,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,0,0,1,0,0,1,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0 -8714,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -10751,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,9,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -3983,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11513,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,10.0,1,0,1,0,3,0,0,0,0,0,0,0,1,3,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0 -780,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,11,1,0,1,0,1,0,0,0,1,0,10.0,1,0,1,0,3,0,0,1,0,0,0,0,0,3,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0 -9894,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,4,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5607,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,0,1,1,0,0,0,0,1,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5978,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -8843,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0 -3747,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,13,1,0,1,0,1,0,0,1,0,0,15.0,0,1,0,1,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -2196,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,9,1,0,1,0,1,0,0,0,0,1,9.0,1,0,1,0,3,0,0,0,0,0,0,1,0,3,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0 -8561,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,11,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11903,1,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,8,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0 -4285,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0 -8569,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,12,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,0,1,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -6979,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,16,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -1827,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,8,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0 -9154,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,17,1,0,1,0,1,0,0,1,0,0,14.0,1,0,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0 -11834,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,2,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -2376,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,17,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0 -8551,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,13,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,1,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -3839,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0 -1246,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,5,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,1,0,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -7504,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,1,0,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0 -6511,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,7,1,0,1,0,1,0,0,0,0,1,15.0,0,1,1,0,2,0,0,0,0,0,0,1,0,2,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0 -5439,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,15,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0 -11127,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,16,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0 -8964,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,14,1,0,1,0,1,0,0,1,0,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -11704,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,10,1,0,0,1,1,0,0,1,0,0,15.0,0,1,1,0,1,0,0,0,0,0,0,1,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 -5510,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,17,1,0,1,0,1,0,0,0,1,0,15.0,0,1,1,0,2,0,0,0,1,0,0,0,0,2,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0 diff --git a/data/iai_pecarn/raw/demographics.csv b/data/iai_pecarn/raw/demographics.csv deleted file mode 100644 index 51d91ada..00000000 --- a/data/iai_pecarn/raw/demographics.csv +++ /dev/null @@ -1,12045 +0,0 @@ -SubjectID,SEX,RACE,OTHER_RACE,HISPANIC_ETHNICITY,ageinyrs -1,F,6,,1,6 -2,M,5,,0,3 -3,F,6,,1,13 -4,M,3,,0,11 -5,M,7,American Indian or Alaskan Native Asian and White,0,16 -6,F,5,,0,1 -7,M,3,,0,15 -8,M,5,,1,9 -9,M,5,,0,17 -10,M,5,,0,17 -11,M,5,,-1,14 -12,F,3,,0,1 -13,F,3,,0,12 -14,M,7,Ethnicity Recorded in Other Race,-1,16 -15,M,3,,0,11 -16,F,7,Ethnicity Recorded in Other Race,-1,15 -17,M,5,,-1,6 -18,M,5,,0,7 -19,F,5,,-1,15 -20,M,5,,0,16 -21,F,5,,0,11 -22,F,3,,1,7 -23,M,3,,0,17 -24,F,5,,1,7 -25,M,3,,0,6 -26,M,5,,-1,17 -27,F,5,,1,3 -28,M,5,,0,11 -29,F,7,Arabic,0,7 -30,M,5,,0,8 -31,M,7,multiracial,1,15 -32,M,5,,1,8 -33,M,5,,0,17 -34,M,5,,0,3 -35,F,7,Middle Eastern (Arabic),0,3 -36,F,3,,0,11 -37,M,6,,-1,13 -38,F,5,,0,1 -39,F,5,,1,12 -40,M,3,,0,8 -41,F,2,,0,8 -42,M,5,,0,14 -43,F,3,,0,10 -44,M,3,,0,3 -45,M,3,,0,2 -46,F,5,,0,1 -47,M,5,,0,6 -48,M,5,,1,13 -49,M,5,,1,13 -50,M,3,,1,10 -51,M,5,,0,14 -52,M,3,,1,9 -53,M,5,,0,9 -54,F,6,,-1,2 -55,F,5,,1,10 -56,F,3,,1,10 -57,M,3,,0,14 -58,F,5,,1,17 -59,M,5,,0,12 -60,M,3,,1,12 -61,M,5,,1,13 -62,M,5,,0,7 -63,M,3,,0,15 -64,M,5,,0,11 -65,F,5,,0,4 -66,M,5,,-1,15 -67,M,3,,0,3 -68,M,5,,1,2 -69,F,3,,0,0 -70,F,5,,0,6 -71,F,5,,0,13 -72,M,1,,1,0 -73,M,5,,0,11 -74,F,6,,1,1 -75,M,3,,0,9 -76,F,6,,-1,4 -77,F,5,,-1,17 -78,M,3,,0,10 -79,F,5,,0,17 -80,M,3,,0,6 -81,M,5,,0,10 -82,F,3,,0,16 -83,F,2,,1,14 -84,M,5,,1,9 -85,F,6,,1,4 -86,M,5,,0,15 -87,F,3,,0,11 -88,M,5,,-1,0 -89,M,5,,0,16 -90,F,5,,0,7 -91,F,3,,1,15 -92,M,5,,0,9 -93,F,5,,0,16 -94,M,3,,0,12 -95,M,5,,0,13 -96,M,5,,1,17 -97,M,3,,0,1 -98,M,3,,1,16 -99,M,5,,1,9 -100,F,3,,0,3 -101,M,5,,1,12 -102,M,7,Indian - Punjab,1,9 -103,F,5,,0,0 -104,F,3,,0,15 -105,M,5,,0,14 -106,M,1,,0,8 -107,F,6,,1,5 -108,M,3,,0,13 -109,M,5,,0,12 -110,M,5,,-1,10 -111,F,5,,1,13 -112,M,5,,0,16 -113,M,5,,0,17 -114,F,3,,1,13 -115,F,3,,0,2 -116,F,5,,0,4 -117,M,5,,0,13 -118,M,5,,0,12 -119,M,6,,1,14 -120,M,3,,0,10 -121,M,5,,0,12 -122,M,5,,-1,9 -123,M,3,,0,15 -124,M,5,,0,10 -125,M,5,,0,10 -126,M,7,other,1,10 -127,M,5,,0,1 -128,F,7,Ethnicity Recorded in Other Race,-1,13 -129,F,5,,0,2 -130,F,3,,0,15 -131,F,5,,0,15 -132,M,7,Punjabi/Indian,0,14 -133,F,5,,0,13 -134,M,6,,1,12 -135,M,6,,1,10 -136,F,5,,0,15 -137,F,3,,-1,0 -138,F,6,,1,0 -139,M,3,,0,17 -140,M,5,,0,8 -141,M,3,,0,8 -142,F,5,,1,4 -143,M,3,,1,0 -144,M,5,,1,13 -145,M,5,,0,15 -146,M,3,,0,11 -147,M,5,,-1,4 -148,M,3,,0,8 -149,F,5,,0,4 -150,M,3,,0,0 -151,M,5,,0,4 -152,M,5,,-1,15 -153,M,3,,0,5 -154,M,2,,1,2 -155,M,1,,0,16 -156,M,5,,0,16 -157,M,5,,0,12 -158,M,3,,0,15 -159,F,3,,0,5 -160,M,3,,0,11 -161,M,5,,-1,2 -162,M,5,,1,7 -163,M,6,,1,15 -164,M,6,,1,1 -165,M,5,,1,9 -166,F,3,,1,13 -167,F,5,,0,6 -168,F,6,,1,2 -169,M,5,,0,11 -170,F,6,,1,8 -171,M,6,,1,5 -172,F,3,,0,17 -173,M,5,,0,7 -174,F,5,,0,16 -175,M,5,,0,16 -176,M,7,Fijian,1,14 -177,F,6,,1,14 -178,M,5,,1,0 -179,F,3,,0,2 -180,M,6,,1,11 -181,F,6,,1,0 -182,M,6,,-1,0 -183,F,6,,1,13 -184,M,6,,1,15 -185,F,5,,0,15 -186,M,5,,0,0 -187,M,5,,1,6 -188,M,3,,0,14 -189,F,5,,0,13 -190,M,3,,0,10 -191,M,3,,1,7 -192,F,5,,1,6 -193,F,5,,0,9 -194,M,3,,0,13 -195,M,5,,0,13 -196,M,3,,1,11 -197,M,3,,0,14 -198,M,5,,0,11 -199,M,5,,0,3 -200,F,3,,0,7 -201,F,5,,0,15 -202,F,5,,1,2 -203,F,6,,-1,9 -204,M,5,,-1,2 -205,M,5,,0,1 -206,M,3,,0,17 -207,M,3,,0,9 -208,M,3,,0,17 -209,F,5,,0,2 -210,M,5,,1,13 -211,F,3,,0,15 -212,M,5,,0,10 -213,F,2,,0,11 -214,F,5,,0,9 -215,F,6,,0,4 -216,F,6,,1,17 -217,M,5,,0,14 -218,M,5,,0,15 -219,M,5,,0,8 -220,F,5,,1,17 -221,F,3,,0,15 -222,M,3,,1,15 -223,F,5,,0,4 -224,F,3,,0,14 -225,F,5,,-1,5 -226,M,6,,1,0 -227,M,5,,1,15 -228,F,6,,0,6 -229,M,2,,1,15 -230,F,3,,0,17 -231,M,5,,0,1 -232,F,3,,0,16 -233,M,6,,-1,1 -234,F,5,,-1,17 -235,M,7,Ethnicity Recorded in Other Race,-1,15 -236,F,3,,0,17 -237,M,5,,-1,17 -238,M,5,,0,16 -239,F,5,,1,15 -240,M,3,,0,3 -241,M,5,,0,16 -242,F,5,,0,16 -243,F,3,,0,13 -244,M,5,,0,14 -245,M,5,,0,16 -246,F,3,,0,17 -247,F,3,,0,4 -248,M,3,,1,6 -249,F,6,,0,16 -250,M,5,,0,9 -251,M,5,,0,0 -252,M,3,,1,11 -253,M,3,,0,10 -254,M,5,,0,11 -255,M,3,,1,13 -256,M,3,,1,6 -257,F,5,,0,12 -258,M,3,,0,8 -259,M,5,,0,0 -260,M,5,,0,14 -261,F,5,,-1,2 -262,F,3,,0,4 -263,M,1,,0,13 -264,M,3,,1,9 -265,F,5,,0,6 -266,M,3,,0,15 -267,F,5,,0,13 -268,M,5,,0,8 -269,M,5,,0,17 -270,F,3,,0,9 -271,M,5,,0,15 -272,M,3,,0,7 -273,F,5,,1,12 -274,F,5,,0,1 -275,M,5,,0,4 -276,M,3,,0,15 -277,M,5,,0,7 -278,F,5,,0,5 -279,F,5,,0,1 -280,M,3,,0,1 -281,F,5,,0,12 -282,M,3,,0,16 -283,F,3,,0,0 -284,M,3,,0,13 -285,F,5,,1,17 -286,M,5,,0,14 -287,M,6,,-1,0 -288,M,3,,0,7 -289,F,5,,0,14 -290,M,3,,1,10 -291,M,5,,0,8 -292,M,5,,0,16 -293,M,6,,1,15 -294,F,5,,0,13 -295,M,5,,0,12 -296,M,3,,0,10 -297,F,3,,1,5 -298,M,3,,0,4 -299,M,5,,0,13 -300,F,5,,0,10 -301,M,3,,0,1 -302,F,5,,1,0 -303,M,7,Ethnicity Recorded in Other Race,-1,1 -304,F,5,,0,8 -305,F,1,,0,17 -306,F,5,,0,1 -307,M,5,,1,12 -308,F,5,,0,17 -309,M,5,,0,2 -310,M,6,,1,14 -311,F,5,,0,8 -312,M,3,,0,4 -313,M,5,,-1,7 -314,M,5,,0,1 -315,M,3,,1,8 -316,M,5,,0,10 -317,M,5,,0,4 -318,M,3,,0,15 -319,M,5,,0,8 -320,M,5,,1,17 -321,M,3,,0,13 -322,M,5,,-1,4 -323,F,5,,1,16 -324,F,5,,0,16 -325,M,6,,0,13 -326,M,5,,0,15 -327,M,5,,-1,12 -328,M,6,,1,12 -329,F,7,P,1,15 -330,M,3,,0,17 -331,M,3,,0,14 -332,M,5,,1,13 -333,M,5,,0,15 -334,M,5,,0,4 -335,F,6,,1,7 -336,M,3,,0,1 -337,M,6,,1,9 -338,M,3,,1,7 -339,M,3,,0,13 -340,F,5,,0,11 -341,M,3,,0,10 -342,M,3,,0,17 -343,F,5,,0,0 -344,M,3,,0,7 -345,F,1,,0,3 -346,M,5,,0,2 -347,M,3,,0,0 -348,F,5,,0,16 -349,F,6,,-1,14 -350,M,7,multi-racial,1,6 -351,F,6,,1,12 -352,F,7,Ethnicity Recorded in Other Race,-1,2 -353,M,3,,1,6 -354,M,6,,1,17 -355,M,5,,0,17 -356,F,5,,0,8 -357,M,5,,0,16 -358,M,5,,0,9 -359,F,5,,1,11 -360,M,5,,-1,9 -361,M,5,,0,7 -362,M,3,,0,8 -363,M,7,Middle Eastern,0,8 -364,M,5,,0,12 -365,M,5,,1,13 -366,M,5,,0,7 -367,M,7,Ethnicity Recorded in Other Race,-1,17 -368,M,4,,0,16 -369,M,5,,1,11 -370,M,5,,1,12 -371,M,5,,0,15 -372,F,3,,0,2 -373,M,5,,-1,0 -374,F,6,,-1,15 -375,F,5,,1,0 -376,M,5,,-1,4 -377,M,5,,0,12 -378,M,5,,0,11 -379,F,5,,0,5 -380,M,3,,0,8 -381,M,5,,0,0 -382,F,5,,1,17 -383,F,5,,0,0 -384,M,5,,0,1 -385,F,5,,0,16 -386,M,5,,1,14 -387,F,2,,0,0 -388,M,5,,0,2 -389,M,3,,0,5 -390,F,3,,0,5 -391,M,3,,1,15 -392,F,5,,0,16 -393,M,3,,0,12 -394,M,5,,0,13 -395,F,5,,0,7 -396,M,5,,1,11 -397,M,5,,0,10 -398,M,5,,0,6 -399,M,5,,1,2 -400,F,5,,0,14 -401,M,6,,-1,0 -402,M,3,,0,7 -403,F,5,,0,13 -404,M,5,,0,10 -405,F,5,,0,11 -406,M,5,,0,4 -407,M,3,,0,16 -408,M,3,,0,11 -409,F,3,,0,10 -410,F,1,,0,17 -411,M,5,,1,13 -412,F,3,,0,12 -413,F,5,,0,6 -414,M,5,,0,13 -415,F,3,,0,7 -416,M,5,,1,6 -417,M,5,,-1,4 -418,M,5,,0,3 -419,M,5,,0,9 -420,F,5,,1,2 -421,M,3,,0,17 -422,M,5,,0,7 -423,M,5,,0,15 -424,F,3,,1,16 -425,F,3,,0,10 -426,F,3,,0,8 -427,M,3,,0,16 -428,F,3,,1,1 -429,M,5,,1,14 -430,F,5,,0,5 -431,F,5,,1,5 -432,F,6,,1,17 -433,F,3,,1,6 -434,M,3,,0,1 -435,M,7,MD selected both white and black,0,7 -436,M,3,,0,10 -437,M,2,,0,8 -438,M,3,,0,1 -439,M,5,,0,7 -440,M,3,,0,12 -441,M,6,,-1,10 -442,M,5,,-1,7 -443,F,5,,1,8 -444,M,3,,1,7 -445,M,3,,1,14 -446,M,2,,0,1 -447,M,3,,0,16 -448,M,5,,1,17 -449,M,3,,0,3 -450,M,2,,0,15 -451,M,5,,1,15 -452,F,5,,0,17 -453,M,5,,0,14 -454,F,7,Ethnicity Recorded in Other Race,-1,0 -455,M,5,,0,11 -456,F,3,,0,14 -457,M,5,,1,17 -458,M,3,,0,8 -459,M,7,Ethnicity Recorded in Other Race,-1,17 -460,M,5,,0,9 -461,M,3,,0,0 -462,F,5,,0,16 -463,F,6,,1,16 -464,M,5,,0,4 -465,F,5,,0,6 -466,M,5,,1,9 -467,M,3,,0,9 -468,F,5,,0,13 -469,M,6,,1,2 -470,M,5,,0,3 -471,M,7,Ethnicity Recorded in Other Race,-1,14 -472,M,5,,0,10 -473,F,6,,1,11 -474,F,5,,0,13 -475,F,5,,0,16 -476,M,5,,-1,10 -477,M,3,,0,16 -478,M,5,,1,15 -479,F,6,,1,3 -480,M,3,,0,8 -481,M,3,,1,15 -482,M,5,,0,16 -483,M,3,,0,8 -484,M,5,,0,17 -485,M,5,,1,1 -486,F,5,,0,8 -487,F,5,,0,9 -488,M,3,,0,1 -489,M,5,,1,13 -490,F,5,,1,15 -491,M,5,,1,12 -492,F,5,,-1,8 -493,F,3,,1,15 -494,F,6,,1,0 -495,M,3,,0,15 -496,F,3,,0,13 -497,M,3,,1,15 -498,M,3,,1,15 -499,M,5,,0,7 -500,M,5,,0,6 -501,M,5,,0,2 -502,M,5,,1,8 -503,M,5,,0,11 -504,F,3,,0,10 -505,M,5,,0,15 -506,M,5,,1,6 -507,M,5,,0,15 -508,M,3,,1,2 -509,M,5,,0,15 -510,F,5,,-1,4 -511,M,6,,-1,4 -512,M,5,,0,5 -513,F,5,,0,12 -514,F,3,,1,15 -515,F,6,,1,15 -516,F,5,,0,16 -517,M,3,,1,16 -518,M,5,,1,14 -519,M,5,,0,0 -520,F,6,,1,11 -521,M,5,,1,16 -522,F,6,,1,12 -523,M,3,,0,13 -524,M,3,,1,4 -525,M,5,,0,1 -526,M,3,,1,13 -527,F,5,,-1,4 -528,F,5,,0,3 -529,M,5,,0,16 -530,M,3,,0,12 -531,F,5,,0,8 -532,F,5,,0,3 -533,M,5,,1,12 -534,M,5,,0,11 -535,F,5,,0,17 -536,M,3,,0,17 -537,M,5,,1,5 -538,M,5,,0,17 -539,M,3,,0,5 -540,M,5,,0,16 -541,F,5,,0,14 -542,M,6,,1,2 -543,M,5,,1,6 -544,M,5,,0,10 -545,F,5,,0,5 -546,F,5,,0,15 -547,F,5,,0,15 -548,M,5,,0,10 -549,F,7,Bi-racial,0,13 -550,M,5,,0,11 -551,F,5,,1,2 -552,M,5,,0,9 -553,M,3,,1,12 -554,M,5,,0,1 -555,F,5,,0,16 -556,M,5,,0,5 -557,F,6,,1,0 -558,M,5,,1,15 -559,F,2,,1,17 -560,M,5,,0,12 -561,F,6,,-1,10 -562,F,3,,1,17 -563,F,5,,0,16 -564,F,5,,0,14 -565,M,3,,0,11 -566,F,3,,1,3 -567,M,5,,0,11 -568,F,3,,0,0 -569,M,5,,0,16 -570,F,3,,0,7 -571,M,3,,0,8 -572,F,5,,-1,6 -573,F,7,Burmese,0,16 -574,F,6,,1,2 -575,M,5,,1,3 -576,M,5,,0,16 -577,M,5,,1,13 -578,F,3,,0,16 -579,M,3,,1,15 -580,M,6,,1,8 -581,F,7,Ethnicity Recorded in Other Race,-1,16 -582,M,5,,0,2 -583,M,5,,0,5 -584,F,5,,0,8 -585,M,7,Pakistan,0,17 -586,M,3,,0,16 -587,F,3,,1,13 -588,M,5,,1,11 -589,M,3,,0,5 -590,F,5,,-1,4 -591,M,5,,-1,16 -592,M,6,,1,10 -593,F,5,,1,12 -594,M,5,,-1,14 -595,M,5,,0,2 -596,M,5,,1,2 -597,M,5,,0,1 -598,F,3,,0,8 -599,M,3,,0,11 -600,M,5,,1,9 -601,M,5,,-1,12 -602,M,5,,1,13 -603,F,3,,0,0 -604,M,5,,0,13 -605,M,3,,0,7 -606,M,5,,1,17 -607,M,5,,0,3 -608,M,5,,0,11 -609,M,5,,-1,9 -610,M,6,,1,2 -611,F,5,,-1,5 -612,M,6,,1,0 -613,M,3,,0,12 -614,M,3,,0,17 -615,F,5,,0,1 -616,F,5,,-1,2 -617,M,7,Ethnicity Recorded in Other Race,-1,13 -618,F,6,,0,17 -619,M,3,,0,14 -620,M,7,Ethnicity Recorded in Other Race,-1,4 -621,M,5,,1,6 -622,F,5,,0,17 -623,M,5,,0,9 -624,M,6,,1,0 -625,M,5,,0,14 -626,M,5,,1,14 -627,M,3,,0,7 -628,F,5,,0,17 -629,M,5,,0,4 -630,M,5,,1,10 -631,F,6,,1,17 -632,F,6,,-1,2 -633,M,5,,0,6 -634,F,3,,1,13 -635,M,5,,0,9 -636,M,6,,1,10 -637,M,5,,-1,11 -638,F,3,,0,9 -639,F,3,,0,13 -640,F,3,,0,7 -641,M,3,,0,0 -642,M,5,,0,15 -643,M,7,Pakistani,0,4 -644,M,5,,0,10 -645,M,5,,-1,17 -646,M,5,,0,10 -647,F,6,,0,2 -648,M,5,,0,2 -649,F,5,,0,1 -650,M,3,,0,8 -651,M,5,,0,4 -652,M,3,,0,11 -653,F,3,,0,17 -654,M,5,,0,3 -655,F,5,,0,15 -656,M,5,,-1,9 -657,F,5,,1,9 -658,F,4,White,0,11 -659,M,5,,1,15 -660,F,5,,0,6 -661,M,5,,0,1 -662,M,3,,0,16 -663,M,3,,0,17 -664,M,5,,0,8 -665,F,5,,1,4 -666,F,5,,0,0 -667,M,6,,1,0 -668,M,5,,0,12 -669,F,5,,0,14 -670,F,3,,1,13 -671,M,5,,0,16 -672,M,5,,0,17 -673,M,3,,1,15 -674,M,5,,1,9 -675,M,5,,0,15 -676,M,6,,1,13 -677,M,3,,0,11 -678,F,3,,-1,15 -679,M,3,,0,17 -680,M,5,,-1,9 -681,M,5,,-1,15 -682,M,3,,1,6 -683,M,6,,1,2 -684,F,3,,0,12 -685,M,5,,0,3 -686,M,5,,0,17 -687,M,5,,0,17 -688,M,3,,0,14 -689,M,5,,1,15 -690,M,5,,-1,14 -691,F,5,,0,6 -692,M,3,,0,4 -693,F,3,,1,1 -694,M,6,,1,9 -695,F,5,,0,16 -696,F,5,,1,4 -697,M,3,,0,11 -698,M,5,,-1,7 -699,M,5,,0,16 -700,M,5,,0,2 -701,F,5,,0,6 -702,M,3,,0,7 -703,F,5,,1,11 -704,M,3,,0,6 -705,M,5,,0,3 -706,F,5,,0,15 -707,M,3,,0,0 -708,F,5,,0,5 -709,M,3,,1,10 -710,M,5,,-1,14 -711,F,5,,-1,17 -712,M,5,,0,3 -713,M,3,,1,4 -714,F,5,,0,16 -715,M,5,,0,16 -716,F,3,,0,8 -717,M,5,,-1,5 -718,M,3,,1,17 -719,M,3,,1,4 -720,M,5,,0,9 -721,M,6,,-1,0 -722,M,6,,1,10 -723,M,3,,0,13 -724,F,5,,1,15 -725,M,5,,0,8 -726,M,3,,0,15 -727,M,6,,1,13 -728,M,3,,1,9 -729,F,3,,1,16 -730,M,5,,0,11 -731,M,5,,0,10 -732,M,3,,0,14 -733,M,5,,0,5 -734,M,5,,0,1 -735,F,3,,0,3 -736,F,3,,1,0 -737,F,3,,0,17 -738,M,3,,0,5 -739,M,6,,1,8 -740,F,5,,1,9 -741,M,5,,0,9 -742,M,5,,0,17 -743,F,5,,0,16 -744,M,7,Indian,0,4 -745,M,5,,0,1 -746,F,3,,1,3 -747,F,5,,0,17 -748,M,3,,1,9 -749,F,5,,0,15 -750,F,3,,0,16 -751,F,5,,-1,0 -752,M,5,,1,14 -753,M,3,,0,8 -754,M,5,,0,2 -755,M,5,,0,6 -756,M,5,,-1,3 -757,M,3,,1,8 -758,M,5,,0,0 -759,M,5,,1,14 -760,F,3,,0,17 -761,M,5,,0,0 -762,M,5,,0,11 -763,M,3,,0,4 -764,M,3,,0,7 -765,M,3,,1,9 -766,F,6,,1,2 -767,M,5,,0,12 -768,M,5,,1,13 -769,M,3,,-1,15 -770,F,3,,0,14 -771,F,5,,0,16 -772,M,7,Ethnicity Recorded in Other Race,-1,7 -773,M,3,,1,4 -774,M,5,,0,13 -775,F,6,,1,0 -776,M,5,,0,17 -777,M,5,,0,14 -778,M,5,,0,7 -779,M,5,,0,14 -780,F,5,,0,7 -781,F,5,,1,11 -782,F,3,,1,11 -783,F,5,,0,16 -784,M,3,,0,17 -785,F,5,,1,0 -786,M,5,,0,9 -787,M,5,,-1,8 -788,M,5,,0,14 -789,F,7,Ethnicity Recorded in Other Race,-1,10 -790,M,2,,0,14 -791,M,5,,0,2 -792,M,5,,0,15 -793,M,5,,0,2 -794,F,5,,0,2 -795,M,5,,0,15 -796,M,3,,1,12 -797,F,3,,1,8 -798,M,3,,-1,9 -799,M,3,,0,12 -800,M,3,,1,5 -801,M,5,,0,15 -802,M,5,,-1,11 -803,F,3,,1,13 -804,M,3,,1,15 -805,M,5,,0,1 -806,M,6,,1,14 -807,M,3,,0,5 -808,F,6,,1,15 -809,M,3,,0,16 -810,F,5,Physician did not enter ethnicity,1,6 -811,M,5,,0,16 -812,M,5,,1,2 -813,M,3,,0,13 -814,M,5,,-1,2 -815,M,6,,1,3 -816,F,2,,0,15 -817,M,7,Arabic,0,3 -818,F,3,,0,14 -819,M,5,,1,12 -820,F,5,,1,14 -821,M,5,,0,8 -822,F,3,,0,0 -823,M,3,,1,6 -824,M,5,,0,1 -825,F,5,,-1,13 -826,F,6,,1,11 -827,F,3,,0,3 -828,F,5,,1,17 -829,M,5,,0,8 -830,F,5,,0,6 -831,M,5,,1,1 -832,F,3,,0,13 -833,F,3,,0,9 -834,M,3,,0,2 -835,F,3,,0,12 -836,F,3,,0,13 -837,M,5,,0,15 -838,M,5,,1,15 -839,F,5,,1,3 -840,M,3,,1,7 -841,M,5,,0,16 -842,F,5,,0,17 -843,F,5,,0,15 -844,M,5,,1,16 -845,M,5,,0,8 -846,F,5,,0,10 -847,M,5,,0,15 -848,M,5,,0,12 -849,F,5,,-1,2 -850,M,5,,0,9 -851,F,5,,-1,16 -852,M,5,,-1,2 -853,M,6,,1,4 -854,M,5,,-1,4 -855,F,3,,0,5 -856,M,5,,0,17 -857,F,5,,1,13 -858,M,5,,1,17 -859,F,3,,0,9 -860,M,3,,0,14 -861,M,5,,1,16 -862,M,7,Mixed racial,0,0 -863,F,5,,0,12 -864,M,3,,0,12 -865,M,6,,1,14 -866,F,3,,0,15 -867,F,5,,0,8 -868,F,6,,1,2 -869,M,5,,0,0 -870,F,5,,1,7 -871,F,6,,0,14 -872,F,3,,0,7 -873,F,6,,1,3 -874,M,5,,0,4 -875,F,3,,0,15 -876,F,1,,0,16 -877,M,3,,0,0 -878,M,5,,0,14 -879,M,3,,0,15 -880,M,6,,1,13 -881,M,6,,-1,17 -882,M,5,,0,16 -883,M,5,,0,8 -884,F,5,,0,13 -885,F,5,,0,7 -886,F,6,,-1,17 -887,F,2,,1,0 -888,M,3,,0,11 -889,M,3,,0,8 -890,F,5,,0,12 -891,F,5,,0,4 -892,M,3,,0,13 -893,M,4,,0,2 -894,F,5,,0,4 -895,M,5,,1,6 -896,F,5,,0,14 -897,M,6,,-1,7 -898,M,3,,0,11 -899,F,4,,0,0 -900,M,3,,0,1 -901,M,5,,0,17 -902,M,5,,0,14 -903,F,5,,0,6 -904,M,5,,1,15 -905,F,5,,1,9 -906,F,5,,1,14 -907,F,5,,0,9 -908,M,5,,1,8 -909,F,3,,0,12 -910,F,3,,1,7 -911,F,6,,1,17 -912,F,5,,1,16 -913,F,3,,0,5 -914,M,6,,1,13 -915,M,5,,0,10 -916,M,3,,0,8 -917,F,6,,1,3 -918,M,5,,0,10 -919,M,5,,0,0 -920,F,5,,0,7 -921,F,5,,0,16 -922,F,5,,-1,15 -923,M,5,,0,8 -924,M,5,,0,15 -925,M,5,,0,13 -926,F,3,,1,0 -927,M,3,,0,7 -928,M,3,,0,4 -929,F,3,,1,14 -930,M,3,,0,3 -931,M,5,,1,1 -932,M,5,,0,2 -933,F,5,,0,15 -934,M,3,,0,10 -935,M,3,,1,2 -936,M,3,,0,7 -937,F,3,,0,2 -938,F,5,,0,11 -939,F,5,,0,17 -940,F,7,Ethnicity Recorded in Other Race,-1,14 -941,M,5,,0,11 -942,M,5,,0,12 -943,M,5,,1,8 -944,F,5,,0,16 -945,M,3,,0,17 -946,M,5,,0,10 -947,M,3,,1,7 -948,F,5,,0,0 -949,M,3,,1,17 -950,F,2,,0,5 -951,F,3,,0,6 -952,M,5,,0,14 -953,F,3,,0,6 -954,M,5,,-1,3 -955,M,5,,0,2 -956,M,5,,0,12 -957,F,5,,0,5 -958,M,5,,-1,11 -959,M,3,,0,13 -960,M,5,,0,12 -961,M,3,,0,5 -962,F,6,,-1,5 -963,F,5,,1,2 -964,M,5,,0,9 -965,M,5,,-1,17 -966,F,3,,0,16 -967,M,5,,0,16 -968,M,5,,0,15 -969,M,3,,0,8 -970,F,5,,-1,12 -971,F,5,,0,16 -972,M,3,,0,8 -973,M,3,,0,7 -974,M,5,,1,9 -975,M,3,,0,5 -976,M,5,,0,17 -977,M,5,,1,6 -978,M,6,,-1,1 -979,F,3,,0,16 -980,M,3,,1,4 -981,M,5,,0,12 -982,M,3,,0,15 -983,M,5,,0,2 -984,F,5,,0,5 -985,M,5,,0,4 -986,M,5,,0,8 -987,F,3,,0,16 -988,M,5,,1,4 -989,M,3,,1,17 -990,M,2,,0,12 -991,F,5,,0,5 -992,M,6,,1,16 -993,M,5,,0,10 -994,M,7,multi-racial,1,17 -995,M,5,,1,6 -996,M,3,physician did not answer ethnicity,1,15 -997,M,3,,0,10 -998,F,3,,0,11 -999,F,3,,0,13 -1000,M,3,,0,11 -1001,F,5,,0,17 -1002,M,3,,0,17 -1003,M,5,,0,2 -1004,F,3,,0,17 -1005,M,3,,0,12 -1006,M,7,Chines,0,1 -1007,F,3,,0,17 -1008,F,7,Ethnicity Recorded in Other Race,-1,2 -1009,M,5,,-1,0 -1010,F,3,,0,6 -1011,M,5,,0,7 -1012,F,5,,1,0 -1013,M,5,,0,9 -1014,M,5,,0,11 -1015,M,5,,-1,2 -1016,M,5,,0,13 -1017,M,3,,0,12 -1018,F,3,,0,9 -1019,F,3,,0,3 -1020,M,5,,1,5 -1021,F,5,,0,3 -1022,M,7,Somalian,1,5 -1023,M,3,,0,8 -1024,M,5,,1,13 -1025,M,5,,0,9 -1026,F,5,,0,10 -1027,M,5,,1,16 -1028,M,3,,0,2 -1029,M,3,,0,8 -1030,M,5,,0,16 -1031,M,5,,0,13 -1032,M,3,,0,16 -1033,F,5,,0,15 -1034,M,5,,0,7 -1035,M,5,,0,17 -1036,M,5,,0,16 -1037,M,5,,0,17 -1038,M,5,,0,14 -1039,M,3,,1,15 -1040,M,5,,0,6 -1041,M,3,,0,15 -1042,M,5,Physician did not answer ethnicity.,1,10 -1043,M,5,,0,17 -1044,F,6,,1,17 -1045,M,5,,0,12 -1046,F,6,,1,11 -1047,M,5,,0,10 -1048,M,3,,0,1 -1049,F,3,,0,5 -1050,M,7,Ethnicity Recorded in Other Race,-1,14 -1051,F,3,,0,1 -1052,F,3,,1,5 -1053,F,5,,0,14 -1054,F,2,,0,0 -1055,M,3,,0,14 -1056,M,3,,0,6 -1057,M,5,,0,12 -1058,M,6,,-1,15 -1059,F,5,,0,12 -1060,M,2,,0,8 -1061,M,3,,0,5 -1062,M,5,,0,17 -1063,M,5,,0,15 -1064,F,3,,0,13 -1065,F,5,,-1,17 -1066,M,6,,1,1 -1067,M,3,,0,5 -1068,M,5,,1,17 -1069,F,5,,0,14 -1070,M,6,,-1,14 -1071,M,3,,0,9 -1072,M,5,,1,4 -1073,M,5,,0,13 -1074,M,5,,0,13 -1075,M,5,,0,17 -1076,M,3,,0,6 -1077,F,5,,0,3 -1078,F,5,,0,16 -1079,F,3,,0,16 -1080,F,5,,0,1 -1081,M,5,,0,6 -1082,M,5,,0,14 -1083,F,5,,-1,4 -1084,F,5,,0,0 -1085,M,2,,0,3 -1086,F,3,,0,12 -1087,F,3,,0,13 -1088,M,5,,1,9 -1089,F,5,,0,2 -1090,F,3,,0,16 -1091,F,5,,0,9 -1092,F,5,,1,2 -1093,F,5,,-1,0 -1094,F,5,,1,10 -1095,M,3,,0,1 -1096,F,5,,0,9 -1097,F,5,,1,17 -1098,F,3,,0,5 -1099,F,5,,0,17 -1100,M,5,,0,2 -1101,M,7,Ethnicity Recorded in Other Race,-1,12 -1102,M,5,,0,13 -1103,M,3,,0,6 -1104,M,5,,0,17 -1105,F,5,,0,17 -1106,F,5,,1,14 -1107,M,3,,0,12 -1108,M,6,,1,10 -1109,F,5,,0,14 -1110,M,5,,0,17 -1111,M,5,,0,13 -1112,F,5,,0,12 -1113,F,3,,1,13 -1114,M,5,,1,6 -1115,F,3,,0,17 -1116,F,5,,0,10 -1117,M,7,Ethnicity Recorded in Other Race,-1,16 -1118,M,5,,0,17 -1119,M,5,,0,14 -1120,M,5,,1,6 -1121,M,5,,0,16 -1122,F,3,,0,1 -1123,M,6,,1,9 -1124,M,5,,0,8 -1125,F,5,,0,6 -1126,M,3,,0,8 -1127,M,5,,0,12 -1128,M,5,,1,7 -1129,F,3,,1,0 -1130,F,5,,0,13 -1131,M,3,,0,17 -1132,M,5,,0,16 -1133,M,3,,1,13 -1134,M,3,,1,14 -1135,F,3,,0,15 -1136,M,3,,1,8 -1137,M,7,Middle Eastern,0,5 -1138,M,3,,0,1 -1139,F,5,,0,15 -1140,F,5,,1,17 -1141,M,5,,0,13 -1142,F,5,,0,0 -1143,M,3,,0,6 -1144,F,3,,1,17 -1145,F,6,,1,1 -1146,F,5,,0,2 -1147,M,5,,0,0 -1148,M,3,,0,2 -1149,M,6,,-1,17 -1150,M,3,,1,17 -1151,M,3,,0,10 -1152,F,3,,0,0 -1153,F,5,,0,4 -1154,M,5,,0,3 -1155,F,5,,0,10 -1156,M,3,,0,12 -1157,M,5,,0,5 -1158,M,5,,0,8 -1159,M,5,,0,4 -1160,M,5,,0,11 -1161,M,5,,0,17 -1162,F,5,,1,1 -1163,M,5,,0,5 -1164,M,5,,0,15 -1165,F,3,,1,17 -1166,M,5,,0,2 -1167,M,3,,1,9 -1168,M,5,,0,0 -1169,F,5,,1,16 -1170,M,3,,1,11 -1171,F,5,,1,17 -1172,M,5,,0,15 -1173,M,5,,0,13 -1174,F,3,,1,15 -1175,F,5,,0,17 -1176,F,6,,1,14 -1177,M,3,,0,12 -1178,M,3,,0,11 -1179,M,3,,0,0 -1180,M,5,,-1,5 -1181,F,3,,1,7 -1182,M,5,,0,7 -1183,M,5,,0,4 -1184,M,5,,-1,13 -1185,M,5,,1,15 -1186,F,5,,1,13 -1187,M,5,,0,11 -1188,M,3,,0,15 -1189,M,3,,0,11 -1190,M,3,,0,6 -1191,F,3,,0,6 -1192,M,3,,1,6 -1193,M,5,,1,15 -1194,M,7,Ethnicity Recorded in Other Race,-1,13 -1195,M,3,,1,7 -1196,M,5,,0,16 -1197,M,5,,0,16 -1198,F,5,,1,13 -1199,F,5,,0,9 -1200,M,3,,0,12 -1201,M,5,,0,10 -1202,M,5,,0,17 -1203,M,5,,1,17 -1204,F,3,,0,1 -1205,M,5,,0,16 -1206,M,5,,0,17 -1207,F,5,,1,15 -1208,F,5,,-1,11 -1209,F,2,,0,12 -1210,F,2,,0,10 -1211,M,5,,0,14 -1212,M,3,,0,14 -1213,M,5,,1,5 -1214,M,6,,1,16 -1215,F,3,,0,12 -1216,F,3,,1,3 -1217,M,5,,1,5 -1218,M,6,,1,3 -1219,M,5,,0,10 -1220,F,5,,1,17 -1221,F,3,,1,14 -1222,M,5,,0,2 -1223,F,6,,0,16 -1224,M,5,,1,3 -1225,M,6,,-1,9 -1226,F,3,,0,6 -1227,F,5,,-1,14 -1228,M,5,,0,9 -1229,F,5,,1,15 -1230,M,5,,-1,12 -1231,M,5,,1,14 -1232,F,5,,0,16 -1233,F,3,,0,10 -1234,F,5,,0,3 -1235,F,5,,0,4 -1236,M,3,,0,6 -1237,F,5,,0,8 -1238,F,3,,0,11 -1239,M,3,,1,2 -1240,F,5,,1,2 -1241,F,7,Indian,1,14 -1242,M,3,,0,12 -1243,F,5,,1,17 -1244,F,5,,1,4 -1245,F,3,,0,14 -1246,M,3,,0,9 -1247,M,5,,0,5 -1248,M,3,,0,9 -1249,M,3,,0,12 -1250,M,5,,0,9 -1251,M,3,,0,6 -1252,M,3,,0,1 -1253,M,5,,0,16 -1254,F,6,,1,16 -1255,M,3,,0,8 -1256,M,6,,1,17 -1257,F,6,,1,14 -1258,M,5,,1,1 -1259,M,5,,-1,0 -1260,M,3,,0,9 -1261,M,5,,0,1 -1262,F,3,,1,16 -1263,F,5,,0,17 -1264,M,5,,-1,6 -1265,M,5,,0,9 -1266,M,5,,0,12 -1267,M,5,,0,14 -1268,F,3,,0,17 -1269,M,5,,0,13 -1270,M,5,,0,6 -1271,M,7,Ethnicity Recorded in Other Race,-1,4 -1272,F,5,,0,17 -1273,F,3,,0,16 -1274,M,5,,0,16 -1275,M,3,,0,7 -1276,M,5,,0,6 -1277,F,3,,0,6 -1278,F,7,Ethnicity Recorded in Other Race,-1,1 -1279,F,5,,-1,16 -1280,M,5,,0,13 -1281,F,5,,1,8 -1282,M,3,,1,15 -1283,M,5,,1,6 -1284,F,5,,1,1 -1285,M,6,,1,0 -1286,M,5,,0,9 -1287,F,3,,0,12 -1288,M,5,,0,0 -1289,M,5,,0,7 -1290,F,3,,0,2 -1291,F,5,,0,10 -1292,F,3,,0,0 -1293,M,5,,1,10 -1294,F,3,,0,10 -1295,M,6,,-1,4 -1296,F,5,,0,8 -1297,M,5,,0,12 -1298,M,3,,1,6 -1299,F,1,,0,15 -1300,M,5,,0,15 -1301,F,5,,0,0 -1302,F,5,,0,11 -1303,M,7,Ethnicity Recorded in Other Race,-1,8 -1304,M,3,,0,0 -1305,M,5,,-1,3 -1306,M,5,,1,11 -1307,M,5,,0,12 -1308,M,5,,0,17 -1309,F,3,,0,11 -1310,F,3,,0,14 -1311,F,5,,0,11 -1312,M,5,,0,12 -1313,M,5,,-1,14 -1314,M,3,,0,6 -1315,F,5,,0,17 -1316,M,5,,-1,3 -1317,M,5,,1,8 -1318,M,3,,0,12 -1319,M,5,,0,9 -1320,M,5,,0,7 -1321,F,5,,0,12 -1322,M,3,,1,4 -1323,F,5,,0,9 -1324,F,3,,0,13 -1325,M,3,,0,17 -1326,F,5,,0,17 -1327,M,5,,0,12 -1328,F,5,,0,5 -1329,F,3,,0,17 -1330,F,5,,0,9 -1331,M,5,,0,11 -1332,M,3,,0,4 -1333,M,5,,0,16 -1334,F,3,,1,15 -1335,M,7,multiracial,0,16 -1336,F,5,,-1,1 -1337,M,5,,1,12 -1338,M,5,,0,16 -1339,F,5,,-1,9 -1340,M,3,,0,9 -1341,M,3,,0,0 -1342,M,6,,1,1 -1343,F,3,,0,5 -1344,F,5,,0,14 -1345,F,5,,0,9 -1346,M,5,,0,2 -1347,M,5,,0,4 -1348,M,5,,0,13 -1349,F,1,,0,10 -1350,F,3,,0,14 -1351,M,5,,0,10 -1352,M,5,,0,10 -1353,F,3,,1,11 -1354,M,3,,0,12 -1355,M,5,,1,11 -1356,F,5,,0,2 -1357,M,5,,0,14 -1358,M,5,,0,8 -1359,M,5,,0,9 -1360,M,3,,0,14 -1361,M,6,,1,15 -1362,M,3,,0,11 -1363,M,5,,1,3 -1364,M,5,,0,14 -1365,F,5,,0,17 -1366,M,5,,1,6 -1367,M,5,,0,1 -1368,M,5,,0,11 -1369,M,3,,0,15 -1370,M,3,,0,17 -1371,M,5,,0,16 -1372,F,3,,0,15 -1373,M,5,,1,17 -1374,M,5,,0,13 -1375,F,5,,0,16 -1376,F,5,,0,0 -1377,F,3,,0,16 -1378,M,3,,0,3 -1379,M,3,,-1,4 -1380,F,3,,0,17 -1381,M,5,,0,2 -1382,M,7,Asian and Black or African American,0,17 -1383,F,6,,1,14 -1384,M,5,,-1,12 -1385,M,6,,1,11 -1386,F,6,,0,14 -1387,F,3,,1,6 -1388,M,1,,0,10 -1389,F,3,,0,10 -1390,M,3,,0,16 -1391,F,3,,0,16 -1392,M,3,,0,17 -1393,F,5,,-1,0 -1394,M,5,,0,13 -1395,M,5,,0,9 -1396,F,5,,0,16 -1397,M,5,,0,16 -1398,F,5,,0,17 -1399,F,5,,0,1 -1400,M,2,,0,6 -1401,F,5,,0,13 -1402,M,5,,0,15 -1403,F,3,,0,17 -1404,F,3,,0,16 -1405,M,5,,0,16 -1406,F,3,,0,13 -1407,M,5,,0,14 -1408,F,7,other,1,16 -1409,F,5,,0,6 -1410,F,3,,0,10 -1411,M,5,,0,14 -1412,M,5,,-1,5 -1413,M,3,,1,0 -1414,M,3,,0,6 -1415,M,5,,1,9 -1416,M,5,,0,17 -1417,M,3,,0,15 -1418,F,5,,1,3 -1419,M,3,,0,9 -1420,F,5,,0,8 -1421,M,5,,0,9 -1422,F,3,,1,16 -1423,M,6,,1,0 -1424,F,5,,0,15 -1425,F,6,,1,5 -1426,M,3,,1,3 -1427,M,6,,1,15 -1428,F,2,,1,6 -1429,M,5,,1,8 -1430,M,3,,0,15 -1431,M,3,,0,11 -1432,M,3,,0,11 -1433,F,6,,1,0 -1434,F,5,,1,15 -1435,F,3,,1,7 -1436,F,5,,-1,5 -1437,M,5,,1,0 -1438,F,3,,0,15 -1439,M,5,,0,2 -1440,M,5,,0,13 -1441,M,3,,0,4 -1442,M,5,,0,16 -1443,M,7,Ethnicity Recorded in Other Race,-1,13 -1444,M,5,,1,10 -1445,F,3,,1,7 -1446,M,5,,0,17 -1447,M,5,,0,13 -1448,M,5,,1,10 -1449,M,5,,-1,3 -1450,M,7,Ethnicity Recorded in Other Race,-1,11 -1451,F,5,,-1,9 -1452,F,3,,0,10 -1453,F,3,,0,12 -1454,F,5,,0,5 -1455,M,5,,1,8 -1456,F,5,Physician did not answer,1,12 -1457,M,5,,1,14 -1458,M,5,,0,3 -1459,F,5,,1,9 -1460,M,5,,0,16 -1461,F,5,,0,1 -1462,M,3,,0,13 -1463,F,5,,-1,8 -1464,M,6,,1,0 -1465,M,5,,0,13 -1466,M,3,,1,8 -1467,M,5,,1,11 -1468,M,3,,0,3 -1469,M,3,,0,11 -1470,M,6,,1,11 -1471,M,3,,0,3 -1472,M,7,Ethnicity Recorded in Other Race,-1,1 -1473,M,5,,1,4 -1474,M,5,,1,12 -1475,F,3,,0,2 -1476,M,5,,0,12 -1477,M,5,,0,15 -1478,M,3,,0,11 -1479,M,6,,0,7 -1480,M,6,,1,14 -1481,M,3,,0,6 -1482,M,3,,0,17 -1483,F,3,,0,17 -1484,F,7,Biracial,1,12 -1485,M,5,,0,8 -1486,M,5,,1,16 -1487,M,6,,1,8 -1488,F,5,,0,0 -1489,M,5,,0,3 -1490,M,3,,0,14 -1491,F,5,,0,17 -1492,F,5,,0,16 -1493,F,5,,0,14 -1494,M,4,,0,4 -1495,M,5,,0,10 -1496,M,3,,0,15 -1497,M,5,,1,12 -1498,M,3,,0,16 -1499,F,3,,0,6 -1500,M,5,,0,15 -1501,F,5,,0,1 -1502,F,2,,0,15 -1503,M,3,,0,4 -1504,M,3,,0,9 -1505,M,5,,0,3 -1506,M,3,,0,16 -1507,F,6,,1,8 -1508,M,5,,0,15 -1509,F,3,,0,5 -1510,M,6,,-1,14 -1511,M,3,,1,17 -1512,M,5,,1,3 -1513,M,5,,0,1 -1514,M,3,,1,17 -1515,M,5,,0,12 -1516,M,5,,1,15 -1517,F,3,,0,5 -1518,M,6,,1,14 -1519,F,5,,1,15 -1520,M,5,,0,4 -1521,F,5,,0,6 -1522,F,5,,0,11 -1523,M,5,,0,12 -1524,M,7,Arabic,0,2 -1525,M,5,,0,8 -1526,M,3,,0,4 -1527,F,2,,0,9 -1528,F,5,,0,16 -1529,M,5,,0,0 -1530,M,5,,1,0 -1531,M,5,,0,7 -1532,F,3,,0,17 -1533,M,5,,0,17 -1534,F,3,,0,13 -1535,M,5,,0,15 -1536,M,3,,0,0 -1537,M,5,,0,2 -1538,M,3,,0,7 -1539,F,5,,0,17 -1540,M,5,,0,2 -1541,F,5,,0,0 -1542,F,5,,-1,16 -1543,M,5,,0,10 -1544,F,5,,0,7 -1545,F,5,,-1,0 -1546,M,5,,0,4 -1547,M,3,,1,13 -1548,M,5,,1,14 -1549,M,3,,0,0 -1550,F,5,,0,2 -1551,F,5,,0,16 -1552,M,5,,0,11 -1553,F,3,,0,17 -1554,M,3,,0,17 -1555,M,5,,0,5 -1556,M,3,,0,16 -1557,F,5,,0,17 -1558,F,5,,0,16 -1559,M,5,,0,15 -1560,F,2,,1,0 -1561,F,5,,1,2 -1562,M,5,,0,8 -1563,M,3,,1,13 -1564,M,3,,0,17 -1565,M,3,,0,1 -1566,M,5,,1,12 -1567,M,5,,-1,16 -1568,M,3,,0,8 -1569,M,7,Ethnicity Recorded in Other Race,-1,9 -1570,F,5,,-1,13 -1571,F,3,,1,16 -1572,F,5,,0,17 -1573,M,6,,-1,13 -1574,M,6,,-1,2 -1575,M,5,,0,6 -1576,M,3,,0,17 -1577,F,3,,0,7 -1578,M,3,,0,1 -1579,M,5,,0,13 -1580,M,5,,0,5 -1581,F,3,,0,13 -1582,F,5,,0,7 -1583,M,5,,-1,15 -1584,F,5,,0,12 -1585,F,6,,1,1 -1586,M,3,,0,17 -1587,F,2,,1,9 -1588,F,1,,1,8 -1589,F,5,,0,7 -1590,M,5,,0,14 -1591,M,3,,1,16 -1592,M,5,,0,14 -1593,F,3,,0,7 -1594,M,5,,0,0 -1595,M,3,,0,12 -1596,F,3,,1,6 -1597,M,5,,1,4 -1598,M,5,,0,12 -1599,M,3,,0,13 -1600,M,5,,1,9 -1601,F,3,,0,15 -1602,M,5,,0,0 -1603,M,3,,0,4 -1604,F,5,,0,7 -1605,F,3,,0,8 -1606,M,3,,0,12 -1607,F,3,,0,5 -1608,M,5,,0,9 -1609,M,6,,1,12 -1610,M,5,,0,8 -1611,M,3,,0,13 -1612,M,5,,0,8 -1613,M,2,,1,12 -1614,F,3,,0,2 -1615,M,5,,0,6 -1616,M,5,,0,11 -1617,M,3,,0,14 -1618,F,5,,0,15 -1619,F,5,,1,10 -1620,F,5,,-1,16 -1621,M,3,,0,14 -1622,F,3,,0,1 -1623,F,5,,0,17 -1624,F,5,,1,2 -1625,F,5,,1,11 -1626,M,5,,1,17 -1627,F,2,,0,4 -1628,M,5,,1,1 -1629,M,6,,1,2 -1630,M,5,,0,9 -1631,M,5,,1,1 -1632,M,3,,0,4 -1633,M,5,,0,11 -1634,M,5,,0,13 -1635,F,5,,0,14 -1636,M,1,,1,17 -1637,F,5,,1,7 -1638,F,3,,1,13 -1639,M,5,,0,17 -1640,M,7,Biracial,1,7 -1641,M,3,,0,1 -1642,M,5,,0,8 -1643,M,3,,0,7 -1644,M,5,,0,16 -1645,M,5,,1,13 -1646,F,3,,0,12 -1647,M,4,,1,5 -1648,M,5,,0,8 -1649,F,5,,1,6 -1650,M,6,,-1,6 -1651,F,6,,1,1 -1652,M,5,,0,7 -1653,M,5,,0,17 -1654,M,5,,0,5 -1655,M,7,Asian Indian,0,17 -1656,F,5,,0,4 -1657,M,5,,0,17 -1658,F,5,,0,2 -1659,M,3,,0,15 -1660,M,7,Ethnicity Recorded in Other Race,-1,13 -1661,F,5,,0,4 -1662,M,6,,-1,4 -1663,M,5,,0,10 -1664,F,6,,1,14 -1665,F,6,,1,8 -1666,F,5,,0,15 -1667,M,6,,1,12 -1668,M,3,,0,16 -1669,M,3,,0,15 -1670,M,5,,0,13 -1671,M,5,,0,16 -1672,M,5,,0,17 -1673,M,3,,0,6 -1674,F,6,,1,0 -1675,M,5,,-1,9 -1676,M,6,,-1,14 -1677,F,3,,0,15 -1678,M,5,,1,12 -1679,F,5,,0,8 -1680,F,6,,1,3 -1681,F,3,,0,17 -1682,M,5,,0,17 -1683,F,7,Ethnicity Recorded in Other Race,-1,16 -1684,M,3,Physician did not answer ethnicity,1,15 -1685,F,3,,0,16 -1686,F,5,,0,3 -1687,M,5,,0,2 -1688,F,3,,0,17 -1689,M,5,,0,13 -1690,M,3,,0,0 -1691,F,3,,1,2 -1692,M,6,,1,1 -1693,M,5,,0,0 -1694,M,5,,0,12 -1695,M,5,,0,5 -1696,M,3,,0,4 -1697,M,3,,0,9 -1698,F,3,,0,3 -1699,M,5,,0,10 -1700,F,3,,0,14 -1701,M,3,,1,16 -1702,F,7,Ethnicity Recorded in Other Race,-1,16 -1703,M,3,,0,8 -1704,M,5,,0,13 -1705,M,5,,1,11 -1706,M,5,,1,15 -1707,M,3,,-1,5 -1708,M,5,,0,0 -1709,M,5,,0,16 -1710,F,5,,0,15 -1711,M,5,,-1,16 -1712,M,3,,0,14 -1713,M,5,,0,7 -1714,M,7,Ethnicity Recorded in Other Race,-1,3 -1715,F,3,,0,6 -1716,M,5,,0,1 -1717,F,5,,0,12 -1718,M,5,,0,1 -1719,M,3,,0,5 -1720,M,3,,0,16 -1721,M,3,,0,10 -1722,F,5,,0,1 -1723,M,5,,0,13 -1724,M,5,,0,9 -1725,M,5,,1,17 -1726,M,7,Arabic,0,8 -1727,F,5,,1,9 -1728,M,3,,0,16 -1729,M,3,,0,16 -1730,F,3,,1,3 -1731,F,5,,0,17 -1732,M,3,,0,16 -1733,M,3,,0,8 -1734,M,5,,0,16 -1735,M,5,,1,11 -1736,M,5,,0,3 -1737,M,3,,0,5 -1738,M,3,,0,0 -1739,M,5,,0,17 -1740,F,5,,1,7 -1741,F,3,,0,8 -1742,F,5,,0,13 -1743,M,5,,-1,12 -1744,M,5,,0,11 -1745,F,3,,1,16 -1746,M,3,,0,10 -1747,M,5,,0,9 -1748,M,5,,0,7 -1749,F,3,,0,17 -1750,M,6,,-1,6 -1751,M,5,,1,5 -1752,F,3,,0,4 -1753,M,7,Ethnicity Recorded in Other Race,-1,9 -1754,M,5,,0,14 -1755,F,3,,0,11 -1756,M,5,,0,6 -1757,F,5,,0,12 -1758,F,3,,0,4 -1759,F,5,,0,15 -1760,M,3,,0,15 -1761,F,5,,1,16 -1762,M,5,,1,9 -1763,M,3,Physician did not answer ethnicity,1,9 -1764,F,5,,0,15 -1765,M,5,,0,11 -1766,M,5,,1,10 -1767,F,5,,0,1 -1768,M,7,Arabic,0,14 -1769,F,5,,1,9 -1770,F,3,,1,7 -1771,M,3,,0,15 -1772,M,5,,0,6 -1773,M,5,,1,1 -1774,F,5,,0,12 -1775,F,5,,0,14 -1776,F,3,,0,3 -1777,M,1,,0,3 -1778,M,5,,0,11 -1779,M,5,,0,8 -1780,F,1,,0,3 -1781,M,5,,0,7 -1782,M,5,,0,11 -1783,F,3,,1,12 -1784,M,7,Hmong,0,8 -1785,M,6,,1,16 -1786,M,5,,0,17 -1787,M,5,,0,10 -1788,M,3,,0,14 -1789,M,5,,1,12 -1790,M,3,,0,7 -1791,F,5,,0,3 -1792,M,3,,1,14 -1793,M,5,,0,13 -1794,F,7,Ethnicity Recorded in Other Race,-1,4 -1795,M,5,,1,4 -1796,F,5,,1,16 -1797,F,5,,1,14 -1798,F,6,,1,16 -1799,M,3,,1,2 -1800,F,3,,0,5 -1801,F,6,,-1,7 -1802,M,3,,0,5 -1803,F,3,,0,9 -1804,F,5,,0,12 -1805,M,5,,1,0 -1806,M,5,,1,1 -1807,F,3,,0,16 -1808,F,3,,0,4 -1809,M,3,,1,8 -1810,F,5,,1,15 -1811,F,3,,0,13 -1812,M,3,,0,9 -1813,M,5,,0,0 -1814,M,3,,0,16 -1815,F,5,,0,16 -1816,M,5,,0,1 -1817,F,5,,1,0 -1818,F,3,,0,16 -1819,F,5,,-1,14 -1820,F,3,,0,0 -1821,M,3,,0,0 -1822,M,3,,0,0 -1823,M,5,,0,2 -1824,M,5,,0,4 -1825,M,5,,1,8 -1826,F,5,,-1,15 -1827,F,5,,0,1 -1828,M,5,,0,8 -1829,F,6,,0,1 -1830,M,3,,0,7 -1831,M,5,,0,5 -1832,M,3,,0,5 -1833,F,5,,0,17 -1834,M,6,,-1,1 -1835,F,5,,-1,10 -1836,M,5,,1,16 -1837,F,6,,1,2 -1838,M,3,,1,14 -1839,M,3,,1,8 -1840,F,5,,0,0 -1841,F,3,,0,12 -1842,M,3,,0,13 -1843,M,3,,1,16 -1844,F,3,,0,9 -1845,M,5,,0,13 -1846,M,5,,0,17 -1847,F,6,,1,13 -1848,F,5,,0,9 -1849,F,3,,0,16 -1850,M,5,,0,9 -1851,M,3,,0,9 -1852,M,5,,-1,7 -1853,M,6,,1,1 -1854,F,5,,1,17 -1855,F,5,,-1,3 -1856,F,5,,1,17 -1857,M,5,,0,5 -1858,F,5,,0,1 -1859,M,5,,0,12 -1860,M,5,,-1,4 -1861,F,5,,1,13 -1862,M,5,,1,12 -1863,F,5,,0,14 -1864,M,3,,0,7 -1865,M,5,,1,17 -1866,M,5,,0,4 -1867,M,7,African,0,1 -1868,M,5,,-1,3 -1869,M,3,,0,14 -1870,M,5,,1,1 -1871,F,6,,1,4 -1872,M,5,,0,8 -1873,F,6,,-1,14 -1874,M,5,,0,1 -1875,F,5,,0,7 -1876,M,3,,0,13 -1877,F,5,,0,2 -1878,M,5,,0,17 -1879,M,5,,0,3 -1880,M,5,,-1,3 -1881,M,7,Ethnicity Recorded in Other Race,-1,16 -1882,M,3,,0,16 -1883,M,3,,0,5 -1884,M,5,,1,1 -1885,M,3,,0,11 -1886,M,2,,0,17 -1887,M,5,,1,17 -1888,F,3,,1,17 -1889,F,5,,1,3 -1890,M,7,Ethnicity Recorded in Other Race,-1,13 -1891,F,5,,0,16 -1892,M,3,,0,17 -1893,M,6,,1,13 -1894,M,6,,1,17 -1895,F,3,,0,9 -1896,F,5,,1,14 -1897,M,5,,0,12 -1898,M,5,,-1,10 -1899,F,5,,0,0 -1900,M,5,,1,17 -1901,M,7,Indian,0,11 -1902,M,5,,0,16 -1903,M,3,,0,12 -1904,F,3,,0,1 -1905,M,7,Ethnicity Recorded in Other Race,-1,15 -1906,M,6,,1,6 -1907,M,5,,1,14 -1908,F,5,,0,4 -1909,M,5,,1,10 -1910,M,5,,0,8 -1911,F,6,,-1,0 -1912,M,3,,0,15 -1913,M,5,,-1,14 -1914,M,5,,0,0 -1915,M,3,,0,0 -1916,F,3,,0,15 -1917,M,6,,1,0 -1918,F,5,,1,14 -1919,F,3,,1,10 -1920,M,7,Ethnicity Recorded in Other Race,-1,1 -1921,F,2,,0,3 -1922,F,6,,1,5 -1923,M,5,,1,15 -1924,F,3,,0,17 -1925,F,3,,0,0 -1926,F,3,,0,12 -1927,M,5,,0,13 -1928,M,5,,0,13 -1929,M,5,,0,14 -1930,M,6,,1,6 -1931,F,3,,0,10 -1932,M,5,,0,10 -1933,M,3,,1,17 -1934,F,3,,0,2 -1935,M,6,,1,14 -1936,F,5,,-1,14 -1937,F,5,,0,15 -1938,M,3,,0,14 -1939,F,2,,1,14 -1940,F,3,,0,5 -1941,M,6,,1,2 -1942,M,5,,0,2 -1943,M,5,,0,14 -1944,F,3,,0,15 -1945,F,5,,0,4 -1946,F,5,,0,6 -1947,F,5,,1,17 -1948,M,3,,0,9 -1949,M,5,,0,14 -1950,M,5,,-1,4 -1951,M,5,,0,16 -1952,M,3,,0,0 -1953,M,3,,0,5 -1954,M,5,,0,8 -1955,M,3,,0,2 -1956,F,5,,1,0 -1957,M,5,,1,12 -1958,M,5,,0,2 -1959,M,5,,-1,14 -1960,F,7,Middle Eastern,0,2 -1961,M,5,,0,7 -1962,M,5,,0,16 -1963,F,5,,0,8 -1964,F,6,,1,17 -1965,F,7,Hmong,0,2 -1966,F,3,,0,14 -1967,M,5,,1,12 -1968,F,5,,0,5 -1969,M,5,,0,13 -1970,M,3,,1,16 -1971,F,5,,1,8 -1972,M,5,,1,0 -1973,F,3,,1,2 -1974,M,3,,0,12 -1975,F,5,,1,16 -1976,M,5,,0,15 -1977,M,7,Ethnicity Recorded in Other Race,-1,10 -1978,M,5,,1,14 -1979,M,5,,0,12 -1980,M,5,,0,13 -1981,M,5,,0,3 -1982,M,5,,1,17 -1983,M,5,,-1,5 -1984,M,2,,0,10 -1985,F,5,,1,17 -1986,M,1,,0,7 -1987,M,5,,-1,0 -1988,M,5,,0,0 -1989,M,3,,0,5 -1990,F,5,,-1,15 -1991,F,5,,0,0 -1992,M,5,,0,17 -1993,M,5,,0,14 -1994,F,5,,0,1 -1995,F,3,,0,12 -1996,M,3,,0,6 -1997,F,5,,0,10 -1998,M,5,,0,14 -1999,M,5,,1,8 -2000,F,3,,0,1 -2001,F,3,,0,16 -2002,F,3,,0,12 -2003,M,5,,0,15 -2004,M,5,,-1,10 -2005,F,5,,0,15 -2006,F,5,,0,11 -2007,F,5,,0,16 -2008,M,5,,1,13 -2009,F,5,,0,15 -2010,F,3,,0,16 -2011,M,5,,0,9 -2012,M,5,,1,10 -2013,M,3,,0,10 -2014,F,5,,1,17 -2015,F,5,,0,2 -2016,M,3,,-1,14 -2017,M,3,,0,14 -2018,M,3,,1,3 -2019,F,5,,0,14 -2020,M,5,,0,12 -2021,F,5,,0,9 -2022,F,2,,0,9 -2023,M,5,,0,3 -2024,M,6,,0,12 -2025,M,5,,0,10 -2026,M,5,,0,16 -2027,F,3,,1,13 -2028,F,2,,1,8 -2029,F,5,,0,10 -2030,M,1,,1,0 -2031,F,5,,1,16 -2032,M,5,,-1,13 -2033,F,5,,-1,7 -2034,M,3,,1,7 -2035,M,5,,1,17 -2036,M,5,,0,13 -2037,M,5,,-1,10 -2038,F,5,,0,13 -2039,F,5,,1,17 -2040,F,5,,0,10 -2041,M,3,,0,13 -2042,F,6,,1,4 -2043,M,5,,0,0 -2044,M,5,,0,12 -2045,M,5,,0,16 -2046,M,7,both Black and White,1,4 -2047,F,5,,1,16 -2048,M,5,,1,13 -2049,M,3,,0,6 -2050,F,5,,0,16 -2051,F,7,Ethnicity Recorded in Other Race,-1,14 -2052,F,5,,0,15 -2053,M,3,,0,5 -2054,M,5,,0,13 -2055,F,6,,-1,14 -2056,F,5,,0,4 -2057,F,3,,0,13 -2058,F,6,,1,15 -2059,M,5,,0,1 -2060,M,5,,0,8 -2061,F,5,,0,0 -2062,M,7,Ethnicity Recorded in Other Race,-1,4 -2063,M,5,,1,1 -2064,M,5,,0,11 -2065,M,5,,-1,14 -2066,F,5,,0,8 -2067,F,3,,0,0 -2068,M,3,,0,16 -2069,F,6,,1,0 -2070,F,5,,0,4 -2071,M,3,,1,3 -2072,F,5,,0,1 -2073,M,5,,1,4 -2074,F,7,Ethnicity Recorded in Other Race,-1,7 -2075,F,5,,0,14 -2076,M,6,,1,2 -2077,F,5,,0,6 -2078,M,6,,-1,14 -2079,M,3,,0,3 -2080,M,6,,1,13 -2081,M,5,,1,13 -2082,M,3,,0,8 -2083,M,5,,1,4 -2084,F,5,,0,3 -2085,M,3,,0,13 -2086,M,3,,1,3 -2087,M,5,,0,3 -2088,F,5,,0,4 -2089,F,5,,0,11 -2090,M,5,,0,5 -2091,F,3,,1,4 -2092,F,5,,-1,7 -2093,M,3,,0,0 -2094,M,3,,0,6 -2095,F,5,,0,5 -2096,F,2,,1,12 -2097,F,5,,0,7 -2098,M,5,,0,8 -2099,F,2,,1,16 -2100,M,5,,0,13 -2101,M,6,,-1,12 -2102,M,5,,1,13 -2103,M,5,,0,6 -2104,F,7,both Asian and Black or African American,0,8 -2105,M,6,,1,16 -2106,M,5,,1,15 -2107,M,5,,0,17 -2108,M,5,,0,16 -2109,M,3,,1,4 -2110,M,5,,-1,4 -2111,F,3,,1,7 -2112,M,5,,-1,17 -2113,M,7,Middle Eastern,1,14 -2114,M,7,Ethnicity Recorded in Other Race,-1,4 -2115,M,3,,1,4 -2116,M,5,,0,2 -2117,F,3,,1,15 -2118,F,5,,0,13 -2119,M,5,,1,9 -2120,M,5,,0,13 -2121,M,6,,1,6 -2122,M,5,,1,11 -2123,F,3,,0,16 -2124,F,7,speaks English,1,2 -2125,M,3,,0,4 -2126,M,5,,0,15 -2127,M,5,,0,12 -2128,M,5,,-1,6 -2129,M,5,,0,17 -2130,M,6,,1,5 -2131,F,5,,-1,15 -2132,M,5,,-1,13 -2133,F,7,Bangladeshi,0,2 -2134,M,5,,1,6 -2135,M,3,,1,13 -2136,F,5,,0,16 -2137,F,3,,1,12 -2138,M,3,,0,12 -2139,M,3,,0,9 -2140,M,5,,0,14 -2141,F,5,,0,2 -2142,F,5,,0,1 -2143,F,6,,0,5 -2144,M,3,,0,14 -2145,M,7,Ethnicity Recorded in Other Race,-1,4 -2146,M,5,,0,14 -2147,M,5,,0,17 -2148,M,3,,1,4 -2149,F,5,,0,7 -2150,M,5,,1,14 -2151,F,7,Ethnicity Recorded in Other Race,-1,0 -2152,F,5,,1,11 -2153,M,3,,0,4 -2154,M,3,,1,2 -2155,M,2,,0,11 -2156,M,5,,0,15 -2157,M,3,,0,14 -2158,M,5,,0,12 -2159,F,5,,1,16 -2160,F,3,,0,14 -2161,F,5,,-1,8 -2162,F,5,,0,3 -2163,M,6,,1,13 -2164,M,3,,1,7 -2165,M,5,,0,12 -2166,M,3,,0,16 -2167,M,5,,-1,3 -2168,F,6,,-1,3 -2169,F,5,,0,15 -2170,F,5,,0,7 -2171,F,3,,0,11 -2172,M,5,,0,0 -2173,M,5,,0,7 -2174,M,5,,0,15 -2175,F,6,,1,9 -2176,M,5,,0,1 -2177,M,7,Ethnicity Recorded in Other Race,-1,17 -2178,F,3,,0,3 -2179,M,5,,-1,3 -2180,M,5,,0,6 -2181,F,3,,0,1 -2182,F,5,,0,15 -2183,F,6,,0,0 -2184,F,6,,-1,14 -2185,M,3,,0,16 -2186,M,5,,0,14 -2187,F,3,,0,3 -2188,F,5,,1,5 -2189,F,5,,0,15 -2190,M,5,,0,13 -2191,F,5,,-1,6 -2192,F,3,,0,13 -2193,M,5,,1,15 -2194,F,7,Mixed,0,14 -2195,F,5,,0,10 -2196,F,3,,0,14 -2197,F,5,,-1,9 -2198,M,5,,-1,15 -2199,M,6,,1,0 -2200,M,5,,0,2 -2201,F,3,,0,16 -2202,M,3,,0,11 -2203,F,5,,0,4 -2204,F,3,,0,14 -2205,M,5,,0,16 -2206,F,3,,0,3 -2207,M,5,,0,17 -2208,F,5,,1,15 -2209,M,5,,0,9 -2210,M,2,,0,0 -2211,F,5,,-1,0 -2212,M,3,,0,15 -2213,M,5,,0,4 -2214,M,5,,0,16 -2215,F,5,,0,9 -2216,M,5,,1,14 -2217,M,3,,0,12 -2218,F,5,,0,15 -2219,M,5,,1,11 -2220,M,5,,-1,12 -2221,F,3,,0,6 -2222,M,3,,0,3 -2223,M,4,,0,14 -2224,M,5,,0,2 -2225,M,3,,1,12 -2226,M,5,,0,13 -2227,F,5,,0,1 -2228,M,3,,0,8 -2229,M,3,,0,17 -2230,M,5,,1,11 -2231,F,3,,0,10 -2232,M,5,,0,10 -2233,M,5,,0,16 -2234,F,3,,0,17 -2235,M,3,,1,12 -2236,F,3,,0,7 -2237,M,5,,0,15 -2238,F,3,,0,15 -2239,F,5,,1,10 -2240,F,5,,0,10 -2241,F,3,,0,12 -2242,M,5,,-1,17 -2243,F,5,,0,11 -2244,M,5,,0,15 -2245,F,5,,-1,5 -2246,M,5,,0,2 -2247,M,5,,0,9 -2248,M,3,,0,15 -2249,M,3,,0,9 -2250,M,5,,0,17 -2251,M,6,,1,15 -2252,M,3,,0,17 -2253,M,5,,0,10 -2254,M,5,,0,15 -2255,M,3,,0,4 -2256,M,3,,0,6 -2257,M,7,Ethnicity Recorded in Other Race,-1,5 -2258,M,1,,0,17 -2259,F,5,,0,17 -2260,F,3,,0,14 -2261,M,3,,1,16 -2262,F,5,,1,16 -2263,M,5,,0,9 -2264,F,5,,0,17 -2265,M,3,,0,0 -2266,M,7,Samoan,1,0 -2267,F,5,,0,5 -2268,M,6,,1,15 -2269,M,5,,0,9 -2270,M,3,,1,0 -2271,M,3,,0,2 -2272,M,5,,1,9 -2273,F,5,,-1,13 -2274,M,5,,1,13 -2275,M,7,Ethnicity Recorded in Other Race,-1,4 -2276,F,5,,0,13 -2277,M,5,,0,13 -2278,M,2,,1,12 -2279,M,5,,1,5 -2280,F,3,,0,3 -2281,F,5,,0,2 -2282,M,7,Ethnicity Recorded in Other Race,-1,5 -2283,M,5,,-1,9 -2284,F,5,,0,8 -2285,M,5,,1,14 -2286,F,5,,1,3 -2287,M,5,,0,6 -2288,M,5,,0,9 -2289,M,3,,0,15 -2290,M,5,,-1,13 -2291,M,3,,0,16 -2292,F,3,,1,12 -2293,M,3,,1,8 -2294,M,3,,1,16 -2295,M,5,,0,3 -2296,M,7,Ethnicity Recorded in Other Race,-1,11 -2297,M,5,,0,15 -2298,M,5,,1,4 -2299,M,3,,0,7 -2300,F,3,,1,10 -2301,M,3,,1,0 -2302,F,6,,-1,9 -2303,M,3,,0,6 -2304,F,5,,0,13 -2305,F,3,Physician did not answer ethnicity,1,2 -2306,M,3,,0,10 -2307,M,5,,0,3 -2308,M,3,,0,1 -2309,M,3,,0,13 -2310,F,5,,0,15 -2311,M,5,,1,4 -2312,M,3,,1,15 -2313,F,5,,0,14 -2314,M,1,,0,14 -2315,M,3,,0,10 -2316,F,3,,0,5 -2317,F,5,,0,10 -2318,M,5,,-1,13 -2319,F,5,,0,6 -2320,M,3,,0,8 -2321,F,5,,1,16 -2322,F,5,,1,4 -2323,F,5,,0,4 -2324,F,5,,-1,15 -2325,F,3,,1,3 -2326,M,5,,-1,11 -2327,M,3,,1,13 -2328,F,7,Physician di not answer,1,17 -2329,F,5,,0,8 -2330,F,3,,0,14 -2331,M,6,,-1,17 -2332,M,5,,0,2 -2333,M,7,Ethnicity Recorded in Other Race,-1,15 -2334,M,5,,0,4 -2335,M,5,,0,15 -2336,M,3,,0,14 -2337,F,6,,-1,14 -2338,M,5,,0,15 -2339,M,3,,0,14 -2340,F,7,Ethnicity Recorded in Other Race,-1,14 -2341,F,2,,1,8 -2342,F,2,,0,1 -2343,M,5,,1,17 -2344,M,6,,-1,8 -2345,M,5,,1,11 -2346,M,5,,1,4 -2347,M,5,,0,9 -2348,F,5,,1,16 -2349,F,5,,0,1 -2350,F,5,,1,17 -2351,M,3,,1,2 -2352,M,5,,0,13 -2353,M,3,,0,10 -2354,M,5,,0,9 -2355,M,5,,0,13 -2356,F,3,,0,14 -2357,F,5,,0,1 -2358,M,5,,1,8 -2359,M,5,,-1,3 -2360,M,3,,0,12 -2361,M,5,,0,0 -2362,F,5,,0,17 -2363,M,3,,0,0 -2364,M,5,,0,15 -2365,F,5,,0,0 -2366,M,5,,0,5 -2367,M,3,,0,10 -2368,M,5,,-1,17 -2369,M,3,,0,1 -2370,M,3,,1,10 -2371,M,6,,1,0 -2372,M,3,,0,16 -2373,F,3,,1,5 -2374,M,3,,0,15 -2375,M,3,,0,10 -2376,F,3,,1,16 -2377,M,5,,0,17 -2378,M,3,,0,3 -2379,F,6,,1,6 -2380,M,5,,0,8 -2381,M,6,,1,11 -2382,M,5,,0,17 -2383,F,5,,0,16 -2384,M,5,,0,14 -2385,M,5,,1,16 -2386,M,3,,0,4 -2387,F,5,,1,17 -2388,F,3,,0,8 -2389,M,5,,0,12 -2390,M,5,,0,9 -2391,F,5,,1,6 -2392,F,5,,1,16 -2393,M,5,,0,0 -2394,M,3,,0,16 -2395,F,5,,0,17 -2396,M,5,,1,16 -2397,M,5,,1,14 -2398,M,5,,0,14 -2399,F,5,,0,1 -2400,M,7,Ethnicity Recorded in Other Race,-1,5 -2401,M,5,,0,15 -2402,M,5,,0,4 -2403,M,5,,1,16 -2404,M,5,,0,16 -2405,F,5,,0,17 -2406,M,3,,0,14 -2407,M,3,,0,9 -2408,M,3,,1,11 -2409,M,7,Ethnicity Recorded in Other Race,-1,6 -2410,M,3,,1,15 -2411,F,5,,0,3 -2412,M,7,Arabic,0,13 -2413,M,3,,0,11 -2414,M,5,,0,2 -2415,F,3,,0,17 -2416,M,2,,0,11 -2417,M,3,,0,2 -2418,M,5,,0,16 -2419,M,3,,0,0 -2420,F,5,,0,11 -2421,F,5,,-1,3 -2422,F,3,,0,10 -2423,M,5,,1,16 -2424,M,5,,1,11 -2425,M,6,,1,3 -2426,F,3,,0,0 -2427,M,5,,0,16 -2428,M,3,,0,2 -2429,M,3,,0,1 -2430,M,5,,0,5 -2431,F,5,,0,7 -2432,M,5,,0,6 -2433,F,5,,0,15 -2434,M,5,,-1,13 -2435,M,3,,0,7 -2436,M,5,,0,14 -2437,M,7,Ethnicity Recorded in Other Race,-1,3 -2438,M,5,,0,12 -2439,F,5,,0,0 -2440,F,3,,1,0 -2441,M,5,,-1,0 -2442,F,3,,0,2 -2443,M,6,,1,14 -2444,M,3,,0,6 -2445,M,3,,0,10 -2446,M,3,,0,12 -2447,F,3,,1,7 -2448,F,5,,0,17 -2449,M,3,,0,4 -2450,F,3,,0,8 -2451,F,3,,1,8 -2452,M,3,,0,5 -2453,M,5,,-1,13 -2454,F,6,,0,2 -2455,F,6,,1,13 -2456,F,3,,1,17 -2457,F,3,,0,5 -2458,F,5,,0,9 -2459,F,3,,0,14 -2460,M,5,,0,2 -2461,F,5,,0,12 -2462,M,5,,0,10 -2463,F,5,,0,11 -2464,F,5,,0,6 -2465,M,3,,0,8 -2466,M,3,,0,7 -2467,F,5,,0,14 -2468,M,6,,1,17 -2469,F,5,,0,13 -2470,F,5,,0,17 -2471,M,7,Mixed,-1,15 -2472,M,5,,1,6 -2473,M,3,,0,15 -2474,M,5,,1,13 -2475,M,6,,-1,1 -2476,F,2,,0,14 -2477,F,5,,0,17 -2478,M,5,,0,17 -2479,M,5,,0,2 -2480,M,5,,-1,4 -2481,M,3,,0,0 -2482,M,5,,1,17 -2483,M,5,,1,2 -2484,F,7,Ethnicity Recorded in Other Race,-1,17 -2485,M,3,,-1,2 -2486,F,3,,0,2 -2487,M,3,,0,7 -2488,M,5,,0,14 -2489,M,5,,0,14 -2490,M,5,,0,15 -2491,F,5,,0,4 -2492,M,3,,1,12 -2493,M,5,,0,9 -2494,M,5,,1,10 -2495,M,5,,1,3 -2496,M,5,,0,14 -2497,F,3,,1,7 -2498,M,3,,0,16 -2499,F,5,,1,11 -2500,F,5,,0,14 -2501,M,5,,0,14 -2502,M,5,,0,17 -2503,M,5,,0,4 -2504,M,5,,0,15 -2505,M,3,,0,7 -2506,M,3,,0,13 -2507,M,5,,-1,10 -2508,F,5,,1,17 -2509,M,5,,0,12 -2510,F,5,,-1,14 -2511,M,6,,-1,1 -2512,F,3,,0,14 -2513,M,3,,0,14 -2514,F,3,,0,10 -2515,M,5,,1,7 -2516,M,3,,0,17 -2517,M,3,,0,0 -2518,F,3,,0,10 -2519,M,3,,0,15 -2520,F,5,,0,14 -2521,M,3,,0,17 -2522,M,3,,1,14 -2523,F,2,,0,7 -2524,M,5,,0,17 -2525,F,5,,0,11 -2526,M,5,,0,11 -2527,M,5,,-1,10 -2528,F,5,,0,12 -2529,F,5,,0,17 -2530,F,3,,1,1 -2531,M,5,,1,0 -2532,F,3,,0,14 -2533,M,3,,0,1 -2534,M,5,,0,17 -2535,F,7,Indian subcontinent,0,9 -2536,M,5,,0,15 -2537,M,7,Ethnicity Recorded in Other Race,-1,17 -2538,F,5,,1,13 -2539,F,3,,0,0 -2540,M,5,,0,12 -2541,M,5,,0,7 -2542,M,3,,0,7 -2543,M,5,,1,8 -2544,M,3,,1,9 -2545,M,5,,0,9 -2546,F,5,,-1,14 -2547,M,5,,0,17 -2548,M,5,,1,17 -2549,F,3,,0,15 -2550,F,6,,1,0 -2551,M,3,,0,3 -2552,F,5,,-1,15 -2553,M,5,,0,10 -2554,F,3,,1,9 -2555,M,5,,0,14 -2556,M,6,,1,5 -2557,M,3,,0,9 -2558,M,3,,0,7 -2559,M,5,,1,6 -2560,F,3,,0,4 -2561,F,5,,1,13 -2562,F,5,,0,15 -2563,M,3,,1,13 -2564,M,5,,0,10 -2565,M,5,,1,17 -2566,M,5,,0,1 -2567,F,5,,0,6 -2568,M,3,,0,12 -2569,M,5,,-1,4 -2570,F,5,,0,10 -2571,M,6,,-1,5 -2572,M,3,,0,4 -2573,M,3,,0,16 -2574,F,5,,0,16 -2575,F,3,,0,5 -2576,F,5,,0,17 -2577,F,3,,0,2 -2578,M,3,,1,14 -2579,F,3,,0,16 -2580,M,5,,-1,1 -2581,F,5,,0,17 -2582,M,3,,0,12 -2583,M,5,,1,1 -2584,M,5,,1,14 -2585,F,6,,1,9 -2586,F,3,,0,12 -2587,F,6,,-1,1 -2588,F,3,,0,8 -2589,F,5,,-1,3 -2590,F,5,,0,16 -2591,M,5,,0,0 -2592,M,5,,0,14 -2593,F,5,,-1,7 -2594,M,3,,0,0 -2595,F,6,,1,0 -2596,F,5,,0,16 -2597,F,5,,0,0 -2598,M,5,,0,14 -2599,M,5,,0,13 -2600,M,3,,0,7 -2601,M,7,Ethnicity Recorded in Other Race,-1,17 -2602,M,5,,-1,4 -2603,F,6,,1,9 -2604,M,3,,0,10 -2605,F,5,,0,17 -2606,F,5,,0,7 -2607,F,5,,0,0 -2608,M,5,,0,15 -2609,M,3,,0,14 -2610,F,5,,0,16 -2611,M,5,,0,4 -2612,F,3,,0,10 -2613,F,7,Ethnicity Recorded in Other Race,-1,12 -2614,M,5,,0,13 -2615,M,3,,0,11 -2616,M,3,,0,11 -2617,M,3,,0,13 -2618,M,7,Albanian,1,17 -2619,M,6,,1,9 -2620,M,3,,0,0 -2621,M,5,,0,17 -2622,F,5,,0,9 -2623,M,6,,1,17 -2624,M,2,,1,15 -2625,F,3,,0,3 -2626,F,5,,0,13 -2627,F,3,,1,6 -2628,M,3,,0,17 -2629,F,3,,0,10 -2630,M,5,,1,3 -2631,F,5,,-1,4 -2632,M,3,,0,1 -2633,F,6,,1,1 -2634,M,5,,-1,13 -2635,F,5,,0,6 -2636,M,5,,1,11 -2637,F,3,,1,17 -2638,M,3,,0,11 -2639,F,5,,0,10 -2640,M,7,Ethinicity recorded as race,-1,16 -2641,F,5,,0,10 -2642,F,5,,0,10 -2643,M,2,,0,16 -2644,F,7,Hispanic/Philipino,-1,10 -2645,M,3,,0,2 -2646,M,3,,0,15 -2647,F,5,,0,2 -2648,F,3,,-1,15 -2649,F,5,,0,5 -2650,M,3,,0,15 -2651,F,5,,0,15 -2652,M,3,,0,16 -2653,F,3,,0,13 -2654,M,5,,0,15 -2655,M,6,,1,5 -2656,M,5,,0,1 -2657,M,5,,0,2 -2658,M,3,,1,5 -2659,M,5,,0,14 -2660,M,7,Ethnicity Recorded in Other Race,-1,17 -2661,M,3,,0,13 -2662,M,5,,0,11 -2663,M,5,,0,15 -2664,F,3,,0,8 -2665,F,5,,0,4 -2666,M,5,,1,4 -2667,F,3,,0,13 -2668,M,5,,1,2 -2669,M,3,,1,4 -2670,M,3,,-1,11 -2671,F,5,,1,12 -2672,M,5,,-1,10 -2673,M,5,,1,15 -2674,F,3,,0,7 -2675,M,5,,0,15 -2676,F,3,,0,12 -2677,M,5,,0,16 -2678,F,3,,0,11 -2679,F,3,,0,10 -2680,F,5,,0,9 -2681,M,5,,0,1 -2682,M,3,,0,10 -2683,M,5,,1,6 -2684,M,5,,0,17 -2685,F,5,,1,16 -2686,M,3,,0,17 -2687,M,5,,0,1 -2688,M,7,Ethnicity Recorded in Other Race,-1,16 -2689,F,2,,0,2 -2690,M,3,,0,4 -2691,F,6,,-1,9 -2692,F,3,,1,8 -2693,F,5,,0,3 -2694,F,7,Ethnicity Recorded in Other Race,-1,16 -2695,M,3,,0,2 -2696,M,5,,0,14 -2697,F,6,,1,16 -2698,F,5,,0,7 -2699,F,5,,0,5 -2700,M,3,,0,1 -2701,F,3,,0,17 -2702,F,2,,1,11 -2703,M,5,,0,1 -2704,M,5,,1,2 -2705,M,3,,0,0 -2706,M,6,,1,0 -2707,M,5,,0,15 -2708,F,3,,0,14 -2709,M,5,,0,15 -2710,F,5,,0,17 -2711,M,5,,0,9 -2712,M,3,,0,7 -2713,M,5,,0,12 -2714,M,5,,0,9 -2715,M,5,,1,11 -2716,F,7,Ethnicity Recorded in Other Race,-1,6 -2717,F,5,,0,0 -2718,M,3,,0,14 -2719,F,5,,0,8 -2720,M,5,,0,1 -2721,F,5,,1,12 -2722,F,1,,0,14 -2723,F,5,,0,17 -2724,M,5,,0,2 -2725,F,5,,0,3 -2726,F,3,,1,16 -2727,M,5,,0,13 -2728,M,5,,0,11 -2729,M,5,,-1,13 -2730,F,2,,0,3 -2731,M,5,,1,14 -2732,F,7,Ethnicity Recorded in Other Race,-1,14 -2733,M,5,,0,3 -2734,M,3,,0,12 -2735,F,3,,0,12 -2736,M,6,,1,16 -2737,F,3,,1,13 -2738,F,5,,0,10 -2739,F,6,,1,6 -2740,F,5,,1,2 -2741,F,5,,0,14 -2742,M,5,,0,3 -2743,M,3,,0,14 -2744,M,5,,1,16 -2745,M,5,,0,1 -2746,M,5,,0,2 -2747,F,5,,0,2 -2748,F,5,,0,15 -2749,M,5,,-1,14 -2750,M,5,,1,14 -2751,F,5,,1,14 -2752,F,5,,0,11 -2753,M,5,,0,17 -2754,M,7,Ethnicity Recorded in Other Race,-1,17 -2755,F,5,,0,3 -2756,M,6,,1,6 -2757,M,5,,1,6 -2758,M,3,,0,16 -2759,M,5,,1,12 -2760,F,3,,1,16 -2761,M,3,,0,17 -2762,M,5,,-1,5 -2763,M,5,,0,0 -2764,M,5,,0,8 -2765,M,5,,0,14 -2766,F,5,,1,15 -2767,F,3,,0,4 -2768,F,6,,1,12 -2769,M,5,,0,12 -2770,M,6,,1,10 -2771,F,3,,0,7 -2772,F,3,,-1,14 -2773,F,5,,0,14 -2774,F,6,,1,12 -2775,M,5,,1,11 -2776,M,3,,0,12 -2777,F,3,,0,8 -2778,M,5,,-1,12 -2779,F,5,,1,9 -2780,M,5,,0,12 -2781,M,3,,0,2 -2782,M,5,,0,15 -2783,F,5,,0,7 -2784,F,3,,1,17 -2785,M,5,,0,15 -2786,M,5,,0,10 -2787,M,5,,-1,4 -2788,M,2,,0,12 -2789,F,3,,0,16 -2790,F,3,,0,6 -2791,M,3,,0,15 -2792,M,6,,1,14 -2793,M,5,,0,1 -2794,F,3,,0,17 -2795,M,5,,1,2 -2796,M,5,,-1,4 -2797,M,3,,0,10 -2798,M,3,,0,6 -2799,M,5,,1,2 -2800,M,5,,0,13 -2801,F,3,,1,14 -2802,F,3,,0,15 -2803,M,7,Middle Eastern,0,4 -2804,F,3,,0,3 -2805,F,3,,0,6 -2806,F,5,,0,6 -2807,M,5,,1,13 -2808,M,3,,1,8 -2809,M,3,,0,6 -2810,F,5,,0,15 -2811,M,5,,0,2 -2812,M,5,,0,8 -2813,F,6,,1,17 -2814,M,5,,0,13 -2815,F,5,,0,11 -2816,M,3,,0,12 -2817,F,3,,1,3 -2818,M,5,,1,6 -2819,M,5,,-1,4 -2820,F,5,,0,16 -2821,M,3,,0,16 -2822,F,6,,1,1 -2823,M,5,,1,15 -2824,M,5,,0,13 -2825,F,5,,-1,17 -2826,M,5,,0,7 -2827,M,3,,0,16 -2828,F,5,,-1,3 -2829,M,5,,0,10 -2830,F,5,,0,11 -2831,F,5,,0,3 -2832,M,5,,0,10 -2833,F,6,,1,15 -2834,M,3,,0,14 -2835,M,6,,-1,4 -2836,M,5,,0,16 -2837,F,6,,1,4 -2838,F,5,,0,11 -2839,F,3,,0,2 -2840,M,5,,1,16 -2841,M,2,,0,14 -2842,F,3,,0,12 -2843,M,5,,1,14 -2844,M,3,,1,12 -2845,M,5,,0,2 -2846,M,3,,0,16 -2847,M,3,,0,10 -2848,M,5,,0,10 -2849,M,5,,0,8 -2850,M,5,,0,15 -2851,M,3,,0,7 -2852,F,5,,0,17 -2853,M,3,,0,9 -2854,F,3,,1,14 -2855,M,3,,1,3 -2856,M,5,,1,1 -2857,M,5,,1,13 -2858,M,3,,1,1 -2859,M,5,,1,0 -2860,M,5,,0,8 -2861,M,5,,0,11 -2862,M,5,,1,3 -2863,M,3,,1,16 -2864,M,5,,0,14 -2865,M,3,,0,15 -2866,F,3,,0,8 -2867,M,3,,0,1 -2868,M,5,,0,3 -2869,F,5,,0,14 -2870,M,5,,0,1 -2871,M,3,,1,16 -2872,F,6,,1,1 -2873,F,3,,-1,15 -2874,M,5,,0,14 -2875,M,3,,0,10 -2876,F,5,,0,0 -2877,M,5,,-1,17 -2878,F,3,,0,17 -2879,M,6,,1,15 -2880,M,3,,0,12 -2881,F,5,,0,16 -2882,F,5,,0,10 -2883,F,5,,1,17 -2884,M,5,,0,16 -2885,M,5,,0,9 -2886,F,5,,-1,4 -2887,M,5,,0,5 -2888,F,2,,1,4 -2889,F,3,,1,9 -2890,M,5,,0,9 -2891,F,3,,0,8 -2892,M,5,,1,10 -2893,F,5,,0,12 -2894,M,1,,0,16 -2895,M,5,,0,17 -2896,M,5,,0,12 -2897,F,5,,1,6 -2898,F,3,,0,9 -2899,F,5,,0,9 -2900,M,3,,1,9 -2901,M,2,,0,7 -2902,F,3,,0,12 -2903,F,3,,0,16 -2904,M,5,,0,5 -2905,M,5,,0,11 -2906,M,5,,0,0 -2907,M,5,,0,15 -2908,F,3,,0,17 -2909,M,5,,0,15 -2910,F,5,,0,16 -2911,F,3,,0,11 -2912,M,3,,1,4 -2913,F,3,,0,16 -2914,M,5,,0,13 -2915,M,5,,0,11 -2916,F,5,,0,0 -2917,M,6,,1,12 -2918,M,3,,0,16 -2919,M,5,,0,12 -2920,M,3,,0,6 -2921,F,3,,0,16 -2922,M,3,,0,13 -2923,M,3,,0,12 -2924,F,6,,-1,12 -2925,M,3,,0,14 -2926,M,5,,0,16 -2927,F,3,,0,1 -2928,M,3,,0,14 -2929,M,5,,0,12 -2930,M,5,,0,0 -2931,M,3,,0,1 -2932,F,5,,0,17 -2933,F,3,,0,17 -2934,F,5,,-1,17 -2935,M,5,,1,1 -2936,M,5,,0,8 -2937,M,3,,0,11 -2938,F,3,,1,17 -2939,F,5,,0,2 -2940,M,5,,0,17 -2941,M,3,,0,13 -2942,F,5,,1,6 -2943,M,3,,0,13 -2944,M,6,,1,1 -2945,M,3,,0,9 -2946,M,3,,0,10 -2947,F,5,,0,16 -2948,F,3,,0,5 -2949,M,3,,0,6 -2950,F,5,,0,3 -2951,M,5,,1,10 -2952,M,3,,0,17 -2953,F,5,,0,1 -2954,M,5,,-1,5 -2955,F,3,,0,2 -2956,F,3,,0,2 -2957,F,5,,1,16 -2958,F,5,,0,3 -2959,F,5,,1,7 -2960,M,5,,1,5 -2961,F,6,,1,17 -2962,F,5,,0,4 -2963,M,3,,0,11 -2964,M,5,,0,11 -2965,F,5,,0,15 -2966,F,5,,1,16 -2967,M,5,,-1,16 -2968,F,3,,1,17 -2969,M,3,,0,14 -2970,F,3,,0,10 -2971,M,3,,0,15 -2972,M,6,,1,17 -2973,F,5,,0,7 -2974,M,6,,1,8 -2975,M,5,,0,13 -2976,M,5,,0,9 -2977,M,5,,1,17 -2978,F,5,,0,0 -2979,F,6,,-1,2 -2980,F,3,,0,0 -2981,F,2,,0,9 -2982,F,3,,0,7 -2983,M,5,,0,7 -2984,M,4,,-1,14 -2985,M,3,,0,5 -2986,M,5,,0,17 -2987,F,3,,1,10 -2988,F,6,,1,17 -2989,F,7,Ethnicity Recorded in Other Race,-1,14 -2990,M,3,,0,16 -2991,M,5,,0,12 -2992,F,2,,1,12 -2993,M,7,Ethnicity Recorded in Other Race,-1,3 -2994,M,5,,0,14 -2995,F,3,,0,13 -2996,M,5,,0,9 -2997,M,5,,0,16 -2998,F,5,,0,10 -2999,F,5,,0,2 -3000,M,6,,-1,2 -3001,M,5,,0,5 -3002,M,5,,0,9 -3003,M,5,,0,8 -3004,F,3,,0,16 -3005,F,5,,1,8 -3006,M,2,,0,0 -3007,M,5,,0,17 -3008,M,5,,1,17 -3009,M,5,,0,9 -3010,M,3,,0,15 -3011,F,3,,0,9 -3012,F,6,,1,9 -3013,F,5,,0,17 -3014,M,5,,1,12 -3015,M,5,,1,17 -3016,M,5,,0,0 -3017,M,5,,0,14 -3018,M,3,,0,1 -3019,M,5,not documented,1,13 -3020,M,5,,1,10 -3021,F,7,Ethnicity Recorded in Other Race,-1,6 -3022,M,5,,1,6 -3023,F,3,,0,12 -3024,M,5,,1,17 -3025,M,5,,-1,7 -3026,F,5,,0,6 -3027,M,5,,-1,16 -3028,M,5,,0,12 -3029,F,5,,0,15 -3030,M,5,,0,12 -3031,F,5,,0,10 -3032,M,5,,1,10 -3033,M,6,,-1,13 -3034,F,5,,0,6 -3035,F,3,,0,11 -3036,M,5,,0,15 -3037,M,6,,1,2 -3038,M,5,,0,4 -3039,M,5,,0,2 -3040,M,3,,0,13 -3041,F,3,,0,15 -3042,M,5,,0,14 -3043,M,5,,0,15 -3044,M,5,,0,15 -3045,M,5,,0,7 -3046,F,3,,1,1 -3047,M,4,,0,17 -3048,F,3,,0,9 -3049,F,5,,0,13 -3050,M,3,,0,1 -3051,M,6,,-1,13 -3052,M,3,,0,1 -3053,M,5,,-1,16 -3054,F,5,,0,13 -3055,M,5,,1,15 -3056,F,5,,1,6 -3057,M,5,,0,17 -3058,M,5,,0,4 -3059,F,5,,0,9 -3060,F,6,,1,12 -3061,M,5,,0,11 -3062,F,3,,1,0 -3063,M,5,,0,11 -3064,F,5,,0,10 -3065,F,6,,-1,2 -3066,M,5,,1,13 -3067,M,3,,0,4 -3068,F,5,,0,13 -3069,M,5,,-1,14 -3070,F,5,,1,3 -3071,F,5,,0,6 -3072,F,3,,0,12 -3073,M,3,,0,15 -3074,F,5,,0,17 -3075,F,5,,0,16 -3076,M,6,,1,16 -3077,M,5,,0,17 -3078,M,6,,-1,16 -3079,M,3,,0,15 -3080,M,7,Ethnicity Recorded in Other Race,-1,9 -3081,M,5,,0,7 -3082,F,5,,-1,14 -3083,M,6,,1,7 -3084,M,7,Mixed,-1,16 -3085,F,6,,0,4 -3086,M,3,,0,10 -3087,M,5,,0,16 -3088,M,5,,0,14 -3089,M,3,,1,5 -3090,M,5,,0,11 -3091,M,5,physician did not answer ethnicity question,1,14 -3092,F,5,,-1,11 -3093,F,5,,0,14 -3094,F,3,,0,15 -3095,F,5,,0,0 -3096,F,5,,-1,0 -3097,M,5,,0,6 -3098,F,5,,0,0 -3099,M,3,,0,9 -3100,M,5,,0,17 -3101,F,1,,1,12 -3102,M,5,,0,11 -3103,F,5,,0,10 -3104,M,5,,0,12 -3105,M,5,,0,16 -3106,M,3,,0,8 -3107,M,5,,-1,8 -3108,F,3,,1,4 -3109,M,3,,0,16 -3110,F,3,,0,15 -3111,M,2,,0,15 -3112,F,5,,0,14 -3113,M,3,,0,2 -3114,M,3,,0,16 -3115,F,6,,0,0 -3116,M,5,,0,11 -3117,M,3,,0,16 -3118,M,3,,0,17 -3119,M,3,,0,13 -3120,M,5,,0,14 -3121,M,3,,0,15 -3122,M,5,,0,16 -3123,F,5,,1,0 -3124,M,5,,0,6 -3125,M,5,,0,16 -3126,M,3,,0,3 -3127,F,6,,1,0 -3128,M,2,,0,8 -3129,M,5,,0,17 -3130,M,5,,0,17 -3131,F,3,,0,14 -3132,F,5,,0,11 -3133,F,3,,0,17 -3134,M,1,,0,11 -3135,F,7,Physcian did not answer,-1,15 -3136,M,6,,-1,11 -3137,M,5,,0,8 -3138,F,5,,-1,14 -3139,M,3,,1,17 -3140,M,7,Ethnicity Recorded in Other Race,-1,5 -3141,M,3,,0,1 -3142,M,3,,0,12 -3143,M,3,,0,11 -3144,M,3,,1,17 -3145,M,5,,1,10 -3146,M,6,,-1,15 -3147,M,5,,-1,12 -3148,F,5,,0,10 -3149,M,5,,0,5 -3150,M,3,,0,17 -3151,M,5,,0,4 -3152,F,5,,0,17 -3153,M,5,,0,15 -3154,M,3,,0,7 -3155,M,6,,1,1 -3156,F,5,,0,13 -3157,F,3,,0,1 -3158,F,3,,1,5 -3159,M,5,,1,3 -3160,F,3,,0,1 -3161,M,5,,0,14 -3162,M,5,,0,8 -3163,F,3,,0,14 -3164,F,6,,1,17 -3165,M,5,,1,9 -3166,M,3,,0,1 -3167,F,3,,1,4 -3168,F,3,,0,15 -3169,F,6,,1,0 -3170,F,5,,0,0 -3171,F,5,,0,16 -3172,M,5,,0,8 -3173,F,5,,1,0 -3174,F,3,,0,9 -3175,F,5,,0,12 -3176,F,3,,0,17 -3177,F,5,,0,15 -3178,F,5,,0,14 -3179,M,5,,0,6 -3180,M,5,,0,17 -3181,M,3,,1,9 -3182,M,3,,1,6 -3183,M,5,,0,0 -3184,M,5,,0,1 -3185,F,5,,0,13 -3186,F,5,,1,16 -3187,M,5,,0,9 -3188,M,5,,0,5 -3189,F,5,,1,17 -3190,M,5,,0,16 -3191,F,3,,1,2 -3192,M,3,,0,2 -3193,M,3,,0,17 -3194,M,7,Ethnicity Recorded in Other Race,-1,14 -3195,M,5,,0,17 -3196,M,2,,0,10 -3197,M,5,,0,2 -3198,M,3,,1,7 -3199,F,3,,1,10 -3200,M,7,Ethnicity Recorded in Other Race,-1,17 -3201,M,5,,0,7 -3202,M,1,,0,3 -3203,M,7,Ethnicity Recorded in Other Race,-1,9 -3204,M,5,,0,0 -3205,M,6,,0,5 -3206,M,5,,0,16 -3207,F,3,,0,10 -3208,M,6,,-1,2 -3209,M,6,,-1,3 -3210,M,5,,1,15 -3211,M,5,,0,16 -3212,F,5,,0,0 -3213,F,5,,1,7 -3214,F,5,,1,4 -3215,F,5,,0,11 -3216,M,6,,1,11 -3217,M,6,,1,8 -3218,M,5,,0,16 -3219,F,6,,1,13 -3220,M,5,,1,12 -3221,F,5,,0,8 -3222,M,5,,0,7 -3223,M,5,,1,6 -3224,M,5,,-1,17 -3225,M,6,,1,2 -3226,M,5,,1,16 -3227,F,5,,1,17 -3228,F,3,,1,2 -3229,F,3,,0,17 -3230,M,5,,0,9 -3231,M,5,,-1,17 -3232,F,5,,1,17 -3233,M,5,,1,12 -3234,M,3,,0,9 -3235,M,3,,0,6 -3236,F,5,,1,1 -3237,M,3,,0,9 -3238,M,3,,0,3 -3239,F,7,Indian (Asian Indian),0,15 -3240,M,3,,0,1 -3241,F,5,,0,8 -3242,M,5,,0,17 -3243,M,5,,0,7 -3244,F,5,,1,12 -3245,M,4,,0,17 -3246,F,5,,0,16 -3247,M,5,,0,2 -3248,M,5,,1,8 -3249,M,3,,1,0 -3250,M,5,,0,9 -3251,M,5,,0,16 -3252,F,7,Ethnicity Recorded in Other Race,-1,1 -3253,M,5,,0,10 -3254,M,3,,0,12 -3255,F,7,Lauhon,0,12 -3256,F,5,,0,0 -3257,F,5,,0,17 -3258,M,6,,1,13 -3259,M,5,,1,15 -3260,M,5,,1,14 -3261,M,5,,0,2 -3262,F,5,,1,7 -3263,F,5,,0,17 -3264,M,5,,1,9 -3265,M,5,,-1,4 -3266,M,3,,0,10 -3267,F,7,Mixed,-1,0 -3268,M,3,,1,17 -3269,F,5,,0,15 -3270,M,5,,1,5 -3271,M,5,,0,11 -3272,M,5,,0,3 -3273,F,7,Ethnicity Recorded in Other Race,-1,9 -3274,M,5,,0,12 -3275,M,5,,0,16 -3276,F,5,,-1,1 -3277,F,6,,1,17 -3278,M,3,,0,13 -3279,M,5,,-1,17 -3280,M,3,,0,9 -3281,F,3,,0,5 -3282,F,5,,-1,6 -3283,M,6,,-1,5 -3284,F,5,,0,13 -3285,M,5,,0,7 -3286,M,5,,0,17 -3287,F,3,,0,14 -3288,F,5,,0,10 -3289,F,3,,0,14 -3290,F,5,,0,9 -3291,F,3,,0,10 -3292,M,5,,0,0 -3293,M,5,Ethnicity Recorded in Other Race,-1,11 -3294,M,5,,-1,11 -3295,M,6,,1,13 -3296,F,5,,0,13 -3297,M,5,,0,10 -3298,M,3,,0,13 -3299,M,5,,0,4 -3300,F,2,,0,8 -3301,M,5,,0,1 -3302,M,3,,0,4 -3303,M,1,,0,10 -3304,M,5,,0,4 -3305,M,3,,1,14 -3306,M,5,,1,4 -3307,F,5,,0,15 -3308,F,5,,0,6 -3309,M,3,,1,1 -3310,F,5,,-1,4 -3311,F,3,,0,10 -3312,F,5,,0,6 -3313,F,3,,0,13 -3314,M,5,,0,17 -3315,M,5,,0,16 -3316,M,7,Ethnicity Recorded in Other Race,-1,10 -3317,M,3,,0,5 -3318,F,5,,0,5 -3319,M,5,,0,17 -3320,M,5,,0,10 -3321,M,7,Ethnicity Recorded in Other Race,-1,0 -3322,F,5,,1,4 -3323,F,5,,0,17 -3324,F,3,Physician did not answer ethnicity,1,12 -3325,F,3,,1,16 -3326,M,5,,0,11 -3327,F,3,,0,2 -3328,M,5,,-1,15 -3329,F,3,,0,4 -3330,M,5,,0,16 -3331,F,5,,0,16 -3332,F,5,,0,11 -3333,F,5,,1,17 -3334,M,5,,0,3 -3335,M,6,,1,12 -3336,M,5,,0,14 -3337,F,5,,0,15 -3338,M,3,,1,17 -3339,M,2,,0,5 -3340,F,3,,1,6 -3341,M,3,,0,7 -3342,M,5,,0,5 -3343,M,3,,0,16 -3344,M,6,,-1,13 -3345,F,5,,0,4 -3346,F,6,,1,5 -3347,M,5,,0,12 -3348,F,2,,1,17 -3349,M,3,,1,16 -3350,M,3,,0,10 -3351,F,5,,0,14 -3352,F,3,,1,11 -3353,F,5,,1,13 -3354,M,3,,0,16 -3355,M,3,,0,0 -3356,M,3,,0,8 -3357,M,3,,0,14 -3358,M,3,,0,0 -3359,M,5,,0,13 -3360,M,7,Arabic,0,14 -3361,F,6,,-1,9 -3362,F,5,,1,11 -3363,M,5,,0,8 -3364,F,5,,0,10 -3365,M,5,,0,16 -3366,F,3,,0,15 -3367,M,3,,1,12 -3368,M,3,,0,17 -3369,F,3,,0,8 -3370,M,5,,0,4 -3371,M,1,,0,16 -3372,M,5,,0,17 -3373,M,5,,0,15 -3374,F,5,,0,15 -3375,F,3,,1,13 -3376,M,3,,0,8 -3377,M,3,,0,12 -3378,F,5,,0,8 -3379,M,3,,0,10 -3380,M,5,,-1,13 -3381,F,3,,0,1 -3382,M,5,,0,16 -3383,M,3,,0,17 -3384,F,5,,0,8 -3385,M,3,,1,17 -3386,F,3,,0,17 -3387,M,5,,0,13 -3388,M,5,,0,12 -3389,F,3,,0,7 -3390,M,3,,0,9 -3391,M,5,,0,8 -3392,M,5,,0,12 -3393,M,3,,0,8 -3394,M,5,,1,2 -3395,F,6,,1,3 -3396,M,3,,1,3 -3397,F,3,,0,1 -3398,M,5,,0,2 -3399,M,3,,1,10 -3400,M,6,,1,6 -3401,F,3,,1,15 -3402,M,3,,1,13 -3403,F,7,Ethnicity Recorded in Other Race,-1,13 -3404,M,5,,0,11 -3405,M,3,,1,8 -3406,F,5,,-1,15 -3407,M,5,,0,16 -3408,M,5,,1,4 -3409,M,3,,0,14 -3410,M,5,,1,12 -3411,M,3,,0,9 -3412,F,5,,1,15 -3413,F,5,,-1,2 -3414,F,6,,-1,0 -3415,M,5,,0,4 -3416,M,3,,1,17 -3417,F,6,,-1,0 -3418,M,5,,1,13 -3419,M,3,,1,16 -3420,F,5,,0,17 -3421,M,5,,1,11 -3422,M,5,,0,11 -3423,F,3,,0,16 -3424,M,3,,1,0 -3425,M,5,,0,8 -3426,M,3,,1,11 -3427,M,3,,0,7 -3428,M,5,,0,15 -3429,M,5,,-1,11 -3430,F,5,,0,10 -3431,M,3,,0,15 -3432,F,5,,0,13 -3433,M,5,,0,6 -3434,M,5,,0,13 -3435,M,5,,0,13 -3436,F,6,,1,8 -3437,M,5,,0,2 -3438,F,3,,0,11 -3439,M,5,,0,17 -3440,F,5,,0,13 -3441,M,3,,0,14 -3442,M,5,,0,16 -3443,M,5,,0,12 -3444,F,5,,0,16 -3445,M,3,,0,16 -3446,F,3,,0,8 -3447,M,5,,0,10 -3448,M,5,,0,5 -3449,F,5,,0,17 -3450,F,3,,0,14 -3451,M,3,,1,2 -3452,M,6,,1,3 -3453,M,7,Arabic,0,16 -3454,M,5,,1,8 -3455,M,7,Ethnicity Recorded in Other Race,-1,13 -3456,F,6,,1,0 -3457,F,5,,0,11 -3458,M,3,,0,11 -3459,M,5,,1,4 -3460,F,3,,0,15 -3461,M,3,,0,13 -3462,M,5,,1,16 -3463,M,3,,0,7 -3464,F,2,,1,1 -3465,M,5,,0,16 -3466,F,5,,1,12 -3467,F,3,,0,7 -3468,M,5,,0,6 -3469,M,5,,-1,14 -3470,M,5,,1,8 -3471,F,5,,-1,16 -3472,M,1,,0,4 -3473,F,5,,-1,6 -3474,F,5,,1,7 -3475,M,5,,0,2 -3476,F,5,,0,14 -3477,F,7,Puerto Rican,-1,6 -3478,M,1,,1,8 -3479,M,3,,0,16 -3480,M,6,,0,15 -3481,M,5,,0,9 -3482,M,3,,0,15 -3483,F,3,,1,13 -3484,M,5,,0,5 -3485,M,3,,0,5 -3486,M,5,,0,17 -3487,F,6,,1,14 -3488,F,3,,0,4 -3489,F,2,,0,17 -3490,M,7,arabic,0,5 -3491,M,5,,0,13 -3492,F,5,,0,1 -3493,M,3,,0,1 -3494,F,5,,0,0 -3495,M,5,,0,1 -3496,M,3,,1,17 -3497,M,6,,1,14 -3498,M,7,Ethnicity Recorded in Other Race,-1,12 -3499,M,7,Ethnicity Recorded in Other Race,-1,12 -3500,M,5,,0,17 -3501,M,5,,0,14 -3502,M,5,,0,9 -3503,M,3,,-1,1 -3504,F,5,,1,15 -3505,F,5,,1,10 -3506,M,5,,0,6 -3507,M,5,,0,3 -3508,M,5,,0,12 -3509,M,3,,1,15 -3510,M,5,,1,14 -3511,M,3,,0,10 -3512,F,3,,0,0 -3513,M,5,,0,14 -3514,M,3,,0,2 -3515,M,5,,0,7 -3516,F,3,,1,13 -3517,M,5,,1,1 -3518,M,5,,-1,15 -3519,F,5,,1,11 -3520,M,3,,0,14 -3521,M,5,,1,15 -3522,M,5,,0,13 -3523,M,5,,-1,3 -3524,M,5,,1,11 -3525,M,5,,1,0 -3526,M,6,,1,0 -3527,F,3,,-1,17 -3528,M,5,,0,12 -3529,M,3,,0,4 -3530,F,5,,0,10 -3531,M,5,,0,0 -3532,M,5,,0,11 -3533,M,6,,1,9 -3534,M,3,,0,8 -3535,M,5,,-1,6 -3536,M,5,,0,8 -3537,M,5,,1,14 -3538,M,3,,0,7 -3539,M,3,,0,17 -3540,M,5,,0,10 -3541,M,7,Ethnicity Recorded in Other Race,-1,16 -3542,F,6,,1,9 -3543,M,3,,0,2 -3544,M,3,,0,13 -3545,F,3,,0,8 -3546,M,7,Ethnicity Recorded in Other Race,-1,3 -3547,F,3,,0,6 -3548,F,3,,0,14 -3549,M,5,,0,7 -3550,M,5,,1,5 -3551,M,5,,0,4 -3552,F,3,,0,6 -3553,F,5,,0,0 -3554,F,6,,1,12 -3555,M,5,,1,13 -3556,M,7,Physician Did Not Answer Race and Ethinicity,1,3 -3557,M,5,,0,15 -3558,M,5,,0,5 -3559,M,5,,0,2 -3560,F,3,,0,5 -3561,M,3,,0,4 -3562,F,5,,0,14 -3563,M,1,,0,4 -3564,F,3,,1,2 -3565,F,3,,0,17 -3566,F,5,,0,13 -3567,F,5,,0,16 -3568,F,5,,0,4 -3569,M,5,,0,16 -3570,M,3,,0,8 -3571,M,5,,1,16 -3572,F,5,,0,17 -3573,M,5,,-1,17 -3574,M,3,,0,1 -3575,F,7,multiracial,1,7 -3576,F,5,,0,13 -3577,F,3,,0,2 -3578,F,3,,0,11 -3579,F,3,,0,9 -3580,M,5,,0,11 -3581,F,5,,0,2 -3582,M,5,,0,10 -3583,M,3,,0,14 -3584,M,3,,0,4 -3585,M,5,,1,14 -3586,F,3,,0,11 -3587,M,5,,0,17 -3588,M,7,Mixed,0,17 -3589,F,5,,1,17 -3590,M,5,,0,15 -3591,F,4,,0,17 -3592,M,3,,0,0 -3593,M,3,,0,1 -3594,F,5,,0,17 -3595,M,3,,0,2 -3596,M,1,,0,3 -3597,M,5,,1,9 -3598,M,3,,1,11 -3599,M,5,,1,12 -3600,F,5,,0,7 -3601,M,5,,0,15 -3602,F,3,,1,7 -3603,M,4,,0,12 -3604,F,5,,-1,7 -3605,M,5,,-1,4 -3606,M,5,,0,7 -3607,M,5,,0,1 -3608,M,3,,0,2 -3609,F,5,,0,17 -3610,M,5,,1,15 -3611,M,5,,1,16 -3612,M,3,,0,17 -3613,F,7,African American and White,0,15 -3614,M,5,,0,12 -3615,M,5,,0,10 -3616,M,5,,0,15 -3617,M,3,,1,14 -3618,F,5,,0,16 -3619,F,6,,1,9 -3620,M,3,,0,17 -3621,F,5,,0,7 -3622,M,5,,0,10 -3623,M,5,,1,17 -3624,M,6,,-1,13 -3625,M,7,Ethnicity Recorded in Other Race,-1,8 -3626,M,3,,0,1 -3627,F,5,,1,11 -3628,F,3,,1,13 -3629,M,5,,0,12 -3630,F,5,,0,15 -3631,F,5,,-1,1 -3632,M,5,,-1,1 -3633,F,5,,1,12 -3634,M,5,,-1,15 -3635,M,6,,1,13 -3636,M,3,,0,10 -3637,F,5,,0,10 -3638,M,3,,1,12 -3639,F,5,,0,11 -3640,F,6,,-1,15 -3641,F,5,,0,14 -3642,M,5,,1,16 -3643,M,7,Ethnicity Recorded in Other Race,-1,3 -3644,F,5,,1,6 -3645,F,5,,0,15 -3646,M,3,,1,3 -3647,M,3,,0,16 -3648,F,3,,0,9 -3649,F,5,,0,17 -3650,M,5,,0,1 -3651,M,5,,1,14 -3652,F,5,,1,10 -3653,M,5,,0,11 -3654,M,5,,0,11 -3655,M,3,,0,15 -3656,F,3,,0,8 -3657,M,5,,0,8 -3658,F,5,,0,13 -3659,M,5,,1,9 -3660,F,6,,-1,8 -3661,F,5,,0,11 -3662,M,3,,0,12 -3663,M,3,,0,10 -3664,M,3,,0,14 -3665,F,5,,0,15 -3666,F,3,,0,13 -3667,F,6,,1,10 -3668,M,5,,1,10 -3669,F,5,,0,16 -3670,F,3,,0,14 -3671,M,5,,0,0 -3672,M,3,,0,8 -3673,M,3,,0,13 -3674,M,3,,0,12 -3675,F,5,,0,2 -3676,M,3,,1,12 -3677,M,5,,0,2 -3678,M,3,,0,3 -3679,F,5,,0,11 -3680,F,3,,0,6 -3681,F,5,,-1,14 -3682,M,5,,0,13 -3683,F,5,,0,2 -3684,F,3,,0,17 -3685,F,5,,0,1 -3686,M,5,,0,5 -3687,M,5,,0,10 -3688,M,6,,-1,14 -3689,M,5,,0,0 -3690,M,5,,1,10 -3691,M,7,Ethnicity Recorded in Other Race,-1,7 -3692,F,3,,0,3 -3693,F,5,,0,15 -3694,F,3,,1,11 -3695,F,5,,1,8 -3696,M,5,,0,16 -3697,M,3,,1,17 -3698,M,3,,1,7 -3699,F,7,Arabic,0,1 -3700,F,5,,1,8 -3701,M,5,,0,10 -3702,F,3,,0,13 -3703,F,3,,1,15 -3704,F,5,,0,7 -3705,M,3,,1,11 -3706,M,5,,1,7 -3707,M,5,,0,16 -3708,F,3,,0,12 -3709,M,7,Ethnicity Recorded in Other Race,-1,3 -3710,M,5,,0,2 -3711,M,5,,1,13 -3712,F,5,,1,9 -3713,M,5,,0,12 -3714,M,2,,1,16 -3715,M,3,,0,0 -3716,M,5,,1,11 -3717,M,3,,1,7 -3718,M,5,,1,17 -3719,F,5,,0,16 -3720,F,5,,0,1 -3721,F,2,,0,17 -3722,F,5,,0,16 -3723,M,5,,1,6 -3724,F,6,,1,14 -3725,F,5,,0,16 -3726,F,5,,1,14 -3727,F,3,,1,6 -3728,F,5,,1,6 -3729,M,3,,0,17 -3730,M,5,,0,17 -3731,M,3,,0,8 -3732,M,6,,0,17 -3733,M,6,,1,9 -3734,F,3,,0,14 -3735,F,6,,-1,3 -3736,M,3,,0,0 -3737,F,3,,1,15 -3738,M,5,,1,6 -3739,M,5,,0,8 -3740,M,5,,0,17 -3741,M,6,,1,16 -3742,F,5,,0,6 -3743,M,3,,0,14 -3744,M,5,,0,13 -3745,M,5,,-1,14 -3746,F,5,,1,2 -3747,M,5,,-1,4 -3748,M,3,,1,13 -3749,M,3,,0,11 -3750,M,5,,-1,7 -3751,F,5,,0,17 -3752,M,5,,0,12 -3753,F,3,,0,16 -3754,M,5,,-1,6 -3755,M,3,,0,1 -3756,F,5,,0,17 -3757,F,3,,0,12 -3758,F,5,n,0,9 -3759,F,3,,0,13 -3760,M,3,,0,5 -3761,M,6,,1,4 -3762,M,5,,0,5 -3763,M,7,African American and White,1,10 -3764,M,3,,0,11 -3765,M,3,,0,15 -3766,F,3,,0,15 -3767,M,5,,0,0 -3768,M,3,,0,14 -3769,F,3,,0,14 -3770,M,5,,0,17 -3771,F,5,,0,11 -3772,F,2,,0,6 -3773,M,3,,-1,16 -3774,M,5,,0,13 -3775,M,3,,0,15 -3776,M,3,,0,0 -3777,M,3,,0,11 -3778,F,2,,1,2 -3779,M,5,,1,3 -3780,M,5,,0,14 -3781,F,5,,0,15 -3782,M,3,,0,15 -3783,M,5,,-1,16 -3784,F,5,,1,17 -3785,F,2,,0,12 -3786,M,3,,0,7 -3787,M,3,,0,16 -3788,F,5,,0,14 -3789,F,5,,0,17 -3790,M,6,,1,15 -3791,F,5,,0,14 -3792,F,3,,1,2 -3793,F,5,,0,12 -3794,M,5,,0,2 -3795,M,3,,0,17 -3796,M,3,,0,10 -3797,M,5,,0,2 -3798,F,5,,0,15 -3799,M,5,,-1,11 -3800,F,6,,-1,3 -3801,F,5,,0,4 -3802,F,3,,0,14 -3803,M,5,,0,12 -3804,F,3,,0,15 -3805,F,5,,0,13 -3806,M,5,,0,17 -3807,M,5,,0,1 -3808,F,5,,1,8 -3809,F,7,Middle East Indian,0,0 -3810,F,5,,0,3 -3811,F,5,,1,12 -3812,M,6,,1,12 -3813,F,5,,1,6 -3814,M,5,,0,10 -3815,M,6,,1,0 -3816,M,5,,0,7 -3817,F,6,,1,16 -3818,M,5,,0,4 -3819,F,3,,0,16 -3820,F,3,,0,17 -3821,F,3,,0,8 -3822,F,5,,0,14 -3823,M,6,,1,8 -3824,F,5,,1,16 -3825,F,5,,0,7 -3826,M,3,,1,13 -3827,M,5,,0,16 -3828,F,3,,0,7 -3829,M,5,,0,7 -3830,M,3,,0,8 -3831,M,7,Ethnicity Recorded in Other Race,-1,15 -3832,M,5,,0,15 -3833,M,5,,0,14 -3834,M,5,,0,14 -3835,F,5,,0,4 -3836,M,6,,1,0 -3837,F,3,,0,6 -3838,F,7,Indian,0,12 -3839,M,6,,1,4 -3840,F,5,,0,1 -3841,M,3,,0,15 -3842,F,5,,0,15 -3843,F,5,,0,0 -3844,M,5,,0,4 -3845,M,5,,0,8 -3846,M,5,,0,13 -3847,M,5,,0,13 -3848,F,5,,1,16 -3849,M,3,,0,8 -3850,M,5,,-1,16 -3851,M,5,,0,7 -3852,M,3,,0,11 -3853,M,5,,0,6 -3854,M,5,,0,8 -3855,M,3,,0,3 -3856,F,5,,0,11 -3857,M,6,,1,4 -3858,F,5,,0,16 -3859,M,3,,0,14 -3860,M,5,,0,12 -3861,M,3,,1,16 -3862,F,3,,0,17 -3863,M,5,,1,0 -3864,M,3,,0,2 -3865,M,5,,0,7 -3866,M,3,,1,11 -3867,M,3,,0,17 -3868,F,5,,0,13 -3869,M,5,,-1,12 -3870,M,6,,1,3 -3871,M,5,,0,14 -3872,M,5,,1,12 -3873,F,5,,0,11 -3874,F,5,,0,15 -3875,M,5,,-1,12 -3876,M,5,,0,3 -3877,M,2,,1,10 -3878,M,3,,0,14 -3879,F,2,,0,15 -3880,M,5,,0,3 -3881,M,1,,0,16 -3882,F,3,,0,9 -3883,M,5,,0,4 -3884,F,5,,-1,0 -3885,M,5,,-1,17 -3886,F,5,,0,2 -3887,M,5,,0,3 -3888,F,5,,0,15 -3889,M,5,,0,1 -3890,M,5,,0,16 -3891,M,3,,0,17 -3892,F,3,,0,11 -3893,M,6,,1,16 -3894,M,3,,0,13 -3895,M,3,,1,15 -3896,M,3,,1,14 -3897,F,3,,1,16 -3898,F,5,,0,16 -3899,F,3,,0,9 -3900,F,3,,0,5 -3901,M,5,,0,1 -3902,F,3,,0,16 -3903,M,5,,0,8 -3904,F,5,,0,12 -3905,M,5,,0,14 -3906,M,5,,0,11 -3907,F,5,,0,15 -3908,M,5,,0,16 -3909,M,6,,1,13 -3910,M,5,,0,16 -3911,F,5,,1,8 -3912,M,3,,0,16 -3913,F,5,,0,6 -3914,M,5,,1,5 -3915,M,5,,1,7 -3916,F,3,,0,7 -3917,F,5,,1,2 -3918,M,6,,1,13 -3919,M,3,,0,14 -3920,F,5,,0,15 -3921,M,2,,0,10 -3922,F,6,,-1,7 -3923,M,5,,1,11 -3924,F,5,,-1,2 -3925,F,3,,0,1 -3926,M,5,,0,15 -3927,M,5,,0,15 -3928,M,3,,0,7 -3929,F,3,,0,16 -3930,M,2,,0,14 -3931,M,3,,1,17 -3932,M,3,,0,13 -3933,F,5,,0,17 -3934,F,5,,0,12 -3935,M,5,,1,5 -3936,M,5,,0,17 -3937,F,5,,0,6 -3938,M,5,,1,8 -3939,F,3,,0,5 -3940,F,3,,0,16 -3941,M,3,,0,3 -3942,F,3,,0,7 -3943,F,5,,0,6 -3944,M,5,,0,2 -3945,F,7,Ethnicity Recorded in Other Race,-1,8 -3946,M,7,other,1,9 -3947,M,3,,0,11 -3948,M,3,,0,17 -3949,F,5,,1,4 -3950,F,6,,1,5 -3951,M,3,,0,13 -3952,M,5,,-1,9 -3953,F,5,,0,11 -3954,M,5,,1,4 -3955,F,6,,1,2 -3956,M,3,,0,12 -3957,M,3,,0,13 -3958,F,2,,0,7 -3959,M,5,,0,15 -3960,M,5,,0,7 -3961,M,5,,0,5 -3962,M,6,,1,1 -3963,M,5,,1,0 -3964,F,5,,0,16 -3965,M,3,,0,4 -3966,F,3,,1,13 -3967,M,5,,0,11 -3968,F,3,,0,8 -3969,F,3,,0,7 -3970,M,3,,0,14 -3971,F,3,,0,17 -3972,F,3,,0,14 -3973,F,5,,0,17 -3974,M,5,,0,11 -3975,F,5,,0,7 -3976,F,5,,0,9 -3977,F,5,,0,16 -3978,F,3,,1,7 -3979,F,3,,1,13 -3980,M,5,,0,0 -3981,F,6,,1,17 -3982,F,3,,0,15 -3983,M,3,,1,7 -3984,M,5,,0,13 -3985,F,5,,0,4 -3986,M,7,Ethnicity Recorded in Other Race,-1,16 -3987,F,3,,0,0 -3988,M,6,,-1,3 -3989,F,3,,0,17 -3990,M,6,,-1,11 -3991,M,3,,0,10 -3992,M,6,,1,6 -3993,M,7,Ethnicity Recorded in Other Race,-1,8 -3994,F,6,,1,12 -3995,M,5,,1,10 -3996,M,5,,0,4 -3997,M,5,,0,17 -3998,F,5,,1,16 -3999,F,3,,0,11 -4000,F,5,,0,5 -4001,M,5,,1,13 -4002,M,5,,0,17 -4003,M,5,,0,1 -4004,M,1,,0,8 -4005,F,3,,0,1 -4006,M,5,,1,14 -4007,M,3,,0,13 -4008,M,5,,-1,9 -4009,M,3,,0,1 -4010,F,5,,0,12 -4011,F,5,,0,5 -4012,M,5,,0,8 -4013,M,5,,1,4 -4014,F,3,,0,6 -4015,M,3,,0,10 -4016,M,3,,0,8 -4017,M,5,,1,16 -4018,M,5,,0,2 -4019,F,5,,0,6 -4020,F,3,,0,9 -4021,M,3,,0,11 -4022,M,2,,0,12 -4023,M,5,,0,4 -4024,M,3,,0,8 -4025,M,5,,0,17 -4026,M,3,,0,17 -4027,M,3,,0,0 -4028,F,2,,0,10 -4029,M,5,,0,0 -4030,M,5,,0,10 -4031,F,5,,0,11 -4032,F,5,,0,14 -4033,M,5,MD did not specify race on form,1,3 -4034,M,3,,1,13 -4035,F,3,,0,0 -4036,F,5,,-1,7 -4037,F,3,,0,3 -4038,F,3,,1,13 -4039,F,5,,0,16 -4040,M,3,,1,14 -4041,F,5,,0,2 -4042,M,2,,0,10 -4043,F,5,,0,13 -4044,F,3,,0,11 -4045,M,5,,-1,17 -4046,M,5,,0,0 -4047,M,3,,0,13 -4048,M,5,,1,10 -4049,F,3,,0,14 -4050,M,5,,0,12 -4051,F,5,,0,16 -4052,F,5,,0,10 -4053,M,3,,0,14 -4054,M,5,,0,1 -4055,M,5,,1,15 -4056,M,3,,0,17 -4057,M,5,,0,11 -4058,F,4,,0,17 -4059,F,5,,0,14 -4060,M,6,,1,1 -4061,M,5,,-1,3 -4062,F,5,,0,9 -4063,M,5,,0,2 -4064,M,5,,-1,15 -4065,M,5,,0,13 -4066,F,5,,0,12 -4067,F,1,,0,3 -4068,M,5,,0,11 -4069,M,7,Ethnicity Recorded in Other Race,-1,11 -4070,M,3,,0,7 -4071,F,5,,0,3 -4072,M,3,,0,12 -4073,F,3,,0,12 -4074,M,3,,1,5 -4075,M,5,,0,11 -4076,M,5,,0,12 -4077,M,5,,-1,15 -4078,M,3,,0,4 -4079,F,3,,1,12 -4080,M,5,,0,12 -4081,F,3,,0,15 -4082,F,6,,1,14 -4083,M,3,,0,15 -4084,F,3,,1,17 -4085,M,5,,0,13 -4086,F,3,,0,13 -4087,F,5,,0,13 -4088,F,3,,0,16 -4089,F,3,,0,17 -4090,M,5,,0,14 -4091,M,3,,1,10 -4092,F,3,,0,6 -4093,F,5,,1,16 -4094,F,7,Ethnicity Recorded in Other Race,-1,9 -4095,F,5,,0,14 -4096,F,3,,0,5 -4097,M,3,,1,14 -4098,M,3,,-1,1 -4099,F,5,,-1,9 -4100,M,6,,1,17 -4101,F,3,,0,5 -4102,M,5,,0,6 -4103,M,5,,1,8 -4104,M,3,,0,11 -4105,M,5,,0,15 -4106,F,3,,0,13 -4107,F,5,,0,0 -4108,M,3,,0,17 -4109,F,3,,0,16 -4110,M,5,,1,7 -4111,M,5,,0,15 -4112,F,5,,-1,6 -4113,F,3,,1,5 -4114,F,6,,-1,4 -4115,F,3,,1,13 -4116,F,5,,0,3 -4117,F,5,,0,1 -4118,M,5,,0,13 -4119,F,3,,0,8 -4120,M,3,,0,17 -4121,F,5,,1,17 -4122,F,5,,0,14 -4123,M,5,,0,4 -4124,M,5,,1,2 -4125,F,3,,0,15 -4126,M,5,,0,4 -4127,M,3,,0,12 -4128,M,5,,0,5 -4129,M,5,,0,17 -4130,M,5,,0,3 -4131,F,6,,1,2 -4132,F,6,,-1,17 -4133,F,3,,0,17 -4134,F,5,,-1,13 -4135,M,5,,1,17 -4136,M,7,polish,1,8 -4137,M,3,,0,13 -4138,M,5,,0,16 -4139,F,6,,-1,10 -4140,F,5,,-1,0 -4141,M,5,,0,16 -4142,M,5,,-1,4 -4143,F,5,,0,12 -4144,M,5,,0,17 -4145,F,5,,0,17 -4146,M,3,,1,0 -4147,M,5,,0,11 -4148,M,3,,0,9 -4149,M,3,,0,9 -4150,F,6,,1,2 -4151,M,5,,0,15 -4152,F,5,,0,11 -4153,M,3,,0,8 -4154,M,3,,0,0 -4155,M,5,,0,4 -4156,F,1,,0,15 -4157,F,3,,0,1 -4158,M,3,,0,13 -4159,M,5,,0,13 -4160,M,7,Mixed,1,12 -4161,M,5,,0,13 -4162,F,5,,0,14 -4163,F,5,,0,8 -4164,F,5,,0,2 -4165,M,3,,0,10 -4166,M,3,,0,10 -4167,M,5,,0,6 -4168,F,6,,-1,2 -4169,F,5,,0,17 -4170,F,3,,-1,13 -4171,M,3,,1,8 -4172,M,5,,0,13 -4173,F,5,,0,5 -4174,M,5,,0,15 -4175,M,3,,1,4 -4176,M,3,,1,14 -4177,M,5,,0,11 -4178,M,5,,0,7 -4179,M,5,,0,14 -4180,M,3,,0,17 -4181,M,6,,1,2 -4182,F,3,,0,5 -4183,F,2,,0,10 -4184,M,5,,0,1 -4185,M,5,,0,12 -4186,M,1,,0,11 -4187,M,3,,0,2 -4188,M,5,,1,7 -4189,M,5,,0,15 -4190,M,5,,0,5 -4191,M,3,,-1,8 -4192,M,5,,0,13 -4193,F,6,,0,9 -4194,M,5,,0,16 -4195,F,5,,0,14 -4196,F,5,,0,1 -4197,M,3,,1,12 -4198,M,3,,0,1 -4199,M,5,,0,16 -4200,F,3,,0,11 -4201,F,5,,0,6 -4202,F,5,,1,13 -4203,F,3,,0,13 -4204,F,5,,0,13 -4205,M,3,,0,12 -4206,F,5,,0,10 -4207,F,7,Ethnicity Recorded in Other Race,-1,15 -4208,F,3,,1,14 -4209,M,5,,0,7 -4210,M,2,,0,17 -4211,M,5,,0,13 -4212,F,5,,0,14 -4213,F,3,,0,9 -4214,M,2,,0,5 -4215,M,5,,0,6 -4216,M,5,,0,9 -4217,M,5,,1,13 -4218,M,5,,1,5 -4219,M,5,,0,17 -4220,F,5,,0,5 -4221,M,3,,0,15 -4222,M,3,,0,0 -4223,F,5,,0,13 -4224,M,3,,0,17 -4225,M,5,,-1,15 -4226,M,3,,1,14 -4227,F,5,,0,5 -4228,F,5,,1,15 -4229,M,3,,0,17 -4230,F,3,,0,3 -4231,M,6,,1,16 -4232,M,5,,0,17 -4233,M,5,,1,1 -4234,M,3,,0,13 -4235,M,6,,-1,13 -4236,F,3,,0,11 -4237,F,5,,-1,16 -4238,M,7,Ethnicity Recorded in Other Race,-1,0 -4239,F,3,,1,1 -4240,M,5,,1,15 -4241,M,5,,0,0 -4242,M,5,,-1,13 -4243,F,5,,0,17 -4244,M,5,,1,0 -4245,F,3,,1,5 -4246,M,5,,0,16 -4247,M,3,,0,5 -4248,M,3,,1,14 -4249,M,5,,0,2 -4250,M,5,,0,10 -4251,M,5,,0,9 -4252,M,5,,0,15 -4253,F,5,,0,4 -4254,F,5,,1,12 -4255,M,5,,0,14 -4256,F,3,,0,11 -4257,M,3,,0,2 -4258,M,5,,0,11 -4259,M,5,,0,16 -4260,F,2,,0,5 -4261,F,5,,0,17 -4262,M,5,,-1,0 -4263,F,5,,1,2 -4264,M,5,,1,2 -4265,F,5,,0,3 -4266,F,3,,1,3 -4267,M,3,,0,0 -4268,M,5,,1,17 -4269,F,3,,0,15 -4270,M,5,,0,14 -4271,M,5,,-1,16 -4272,M,6,,1,13 -4273,F,5,,1,11 -4274,F,3,,0,13 -4275,F,7,Ethnicity Recorded in Other Race,-1,14 -4276,F,3,,1,6 -4277,M,5,,1,7 -4278,M,3,,0,9 -4279,M,5,,0,0 -4280,F,3,,0,2 -4281,M,3,,0,2 -4282,M,3,,0,16 -4283,M,5,,0,13 -4284,M,5,,0,17 -4285,M,5,,0,13 -4286,F,5,,0,14 -4287,F,5,,0,5 -4288,M,3,,0,16 -4289,M,3,,0,16 -4290,M,5,,0,14 -4291,F,5,,0,1 -4292,F,5,,1,14 -4293,M,5,,-1,0 -4294,F,5,,1,16 -4295,M,6,,1,8 -4296,M,2,,0,11 -4297,M,5,,-1,5 -4298,M,6,,1,6 -4299,M,3,,0,5 -4300,F,6,,-1,9 -4301,M,5,,1,12 -4302,F,5,,0,11 -4303,F,7,Ethnicity Recorded in Other Race,-1,10 -4304,F,3,,0,9 -4305,M,5,,0,10 -4306,M,5,,0,16 -4307,M,5,,-1,15 -4308,M,5,,0,9 -4309,F,3,,0,7 -4310,F,5,,0,4 -4311,F,3,,0,3 -4312,M,3,,1,2 -4313,M,6,,-1,5 -4314,M,3,,0,10 -4315,F,5,,0,4 -4316,M,3,,0,4 -4317,M,5,,0,17 -4318,F,5,,0,8 -4319,F,3,,0,1 -4320,M,5,,0,9 -4321,M,5,,0,13 -4322,M,5,,-1,7 -4323,M,3,,-1,15 -4324,F,5,,0,9 -4325,M,5,,0,11 -4326,M,6,,1,13 -4327,M,5,,0,3 -4328,M,5,,0,0 -4329,F,3,,1,17 -4330,M,2,,0,16 -4331,M,3,,0,14 -4332,M,6,,1,5 -4333,M,5,,1,13 -4334,M,5,,0,10 -4335,F,5,,1,10 -4336,F,3,,0,4 -4337,M,5,,-1,1 -4338,M,5,,-1,0 -4339,M,5,,0,2 -4340,M,3,,0,17 -4341,M,3,,0,16 -4342,M,3,,0,6 -4343,M,5,,-1,11 -4344,M,5,,0,0 -4345,M,3,,0,7 -4346,M,6,,-1,0 -4347,M,6,,-1,11 -4348,F,3,,0,9 -4349,M,5,,0,4 -4350,M,6,,1,2 -4351,M,3,,0,3 -4352,F,3,,0,10 -4353,M,5,,0,0 -4354,M,6,,1,8 -4355,M,5,,-1,17 -4356,F,5,,0,13 -4357,F,5,,0,4 -4358,M,5,,0,11 -4359,F,5,,0,12 -4360,M,5,,0,8 -4361,M,5,,0,8 -4362,F,3,,1,2 -4363,F,5,,1,16 -4364,M,7,Ethnicity Recorded in Other Race,-1,17 -4365,F,2,,0,9 -4366,M,5,,0,14 -4367,M,5,,0,17 -4368,F,5,,0,0 -4369,M,3,,0,12 -4370,M,1,,1,7 -4371,M,5,,0,15 -4372,M,3,,1,1 -4373,M,5,,1,1 -4374,M,5,,0,13 -4375,M,5,,0,3 -4376,F,3,,0,2 -4377,M,7,Ethnicity Recorded in Other Race,-1,9 -4378,F,7,Ethnicity Recorded in Other Race,-1,6 -4379,F,2,,0,17 -4380,M,3,,0,5 -4381,F,5,,0,8 -4382,F,3,,1,16 -4383,M,3,,0,17 -4384,F,7,Ethnicity Recorded in Other Race,-1,9 -4385,F,3,,0,17 -4386,M,5,,1,11 -4387,F,5,,0,9 -4388,F,3,,0,4 -4389,F,5,,1,1 -4390,M,5,,0,14 -4391,M,3,,0,17 -4392,F,6,,-1,16 -4393,F,5,,0,0 -4394,F,5,,0,8 -4395,M,3,,0,10 -4396,M,5,,0,15 -4397,F,3,,1,3 -4398,F,3,,0,9 -4399,M,3,,0,1 -4400,F,5,,1,0 -4401,F,3,,1,4 -4402,F,5,,0,17 -4403,M,5,,1,7 -4404,F,5,,0,17 -4405,M,5,,0,2 -4406,F,3,,1,14 -4407,F,5,,0,7 -4408,M,3,,0,8 -4409,F,3,,0,9 -4410,F,3,,0,4 -4411,F,3,,1,8 -4412,F,5,,0,9 -4413,M,5,,0,3 -4414,F,3,,0,17 -4415,M,5,,0,9 -4416,M,5,,0,8 -4417,F,5,,0,16 -4418,M,5,,0,13 -4419,M,5,,1,10 -4420,F,5,,0,6 -4421,F,3,,0,4 -4422,M,6,,1,3 -4423,M,3,,1,6 -4424,F,3,,1,0 -4425,F,5,,1,13 -4426,F,5,,0,17 -4427,F,3,,0,5 -4428,F,5,,0,16 -4429,M,6,,1,2 -4430,M,5,,-1,7 -4431,M,5,,1,15 -4432,M,5,,0,5 -4433,M,5,,1,17 -4434,F,5,,1,0 -4435,M,4,,0,2 -4436,F,5,,-1,17 -4437,M,5,,0,9 -4438,F,6,,1,14 -4439,F,3,,0,16 -4440,M,5,,0,11 -4441,M,5,,0,15 -4442,F,3,,0,17 -4443,M,5,,0,14 -4444,M,6,,1,5 -4445,F,5,,0,9 -4446,M,3,,0,9 -4447,F,5,,1,6 -4448,M,3,,1,11 -4449,F,3,,0,16 -4450,M,3,,0,16 -4451,M,3,,0,10 -4452,M,3,,0,5 -4453,M,5,,0,6 -4454,M,3,,0,2 -4455,F,5,,0,14 -4456,M,5,,0,16 -4457,F,3,,0,0 -4458,M,7,Multiracial,0,9 -4459,M,5,,1,7 -4460,M,5,,1,6 -4461,M,3,,0,15 -4462,M,3,,0,16 -4463,M,5,,1,6 -4464,F,6,,1,17 -4465,F,5,,0,17 -4466,M,6,,1,6 -4467,F,5,,1,10 -4468,M,1,,0,3 -4469,M,5,,0,17 -4470,F,3,,0,6 -4471,F,5,,0,4 -4472,F,5,,0,17 -4473,M,5,,0,13 -4474,M,3,,0,0 -4475,M,3,,0,16 -4476,F,5,,0,17 -4477,M,5,,0,7 -4478,F,5,,0,14 -4479,F,3,,1,8 -4480,M,5,,0,15 -4481,M,3,,1,9 -4482,M,5,,0,16 -4483,F,5,,0,14 -4484,F,2,,0,2 -4485,M,5,,0,8 -4486,F,5,,0,8 -4487,F,5,,0,9 -4488,M,3,,0,16 -4489,F,5,,0,3 -4490,F,6,,-1,15 -4491,M,5,,1,17 -4492,M,5,,0,16 -4493,M,5,,1,16 -4494,F,5,,0,12 -4495,F,5,,0,0 -4496,M,5,,0,3 -4497,F,3,,0,1 -4498,F,3,,0,8 -4499,M,5,,0,4 -4500,M,5,,0,11 -4501,M,5,,0,16 -4502,M,2,,0,5 -4503,F,5,,0,12 -4504,M,5,,0,9 -4505,F,6,,1,13 -4506,M,3,,0,15 -4507,M,5,,0,12 -4508,M,5,,0,2 -4509,M,3,,0,8 -4510,M,3,,1,12 -4511,M,5,,0,7 -4512,M,5,,0,6 -4513,M,3,,0,10 -4514,F,5,,0,16 -4515,F,3,,0,14 -4516,M,5,,1,12 -4517,M,5,,1,7 -4518,M,3,,0,6 -4519,M,3,,0,12 -4520,M,3,,0,8 -4521,F,5,,-1,12 -4522,F,7,Arabic,0,2 -4523,F,5,,1,10 -4524,M,5,,0,11 -4525,M,3,,0,0 -4526,M,6,,0,16 -4527,F,5,,-1,17 -4528,M,3,,1,12 -4529,M,5,,0,11 -4530,M,5,,0,1 -4531,F,6,,-1,2 -4532,F,3,,0,10 -4533,M,5,,-1,1 -4534,F,3,,0,10 -4535,F,3,,0,6 -4536,M,5,,1,17 -4537,M,5,,1,11 -4538,M,3,,0,16 -4539,M,5,,1,5 -4540,M,6,,1,11 -4541,F,3,,0,9 -4542,M,5,,0,0 -4543,M,3,,0,1 -4544,F,5,,-1,5 -4545,M,5,,0,16 -4546,F,6,,1,0 -4547,M,7,Ethnicity Recorded in Other Race,-1,3 -4548,M,3,,0,17 -4549,F,3,,0,13 -4550,M,3,,1,14 -4551,M,5,,0,15 -4552,F,3,,0,9 -4553,F,5,,0,14 -4554,F,5,,1,10 -4555,M,5,,0,16 -4556,M,5,,-1,17 -4557,M,3,,0,15 -4558,M,5,,1,14 -4559,M,5,,1,6 -4560,M,5,,0,14 -4561,M,5,,0,11 -4562,M,3,,0,10 -4563,F,5,,0,5 -4564,F,5,,0,10 -4565,M,5,,1,0 -4566,F,5,,0,16 -4567,F,6,,1,8 -4568,F,3,,1,13 -4569,M,5,,1,17 -4570,M,5,,0,2 -4571,M,5,,1,3 -4572,M,5,,1,10 -4573,F,5,,-1,0 -4574,M,5,,0,11 -4575,M,5,,1,8 -4576,M,5,,1,14 -4577,F,3,,0,2 -4578,F,5,,0,3 -4579,M,3,,0,8 -4580,F,5,,0,14 -4581,M,5,,0,0 -4582,M,5,,1,14 -4583,M,5,,0,7 -4584,M,5,,0,10 -4585,M,6,,0,14 -4586,M,5,,0,15 -4587,M,6,,1,13 -4588,M,7,Ethnicity Recorded in Other Race,-1,9 -4589,F,3,,0,3 -4590,M,5,,0,17 -4591,M,5,,0,4 -4592,M,5,,0,16 -4593,F,5,,0,13 -4594,M,6,,-1,4 -4595,F,3,,0,15 -4596,M,3,,0,8 -4597,M,6,,1,4 -4598,M,3,,1,5 -4599,M,5,,0,16 -4600,M,5,,0,5 -4601,M,5,,0,8 -4602,M,5,,-1,1 -4603,M,3,,1,2 -4604,M,5,,1,4 -4605,F,2,,1,8 -4606,F,3,,0,8 -4607,F,5,,0,1 -4608,M,3,,0,13 -4609,M,5,,0,10 -4610,M,5,,0,5 -4611,F,2,,1,12 -4612,M,5,,0,12 -4613,M,5,,0,3 -4614,F,5,,0,16 -4615,M,3,,1,15 -4616,F,6,,0,2 -4617,M,5,,1,14 -4618,M,3,,1,16 -4619,F,3,,0,16 -4620,M,6,,1,4 -4621,M,5,,0,9 -4622,M,5,,-1,13 -4623,F,5,,0,10 -4624,F,5,,0,0 -4625,F,2,east India,0,13 -4626,F,5,,0,5 -4627,M,3,,1,13 -4628,M,5,,0,7 -4629,M,3,,0,3 -4630,F,3,,0,8 -4631,F,5,,0,10 -4632,M,5,,1,7 -4633,M,5,,0,9 -4634,M,5,,0,12 -4635,M,5,,0,0 -4636,F,5,,0,9 -4637,M,5,,0,13 -4638,M,5,,-1,11 -4639,M,5,,0,6 -4640,F,3,,0,11 -4641,F,3,,0,0 -4642,M,5,,1,16 -4643,F,5,,0,6 -4644,M,5,,0,13 -4645,M,5,,1,8 -4646,F,3,,0,15 -4647,M,3,,1,2 -4648,M,6,,1,7 -4649,M,2,,1,12 -4650,F,5,,0,15 -4651,F,5,,0,3 -4652,M,5,,0,14 -4653,M,6,,-1,2 -4654,M,3,,0,11 -4655,M,6,,-1,16 -4656,F,5,,0,16 -4657,M,3,,0,12 -4658,F,5,,1,17 -4659,M,5,,0,17 -4660,M,3,,0,2 -4661,M,3,,0,15 -4662,M,5,,0,10 -4663,M,5,,0,17 -4664,M,6,,1,9 -4665,F,3,,0,17 -4666,M,3,,0,5 -4667,M,5,,1,7 -4668,F,5,,1,7 -4669,F,3,,0,16 -4670,F,3,,0,6 -4671,F,3,,1,1 -4672,M,3,,1,12 -4673,M,5,,0,8 -4674,M,6,,1,15 -4675,M,5,,-1,12 -4676,M,5,,-1,13 -4677,F,6,,-1,3 -4678,M,3,,1,13 -4679,F,3,,0,12 -4680,M,3,,1,17 -4681,M,3,,0,16 -4682,M,5,,0,17 -4683,F,3,,0,16 -4684,F,3,,1,2 -4685,F,5,,-1,3 -4686,F,2,,0,13 -4687,F,2,,0,4 -4688,F,2,,1,11 -4689,F,5,,0,1 -4690,M,3,,0,9 -4691,M,6,,-1,14 -4692,M,2,,0,3 -4693,M,5,,0,0 -4694,F,3,,0,3 -4695,M,5,,0,7 -4696,M,5,,0,12 -4697,M,3,,0,14 -4698,M,3,,0,6 -4699,M,5,,-1,17 -4700,F,3,,0,1 -4701,F,5,,0,4 -4702,M,5,,-1,5 -4703,M,3,,0,0 -4704,M,3,,0,16 -4705,F,5,,1,15 -4706,F,5,,0,14 -4707,M,5,,0,17 -4708,F,5,,1,8 -4709,M,5,,0,16 -4710,M,2,,1,17 -4711,F,5,,0,16 -4712,M,3,,-1,7 -4713,M,5,,1,0 -4714,M,5,,0,15 -4715,F,5,,1,11 -4716,M,5,,0,13 -4717,M,5,,0,16 -4718,M,3,,0,2 -4719,F,5,,0,5 -4720,F,3,,0,15 -4721,M,5,,0,8 -4722,M,3,,0,17 -4723,M,6,,1,17 -4724,M,3,,0,15 -4725,F,3,,0,16 -4726,M,6,,-1,6 -4727,F,5,,0,11 -4728,M,5,,0,14 -4729,M,2,,0,17 -4730,F,5,,-1,11 -4731,F,3,,0,7 -4732,M,3,,0,14 -4733,M,7,East Indian,0,10 -4734,M,5,,0,12 -4735,F,5,,0,17 -4736,F,5,,0,17 -4737,F,5,,1,13 -4738,F,5,,1,0 -4739,M,6,,0,12 -4740,F,5,,0,12 -4741,M,3,,0,9 -4742,F,5,,-1,0 -4743,M,6,,1,5 -4744,M,3,,1,16 -4745,F,3,,1,10 -4746,F,5,,0,12 -4747,F,3,,0,17 -4748,F,5,,-1,8 -4749,M,5,,0,2 -4750,M,3,,0,2 -4751,M,5,,0,12 -4752,M,5,,0,6 -4753,M,5,,1,13 -4754,M,3,,0,5 -4755,M,5,,1,13 -4756,M,5,,1,13 -4757,M,5,,0,14 -4758,M,3,,1,3 -4759,M,3,,0,0 -4760,F,7,not,1,4 -4761,F,3,,0,11 -4762,F,3,,0,15 -4763,M,3,,0,17 -4764,F,5,,-1,13 -4765,M,5,,0,1 -4766,F,5,,-1,4 -4767,F,5,,0,17 -4768,F,5,,0,2 -4769,F,3,,0,16 -4770,M,3,,0,6 -4771,F,3,,0,0 -4772,M,5,,0,15 -4773,M,3,,0,0 -4774,F,6,,-1,6 -4775,M,5,,0,17 -4776,F,3,,0,16 -4777,F,3,,0,0 -4778,F,5,,0,16 -4779,M,5,,0,13 -4780,M,3,,0,10 -4781,F,5,,0,13 -4782,M,6,,1,7 -4783,M,7,Ethnicity Recorded in Other Race,-1,14 -4784,M,6,,-1,17 -4785,M,3,,0,1 -4786,F,5,,0,17 -4787,F,5,,0,1 -4788,F,5,,0,17 -4789,M,5,,-1,2 -4790,F,5,,1,15 -4791,F,5,,1,1 -4792,M,3,,1,17 -4793,F,3,,0,14 -4794,F,3,,0,4 -4795,M,3,,0,16 -4796,F,3,,1,2 -4797,M,1,,0,12 -4798,F,5,,0,13 -4799,M,5,,-1,5 -4800,M,6,,1,16 -4801,M,5,,0,16 -4802,M,5,,0,15 -4803,M,5,,0,15 -4804,M,3,,0,14 -4805,F,5,,1,0 -4806,M,3,,-1,16 -4807,M,6,,1,6 -4808,M,2,,0,12 -4809,M,3,,0,17 -4810,M,5,,0,15 -4811,F,5,,-1,6 -4812,M,3,,1,11 -4813,M,5,,0,15 -4814,M,7,Indian,0,6 -4815,M,5,,0,6 -4816,M,5,,0,6 -4817,M,5,,0,8 -4818,M,3,,1,16 -4819,M,5,,-1,2 -4820,M,5,,0,11 -4821,M,5,,-1,15 -4822,M,3,,1,11 -4823,M,3,,1,10 -4824,M,5,,0,0 -4825,F,5,,0,2 -4826,F,7,Indian,1,10 -4827,M,3,,0,7 -4828,F,5,,0,16 -4829,F,7,Ethnicity Recorded in Other Race,-1,11 -4830,M,6,,1,1 -4831,M,5,,-1,12 -4832,M,5,,0,1 -4833,F,6,,-1,8 -4834,M,5,,-1,12 -4835,F,5,,0,11 -4836,F,3,,1,12 -4837,M,5,,0,7 -4838,F,7,East Indian,0,2 -4839,M,5,,0,1 -4840,M,5,,0,15 -4841,F,5,,-1,14 -4842,M,5,,0,5 -4843,M,5,,1,2 -4844,F,5,,0,4 -4845,M,5,,0,14 -4846,F,5,,0,16 -4847,M,5,,0,14 -4848,F,7,Ethnicity Recorded in Other Race,-1,14 -4849,F,2,,0,16 -4850,M,3,,0,2 -4851,M,3,,0,7 -4852,M,5,,0,0 -4853,F,5,,-1,0 -4854,M,5,,-1,13 -4855,F,5,,0,17 -4856,F,3,,0,15 -4857,M,5,,1,16 -4858,M,2,,0,16 -4859,M,6,,1,0 -4860,F,5,,0,8 -4861,M,3,,0,16 -4862,M,3,,1,11 -4863,F,3,,0,8 -4864,M,5,,0,2 -4865,M,5,,1,16 -4866,F,6,,-1,10 -4867,M,6,,1,9 -4868,M,5,,0,8 -4869,M,5,,0,15 -4870,F,5,,0,7 -4871,F,5,,-1,2 -4872,M,5,,0,6 -4873,M,3,,0,16 -4874,F,5,,0,2 -4875,F,3,,0,5 -4876,M,5,,0,9 -4877,M,5,,1,9 -4878,F,5,,0,13 -4879,M,5,,0,12 -4880,F,5,,-1,17 -4881,M,6,,1,8 -4882,F,2,,0,14 -4883,F,5,,0,7 -4884,M,5,,-1,15 -4885,M,5,,0,4 -4886,M,5,Greek,0,6 -4887,F,3,,1,9 -4888,M,6,,1,0 -4889,F,5,,0,11 -4890,F,3,,0,8 -4891,M,5,,0,10 -4892,M,5,,0,12 -4893,M,3,,0,16 -4894,F,5,,1,12 -4895,F,5,,0,12 -4896,F,5,,-1,0 -4897,M,6,,1,0 -4898,M,2,,0,17 -4899,M,3,,0,0 -4900,M,3,,0,13 -4901,M,5,,0,13 -4902,F,6,,1,16 -4903,F,3,,0,10 -4904,M,3,,0,9 -4905,M,5,,1,13 -4906,M,3,,0,4 -4907,F,5,,0,9 -4908,M,3,,0,4 -4909,F,5,,1,14 -4910,M,3,,1,17 -4911,F,3,,1,13 -4912,M,3,,0,8 -4913,M,7,Middle Eastern,0,11 -4914,M,3,,1,1 -4915,M,5,,0,13 -4916,M,5,,0,13 -4917,F,5,,-1,0 -4918,F,5,,0,16 -4919,F,5,,0,17 -4920,F,3,,1,14 -4921,M,5,,0,0 -4922,M,5,,0,7 -4923,M,5,,0,9 -4924,M,5,,0,4 -4925,M,5,,-1,17 -4926,M,3,,1,15 -4927,M,5,,1,5 -4928,F,3,,0,17 -4929,F,5,,0,7 -4930,M,3,,0,16 -4931,M,5,,0,16 -4932,M,3,,0,7 -4933,F,5,,0,2 -4934,M,3,,0,15 -4935,F,5,,0,8 -4936,M,3,,1,9 -4937,F,5,,0,12 -4938,M,6,,1,4 -4939,F,3,,0,6 -4940,M,3,,0,16 -4941,F,3,,1,10 -4942,F,5,,0,0 -4943,F,5,,0,1 -4944,M,5,,0,13 -4945,F,5,,-1,12 -4946,M,3,,0,6 -4947,M,3,,0,16 -4948,F,5,,0,14 -4949,F,6,,1,15 -4950,M,5,,0,17 -4951,M,7,Vietenamese,1,16 -4952,M,5,,0,15 -4953,M,3,,0,14 -4954,F,5,,0,11 -4955,M,1,,1,1 -4956,M,5,,0,17 -4957,F,3,,0,11 -4958,F,5,,0,17 -4959,F,5,,0,3 -4960,M,5,,0,5 -4961,M,3,,0,5 -4962,M,3,,0,6 -4963,M,5,,-1,10 -4964,M,5,,0,7 -4965,M,5,,0,14 -4966,F,3,,0,16 -4967,F,5,,1,16 -4968,M,5,,0,13 -4969,M,5,,0,4 -4970,F,5,,1,16 -4971,F,5,,0,12 -4972,F,5,,0,14 -4973,M,5,,0,8 -4974,M,5,,0,13 -4975,M,6,,-1,9 -4976,M,5,,0,10 -4977,F,6,,1,15 -4978,F,3,,0,14 -4979,F,3,,0,15 -4980,F,2,,0,8 -4981,F,1,,1,15 -4982,F,5,,-1,2 -4983,M,3,,1,17 -4984,F,5,,0,2 -4985,F,5,,0,13 -4986,M,5,,1,15 -4987,M,5,,0,10 -4988,M,1,,0,9 -4989,F,5,,1,4 -4990,M,7,Ethnicity Recorded in Other Race,-1,2 -4991,M,5,,1,17 -4992,M,5,,0,11 -4993,M,5,,0,8 -4994,M,5,,1,4 -4995,F,3,,0,16 -4996,M,3,,0,4 -4997,F,6,,1,4 -4998,M,3,,0,14 -4999,M,5,,0,13 -5000,M,5,,0,0 -5001,M,5,,0,15 -5002,M,6,,1,7 -5003,F,3,,1,15 -5004,F,5,,1,13 -5005,M,3,,0,15 -5006,M,6,,1,15 -5007,M,5,,-1,3 -5008,M,3,,0,2 -5009,M,3,,1,17 -5010,F,3,,0,4 -5011,M,5,,0,15 -5012,M,3,,0,17 -5013,M,3,,0,5 -5014,M,7,Ethnicity Recorded in Other Race,-1,2 -5015,F,5,,0,12 -5016,F,5,,1,17 -5017,F,3,,0,12 -5018,M,5,,0,2 -5019,F,3,,0,4 -5020,F,3,,0,12 -5021,M,5,,0,16 -5022,M,3,,0,2 -5023,F,3,,0,14 -5024,M,5,,1,5 -5025,F,3,,1,11 -5026,M,5,,1,17 -5027,M,5,,0,3 -5028,F,5,,0,17 -5029,F,5,,0,16 -5030,M,5,,0,11 -5031,M,5,,0,14 -5032,M,7,Ethnicity Recorded in Other Race,-1,3 -5033,M,5,,0,13 -5034,M,5,,-1,17 -5035,F,5,,0,8 -5036,M,6,,1,14 -5037,M,6,,1,16 -5038,F,5,,0,5 -5039,M,5,,0,12 -5040,M,3,,1,4 -5041,M,5,,0,12 -5042,M,5,,1,9 -5043,M,6,,-1,4 -5044,M,3,,1,3 -5045,M,5,,0,4 -5046,F,5,,1,1 -5047,M,5,,1,9 -5048,F,5,,1,17 -5049,F,5,,0,16 -5050,F,5,,0,16 -5051,M,5,,0,8 -5052,M,3,,0,7 -5053,F,7,Multiracial,1,14 -5054,F,5,,0,16 -5055,F,5,,1,9 -5056,M,7,Ethnicity Recorded in Other Race,-1,13 -5057,M,3,,0,14 -5058,M,6,,1,17 -5059,M,5,,0,16 -5060,F,5,,0,16 -5061,M,3,,1,16 -5062,M,3,,0,6 -5063,M,3,,0,7 -5064,M,3,,0,16 -5065,F,5,,1,10 -5066,M,7,mixed,-1,16 -5067,F,5,,0,12 -5068,F,3,,0,13 -5069,F,5,,0,11 -5070,F,5,,0,3 -5071,F,5,,0,16 -5072,F,7,East Indian,0,16 -5073,M,5,,0,14 -5074,M,5,,0,15 -5075,M,3,,0,4 -5076,F,3,,1,8 -5077,M,5,,0,3 -5078,F,5,,0,0 -5079,M,6,,1,7 -5080,M,5,,0,0 -5081,F,3,,0,7 -5082,M,5,,0,12 -5083,F,5,,0,9 -5084,F,3,,1,15 -5085,F,5,,0,8 -5086,M,3,,0,17 -5087,F,3,,0,15 -5088,M,5,,0,15 -5089,M,1,,1,11 -5090,F,6,,-1,14 -5091,F,5,,0,17 -5092,M,3,,0,2 -5093,F,5,,0,14 -5094,M,5,,0,13 -5095,M,5,,0,15 -5096,F,6,,-1,16 -5097,M,5,,0,16 -5098,M,5,,0,7 -5099,F,3,,0,15 -5100,M,5,,0,17 -5101,M,3,,1,13 -5102,M,5,,0,16 -5103,F,5,,-1,7 -5104,M,5,,0,0 -5105,F,3,,1,12 -5106,F,3,,0,14 -5107,F,5,,1,13 -5108,F,3,,0,9 -5109,M,6,,-1,3 -5110,M,5,,0,10 -5111,M,5,,0,13 -5112,F,5,,0,16 -5113,M,5,,0,16 -5114,M,6,,1,3 -5115,M,6,,1,15 -5116,F,6,,-1,16 -5117,F,7,Ethnicity Recorded in Other Race,-1,11 -5118,M,5,,0,12 -5119,M,5,,0,17 -5120,M,3,,0,16 -5121,M,6,,-1,5 -5122,M,5,,0,15 -5123,M,5,,-1,0 -5124,M,3,,0,4 -5125,F,5,,1,8 -5126,M,5,,0,17 -5127,F,3,,0,17 -5128,M,3,,1,9 -5129,F,6,,1,15 -5130,M,6,,-1,16 -5131,M,5,,1,16 -5132,M,5,,0,0 -5133,F,5,,0,16 -5134,M,7,Cambodian,0,7 -5135,M,3,,1,12 -5136,M,5,,1,9 -5137,F,3,,0,5 -5138,F,5,,0,15 -5139,F,5,,0,9 -5140,M,5,,0,12 -5141,M,5,,0,10 -5142,F,5,,0,14 -5143,M,3,,1,3 -5144,M,3,,0,1 -5145,F,5,,0,14 -5146,M,6,,-1,17 -5147,F,5,,-1,16 -5148,F,7,Ethnicity Recorded in Other Race,-1,1 -5149,F,5,,-1,15 -5150,F,5,,0,17 -5151,M,5,,0,15 -5152,M,5,,0,5 -5153,M,5,,1,17 -5154,M,3,,0,10 -5155,F,5,,0,11 -5156,M,5,,0,16 -5157,M,3,,1,6 -5158,F,5,,0,3 -5159,F,3,,0,16 -5160,M,5,,0,10 -5161,M,3,,0,13 -5162,M,5,,0,14 -5163,M,5,,-1,4 -5164,M,6,,1,16 -5165,M,3,,0,17 -5166,F,5,,1,16 -5167,F,5,,0,16 -5168,M,3,,0,10 -5169,M,3,,0,16 -5170,M,2,,0,8 -5171,F,6,,-1,0 -5172,M,5,,-1,14 -5173,M,6,,1,14 -5174,F,5,,0,0 -5175,M,5,,0,6 -5176,M,7,Ethnicity Recorded in Other Race,-1,15 -5177,F,5,,0,12 -5178,F,6,,1,15 -5179,M,3,,0,0 -5180,F,3,,0,4 -5181,M,5,,-1,4 -5182,M,5,,0,12 -5183,M,3,,1,14 -5184,F,3,,0,10 -5185,M,7,Ethnicity Recorded in Other Race,-1,12 -5186,F,6,,1,11 -5187,F,7,Ethnicity Recorded in Other Race,-1,15 -5188,M,6,,1,9 -5189,M,5,,0,13 -5190,F,5,,1,1 -5191,M,5,,0,13 -5192,F,3,,0,3 -5193,M,3,,0,1 -5194,M,5,,1,12 -5195,M,5,,0,15 -5196,M,3,,0,14 -5197,M,3,,0,10 -5198,M,5,,1,6 -5199,M,5,,0,14 -5200,F,5,,0,2 -5201,F,2,,0,0 -5202,M,5,,1,11 -5203,F,3,,0,14 -5204,M,5,,1,3 -5205,M,5,,1,17 -5206,M,3,,0,6 -5207,M,5,,0,10 -5208,M,5,,0,13 -5209,M,5,,0,17 -5210,F,5,,0,15 -5211,F,3,,1,17 -5212,M,3,,1,15 -5213,F,5,,0,6 -5214,M,5,,0,14 -5215,M,5,,0,12 -5216,M,3,n,0,15 -5217,M,5,,0,13 -5218,M,5,,0,15 -5219,M,5,,1,15 -5220,M,5,,0,17 -5221,M,2,,1,9 -5222,F,5,,1,5 -5223,M,6,,-1,16 -5224,M,3,,0,2 -5225,F,5,,-1,6 -5226,M,5,,0,15 -5227,F,5,,0,13 -5228,F,7,Ethnicity Recorded in Other Race,-1,12 -5229,F,6,,-1,3 -5230,M,3,,0,1 -5231,F,7,Indian,0,5 -5232,M,6,,-1,17 -5233,M,3,,0,7 -5234,M,5,,0,14 -5235,M,5,,0,4 -5236,F,5,,0,2 -5237,F,5,,1,17 -5238,M,5,,0,8 -5239,M,5,,1,12 -5240,M,5,,0,16 -5241,M,3,,0,3 -5242,M,3,,0,14 -5243,M,5,,0,10 -5244,M,3,,1,0 -5245,M,3,,0,10 -5246,M,5,,0,11 -5247,M,3,,0,13 -5248,M,3,,0,6 -5249,F,7,Ethnicity Recorded in Other Race,-1,16 -5250,F,3,,0,2 -5251,F,3,,0,10 -5252,M,5,,0,16 -5253,M,5,,1,0 -5254,F,3,,0,16 -5255,F,5,,0,15 -5256,F,5,,0,9 -5257,F,5,,1,10 -5258,M,3,,0,11 -5259,M,5,,0,5 -5260,M,5,,0,14 -5261,M,3,,0,17 -5262,M,5,,0,16 -5263,F,3,,0,17 -5264,F,5,,0,4 -5265,M,3,,0,6 -5266,M,3,,0,16 -5267,M,5,,0,1 -5268,F,5,,0,6 -5269,F,5,,0,17 -5270,F,5,,0,2 -5271,M,5,,0,7 -5272,M,6,,-1,12 -5273,F,5,,0,2 -5274,F,5,,0,11 -5275,M,3,,0,16 -5276,F,6,,1,0 -5277,F,5,,0,15 -5278,M,5,,1,13 -5279,M,5,,-1,12 -5280,M,5,,1,5 -5281,M,6,,1,14 -5282,M,5,,0,0 -5283,M,3,,1,0 -5284,M,3,,0,6 -5285,M,5,,-1,14 -5286,M,5,,1,12 -5287,M,5,,0,15 -5288,F,3,,0,14 -5289,M,5,,0,11 -5290,M,3,,0,3 -5291,M,6,,-1,15 -5292,F,6,,-1,16 -5293,M,3,,0,9 -5294,M,6,,1,6 -5295,M,3,,0,17 -5296,M,3,,0,7 -5297,F,5,,1,6 -5298,M,5,,0,9 -5299,M,5,,0,13 -5300,M,3,,0,5 -5301,F,5,,0,7 -5302,M,3,,1,11 -5303,M,6,,1,15 -5304,M,5,,0,13 -5305,M,3,,0,8 -5306,M,3,,0,7 -5307,M,4,,0,10 -5308,M,5,,0,5 -5309,F,5,,1,8 -5310,M,7,Ethnicity Recorded in Other Race,-1,17 -5311,M,3,,0,10 -5312,M,5,,0,9 -5313,M,3,,0,13 -5314,F,5,,1,17 -5315,F,3,,0,17 -5316,M,5,,0,12 -5317,M,5,,-1,16 -5318,M,5,,0,9 -5319,M,5,,-1,14 -5320,M,3,,1,14 -5321,F,6,,-1,16 -5322,F,3,,0,10 -5323,F,5,,0,11 -5324,M,5,,0,16 -5325,M,7,Indian,1,11 -5326,M,3,,0,12 -5327,M,5,,0,15 -5328,M,6,,1,11 -5329,F,5,,-1,17 -5330,M,3,,1,17 -5331,M,5,,0,5 -5332,M,5,,0,17 -5333,M,5,,-1,15 -5334,F,5,,0,10 -5335,M,3,,0,1 -5336,M,2,,0,1 -5337,M,5,,0,9 -5338,M,5,,0,12 -5339,M,3,,0,6 -5340,F,3,,1,16 -5341,M,3,,0,15 -5342,F,5,,0,16 -5343,F,5,,-1,4 -5344,F,5,,0,1 -5345,M,5,,0,11 -5346,M,1,,0,16 -5347,M,5,,1,3 -5348,M,5,,1,10 -5349,M,3,,0,15 -5350,F,5,,0,0 -5351,F,5,,0,16 -5352,F,3,,1,16 -5353,F,3,,0,14 -5354,M,6,,1,9 -5355,M,5,,0,1 -5356,M,3,,0,1 -5357,F,5,,0,16 -5358,M,6,,1,13 -5359,F,5,,0,9 -5360,M,5,,0,15 -5361,M,3,,0,0 -5362,M,6,,-1,15 -5363,F,5,,0,15 -5364,M,5,,1,5 -5365,M,5,,1,2 -5366,F,3,,1,7 -5367,M,3,,0,2 -5368,M,3,,0,0 -5369,M,5,,0,12 -5370,M,6,,1,4 -5371,F,5,,1,1 -5372,F,3,,0,5 -5373,M,3,,1,7 -5374,M,5,,0,13 -5375,M,3,,0,3 -5376,F,5,,0,13 -5377,M,1,,-1,1 -5378,F,5,,0,4 -5379,F,5,,-1,15 -5380,F,3,,0,11 -5381,F,5,,0,16 -5382,M,3,,0,10 -5383,F,3,,0,15 -5384,F,5,,1,6 -5385,M,6,,1,8 -5386,F,3,,1,2 -5387,F,5,,-1,4 -5388,F,5,,0,15 -5389,M,5,,0,8 -5390,M,3,,0,15 -5391,M,5,,0,8 -5392,M,5,,0,14 -5393,F,5,,1,16 -5394,F,2,,0,10 -5395,M,3,,-1,10 -5396,F,5,,0,14 -5397,F,3,,0,14 -5398,M,5,,0,9 -5399,M,3,,0,4 -5400,M,5,,0,15 -5401,M,2,,0,14 -5402,F,3,,0,14 -5403,F,3,,0,12 -5404,M,3,,0,0 -5405,F,5,,0,4 -5406,M,5,,0,15 -5407,M,5,,0,8 -5408,M,3,,0,12 -5409,M,5,,0,12 -5410,M,3,,0,10 -5411,M,5,,0,0 -5412,F,5,,0,10 -5413,M,3,,1,16 -5414,M,5,,0,0 -5415,M,5,,0,17 -5416,F,3,,0,5 -5417,M,6,,-1,17 -5418,M,2,,0,17 -5419,M,3,,0,2 -5420,F,5,,0,14 -5421,F,3,,1,17 -5422,M,3,,0,10 -5423,M,3,,0,12 -5424,M,3,,1,14 -5425,M,6,,1,6 -5426,M,5,,1,6 -5427,F,3,,1,0 -5428,M,3,,0,10 -5429,M,5,,0,16 -5430,M,5,,0,14 -5431,M,5,,0,10 -5432,M,3,,0,5 -5433,M,6,,1,0 -5434,F,3,,1,13 -5435,F,7,Ethnicity Recorded in Other Race,-1,6 -5436,F,3,,0,8 -5437,F,3,,0,6 -5438,M,5,,1,10 -5439,M,3,,0,17 -5440,M,3,,0,15 -5441,F,5,,-1,16 -5442,F,5,,0,14 -5443,M,5,,0,16 -5444,M,5,,0,14 -5445,F,5,,0,17 -5446,M,5,,0,17 -5447,F,5,,0,14 -5448,M,5,,0,6 -5449,M,5,,1,9 -5450,F,5,,0,8 -5451,F,6,,1,1 -5452,F,3,,1,7 -5453,F,6,,0,4 -5454,M,5,,0,1 -5455,F,3,,0,3 -5456,M,5,,0,9 -5457,M,5,,0,17 -5458,M,5,,1,1 -5459,M,3,,0,17 -5460,M,5,,0,14 -5461,M,5,,0,8 -5462,M,5,,0,17 -5463,F,3,,0,14 -5464,F,3,,1,13 -5465,M,5,,1,16 -5466,F,3,,1,15 -5467,M,5,,-1,14 -5468,M,5,,-1,7 -5469,M,3,,0,15 -5470,M,5,,0,3 -5471,F,3,,1,17 -5472,F,5,,0,16 -5473,M,2,,0,13 -5474,M,3,,0,6 -5475,F,5,,1,15 -5476,M,5,,-1,5 -5477,F,6,,-1,15 -5478,M,5,,0,3 -5479,M,5,,1,4 -5480,M,5,,0,17 -5481,M,6,,-1,9 -5482,M,3,,0,14 -5483,M,5,,0,13 -5484,F,5,,1,16 -5485,M,6,,1,9 -5486,M,3,,0,9 -5487,F,5,,0,14 -5488,M,5,,0,16 -5489,M,6,,-1,7 -5490,F,3,,0,11 -5491,M,3,,0,17 -5492,F,5,,1,7 -5493,F,3,,-1,1 -5494,F,5,,1,11 -5495,F,3,,1,16 -5496,F,5,,-1,5 -5497,F,3,,0,13 -5498,F,5,,1,17 -5499,F,5,,0,16 -5500,F,2,,0,8 -5501,M,3,,0,2 -5502,M,5,,0,13 -5503,F,5,,0,15 -5504,M,5,,0,12 -5505,M,5,,0,17 -5506,M,5,,0,1 -5507,F,3,,0,4 -5508,F,5,,0,15 -5509,F,5,,-1,14 -5510,M,3,,0,15 -5511,F,5,,0,17 -5512,M,3,,1,14 -5513,F,3,,0,17 -5514,M,7,Arabic,0,10 -5515,F,3,,1,9 -5516,F,5,,0,9 -5517,F,3,,1,4 -5518,F,5,,0,11 -5519,F,5,,-1,11 -5520,M,5,,0,2 -5521,M,6,,-1,1 -5522,M,3,,0,8 -5523,M,5,,-1,12 -5524,F,5,,0,16 -5525,F,5,,0,4 -5526,F,2,,0,2 -5527,F,5,,0,11 -5528,M,5,,1,12 -5529,M,3,,1,14 -5530,F,3,,0,15 -5531,M,3,,1,2 -5532,F,6,,1,14 -5533,F,5,,0,16 -5534,F,5,,1,17 -5535,M,5,,0,2 -5536,M,5,,0,14 -5537,M,6,,1,12 -5538,F,5,,0,7 -5539,M,7,Middle Eastern,0,17 -5540,M,7,Ethnicity Recorded in Other Race,-1,12 -5541,F,3,,0,11 -5542,F,5,,1,9 -5543,M,5,,0,5 -5544,M,5,,0,17 -5545,F,3,,0,6 -5546,F,3,,1,15 -5547,M,2,,0,13 -5548,F,3,,0,11 -5549,F,3,,0,0 -5550,M,3,,1,15 -5551,F,5,,0,1 -5552,F,3,,0,9 -5553,M,5,,0,8 -5554,F,3,,0,16 -5555,M,3,Physician did not answer,1,17 -5556,M,3,,0,6 -5557,F,5,,1,6 -5558,F,5,,0,5 -5559,F,5,,-1,1 -5560,M,6,,1,2 -5561,M,6,,-1,11 -5562,F,5,,0,9 -5563,F,3,,0,13 -5564,M,3,,0,9 -5565,M,5,,0,10 -5566,M,3,,1,4 -5567,M,5,,-1,15 -5568,M,5,,0,15 -5569,M,5,,0,15 -5570,M,5,,0,17 -5571,M,5,,1,12 -5572,F,5,,1,6 -5573,F,2,,0,16 -5574,F,5,,0,3 -5575,M,5,,0,15 -5576,M,5,,0,17 -5577,M,5,,0,13 -5578,F,5,,0,16 -5579,M,5,,0,8 -5580,M,5,,1,15 -5581,M,5,,0,3 -5582,M,5,,1,14 -5583,M,5,,0,7 -5584,M,3,,1,17 -5585,F,3,,1,15 -5586,M,5,,1,12 -5587,M,3,,1,12 -5588,M,5,,0,15 -5589,M,3,,0,12 -5590,F,5,,0,14 -5591,F,5,,0,7 -5592,M,5,,1,17 -5593,F,7,Ethnicity Recorded in Other Race,-1,15 -5594,M,3,,1,8 -5595,F,3,,1,14 -5596,M,5,,-1,17 -5597,M,6,,1,9 -5598,M,6,,0,5 -5599,M,3,,0,0 -5600,M,5,,0,16 -5601,F,3,,0,13 -5602,M,6,,1,13 -5603,F,5,,1,17 -5604,F,5,,0,12 -5605,M,3,,1,6 -5606,F,7,Ethnicity Recorded in Other Race,-1,17 -5607,M,5,,1,14 -5608,M,3,,1,14 -5609,F,5,,0,2 -5610,M,5,,-1,8 -5611,M,5,,1,15 -5612,F,5,,1,5 -5613,M,5,,0,13 -5614,M,5,,0,12 -5615,M,5,,0,12 -5616,M,5,,0,13 -5617,M,5,,0,15 -5618,M,3,,0,17 -5619,F,3,,0,17 -5620,M,5,,-1,12 -5621,M,5,,1,11 -5622,F,3,,0,14 -5623,M,3,,0,5 -5624,M,5,,0,7 -5625,F,3,,0,15 -5626,M,6,,-1,10 -5627,F,5,,0,7 -5628,M,5,,0,10 -5629,M,2,,0,17 -5630,M,3,,0,12 -5631,M,3,,1,7 -5632,F,6,,-1,7 -5633,F,5,,-1,3 -5634,M,5,,0,5 -5635,M,3,,0,16 -5636,M,3,,1,16 -5637,F,3,,0,14 -5638,F,3,,0,15 -5639,M,5,,0,6 -5640,M,3,,1,11 -5641,M,5,,1,9 -5642,F,6,,1,0 -5643,M,5,,1,17 -5644,F,5,,-1,11 -5645,M,6,,0,1 -5646,F,5,,0,17 -5647,F,5,,0,17 -5648,M,5,,0,13 -5649,M,3,,0,17 -5650,M,5,,0,8 -5651,M,5,,0,17 -5652,F,6,,1,1 -5653,M,2,,0,17 -5654,M,5,,0,7 -5655,M,5,,0,17 -5656,M,3,,1,8 -5657,M,5,,0,4 -5658,F,3,,0,17 -5659,F,3,,0,14 -5660,M,3,,0,13 -5661,F,5,,0,17 -5662,M,6,,1,8 -5663,M,5,,1,10 -5664,M,5,,1,3 -5665,F,3,,0,16 -5666,M,3,,0,15 -5667,M,3,,0,14 -5668,F,5,,-1,17 -5669,M,5,,0,15 -5670,M,5,,1,17 -5671,M,5,,0,2 -5672,M,5,,0,1 -5673,M,6,,1,11 -5674,F,3,,0,3 -5675,F,7,Ethnicity Recorded in Other Race,-1,4 -5676,M,3,,0,1 -5677,F,5,,0,16 -5678,F,5,,0,4 -5679,M,5,,0,9 -5680,M,5,,0,1 -5681,M,3,,1,1 -5682,M,7,Ethnicity Recorded in Other Race,-1,3 -5683,F,5,,0,9 -5684,M,6,,-1,10 -5685,M,5,,0,13 -5686,F,3,,1,8 -5687,M,3,,0,10 -5688,M,3,,0,4 -5689,F,5,,1,17 -5690,F,5,,0,4 -5691,M,5,,-1,12 -5692,M,6,,1,9 -5693,M,3,,0,11 -5694,M,7,Ethnicity Recorded in Other Race,-1,14 -5695,F,6,,1,6 -5696,F,1,,1,6 -5697,M,3,,0,14 -5698,M,5,,0,17 -5699,F,3,,0,3 -5700,F,5,,0,14 -5701,F,5,,1,9 -5702,F,3,,0,17 -5703,M,5,,0,9 -5704,M,6,,1,14 -5705,M,3,,0,16 -5706,F,6,,1,17 -5707,M,5,,1,12 -5708,M,3,,0,0 -5709,M,5,,0,11 -5710,F,3,,0,8 -5711,M,5,,-1,10 -5712,F,5,,0,17 -5713,M,5,,0,9 -5714,F,3,,0,17 -5715,M,5,,0,11 -5716,F,3,,0,12 -5717,M,5,,-1,11 -5718,M,5,,0,12 -5719,F,3,,0,9 -5720,F,2,,0,13 -5721,F,3,,0,15 -5722,M,6,,1,3 -5723,M,5,,1,13 -5724,F,5,,0,9 -5725,M,5,,0,10 -5726,M,7,Ethnicity Recorded in Other Race,-1,13 -5727,F,5,,0,5 -5728,M,7,Ethnicity Recorded in Other Race,-1,7 -5729,F,5,,0,11 -5730,F,1,,-1,0 -5731,M,3,,1,12 -5732,F,5,,1,14 -5733,M,5,,0,17 -5734,F,3,,0,4 -5735,M,7,Multiracial,1,0 -5736,M,7,Ethnicity Recorded in Other Race,-1,14 -5737,F,5,,0,2 -5738,F,3,,0,4 -5739,F,5,,1,15 -5740,F,3,,0,12 -5741,F,5,,0,16 -5742,F,5,,0,5 -5743,M,5,,0,12 -5744,M,5,,0,4 -5745,M,3,,0,13 -5746,M,5,,0,11 -5747,F,5,,0,8 -5748,M,6,,0,2 -5749,M,5,,0,16 -5750,F,3,,1,17 -5751,F,5,,1,1 -5752,M,3,,0,4 -5753,M,5,,0,11 -5754,F,5,,0,12 -5755,M,3,,0,2 -5756,F,5,,0,6 -5757,F,5,,0,15 -5758,M,5,,0,11 -5759,M,5,,1,8 -5760,M,3,,0,2 -5761,M,7,Ethnicity Recorded in Other Race,-1,4 -5762,M,5,,0,13 -5763,M,5,,0,13 -5764,F,3,,0,6 -5765,M,7,Palestinian,0,16 -5766,M,5,,0,8 -5767,M,3,,0,14 -5768,F,6,,1,3 -5769,M,5,,-1,0 -5770,M,5,,1,13 -5771,M,3,,0,2 -5772,F,6,,1,0 -5773,M,3,,0,2 -5774,M,5,,0,4 -5775,F,3,,0,7 -5776,M,3,,1,2 -5777,F,5,,0,2 -5778,F,3,,1,7 -5779,F,3,,0,3 -5780,F,5,,-1,4 -5781,F,5,,0,10 -5782,F,5,,0,14 -5783,M,3,,0,15 -5784,F,5,,1,8 -5785,M,3,,0,11 -5786,M,5,,-1,10 -5787,M,3,,0,8 -5788,M,5,,0,17 -5789,F,5,,1,11 -5790,M,3,,1,14 -5791,M,3,,0,3 -5792,F,3,Physician did not answer ethnicity,1,15 -5793,M,5,,0,17 -5794,M,6,,1,16 -5795,M,5,,-1,12 -5796,M,5,,0,11 -5797,F,5,,1,9 -5798,M,7,Ethnicity Recorded in Other Race,-1,2 -5799,M,5,,1,8 -5800,F,5,,1,1 -5801,M,7,Both Asian and Black or African American,0,3 -5802,M,5,,1,13 -5803,F,5,,1,11 -5804,F,5,,0,11 -5805,F,5,,0,16 -5806,F,6,,0,0 -5807,F,5,,0,4 -5808,F,5,,0,12 -5809,M,5,,1,14 -5810,M,6,,-1,14 -5811,F,6,,-1,8 -5812,M,3,,0,9 -5813,M,3,,0,3 -5814,M,3,,0,8 -5815,M,3,,0,1 -5816,M,5,,0,11 -5817,F,5,,0,11 -5818,F,3,,0,8 -5819,F,5,,0,17 -5820,M,5,,0,0 -5821,M,7,Ethnicity Recorded in Other Race,-1,14 -5822,F,5,,0,8 -5823,M,3,,0,11 -5824,M,5,,0,17 -5825,M,3,,0,17 -5826,F,6,,1,17 -5827,M,5,,0,16 -5828,F,5,,-1,17 -5829,M,5,,0,6 -5830,M,5,,0,14 -5831,F,5,,0,1 -5832,M,5,,0,9 -5833,M,5,,0,9 -5834,M,5,,1,11 -5835,F,6,,-1,4 -5836,F,2,,1,9 -5837,M,5,,0,17 -5838,M,5,,1,15 -5839,M,5,,0,0 -5840,M,3,,0,9 -5841,M,3,,0,1 -5842,F,5,,-1,5 -5843,F,3,,1,13 -5844,M,5,,0,9 -5845,F,5,,0,6 -5846,M,5,,1,6 -5847,M,5,,1,14 -5848,F,5,,0,7 -5849,F,6,,1,0 -5850,F,3,,0,7 -5851,F,5,,0,8 -5852,M,5,,1,15 -5853,M,3,,1,13 -5854,F,5,,0,6 -5855,M,3,,0,7 -5856,M,5,,0,10 -5857,F,6,,-1,12 -5858,M,5,,0,14 -5859,M,6,,-1,6 -5860,M,5,,-1,10 -5861,M,5,,0,15 -5862,M,5,,0,3 -5863,M,2,,0,11 -5864,F,5,,-1,2 -5865,M,5,,0,15 -5866,M,3,,0,9 -5867,M,5,,0,15 -5868,F,5,,0,17 -5869,M,5,,0,13 -5870,M,5,,1,16 -5871,M,5,,0,8 -5872,M,3,,0,2 -5873,M,5,,1,3 -5874,M,5,,-1,5 -5875,M,3,,-1,4 -5876,F,3,,0,1 -5877,M,5,,0,6 -5878,F,5,,0,16 -5879,M,7,Ethnicity Recorded in Other Race,-1,0 -5880,M,5,,0,7 -5881,F,7,Ethnicity Recorded in Other Race,-1,8 -5882,M,5,,0,13 -5883,M,6,,1,9 -5884,M,5,,-1,2 -5885,M,2,,1,3 -5886,F,6,,-1,16 -5887,M,5,,1,8 -5888,F,6,,1,2 -5889,F,5,,-1,0 -5890,M,5,,0,3 -5891,M,5,,0,13 -5892,M,5,,0,16 -5893,F,3,,1,13 -5894,M,5,,1,10 -5895,M,3,,0,2 -5896,F,3,,0,17 -5897,M,3,,0,7 -5898,M,5,,0,0 -5899,M,6,,-1,17 -5900,M,5,,0,12 -5901,F,5,,1,14 -5902,M,6,,1,4 -5903,M,5,,0,8 -5904,M,3,,0,10 -5905,F,3,,0,3 -5906,F,5,,1,12 -5907,F,5,,0,6 -5908,F,5,,0,3 -5909,F,5,,1,17 -5910,M,3,,1,3 -5911,M,5,,1,8 -5912,M,3,,0,14 -5913,M,6,,-1,7 -5914,M,5,,0,0 -5915,M,5,,0,4 -5916,M,3,,0,17 -5917,F,5,,1,13 -5918,F,5,,0,1 -5919,M,7,Physican stated Spanish,0,16 -5920,M,5,,1,15 -5921,M,3,,1,0 -5922,F,3,,0,7 -5923,M,5,,1,15 -5924,F,3,,1,12 -5925,M,5,,0,16 -5926,F,6,,1,1 -5927,M,5,,1,1 -5928,M,6,,1,10 -5929,F,5,,0,15 -5930,F,5,,1,0 -5931,F,3,,0,15 -5932,F,5,,0,6 -5933,M,7,Ethnicity Recorded in Other Race,-1,14 -5934,F,5,,1,1 -5935,F,5,,0,2 -5936,F,6,,1,10 -5937,F,5,,1,15 -5938,M,5,,1,13 -5939,M,5,,0,0 -5940,M,3,,1,9 -5941,F,3,,0,0 -5942,F,3,,0,17 -5943,F,3,,0,7 -5944,M,7,Arabic,0,2 -5945,F,3,,0,6 -5946,F,6,,1,3 -5947,M,5,,0,11 -5948,M,5,,0,4 -5949,F,5,,0,7 -5950,M,5,,1,15 -5951,M,3,,0,5 -5952,F,5,,0,16 -5953,M,5,,0,12 -5954,F,5,,1,3 -5955,F,1,,1,13 -5956,F,5,,0,13 -5957,F,7,Ethnicity Recorded in Other Race,-1,11 -5958,M,5,,1,4 -5959,M,5,,0,12 -5960,M,3,,0,0 -5961,F,3,,0,8 -5962,M,3,,0,17 -5963,F,3,,1,14 -5964,M,5,,0,10 -5965,M,5,,0,11 -5966,F,7,Ethnicity Recorded in Other Race,-1,16 -5967,M,3,,0,15 -5968,F,5,,0,16 -5969,F,7,Ethnicity Recorded in Other Race,-1,4 -5970,F,5,,0,5 -5971,M,3,,0,1 -5972,M,3,,0,4 -5973,F,6,,1,15 -5974,F,5,,0,12 -5975,M,5,,-1,2 -5976,F,3,,0,5 -5977,M,3,,0,10 -5978,M,5,,0,16 -5979,M,5,,1,5 -5980,M,3,,0,16 -5981,M,5,,-1,11 -5982,M,5,,0,4 -5983,M,5,,0,6 -5984,F,3,,0,9 -5985,M,5,,1,15 -5986,F,4,,1,2 -5987,M,3,,0,0 -5988,M,5,,0,15 -5989,M,3,,0,9 -5990,F,6,,1,0 -5991,F,3,,0,9 -5992,F,5,,1,8 -5993,F,5,,0,13 -5994,F,3,,0,3 -5995,M,5,,0,8 -5996,M,5,,0,11 -5997,F,5,,1,16 -5998,M,5,,0,16 -5999,M,5,,-1,14 -6000,F,2,,0,8 -6001,M,3,,0,4 -6002,M,6,,1,0 -6003,F,5,,0,13 -6004,M,5,,0,9 -6005,F,5,,1,7 -6006,M,5,,0,9 -6007,F,5,,1,1 -6008,M,3,,0,11 -6009,M,3,,0,8 -6010,M,5,,0,17 -6011,M,3,,0,10 -6012,M,5,,0,9 -6013,F,5,,-1,13 -6014,M,5,,1,10 -6015,M,5,,0,17 -6016,F,5,,0,8 -6017,M,5,,0,17 -6018,F,3,,0,10 -6019,M,5,,0,6 -6020,M,5,,1,10 -6021,F,5,,-1,17 -6022,M,5,,0,14 -6023,F,5,,1,14 -6024,F,5,,0,10 -6025,F,3,,1,17 -6026,F,5,,-1,14 -6027,M,3,,0,1 -6028,M,5,,-1,7 -6029,M,5,,0,16 -6030,M,3,,0,14 -6031,M,5,,0,15 -6032,M,5,,1,14 -6033,M,5,,1,6 -6034,M,3,,0,9 -6035,M,5,,-1,4 -6036,F,3,,0,6 -6037,F,6,,1,12 -6038,F,3,,0,16 -6039,M,5,,0,7 -6040,M,5,,0,12 -6041,M,5,,0,16 -6042,M,6,,1,1 -6043,F,5,,0,17 -6044,F,5,,0,15 -6045,F,6,,1,3 -6046,M,3,,0,12 -6047,F,5,,0,1 -6048,F,5,,1,6 -6049,M,5,,-1,12 -6050,M,5,,1,17 -6051,M,5,,0,9 -6052,F,5,,1,12 -6053,F,3,,0,11 -6054,M,5,,1,6 -6055,M,1,,1,14 -6056,M,3,,1,10 -6057,F,5,,0,11 -6058,M,5,,0,3 -6059,F,5,,0,10 -6060,M,3,,0,14 -6061,F,5,,0,16 -6062,M,3,,0,16 -6063,M,3,,1,13 -6064,F,5,,-1,6 -6065,F,3,,1,9 -6066,F,3,,0,16 -6067,M,5,,1,4 -6068,M,5,,0,1 -6069,F,3,,0,7 -6070,F,5,,0,10 -6071,M,3,,1,2 -6072,F,5,,0,16 -6073,F,7,Ethnicity Recorded in Other Race,-1,1 -6074,M,3,,0,3 -6075,M,7,Ethnicity Recorded in Other Race,-1,0 -6076,M,3,,0,12 -6077,F,5,,0,16 -6078,F,3,,0,14 -6079,M,5,,0,8 -6080,M,3,,0,0 -6081,F,5,,1,17 -6082,M,5,,1,0 -6083,F,3,,0,10 -6084,M,3,,0,1 -6085,M,5,,0,14 -6086,F,5,,0,15 -6087,M,7,Mix half white,1,3 -6088,M,5,,0,3 -6089,F,5,,1,5 -6090,F,5,,0,9 -6091,F,5,,0,17 -6092,M,5,,0,17 -6093,M,2,,0,11 -6094,M,3,,0,6 -6095,F,6,,1,6 -6096,M,5,,0,15 -6097,M,5,,0,14 -6098,F,5,,1,8 -6099,M,5,,0,15 -6100,F,3,,0,13 -6101,M,3,,1,8 -6102,F,5,,0,3 -6103,M,3,,0,0 -6104,M,3,,0,4 -6105,M,6,,1,3 -6106,F,6,,-1,6 -6107,M,5,,0,15 -6108,F,5,,1,14 -6109,M,3,,1,4 -6110,M,5,,-1,0 -6111,F,6,,0,11 -6112,M,5,,1,17 -6113,M,5,,0,14 -6114,F,5,,0,8 -6115,M,3,,0,13 -6116,M,5,,0,17 -6117,M,3,,0,9 -6118,M,5,,0,14 -6119,M,5,,0,13 -6120,M,5,,0,15 -6121,F,3,,1,3 -6122,M,5,,-1,17 -6123,M,3,,1,0 -6124,M,3,,0,2 -6125,M,3,,0,4 -6126,M,5,,0,13 -6127,F,5,,0,9 -6128,F,3,,1,14 -6129,F,5,,0,12 -6130,M,5,,1,11 -6131,F,7,Ethnicity Recorded in Other Race,-1,7 -6132,M,5,,0,14 -6133,F,7,Ethnicity Recorded in Other Race,-1,11 -6134,F,5,,0,17 -6135,M,3,,0,9 -6136,F,5,,0,17 -6137,M,7,Ethnicity Recorded in Other Race,-1,3 -6138,M,3,,0,12 -6139,F,5,,0,13 -6140,M,3,,1,9 -6141,M,5,,0,16 -6142,F,6,,1,6 -6143,M,5,,0,15 -6144,M,6,,-1,0 -6145,M,5,,0,17 -6146,F,3,,0,16 -6147,F,5,,0,8 -6148,F,5,,0,17 -6149,M,5,,0,15 -6150,M,3,,1,17 -6151,F,3,,0,15 -6152,M,6,,1,5 -6153,M,7,Ethnicity Recorded in Other Race,-1,1 -6154,M,5,,1,10 -6155,F,5,,0,1 -6156,F,5,,0,14 -6157,F,6,,1,1 -6158,F,3,,0,15 -6159,M,5,,1,15 -6160,F,3,,0,9 -6161,F,5,,1,6 -6162,M,5,,0,4 -6163,M,6,,1,15 -6164,M,3,,0,7 -6165,M,3,,0,5 -6166,F,6,,1,14 -6167,F,5,,0,9 -6168,F,5,,-1,7 -6169,M,5,,0,5 -6170,M,3,,0,13 -6171,M,3,,0,10 -6172,F,6,,1,0 -6173,M,5,,1,15 -6174,M,5,,-1,7 -6175,M,6,,1,0 -6176,F,5,,0,16 -6177,F,3,,0,13 -6178,F,5,,0,16 -6179,M,5,,1,9 -6180,F,6,,1,16 -6181,M,5,,0,16 -6182,M,5,,0,17 -6183,F,3,,0,17 -6184,F,6,,1,0 -6185,M,5,,0,16 -6186,M,5,,0,16 -6187,M,3,,0,11 -6188,M,5,,1,12 -6189,M,5,,-1,14 -6190,M,3,,0,9 -6191,F,5,,0,15 -6192,M,3,,0,8 -6193,M,3,,0,14 -6194,M,5,,0,16 -6195,M,6,,1,12 -6196,M,3,,0,14 -6197,F,3,,0,9 -6198,M,5,,0,15 -6199,M,2,,0,0 -6200,M,3,,-1,4 -6201,F,3,,0,7 -6202,F,5,,0,17 -6203,F,6,,1,9 -6204,M,5,,0,11 -6205,M,5,,0,14 -6206,M,5,,-1,8 -6207,F,5,,0,13 -6208,F,5,,0,7 -6209,M,3,,0,13 -6210,F,3,,1,17 -6211,F,5,,0,17 -6212,M,6,,1,11 -6213,M,3,,0,12 -6214,F,5,,1,6 -6215,F,5,,0,3 -6216,F,3,,1,16 -6217,M,3,,0,15 -6218,M,5,,-1,15 -6219,F,7,Ethnicity Recorded in Other Race,-1,11 -6220,F,3,,0,15 -6221,F,3,,0,13 -6222,F,5,,0,0 -6223,F,3,,0,17 -6224,M,5,,1,5 -6225,M,5,,0,17 -6226,M,3,,0,9 -6227,M,3,,0,5 -6228,F,5,,0,11 -6229,M,5,,0,9 -6230,F,5,,0,8 -6231,F,3,,1,13 -6232,F,3,,0,17 -6233,F,5,,0,14 -6234,M,5,,0,4 -6235,M,5,,0,11 -6236,M,3,,0,17 -6237,M,5,,0,8 -6238,F,5,,-1,16 -6239,F,3,,0,1 -6240,M,6,,1,10 -6241,M,5,,0,0 -6242,F,3,,1,17 -6243,M,5,,0,12 -6244,F,5,,0,12 -6245,M,5,,1,10 -6246,F,5,,-1,14 -6247,F,3,,0,12 -6248,F,5,,1,16 -6249,F,5,,0,10 -6250,M,5,,-1,1 -6251,F,5,,0,14 -6252,F,5,,0,3 -6253,M,3,,0,13 -6254,M,3,Physician did not answer ethnicity,1,8 -6255,M,7,Ethnicity Recorded in Other Race,-1,16 -6256,M,5,,1,13 -6257,M,3,,0,15 -6258,F,5,,0,0 -6259,M,3,,0,8 -6260,M,6,,1,12 -6261,M,6,,1,14 -6262,M,5,,0,10 -6263,M,3,,-1,13 -6264,M,5,,0,15 -6265,F,5,,0,13 -6266,F,3,,0,17 -6267,M,5,,1,16 -6268,M,5,,0,13 -6269,F,3,,-1,9 -6270,F,6,,1,15 -6271,M,3,,-1,15 -6272,M,5,,0,14 -6273,M,5,,0,15 -6274,M,5,,0,13 -6275,F,3,,0,2 -6276,F,5,,-1,13 -6277,F,5,,1,7 -6278,M,5,,0,15 -6279,M,7,Ethnicity Recorded in Other Race,-1,3 -6280,M,6,,1,7 -6281,M,5,,-1,13 -6282,F,3,,0,9 -6283,M,3,,0,11 -6284,M,3,,0,3 -6285,M,3,,0,13 -6286,M,5,,0,13 -6287,F,7,Arabic,0,4 -6288,M,3,,0,10 -6289,M,7,Middle Eastern,0,13 -6290,M,3,,0,8 -6291,M,3,,1,5 -6292,F,3,,0,14 -6293,F,6,,1,16 -6294,F,5,,0,1 -6295,M,5,,1,17 -6296,M,5,,0,15 -6297,M,5,,-1,17 -6298,M,3,,0,13 -6299,M,3,,0,9 -6300,M,5,,1,9 -6301,M,3,,1,8 -6302,F,5,,-1,0 -6303,M,5,,0,3 -6304,M,5,,0,16 -6305,M,5,,0,4 -6306,M,5,,0,2 -6307,M,3,,0,14 -6308,F,3,,0,15 -6309,F,3,,0,0 -6310,F,3,,0,6 -6311,F,5,,1,5 -6312,F,5,,-1,15 -6313,M,3,,0,9 -6314,M,3,,0,12 -6315,M,5,,-1,8 -6316,M,5,,0,3 -6317,M,6,,1,14 -6318,M,2,,0,9 -6319,F,5,,0,9 -6320,M,5,,0,13 -6321,F,5,,0,13 -6322,F,6,,1,14 -6323,M,3,,0,14 -6324,M,3,,0,7 -6325,M,5,,1,14 -6326,F,5,,0,8 -6327,F,2,,0,16 -6328,F,5,,-1,9 -6329,M,3,,0,8 -6330,F,3,,0,4 -6331,M,3,,0,11 -6332,M,5,,1,9 -6333,M,5,,1,8 -6334,M,3,,1,8 -6335,M,5,,1,16 -6336,M,5,,0,0 -6337,F,5,,1,15 -6338,M,3,,0,13 -6339,M,5,,0,6 -6340,M,3,,0,0 -6341,M,6,,1,4 -6342,M,3,,0,17 -6343,M,5,,0,12 -6344,M,5,,1,14 -6345,M,5,,1,16 -6346,F,6,,1,2 -6347,M,5,,0,12 -6348,M,5,,0,13 -6349,F,5,,0,17 -6350,F,3,,0,13 -6351,F,3,,0,3 -6352,F,3,,0,1 -6353,M,3,,1,0 -6354,M,3,,0,10 -6355,M,5,,-1,10 -6356,M,3,,1,14 -6357,M,6,,1,5 -6358,M,6,,0,2 -6359,F,3,,0,4 -6360,F,5,,1,17 -6361,M,5,,0,16 -6362,M,5,,0,9 -6363,F,5,,0,16 -6364,M,5,,-1,6 -6365,M,3,,0,10 -6366,M,5,,0,13 -6367,M,5,,0,16 -6368,M,5,,0,11 -6369,M,3,,1,1 -6370,F,3,,0,15 -6371,M,3,,0,2 -6372,F,5,,-1,10 -6373,F,3,,0,8 -6374,M,3,,0,13 -6375,M,5,,0,3 -6376,F,5,,0,4 -6377,M,6,,1,6 -6378,M,3,,0,13 -6379,F,5,,0,6 -6380,M,5,,0,1 -6381,M,5,,0,12 -6382,F,5,,1,5 -6383,M,5,,1,15 -6384,F,5,,1,14 -6385,M,5,,0,8 -6386,M,3,,0,12 -6387,M,5,,0,16 -6388,M,5,,0,6 -6389,F,7,Ethnicity Recorded in Other Race,-1,16 -6390,M,2,,0,2 -6391,M,5,,1,14 -6392,M,5,,1,1 -6393,M,5,,1,12 -6394,M,5,,0,16 -6395,F,5,,0,8 -6396,F,3,,0,6 -6397,F,5,,0,6 -6398,M,3,,0,1 -6399,M,3,,0,9 -6400,F,5,,0,17 -6401,M,7,Ethnicity Recorded in Other Race,-1,10 -6402,M,5,,1,2 -6403,M,5,,1,11 -6404,M,5,,-1,15 -6405,M,3,,0,16 -6406,M,5,,0,15 -6407,F,5,,0,5 -6408,F,5,,0,3 -6409,F,5,,0,11 -6410,M,3,,0,16 -6411,M,5,,-1,6 -6412,M,3,,0,2 -6413,F,5,,0,1 -6414,F,3,,0,13 -6415,F,6,,1,1 -6416,F,5,,1,16 -6417,F,6,,1,4 -6418,F,5,,1,13 -6419,M,5,,1,14 -6420,M,6,,1,6 -6421,M,5,,1,17 -6422,M,5,,0,5 -6423,F,5,,1,10 -6424,F,2,,0,13 -6425,F,7,Ethnicity Recorded in Other Race,-1,14 -6426,F,2,,1,12 -6427,F,3,,0,6 -6428,M,5,,0,13 -6429,F,3,,0,2 -6430,F,3,,0,13 -6431,M,5,,1,12 -6432,M,5,,1,17 -6433,F,6,,-1,4 -6434,F,3,,0,16 -6435,F,6,,1,8 -6436,M,5,,0,6 -6437,F,5,,0,1 -6438,M,5,,-1,2 -6439,M,5,,0,9 -6440,M,5,,1,2 -6441,M,5,,0,2 -6442,M,3,,1,2 -6443,M,5,,0,13 -6444,M,5,,1,12 -6445,F,3,,0,12 -6446,M,3,,0,14 -6447,M,3,,1,7 -6448,M,5,,0,6 -6449,M,5,,1,5 -6450,M,3,,0,1 -6451,M,5,,0,15 -6452,M,5,,0,16 -6453,F,5,,0,16 -6454,M,5,,0,14 -6455,F,5,,0,14 -6456,F,5,,0,15 -6457,F,3,,0,1 -6458,F,5,,0,0 -6459,M,5,,0,16 -6460,F,5,,-1,1 -6461,M,3,,0,12 -6462,M,5,,0,17 -6463,F,3,,0,4 -6464,M,5,,0,5 -6465,M,4,,0,6 -6466,M,5,,-1,13 -6467,F,5,,-1,0 -6468,M,5,,0,4 -6469,M,3,,1,15 -6470,M,3,,0,3 -6471,M,5,,0,11 -6472,M,3,,0,16 -6473,F,5,,0,10 -6474,M,5,,1,15 -6475,M,3,,0,15 -6476,F,5,,0,7 -6477,F,5,,0,10 -6478,M,6,,1,14 -6479,F,5,,0,14 -6480,F,3,,1,11 -6481,M,5,,0,16 -6482,F,7,Ethnicity Recorded in Other Race,-1,4 -6483,F,5,,-1,1 -6484,M,7,East Indian,0,4 -6485,F,3,,0,15 -6486,M,3,,1,5 -6487,M,3,,0,17 -6488,M,5,,0,16 -6489,M,5,,0,7 -6490,M,3,,0,14 -6491,F,5,,0,3 -6492,M,5,,0,13 -6493,M,5,,1,1 -6494,F,3,,0,14 -6495,F,5,,0,11 -6496,F,5,,0,15 -6497,F,5,,0,17 -6498,M,3,,0,6 -6499,M,3,,0,1 -6500,F,3,,0,7 -6501,M,5,,1,15 -6502,M,5,,-1,13 -6503,M,5,,-1,12 -6504,M,3,,0,11 -6505,F,6,,1,11 -6506,F,5,,1,7 -6507,M,5,,0,6 -6508,M,3,,1,17 -6509,F,5,,0,0 -6510,M,4,,0,2 -6511,F,5,,0,15 -6512,M,6,,1,7 -6513,F,3,,0,7 -6514,M,5,,0,10 -6515,F,5,,0,2 -6516,F,6,,1,3 -6517,F,3,,1,2 -6518,F,3,,0,6 -6519,M,5,,0,16 -6520,M,5,,0,11 -6521,M,6,,1,9 -6522,M,3,,0,0 -6523,F,3,,1,5 -6524,F,3,,0,4 -6525,F,3,,0,17 -6526,M,5,,1,17 -6527,M,5,,1,6 -6528,M,5,,0,0 -6529,F,4,,1,4 -6530,F,3,,0,11 -6531,F,7,Ethnicity Recorded in Other Race,-1,6 -6532,F,5,,0,11 -6533,F,5,,0,3 -6534,M,3,,0,16 -6535,F,5,,0,17 -6536,M,5,,0,3 -6537,F,5,,0,17 -6538,F,3,,0,6 -6539,M,5,,0,10 -6540,F,3,,0,13 -6541,M,6,,-1,16 -6542,M,5,,0,16 -6543,F,5,,0,2 -6544,M,5,,-1,10 -6545,F,6,,1,7 -6546,M,5,,0,14 -6547,F,5,,0,17 -6548,M,5,,0,14 -6549,M,7,Biracial,1,3 -6550,F,5,,0,1 -6551,F,5,,0,9 -6552,F,6,,1,0 -6553,F,5,,-1,14 -6554,M,6,,-1,4 -6555,M,3,,0,13 -6556,M,3,,0,17 -6557,F,5,,1,17 -6558,M,5,,1,17 -6559,M,7,Arabic/Middle Eastern,0,2 -6560,F,5,,0,2 -6561,F,5,,0,14 -6562,M,3,,0,8 -6563,M,5,,0,6 -6564,F,5,,0,4 -6565,F,5,,1,16 -6566,F,5,,0,11 -6567,M,6,,1,8 -6568,F,3,,1,3 -6569,F,5,,1,13 -6570,F,5,,0,17 -6571,M,3,,0,2 -6572,M,6,,0,14 -6573,F,6,,-1,1 -6574,M,6,,1,4 -6575,F,5,,0,17 -6576,M,5,,0,16 -6577,M,3,,0,3 -6578,M,5,,0,13 -6579,F,5,,1,17 -6580,M,3,,0,15 -6581,M,3,,1,16 -6582,F,6,,1,0 -6583,M,5,,-1,11 -6584,M,5,,0,4 -6585,F,5,,0,2 -6586,M,5,,0,15 -6587,M,3,,0,14 -6588,M,3,,0,3 -6589,M,3,,0,6 -6590,M,5,,0,6 -6591,M,5,,0,14 -6592,M,3,,0,17 -6593,M,5,,0,5 -6594,M,6,,1,10 -6595,M,3,,0,12 -6596,F,5,,0,0 -6597,F,3,,0,11 -6598,M,3,,0,8 -6599,F,3,,1,15 -6600,F,5,,1,16 -6601,M,3,,1,15 -6602,M,5,,0,13 -6603,F,5,,-1,17 -6604,M,5,,0,15 -6605,M,6,,0,7 -6606,F,3,,0,15 -6607,M,5,,0,9 -6608,M,5,,0,17 -6609,M,2,,1,2 -6610,M,5,,0,13 -6611,M,3,,0,7 -6612,F,5,,1,8 -6613,M,5,,0,9 -6614,M,5,,0,13 -6615,M,5,,1,12 -6616,M,3,,0,8 -6617,F,3,,1,9 -6618,F,3,,1,13 -6619,F,2,,0,16 -6620,M,3,,0,15 -6621,M,5,,1,15 -6622,M,5,,0,4 -6623,M,3,,1,9 -6624,F,3,,1,13 -6625,F,3,,0,6 -6626,F,3,,0,10 -6627,M,3,,0,13 -6628,M,5,,0,13 -6629,M,5,,1,6 -6630,F,3,,1,5 -6631,M,5,,0,12 -6632,F,5,,0,2 -6633,F,3,,0,2 -6634,F,6,,1,0 -6635,M,6,,1,16 -6636,M,5,,0,12 -6637,F,3,,0,1 -6638,M,5,,0,6 -6639,M,3,,0,16 -6640,M,5,,0,12 -6641,M,5,,1,13 -6642,F,5,,0,16 -6643,F,5,,0,17 -6644,M,3,,-1,7 -6645,M,3,,0,9 -6646,M,5,,-1,6 -6647,M,5,,1,0 -6648,F,3,,0,5 -6649,F,5,,0,16 -6650,M,5,,1,0 -6651,M,5,,0,9 -6652,M,6,,1,8 -6653,F,5,,0,7 -6654,M,5,,1,8 -6655,M,5,,0,16 -6656,M,5,,1,16 -6657,M,3,,1,15 -6658,M,5,,1,11 -6659,M,5,,1,15 -6660,M,5,,0,17 -6661,F,5,,0,16 -6662,M,3,,1,16 -6663,M,3,,0,14 -6664,F,5,,1,4 -6665,M,5,,0,1 -6666,M,5,,1,11 -6667,F,5,,1,9 -6668,F,3,,0,4 -6669,M,3,,1,17 -6670,M,5,,0,7 -6671,M,3,,0,16 -6672,F,6,,0,13 -6673,M,5,,0,11 -6674,F,5,,1,16 -6675,M,3,,1,5 -6676,M,2,,1,14 -6677,M,5,,1,17 -6678,M,3,,0,4 -6679,F,5,,1,16 -6680,F,5,,0,12 -6681,M,5,,1,9 -6682,M,5,,0,12 -6683,M,5,,0,16 -6684,M,5,,1,7 -6685,F,5,,0,16 -6686,M,5,,0,13 -6687,F,5,,0,11 -6688,M,5,,-1,12 -6689,F,5,,0,17 -6690,M,5,,1,15 -6691,M,5,,-1,0 -6692,M,3,,0,0 -6693,M,5,,0,10 -6694,M,5,,0,13 -6695,M,5,,0,2 -6696,M,3,,0,17 -6697,F,3,,0,15 -6698,M,5,,0,10 -6699,M,7,Ethnicity Recorded in Other Race,-1,17 -6700,M,5,,0,11 -6701,F,5,,0,16 -6702,F,5,,0,0 -6703,M,5,,1,7 -6704,M,5,,1,15 -6705,F,5,,0,14 -6706,M,3,,1,16 -6707,F,3,,0,10 -6708,M,5,,0,5 -6709,M,5,,-1,1 -6710,M,3,,0,17 -6711,F,5,,-1,17 -6712,F,3,,0,13 -6713,F,5,,1,16 -6714,F,5,,0,11 -6715,M,5,,0,13 -6716,F,5,,0,1 -6717,M,3,,0,6 -6718,M,5,,1,0 -6719,F,5,,0,8 -6720,M,5,,-1,16 -6721,M,5,,0,0 -6722,M,5,,0,17 -6723,M,5,,0,4 -6724,M,5,,1,16 -6725,M,5,,0,12 -6726,M,3,,0,10 -6727,M,3,,1,5 -6728,M,3,,1,5 -6729,F,3,,0,8 -6730,M,3,,0,13 -6731,M,5,,1,9 -6732,M,3,,0,8 -6733,M,3,,0,16 -6734,F,6,,-1,17 -6735,M,5,,1,3 -6736,M,6,,1,11 -6737,F,3,,0,2 -6738,M,5,,0,11 -6739,M,5,,-1,15 -6740,F,5,,0,17 -6741,M,5,,0,13 -6742,M,5,,0,3 -6743,M,5,,0,8 -6744,F,3,,0,13 -6745,M,5,,0,0 -6746,M,3,,0,7 -6747,F,3,,0,9 -6748,M,5,,0,12 -6749,F,5,,0,1 -6750,M,5,,0,11 -6751,F,5,,0,11 -6752,F,5,,0,10 -6753,F,5,,1,16 -6754,F,3,,0,11 -6755,M,5,,0,9 -6756,M,6,,1,12 -6757,M,3,,1,5 -6758,F,5,,0,11 -6759,F,5,,0,3 -6760,M,3,,0,9 -6761,M,5,,0,9 -6762,M,3,,0,14 -6763,F,5,,0,14 -6764,M,5,,0,8 -6765,M,5,,-1,0 -6766,M,5,,0,17 -6767,F,5,,0,5 -6768,F,5,,1,4 -6769,M,6,,0,12 -6770,M,5,,-1,6 -6771,F,5,,-1,2 -6772,M,5,,0,6 -6773,M,6,,1,16 -6774,F,6,,-1,0 -6775,F,3,,0,1 -6776,F,3,,1,17 -6777,F,5,,0,1 -6778,M,5,,0,6 -6779,M,5,,0,4 -6780,F,5,,1,16 -6781,F,3,,0,6 -6782,M,6,,1,0 -6783,F,2,,0,17 -6784,M,5,,0,1 -6785,M,3,,0,5 -6786,F,5,,0,4 -6787,F,3,,1,16 -6788,F,7,Race and ethnicity not indicated y physician,1,12 -6789,M,3,,1,5 -6790,M,5,,1,3 -6791,F,5,,-1,4 -6792,F,3,,0,11 -6793,F,5,,0,5 -6794,M,5,,1,16 -6795,M,5,,-1,2 -6796,M,3,,0,10 -6797,M,5,,0,13 -6798,M,3,,0,15 -6799,F,3,,0,17 -6800,F,3,,0,2 -6801,F,3,,1,13 -6802,M,5,,0,7 -6803,M,5,,0,14 -6804,F,2,,0,14 -6805,M,5,,0,16 -6806,M,5,,1,13 -6807,M,6,,1,2 -6808,F,3,,0,15 -6809,M,3,,0,17 -6810,F,5,,1,13 -6811,F,2,,0,17 -6812,M,6,,1,15 -6813,M,5,,-1,8 -6814,M,6,,-1,15 -6815,M,5,,0,0 -6816,F,3,,0,4 -6817,F,3,,1,13 -6818,F,5,,0,11 -6819,M,5,,-1,3 -6820,M,6,,1,10 -6821,M,3,,0,14 -6822,F,5,,0,10 -6823,M,2,,0,6 -6824,F,6,,1,11 -6825,F,3,,0,3 -6826,M,2,,0,4 -6827,M,3,,0,14 -6828,F,3,,0,17 -6829,M,5,,1,17 -6830,F,5,,0,3 -6831,M,5,,1,10 -6832,F,7,Ethnicity Recorded in Other Race,-1,15 -6833,M,3,,0,6 -6834,F,5,,1,2 -6835,M,6,,1,4 -6836,F,3,,0,10 -6837,F,3,,0,9 -6838,M,7,Middle Eastern,0,15 -6839,M,6,,0,9 -6840,F,5,,0,10 -6841,F,3,,0,3 -6842,M,5,,0,8 -6843,M,3,,0,15 -6844,M,5,,1,17 -6845,F,5,,0,5 -6846,F,5,,0,16 -6847,F,5,,0,6 -6848,F,5,,0,9 -6849,M,6,,1,10 -6850,M,5,,0,2 -6851,F,3,,0,11 -6852,F,5,,1,4 -6853,M,5,,0,16 -6854,F,5,,-1,12 -6855,F,5,,0,12 -6856,M,5,,1,12 -6857,M,6,,1,17 -6858,M,5,,0,11 -6859,M,7,Ethnicity Recorded in Other Race,-1,4 -6860,M,5,,0,0 -6861,M,5,,0,8 -6862,M,3,,1,8 -6863,M,3,,0,1 -6864,M,5,,0,11 -6865,F,5,,1,15 -6866,F,5,,1,7 -6867,F,5,,0,9 -6868,F,5,,0,11 -6869,M,5,,0,0 -6870,M,5,,0,2 -6871,M,3,,0,12 -6872,M,5,,-1,15 -6873,F,3,,0,13 -6874,M,5,,0,1 -6875,F,5,,1,14 -6876,F,3,,1,7 -6877,M,5,,0,1 -6878,M,5,,0,16 -6879,F,5,,0,11 -6880,F,3,,0,11 -6881,M,3,,0,5 -6882,M,5,,0,3 -6883,M,5,,0,9 -6884,F,5,,0,2 -6885,F,3,,0,10 -6886,M,3,,1,14 -6887,M,5,,0,7 -6888,M,5,,-1,13 -6889,F,5,,0,2 -6890,M,5,,0,17 -6891,M,5,,0,0 -6892,M,3,,0,15 -6893,F,6,,1,2 -6894,M,5,,-1,0 -6895,F,6,,1,15 -6896,M,6,,1,6 -6897,M,6,,0,2 -6898,M,5,,0,11 -6899,F,5,,1,16 -6900,F,3,,0,4 -6901,M,7,not hispanic,0,1 -6902,F,7,Ethnicity Recorded in Other Race,-1,14 -6903,F,7,Ethnicity Recorded in Other Race,-1,17 -6904,M,5,,0,11 -6905,F,3,,1,10 -6906,M,5,,1,3 -6907,F,7,Ethnicity Recorded in Other Race,-1,17 -6908,M,5,,0,7 -6909,M,5,,0,9 -6910,M,5,,1,1 -6911,F,5,,0,3 -6912,F,5,,0,16 -6913,M,3,,0,10 -6914,M,5,,0,10 -6915,M,5,,0,1 -6916,M,5,,0,17 -6917,M,3,,1,2 -6918,M,5,,0,14 -6919,M,3,,0,10 -6920,M,5,,0,8 -6921,F,6,,-1,14 -6922,M,3,,0,3 -6923,F,3,,0,5 -6924,F,7,Ethnicity Recorded in Other Race,-1,15 -6925,F,5,,1,9 -6926,F,5,,0,6 -6927,F,6,,1,2 -6928,F,5,,0,8 -6929,M,5,,0,14 -6930,F,3,,0,6 -6931,M,5,,-1,11 -6932,M,3,,0,16 -6933,F,3,,0,17 -6934,M,5,,0,14 -6935,M,5,,0,16 -6936,M,6,,1,9 -6937,M,5,,0,14 -6938,M,3,,0,7 -6939,F,3,,0,2 -6940,M,3,,0,8 -6941,F,2,,0,7 -6942,M,5,,1,11 -6943,M,5,,-1,8 -6944,M,5,,0,13 -6945,F,3,,1,7 -6946,M,5,,0,5 -6947,M,3,,0,11 -6948,F,5,,0,0 -6949,M,2,,0,1 -6950,F,3,,0,8 -6951,M,5,,1,1 -6952,M,3,,0,14 -6953,M,6,,-1,10 -6954,F,3,,0,7 -6955,M,3,,0,9 -6956,M,3,,0,7 -6957,M,3,,0,12 -6958,F,5,,0,7 -6959,M,5,,0,9 -6960,M,3,,0,10 -6961,M,5,,1,3 -6962,F,5,,0,14 -6963,F,5,,0,16 -6964,F,3,,0,7 -6965,M,3,,0,13 -6966,M,5,,-1,7 -6967,M,5,,0,11 -6968,M,5,,0,14 -6969,F,6,,1,0 -6970,F,5,,0,0 -6971,M,3,,1,13 -6972,M,5,,0,2 -6973,M,3,,1,2 -6974,F,2,,0,15 -6975,M,5,,0,3 -6976,M,5,,0,12 -6977,F,5,,0,16 -6978,M,3,,0,10 -6979,M,5,,0,10 -6980,F,5,,0,16 -6981,M,5,,0,15 -6982,M,3,,1,10 -6983,F,5,,1,3 -6984,M,5,,0,11 -6985,F,3,,0,4 -6986,F,3,,1,8 -6987,M,3,,0,14 -6988,F,2,,0,12 -6989,F,3,,1,15 -6990,M,3,,1,12 -6991,F,5,,0,11 -6992,M,5,,0,17 -6993,F,5,,0,13 -6994,M,5,,0,5 -6995,F,5,,0,7 -6996,M,3,,0,0 -6997,M,5,,0,15 -6998,M,6,,1,13 -6999,F,6,,0,16 -7000,M,5,,0,14 -7001,M,3,,0,11 -7002,M,5,,1,14 -7003,F,5,,1,13 -7004,F,3,,0,17 -7005,M,5,,0,12 -7006,F,3,,0,10 -7007,M,5,,0,4 -7008,M,3,,0,15 -7009,M,7,Ethnicity Recorded in Other Race,-1,4 -7010,M,5,,0,14 -7011,M,5,,-1,4 -7012,M,3,,0,11 -7013,F,5,,-1,12 -7014,M,3,,0,14 -7015,F,5,,0,17 -7016,F,5,,0,4 -7017,F,5,,0,17 -7018,F,5,,0,16 -7019,M,5,,0,12 -7020,M,3,,0,13 -7021,M,3,,0,11 -7022,F,5,,0,9 -7023,M,5,,1,8 -7024,M,3,,0,15 -7025,M,5,,0,11 -7026,M,3,,0,0 -7027,F,6,,1,8 -7028,M,3,,0,15 -7029,F,5,,0,8 -7030,F,3,,1,2 -7031,F,5,,0,11 -7032,F,3,,0,15 -7033,M,6,,1,11 -7034,M,5,,0,12 -7035,F,5,,0,15 -7036,M,6,,1,13 -7037,F,3,,0,12 -7038,M,5,,0,15 -7039,F,3,,0,13 -7040,M,3,,0,17 -7041,M,5,,0,6 -7042,M,5,,-1,1 -7043,M,3,,0,1 -7044,F,5,,-1,17 -7045,M,5,,0,8 -7046,M,3,,0,16 -7047,M,3,,0,9 -7048,F,3,,0,15 -7049,M,5,,1,11 -7050,M,5,,0,9 -7051,F,3,,0,12 -7052,F,3,,0,15 -7053,F,5,,1,6 -7054,F,3,,1,1 -7055,M,3,,0,6 -7056,M,5,,0,17 -7057,M,5,,0,11 -7058,M,3,,0,14 -7059,M,3,,0,16 -7060,F,6,,-1,8 -7061,F,3,,0,13 -7062,F,2,,1,17 -7063,F,5,,0,7 -7064,F,5,,1,7 -7065,F,5,,0,12 -7066,M,3,,0,5 -7067,F,6,,1,15 -7068,M,6,,1,8 -7069,M,5,,0,17 -7070,M,5,,-1,17 -7071,M,3,,0,3 -7072,M,3,,0,6 -7073,M,5,,0,14 -7074,M,3,,1,15 -7075,M,5,,0,5 -7076,M,3,,0,14 -7077,F,3,,0,9 -7078,F,6,,-1,1 -7079,M,3,,0,16 -7080,M,6,,-1,14 -7081,F,3,,0,11 -7082,M,5,,0,9 -7083,M,3,,0,9 -7084,F,6,,1,1 -7085,M,3,,0,17 -7086,F,3,,0,2 -7087,M,2,,0,14 -7088,F,5,,0,7 -7089,F,5,,1,14 -7090,M,5,,0,11 -7091,M,3,,0,7 -7092,F,3,,0,5 -7093,M,3,,0,12 -7094,F,3,,0,5 -7095,M,3,,1,9 -7096,F,5,,0,9 -7097,F,5,,0,1 -7098,M,5,,0,12 -7099,M,6,,-1,15 -7100,F,3,,0,0 -7101,M,5,,0,15 -7102,M,3,,-1,13 -7103,F,5,,1,17 -7104,M,3,,1,2 -7105,M,3,,0,12 -7106,F,7,Puerto Rican,-1,11 -7107,M,3,,1,3 -7108,M,3,,1,0 -7109,M,5,,0,14 -7110,F,5,,1,17 -7111,M,5,,0,10 -7112,M,6,,1,8 -7113,F,3,,0,9 -7114,M,6,,1,3 -7115,M,5,,-1,11 -7116,F,3,,0,16 -7117,M,3,,0,12 -7118,M,5,,0,14 -7119,F,5,,0,17 -7120,F,5,,0,7 -7121,M,5,,0,4 -7122,M,6,,1,14 -7123,M,5,,1,16 -7124,M,5,,-1,0 -7125,F,3,,-1,14 -7126,M,3,,0,15 -7127,F,3,,1,11 -7128,F,5,,0,16 -7129,F,5,,0,17 -7130,F,3,,0,10 -7131,M,5,,-1,14 -7132,F,6,,1,17 -7133,F,5,,-1,6 -7134,F,5,,0,17 -7135,M,5,,0,13 -7136,F,6,,1,2 -7137,M,3,,0,15 -7138,M,5,,0,16 -7139,F,5,,0,16 -7140,M,5,,0,17 -7141,M,5,,-1,4 -7142,F,5,,1,14 -7143,M,3,,0,4 -7144,F,5,,1,16 -7145,F,3,,0,0 -7146,M,5,,0,3 -7147,M,3,,1,7 -7148,F,3,,0,17 -7149,F,5,,-1,17 -7150,F,5,,0,6 -7151,F,6,,1,16 -7152,F,5,,-1,1 -7153,M,5,,0,16 -7154,M,3,,0,17 -7155,M,7,Burmese,0,15 -7156,M,3,,0,7 -7157,M,5,,0,13 -7158,F,5,,0,16 -7159,F,5,,0,15 -7160,M,5,,0,12 -7161,F,3,,0,3 -7162,M,3,,0,5 -7163,F,3,,1,7 -7164,M,3,,0,8 -7165,F,5,,0,0 -7166,M,5,,-1,4 -7167,M,5,,1,8 -7168,F,5,,0,17 -7169,M,5,,0,6 -7170,F,5,,0,15 -7171,M,3,,0,12 -7172,M,3,,1,16 -7173,F,5,,0,10 -7174,F,5,,0,16 -7175,M,2,,0,11 -7176,F,3,,1,7 -7177,F,3,,1,17 -7178,F,6,,1,1 -7179,F,6,,1,11 -7180,F,5,,0,12 -7181,M,5,,0,0 -7182,M,6,,1,1 -7183,F,5,,0,10 -7184,F,5,,1,10 -7185,M,3,,0,17 -7186,F,5,,0,14 -7187,M,3,,0,5 -7188,M,6,,-1,8 -7189,F,3,,0,11 -7190,F,5,,1,12 -7191,F,3,,0,2 -7192,M,5,,0,15 -7193,M,5,,0,2 -7194,F,5,,-1,16 -7195,M,3,,0,3 -7196,F,5,,1,16 -7197,F,3,,0,15 -7198,F,5,,0,13 -7199,M,5,,0,7 -7200,F,5,,1,13 -7201,M,5,,0,6 -7202,F,5,,1,1 -7203,F,3,,1,17 -7204,M,5,,0,7 -7205,F,3,,-1,16 -7206,M,7,Hmong,0,8 -7207,M,3,,0,17 -7208,F,3,,0,2 -7209,F,7,Ethnicity Recorded in Other Race,-1,6 -7210,F,3,,0,2 -7211,M,5,,0,15 -7212,M,5,,1,11 -7213,M,3,,0,7 -7214,M,7,Ethnicity Recorded in Other Race,-1,14 -7215,F,3,,0,5 -7216,F,3,,0,8 -7217,F,5,,1,12 -7218,F,3,,0,9 -7219,M,5,,1,7 -7220,F,1,,0,13 -7221,M,5,,0,11 -7222,F,6,,1,11 -7223,F,3,,0,17 -7224,F,5,,0,5 -7225,F,5,,0,14 -7226,F,5,,-1,15 -7227,M,5,,1,12 -7228,M,5,,0,4 -7229,M,7,Ethnicity Recorded in Other Race,-1,15 -7230,M,3,,0,10 -7231,F,3,,0,6 -7232,F,3,,0,7 -7233,F,5,,0,11 -7234,M,5,,0,13 -7235,M,5,,-1,16 -7236,M,3,,0,2 -7237,M,5,,1,17 -7238,M,3,,0,12 -7239,F,5,,1,12 -7240,M,5,,0,12 -7241,M,3,,1,13 -7242,M,5,,0,5 -7243,F,3,,0,14 -7244,M,5,,0,9 -7245,F,3,,0,14 -7246,M,5,,1,14 -7247,M,5,,0,5 -7248,F,6,,1,15 -7249,F,5,,0,15 -7250,M,3,,0,14 -7251,M,3,,0,15 -7252,F,5,,0,13 -7253,M,5,,0,16 -7254,F,3,,0,14 -7255,F,5,,1,16 -7256,M,5,,1,6 -7257,M,6,,1,9 -7258,M,3,,0,0 -7259,F,5,,0,17 -7260,M,5,,0,13 -7261,F,5,,-1,5 -7262,M,5,,0,9 -7263,M,2,,0,16 -7264,F,5,,1,13 -7265,F,3,,0,5 -7266,M,5,,0,16 -7267,M,3,,0,9 -7268,F,3,,0,16 -7269,M,5,,0,7 -7270,F,7,Ethnicity Recorded in Other Race,-1,3 -7271,F,5,,1,1 -7272,M,5,,0,5 -7273,F,3,,1,15 -7274,M,5,,0,14 -7275,M,3,,1,8 -7276,M,6,,1,8 -7277,M,5,,0,16 -7278,M,5,,0,12 -7279,M,3,,0,8 -7280,M,5,,0,11 -7281,M,5,,0,2 -7282,M,3,,0,9 -7283,F,3,,0,8 -7284,F,3,,0,0 -7285,F,5,,1,17 -7286,F,5,,0,14 -7287,M,5,,1,16 -7288,M,6,,1,1 -7289,M,5,,0,14 -7290,M,5,,0,13 -7291,M,3,,0,16 -7292,M,5,,0,8 -7293,M,5,,0,17 -7294,M,3,,0,16 -7295,M,5,,1,9 -7296,M,5,,0,14 -7297,M,3,,0,0 -7298,M,5,,0,9 -7299,M,7,Pakistani,0,16 -7300,F,3,,0,9 -7301,F,5,,0,15 -7302,F,5,,0,13 -7303,M,5,,0,8 -7304,M,3,,1,13 -7305,F,3,,0,14 -7306,F,6,,1,6 -7307,M,5,,0,10 -7308,M,5,,1,15 -7309,F,3,,0,17 -7310,F,5,,0,17 -7311,M,3,,0,17 -7312,M,1,,0,15 -7313,M,2,,0,16 -7314,M,6,,1,6 -7315,F,5,,0,16 -7316,F,5,,-1,13 -7317,F,5,,0,17 -7318,M,3,,0,0 -7319,M,3,,0,13 -7320,M,5,,0,14 -7321,F,6,,1,5 -7322,M,5,,0,10 -7323,F,3,,0,10 -7324,M,5,,0,16 -7325,M,2,,0,13 -7326,M,5,,1,11 -7327,M,6,,-1,2 -7328,M,5,,0,13 -7329,F,5,,0,7 -7330,M,3,,1,14 -7331,F,5,,0,10 -7332,M,5,,0,1 -7333,F,3,,0,11 -7334,M,3,,0,10 -7335,M,5,,0,6 -7336,F,3,,0,5 -7337,F,5,,0,11 -7338,M,3,,0,13 -7339,M,5,,0,14 -7340,F,3,,0,6 -7341,M,5,,1,7 -7342,F,3,,1,2 -7343,M,3,,0,1 -7344,M,1,,0,10 -7345,F,5,,1,10 -7346,M,5,,0,1 -7347,M,6,,1,2 -7348,M,5,,0,0 -7349,M,5,,0,16 -7350,M,5,,0,13 -7351,M,6,,1,15 -7352,M,5,,0,12 -7353,F,5,,1,15 -7354,M,5,,0,9 -7355,F,5,,0,5 -7356,M,5,,-1,6 -7357,M,3,,0,6 -7358,M,3,,1,13 -7359,F,3,,1,15 -7360,F,1,,0,3 -7361,M,5,,0,8 -7362,F,5,,1,17 -7363,F,5,,0,0 -7364,F,5,,1,7 -7365,M,5,,0,11 -7366,F,5,,0,16 -7367,F,5,,0,16 -7368,M,3,,0,8 -7369,M,5,,0,8 -7370,M,5,,1,6 -7371,F,5,,0,14 -7372,M,5,,0,4 -7373,M,5,,-1,12 -7374,F,3,,0,0 -7375,M,5,,0,5 -7376,M,7,mixed,0,5 -7377,M,5,,0,16 -7378,M,5,,0,4 -7379,M,3,,0,9 -7380,M,5,,0,16 -7381,F,5,,-1,10 -7382,F,5,,1,14 -7383,M,5,,0,14 -7384,M,3,,0,2 -7385,M,5,,1,2 -7386,M,5,,1,14 -7387,F,3,,1,17 -7388,M,6,,1,0 -7389,F,5,,0,1 -7390,M,3,,1,9 -7391,M,5,,0,0 -7392,M,3,,0,15 -7393,M,3,,0,10 -7394,F,3,,0,10 -7395,M,3,,0,9 -7396,F,3,,0,13 -7397,M,5,,0,17 -7398,M,5,,0,12 -7399,M,5,,1,13 -7400,M,5,Physician did not answer ethnicity,1,8 -7401,M,6,,1,16 -7402,M,5,,0,4 -7403,F,3,,1,16 -7404,F,5,,0,6 -7405,M,3,,0,4 -7406,F,3,,0,13 -7407,M,5,,0,2 -7408,M,3,,1,10 -7409,F,3,,0,0 -7410,M,5,,0,10 -7411,M,6,,-1,17 -7412,F,3,,0,5 -7413,F,5,,1,10 -7414,M,3,,0,4 -7415,M,3,,0,14 -7416,M,3,,0,2 -7417,M,6,,1,6 -7418,M,5,,0,13 -7419,M,5,,0,10 -7420,M,5,,0,12 -7421,M,3,,0,5 -7422,F,5,,0,12 -7423,F,3,,0,16 -7424,M,3,,0,7 -7425,M,5,,1,14 -7426,M,3,,-1,7 -7427,M,3,,0,13 -7428,F,5,,1,17 -7429,M,3,,0,11 -7430,M,5,,1,16 -7431,F,5,,0,2 -7432,M,3,,1,8 -7433,F,5,,0,1 -7434,F,5,,0,1 -7435,M,3,,0,17 -7436,F,3,,0,15 -7437,F,3,,1,11 -7438,F,5,,0,15 -7439,M,1,,0,12 -7440,F,5,,1,14 -7441,M,5,,1,16 -7442,M,5,,1,10 -7443,M,3,,0,14 -7444,M,6,,1,17 -7445,M,7,Ethnicity Recorded in Other Race,-1,13 -7446,M,5,,-1,6 -7447,M,3,,0,12 -7448,M,3,,0,11 -7449,M,5,,0,2 -7450,M,5,,0,11 -7451,M,3,,0,0 -7452,F,5,,1,11 -7453,F,3,,0,5 -7454,F,6,,0,3 -7455,F,5,,0,2 -7456,F,7,Arabic,0,8 -7457,M,6,,1,11 -7458,M,5,,0,16 -7459,M,3,,0,7 -7460,M,3,,1,8 -7461,F,6,,1,17 -7462,F,5,,0,15 -7463,M,5,,0,12 -7464,F,3,,0,14 -7465,F,5,,0,1 -7466,F,5,,1,14 -7467,M,3,,1,9 -7468,M,7,Stated as Arabic,0,1 -7469,F,2,,1,12 -7470,M,5,,1,15 -7471,M,3,White,1,9 -7472,M,6,,1,13 -7473,M,5,,1,3 -7474,F,3,,0,3 -7475,M,3,,0,10 -7476,M,6,,1,17 -7477,M,3,,0,16 -7478,M,3,,0,10 -7479,F,5,,0,15 -7480,F,5,,1,12 -7481,M,5,,0,3 -7482,F,3,,0,7 -7483,M,3,,0,12 -7484,M,5,,1,17 -7485,F,5,,0,12 -7486,F,5,,0,16 -7487,M,7,Ethnicity Recorded in Other Race,-1,17 -7488,F,4,,0,5 -7489,M,5,,0,10 -7490,F,5,,-1,2 -7491,M,5,,0,1 -7492,M,3,,0,14 -7493,F,5,,1,12 -7494,M,5,,0,1 -7495,M,5,,0,14 -7496,M,5,,0,10 -7497,M,5,,1,3 -7498,M,5,,0,17 -7499,M,4,,0,17 -7500,M,1,,0,16 -7501,M,5,,1,6 -7502,M,5,,0,3 -7503,F,6,,-1,10 -7504,M,6,,1,14 -7505,M,5,,0,16 -7506,F,7,Ethnicity Recorded in Other Race,-1,4 -7507,M,7,Ethnicity Recorded in Other Race,-1,17 -7508,F,7,Mixed,1,5 -7509,M,5,,0,15 -7510,F,5,,1,2 -7511,M,5,,0,14 -7512,M,3,,0,12 -7513,F,3,,0,10 -7514,F,7,Ethnicity Recorded in Other Race,-1,10 -7515,M,5,,-1,2 -7516,F,3,,0,17 -7517,M,3,,0,13 -7518,M,3,,0,0 -7519,M,5,,0,13 -7520,F,2,,1,16 -7521,M,6,,1,7 -7522,F,6,,1,15 -7523,F,6,,-1,17 -7524,M,3,,1,15 -7525,M,3,,0,1 -7526,M,5,,-1,5 -7527,F,5,,0,5 -7528,M,5,,0,9 -7529,M,5,,0,16 -7530,M,5,,0,12 -7531,F,3,,0,12 -7532,M,5,,0,5 -7533,F,3,,1,1 -7534,M,3,,1,16 -7535,F,5,,0,6 -7536,M,2,,0,12 -7537,M,3,,0,4 -7538,M,5,,0,12 -7539,F,5,,0,0 -7540,M,5,,0,1 -7541,M,3,,0,15 -7542,F,3,,0,5 -7543,M,5,,0,1 -7544,F,5,,0,17 -7545,F,5,,-1,0 -7546,F,4,,0,2 -7547,M,5,,-1,10 -7548,M,3,,0,11 -7549,F,3,,0,12 -7550,F,5,,0,5 -7551,M,5,,0,6 -7552,M,3,,0,1 -7553,F,3,,0,7 -7554,M,5,,0,1 -7555,M,5,,0,16 -7556,F,5,Physician Did Not Answer Ethnicity,1,9 -7557,M,5,,1,16 -7558,M,5,,1,5 -7559,F,3,,0,8 -7560,M,2,,1,13 -7561,M,3,,0,13 -7562,M,3,,0,8 -7563,M,3,Physician did not answer ethnicity,1,16 -7564,M,5,,1,1 -7565,M,4,,1,14 -7566,M,5,,0,3 -7567,M,5,,1,11 -7568,M,5,,0,3 -7569,M,3,,0,15 -7570,M,3,,0,9 -7571,M,3,,0,14 -7572,F,5,,0,12 -7573,M,3,,0,17 -7574,F,3,,0,10 -7575,M,3,,1,1 -7576,F,5,,0,11 -7577,F,2,,0,10 -7578,F,3,,0,11 -7579,M,5,,0,10 -7580,F,5,,1,10 -7581,M,5,,1,14 -7582,F,3,,0,10 -7583,F,7,Ethnicity Recorded in Other Race,-1,13 -7584,M,3,,0,16 -7585,F,5,,1,15 -7586,M,6,,-1,4 -7587,M,3,,0,0 -7588,M,5,,0,5 -7589,M,5,,-1,10 -7590,F,3,,0,15 -7591,M,5,,0,17 -7592,F,5,,0,15 -7593,M,3,,0,9 -7594,F,5,,1,9 -7595,M,5,,0,15 -7596,M,5,,0,15 -7597,F,5,,1,17 -7598,F,6,,0,12 -7599,F,3,,0,8 -7600,F,5,,1,15 -7601,M,2,,-1,10 -7602,F,7,Ethnicity Recorded in Other Race,-1,4 -7603,F,5,,0,13 -7604,M,3,,0,6 -7605,F,5,,0,16 -7606,M,5,,0,12 -7607,F,5,,0,1 -7608,M,5,,1,17 -7609,F,6,,-1,6 -7610,F,5,,-1,5 -7611,F,6,,-1,5 -7612,M,7,Ethnicity Recorded in Other Race,-1,2 -7613,M,5,,0,2 -7614,F,3,,0,13 -7615,F,5,,1,15 -7616,F,3,,0,6 -7617,F,3,,0,14 -7618,M,5,,0,16 -7619,M,3,,0,13 -7620,M,5,,0,14 -7621,F,3,,0,11 -7622,M,5,,0,6 -7623,F,5,,0,14 -7624,M,7,Mixed,-1,13 -7625,M,3,,0,16 -7626,M,3,,1,11 -7627,M,5,,0,16 -7628,M,5,,1,8 -7629,F,5,,0,6 -7630,M,6,,1,0 -7631,M,7,Muletto,0,1 -7632,M,6,,1,7 -7633,M,5,,-1,10 -7634,M,5,,0,13 -7635,F,5,,0,16 -7636,M,5,,1,4 -7637,M,3,,0,14 -7638,M,5,,0,14 -7639,M,2,,0,3 -7640,M,3,,0,15 -7641,F,5,,0,2 -7642,M,5,,0,9 -7643,M,5,,0,13 -7644,M,6,,-1,11 -7645,M,3,,0,8 -7646,F,6,,1,12 -7647,M,3,,0,2 -7648,M,3,,0,11 -7649,F,3,,0,4 -7650,M,5,,0,17 -7651,M,5,,0,1 -7652,F,3,,0,5 -7653,M,5,,0,15 -7654,F,5,,0,15 -7655,M,3,,1,8 -7656,M,5,,1,8 -7657,M,3,,1,9 -7658,F,3,,0,15 -7659,F,5,,0,10 -7660,M,5,,0,1 -7661,F,5,,0,11 -7662,M,6,,1,15 -7663,M,5,,0,9 -7664,M,6,,1,12 -7665,M,5,,0,15 -7666,M,5,,0,5 -7667,M,3,,0,6 -7668,F,5,,0,17 -7669,F,5,,0,7 -7670,F,5,,1,9 -7671,F,6,,-1,8 -7672,M,5,,0,13 -7673,M,2,,0,14 -7674,M,2,,0,9 -7675,M,5,,1,2 -7676,F,5,,0,10 -7677,F,5,,0,17 -7678,F,5,,1,17 -7679,M,5,,0,9 -7680,M,5,Physician did not answer ethnicity,1,15 -7681,M,3,,0,14 -7682,M,2,,1,2 -7683,F,5,,1,11 -7684,F,7,Ethnicity Recorded in Other Race,-1,0 -7685,M,5,,1,13 -7686,M,5,,0,7 -7687,F,5,,1,16 -7688,M,5,,0,15 -7689,M,3,,0,15 -7690,F,3,,0,1 -7691,M,3,,0,15 -7692,F,5,,0,12 -7693,F,3,,1,16 -7694,M,3,,0,15 -7695,M,3,,0,1 -7696,M,5,,0,0 -7697,F,5,,0,16 -7698,M,3,,0,9 -7699,F,7,race documented as AI/AN and White,1,16 -7700,M,3,,1,11 -7701,F,5,,0,8 -7702,F,3,,0,1 -7703,F,3,,0,16 -7704,F,5,,0,2 -7705,M,5,,0,2 -7706,F,5,,0,2 -7707,M,3,,0,17 -7708,F,6,,1,6 -7709,M,3,,0,6 -7710,M,5,,0,16 -7711,F,5,,1,2 -7712,M,6,,1,5 -7713,M,5,,0,8 -7714,M,5,,0,15 -7715,M,5,,0,1 -7716,F,5,,0,6 -7717,M,5,,0,0 -7718,F,3,,0,16 -7719,M,3,,0,14 -7720,F,3,,0,13 -7721,M,5,,0,15 -7722,F,5,,0,13 -7723,F,3,,0,6 -7724,F,3,,0,1 -7725,M,5,,-1,11 -7726,F,3,,0,16 -7727,F,3,,0,14 -7728,M,5,,0,9 -7729,M,5,,-1,12 -7730,M,3,,1,16 -7731,M,3,,0,14 -7732,M,5,,0,16 -7733,M,5,,0,0 -7734,M,5,,1,13 -7735,M,5,,0,8 -7736,M,5,,0,9 -7737,F,3,,0,8 -7738,M,5,,1,15 -7739,F,5,,0,10 -7740,F,3,,0,13 -7741,M,3,,0,6 -7742,M,3,,0,2 -7743,M,3,,0,3 -7744,F,6,,1,6 -7745,M,5,,-1,2 -7746,M,5,,0,11 -7747,F,3,,0,0 -7748,M,3,,0,7 -7749,M,5,,1,13 -7750,M,6,,-1,0 -7751,M,2,,0,13 -7752,M,5,,0,9 -7753,M,3,,0,15 -7754,M,5,,0,1 -7755,M,5,,0,0 -7756,M,5,,0,12 -7757,M,5,,0,16 -7758,M,5,,1,3 -7759,M,5,,-1,9 -7760,F,5,,0,11 -7761,F,3,,0,16 -7762,M,5,,1,4 -7763,M,3,,0,14 -7764,M,5,,1,3 -7765,M,3,,0,16 -7766,F,6,,1,9 -7767,F,6,,-1,1 -7768,F,3,,0,1 -7769,M,5,,0,13 -7770,F,3,,0,11 -7771,F,6,,1,3 -7772,F,2,,0,9 -7773,M,6,,1,4 -7774,F,5,,0,17 -7775,M,5,,0,16 -7776,F,3,,0,14 -7777,F,5,,0,12 -7778,M,5,,-1,3 -7779,F,5,,0,14 -7780,M,5,,0,10 -7781,M,5,,0,4 -7782,M,5,,1,16 -7783,M,4,,-1,13 -7784,M,3,,1,13 -7785,M,3,,1,16 -7786,M,5,,-1,14 -7787,F,5,,1,16 -7788,F,5,,0,16 -7789,F,5,,0,5 -7790,M,2,,0,8 -7791,M,5,,-1,6 -7792,F,5,,1,12 -7793,M,5,,1,16 -7794,F,5,,0,2 -7795,M,3,,0,15 -7796,M,3,White,1,12 -7797,F,3,,0,8 -7798,M,3,,0,13 -7799,M,5,,0,2 -7800,M,5,,1,11 -7801,F,3,,1,13 -7802,M,5,,0,5 -7803,F,5,,0,2 -7804,F,3,,1,8 -7805,F,3,,0,5 -7806,M,5,,0,10 -7807,F,3,,0,17 -7808,F,6,,1,11 -7809,F,5,,0,11 -7810,F,5,,0,16 -7811,M,5,,0,11 -7812,M,5,,-1,2 -7813,M,3,,0,4 -7814,M,5,,1,16 -7815,M,5,,-1,4 -7816,M,5,,-1,5 -7817,F,3,,1,12 -7818,F,5,,1,0 -7819,M,3,,0,7 -7820,F,5,,1,4 -7821,M,5,,0,16 -7822,F,3,,1,10 -7823,F,2,,0,6 -7824,F,5,,0,1 -7825,M,2,,0,3 -7826,M,3,,0,17 -7827,M,5,,0,13 -7828,F,3,,0,4 -7829,M,5,,0,10 -7830,M,5,,1,12 -7831,F,3,,1,2 -7832,M,3,,1,15 -7833,M,3,,1,3 -7834,F,5,,0,10 -7835,F,5,,-1,2 -7836,F,5,,-1,13 -7837,F,5,,0,16 -7838,M,5,,0,14 -7839,M,3,,1,16 -7840,M,3,,1,2 -7841,M,5,,1,4 -7842,M,5,,0,7 -7843,M,3,,0,17 -7844,M,3,,1,15 -7845,F,5,,1,15 -7846,F,5,,0,17 -7847,M,5,,0,14 -7848,F,2,,0,5 -7849,F,6,,1,1 -7850,M,3,,0,9 -7851,M,5,,0,1 -7852,F,5,,0,14 -7853,F,5,,0,10 -7854,M,5,,0,15 -7855,M,5,,0,15 -7856,M,3,,0,16 -7857,M,3,,1,3 -7858,F,6,,1,15 -7859,M,3,,1,5 -7860,M,5,,-1,1 -7861,F,5,,1,17 -7862,M,5,,0,10 -7863,F,3,,0,10 -7864,M,2,,0,11 -7865,M,5,Phsyician did not answer ethnicity,1,8 -7866,M,5,,0,17 -7867,F,5,,0,16 -7868,M,5,,0,0 -7869,M,5,,0,12 -7870,F,3,,0,2 -7871,M,5,,0,9 -7872,M,3,,0,5 -7873,M,5,,-1,15 -7874,M,3,,0,14 -7875,M,5,,1,4 -7876,M,5,,-1,1 -7877,M,3,,0,14 -7878,F,3,,-1,6 -7879,M,5,,0,9 -7880,F,3,,0,12 -7881,M,5,,1,5 -7882,M,5,,1,12 -7883,M,5,,0,10 -7884,F,5,,-1,1 -7885,M,5,,1,12 -7886,F,3,,0,7 -7887,M,3,,0,16 -7888,M,5,,0,16 -7889,F,5,,1,11 -7890,M,3,,1,9 -7891,M,3,,1,2 -7892,M,7,Biracial,0,11 -7893,M,5,,0,13 -7894,M,3,,1,12 -7895,F,5,,0,17 -7896,M,7,Ethnicity Recorded in Other Race,-1,12 -7897,F,3,,0,13 -7898,M,3,,0,14 -7899,M,6,,1,0 -7900,M,7,Indian,0,9 -7901,F,3,,0,7 -7902,F,5,,1,6 -7903,M,3,,0,11 -7904,F,5,,0,9 -7905,M,3,,0,14 -7906,F,3,,1,14 -7907,M,3,,0,14 -7908,M,3,,1,17 -7909,M,5,,0,15 -7910,M,3,,0,5 -7911,M,7,Ethnicity Recorded in Other Race,-1,8 -7912,F,7,Ethnicity Recorded in Other Race,-1,9 -7913,F,5,,1,17 -7914,F,5,,0,15 -7915,F,5,,0,9 -7916,F,3,,0,15 -7917,F,4,,-1,0 -7918,M,5,,0,1 -7919,M,5,,1,13 -7920,F,3,,1,14 -7921,M,5,,0,17 -7922,M,5,,0,17 -7923,M,3,,1,10 -7924,M,5,,0,3 -7925,M,5,,-1,1 -7926,F,5,,1,16 -7927,M,3,,0,8 -7928,M,5,,0,11 -7929,F,5,,0,2 -7930,M,5,,0,14 -7931,M,3,,0,10 -7932,M,5,,0,8 -7933,M,3,,0,11 -7934,M,5,,0,15 -7935,F,5,,0,17 -7936,F,6,,1,5 -7937,M,3,,0,10 -7938,M,5,,0,13 -7939,F,2,Filipino,0,0 -7940,M,3,,0,7 -7941,M,5,,0,15 -7942,M,5,,0,7 -7943,M,5,,0,15 -7944,M,5,,0,9 -7945,F,5,,1,15 -7946,F,2,,1,17 -7947,F,5,,0,12 -7948,F,5,,0,17 -7949,M,5,,0,11 -7950,M,5,,0,15 -7951,M,3,,1,13 -7952,M,5,,1,16 -7953,M,5,,1,2 -7954,M,5,,1,9 -7955,F,3,,0,14 -7956,F,3,,1,1 -7957,M,3,,0,16 -7958,F,3,,0,17 -7959,F,6,,1,15 -7960,M,5,,0,4 -7961,F,7,Mixed,1,17 -7962,F,5,,-1,15 -7963,F,3,,0,15 -7964,M,5,,1,3 -7965,F,5,,0,3 -7966,M,5,,-1,15 -7967,M,5,,1,3 -7968,F,5,,1,9 -7969,M,5,,0,1 -7970,M,3,,0,11 -7971,M,5,,0,13 -7972,M,3,,0,10 -7973,F,3,,0,5 -7974,M,2,,0,0 -7975,F,5,,1,5 -7976,F,5,,1,16 -7977,M,3,,-1,0 -7978,F,3,,0,3 -7979,M,2,,0,4 -7980,M,5,,0,14 -7981,M,3,,1,12 -7982,M,5,,-1,8 -7983,M,5,,0,16 -7984,M,5,,0,4 -7985,M,1,,1,13 -7986,F,5,,-1,5 -7987,F,3,,0,1 -7988,M,6,,-1,1 -7989,M,5,,1,17 -7990,M,5,,0,10 -7991,M,5,,0,5 -7992,M,3,,-1,17 -7993,M,5,,0,16 -7994,M,3,,0,17 -7995,M,6,,1,5 -7996,F,3,,0,2 -7997,F,5,,-1,7 -7998,F,5,,0,6 -7999,F,5,,0,15 -8000,M,7,Vietnamese,1,15 -8001,M,5,,0,3 -8002,M,3,,0,7 -8003,M,3,,1,16 -8004,M,5,,0,15 -8005,M,5,,-1,13 -8006,M,5,,0,5 -8007,M,3,,0,14 -8008,F,3,,1,13 -8009,M,3,,1,13 -8010,M,7,Ethnicity Recorded in Other Race,-1,11 -8011,F,3,,0,7 -8012,M,5,,0,16 -8013,M,6,,1,13 -8014,F,5,,0,14 -8015,M,3,,0,17 -8016,M,3,,0,14 -8017,F,5,,0,11 -8018,F,5,,0,13 -8019,M,5,,1,1 -8020,F,5,,0,5 -8021,M,3,,0,10 -8022,F,3,,0,5 -8023,F,5,,0,15 -8024,F,3,,1,15 -8025,F,5,,0,8 -8026,F,3,,1,17 -8027,M,3,,0,16 -8028,F,3,,0,11 -8029,M,6,,-1,14 -8030,M,5,,0,10 -8031,M,3,,0,8 -8032,M,7,Ethnicity Recorded in Other Race,-1,1 -8033,M,7,Ethnicity Recorded in Other Race,-1,5 -8034,F,5,,1,3 -8035,F,5,,0,11 -8036,M,3,,0,11 -8037,M,5,,0,8 -8038,M,5,,1,8 -8039,M,5,,1,2 -8040,M,3,,-1,6 -8041,F,5,,-1,14 -8042,M,3,,0,6 -8043,F,5,,0,15 -8044,M,5,,-1,9 -8045,M,3,,0,14 -8046,F,5,,0,6 -8047,F,3,,1,10 -8048,F,5,,0,12 -8049,M,5,,0,14 -8050,M,3,,0,11 -8051,M,5,,0,9 -8052,F,5,,0,0 -8053,F,3,,0,7 -8054,F,5,,0,3 -8055,M,3,,0,11 -8056,F,3,Physician did not answer ethnicity,1,0 -8057,F,5,,0,8 -8058,F,5,,0,14 -8059,M,7,Mixed Race,-1,14 -8060,F,5,,0,2 -8061,F,5,,0,9 -8062,F,5,,0,0 -8063,M,5,,0,12 -8064,F,5,,1,6 -8065,M,3,,0,14 -8066,F,3,,0,0 -8067,M,3,,1,6 -8068,M,5,,0,14 -8069,F,5,,0,17 -8070,F,5,,1,10 -8071,M,3,,0,15 -8072,M,5,,-1,16 -8073,M,3,,0,1 -8074,F,3,,0,16 -8075,F,5,,1,0 -8076,F,5,,1,9 -8077,M,6,,-1,14 -8078,M,5,,0,14 -8079,M,5,,0,8 -8080,F,3,,0,0 -8081,M,7,Ethnicity Recorded in Other Race,-1,3 -8082,F,5,,0,0 -8083,F,6,,1,1 -8084,M,3,,0,12 -8085,M,5,,1,4 -8086,M,5,,0,3 -8087,M,3,,0,16 -8088,M,5,,1,7 -8089,M,3,,0,8 -8090,F,6,,1,0 -8091,F,5,,1,3 -8092,M,5,,0,15 -8093,F,5,,0,1 -8094,F,5,,0,16 -8095,F,5,,0,10 -8096,M,3,,0,6 -8097,F,5,,1,0 -8098,M,5,,0,7 -8099,F,3,,0,9 -8100,M,5,,1,17 -8101,F,5,,0,10 -8102,F,5,,0,11 -8103,M,3,,0,14 -8104,F,3,,0,17 -8105,M,5,,0,13 -8106,M,3,,0,15 -8107,M,5,,1,3 -8108,F,6,,1,8 -8109,F,5,,0,3 -8110,M,5,,0,9 -8111,M,5,,0,15 -8112,M,3,,1,14 -8113,F,5,,0,16 -8114,M,6,,1,12 -8115,M,5,,-1,4 -8116,M,5,,-1,11 -8117,F,5,,0,16 -8118,F,3,,0,5 -8119,M,3,,0,8 -8120,F,5,,0,0 -8121,M,3,,0,9 -8122,M,3,,0,7 -8123,F,5,,-1,16 -8124,M,5,,0,7 -8125,M,5,,0,11 -8126,M,7,Arabic,0,9 -8127,M,6,,1,10 -8128,M,2,,0,12 -8129,F,3,,0,17 -8130,M,6,,1,2 -8131,F,3,,0,7 -8132,M,3,,0,12 -8133,M,5,,0,5 -8134,M,5,,0,9 -8135,F,3,,0,16 -8136,M,3,,1,12 -8137,M,6,,1,6 -8138,M,5,,-1,12 -8139,F,2,,0,16 -8140,M,5,,1,17 -8141,F,6,,-1,15 -8142,M,3,,1,15 -8143,F,5,,0,0 -8144,F,3,,0,15 -8145,F,5,,1,17 -8146,M,5,,0,10 -8147,M,5,,0,10 -8148,M,5,,0,8 -8149,M,5,,0,16 -8150,M,5,,0,4 -8151,M,5,,0,5 -8152,M,5,,0,15 -8153,F,3,,0,14 -8154,F,3,,-1,0 -8155,M,7,Indian,0,17 -8156,M,5,,0,17 -8157,M,5,,0,0 -8158,M,3,,0,2 -8159,F,5,,-1,16 -8160,M,3,,0,17 -8161,M,5,,0,11 -8162,M,5,,0,9 -8163,M,5,,-1,8 -8164,M,5,,0,16 -8165,M,6,,1,0 -8166,M,5,,0,13 -8167,F,5,,1,14 -8168,F,5,,1,12 -8169,F,3,,0,2 -8170,M,3,,0,15 -8171,M,7,Ph,1,14 -8172,F,6,,1,0 -8173,M,5,,-1,6 -8174,M,5,,0,5 -8175,M,5,,0,16 -8176,M,5,,1,4 -8177,M,3,,0,11 -8178,F,5,,-1,9 -8179,M,5,,0,5 -8180,M,3,,1,12 -8181,M,3,,0,16 -8182,M,6,,-1,12 -8183,M,5,,1,0 -8184,M,3,,1,8 -8185,M,5,,0,6 -8186,F,5,,1,6 -8187,M,5,,-1,7 -8188,F,6,,1,3 -8189,M,5,,0,14 -8190,M,5,,1,15 -8191,F,6,,0,8 -8192,F,5,,1,4 -8193,M,5,,0,17 -8194,M,5,,1,17 -8195,F,5,,0,11 -8196,M,7,Ethnicity Recorded in Other Race,-1,4 -8197,F,5,,0,15 -8198,F,6,,-1,0 -8199,M,3,,0,4 -8200,F,6,,1,17 -8201,F,3,,0,16 -8202,M,5,,0,16 -8203,M,5,,0,14 -8204,M,5,,0,16 -8205,M,6,,1,13 -8206,M,3,,0,15 -8207,M,5,,0,6 -8208,M,5,,-1,9 -8209,M,5,,0,11 -8210,M,5,,0,6 -8211,M,5,,0,12 -8212,F,3,,1,10 -8213,M,5,,1,9 -8214,F,3,,0,0 -8215,M,3,,1,7 -8216,M,3,,0,10 -8217,M,6,,1,5 -8218,M,3,,0,3 -8219,M,5,,0,10 -8220,F,5,,-1,5 -8221,M,5,,-1,7 -8222,F,5,,0,16 -8223,M,3,,0,5 -8224,F,3,,0,13 -8225,F,5,,1,16 -8226,F,3,,0,10 -8227,M,5,,1,17 -8228,M,5,,0,13 -8229,M,5,,0,15 -8230,F,1,,0,7 -8231,F,6,,1,0 -8232,F,5,,0,1 -8233,F,7,Ethnicity Recorded in Other Race,-1,2 -8234,M,3,,1,14 -8235,F,5,,0,14 -8236,M,5,,0,17 -8237,M,3,,0,6 -8238,M,5,,1,13 -8239,M,5,,-1,17 -8240,M,5,,0,17 -8241,F,5,,0,16 -8242,M,5,,0,8 -8243,F,5,,0,16 -8244,F,3,,0,16 -8245,M,2,,0,5 -8246,M,5,,1,15 -8247,M,3,,0,15 -8248,F,6,,1,7 -8249,M,5,,0,2 -8250,M,5,,1,3 -8251,M,5,,0,10 -8252,F,5,,0,12 -8253,F,5,,1,8 -8254,M,5,,0,13 -8255,M,6,,-1,13 -8256,M,5,,1,16 -8257,M,3,,-1,11 -8258,F,3,,0,2 -8259,F,5,,0,11 -8260,M,3,,1,1 -8261,M,5,,0,1 -8262,M,5,,1,17 -8263,M,3,,1,12 -8264,M,5,,1,15 -8265,M,5,,0,15 -8266,M,5,,1,0 -8267,M,5,,0,8 -8268,M,3,,1,7 -8269,M,5,,0,13 -8270,F,2,,1,4 -8271,F,5,,0,2 -8272,M,5,,-1,0 -8273,F,3,,0,10 -8274,F,5,,-1,17 -8275,M,5,,-1,4 -8276,M,5,,0,15 -8277,M,3,,1,1 -8278,M,5,,0,0 -8279,M,6,,1,5 -8280,M,5,,0,5 -8281,M,3,,0,16 -8282,M,5,,0,15 -8283,M,5,,-1,11 -8284,M,5,,1,14 -8285,F,6,,1,16 -8286,M,5,,1,16 -8287,M,5,,0,13 -8288,M,5,,0,17 -8289,M,5,,0,14 -8290,M,5,,0,13 -8291,M,5,,1,7 -8292,M,5,,0,8 -8293,F,7,Ethnicity Recorded in Other Race,-1,14 -8294,M,5,,-1,14 -8295,F,5,,0,11 -8296,M,3,,0,10 -8297,M,5,,0,7 -8298,F,5,,0,13 -8299,F,5,,0,8 -8300,F,5,,1,15 -8301,F,5,,0,11 -8302,M,3,,0,12 -8303,M,3,,1,9 -8304,M,3,,0,10 -8305,F,5,,0,9 -8306,F,5,,-1,14 -8307,M,5,,0,9 -8308,M,5,,0,8 -8309,M,5,,0,1 -8310,F,7,Persian,1,9 -8311,M,5,,-1,0 -8312,M,3,,0,9 -8313,F,3,,0,4 -8314,M,3,,0,14 -8315,M,5,,1,12 -8316,M,3,,0,11 -8317,F,3,,1,8 -8318,M,6,,1,4 -8319,M,5,,0,0 -8320,F,5,,1,12 -8321,M,5,,1,17 -8322,F,5,,1,10 -8323,F,3,,0,7 -8324,F,3,,0,16 -8325,M,5,,0,8 -8326,M,3,,0,8 -8327,M,5,,0,11 -8328,F,5,,1,3 -8329,M,3,,0,16 -8330,M,3,,0,10 -8331,M,5,,1,14 -8332,F,5,,1,11 -8333,F,5,,0,15 -8334,F,7,Laotian and Thai,0,15 -8335,M,5,,1,11 -8336,F,5,,0,12 -8337,M,3,,0,14 -8338,F,5,,0,7 -8339,M,3,,0,11 -8340,M,6,,1,4 -8341,M,1,,1,1 -8342,M,5,,1,7 -8343,F,7,White and Pakistani,1,3 -8344,F,5,,1,8 -8345,F,3,,0,16 -8346,M,6,,1,0 -8347,M,6,,1,9 -8348,M,5,,-1,1 -8349,M,6,,1,0 -8350,M,3,,1,15 -8351,M,5,,0,16 -8352,M,5,,0,10 -8353,F,5,,-1,17 -8354,M,3,,1,8 -8355,M,5,,0,14 -8356,M,5,,0,17 -8357,F,5,,0,16 -8358,M,5,,0,8 -8359,M,3,,1,9 -8360,M,5,,0,13 -8361,F,5,,1,7 -8362,M,5,,0,11 -8363,M,5,,0,2 -8364,F,5,,0,8 -8365,M,5,,0,5 -8366,M,5,,0,17 -8367,F,5,,1,17 -8368,F,3,,0,5 -8369,F,7,Ethnicity Recorded in Other Race,-1,17 -8370,M,5,,0,15 -8371,M,3,,1,13 -8372,F,6,,1,11 -8373,M,3,,0,15 -8374,M,3,,0,15 -8375,M,3,,0,15 -8376,F,3,,0,8 -8377,F,3,,0,13 -8378,M,7,Ethnicity Recorded in Other Race,-1,17 -8379,F,5,,-1,0 -8380,M,3,,0,13 -8381,F,5,,0,9 -8382,M,1,,0,10 -8383,M,3,,0,0 -8384,F,5,,0,16 -8385,M,3,,1,5 -8386,M,3,,1,13 -8387,M,5,,0,10 -8388,M,5,,1,17 -8389,M,6,,1,9 -8390,M,5,,0,14 -8391,F,5,Physician did not answer ethnicity,1,12 -8392,M,5,,1,7 -8393,F,5,,1,14 -8394,F,3,,0,14 -8395,F,6,,-1,4 -8396,F,5,,0,7 -8397,F,7,Ethnicity Recorded in Other Race,-1,3 -8398,M,5,,0,3 -8399,F,3,,0,15 -8400,F,5,,0,2 -8401,M,5,,0,13 -8402,M,5,,-1,8 -8403,M,6,,-1,10 -8404,F,7,"physican documented ""bosnian""",1,4 -8405,M,5,,0,16 -8406,F,5,,0,15 -8407,M,3,,0,10 -8408,F,5,,1,5 -8409,F,3,,0,0 -8410,F,6,,1,6 -8411,M,5,,0,7 -8412,M,5,,0,16 -8413,F,5,,1,12 -8414,F,5,,0,12 -8415,M,3,,0,8 -8416,M,3,,0,16 -8417,M,5,,1,9 -8418,F,3,,0,13 -8419,M,5,,0,9 -8420,M,5,,0,0 -8421,F,6,,1,6 -8422,M,3,,1,15 -8423,F,5,,0,17 -8424,F,5,,0,14 -8425,M,7,Ethnicity Recorded in Other Race,-1,3 -8426,F,3,,0,14 -8427,F,5,,0,16 -8428,M,5,,1,9 -8429,F,5,,0,2 -8430,M,3,,0,5 -8431,F,5,,0,10 -8432,M,5,,0,17 -8433,M,3,,0,7 -8434,M,3,,0,7 -8435,F,5,,0,14 -8436,M,6,,1,0 -8437,F,5,,0,14 -8438,F,5,,1,0 -8439,F,3,,1,16 -8440,M,5,,0,12 -8441,F,5,,0,15 -8442,M,5,,0,10 -8443,M,5,,0,10 -8444,M,5,,-1,8 -8445,M,3,,0,15 -8446,F,5,,0,11 -8447,M,5,,0,14 -8448,M,1,,0,6 -8449,M,5,,1,16 -8450,F,3,,0,7 -8451,F,3,,0,4 -8452,M,3,,0,14 -8453,M,5,,0,3 -8454,M,6,,1,17 -8455,M,3,,0,16 -8456,F,3,,0,13 -8457,F,3,,1,15 -8458,M,3,,0,1 -8459,F,5,,0,5 -8460,M,3,,0,10 -8461,M,7,Ethnicity Recorded in Other Race,-1,10 -8462,M,5,,0,14 -8463,M,3,,0,7 -8464,F,6,,1,0 -8465,F,3,,0,11 -8466,F,5,,1,11 -8467,F,3,,0,3 -8468,M,5,,0,17 -8469,F,5,,0,1 -8470,M,5,,1,5 -8471,F,6,,1,10 -8472,M,5,,1,16 -8473,M,3,,0,15 -8474,M,3,,1,10 -8475,F,3,,0,9 -8476,F,4,,1,8 -8477,M,1,,0,6 -8478,F,4,,0,15 -8479,M,3,,0,8 -8480,M,3,,0,3 -8481,F,3,,0,9 -8482,F,3,,0,3 -8483,M,3,,0,6 -8484,M,6,,1,2 -8485,F,2,,0,13 -8486,F,5,,0,8 -8487,M,5,,0,8 -8488,M,5,,0,14 -8489,M,5,,1,15 -8490,M,5,,-1,17 -8491,M,5,,0,13 -8492,M,5,,1,3 -8493,F,5,,0,5 -8494,M,2,,0,12 -8495,M,3,,0,8 -8496,F,7,Ethnicity Recorded in Other Race,-1,15 -8497,M,5,,0,10 -8498,M,5,,-1,0 -8499,F,5,,1,8 -8500,M,3,White/black,0,2 -8501,F,5,,0,17 -8502,F,5,,0,15 -8503,F,6,,1,12 -8504,F,5,,0,9 -8505,M,3,,0,16 -8506,F,5,,0,13 -8507,F,5,,0,12 -8508,F,5,,1,17 -8509,M,5,,1,11 -8510,M,2,,0,9 -8511,M,7,"Ed physician and medical chart state ""Other""",1,16 -8512,M,5,,1,0 -8513,M,5,,0,4 -8514,M,5,,0,10 -8515,M,5,,0,13 -8516,M,5,,0,6 -8517,M,3,,1,12 -8518,M,3,,0,12 -8519,F,3,,0,14 -8520,M,3,,0,16 -8521,F,3,,0,17 -8522,M,1,,1,5 -8523,M,5,,1,7 -8524,M,5,,0,14 -8525,F,3,,1,11 -8526,F,5,,0,6 -8527,M,5,,0,6 -8528,M,5,,0,11 -8529,F,3,,1,10 -8530,M,6,,0,13 -8531,M,3,,1,9 -8532,F,6,,-1,14 -8533,M,5,,0,6 -8534,F,6,,1,15 -8535,M,5,,0,15 -8536,M,3,,0,7 -8537,M,3,,0,12 -8538,M,6,,1,14 -8539,M,3,,0,17 -8540,M,5,,1,10 -8541,M,5,,1,7 -8542,M,5,,1,11 -8543,M,5,,0,17 -8544,F,5,,0,16 -8545,F,3,,0,12 -8546,M,5,,1,8 -8547,M,1,,0,3 -8548,F,5,,0,4 -8549,F,5,,0,17 -8550,F,5,,1,1 -8551,M,5,,0,12 -8552,F,5,,1,13 -8553,M,5,,-1,3 -8554,F,5,,1,14 -8555,M,3,,0,11 -8556,M,5,,1,14 -8557,M,5,,0,2 -8558,M,2,,0,16 -8559,M,5,,0,11 -8560,F,5,,0,12 -8561,M,5,,1,17 -8562,F,5,,1,11 -8563,M,5,,0,17 -8564,M,5,,0,15 -8565,M,3,,0,16 -8566,F,5,,0,6 -8567,M,5,,1,14 -8568,M,3,,0,15 -8569,F,5,,0,8 -8570,M,5,,0,12 -8571,F,5,,0,1 -8572,M,5,,0,16 -8573,F,3,,0,1 -8574,M,5,,0,3 -8575,F,3,,0,8 -8576,F,3,,0,3 -8577,M,3,,1,14 -8578,M,5,,0,6 -8579,M,5,,0,5 -8580,M,5,,1,15 -8581,F,5,,0,12 -8582,M,5,,0,15 -8583,M,5,,0,10 -8584,M,5,,1,15 -8585,F,3,,0,12 -8586,M,5,,0,15 -8587,M,5,,0,9 -8588,M,5,,0,9 -8589,M,5,,0,15 -8590,M,3,,0,15 -8591,M,5,,0,15 -8592,F,5,,0,11 -8593,F,5,,1,10 -8594,M,5,,0,12 -8595,M,3,,0,16 -8596,M,3,,0,14 -8597,M,5,,1,14 -8598,M,6,,1,9 -8599,F,3,,0,13 -8600,F,6,,1,15 -8601,M,3,,0,10 -8602,M,5,,0,14 -8603,F,3,,1,4 -8604,F,5,,0,7 -8605,M,5,,0,4 -8606,M,6,,-1,8 -8607,F,6,,-1,7 -8608,F,3,,0,16 -8609,M,5,,-1,0 -8610,F,5,,0,4 -8611,F,5,,0,15 -8612,F,5,,0,6 -8613,M,7,Middle Eastern,0,0 -8614,M,3,,0,11 -8615,M,6,,1,0 -8616,M,5,,0,0 -8617,F,5,,1,6 -8618,M,5,,-1,4 -8619,F,3,,1,16 -8620,M,5,,-1,9 -8621,M,5,,1,14 -8622,M,3,,0,12 -8623,F,3,,0,17 -8624,M,5,,0,17 -8625,M,7,both Asian and Black or African American,0,7 -8626,F,5,,0,14 -8627,F,3,,0,14 -8628,M,7,Ethnicity Recorded in Other Race,-1,3 -8629,M,5,,0,5 -8630,F,3,,0,11 -8631,M,3,,1,10 -8632,M,5,,1,16 -8633,M,3,,0,7 -8634,M,7,Ethnicity Recorded in Other Race,-1,17 -8635,M,3,,0,15 -8636,F,5,,0,17 -8637,M,5,,-1,16 -8638,M,3,,0,12 -8639,M,5,,1,15 -8640,M,5,,0,5 -8641,F,5,,0,16 -8642,F,5,,0,2 -8643,F,7,Ethnicity Recorded in Other Race,-1,1 -8644,M,5,,0,14 -8645,F,5,,-1,15 -8646,F,7,Ethnicity Recorded in Other Race,-1,7 -8647,F,1,,0,3 -8648,F,3,,0,3 -8649,F,5,,0,14 -8650,M,5,,0,15 -8651,M,6,,-1,15 -8652,F,3,,0,10 -8653,F,5,,-1,0 -8654,F,5,,1,5 -8655,F,3,,0,12 -8656,M,5,,0,14 -8657,M,5,,-1,2 -8658,M,3,,0,0 -8659,M,5,,0,14 -8660,F,3,,0,0 -8661,M,3,,0,2 -8662,M,5,,0,13 -8663,F,3,,0,10 -8664,F,5,,1,0 -8665,M,3,,1,0 -8666,F,5,,0,14 -8667,M,1,,0,14 -8668,F,6,,1,8 -8669,F,6,,1,15 -8670,F,1,,1,5 -8671,M,5,,0,13 -8672,F,3,,0,0 -8673,F,5,,0,4 -8674,F,5,,0,9 -8675,M,3,,0,8 -8676,M,5,,1,15 -8677,F,5,,0,9 -8678,F,3,,1,17 -8679,M,5,,0,8 -8680,M,5,,1,17 -8681,F,5,,1,17 -8682,M,5,,1,9 -8683,M,6,,-1,16 -8684,M,3,,0,14 -8685,F,3,,0,11 -8686,F,5,,0,17 -8687,M,5,,1,14 -8688,F,3,,0,8 -8689,F,2,,0,10 -8690,M,5,,1,17 -8691,M,3,,0,7 -8692,F,7,Ethnicity Recorded in Other Race,-1,8 -8693,M,3,,0,14 -8694,F,3,,0,7 -8695,M,7,Ethnicity Recorded in Other Race,-1,3 -8696,M,6,,1,0 -8697,F,3,,1,5 -8698,M,3,,0,12 -8699,M,3,,1,10 -8700,F,5,,0,8 -8701,M,2,,0,5 -8702,F,5,,0,16 -8703,F,5,,0,14 -8704,F,5,,0,16 -8705,F,5,,0,11 -8706,M,5,,1,14 -8707,F,5,,0,16 -8708,F,3,,0,0 -8709,F,7,Laotian,0,17 -8710,F,6,,1,5 -8711,F,3,,0,16 -8712,F,3,,0,15 -8713,F,3,,0,17 -8714,M,5,,-1,2 -8715,M,5,,0,0 -8716,F,3,,0,15 -8717,M,5,,1,6 -8718,F,5,,1,13 -8719,F,7,Indian (India),1,8 -8720,M,5,,-1,14 -8721,M,3,,0,12 -8722,M,5,,1,11 -8723,M,5,,0,14 -8724,M,7,DCF 1 not stated,1,12 -8725,F,5,,-1,7 -8726,M,5,,-1,3 -8727,M,5,,0,16 -8728,M,5,,0,0 -8729,M,6,,1,11 -8730,M,5,,0,16 -8731,F,5,,0,4 -8732,F,6,,-1,4 -8733,F,5,,0,15 -8734,M,1,,0,5 -8735,M,3,,0,11 -8736,F,5,,0,13 -8737,M,3,,0,17 -8738,M,7,Ethnicity Recorded in Other Race,-1,12 -8739,M,3,,0,10 -8740,M,3,,0,13 -8741,F,5,,-1,0 -8742,M,5,,0,9 -8743,M,5,,0,17 -8744,M,5,,0,13 -8745,F,6,,-1,9 -8746,F,5,,0,16 -8747,M,5,,0,7 -8748,F,3,,0,14 -8749,F,3,,1,12 -8750,M,5,,0,11 -8751,F,5,,0,8 -8752,M,5,,0,0 -8753,M,5,,0,0 -8754,F,3,,1,12 -8755,M,6,,1,9 -8756,M,6,,1,8 -8757,F,3,,0,2 -8758,M,3,,0,2 -8759,F,3,,0,9 -8760,M,2,,1,6 -8761,M,5,,1,5 -8762,F,6,,0,8 -8763,M,5,,0,12 -8764,M,5,,1,12 -8765,M,5,,0,13 -8766,M,3,,0,6 -8767,M,5,,0,13 -8768,F,5,,1,16 -8769,F,5,,0,12 -8770,M,3,,0,16 -8771,F,3,,0,15 -8772,F,5,,0,2 -8773,M,3,,1,17 -8774,M,6,,1,3 -8775,M,3,,0,14 -8776,M,5,,0,9 -8777,M,5,,1,17 -8778,F,3,,1,12 -8779,M,5,,-1,17 -8780,M,5,,1,13 -8781,M,1,,0,14 -8782,M,5,,0,1 -8783,M,5,,1,2 -8784,M,6,,1,14 -8785,M,3,,0,16 -8786,M,5,,1,13 -8787,M,5,,0,7 -8788,M,5,,-1,16 -8789,F,3,,0,13 -8790,F,3,,0,12 -8791,M,6,,1,15 -8792,M,5,,0,15 -8793,M,5,,0,6 -8794,F,5,,0,17 -8795,M,5,,1,10 -8796,F,4,,1,3 -8797,M,3,,0,16 -8798,M,5,,0,8 -8799,M,3,,0,17 -8800,M,5,,0,3 -8801,M,3,,0,15 -8802,F,5,,0,16 -8803,F,3,,0,2 -8804,F,5,,1,9 -8805,M,5,,0,16 -8806,M,3,,1,15 -8807,F,3,,0,16 -8808,M,5,,-1,8 -8809,M,5,,1,14 -8810,F,3,,1,13 -8811,M,5,,0,8 -8812,M,5,,0,14 -8813,M,3,,0,14 -8814,M,3,,0,15 -8815,M,5,,0,17 -8816,F,5,,0,3 -8817,F,3,,0,0 -8818,F,3,,0,0 -8819,M,5,,0,12 -8820,M,7,Mixed: Black/Italian/Irish,0,12 -8821,M,5,,1,1 -8822,F,5,,0,14 -8823,F,3,,0,17 -8824,M,5,,0,10 -8825,F,3,,0,16 -8826,F,3,,0,8 -8827,M,5,,0,12 -8828,F,6,,0,8 -8829,F,3,,0,8 -8830,M,7,Arabic,0,3 -8831,M,3,,0,17 -8832,M,3,,0,5 -8833,F,3,,0,12 -8834,M,3,,0,17 -8835,M,5,,-1,16 -8836,M,5,,1,17 -8837,M,5,,0,8 -8838,F,5,,0,12 -8839,M,5,,1,17 -8840,M,3,,0,11 -8841,F,5,,0,14 -8842,F,3,,0,3 -8843,M,5,,1,17 -8844,F,5,,0,12 -8845,F,5,,0,6 -8846,M,5,,0,17 -8847,M,5,,0,13 -8848,M,5,,1,16 -8849,F,5,,1,14 -8850,M,5,,1,12 -8851,M,3,,0,9 -8852,M,3,,0,16 -8853,F,5,,0,6 -8854,F,5,,0,17 -8855,M,3,,0,4 -8856,M,5,,0,16 -8857,M,3,,0,0 -8858,M,5,,0,5 -8859,F,3,,-1,4 -8860,M,2,,1,9 -8861,M,3,,0,1 -8862,M,5,,0,14 -8863,M,5,,0,16 -8864,M,4,,0,15 -8865,F,3,,1,16 -8866,M,5,,1,11 -8867,M,5,,0,17 -8868,F,5,Physician did not document ethnicity,1,11 -8869,M,3,,1,7 -8870,F,6,,1,5 -8871,F,3,,0,7 -8872,M,6,,0,3 -8873,M,5,,0,14 -8874,M,5,,-1,5 -8875,F,5,,1,14 -8876,F,3,,0,10 -8877,F,3,,0,7 -8878,M,6,,1,13 -8879,M,7,Ethnicity Recorded in Other Race,-1,14 -8880,F,5,,0,7 -8881,M,3,,0,4 -8882,M,5,,0,6 -8883,F,5,,0,15 -8884,F,5,,0,14 -8885,M,3,,1,16 -8886,M,5,,0,13 -8887,F,5,,-1,17 -8888,M,2,Middle Eastern,0,16 -8889,F,2,,0,0 -8890,M,3,,0,12 -8891,M,3,,0,7 -8892,F,5,,1,8 -8893,M,6,,1,16 -8894,F,5,,0,0 -8895,M,5,,1,7 -8896,M,3,,0,3 -8897,M,6,,1,9 -8898,M,6,,1,15 -8899,F,5,,-1,13 -8900,M,3,,0,2 -8901,M,5,,0,14 -8902,M,5,,0,14 -8903,F,3,,0,10 -8904,M,5,,1,7 -8905,F,5,,0,7 -8906,M,7,African,1,3 -8907,M,5,,1,9 -8908,F,5,,-1,10 -8909,F,3,,0,7 -8910,F,5,,0,17 -8911,F,5,,0,8 -8912,M,3,,0,3 -8913,F,5,,0,16 -8914,M,3,,0,16 -8915,F,5,,1,5 -8916,F,3,,0,15 -8917,F,5,,-1,1 -8918,M,5,,0,8 -8919,F,5,,1,15 -8920,M,5,,1,9 -8921,F,3,,0,15 -8922,M,3,,1,0 -8923,M,5,,-1,8 -8924,F,5,,0,13 -8925,M,3,,0,5 -8926,F,5,,0,11 -8927,M,5,,0,0 -8928,M,3,,1,14 -8929,M,5,,0,17 -8930,M,3,,1,10 -8931,M,6,,1,0 -8932,F,5,,0,0 -8933,F,5,,0,15 -8934,M,5,,0,11 -8935,M,3,,0,0 -8936,M,3,,1,13 -8937,F,5,,1,16 -8938,F,5,,0,5 -8939,F,3,,0,11 -8940,F,5,,0,12 -8941,M,3,,0,15 -8942,F,5,,0,1 -8943,F,3,,1,8 -8944,M,5,,-1,10 -8945,M,5,,1,16 -8946,F,5,,1,16 -8947,M,3,,1,16 -8948,M,3,,0,9 -8949,F,5,,1,7 -8950,M,5,,0,10 -8951,M,3,,0,5 -8952,M,3,,0,14 -8953,F,5,,0,9 -8954,M,5,,0,12 -8955,F,7,Ethnicity Recorded in Other Race,-1,16 -8956,F,5,,1,0 -8957,F,5,,0,16 -8958,M,5,,0,12 -8959,M,5,,0,9 -8960,M,3,,1,10 -8961,M,5,,-1,14 -8962,F,3,,1,1 -8963,M,6,,1,4 -8964,M,5,,1,17 -8965,F,5,,0,14 -8966,F,5,,0,2 -8967,F,3,,0,14 -8968,F,5,,0,17 -8969,M,5,,0,17 -8970,F,5,,-1,10 -8971,M,6,,1,0 -8972,M,6,,1,4 -8973,F,6,,1,8 -8974,M,5,,1,16 -8975,M,2,,0,14 -8976,M,5,,0,12 -8977,F,1,,0,15 -8978,M,3,,0,10 -8979,F,3,,0,9 -8980,M,6,,1,8 -8981,M,5,,0,2 -8982,M,3,,0,0 -8983,M,5,,0,11 -8984,M,5,,0,11 -8985,M,3,,1,7 -8986,M,3,,0,16 -8987,M,3,,0,16 -8988,F,5,,1,9 -8989,M,5,,0,11 -8990,M,5,,0,6 -8991,F,3,,0,3 -8992,F,3,,0,9 -8993,F,5,,0,16 -8994,F,3,,0,14 -8995,M,5,,1,14 -8996,F,5,,0,0 -8997,M,6,,1,12 -8998,M,3,,0,8 -8999,M,3,,0,15 -9000,M,3,,0,15 -9001,M,3,,0,16 -9002,F,5,,0,10 -9003,M,2,,0,16 -9004,M,6,,1,13 -9005,F,3,,0,14 -9006,M,3,,1,0 -9007,M,5,,0,2 -9008,F,3,,0,7 -9009,F,5,,0,16 -9010,M,5,,0,12 -9011,M,3,,0,9 -9012,F,3,,0,2 -9013,F,5,,0,14 -9014,M,5,,1,10 -9015,F,5,,1,6 -9016,F,5,,0,7 -9017,F,5,,0,5 -9018,M,5,,-1,8 -9019,M,5,,0,17 -9020,M,5,,0,13 -9021,M,5,,0,0 -9022,M,5,,1,15 -9023,M,5,,0,17 -9024,F,5,,0,6 -9025,M,5,,0,17 -9026,M,3,,1,8 -9027,F,3,,0,11 -9028,F,5,,-1,16 -9029,M,5,,0,8 -9030,M,5,,0,15 -9031,F,7,Ethnicity Recorded in Other Race,-1,10 -9032,M,3,,0,12 -9033,M,5,,0,0 -9034,F,5,,0,13 -9035,M,5,,0,11 -9036,M,5,,0,16 -9037,M,5,,0,12 -9038,F,5,,0,14 -9039,M,5,,0,7 -9040,M,5,,0,6 -9041,F,3,,0,2 -9042,M,5,,-1,12 -9043,F,3,,1,2 -9044,M,5,,0,17 -9045,F,3,,0,14 -9046,M,3,,0,5 -9047,M,3,,0,12 -9048,M,5,,0,13 -9049,M,3,,1,8 -9050,F,5,,0,13 -9051,M,3,,0,14 -9052,M,5,,0,12 -9053,M,3,,0,13 -9054,F,7,Arabic,0,10 -9055,F,5,,0,12 -9056,F,3,,0,17 -9057,M,6,,-1,6 -9058,M,3,,0,15 -9059,M,5,,0,16 -9060,F,5,,0,17 -9061,M,5,,1,17 -9062,F,3,,0,3 -9063,M,3,,1,2 -9064,M,5,,0,11 -9065,F,5,,0,2 -9066,F,5,,0,8 -9067,M,3,,1,17 -9068,M,6,,1,12 -9069,M,3,,1,15 -9070,M,3,,1,11 -9071,F,5,,0,13 -9072,M,5,,0,17 -9073,F,5,,1,6 -9074,F,5,,0,17 -9075,F,3,,0,10 -9076,M,6,,-1,10 -9077,F,3,,0,14 -9078,F,5,,1,17 -9079,F,5,,1,6 -9080,F,3,,-1,9 -9081,F,7,Ethnicity Recorded in Other Race,-1,8 -9082,M,5,,0,13 -9083,F,6,,1,12 -9084,F,3,,0,16 -9085,M,5,,0,16 -9086,M,6,,1,2 -9087,F,5,,0,0 -9088,F,6,,1,7 -9089,F,5,,0,16 -9090,M,3,,0,10 -9091,M,5,,0,14 -9092,M,5,,0,9 -9093,M,3,,0,0 -9094,F,5,,-1,15 -9095,F,3,,0,5 -9096,M,5,,0,10 -9097,F,5,,0,0 -9098,F,5,,0,17 -9099,M,5,,0,2 -9100,M,6,,1,5 -9101,M,5,,-1,6 -9102,M,3,,0,15 -9103,M,3,,0,10 -9104,M,6,,1,15 -9105,M,3,,0,7 -9106,F,5,,0,11 -9107,M,3,,1,12 -9108,F,5,,-1,16 -9109,F,5,,0,0 -9110,M,5,,1,16 -9111,M,3,,0,12 -9112,M,5,,0,15 -9113,M,5,,1,15 -9114,M,6,,-1,5 -9115,M,3,,0,10 -9116,F,5,,0,15 -9117,M,5,,-1,5 -9118,M,3,,1,10 -9119,F,3,,0,14 -9120,M,5,,0,13 -9121,F,6,,1,0 -9122,M,5,,0,13 -9123,M,3,,0,13 -9124,F,5,,0,13 -9125,F,5,,0,0 -9126,M,5,,0,5 -9127,M,3,,0,12 -9128,M,3,,0,9 -9129,M,3,,0,13 -9130,F,5,,0,12 -9131,F,3,,0,2 -9132,M,5,,0,0 -9133,M,5,,0,14 -9134,M,2,Indian,0,6 -9135,M,5,,0,10 -9136,M,2,,1,1 -9137,F,3,,0,4 -9138,F,5,,0,17 -9139,M,6,,1,0 -9140,F,3,,0,11 -9141,M,5,,0,0 -9142,M,3,,0,0 -9143,M,5,,-1,8 -9144,M,5,,0,6 -9145,M,5,,0,16 -9146,M,3,,0,16 -9147,M,5,,1,13 -9148,M,5,,0,15 -9149,M,5,,0,16 -9150,F,5,,0,12 -9151,F,2,,1,5 -9152,M,3,,0,15 -9153,F,3,,1,14 -9154,F,5,,0,13 -9155,F,6,,1,17 -9156,M,5,,1,6 -9157,M,5,,0,4 -9158,F,6,,-1,13 -9159,F,5,,0,6 -9160,F,5,,1,7 -9161,M,5,,0,16 -9162,F,3,,0,4 -9163,F,5,,-1,14 -9164,F,6,,1,1 -9165,F,6,,1,6 -9166,F,5,,-1,9 -9167,F,3,,0,9 -9168,M,5,,-1,13 -9169,M,5,,0,15 -9170,F,5,,0,17 -9171,F,3,,0,10 -9172,F,3,,0,7 -9173,F,5,,0,0 -9174,F,3,,0,2 -9175,M,5,,0,1 -9176,M,5,,1,1 -9177,M,5,,0,11 -9178,M,5,,0,0 -9179,M,6,,1,3 -9180,M,3,,0,9 -9181,M,3,,0,4 -9182,M,5,,1,14 -9183,M,6,,1,6 -9184,M,3,,0,11 -9185,M,5,,1,0 -9186,M,5,,0,2 -9187,M,5,,0,10 -9188,M,5,,1,13 -9189,M,5,,1,9 -9190,F,3,,0,15 -9191,F,5,,1,15 -9192,M,5,,-1,15 -9193,M,3,,1,16 -9194,M,5,,0,11 -9195,F,5,,0,7 -9196,M,3,,1,4 -9197,F,5,,0,16 -9198,F,5,,1,3 -9199,M,6,,-1,10 -9200,F,5,,1,11 -9201,M,6,,1,15 -9202,M,3,,0,16 -9203,F,3,,0,0 -9204,M,5,,0,2 -9205,F,3,,0,14 -9206,M,3,,0,1 -9207,F,5,,0,17 -9208,F,5,,-1,4 -9209,F,3,,0,13 -9210,F,7,Mixed,1,5 -9211,M,5,,0,10 -9212,M,5,,1,15 -9213,M,5,,0,8 -9214,F,5,,0,15 -9215,M,5,,0,16 -9216,M,2,,0,0 -9217,M,5,,1,8 -9218,M,6,,-1,17 -9219,F,3,,0,8 -9220,F,5,,1,17 -9221,F,5,,1,5 -9222,F,5,,0,9 -9223,F,3,,0,0 -9224,F,5,,-1,17 -9225,M,7,hmong,0,3 -9226,M,5,,0,5 -9227,M,3,,0,14 -9228,F,3,,0,9 -9229,M,5,,0,14 -9230,M,5,,0,0 -9231,M,3,,1,13 -9232,M,5,,0,12 -9233,M,5,,0,6 -9234,M,5,,0,16 -9235,M,5,,1,17 -9236,F,5,,0,2 -9237,M,6,,1,6 -9238,M,6,,1,9 -9239,F,2,,1,12 -9240,F,5,,0,9 -9241,M,5,,0,10 -9242,M,3,,0,14 -9243,M,6,,-1,13 -9244,M,6,,-1,15 -9245,M,5,,1,16 -9246,M,5,,0,14 -9247,F,5,,1,17 -9248,M,5,,0,16 -9249,F,5,,0,10 -9250,M,5,,-1,16 -9251,M,3,,-1,14 -9252,M,5,,0,11 -9253,M,5,,0,10 -9254,F,7,physician documented as multiracial,1,1 -9255,F,5,,0,9 -9256,M,5,,0,0 -9257,M,5,,0,16 -9258,M,5,,1,16 -9259,M,5,,0,9 -9260,M,5,,0,7 -9261,M,5,,0,9 -9262,M,3,,0,15 -9263,M,3,,0,7 -9264,M,5,,0,11 -9265,M,3,,0,17 -9266,M,5,,1,11 -9267,F,3,,0,6 -9268,M,3,,0,10 -9269,F,5,,0,10 -9270,M,5,,0,11 -9271,M,3,,0,8 -9272,M,5,,0,0 -9273,F,3,,0,6 -9274,M,5,,0,13 -9275,M,5,,-1,10 -9276,M,5,,0,15 -9277,M,5,,0,16 -9278,M,6,,-1,14 -9279,M,3,,0,8 -9280,F,5,,-1,16 -9281,M,3,,0,10 -9282,M,3,,-1,9 -9283,M,6,,1,3 -9284,M,3,,0,14 -9285,M,6,,1,0 -9286,F,3,,0,10 -9287,M,5,,0,9 -9288,M,5,,0,17 -9289,M,3,,0,2 -9290,M,3,,0,1 -9291,F,3,,0,6 -9292,M,3,,1,16 -9293,M,3,,1,12 -9294,F,5,,-1,1 -9295,F,7,Ethnicity Recorded in Other Race,-1,15 -9296,M,7,Arabic,0,4 -9297,F,5,,0,15 -9298,F,5,,0,4 -9299,M,3,,0,13 -9300,M,5,,0,14 -9301,M,5,,-1,14 -9302,F,5,,-1,11 -9303,M,5,,0,5 -9304,M,5,,0,7 -9305,M,3,,0,12 -9306,F,5,,0,17 -9307,M,3,,0,17 -9308,F,7,Arabic,0,12 -9309,M,5,,0,11 -9310,M,3,,0,3 -9311,M,5,,1,16 -9312,M,3,,0,6 -9313,M,5,,1,15 -9314,M,5,,0,10 -9315,M,3,,1,6 -9316,M,5,,0,14 -9317,F,3,,0,16 -9318,M,3,,0,12 -9319,M,3,,0,0 -9320,M,3,,0,5 -9321,M,5,,0,2 -9322,M,5,,-1,10 -9323,M,3,,0,3 -9324,F,5,,0,2 -9325,F,3,,1,4 -9326,F,5,,0,0 -9327,M,3,,0,16 -9328,F,5,,0,14 -9329,F,7,Ethnicity Recorded in Other Race,-1,3 -9330,F,6,,1,3 -9331,M,3,,0,10 -9332,F,3,,1,6 -9333,F,6,,0,13 -9334,F,3,,0,6 -9335,F,6,,-1,4 -9336,M,5,,-1,3 -9337,F,5,,0,8 -9338,M,5,,0,8 -9339,M,3,,1,7 -9340,M,5,,0,16 -9341,M,3,,0,12 -9342,F,5,,0,2 -9343,M,5,,0,2 -9344,M,3,,0,8 -9345,M,2,,0,0 -9346,F,5,,0,14 -9347,M,5,,-1,0 -9348,F,3,,1,1 -9349,M,3,,1,14 -9350,M,6,,-1,12 -9351,M,5,,-1,9 -9352,M,5,,0,15 -9353,F,3,,0,15 -9354,M,5,,0,0 -9355,F,3,,0,7 -9356,F,5,,0,1 -9357,M,3,,0,4 -9358,M,5,,0,12 -9359,M,3,,0,15 -9360,F,3,,1,8 -9361,M,5,,0,5 -9362,F,5,,1,16 -9363,F,5,,0,12 -9364,M,5,,0,0 -9365,F,3,,0,8 -9366,M,7,biracial - white/asian,0,7 -9367,M,3,,-1,10 -9368,M,5,,0,15 -9369,F,5,,0,17 -9370,M,6,,1,2 -9371,F,3,,0,11 -9372,M,5,,0,9 -9373,M,3,,0,0 -9374,M,2,,1,10 -9375,M,7,Arabic,0,14 -9376,M,3,,1,5 -9377,F,5,,0,13 -9378,M,5,,1,15 -9379,F,5,,-1,1 -9380,F,5,,0,6 -9381,F,3,,0,2 -9382,M,5,,0,8 -9383,M,3,,0,13 -9384,M,5,,0,17 -9385,M,3,,0,11 -9386,M,6,,1,16 -9387,F,5,,0,0 -9388,M,3,,0,4 -9389,M,3,,0,14 -9390,M,3,,0,9 -9391,M,5,,0,14 -9392,M,5,,0,3 -9393,M,5,,0,14 -9394,M,5,,0,17 -9395,F,5,,0,14 -9396,M,5,,0,12 -9397,F,5,,1,13 -9398,F,5,,-1,9 -9399,M,3,,0,11 -9400,F,3,,0,17 -9401,M,3,,0,17 -9402,M,5,,-1,12 -9403,M,5,,0,1 -9404,M,5,,1,16 -9405,M,2,,0,12 -9406,F,5,,0,17 -9407,M,3,,0,12 -9408,F,3,,0,17 -9409,M,3,,0,16 -9410,M,6,,1,2 -9411,M,5,,0,14 -9412,F,3,,0,9 -9413,M,5,,1,9 -9414,F,3,,0,9 -9415,F,5,,1,5 -9416,F,5,,1,12 -9417,M,5,,1,9 -9418,M,5,,0,10 -9419,F,3,,0,17 -9420,F,3,,0,17 -9421,F,5,,1,8 -9422,F,5,,0,16 -9423,F,3,,1,1 -9424,F,5,,0,2 -9425,M,5,,0,0 -9426,F,3,,0,15 -9427,F,3,,0,5 -9428,F,5,,0,16 -9429,F,6,,1,0 -9430,F,6,,1,14 -9431,F,5,,0,15 -9432,M,3,,1,0 -9433,M,5,,0,17 -9434,M,5,,1,5 -9435,F,3,,0,14 -9436,F,3,,1,7 -9437,M,3,,1,17 -9438,M,3,,1,6 -9439,F,3,,0,6 -9440,F,5,,1,11 -9441,F,3,,1,15 -9442,F,3,,0,6 -9443,M,5,,0,10 -9444,M,6,,1,3 -9445,M,6,,1,8 -9446,M,7,Arabic,0,11 -9447,M,5,,0,11 -9448,M,3,,0,9 -9449,M,6,,0,4 -9450,M,5,,0,4 -9451,F,5,,1,5 -9452,M,3,,0,15 -9453,M,5,,0,5 -9454,M,3,,0,14 -9455,F,5,,0,16 -9456,M,6,,1,1 -9457,F,5,,-1,1 -9458,F,3,,0,5 -9459,F,3,,0,3 -9460,M,3,,1,7 -9461,F,3,,1,15 -9462,M,3,,0,5 -9463,F,5,,1,13 -9464,F,5,,0,16 -9465,M,3,,1,16 -9466,M,3,,1,12 -9467,M,5,,1,13 -9468,M,5,,0,2 -9469,M,5,,0,15 -9470,F,1,,-1,13 -9471,M,5,,0,13 -9472,M,5,,0,4 -9473,M,5,,-1,6 -9474,F,5,,0,13 -9475,M,5,,0,13 -9476,M,5,,0,0 -9477,F,3,,0,16 -9478,F,3,,1,3 -9479,M,3,,1,0 -9480,M,5,,1,0 -9481,M,5,,0,9 -9482,M,3,,0,10 -9483,F,3,,0,12 -9484,M,3,,1,16 -9485,M,6,,1,9 -9486,F,5,,0,8 -9487,M,3,,0,16 -9488,M,5,,0,16 -9489,F,3,,0,1 -9490,F,5,,0,15 -9491,M,5,,0,13 -9492,M,5,,0,10 -9493,F,6,,1,14 -9494,F,6,,1,6 -9495,M,6,,1,17 -9496,M,5,,0,9 -9497,M,5,,0,6 -9498,M,7,Ethnicity Recorded in Other Race,-1,1 -9499,M,3,,0,10 -9500,F,3,,0,13 -9501,M,6,,1,3 -9502,M,3,,0,7 -9503,M,5,,0,15 -9504,M,3,,0,5 -9505,M,6,,1,8 -9506,F,5,,0,15 -9507,M,5,,1,12 -9508,F,5,,0,16 -9509,M,3,,0,8 -9510,M,3,,0,13 -9511,M,3,,0,16 -9512,M,5,,0,13 -9513,F,3,,0,12 -9514,M,5,,1,11 -9515,M,5,,0,14 -9516,M,5,,1,14 -9517,M,5,,-1,17 -9518,M,5,,1,7 -9519,M,5,,-1,17 -9520,F,3,,1,11 -9521,F,5,,0,17 -9522,M,3,,1,9 -9523,F,3,,0,16 -9524,M,7,Ethnicity Recorded in Other Race,-1,16 -9525,M,5,,0,10 -9526,M,5,,-1,11 -9527,M,5,,0,13 -9528,F,3,,0,6 -9529,F,3,,1,7 -9530,F,5,,0,7 -9531,M,7,Palastinian,0,9 -9532,F,5,,0,16 -9533,M,5,,0,6 -9534,M,5,,0,9 -9535,F,3,,0,4 -9536,F,5,,0,9 -9537,M,5,,0,10 -9538,M,3,,0,1 -9539,M,5,,0,8 -9540,M,3,,1,9 -9541,F,3,,0,11 -9542,M,7,Ethnicity Recorded in Other Race,-1,13 -9543,M,3,,0,13 -9544,M,3,,0,5 -9545,M,6,,1,14 -9546,M,5,,0,15 -9547,M,5,,0,6 -9548,M,5,,0,13 -9549,M,6,,1,0 -9550,M,5,,1,8 -9551,M,5,,0,10 -9552,M,1,,1,5 -9553,F,5,,0,16 -9554,F,5,,1,2 -9555,M,5,,1,4 -9556,M,5,,0,13 -9557,M,3,,0,8 -9558,F,5,,0,16 -9559,M,5,,1,9 -9560,M,3,,0,0 -9561,F,3,,0,17 -9562,M,5,,0,16 -9563,M,5,,0,15 -9564,M,5,,1,11 -9565,M,3,,1,11 -9566,F,5,,0,0 -9567,F,5,,0,14 -9568,F,6,,1,4 -9569,M,3,,1,0 -9570,F,5,,1,0 -9571,M,5,,1,13 -9572,F,3,,0,12 -9573,F,3,,0,3 -9574,F,5,,1,11 -9575,M,5,,1,16 -9576,F,3,,0,5 -9577,M,3,,0,16 -9578,M,5,,0,12 -9579,F,5,,0,8 -9580,M,3,,0,15 -9581,M,1,,0,11 -9582,M,5,,0,14 -9583,F,5,,0,0 -9584,M,5,,-1,8 -9585,M,6,,1,14 -9586,M,3,,1,14 -9587,M,5,,1,10 -9588,F,5,,-1,14 -9589,M,3,,0,17 -9590,F,5,,0,11 -9591,M,5,,1,1 -9592,F,5,,1,16 -9593,F,3,,1,5 -9594,M,3,,0,13 -9595,F,5,,0,4 -9596,M,6,,1,13 -9597,M,3,,0,14 -9598,M,5,,0,11 -9599,M,5,,0,17 -9600,M,5,,1,4 -9601,F,5,,0,7 -9602,M,5,,0,16 -9603,F,6,,1,14 -9604,F,5,,-1,4 -9605,F,5,,0,2 -9606,F,3,,0,14 -9607,M,5,,0,1 -9608,M,5,,-1,5 -9609,M,5,,0,17 -9610,M,2,,0,14 -9611,M,5,,1,17 -9612,M,5,,0,4 -9613,F,2,,0,10 -9614,F,5,,0,15 -9615,F,3,,0,12 -9616,M,3,,0,7 -9617,M,3,,0,12 -9618,M,5,,1,0 -9619,M,3,,0,14 -9620,M,3,,1,7 -9621,M,5,,1,17 -9622,M,3,,0,16 -9623,M,3,,0,13 -9624,M,3,,0,15 -9625,M,3,,-1,11 -9626,M,5,,0,15 -9627,M,5,,0,9 -9628,M,5,,0,4 -9629,F,5,,0,12 -9630,F,3,,0,13 -9631,M,5,,-1,6 -9632,F,3,,0,8 -9633,M,5,,0,14 -9634,M,3,,0,9 -9635,F,5,,0,0 -9636,M,5,,0,14 -9637,M,5,,1,9 -9638,M,3,,1,6 -9639,M,5,,-1,3 -9640,F,3,,0,16 -9641,F,5,,-1,16 -9642,M,5,,-1,3 -9643,M,6,,1,3 -9644,F,5,,1,17 -9645,F,3,,0,8 -9646,M,3,,0,3 -9647,F,3,,0,17 -9648,F,5,,0,3 -9649,F,5,,0,0 -9650,M,5,,0,14 -9651,M,5,,0,13 -9652,M,3,,0,13 -9653,F,6,,1,12 -9654,F,5,,-1,3 -9655,F,6,,1,14 -9656,M,5,,0,13 -9657,F,2,,0,9 -9658,M,6,,0,10 -9659,M,5,,0,16 -9660,F,3,,0,15 -9661,M,7,Ethnicity Recorded in Other Race,-1,17 -9662,M,5,,1,14 -9663,M,6,,1,10 -9664,M,5,,0,12 -9665,F,3,,1,15 -9666,M,5,,0,2 -9667,F,5,,1,13 -9668,M,3,,0,14 -9669,M,3,,0,0 -9670,F,5,,0,8 -9671,M,5,,0,14 -9672,M,3,,0,0 -9673,F,2,,0,2 -9674,F,3,,0,11 -9675,F,5,,0,7 -9676,M,3,,1,8 -9677,M,5,,0,7 -9678,M,5,,0,2 -9679,F,5,,0,15 -9680,M,5,,1,15 -9681,M,5,,-1,17 -9682,M,5,,0,9 -9683,M,3,,1,5 -9684,F,5,,0,9 -9685,F,3,,1,13 -9686,M,6,,-1,6 -9687,F,5,,0,14 -9688,F,5,,0,13 -9689,F,5,,0,17 -9690,M,5,,0,3 -9691,M,5,,0,14 -9692,M,3,,0,12 -9693,M,5,,0,12 -9694,F,6,,1,10 -9695,F,6,,1,16 -9696,F,5,,0,9 -9697,F,5,,1,16 -9698,M,5,,0,11 -9699,M,6,,1,13 -9700,M,7,Ethnicity Recorded in Other Race,-1,14 -9701,M,5,,0,0 -9702,M,7,Ethnicity Recorded in Other Race,-1,6 -9703,M,3,,0,17 -9704,M,5,,0,12 -9705,F,4,,1,0 -9706,M,5,,1,16 -9707,M,5,,1,11 -9708,M,5,,-1,7 -9709,M,3,,0,8 -9710,F,3,,0,14 -9711,M,5,,0,17 -9712,M,7,Ethnicity Recorded in Other Race,-1,0 -9713,M,5,,0,3 -9714,F,5,,0,11 -9715,M,5,,0,11 -9716,M,3,,0,15 -9717,F,6,,0,0 -9718,F,5,,-1,10 -9719,M,7,Ethnicity Recorded in Other Race,-1,2 -9720,F,5,,0,4 -9721,M,3,,0,16 -9722,F,3,,0,4 -9723,M,5,not documented,1,2 -9724,M,5,,1,13 -9725,M,3,,0,14 -9726,M,5,,-1,13 -9727,F,5,,0,13 -9728,M,3,,0,12 -9729,M,7,Ethnicity Recorded in Other Race,-1,3 -9730,M,3,,1,1 -9731,F,6,,1,13 -9732,F,5,,0,15 -9733,M,5,,0,8 -9734,M,5,,-1,2 -9735,M,3,,0,17 -9736,F,5,,0,0 -9737,F,6,,1,17 -9738,F,3,,1,10 -9739,M,5,,0,17 -9740,F,3,,1,16 -9741,M,6,,0,16 -9742,M,3,,0,7 -9743,F,5,,0,8 -9744,F,3,,0,0 -9745,M,6,,1,17 -9746,F,7,Ethnicity Recorded in Other Race,-1,2 -9747,M,3,,0,6 -9748,F,5,,0,15 -9749,M,6,,1,16 -9750,M,3,,1,15 -9751,M,5,,0,10 -9752,M,5,,0,17 -9753,M,5,,0,9 -9754,F,5,,0,12 -9755,M,3,,0,17 -9756,M,5,,0,0 -9757,M,3,,1,2 -9758,M,5,,0,3 -9759,M,3,,0,0 -9760,M,3,,1,16 -9761,M,5,,0,10 -9762,M,3,,0,5 -9763,M,3,,0,0 -9764,M,5,,0,11 -9765,M,3,,0,8 -9766,M,3,,0,1 -9767,M,5,,0,8 -9768,F,3,,0,6 -9769,F,5,,0,4 -9770,M,5,,0,2 -9771,M,2,,0,11 -9772,M,3,,0,14 -9773,M,3,,0,17 -9774,F,5,,0,17 -9775,M,5,,0,5 -9776,M,3,,0,15 -9777,M,5,,0,3 -9778,M,5,,0,10 -9779,F,5,,1,14 -9780,F,6,,-1,17 -9781,M,5,,0,11 -9782,M,6,,1,8 -9783,M,6,,1,7 -9784,M,5,,0,15 -9785,F,5,,0,16 -9786,M,7,Middle Eastern,0,0 -9787,M,5,,0,13 -9788,F,5,,1,5 -9789,M,3,,0,8 -9790,F,3,,0,2 -9791,F,5,,1,17 -9792,F,3,,1,16 -9793,F,3,,0,15 -9794,M,5,,0,16 -9795,M,5,,0,9 -9796,F,5,,-1,0 -9797,M,5,,1,10 -9798,F,3,,0,13 -9799,M,5,,0,16 -9800,F,5,,1,17 -9801,M,6,,-1,5 -9802,F,5,,1,5 -9803,M,6,,1,3 -9804,M,5,,0,15 -9805,F,5,,0,15 -9806,F,3,,1,8 -9807,M,3,,1,10 -9808,F,5,,0,13 -9809,M,5,,0,7 -9810,F,3,,1,2 -9811,M,5,,0,15 -9812,M,5,,0,15 -9813,M,6,,1,6 -9814,M,5,,-1,14 -9815,M,3,,0,14 -9816,M,3,,0,14 -9817,M,5,,0,8 -9818,M,5,,0,2 -9819,M,5,,1,5 -9820,M,6,,0,17 -9821,M,5,,0,15 -9822,M,7,Ethnicity Recorded in Other Race,-1,2 -9823,F,5,,-1,6 -9824,M,5,,0,8 -9825,F,3,,0,10 -9826,M,3,,0,5 -9827,F,3,,1,11 -9828,M,5,,0,13 -9829,M,5,,0,5 -9830,M,3,,0,14 -9831,F,5,,1,15 -9832,F,5,,0,9 -9833,F,5,,1,2 -9834,F,5,,0,8 -9835,M,5,,-1,15 -9836,M,3,,1,6 -9837,M,5,,0,17 -9838,F,6,,0,16 -9839,F,5,,0,6 -9840,F,5,,0,16 -9841,F,5,,-1,12 -9842,F,7,Arabic,0,5 -9843,F,6,,1,4 -9844,F,5,,1,5 -9845,M,3,,0,16 -9846,F,3,,1,2 -9847,M,5,,-1,4 -9848,M,5,,0,16 -9849,M,3,,0,14 -9850,M,5,,0,6 -9851,M,5,,0,0 -9852,M,3,,1,1 -9853,M,7,Ethnicity Recorded in Other Race,-1,16 -9854,M,5,,0,15 -9855,F,6,,1,0 -9856,F,3,,0,13 -9857,F,5,,-1,15 -9858,M,5,,0,6 -9859,M,5,,0,0 -9860,F,7,Ethnicity Recorded in Other Race,-1,2 -9861,M,6,,1,9 -9862,F,5,,1,16 -9863,F,5,,0,12 -9864,M,5,,1,10 -9865,M,5,,1,11 -9866,M,5,,0,12 -9867,M,5,,-1,16 -9868,M,6,,1,11 -9869,F,5,,0,15 -9870,M,5,,0,17 -9871,M,5,,1,16 -9872,M,6,,1,9 -9873,F,3,,0,12 -9874,F,3,,1,10 -9875,F,6,,1,6 -9876,M,3,,0,3 -9877,M,7,Ethnicity Recorded in Other Race,-1,16 -9878,M,5,,0,12 -9879,M,3,,0,15 -9880,F,5,,0,13 -9881,F,5,,0,7 -9882,M,5,,0,12 -9883,M,7,Ethnicity Recorded in Other Race,-1,17 -9884,M,5,,-1,8 -9885,F,5,,0,0 -9886,M,3,,0,5 -9887,M,5,,0,9 -9888,F,5,,0,16 -9889,M,5,,1,14 -9890,M,5,,0,5 -9891,M,5,,0,0 -9892,M,5,,1,15 -9893,F,3,,0,2 -9894,F,5,,1,2 -9895,F,5,,0,4 -9896,F,5,,0,17 -9897,M,3,,0,16 -9898,M,5,,0,17 -9899,M,5,,0,15 -9900,F,5,,0,0 -9901,M,5,,0,5 -9902,M,6,,-1,16 -9903,F,5,,0,13 -9904,M,5,,0,16 -9905,M,5,,0,15 -9906,M,6,,1,6 -9907,F,5,,0,9 -9908,F,7,Mixed-Asian and White,0,2 -9909,M,7,Ethnicity Recorded in Other Race,-1,11 -9910,M,3,,0,1 -9911,M,5,,0,5 -9912,M,3,,0,5 -9913,M,6,,1,5 -9914,M,7,Ethnicity Recorded in Other Race,-1,14 -9915,M,3,,0,9 -9916,M,5,,0,2 -9917,M,5,,0,0 -9918,F,3,,0,17 -9919,F,5,,1,13 -9920,M,5,,-1,10 -9921,M,3,,0,7 -9922,M,5,,1,5 -9923,M,3,,0,16 -9924,M,5,,1,14 -9925,M,3,,1,14 -9926,M,5,,1,4 -9927,M,5,,1,13 -9928,M,5,,1,5 -9929,M,3,,0,11 -9930,M,3,,0,14 -9931,M,5,,1,14 -9932,M,7,Arabic,0,8 -9933,M,2,,0,2 -9934,M,1,,0,6 -9935,M,3,,0,0 -9936,M,6,,1,5 -9937,M,3,,0,15 -9938,M,5,,0,11 -9939,F,5,,0,11 -9940,M,3,,0,17 -9941,M,3,,0,11 -9942,M,3,,0,1 -9943,M,5,,1,10 -9944,F,5,,0,17 -9945,F,3,,0,1 -9946,M,3,,0,4 -9947,F,3,,0,1 -9948,M,6,,1,14 -9949,M,5,,0,6 -9950,M,7,Ethnicity Recorded in Other Race,-1,15 -9951,F,3,,0,3 -9952,M,5,,-1,12 -9953,F,3,,0,3 -9954,F,5,,0,15 -9955,M,2,,0,3 -9956,F,3,,1,15 -9957,M,5,,0,4 -9958,M,5,,0,0 -9959,M,5,,0,12 -9960,F,3,,0,7 -9961,M,5,,1,17 -9962,M,3,,1,13 -9963,F,5,,0,10 -9964,M,7,African,0,13 -9965,F,3,,0,14 -9966,M,3,,0,4 -9967,M,3,,0,9 -9968,M,5,,1,10 -9969,F,5,,0,6 -9970,M,6,,1,13 -9971,M,3,,0,14 -9972,M,5,,0,17 -9973,M,3,,0,15 -9974,M,6,,1,11 -9975,F,3,,0,6 -9976,F,3,,1,17 -9977,F,7,Ethnicity Recorded in Other Race,-1,0 -9978,M,3,,0,14 -9979,M,5,,0,5 -9980,M,5,,0,9 -9981,F,3,,0,8 -9982,M,3,,0,17 -9983,F,6,,-1,15 -9984,F,1,,0,16 -9985,M,5,,0,15 -9986,M,1,,0,8 -9987,F,7,Ethnicity Recorded in Other Race,-1,5 -9988,M,3,,0,13 -9989,F,3,,0,11 -9990,F,5,,0,12 -9991,M,5,,0,9 -9992,M,3,,0,15 -9993,M,3,,1,15 -9994,F,5,,0,16 -9995,M,3,,1,12 -9996,M,5,,0,11 -9997,M,5,,0,5 -9998,M,5,,0,5 -9999,F,3,,1,9 -10000,M,5,,1,17 -10001,M,5,,0,9 -10002,M,5,,0,15 -10003,F,5,,1,1 -10004,F,5,,0,0 -10005,M,3,,0,5 -10006,F,6,,1,1 -10007,F,5,,1,15 -10008,M,5,,0,13 -10009,M,5,,0,16 -10010,F,5,,0,8 -10011,F,3,,1,11 -10012,M,5,,0,10 -10013,F,5,,0,12 -10014,F,2,,0,9 -10015,F,5,,0,15 -10016,M,6,,0,1 -10017,M,6,,1,6 -10018,F,3,,0,9 -10019,M,5,,0,16 -10020,M,6,,1,13 -10021,M,5,,0,16 -10022,M,5,,0,11 -10023,F,3,,0,13 -10024,F,5,,0,6 -10025,F,5,,0,2 -10026,M,5,,0,8 -10027,F,5,,0,13 -10028,M,3,,1,4 -10029,F,5,,0,8 -10030,M,6,,0,14 -10031,M,3,,0,1 -10032,M,5,,0,11 -10033,F,5,,0,17 -10034,M,6,,1,0 -10035,M,5,,0,17 -10036,M,5,,0,17 -10037,F,5,,0,4 -10038,M,5,,1,6 -10039,F,7,Ethnicity Recorded in Other Race,-1,0 -10040,F,5,,-1,10 -10041,M,3,,0,3 -10042,M,3,,1,17 -10043,F,5,,0,12 -10044,F,5,,-1,0 -10045,M,5,,0,10 -10046,M,3,,1,12 -10047,M,5,,0,8 -10048,F,6,,1,14 -10049,M,3,,0,0 -10050,M,5,,0,7 -10051,M,6,,1,12 -10052,M,5,,0,0 -10053,M,3,,0,14 -10054,M,7,Ethnicity Recorded in Other Race,-1,2 -10055,M,6,,-1,4 -10056,F,5,,0,12 -10057,M,3,,0,16 -10058,M,5,,0,14 -10059,M,5,,0,13 -10060,M,5,,0,2 -10061,M,5,,-1,1 -10062,M,5,,0,7 -10063,F,2,,0,4 -10064,M,5,,-1,9 -10065,F,5,,-1,2 -10066,F,3,,1,11 -10067,M,5,,1,0 -10068,M,5,,0,10 -10069,F,5,,1,5 -10070,M,7,Middle Eastern,0,10 -10071,F,5,,1,7 -10072,M,6,,0,0 -10073,F,3,,0,6 -10074,M,2,,1,5 -10075,M,5,,0,12 -10076,M,6,,1,3 -10077,M,3,,1,15 -10078,M,5,,0,5 -10079,M,5,,0,10 -10080,M,5,,0,8 -10081,M,6,,1,12 -10082,M,6,,1,9 -10083,M,5,,0,8 -10084,F,3,,0,0 -10085,M,5,,1,10 -10086,F,3,,0,0 -10087,F,2,,0,16 -10088,F,3,,0,5 -10089,M,5,,-1,9 -10090,F,3,,0,9 -10091,M,3,,0,1 -10092,M,3,,0,6 -10093,M,3,,1,2 -10094,F,5,,1,9 -10095,F,5,,0,11 -10096,M,5,,0,0 -10097,M,5,,0,17 -10098,F,5,,0,10 -10099,F,5,,0,9 -10100,F,6,,1,17 -10101,M,5,,1,2 -10102,F,3,,0,15 -10103,M,3,,1,7 -10104,F,5,,0,16 -10105,M,5,,0,8 -10106,M,5,,0,6 -10107,F,5,,0,0 -10108,M,3,,0,14 -10109,F,5,,1,15 -10110,M,3,,0,5 -10111,F,3,,0,11 -10112,F,3,,0,9 -10113,M,5,,1,15 -10114,M,5,,0,16 -10115,M,5,,0,13 -10116,F,5,,0,17 -10117,F,3,,0,15 -10118,F,3,,0,10 -10119,M,5,,0,17 -10120,F,3,,1,17 -10121,M,5,,1,17 -10122,M,3,,0,16 -10123,M,5,,0,5 -10124,M,5,,0,10 -10125,M,5,,0,17 -10126,M,3,,0,8 -10127,M,3,,0,15 -10128,F,5,,0,8 -10129,M,6,,-1,8 -10130,M,3,,0,17 -10131,M,5,,0,1 -10132,M,3,,1,15 -10133,M,5,,0,10 -10134,M,3,,1,12 -10135,M,7,American Indian/Alaskan Native and White,0,12 -10136,M,3,,0,9 -10137,M,6,,1,0 -10138,M,3,,0,15 -10139,F,3,,0,7 -10140,M,5,,0,16 -10141,M,5,,0,13 -10142,M,3,,0,9 -10143,F,5,,-1,17 -10144,F,1,,0,1 -10145,F,5,,0,15 -10146,F,5,,0,5 -10147,M,3,,0,17 -10148,F,5,,0,17 -10149,M,7,Ethnicity Recorded in Other Race,-1,5 -10150,F,5,,0,8 -10151,M,3,,0,3 -10152,F,3,,1,6 -10153,M,3,,1,5 -10154,F,3,,0,15 -10155,M,5,,0,16 -10156,M,3,,0,1 -10157,F,6,,1,1 -10158,M,5,,0,8 -10159,F,5,,-1,0 -10160,M,5,,0,7 -10161,M,5,,0,16 -10162,M,5,,0,14 -10163,M,5,,0,14 -10164,F,3,,0,13 -10165,F,5,,0,2 -10166,M,3,,0,17 -10167,M,7,Ethnicity Recorded in Other Race,-1,3 -10168,F,3,,0,11 -10169,M,3,,0,11 -10170,M,5,,0,8 -10171,F,3,,0,13 -10172,M,5,,0,11 -10173,F,5,,1,17 -10174,M,5,,0,13 -10175,M,3,,1,0 -10176,F,5,,0,1 -10177,M,3,,0,2 -10178,F,5,,0,17 -10179,F,5,,0,16 -10180,M,5,,1,11 -10181,F,5,,0,13 -10182,M,5,,0,17 -10183,M,5,,0,16 -10184,M,5,,1,16 -10185,M,3,,0,0 -10186,F,6,,1,12 -10187,M,3,,1,13 -10188,M,5,,0,2 -10189,M,5,,0,12 -10190,F,3,,1,15 -10191,M,5,,0,0 -10192,F,5,,0,14 -10193,F,3,,0,17 -10194,F,5,,1,16 -10195,M,6,,1,15 -10196,F,3,,0,0 -10197,F,5,,1,2 -10198,F,5,,0,10 -10199,M,5,,0,11 -10200,F,3,,0,13 -10201,M,5,,0,13 -10202,M,7,Ethnicity Recorded in Other Race,-1,6 -10203,F,3,,-1,1 -10204,M,3,,0,12 -10205,M,6,,1,16 -10206,M,3,,0,13 -10207,M,3,,0,14 -10208,F,7,Ethnicity Recorded in Other Race,-1,9 -10209,F,3,,0,12 -10210,M,6,,1,16 -10211,M,5,,0,14 -10212,M,5,,1,0 -10213,M,5,,0,13 -10214,M,5,,1,0 -10215,M,5,,1,11 -10216,M,6,,1,11 -10217,M,3,,1,8 -10218,M,5,,-1,16 -10219,F,5,,-1,3 -10220,F,7,Ethnicity Recorded in Other Race,-1,8 -10221,M,5,,1,14 -10222,F,6,,-1,14 -10223,F,3,,0,16 -10224,M,7,Ethnicity Recorded in Other Race,-1,11 -10225,F,6,,1,3 -10226,F,6,,1,0 -10227,F,5,,0,10 -10228,M,5,,0,15 -10229,M,3,,1,13 -10230,M,3,,0,3 -10231,M,5,,0,3 -10232,M,5,,0,17 -10233,F,5,,1,11 -10234,M,5,,0,9 -10235,F,3,,1,17 -10236,M,3,,0,10 -10237,M,6,,-1,13 -10238,M,3,,0,8 -10239,F,3,,0,12 -10240,M,3,,0,13 -10241,F,5,,0,2 -10242,M,5,,0,1 -10243,M,3,,-1,7 -10244,M,5,,0,15 -10245,M,5,,-1,3 -10246,F,6,,1,7 -10247,F,5,,-1,11 -10248,F,6,,1,16 -10249,F,3,,0,8 -10250,M,3,,0,12 -10251,M,3,,0,13 -10252,M,5,,1,15 -10253,F,7,Middle Eastern,0,0 -10254,F,5,,0,14 -10255,F,5,,0,16 -10256,M,7,Ethnicity Recorded in Other Race,-1,7 -10257,M,5,,0,5 -10258,M,3,,0,10 -10259,F,5,,0,13 -10260,M,3,,0,11 -10261,M,6,,1,17 -10262,M,5,,0,7 -10263,M,5,,0,15 -10264,M,3,,0,14 -10265,M,3,,0,16 -10266,M,5,,0,13 -10267,M,4,,0,0 -10268,M,6,,1,10 -10269,F,5,,-1,12 -10270,M,7,Ethnicity Recorded in Other Race,-1,4 -10271,M,5,,1,13 -10272,F,5,,0,17 -10273,F,3,,0,7 -10274,M,2,,0,9 -10275,F,5,,-1,5 -10276,F,3,,0,9 -10277,M,5,,1,12 -10278,F,5,,0,15 -10279,M,7,Caucasian and Indian,0,6 -10280,M,7,other,1,1 -10281,M,5,,0,12 -10282,F,5,,0,3 -10283,F,5,,1,9 -10284,F,3,,0,1 -10285,M,3,,0,9 -10286,F,5,,0,2 -10287,M,5,,0,15 -10288,M,3,,1,8 -10289,M,6,,-1,9 -10290,M,5,,0,5 -10291,F,3,,0,5 -10292,F,5,,1,9 -10293,M,6,,-1,3 -10294,M,5,,0,14 -10295,F,5,,0,13 -10296,M,7,Ethnicity Recorded in Other Race,-1,2 -10297,M,5,,0,0 -10298,F,3,,1,15 -10299,M,5,,-1,17 -10300,M,3,,0,1 -10301,F,5,,1,16 -10302,M,5,,1,10 -10303,M,5,,0,14 -10304,M,5,,0,14 -10305,M,3,,0,7 -10306,M,5,,1,5 -10307,M,5,,0,12 -10308,M,6,,1,13 -10309,M,5,,1,3 -10310,F,5,,0,4 -10311,M,5,,0,14 -10312,M,5,,0,15 -10313,M,5,,1,8 -10314,M,6,,1,0 -10315,M,3,,0,0 -10316,M,7,Ethnicity Recorded in Other Race,-1,11 -10317,M,5,,1,8 -10318,M,5,,0,16 -10319,M,5,,0,3 -10320,M,5,,0,12 -10321,F,5,,1,17 -10322,F,6,,1,13 -10323,F,3,,0,16 -10324,M,5,,0,6 -10325,M,3,,0,5 -10326,M,3,,1,16 -10327,M,5,,0,13 -10328,M,3,,1,9 -10329,M,5,,0,17 -10330,M,5,,1,11 -10331,M,5,,1,8 -10332,M,5,,0,15 -10333,F,3,,0,1 -10334,M,5,,0,4 -10335,M,3,,-1,9 -10336,M,5,,1,17 -10337,F,5,,0,15 -10338,F,3,,0,1 -10339,M,6,,1,0 -10340,M,5,,0,13 -10341,F,5,,0,13 -10342,F,3,,0,16 -10343,M,5,,0,14 -10344,F,5,,1,16 -10345,M,5,,0,15 -10346,M,3,,0,5 -10347,M,3,,0,0 -10348,M,5,,1,3 -10349,M,5,,0,16 -10350,M,5,,0,17 -10351,M,5,,1,2 -10352,M,3,,0,16 -10353,M,6,,1,3 -10354,F,3,,0,15 -10355,M,5,,0,17 -10356,F,3,,0,15 -10357,M,5,,0,16 -10358,M,4,,0,16 -10359,M,6,,1,17 -10360,F,5,,0,2 -10361,F,3,,0,2 -10362,M,3,,1,16 -10363,M,3,,0,14 -10364,M,5,,-1,2 -10365,F,5,,0,17 -10366,F,3,,0,0 -10367,M,3,,0,16 -10368,F,3,,0,6 -10369,M,5,,0,14 -10370,M,3,,0,16 -10371,M,5,,0,10 -10372,M,5,,1,14 -10373,M,2,,0,4 -10374,M,5,,1,5 -10375,M,6,,1,5 -10376,M,3,,0,15 -10377,M,5,,1,17 -10378,F,5,,0,9 -10379,M,3,,0,17 -10380,M,5,,1,15 -10381,M,5,,0,5 -10382,F,5,,0,9 -10383,F,7,Ethnicity Recorded in Other Race,-1,5 -10384,F,3,,1,17 -10385,F,3,,0,7 -10386,M,5,,0,11 -10387,M,3,,1,11 -10388,F,3,,1,6 -10389,M,5,,1,4 -10390,F,3,,1,14 -10391,F,5,,0,12 -10392,M,3,,0,4 -10393,M,3,,0,14 -10394,M,5,,0,2 -10395,F,3,,0,15 -10396,M,3,,0,10 -10397,F,4,,0,8 -10398,M,3,,0,5 -10399,M,7,Indian,0,12 -10400,M,7,Indian,0,16 -10401,F,3,,0,9 -10402,M,3,,0,11 -10403,M,3,,0,11 -10404,F,5,,-1,11 -10405,M,6,,-1,2 -10406,M,6,,1,11 -10407,M,5,,0,13 -10408,F,5,,-1,8 -10409,M,3,,1,11 -10410,M,5,,0,8 -10411,F,5,,-1,8 -10412,M,5,,1,16 -10413,F,6,,1,3 -10414,F,5,,-1,8 -10415,M,5,,0,12 -10416,M,7,Ethnicity Recorded in Other Race,-1,15 -10417,M,5,,0,15 -10418,M,3,,1,0 -10419,M,5,,-1,15 -10420,M,3,,0,6 -10421,F,5,,0,14 -10422,M,5,,0,8 -10423,M,3,,0,12 -10424,F,3,,1,11 -10425,M,3,,1,16 -10426,M,3,,0,5 -10427,M,5,,-1,16 -10428,M,5,,0,8 -10429,M,5,,1,1 -10430,M,5,,0,11 -10431,M,5,,0,9 -10432,F,3,,0,17 -10433,M,3,,0,4 -10434,F,5,,0,4 -10435,F,7,Asian/ White,0,17 -10436,M,3,,0,8 -10437,F,3,,1,12 -10438,M,3,,-1,10 -10439,M,5,,0,17 -10440,F,5,,0,14 -10441,M,3,,0,8 -10442,F,5,,0,12 -10443,F,3,,1,16 -10444,F,3,,0,9 -10445,M,5,,0,15 -10446,M,5,,0,17 -10447,F,5,,0,16 -10448,M,3,,0,0 -10449,F,6,,-1,3 -10450,F,3,,1,1 -10451,F,3,,1,17 -10452,F,6,,1,3 -10453,M,3,,0,13 -10454,M,5,,0,2 -10455,M,5,,0,11 -10456,F,3,,0,14 -10457,M,5,,1,17 -10458,F,5,,1,14 -10459,M,3,,0,1 -10460,M,5,,0,1 -10461,F,5,,0,12 -10462,F,5,,1,15 -10463,M,5,,0,13 -10464,M,3,,0,17 -10465,F,7,Ethnicity Recorded in Other Race,-1,8 -10466,M,3,,1,6 -10467,M,3,,0,14 -10468,M,5,,1,4 -10469,M,6,,1,9 -10470,M,3,,0,5 -10471,M,5,,-1,12 -10472,F,2,,0,17 -10473,M,5,,0,9 -10474,M,5,,0,17 -10475,M,5,,0,14 -10476,M,5,,-1,4 -10477,F,3,,-1,10 -10478,F,5,,0,1 -10479,F,3,,0,0 -10480,F,7,East Indian,-1,8 -10481,M,5,,0,17 -10482,M,3,,0,16 -10483,M,3,,0,13 -10484,M,3,,0,3 -10485,M,3,,0,0 -10486,F,3,,0,8 -10487,M,5,,0,2 -10488,F,5,,0,12 -10489,M,5,,0,12 -10490,M,5,,0,5 -10491,M,6,,1,16 -10492,M,5,,0,17 -10493,F,3,,0,7 -10494,M,3,,1,6 -10495,M,5,,1,15 -10496,M,5,,0,4 -10497,F,5,,1,17 -10498,M,3,,1,12 -10499,F,3,,0,0 -10500,M,3,,0,14 -10501,M,6,,1,0 -10502,M,5,,0,5 -10503,M,5,,0,1 -10504,M,3,,0,17 -10505,F,7,Ethnicity Recorded in Other Race,-1,8 -10506,F,5,,0,15 -10507,M,5,,1,10 -10508,M,3,,1,13 -10509,M,3,,0,7 -10510,M,3,,0,15 -10511,M,5,,0,4 -10512,M,5,,-1,10 -10513,M,5,,0,2 -10514,F,3,,1,17 -10515,M,3,,-1,17 -10516,M,6,,0,10 -10517,M,5,,-1,11 -10518,F,3,,0,10 -10519,F,5,,0,17 -10520,M,3,,0,1 -10521,F,5,,0,17 -10522,M,3,,1,7 -10523,M,5,,0,6 -10524,M,5,,0,10 -10525,M,5,,0,1 -10526,M,3,,0,4 -10527,F,3,,0,14 -10528,F,5,,0,4 -10529,M,3,,0,13 -10530,M,5,,1,17 -10531,M,5,,0,14 -10532,F,5,,0,9 -10533,M,5,,-1,0 -10534,F,5,,0,7 -10535,F,5,,0,9 -10536,M,5,,-1,17 -10537,F,3,,0,8 -10538,M,3,,1,8 -10539,F,5,,0,9 -10540,M,3,,0,1 -10541,F,5,,0,16 -10542,M,5,,0,10 -10543,M,5,,1,0 -10544,F,3,,1,14 -10545,F,5,,1,1 -10546,M,3,,0,15 -10547,F,5,,1,2 -10548,M,5,,0,16 -10549,M,3,,0,13 -10550,M,5,,0,4 -10551,M,5,,1,10 -10552,M,5,,0,2 -10553,M,3,,1,17 -10554,F,5,,1,2 -10555,M,5,,1,9 -10556,M,5,,-1,5 -10557,F,7,Arabic,0,7 -10558,F,5,,-1,17 -10559,M,5,,0,7 -10560,M,3,,1,10 -10561,M,5,,0,13 -10562,F,5,,0,17 -10563,M,3,,1,16 -10564,M,7,Ethnicity Recorded in Other Race,-1,16 -10565,M,5,,0,2 -10566,M,3,,1,6 -10567,F,5,,1,11 -10568,F,7,Ethnicity Recorded in Other Race,-1,13 -10569,M,5,,0,9 -10570,F,2,,1,6 -10571,F,3,,0,6 -10572,M,7,P,1,12 -10573,F,5,,1,0 -10574,M,3,White,0,4 -10575,F,3,,1,8 -10576,M,5,,0,13 -10577,M,7,Ethnicity Recorded in Other Race,-1,10 -10578,M,3,,0,9 -10579,M,6,,1,4 -10580,F,5,,0,15 -10581,F,3,,1,13 -10582,M,5,,1,13 -10583,F,3,,0,3 -10584,F,5,,1,17 -10585,M,5,,1,0 -10586,F,6,,-1,2 -10587,M,3,,1,8 -10588,F,3,,0,6 -10589,M,5,,1,15 -10590,F,3,physician did not answer ethnicity,1,17 -10591,F,3,,0,17 -10592,F,3,,1,11 -10593,F,7,Ethnicity Recorded in Other Race,-1,14 -10594,F,7,Ethnicity Recorded in Other Race,-1,6 -10595,F,5,,0,8 -10596,F,7,Ethnicity Recorded in Other Race,-1,9 -10597,M,5,,0,7 -10598,M,5,,0,17 -10599,M,5,,0,16 -10600,F,5,,0,11 -10601,M,3,,1,10 -10602,M,5,,1,11 -10603,F,5,,0,16 -10604,M,6,,-1,14 -10605,M,5,,0,13 -10606,F,5,,-1,1 -10607,F,5,,0,13 -10608,F,5,,-1,3 -10609,F,3,,1,16 -10610,M,3,,1,16 -10611,M,5,,1,11 -10612,F,5,,-1,2 -10613,F,3,,0,11 -10614,F,5,,1,15 -10615,M,5,,0,3 -10616,M,4,,1,7 -10617,F,3,,0,17 -10618,M,3,,0,13 -10619,M,3,,1,2 -10620,M,5,,-1,15 -10621,F,5,,0,6 -10622,M,5,,-1,8 -10623,M,5,,-1,15 -10624,M,5,,0,17 -10625,M,6,,-1,15 -10626,M,5,,-1,14 -10627,M,1,"Asian, African American, White",1,11 -10628,M,3,,0,0 -10629,F,5,,0,10 -10630,M,5,,0,1 -10631,F,3,,1,8 -10632,M,5,,1,16 -10633,M,3,,0,13 -10634,M,5,,0,15 -10635,F,5,,0,15 -10636,M,5,,1,0 -10637,M,5,,0,12 -10638,F,7,"1/2 white, 1/2 Jamaican",1,6 -10639,M,5,,0,13 -10640,M,3,,0,5 -10641,M,3,,0,6 -10642,M,5,,-1,13 -10643,M,3,,0,10 -10644,M,5,,0,6 -10645,M,6,,1,2 -10646,F,3,,1,3 -10647,M,2,,0,3 -10648,M,3,,1,12 -10649,M,5,,1,12 -10650,M,6,,1,9 -10651,F,3,,1,13 -10652,F,5,,0,7 -10653,M,7,Ethnicity Recorded in Other Race,-1,15 -10654,F,3,,0,16 -10655,F,5,,1,13 -10656,F,3,,1,0 -10657,M,6,,1,2 -10658,M,5,,1,10 -10659,M,5,,0,15 -10660,M,5,,0,8 -10661,M,3,,0,0 -10662,F,5,,-1,11 -10663,M,5,,1,9 -10664,F,3,,0,6 -10665,F,5,,1,9 -10666,F,3,,0,5 -10667,M,5,,0,16 -10668,F,5,,0,14 -10669,M,5,,0,9 -10670,F,6,,1,14 -10671,M,3,,0,8 -10672,M,5,,0,14 -10673,M,6,,1,14 -10674,F,3,,0,10 -10675,M,5,,1,7 -10676,M,3,,0,13 -10677,M,5,,0,0 -10678,M,3,,0,15 -10679,M,6,,1,3 -10680,F,5,,0,11 -10681,M,5,,0,16 -10682,M,5,,0,17 -10683,M,7,Ethnicity Recorded in Other Race,-1,9 -10684,M,5,,1,10 -10685,F,3,,0,15 -10686,F,5,,0,9 -10687,M,6,,1,0 -10688,F,3,,0,0 -10689,M,5,,1,14 -10690,F,5,,-1,17 -10691,M,6,,-1,4 -10692,M,6,,1,5 -10693,M,3,,0,8 -10694,F,5,,0,16 -10695,M,3,,0,13 -10696,F,3,,1,4 -10697,F,5,,1,13 -10698,F,3,,0,3 -10699,M,6,,1,6 -10700,F,5,,0,0 -10701,M,3,,1,5 -10702,M,5,,-1,4 -10703,F,3,,0,16 -10704,F,3,,1,2 -10705,M,5,,0,10 -10706,M,5,,1,12 -10707,M,3,,1,17 -10708,M,5,,1,16 -10709,F,3,,0,8 -10710,M,5,,0,3 -10711,M,5,,0,0 -10712,M,3,,1,2 -10713,M,5,,0,9 -10714,F,5,,0,13 -10715,F,3,,0,16 -10716,F,5,,0,12 -10717,F,5,,1,0 -10718,F,3,,0,17 -10719,M,3,,0,10 -10720,F,7,Jamacain,-1,9 -10721,M,5,,-1,3 -10722,M,5,,0,3 -10723,F,5,,0,11 -10724,M,3,,0,13 -10725,M,2,,1,12 -10726,M,5,,0,14 -10727,F,3,,0,4 -10728,M,5,,0,0 -10729,M,5,,0,8 -10730,M,5,,1,0 -10731,F,5,,0,5 -10732,F,5,,0,8 -10733,F,3,,0,16 -10734,M,5,,0,11 -10735,F,3,,0,10 -10736,F,5,,0,15 -10737,M,3,,0,13 -10738,M,5,,1,13 -10739,M,3,,0,15 -10740,F,5,,0,17 -10741,F,3,,0,17 -10742,M,5,,-1,8 -10743,M,5,,0,4 -10744,M,5,,0,8 -10745,M,3,,0,14 -10746,M,3,,0,7 -10747,F,3,,1,13 -10748,M,5,,1,8 -10749,M,5,,0,16 -10750,M,6,,-1,0 -10751,M,5,,0,15 -10752,M,5,,0,9 -10753,M,5,,1,10 -10754,F,3,,1,2 -10755,M,5,,0,9 -10756,M,5,,1,14 -10757,M,3,,0,17 -10758,M,5,,-1,2 -10759,F,5,,0,17 -10760,F,5,,0,16 -10761,M,3,,0,12 -10762,F,3,,0,16 -10763,M,5,,0,4 -10764,M,5,,0,16 -10765,F,5,,0,10 -10766,F,5,,1,0 -10767,F,3,,1,8 -10768,M,3,,1,5 -10769,F,3,,0,0 -10770,F,7,Albanian,0,1 -10771,M,5,,0,11 -10772,M,5,,0,3 -10773,M,5,,0,6 -10774,F,3,,0,6 -10775,M,3,,0,11 -10776,M,6,,-1,5 -10777,F,5,,1,2 -10778,M,5,,0,16 -10779,F,3,,0,6 -10780,M,3,,0,0 -10781,M,3,,1,12 -10782,M,5,,0,16 -10783,M,3,,0,16 -10784,M,5,,0,16 -10785,F,3,,1,14 -10786,M,3,,0,16 -10787,F,3,,0,15 -10788,M,5,,1,14 -10789,F,5,,-1,11 -10790,F,5,,-1,5 -10791,F,5,,0,11 -10792,M,6,,-1,14 -10793,M,5,,0,12 -10794,M,5,,1,8 -10795,M,5,,1,14 -10796,M,3,,0,16 -10797,M,5,,-1,7 -10798,M,5,,0,13 -10799,M,2,,1,5 -10800,F,5,,0,6 -10801,F,3,,0,14 -10802,M,5,,0,13 -10803,M,3,,0,11 -10804,F,5,,0,9 -10805,M,5,,-1,17 -10806,M,5,,-1,12 -10807,F,6,,1,1 -10808,F,5,,-1,3 -10809,F,3,,0,10 -10810,F,5,,0,7 -10811,M,6,,1,17 -10812,M,5,,1,7 -10813,M,3,,0,17 -10814,M,6,,0,16 -10815,M,5,,1,5 -10816,F,5,,0,17 -10817,M,6,,-1,11 -10818,F,5,,1,10 -10819,M,5,,0,10 -10820,F,3,,0,9 -10821,F,5,,0,15 -10822,M,5,,0,6 -10823,M,5,,0,16 -10824,M,6,,-1,17 -10825,F,3,,0,3 -10826,M,5,,0,13 -10827,F,5,,0,16 -10828,M,3,,1,16 -10829,F,6,,1,12 -10830,F,5,,0,10 -10831,F,5,,0,16 -10832,M,3,,0,14 -10833,M,2,,1,8 -10834,F,3,,0,0 -10835,M,3,,0,8 -10836,F,3,,1,6 -10837,M,5,,0,3 -10838,M,3,,0,8 -10839,M,3,,1,14 -10840,F,3,,0,12 -10841,F,3,,0,13 -10842,F,6,,1,1 -10843,F,6,,1,15 -10844,M,5,,0,10 -10845,M,5,,0,2 -10846,M,5,,0,13 -10847,F,5,,0,10 -10848,M,5,,1,11 -10849,M,3,,0,17 -10850,F,5,,1,3 -10851,M,3,,0,10 -10852,M,5,,0,0 -10853,M,5,,1,15 -10854,F,5,,0,10 -10855,M,5,,0,12 -10856,F,5,,1,9 -10857,M,3,,0,16 -10858,M,5,,0,7 -10859,M,4,,0,17 -10860,F,3,,1,12 -10861,F,5,,0,16 -10862,M,2,,1,15 -10863,F,5,,-1,8 -10864,M,5,,-1,2 -10865,M,6,,-1,17 -10866,M,5,,0,10 -10867,F,3,,0,2 -10868,F,3,,1,0 -10869,M,5,,0,9 -10870,M,3,,0,3 -10871,M,5,,1,15 -10872,M,5,,0,6 -10873,F,3,,0,16 -10874,M,5,,0,0 -10875,M,3,,0,10 -10876,M,5,,0,3 -10877,F,5,,1,11 -10878,M,3,,0,15 -10879,M,5,,0,12 -10880,F,3,,0,9 -10881,M,5,,0,14 -10882,F,5,,-1,1 -10883,F,5,,1,17 -10884,F,3,,0,7 -10885,F,5,,0,3 -10886,M,6,,1,8 -10887,M,5,,1,14 -10888,F,3,,0,13 -10889,M,3,,0,10 -10890,M,6,,1,11 -10891,M,3,,0,14 -10892,F,6,,1,8 -10893,M,5,,-1,16 -10894,M,3,,0,13 -10895,M,3,,0,13 -10896,M,3,,0,2 -10897,F,6,,1,14 -10898,M,5,,0,0 -10899,F,5,,0,16 -10900,F,3,,0,11 -10901,M,3,,1,0 -10902,F,5,,0,12 -10903,F,5,,0,16 -10904,M,5,,0,8 -10905,M,7,Ethnicity Recorded in Other Race,-1,12 -10906,M,3,,1,7 -10907,F,3,,1,7 -10908,M,2,,0,17 -10909,F,5,,0,17 -10910,M,5,,0,6 -10911,M,3,,1,3 -10912,F,3,,0,1 -10913,M,3,,0,12 -10914,M,5,,1,6 -10915,F,3,,0,17 -10916,F,3,,1,6 -10917,F,5,,1,16 -10918,M,3,,1,6 -10919,F,7,Middle Eastern,0,3 -10920,F,5,,0,0 -10921,M,7,Ethnicity Recorded in Other Race,-1,14 -10922,F,3,,0,9 -10923,F,5,,-1,1 -10924,F,5,,0,7 -10925,F,7,Ethnicity Recorded in Other Race,-1,16 -10926,M,7,Ethnicity Recorded in Other Race,-1,13 -10927,M,5,,0,7 -10928,F,5,,0,10 -10929,M,3,,0,3 -10930,F,5,,0,16 -10931,M,7,Ethnicity Recorded in Other Race,-1,3 -10932,F,5,,-1,17 -10933,M,5,,0,7 -10934,F,3,,0,6 -10935,M,5,,0,14 -10936,F,5,,0,14 -10937,F,5,,0,16 -10938,F,3,,-1,16 -10939,M,6,,1,16 -10940,F,5,,0,14 -10941,M,5,,0,14 -10942,F,3,,0,12 -10943,F,5,,0,2 -10944,M,7,Ethnicity Recorded in Other Race,-1,4 -10945,M,3,,0,9 -10946,M,5,,-1,8 -10947,M,5,,0,11 -10948,F,5,,0,9 -10949,F,3,,0,4 -10950,M,5,,0,16 -10951,F,7,Ethnicity Recorded in Other Race,-1,0 -10952,M,3,,0,14 -10953,F,3,,0,12 -10954,M,5,,0,12 -10955,F,3,,1,15 -10956,F,5,,0,3 -10957,F,3,,0,3 -10958,M,5,,0,17 -10959,F,5,,0,9 -10960,M,5,,0,2 -10961,F,3,,0,5 -10962,M,6,,1,3 -10963,M,3,,1,4 -10964,F,6,,-1,1 -10965,F,5,,-1,4 -10966,M,5,,0,12 -10967,M,5,,0,6 -10968,M,5,,1,6 -10969,F,5,,1,7 -10970,F,3,,0,0 -10971,F,5,,1,17 -10972,M,3,,1,8 -10973,M,5,,0,3 -10974,M,5,,0,11 -10975,F,3,"White, as well",-1,15 -10976,M,6,,1,9 -10977,F,3,,0,5 -10978,F,3,,0,9 -10979,F,3,,0,15 -10980,M,5,,0,17 -10981,F,6,,1,3 -10982,M,5,,1,16 -10983,M,7,Ethnicity Recorded in Other Race,-1,5 -10984,M,5,,1,10 -10985,M,5,,0,2 -10986,M,3,,0,17 -10987,F,5,,0,1 -10988,F,5,,1,11 -10989,M,5,,0,10 -10990,M,6,,0,5 -10991,M,5,,1,1 -10992,M,7,biracial,0,6 -10993,F,5,,0,17 -10994,F,6,,-1,14 -10995,M,5,,1,10 -10996,F,5,,0,0 -10997,F,5,,0,0 -10998,M,5,,0,2 -10999,F,5,,0,17 -11000,M,5,,-1,7 -11001,M,5,,1,8 -11002,M,3,,0,12 -11003,F,3,,0,4 -11004,F,5,,0,2 -11005,F,5,,0,0 -11006,F,5,,0,7 -11007,F,5,,1,13 -11008,M,5,,0,13 -11009,F,3,,0,17 -11010,F,5,,-1,17 -11011,M,5,,0,2 -11012,F,5,,1,8 -11013,M,5,,1,1 -11014,M,5,,1,13 -11015,M,5,,1,9 -11016,M,5,,0,14 -11017,M,3,,0,11 -11018,F,5,,-1,15 -11019,M,5,,-1,15 -11020,M,5,,0,17 -11021,F,5,,1,13 -11022,M,5,,0,14 -11023,M,5,,0,17 -11024,M,5,,0,13 -11025,F,5,,0,17 -11026,M,5,,0,17 -11027,M,5,,1,0 -11028,M,7,Ethnicity Recorded in Other Race,-1,16 -11029,F,5,,0,7 -11030,M,5,,0,12 -11031,M,5,,0,17 -11032,M,2,,0,11 -11033,M,5,,0,6 -11034,M,5,,-1,14 -11035,F,3,,0,17 -11036,M,3,,0,5 -11037,F,5,,0,13 -11038,M,3,,1,15 -11039,M,6,,1,17 -11040,F,5,,0,0 -11041,M,5,,0,15 -11042,M,5,,1,11 -11043,M,3,,0,9 -11044,F,5,,0,17 -11045,M,5,,-1,7 -11046,F,5,,0,8 -11047,F,7,Half White Half African America,0,1 -11048,F,5,,0,15 -11049,M,6,,1,16 -11050,F,5,,0,14 -11051,M,3,,0,12 -11052,M,3,,0,9 -11053,F,5,,0,2 -11054,F,5,,0,6 -11055,M,3,,0,8 -11056,M,6,,1,4 -11057,M,5,,0,9 -11058,F,3,,0,14 -11059,M,5,,0,3 -11060,M,3,,0,13 -11061,F,3,,0,13 -11062,F,5,,0,15 -11063,F,3,,0,7 -11064,M,5,,1,3 -11065,F,3,,0,14 -11066,M,5,,1,9 -11067,M,3,,0,16 -11068,M,3,,0,4 -11069,M,6,,-1,11 -11070,F,3,,0,17 -11071,M,5,,0,10 -11072,F,5,,0,16 -11073,M,5,,1,0 -11074,F,5,,0,15 -11075,F,3,,0,12 -11076,M,5,,0,12 -11077,M,3,,0,6 -11078,F,5,,0,16 -11079,F,3,,0,4 -11080,F,6,,1,8 -11081,M,3,,0,5 -11082,F,5,,0,17 -11083,M,5,,0,4 -11084,M,5,,0,17 -11085,M,5,,0,16 -11086,F,6,,1,17 -11087,M,6,,0,13 -11088,F,5,,0,1 -11089,F,3,,0,4 -11090,M,3,,0,8 -11091,F,3,,-1,16 -11092,F,5,,-1,0 -11093,M,5,,0,16 -11094,F,5,,0,6 -11095,F,5,,-1,6 -11096,M,5,,0,14 -11097,M,5,,-1,5 -11098,F,6,,1,16 -11099,M,6,,1,16 -11100,M,5,,0,5 -11101,M,3,,1,16 -11102,M,5,,0,16 -11103,F,5,,0,8 -11104,M,3,,0,16 -11105,M,6,,1,14 -11106,F,5,,0,6 -11107,M,5,,1,14 -11108,M,5,,0,16 -11109,M,5,,0,16 -11110,M,5,,0,1 -11111,M,3,,1,4 -11112,M,3,,0,8 -11113,M,5,,1,8 -11114,M,3,,0,9 -11115,F,3,,0,14 -11116,M,3,,0,17 -11117,M,5,,0,10 -11118,M,5,,0,14 -11119,F,5,,0,16 -11120,F,5,,0,17 -11121,M,7,Ethnicity Recorded in Other Race,-1,11 -11122,F,5,,1,8 -11123,F,5,,0,10 -11124,F,3,,0,11 -11125,F,6,,1,17 -11126,M,5,,0,14 -11127,F,6,,1,1 -11128,F,3,,0,16 -11129,M,3,,0,15 -11130,M,5,,0,17 -11131,M,5,,0,5 -11132,M,5,,1,4 -11133,F,3,,0,15 -11134,F,5,,0,8 -11135,M,3,,0,16 -11136,M,5,,0,4 -11137,F,5,,0,10 -11138,M,6,,1,17 -11139,M,3,,0,9 -11140,M,5,,0,13 -11141,M,5,,0,11 -11142,M,6,,-1,12 -11143,M,5,,1,8 -11144,F,5,,0,11 -11145,F,6,,1,13 -11146,M,3,,1,1 -11147,F,1,,0,0 -11148,F,6,,1,2 -11149,M,3,,0,2 -11150,F,1,,-1,13 -11151,M,3,,0,5 -11152,F,5,,0,1 -11153,M,5,,1,12 -11154,M,6,,1,4 -11155,M,3,,0,8 -11156,M,5,,0,17 -11157,M,5,,1,17 -11158,M,5,,0,15 -11159,M,3,,1,7 -11160,F,5,,-1,3 -11161,M,3,,0,17 -11162,M,5,,1,16 -11163,F,5,,1,0 -11164,M,7,Indian,0,2 -11165,M,5,,-1,12 -11166,F,6,,-1,17 -11167,F,5,,0,17 -11168,M,3,,0,11 -11169,M,5,,0,6 -11170,M,5,,0,14 -11171,F,3,,0,16 -11172,M,5,,0,12 -11173,F,5,,0,7 -11174,F,6,,1,17 -11175,M,3,,0,17 -11176,M,1,,1,1 -11177,F,5,,1,16 -11178,M,5,,0,14 -11179,F,3,,0,2 -11180,M,3,,0,11 -11181,F,7,Ethnicity Recorded in Other Race,-1,13 -11182,F,3,,0,15 -11183,M,5,,0,17 -11184,M,3,,0,7 -11185,M,5,,0,17 -11186,M,6,,-1,17 -11187,M,5,,0,7 -11188,F,3,,0,8 -11189,M,3,,1,10 -11190,M,6,,-1,17 -11191,F,5,,0,0 -11192,M,5,,1,4 -11193,F,5,,0,10 -11194,M,6,,-1,0 -11195,F,5,,0,0 -11196,M,5,,0,17 -11197,F,5,,0,1 -11198,M,5,,0,2 -11199,M,4,,-1,1 -11200,M,5,,0,15 -11201,M,3,,0,7 -11202,F,5,,1,4 -11203,M,3,,0,17 -11204,F,5,,-1,9 -11205,F,5,,0,9 -11206,F,5,,0,5 -11207,F,5,,0,0 -11208,M,5,,0,11 -11209,M,3,,1,16 -11210,M,3,,0,13 -11211,F,3,,0,8 -11212,M,3,,0,12 -11213,F,6,,1,2 -11214,F,5,,0,15 -11215,M,5,,1,0 -11216,F,5,,0,11 -11217,F,7,Ethnicity Recorded in Other Race,-1,3 -11218,F,6,,1,3 -11219,M,5,,1,8 -11220,M,5,,0,16 -11221,F,5,,-1,14 -11222,M,5,,0,16 -11223,M,7,Ethnicity Recorded in Other Race,-1,15 -11224,M,6,,1,5 -11225,M,5,,0,11 -11226,M,6,,-1,9 -11227,M,3,,0,17 -11228,F,5,,1,13 -11229,F,5,,0,0 -11230,F,3,,0,12 -11231,M,5,,0,15 -11232,M,5,,0,14 -11233,M,1,,0,12 -11234,M,5,,0,16 -11235,M,6,,0,7 -11236,M,5,,0,11 -11237,M,1,,0,16 -11238,M,5,,0,17 -11239,M,3,,0,8 -11240,M,5,,0,13 -11241,M,5,,-1,8 -11242,M,5,,0,9 -11243,M,5,,0,14 -11244,M,6,,1,2 -11245,M,5,,-1,1 -11246,M,3,,0,1 -11247,F,5,,0,9 -11248,M,7,Ethnicity Recorded in Other Race,-1,17 -11249,F,3,,0,15 -11250,M,3,,0,13 -11251,M,3,,0,13 -11252,M,3,,1,4 -11253,M,5,,0,12 -11254,F,7,Indian,-1,12 -11255,M,5,,0,14 -11256,F,5,,-1,1 -11257,M,2,,0,9 -11258,F,5,n,0,13 -11259,M,5,,1,10 -11260,M,5,,0,17 -11261,M,5,,0,17 -11262,F,3,,0,10 -11263,M,5,,0,0 -11264,M,5,,0,11 -11265,M,5,,0,17 -11266,M,7,mixed,1,15 -11267,F,3,,0,13 -11268,F,5,,0,11 -11269,M,5,,0,2 -11270,F,5,,1,17 -11271,F,5,,0,0 -11272,F,5,,0,8 -11273,M,6,,1,15 -11274,M,6,,-1,10 -11275,M,5,,0,17 -11276,M,5,,0,17 -11277,M,5,,1,8 -11278,M,5,,0,11 -11279,F,6,,1,4 -11280,M,5,,1,13 -11281,F,1,,0,1 -11282,F,7,Ethnicity Recorded in Other Race,-1,17 -11283,M,3,,0,15 -11284,F,3,,0,5 -11285,M,5,,0,12 -11286,M,5,,1,12 -11287,F,3,,1,15 -11288,M,5,,0,6 -11289,M,3,,1,2 -11290,F,5,,1,4 -11291,F,5,,0,15 -11292,M,3,,0,14 -11293,M,5,,1,13 -11294,M,3,,1,8 -11295,F,3,,0,17 -11296,F,5,,-1,4 -11297,M,3,,0,15 -11298,M,5,,0,16 -11299,F,3,,0,17 -11300,M,2,,0,8 -11301,M,5,,0,14 -11302,M,5,,0,16 -11303,M,5,,0,8 -11304,F,5,,1,9 -11305,M,3,,0,15 -11306,F,5,,0,4 -11307,F,5,,0,17 -11308,F,5,,-1,16 -11309,M,3,,0,10 -11310,F,3,,0,2 -11311,M,5,,0,6 -11312,F,5,,1,12 -11313,M,3,,1,0 -11314,F,6,,-1,17 -11315,M,5,,0,16 -11316,F,5,,0,8 -11317,M,5,,-1,9 -11318,M,3,,0,17 -11319,M,5,,1,16 -11320,F,3,,1,17 -11321,M,3,,1,5 -11322,M,5,,1,13 -11323,M,3,,0,10 -11324,F,3,,1,7 -11325,M,5,,-1,3 -11326,M,5,,0,13 -11327,M,3,,0,14 -11328,F,5,,0,14 -11329,M,3,,0,12 -11330,F,3,,0,14 -11331,F,5,,0,14 -11332,M,6,,1,15 -11333,M,6,,1,13 -11334,M,7,Ethnicity Recorded in Other Race,-1,6 -11335,M,5,,1,12 -11336,F,5,,1,14 -11337,M,3,,0,0 -11338,M,5,,0,6 -11339,M,5,,-1,16 -11340,F,5,,-1,12 -11341,M,5,,0,13 -11342,M,5,,0,6 -11343,M,5,,0,17 -11344,M,5,,-1,0 -11345,F,5,,0,15 -11346,F,3,,0,13 -11347,F,5,,-1,7 -11348,F,6,,1,12 -11349,M,3,,1,16 -11350,M,5,,0,10 -11351,F,3,,0,17 -11352,F,3,,0,14 -11353,M,5,,0,7 -11354,F,3,,0,7 -11355,M,3,,0,1 -11356,M,7,White and 1/4 African American,1,0 -11357,F,5,,-1,13 -11358,M,5,,0,13 -11359,M,5,,-1,0 -11360,F,5,,0,0 -11361,M,5,,0,1 -11362,F,3,,0,12 -11363,F,3,,0,4 -11364,M,5,,1,4 -11365,F,6,,1,16 -11366,F,7,Multiracial,-1,5 -11367,M,3,,0,1 -11368,F,6,,1,11 -11369,M,6,,-1,3 -11370,F,3,,0,3 -11371,M,3,,1,17 -11372,F,5,,1,0 -11373,M,5,,0,15 -11374,M,6,,1,15 -11375,F,3,,0,15 -11376,M,5,,0,11 -11377,F,5,,0,17 -11378,F,3,,1,12 -11379,F,5,,1,11 -11380,F,6,,1,7 -11381,M,5,,0,1 -11382,F,3,,1,9 -11383,F,5,,-1,1 -11384,M,3,,0,17 -11385,F,7,Arabic,0,16 -11386,F,5,,1,6 -11387,M,5,,0,17 -11388,M,5,,0,0 -11389,F,5,,0,16 -11390,F,3,,0,14 -11391,M,3,,1,10 -11392,M,5,,1,0 -11393,F,5,,0,11 -11394,M,5,,-1,12 -11395,M,6,,1,0 -11396,M,3,,1,2 -11397,M,7,Ethnicity Recorded in Other Race,-1,3 -11398,F,5,,0,11 -11399,F,5,,0,2 -11400,F,5,,0,15 -11401,F,3,,0,6 -11402,F,5,,0,17 -11403,M,3,,0,12 -11404,F,7,Ethnicity Recorded in Other Race,-1,16 -11405,M,3,,0,3 -11406,F,5,,0,10 -11407,M,5,,1,5 -11408,M,5,,-1,6 -11409,F,6,,1,3 -11410,F,6,,1,0 -11411,F,3,,0,1 -11412,M,5,,1,0 -11413,M,5,,0,12 -11414,F,3,,0,12 -11415,M,3,,0,7 -11416,M,5,,0,14 -11417,M,5,,1,17 -11418,F,3,,0,10 -11419,M,3,,0,17 -11420,F,3,,0,14 -11421,M,6,,1,16 -11422,M,3,,1,11 -11423,M,6,,1,9 -11424,F,3,,1,11 -11425,M,3,,0,2 -11426,M,3,,-1,17 -11427,F,5,,0,9 -11428,M,5,,0,10 -11429,F,5,,1,12 -11430,M,5,,0,9 -11431,M,3,,0,0 -11432,M,5,,1,15 -11433,F,5,,0,6 -11434,F,5,,1,17 -11435,M,5,,0,12 -11436,F,7,Ethnicity Recorded in Other Race,-1,1 -11437,M,7,Ethnicity Recorded in Other Race,-1,8 -11438,F,3,,1,17 -11439,F,6,,1,14 -11440,M,3,,1,14 -11441,M,5,,0,11 -11442,M,6,,1,17 -11443,F,5,,1,16 -11444,M,3,,0,12 -11445,M,3,,1,10 -11446,M,6,,1,5 -11447,F,5,,0,15 -11448,M,5,,1,11 -11449,F,5,,0,17 -11450,M,5,,0,0 -11451,F,3,,1,11 -11452,F,5,,0,12 -11453,M,3,,0,15 -11454,F,5,,0,3 -11455,M,7,Ethnicity Recorded in Other Race,-1,14 -11456,M,5,,0,0 -11457,M,5,,1,14 -11458,F,5,,0,13 -11459,F,5,,0,4 -11460,M,3,,1,3 -11461,M,5,,0,16 -11462,M,5,,0,12 -11463,M,5,,0,10 -11464,M,5,,0,9 -11465,M,3,,0,10 -11466,F,3,,0,9 -11467,F,3,,0,6 -11468,M,2,,0,16 -11469,M,3,,1,11 -11470,M,6,,-1,3 -11471,M,5,,0,7 -11472,M,3,,1,14 -11473,F,5,,0,2 -11474,F,5,,0,8 -11475,M,1,White,0,13 -11476,M,5,,0,3 -11477,F,5,,0,1 -11478,M,5,,0,4 -11479,M,6,,1,10 -11480,M,5,,-1,4 -11481,M,5,,-1,1 -11482,M,5,,0,1 -11483,M,3,,0,12 -11484,F,5,,-1,14 -11485,M,3,,0,17 -11486,M,3,,0,2 -11487,M,3,,1,14 -11488,F,3,,0,8 -11489,M,5,,0,16 -11490,M,5,,1,0 -11491,M,6,,1,11 -11492,F,5,,0,12 -11493,F,5,,0,16 -11494,M,5,,1,12 -11495,F,5,,0,7 -11496,F,5,,0,12 -11497,F,5,,0,13 -11498,M,3,,0,6 -11499,M,3,,1,10 -11500,F,5,,1,4 -11501,M,3,,0,5 -11502,M,5,,0,2 -11503,M,5,,-1,10 -11504,M,5,,0,1 -11505,F,3,,0,10 -11506,F,3,,1,9 -11507,F,5,,1,17 -11508,M,5,,1,12 -11509,M,5,,0,15 -11510,M,5,,0,0 -11511,M,3,,0,14 -11512,F,3,,0,9 -11513,M,5,,1,16 -11514,F,6,,1,0 -11515,F,5,,0,8 -11516,M,5,,-1,6 -11517,M,3,,0,13 -11518,M,5,,1,11 -11519,M,3,,-1,0 -11520,M,5,,1,0 -11521,F,5,,1,11 -11522,F,5,,0,7 -11523,M,3,,0,3 -11524,F,6,,-1,5 -11525,M,6,,0,2 -11526,F,3,,0,15 -11527,M,6,Ethnicity Recorded in Other Race,-1,17 -11528,M,5,,1,17 -11529,M,5,,0,7 -11530,F,5,,0,16 -11531,M,7,White/black,0,10 -11532,M,5,,0,10 -11533,M,5,,0,10 -11534,M,3,,0,8 -11535,M,6,,1,6 -11536,M,5,,0,15 -11537,M,5,,0,11 -11538,M,3,,0,15 -11539,M,5,,0,14 -11540,F,5,,-1,0 -11541,F,3,,0,1 -11542,M,6,,-1,17 -11543,F,5,,0,4 -11544,F,5,,0,12 -11545,F,5,,0,2 -11546,M,3,,0,12 -11547,M,5,,0,12 -11548,F,5,,0,4 -11549,F,3,,0,16 -11550,M,5,,0,6 -11551,M,3,,1,6 -11552,M,2,,0,9 -11553,M,5,,0,12 -11554,M,5,,0,17 -11555,F,5,,1,16 -11556,F,5,,0,1 -11557,F,5,,-1,4 -11558,M,3,,0,0 -11559,M,5,,1,17 -11560,M,5,,1,13 -11561,F,5,,0,7 -11562,F,6,,-1,17 -11563,M,5,,1,8 -11564,M,5,,1,9 -11565,M,6,,1,2 -11566,M,5,,0,16 -11567,F,5,,0,13 -11568,F,3,,0,7 -11569,F,5,,0,6 -11570,F,3,,0,6 -11571,M,3,,0,14 -11572,M,5,,1,10 -11573,F,5,,-1,0 -11574,F,5,,0,16 -11575,M,3,,0,17 -11576,F,3,,0,9 -11577,F,5,,-1,1 -11578,M,5,,0,15 -11579,F,5,,-1,4 -11580,F,7,Ethnicity Recorded in Other Race,-1,5 -11581,M,5,,0,8 -11582,M,3,,0,6 -11583,M,6,,-1,2 -11584,M,5,,0,4 -11585,M,5,,-1,14 -11586,M,5,,1,6 -11587,M,5,,0,13 -11588,F,3,,0,13 -11589,F,3,,0,1 -11590,M,5,,0,11 -11591,M,3,,0,16 -11592,M,5,,0,5 -11593,M,5,,-1,14 -11594,M,3,,0,2 -11595,M,5,,0,12 -11596,M,3,,0,8 -11597,M,5,,0,5 -11598,M,5,,0,2 -11599,F,5,,0,9 -11600,M,3,,0,13 -11601,M,6,,-1,11 -11602,M,5,,0,1 -11603,F,5,,0,11 -11604,M,3,,0,13 -11605,M,5,,0,7 -11606,M,3,,0,7 -11607,M,5,,0,17 -11608,F,5,,0,3 -11609,M,5,,-1,17 -11610,F,5,,1,7 -11611,M,6,,1,13 -11612,M,5,,0,8 -11613,F,6,,1,17 -11614,M,5,,0,15 -11615,F,3,,1,15 -11616,F,6,,1,7 -11617,M,5,,0,11 -11618,F,3,,0,1 -11619,F,5,,0,16 -11620,F,5,,-1,9 -11621,M,5,,0,14 -11622,F,5,,0,16 -11623,M,5,,0,1 -11624,M,3,,1,11 -11625,M,5,,0,15 -11626,F,3,,1,16 -11627,M,3,,0,1 -11628,F,3,,0,17 -11629,F,2,,1,11 -11630,M,5,,0,7 -11631,F,5,,1,17 -11632,M,5,,0,11 -11633,M,5,,1,0 -11634,M,5,,0,11 -11635,F,3,,0,5 -11636,F,5,,-1,12 -11637,M,5,,-1,6 -11638,F,3,,0,1 -11639,M,6,,1,13 -11640,F,5,,0,2 -11641,M,5,,0,13 -11642,M,5,,0,3 -11643,F,5,,0,12 -11644,F,3,,0,14 -11645,M,5,,0,12 -11646,M,5,,0,16 -11647,M,5,,0,14 -11648,M,6,,1,9 -11649,F,1,,0,6 -11650,M,5,,1,15 -11651,F,5,,0,16 -11652,F,6,,-1,2 -11653,F,5,,0,5 -11654,F,5,,0,3 -11655,M,7,Arabic,0,9 -11656,M,5,,0,17 -11657,M,5,,0,17 -11658,M,3,,0,9 -11659,F,4,,0,14 -11660,F,3,,0,15 -11661,M,5,,0,2 -11662,M,5,,0,12 -11663,M,5,,0,14 -11664,M,5,,0,10 -11665,F,5,,0,9 -11666,M,3,,1,8 -11667,F,3,,0,6 -11668,M,6,,1,2 -11669,M,5,,0,17 -11670,F,3,,0,15 -11671,M,6,,-1,6 -11672,F,5,,0,16 -11673,F,5,,1,12 -11674,F,3,,1,15 -11675,M,5,,0,15 -11676,M,5,,1,17 -11677,F,3,,0,11 -11678,F,5,,1,16 -11679,F,5,,-1,9 -11680,M,3,,0,13 -11681,M,5,,0,10 -11682,F,5,,1,13 -11683,F,3,,0,10 -11684,M,6,,-1,17 -11685,M,6,,1,12 -11686,M,3,,0,7 -11687,F,3,,1,17 -11688,F,5,,0,14 -11689,F,6,,-1,17 -11690,M,3,,1,6 -11691,F,5,,-1,0 -11692,F,5,,0,11 -11693,M,5,,1,10 -11694,M,3,,0,17 -11695,F,5,,-1,6 -11696,M,3,,0,11 -11697,M,5,,0,16 -11698,M,5,,1,0 -11699,F,3,,0,8 -11700,M,5,,0,14 -11701,M,5,,0,13 -11702,M,3,,0,11 -11703,F,5,,1,2 -11704,M,5,,0,2 -11705,F,3,,0,10 -11706,M,3,,0,13 -11707,F,5,,0,13 -11708,F,5,,0,12 -11709,F,3,,0,4 -11710,M,5,,0,10 -11711,F,5,,0,16 -11712,F,3,,0,7 -11713,F,5,,0,7 -11714,F,5,,1,17 -11715,F,5,,-1,10 -11716,F,5,,0,7 -11717,M,3,,0,12 -11718,F,5,,0,15 -11719,M,5,,0,2 -11720,M,5,,0,0 -11721,M,3,,0,6 -11722,M,5,,1,11 -11723,F,3,,0,1 -11724,M,3,,0,6 -11725,M,5,,0,14 -11726,F,5,,1,16 -11727,M,5,,0,6 -11728,F,3,,0,16 -11729,M,5,,1,10 -11730,M,6,,1,0 -11731,F,5,,0,0 -11732,M,3,,0,3 -11733,M,5,,0,8 -11734,M,5,,-1,1 -11735,M,3,,0,0 -11736,M,7,Indian,0,12 -11737,F,5,15.3,0,4 -11738,M,5,,0,4 -11739,F,6,,-1,12 -11740,M,6,,-1,17 -11741,F,5,,-1,7 -11742,M,5,,0,6 -11743,M,5,,1,5 -11744,M,5,,0,17 -11745,F,5,,0,6 -11746,F,3,,0,17 -11747,F,3,,0,9 -11748,M,5,,1,17 -11749,M,5,,0,10 -11750,M,7,Ethnicity Recorded in Other Race,-1,10 -11751,M,5,,1,7 -11752,F,5,,0,14 -11753,F,5,,0,16 -11754,M,3,,0,1 -11755,M,5,,1,15 -11756,M,6,,1,15 -11757,F,5,,0,14 -11758,F,5,,0,1 -11759,M,3,,0,13 -11760,M,7,bangladesh,0,14 -11761,F,3,,0,16 -11762,M,3,,0,10 -11763,F,4,,0,2 -11764,M,5,,0,16 -11765,F,5,,0,0 -11766,F,3,,0,12 -11767,M,6,,-1,15 -11768,M,3,,0,16 -11769,M,3,,0,15 -11770,M,5,,1,15 -11771,F,5,,1,2 -11772,M,5,,0,15 -11773,M,5,,0,2 -11774,F,6,,1,5 -11775,F,3,,1,8 -11776,M,2,White,0,5 -11777,F,5,,0,13 -11778,F,3,,1,10 -11779,M,6,,1,8 -11780,F,3,,0,11 -11781,M,5,,-1,12 -11782,F,5,,0,13 -11783,F,3,,1,6 -11784,M,6,,1,7 -11785,F,5,,1,16 -11786,F,3,,0,3 -11787,M,5,,0,11 -11788,M,5,,0,17 -11789,F,5,,0,14 -11790,M,5,,1,11 -11791,F,5,,0,17 -11792,M,5,,0,2 -11793,M,5,,1,15 -11794,F,5,,0,13 -11795,F,5,,0,17 -11796,M,5,,0,17 -11797,F,5,,0,14 -11798,F,5,,-1,2 -11799,F,5,,-1,0 -11800,M,3,,1,11 -11801,M,5,,1,1 -11802,M,5,,-1,0 -11803,M,3,,0,14 -11804,M,5,,0,0 -11805,F,5,,0,2 -11806,M,5,,1,4 -11807,F,5,,0,10 -11808,M,5,,0,14 -11809,F,5,,0,15 -11810,M,7,"Arabic, Middle Eastern",0,14 -11811,M,5,,0,13 -11812,M,5,,0,6 -11813,F,5,,0,9 -11814,M,3,,0,8 -11815,M,5,,0,12 -11816,M,5,,0,0 -11817,F,5,,1,15 -11818,M,5,,0,17 -11819,M,6,,1,12 -11820,M,6,,1,14 -11821,F,7,other,1,16 -11822,M,5,,0,15 -11823,M,3,,1,0 -11824,F,6,,0,14 -11825,M,6,,1,9 -11826,M,5,,0,14 -11827,M,5,,1,6 -11828,M,6,,-1,11 -11829,M,5,,0,2 -11830,M,5,,1,8 -11831,M,5,,0,14 -11832,F,3,,0,0 -11833,M,3,,0,14 -11834,M,5,,0,12 -11835,F,5,,0,2 -11836,M,5,,0,0 -11837,F,5,,-1,1 -11838,F,5,,1,15 -11839,M,5,,-1,11 -11840,F,6,,1,0 -11841,M,3,,0,2 -11842,M,6,,-1,12 -11843,M,3,,0,7 -11844,M,5,,1,15 -11845,M,3,,0,15 -11846,M,3,,0,6 -11847,F,5,,-1,17 -11848,F,5,,1,3 -11849,M,3,,0,11 -11850,M,3,,1,16 -11851,F,5,,0,1 -11852,F,3,,0,7 -11853,M,5,,1,2 -11854,M,5,,0,13 -11855,F,7,Ethnicity Recorded in Other Race,-1,11 -11856,M,5,,-1,3 -11857,M,5,,0,16 -11858,M,3,,0,9 -11859,F,5,,0,1 -11860,M,3,,0,5 -11861,F,5,,0,17 -11862,F,5,,0,16 -11863,M,5,,0,13 -11864,M,5,,0,9 -11865,M,7,Ethnicity Recorded in Other Race,-1,13 -11866,F,5,,-1,11 -11867,F,5,,1,0 -11868,M,7,Ethnicity Recorded in Other Race,-1,17 -11869,F,3,,0,5 -11870,F,3,,0,15 -11871,F,5,,0,6 -11872,M,5,,0,15 -11873,M,3,,0,3 -11874,F,7,Ethnicity Recorded in Other Race,-1,7 -11875,M,5,,0,15 -11876,M,5,,0,0 -11877,M,3,,0,3 -11878,F,5,,0,10 -11879,M,3,,0,12 -11880,F,5,,0,3 -11881,M,6,,1,4 -11882,M,6,,1,4 -11883,M,5,,1,11 -11884,M,5,,0,17 -11885,M,3,,0,2 -11886,M,5,,0,15 -11887,M,5,,0,14 -11888,M,5,,1,16 -11889,M,5,,1,4 -11890,M,3,,0,1 -11891,M,7,Ethnicity Recorded in Other Race,-1,13 -11892,F,3,,0,16 -11893,M,5,,0,15 -11894,F,5,,0,6 -11895,M,5,,1,2 -11896,F,5,,1,15 -11897,M,5,,0,3 -11898,F,5,,0,4 -11899,M,5,,0,12 -11900,M,5,,0,9 -11901,M,5,,0,7 -11902,M,5,,-1,17 -11903,M,5,,1,5 -11904,M,5,,1,8 -11905,M,3,,0,12 -11906,M,7,Ethnicity Recorded in Other Race,-1,17 -11907,F,5,,0,14 -11908,M,5,,0,11 -11909,M,6,,1,17 -11910,F,3,,0,9 -11911,M,3,,0,8 -11912,F,5,,-1,12 -11913,M,5,,1,17 -11914,M,6,,-1,2 -11915,F,5,,1,4 -11916,M,3,,0,17 -11917,F,5,,0,0 -11918,M,6,,1,1 -11919,F,5,,0,16 -11920,M,5,,0,16 -11921,F,5,,0,2 -11922,M,6,,1,2 -11923,M,5,,0,0 -11924,F,3,,0,11 -11925,M,5,,0,14 -11926,M,5,,1,14 -11927,M,3,,1,17 -11928,M,5,,0,10 -11929,M,3,,0,5 -11930,F,6,,0,7 -11931,M,5,,0,15 -11932,M,6,,1,17 -11933,F,3,,1,0 -11934,M,3,,0,16 -11935,F,5,,1,3 -11936,F,6,,1,14 -11937,M,5,,1,17 -11938,F,5,,0,14 -11939,F,5,,0,0 -11940,M,5,,0,5 -11941,M,5,,0,12 -11942,F,5,,-1,17 -11943,M,6,,1,0 -11944,F,6,,1,16 -11945,F,3,,1,0 -11946,F,3,,0,8 -11947,M,3,,1,14 -11948,M,5,,0,10 -11949,M,3,,-1,14 -11950,F,3,,0,12 -11951,M,6,,1,11 -11952,F,5,,0,9 -11953,M,6,,-1,17 -11954,F,3,,0,5 -11955,F,7,Multiracial,-1,0 -11956,F,5,,0,14 -11957,F,5,,0,13 -11958,F,7,Ethnicity Recorded in Other Race,-1,2 -11959,M,5,,0,16 -11960,M,5,,0,1 -11961,M,3,,0,9 -11962,M,5,,0,11 -11963,M,5,,0,11 -11964,F,5,,1,8 -11965,F,5,,0,16 -11966,M,5,,0,13 -11967,M,5,,0,11 -11968,M,5,,1,16 -11969,M,3,,0,0 -11970,M,5,,1,6 -11971,M,5,,1,12 -11972,M,7,Ethnicity Recorded in Other Race,-1,7 -11973,F,5,,0,0 -11974,M,5,,-1,14 -11975,F,5,,0,8 -11976,M,5,,0,15 -11977,F,3,,0,0 -11978,M,6,,-1,9 -11979,F,5,,0,16 -11980,M,3,,1,14 -11981,M,5,,-1,2 -11982,F,1,,1,16 -11983,M,3,,0,8 -11984,M,5,,0,6 -11985,M,5,,0,10 -11986,M,5,,1,13 -11987,M,5,,0,16 -11988,M,5,,0,12 -11989,M,3,,1,12 -11990,M,3,,0,1 -11991,F,5,,1,10 -11992,M,5,,-1,7 -11993,F,5,,0,11 -11994,M,5,,0,13 -11995,F,5,,0,16 -11996,M,7,Pakistani,0,9 -11997,M,5,,0,1 -11998,F,6,,1,4 -11999,M,7,p,1,8 -12000,M,3,,1,13 -12001,M,5,,0,3 -12002,M,5,,0,12 -12003,F,5,,0,12 -12004,M,3,,0,13 -12005,F,2,,0,0 -12006,M,5,,1,4 -12007,F,3,,0,14 -12008,M,3,,0,6 -12009,M,5,,-1,4 -12010,F,5,,0,3 -12011,M,5,,0,1 -12012,M,3,,1,8 -12013,F,3,,0,0 -12014,M,5,,0,9 -12015,F,5,,0,0 -12016,F,5,,0,13 -12017,F,5,,0,9 -12018,M,3,,1,14 -12019,M,3,,0,11 -12020,M,5,,0,0 -12021,M,3,,0,11 -12022,F,5,,0,0 -12023,F,3,,0,2 -12024,M,5,,0,16 -12025,M,5,,1,16 -12026,M,3,,0,7 -12027,M,3,,0,3 -12028,M,3,,0,13 -12029,F,3,,0,16 -12030,M,5,,0,1 -12031,F,5,,1,16 -12032,M,5,,0,14 -12033,M,5,,0,14 -12034,M,5,,0,7 -12035,M,5,,1,8 -12036,M,7,Ethnicity Recorded in Other Race,-1,2 -12037,M,6,,1,17 -12038,M,5,,0,16 -12039,F,5,,1,7 -12040,F,3,,0,16 -12041,M,5,,1,12 -12042,M,3,,0,10 -12043,F,5,,0,12 -12044,F,2,,0,13 diff --git a/data/iai_pecarn/raw/form1.csv b/data/iai_pecarn/raw/form1.csv deleted file mode 100644 index 96e5924a..00000000 --- a/data/iai_pecarn/raw/form1.csv +++ /dev/null @@ -1,12045 +0,0 @@ -SubjectID,EDTriageDay,EDTriageTime,InjuryDay,InjuryTime,InjTmKnown,TriageTmUnkown,ApproxWtKg,WtAssessment,Certification,ThoracicTrauma,ThorAbnLoc,ThoracicTender,LtCostalTender,RtCostalTender,DecrBreathSound,AbnChestAusc,FlankTender,PelvicTender,PelvisUnstable,NonAbdSurgery,CurrIntubated,PharmaParalyzed,PharmaSedated,AlcDrgSuspicion,GCSEye,GCSVerbal,GCSMotor,GCSScore,AggregateGCS,Preverbal,AbdomenPain,AbdPainSeverity,AbdPainLoc,VomitWretch,ShortBreath,DistractingPain,InjuryMechanism,InjMechSpecs,PatientRestrained,RestraintSystem,PatientRunOver,HandlebarsAbd,OtherMechanism,GenComment,RecodedMOI,OtherMOIHighRisk,AbdUltrasound,KnowAbUltraRes,AbdCTScan,KnowAbCTRes,PtHosp,AbdTrauma,SeatBeltSign,AbdDistention,BowelSounds,AbdomenTender,AbdTenderDegree,AbdTenderLoc,PeritonIrrit,RectalBlood,InitSysBP,InitSysBPRange,InitResp,InitRespRange,HRDocumented,InitHeartRate,IAISuspicion,IAIAcuteInterv,LabResultAware,RefuseFU -1,0,0005,-1,2000,1,1,21.3,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,97,1,22,1,96,1,1,2,3 -2,0,1505,0,1445,1,1,16.3,1,3,1,2,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,87,1,22,1,102,1,1,1,2 -3,0,1823,0,,2,1,45,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,3,,1,2,2,2,2,2,,,2,2,1,120,1,24,1,100,2,1,2,3 -4,0,1313,-1,1600,1,1,60,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,133,1,20,1,74,1,1,2,2 -5,0,2047,0,1930,1,1,61.4,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,2,1,2,2,2,3,2,,,2,3,1,119,1,20,1,103,2,2,2,3 -6,0,0101,-1,,2,1,13,1,3,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,3,1,1,2,2,2,2,,,2,3,1,118,1,32,1,124,2,1,2,3 -7,0,0457,0,,2,1,70,4,3,1,3,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,3,,1,16,1,74,2,1,1,3 -8,0,1723,0,,2,1,30,4,8,1,4,1,1,1,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,RAN OVER BY TRACTOR,,4,2,2,,1,3,1,2,2,2,3,2,,,2,2,1,120,1,31,1,122,2,1,2,3 -9,0,1500,0,1330,1,1,100,2,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,3,2,2,,,2,2,1,154,1,20,1,105,1,1,2,2 -10,0,1926,0,1900,1,1,68,1,8,1,4,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,7,2: Accidental,,,,,,,7,,1,1,2,,1,2,2,2,2,2,,,2,3,1,136,1,25,1,82,1,1,2,3 -11,0,1300,0,0900,1,1,98,,8,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,2,1: < 3 ft.,,,,,,,2,,2,,1,2,2,2,2,2,1,1,2,2,2,3,1,137,1,20,1,73,4,1,2,2 -12,0,1100,0,1030,1,1,10,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,1,1,1,2,2,2,1,2,,,2,2,1,116,1,42,1,120,2,1,2,3 -13,0,1822,0,1800,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,148,1,30,1,105,2,1,2,3 -14,0,0500,0,0400,1,1,65.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,1,2,2,2,1,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,2,1,2,2,2,2,1,147,1,22,1,100,2,1,1,2 -15,0,0934,-1,1800,1,1,47,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Tackled playing football,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,143,1,22,1,88,1,1,2,2 -16,0,0242,0,0200,1,1,60,4,1,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,3,1,2,1,2,3,1,108,1,16,1,89,3,3,2,3 -17,0,2105,0,,2,1,25,4,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,1,2,2,2,2,1,1,2,2,2,1,104,1,18,1,89,2,1,2,3 -18,0,1240,-1,1430,1,1,41,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,3,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,2,,,2,2,1,111,1,18,1,86,2,1,1,2 -19,0,0200,0,0100,1,1,50,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,4,2,,,2,3,1,107,1,20,1,88,1,1,2,2 -20,0,0515,0,0500,1,1,60,1,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,1,1,1,3,2,2,2,2,3,2,,,2,2,1,136,1,18,1,101,1,1,2,2 -21,0,2155,0,1900,1,1,54,4,8,1,2,2,2,2,2,2,2,2,2,1,2,2,2,2,2,2,2,12,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,108,1,28,1,124,2,2,2,3 -22,0,1319,0,,2,1,31.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,2,,2,2,2,1,2,2,,,2,3,1,106,1,20,1,79,1,1,1,2 -23,0,1739,0,,2,1,55,2,3,1,1,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,3,2,2,2,,,2,2,1,159,1,22,1,80,1,1,2,2 -24,0,2000,0,1900,1,1,27,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,2,1,2,2,1,119,1,26,1,112,3,1,2,2 -25,0,1420,0,1350,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,121,1,20,1,116,2,1,2,2 -26,0,0501,0,0400,1,1,76.9,1,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,7,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,130,1,24,1,110,1,1,2,2 -27,0,1900,0,1730,1,1,13.3,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,91,1,20,1,110,1,1,3,2 -28,0,1830,0,1530,1,1,32,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell while snowboarding,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,22,1,96,1,1,2,2 -29,0,1430,0,1415,1,1,,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,125,1,18,1,94,1,1,2,2 -30,0,1145,0,,2,1,20.9,1,1,2,,2,1,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,3,1,2,4,2,3,1,126,1,24,1,102,4,2,1,2 -31,0,2224,0,1900,1,1,65,1,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,walking bicycle- slipped- hit R hip on ground bike fell on her,,2,2,4,,4,,2,2,2,2,2,1,2,2,2,3,1,125,1,20,1,80,3,1,3,2 -32,0,1620,0,1600,1,1,22,,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,4,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,3,1,118,1,24,1,108,2,2,2,3 -33,0,1921,0,1800,1,1,90.2,1,3,2,,1,2,1,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,6,,,,,,,,6,,1,2,2,,2,2,2,2,2,2,,,2,3,1,113,1,20,1,102,1,1,2,2 -34,0,2240,0,,2,1,13,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,4,,,,,1,,1,1,1,1,1,2,2,2,3,2,,,2,3,1,111,1,24,1,106,2,1,2,3 -35,0,2040,0,1930,1,1,18,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,1,4,3,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,3,,,2,3,1,110,1,24,1,123,2,1,2,2 -36,0,2100,0,2030,1,1,38,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,110,1,18,1,96,1,1,2,2 -37,0,1849,0,,2,1,60,4,2,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,1,2,2,2,2,2,6,,,,,,,,6,,1,2,1,1,1,2,2,2,2,1,2,3,1,3,1,122,1,20,1,84,1,1,2,3 -38,0,1516,0,,2,1,11.9,,2,1,4,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,Suspect child abuse,,7,2,2,,2,,2,2,2,2,1,2,,,2,2,1,99,1,22,1,115,1,1,2,2 -39,0,1500,0,1230,1,1,,,3,2,,2,2,2,2,2,1,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,3,2,2,2,,,4,4,1,113,1,20,1,96,1,1,2,2 -40,0,2330,0,2300,1,1,70,4,3,1,1,3,3,3,2,2,3,3,2,1,1,1,1,2,1,2,3,12,,2,3,,,2,3,3,4,3: > 20 mph,,,2,,,Skate boarder struck by car,4,,1,1,1,1,1,2,2,2,2,3,,,3,3,1,142,1,24,1,116,2,1,2,3 -41,0,2030,0,1945,1,1,30,4,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,2,2,4,3,1,2,1,2,3,1,114,1,30,1,145,4,2,3,3 -42,0,,0,1445,1,2,59,2,5,2,,2,4,4,2,1,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,3,2,,,2,2,1,141,1,21,1,117,1,1,2,3 -43,0,1040,0,,2,1,34,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,101,1,22,1,75,1,1,2,2 -44,0,0713,0,0700,1,1,15,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,2,1,2,2,2,2,1,2,1,2,2,1,120,1,42,1,133,2,1,2,3 -45,0,1756,0,,2,1,13,4,3,1,1,1,3,3,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,1,2,2,8,,,,,,,,8,,2,,1,1,1,1,2,1,3,1,1,1,2,3,1,109,1,30,1,153,3,2,2,3 -46,0,1215,0,1115,1,1,10,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,129,1,22,1,120,1,1,2,2 -47,0,1709,0,1600,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,9,,,,,,fell off riding lawnmower and lawnmore ran over him,,2,2,2,,2,,1,2,3,2,2,1,2,3,2,3,1,144,1,20,1,120,1,1,2,3 -48,0,1545,0,1515,1,1,50,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,3,1,121,1,17,1,94,1,1,2,3 -49,0,1200,0,1000,1,1,45,3,3,1,1,3,3,3,4,1,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,2,3: > 10 ft.,,,,,,,2,,1,1,1,1,1,2,2,1,3,3,,,3,2,1,118,2,,1,108,5,5,1,3 -50,0,1705,0,1645,1,1,30,4,3,2,,3,3,3,1,1,3,3,2,3,1,2,2,2,4,5,6,3,,2,3,,,3,1,3,4,4: Speed Unknown,,,3,,,,4,,2,,1,3,1,2,3,1,1,3,,,3,2,1,175,1,38,1,128,4,4,3,3 -51,0,1922,0,1500,1,1,81,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,141,1,18,1,87,1,1,2,2 -52,0,1625,0,1600,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,4,,2,2,3,2,3,2,,,2,2,1,144,1,19,1,103,1,1,2,2 -53,0,2034,0,,2,1,30,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,14,,2,1,2,3,1,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,3,1,2,2,2,2,1,2,2,2,3,1,138,1,39,1,90,3,2,2,3 -54,0,1925,0,,2,1,10.5,1,3,2,,2,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,4,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,114,1,24,1,113,1,1,2,2 -55,0,1330,0,,2,1,36,4,1,1,2,1,2,1,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,130,1,22,1,108,3,3,2,3 -56,0,2012,0,1930,1,1,59.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,2,2,2,3,1,149,1,20,1,102,2,1,2,3 -57,0,2033,0,1600,1,1,50,4,1,2,,2,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,7,2: Accidental,,,,,,Heel to abdomen with Football tackle,7,,1,1,1,1,1,1,2,2,2,1,3,2,1,3,1,120,1,18,1,94,4,3,2,3 -58,0,,0,,2,2,50,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,24,1,104,1,1,2,2 -59,0,1828,0,1640,1,1,28,1,2,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,6,,,,,,,,6,,2,,1,2,2,2,2,2,2,1,1,2,2,3,1,111,1,16,1,92,2,1,2,2 -60,0,1500,0,1500,1,1,45,4,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,4,3,7,,2,3,,,2,3,1,4,4: Speed Unknown,,,1,,,,4,,1,2,1,2,1,4,3,1,2,3,,,3,2,1,130,1,19,1,132,5,5,2,3 -61,0,0000,-1,2300,1,1,,,1,1,4,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,1,2,2,,2,2,3,2,2,2,,,2,3,1,137,1,18,1,94,1,1,2,2 -62,0,2130,0,1700,1,1,22,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,Fall,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,101,1,54,1,86,1,1,2,3 -63,0,2135,0,2116,1,1,50,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,3,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,137,1,20,1,95,1,1,3,2 -64,0,2143,0,1800,1,1,34,2,8,2,,2,2,2,2,2,4,4,4,4,2,2,2,2,1,1,1,15,,1,1,2,2,2,2,2,5,,,,,1,,,5,,4,,4,,2,1,2,2,2,1,2,1,2,2,1,132,1,18,1,69,6,6,3,2 -65,0,1625,0,,2,1,15,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,9,,,,,,Refridgerator fell on patient,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,112,1,24,1,123,1,1,2,3 -66,0,2008,0,2000,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,"assault, hit in head, fell-struck head",,7,2,1,2,2,,1,2,2,2,2,2,,,2,3,1,92,1,19,1,64,1,1,2,3 -67,0,1045,0,,2,1,14.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,3,9,,,,,,TV fell on Pt,,7,2,2,,2,,1,2,2,4,2,4,,,2,2,1,106,1,25,1,89,1,1,3,3 -68,0,1830,0,1820,1,1,13,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,3,2,2,2,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,3,1,1,2,2,2,1,1,5,2,2,1,143,1,20,1,132,2,2,2,3 -69,0,1342,-1,,2,1,5.7,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,fell from car seat,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,2,,1,60,1,140,1,1,2,3 -70,0,1820,0,1800,1,1,18,2,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,3,1,108,1,26,1,124,1,1,2,3 -71,0,2110,0,2015,1,1,53.5,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,1,2,1,1,2,2,2,2,1,1,3,2,2,3,1,151,1,22,1,120,3,2,1,2 -72,0,1853,0,,2,1,8,3,8,2,,2,2,2,2,2,3,3,2,2,1,2,1,2,4,5,2,7,,1,3,,,3,3,1,8,,,,,,,"Concern for NAT, possible fall off bed",8,,2,,1,1,1,2,2,2,2,3,,,2,2,1,105,1,33,1,182,1,1,3,3 -73,0,1755,0,1430,1,1,45.5,1,8,1,4,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,"Pt. unclear if struck by car, may have passed out.",4,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,126,1,16,1,74,2,1,2,2 -74,0,2100,0,2030,1,1,10,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,3,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,2,2,2,1,2,,,2,3,1,120,1,26,1,104,3,1,1,3 -75,0,1500,0,1430,1,1,30,,3,1,1,1,1,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,1,1,2,1,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,4,4,,,4,4,1,132,1,24,1,110,4,2,2,3 -76,0,1804,0,1730,1,1,17,3,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,3,2,2,1,13,,2,3,,,1,3,3,5,,,,,3,,,5,,2,,2,,1,2,2,2,3,3,,,3,2,1,131,1,26,1,102,2,1,1,3 -77,0,1520,0,1500,1,1,58,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,136,1,16,1,92,1,1,2,2 -78,0,2320,0,2200,1,1,35,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,130,1,32,1,117,1,1,2,3 -79,0,1114,-1,,2,1,64.3,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Kicked by player in supra pubic region,,7,2,2,,2,,2,4,2,2,3,2,,,2,3,1,139,1,16,1,56,1,1,2,2 -80,0,1955,0,1930,1,1,25,1,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,3,2,2,2,,,2,3,1,107,1,24,1,82,1,1,2,2 -81,0,1650,0,0930,1,1,50,3,8,2,,2,4,4,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Thrown from horse,,2,2,1,1,2,,1,2,2,2,3,2,,,2,3,1,114,1,22,1,120,1,1,2,3 -82,0,1942,0,,2,1,50,1,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Assaulted,,7,2,2,,1,1,2,2,2,2,2,1,2,4,2,3,1,135,1,23,1,102,1,1,1,2 -83,0,1550,0,,2,1,50,4,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,1,2,1,1,14,,2,1,3,2,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,1,1,2,2,2,2,3,1,2,2,2,2,1,125,1,18,1,92,4,2,2,2 -84,0,1613,0,1505,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,3,2,,,2,2,1,124,1,16,1,97,1,1,3,2 -85,0,1637,0,,2,1,,,3,2,,3,3,3,2,2,3,3,2,3,1,2,2,2,,,,,3,2,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,2,,1,2,1,2,2,1,3,3,,,3,2,1,61,2,,1,92,4,4,1,3 -86,0,0811,0,0714,1,1,77,2,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,1,1,1,2,2,1,1,3,2,2,1,115,1,21,1,78,3,2,1,3 -87,0,1915,0,,2,1,115,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,128,1,24,1,119,1,1,2,3 -88,0,2000,0,1830,1,1,8,3,1,1,1,3,3,3,2,2,3,3,3,1,2,2,2,2,1,4,2,11,,1,3,,,2,3,1,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,3,3,,,3,3,1,85,2,,1,145,3,1,2,3 -89,0,2155,0,2130,1,1,55,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,122,1,20,1,74,1,1,2,3 -90,0,2000,0,1630,1,1,25.5,1,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,107,1,24,1,82,2,2,2,3 -91,0,0008,-1,2039,1,1,71,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,4,2,1,2,7,1: Intentional,,,,,,,7,,2,,1,3,2,2,2,2,3,1,2,2,2,2,1,128,1,22,1,105,3,2,3,2 -92,0,1752,0,1715,1,1,30,4,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,4,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,3,2,2,2,,,2,3,1,112,1,20,1,81,1,1,3,2 -93,0,2013,0,,2,1,65,4,3,1,2,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,117,1,18,1,84,1,1,2,2 -94,0,1800,0,1745,1,1,40,4,3,1,4,1,1,4,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,3,2,2,2,,,2,3,1,118,1,24,1,84,6,6,3,2 -95,0,1418,0,,2,1,,,8,2,,2,2,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,9,,,,,,Fell off snowmobile~20 mph,,2,2,2,,2,,1,2,2,2,3,2,,,2,3,1,111,1,23,1,112,2,1,2,3 -96,0,2303,0,2130,1,1,75,,1,2,,1,1,4,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,118,1,22,1,102,4,4,2,2 -97,0,2112,0,,2,1,9,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,Slipped while walking,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,123,1,24,1,137,1,1,2,3 -98,0,0330,0,0047,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,20,1,92,1,1,2,2 -99,0,2100,0,2030,1,1,34,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,1,2,,,2,2,1,140,1,34,1,106,1,1,2,3 -100,0,2115,0,2005,1,1,15,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,3,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,3,3,,,2,2,1,113,1,23,1,159,1,1,2,2 -101,0,1849,0,1600,1,1,70,4,8,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,1,6,,,,,,,,6,,2,,1,3,1,2,2,2,3,1,3,2,2,3,1,150,1,23,1,119,4,2,2,3 -102,0,1545,0,1125,1,1,34,3,3,2,,4,4,4,4,4,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,2,,,2,3,1,116,1,19,1,69,1,1,3,3 -103,0,1748,0,1615,1,1,3.2,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,1,1,1,1,15,,1,3,,,2,3,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,103,1,32,1,156,1,1,2,3 -104,0,2131,0,,2,1,68.1,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,1,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,20,1,84,1,1,2,2 -105,0,1500,0,1330,1,1,50,2,3,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,9,,,,,,Snowboarding,,2,2,2,,1,2,1,2,2,2,2,1,1,3,2,2,1,134,1,22,1,74,2,2,1,3 -106,0,1213,-1,1540,1,1,29.5,1,2,1,1,1,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,5,,,,,1,,,5,,2,,1,2,2,1,2,3,2,1,3,2,2,3,1,122,1,20,1,79,3,2,2,2 -107,0,2010,0,,2,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,tv fell on child,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,40,1,100,1,1,2,2 -108,0,0822,0,0750,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,1,2,,,2,1,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,137,1,18,1,86,1,1,2,2 -109,0,1423,0,1315,1,1,22,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,5: Physician did not answer,4,,,,,,1,,2,,1,2,1,2,2,2,3,1,1,3,2,2,1,136,1,18,1,86,2,1,2,3 -110,0,2200,0,,2,1,40,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,3,1,106,1,14,1,62,1,1,2,3 -111,0,0845,-1,1800,1,1,50,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,9,,,,,,hit by horse (lifted off & fell on abdomen),,7,2,2,,1,1,1,2,2,1,2,1,3,1,2,2,1,70,1,36,1,120,5,5,2,3 -112,0,1416,-1,2000,1,1,74.5,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,9,,,,,,wrestling match - scissor hold,,7,2,2,,1,3,1,2,2,2,2,1,1,3,2,3,1,118,1,18,1,104,2,2,2,3 -113,0,2149,0,,2,1,85,4,8,2,,3,3,3,2,2,3,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,3,9,,,,,,jumped out of moving vehicle,,9,1,2,,2,,1,2,2,2,2,3,,,2,2,1,110,1,16,1,103,1,1,2,3 -114,0,1650,0,1630,1,1,60,4,3,2,,1,2,2,2,2,4,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,2,,,,,,1,,4,,1,1,2,2,2,2,2,1,2,2,2,4,1,110,1,20,1,92,1,1,2,2 -115,0,1647,0,,2,1,14,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,2,2,1,2,1,1,1,2,2,1,119,1,31,1,132,4,4,1,3 -116,0,1612,0,,2,1,15,3,3,2,,2,2,2,2,2,2,3,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,1,2,1,1,1,2,3,1,100,1,32,1,137,5,4,2,3 -117,0,1825,0,1815,1,1,63.6,2,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,3,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,2,1,133,1,15,1,83,1,1,2,2 -118,0,1705,0,1620,1,1,39,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,3,1,2,2,2,2,1,91,1,18,1,64,4,2,2,3 -119,0,1810,0,,2,1,40,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,160,1,25,1,90,2,1,2,3 -120,0,2000,0,1200,1,1,32,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,1,2,13,,2,2,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,28,1,100,1,1,2,3 -121,0,1826,0,1030,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,2,2,1,2,2,2,2,,,2,3,1,102,1,18,1,73,2,2,1,2 -122,0,1317,0,0900,1,1,32,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall straddle injury,,2,2,2,,2,,2,2,2,2,4,2,,,2,3,1,111,1,18,1,84,1,1,2,2 -123,0,1728,0,1648,1,1,70,4,8,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,147,1,30,1,88,1,1,3,2 -124,0,1650,0,1200,1,1,47.8,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,6,,,,,,,,6,,2,,1,2,1,2,2,2,2,1,2,2,2,3,1,127,1,24,1,94,3,1,2,3 -125,0,1722,0,1645,1,1,31.8,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,9,,,,,,go cart riding,,6,2,2,,1,2,1,2,1,2,2,1,1,2,2,2,1,108,1,20,1,61,2,1,2,3 -126,0,2046,0,,2,1,45.4,2,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,20,1,96,1,1,2,2 -127,0,1230,0,0900,1,1,12,4,1,1,1,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,1,3,,,2,4,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,1,2,,,2,3,1,98,1,20,1,108,1,1,2,2 -128,0,1935,0,1500,1,1,49.9,,8,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,struck in abdomen/flank by peers,,7,2,1,1,2,,2,2,2,2,4,1,2,3,2,3,1,96,1,20,1,98,1,1,2,2 -129,0,1845,0,1800,1,1,12,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,1,3: > 40 mph,1,4,,,,also restrained in lap and shoulder harness,1,,2,,1,1,2,1,1,2,4,1,1,1,2,3,2,,1,48,1,140,2,1,2,2 -130,0,2240,0,,2,1,62,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,127,1,14,1,101,1,1,2,2 -131,0,2145,0,,2,1,65,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,1,1,1,2,2,3,1,141,1,25,1,76,3,1,2,3 -132,0,,0,,2,2,,,3,2,,3,3,3,3,3,3,3,3,1,1,1,1,2,4,5,6,3,,2,3,,,1,3,3,1,4: Speed Unknown,3,,,,,,1,,2,,1,2,1,2,2,2,3,3,,,3,2,1,158,2,,1,90,3,2,2,3 -133,0,1224,0,,2,1,36.3,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,2,1,13,,2,1,2,1,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,1,2,1,2,3,1,93,1,20,1,99,2,1,2,2 -134,0,2345,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,4,,2,,1,2,2,2,2,2,,,2,4,1,127,1,28,1,89,1,1,2,3 -135,0,2124,0,1140,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Playing soccer & collided w/ opponent,,7,2,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,108,1,16,1,91,2,1,2,2 -136,0,1954,0,1930,1,1,45.4,4,8,2,,1,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,3,2,2,1,122,1,19,1,110,4,2,2,3 -137,0,1415,0,1400,1,1,20,3,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,1,1,2,2,2,2,2,1,1,3,2,3,1,108,1,20,1,96,2,1,2,2 -138,0,2236,0,2200,1,1,6,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,4,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,126,1,37,1,177,1,1,2,3 -139,0,0051,0,,2,1,68,1,4,3,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,1,2,2,,2,2,2,3,2,2,,,2,2,1,130,1,16,1,97,1,1,2,2 -140,0,2215,0,,2,1,40,,3,1,3,1,1,1,2,2,1,1,1,3,2,2,2,2,2,1,1,14,,2,1,3,1,1,1,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,2,3,1,2,1,3,1,2,1,1,72,1,38,1,148,5,5,2,3 -141,0,1902,0,1830,1,1,28.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,1,1,1,1,2,1,2,2,2,1,3,3,2,3,1,112,1,24,1,108,3,2,2,2 -142,0,2059,0,2030,1,1,16,,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,2,1,137,1,27,1,124,3,3,2,3 -143,0,1539,0,,2,1,6.3,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,90,1,52,1,170,1,1,1,3 -144,0,1600,0,1530,1,1,57,2,3,2,,2,2,2,2,2,2,3,4,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Football Injury,,7,2,2,,2,,1,2,2,2,3,2,,,2,3,1,149,1,18,1,80,1,1,2,3 -145,0,1905,0,1815,1,1,72,1,3,1,4,1,3,3,1,1,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,1,3: > 40 mph,3,,,,,,1,,2,,1,1,1,2,2,3,3,2,,,2,2,1,134,1,31,1,106,2,1,3,3 -146,0,2313,0,1530,1,1,67,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,1,2,3,2,3,1,96,1,26,1,88,1,1,2,3 -147,0,,-1,,2,2,20,3,3,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,14,,1,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,2,2,2,3,2,,,2,2,1,139,1,20,1,129,4,2,2,3 -148,0,0906,0,0840,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,1,1,3: > 40 mph,1,2,,,,,1,,1,2,1,1,1,1,1,2,2,1,3,2,2,2,1,136,1,19,1,120,5,5,1,3 -149,0,0920,0,0830,1,1,16,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,95,1,28,1,97,1,1,2,2 -150,0,1217,0,,2,1,7.7,,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,3,2,2,2,,,2,2,1,110,1,42,1,172,2,2,1,2 -151,0,1852,0,1820,1,1,22.7,4,2,1,4,1,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,1,1,4,1: < 5 mph,,,1,,,,4,,1,2,1,1,1,2,2,2,2,1,4,1,2,2,1,120,1,24,1,147,4,2,2,3 -152,0,0715,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,155,1,30,1,100,1,1,2,3 -153,0,1830,0,1815,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,3,1,12,,2,3,,,2,3,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,107,1,56,1,109,1,1,2,3 -154,0,1100,0,1000,1,1,14,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,110,1,24,1,100,2,1,2,2 -155,0,2300,0,,2,1,60,1,3,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,1,3: > 40 mph,2,,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,162,1,18,1,99,3,2,2,3 -156,0,2056,0,,2,1,59,1,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,148,1,32,1,137,1,1,2,2 -157,0,2150,0,2100,1,1,68,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,3,1,2,2,2,3,1,128,1,20,1,94,2,1,2,2 -158,0,1730,0,1700,1,1,80,,8,2,,1,1,2,1,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,1,2,2,2,2,2,2,1,2,3,2,2,1,130,1,20,1,65,2,2,1,2 -159,0,1815,0,1800,1,1,17.6,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,3,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,2,,,2,2,1,119,1,24,1,123,1,1,2,2 -160,0,1908,0,1805,1,1,77,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,1,2,1,1,1,2,3,1,130,1,16,1,80,1,1,1,2 -161,0,0015,-1,2345,1,1,,,3,2,,3,3,3,2,2,3,3,2,1,2,2,1,2,3,3,3,9,,2,3,,,2,1,3,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,3,1,122,1,22,1,125,4,3,2,3 -162,0,1852,0,1745,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,22,1,110,1,1,2,2 -163,0,2309,0,,2,1,75,1,8,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,1,3,3,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,3,3,,,3,2,1,117,1,10,1,80,3,1,1,3 -164,0,1017,0,,2,1,,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,143,1,70,1,123,1,1,2,2 -165,0,1304,-1,1900,1,1,40,1,3,1,2,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,9,,,,,,Horse vs pt. injury,,7,2,2,,1,2,2,1,2,2,1,1,1,2,2,3,1,110,1,22,1,106,3,2,1,2 -166,0,1440,0,1400,1,1,70,4,8,2,,2,2,2,2,2,4,4,4,2,2,2,2,2,,,,,15,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,4,2,,,2,2,1,118,1,20,1,83,1,1,2,2 -167,0,0932,-1,2000,1,1,19.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,104,1,20,1,92,3,2,2,2 -168,0,1430,0,,2,1,13,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,1,2,3,,,2,2,1,140,1,30,1,130,2,1,2,3 -169,0,2101,0,1615,1,1,40.6,1,8,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,2,2,2,2,2,,,2,2,1,133,1,20,1,86,2,1,1,2 -170,0,1900,0,1730,1,1,36,3,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,3,1,1,1,2,2,1,3,3,2,3,1,105,1,24,1,104,5,5,2,3 -171,0,2113,0,2030,1,1,20,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,1,2,,1,2,2,2,2,2,,,2,2,1,149,1,21,1,107,1,1,2,3 -172,0,1842,0,1800,1,1,70,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,15,1,71,1,1,3,2 -173,0,1800,0,1700,1,1,30,4,8,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,3,5,3,7,,2,3,,,2,3,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,3,,,3,2,1,124,1,28,1,143,4,4,2,3 -174,0,0002,-1,2330,1,1,50,4,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,105,1,20,1,80,1,1,2,3 -175,0,1242,0,1130,1,1,81.8,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,2,1,1,2,2,1,1,2,2,2,1,137,1,16,1,73,2,2,1,2 -176,0,1455,0,,2,1,53,1,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,2,,,,,,1,,1,2,1,2,1,2,2,2,3,1,2,2,2,3,1,106,1,16,1,76,3,1,3,3 -177,0,0019,0,0000,1,1,60,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,1,2,2,2,2,1,2,1,2,2,1,111,1,15,1,72,2,2,2,3 -178,0,1503,0,,2,1,4.5,2,8,1,2,1,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,2,1,9,,,,,,Hot water burn eval for abuse,,9,2,2,,2,,1,2,3,2,1,2,,,1,3,1,103,1,55,1,179,1,1,2,3 -179,0,2114,0,2030,1,1,13.6,1,8,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,1,2,2,,1,2,2,2,1,2,,,2,1,1,130,1,54,1,140,2,2,2,3 -180,0,1110,0,1050,1,1,33.3,1,2,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,Wrestling Match,,7,2,2,,1,1,2,2,2,2,2,1,3,2,3,3,1,140,1,16,1,125,2,1,1,2 -181,0,,0,,2,2,5,1,3,2,,4,4,4,4,4,2,4,4,2,2,2,2,2,1,1,1,15,,1,4,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,4,,4,,1,2,3,4,4,4,,,4,4,1,103,1,30,1,149,2,2,3,3 -182,0,1455,0,,2,1,5,3,8,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,6,3,,1,3,,,2,3,3,8,,,,,,,,8,,2,,1,2,1,2,2,2,1,3,,,3,2,1,116,2,,1,127,2,2,2,3 -183,0,1135,0,0935,1,1,40,,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,2,2,1,13,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,129,1,30,1,81,2,1,3,3 -184,0,1915,0,,2,1,59,1,3,2,,4,4,4,4,4,2,2,2,1,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,1,1,1,1,1,1,2,2,2,,,2,2,1,148,1,18,1,58,2,1,1,3 -185,0,2230,0,2220,1,1,60,4,3,1,2,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,126,1,16,1,89,2,1,2,3 -186,0,1635,0,,2,1,5,3,3,2,,3,3,3,2,2,3,3,2,1,1,2,1,2,1,5,1,11,,1,3,,,2,3,3,9,,,,,,Suspected NAT,,7,2,2,,1,3,1,2,2,2,2,3,,,3,3,1,102,1,26,1,106,3,1,1,3 -187,0,2130,0,1700,1,1,22.7,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,sledding hit head & body,,9,2,3,,3,,1,1,2,2,2,2,,,2,3,1,98,1,20,1,96,2,1,2,3 -188,0,1625,0,1600,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,2,2,12,,2,3,,,2,3,2,7,1: Intentional,,,,,,assault,7,,1,2,1,1,1,2,2,2,2,3,,,3,2,1,120,1,18,1,108,2,2,1,3 -189,0,1830,0,1430,1,1,35,2,3,1,1,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,9,,,,,,slid down slide in lake and hit belly on pier,,7,2,2,,1,1,2,1,2,2,2,1,2,6,2,3,1,108,1,20,1,66,2,2,2,2 -190,0,1720,0,1530,1,1,47,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,1,9,,,,,,Tripped Over by Other Children After Fall While Playing Basketball,,2,2,2,,1,1,2,2,2,2,2,1,4,2,2,3,1,116,1,16,1,67,3,1,3,2 -191,0,2200,0,2000,1,1,28.8,,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,111,1,16,1,68,1,1,2,2 -192,0,0944,-1,1830,1,1,28.4,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,9,,,,,,Sledding down hill - lowspeed - no object struck,,9,2,2,,2,,2,2,2,2,2,1,1,1,2,3,1,119,1,16,1,110,2,1,2,2 -193,0,0714,0,0630,1,1,42.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,1,3,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,1,1,1,2,1,3,1,2,3,1,115,1,18,1,94,5,4,2,3 -194,0,1610,0,1530,1,1,64.5,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,138,1,20,1,68,1,1,1,3 -195,0,1815,0,1730,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,1,2,1,2,2,2,2,1,2,2,2,2,1,119,1,40,1,110,3,2,2,3 -196,0,1030,-1,1800,1,1,35.7,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,3,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,104,1,20,1,103,1,1,2,2 -197,0,2130,0,2100,1,1,60,4,8,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,1,1,1,2,2,2,3,1,3,1,3,1,1,80,1,20,1,100,5,4,2,3 -198,0,2123,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,4,,,2,2,2,9,,,,,,Fell off ATV,,6,2,2,,2,,1,2,2,2,3,2,,,2,2,1,104,1,12,1,86,1,1,1,3 -199,0,1630,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,115,1,28,1,107,1,1,2,3 -200,0,1906,0,,2,1,25,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,20,1,116,1,1,1,2 -201,0,1630,0,1545,1,1,60,1,1,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,4,,2,2,2,2,2,2,,,2,3,1,109,1,16,1,68,2,1,2,2 -202,0,1405,0,1300,1,1,12,4,3,2,,3,3,4,2,2,3,3,3,1,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,4,1: < 5 mph,,,1,,,,4,,2,,1,3,1,2,2,2,2,3,,,3,2,1,89,1,48,1,192,2,2,1,3 -203,0,1138,-1,,2,1,48,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,9,,,,,,kicked in abdomen by 6th grade boy,,7,2,1,1,1,1,2,2,3,2,2,1,2,2,2,3,1,119,1,22,1,108,2,1,1,2 -204,0,1144,0,,2,1,13,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,3,1: 5 or less,,,,,,,3,,1,2,3,,1,2,2,2,3,2,,,2,2,1,128,1,24,1,175,1,1,2,3 -205,0,2054,0,2000,1,1,12,1,1,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,1,2,2,2,1,3: > 40 mph,1,5,,,,,1,,1,1,2,,2,1,1,2,3,2,,,2,3,3,,1,24,1,117,2,1,2,2 -206,0,0045,0,0000,1,1,66,,4,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,1,1,2,2,2,2,1,1,2,3,2,2,1,145,1,13,1,95,4,3,2,2 -207,0,1400,0,,2,1,35,4,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,football collision,,7,2,2,,2,,2,2,3,4,2,2,,,2,2,1,106,1,20,1,96,1,1,3,2 -208,0,1520,0,1500,1,1,75,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,4,,,,,,1,,1,1,2,,2,2,2,2,1,2,,,2,2,1,129,1,20,1,80,1,1,3,2 -209,0,1152,0,,2,1,15,1,3,2,,2,3,3,2,2,3,3,2,2,1,1,1,2,,,,,,1,2,,,3,3,3,2,2: 3 - 10 ft.,,,,,,Shopping cart,2,,1,2,2,,1,2,2,2,3,3,,,2,2,1,121,2,,1,124,1,1,2,3 -210,0,1414,0,,2,1,50,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,ski fall,,2,2,2,,1,2,1,2,2,2,2,1,3,2,2,2,1,109,1,18,1,89,5,2,2,3 -211,0,0000,-1,,2,1,58.9,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,8,,,,,,,,8,,2,,1,2,1,2,2,2,2,1,1,2,2,3,1,134,1,18,1,86,2,1,1,3 -212,0,1310,0,1230,1,1,60,4,1,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,4: Unknown,,,,,,Skateboarding/fall,2,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,97,1,18,1,89,2,1,2,2 -213,0,1937,0,1920,1,1,50,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,116,1,22,1,90,1,1,1,3 -214,0,1730,0,1700,1,1,36.9,1,11,1,1,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,1,2,1,2,1,2,2,2,2,1,146,1,20,1,105,3,1,2,3 -215,0,,0,,2,2,,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,108,1,21,1,107,1,1,1,3 -216,0,2116,0,1930,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,148,1,24,1,120,1,1,2,2 -217,0,1820,0,1750,1,1,60,2,2,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,ran into parked golf cart,,7,2,2,,1,2,2,1,2,2,2,1,2,1,2,3,1,124,1,20,1,83,2,1,2,2 -218,0,2020,0,1920,1,1,54,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,2,2,2,3,2,,,2,2,1,120,1,20,1,96,1,1,2,2 -219,0,1853,0,1759,1,1,31.8,1,8,1,1,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,3,1,1,2,1,137,1,28,1,101,4,4,2,3 -220,0,0630,-1,,2,1,58,2,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,4,2,1,1,3,2,2,1,110,1,17,1,92,3,3,1,3 -221,0,,0,2247,1,2,54,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,9,,,,,,Assult,,7,2,1,2,1,1,2,2,2,2,2,2,,,2,3,1,140,1,18,1,109,1,1,2,2 -222,0,1337,0,0937,1,1,57,4,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,20,1,72,1,1,2,2 -223,0,2000,0,1900,1,1,20,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,96,1,25,1,91,1,1,2,2 -224,0,1259,0,1130,1,1,71,1,2,1,2,1,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,16,1,97,1,1,2,2 -225,0,2047,0,1930,1,1,18,3,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,128,1,22,1,110,1,1,1,3 -226,0,1106,0,,2,1,,,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,,,,,15,2,1,1,1,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,2,2,2,2,2,2,1,1,1,2,3,1,137,1,20,1,89,2,1,2,2 -227,0,1322,0,1230,1,1,70,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,2,1,2,2,2,1,2,,,2,2,1,106,1,20,1,92,1,6,2,3 -228,0,2000,0,1900,1,1,21,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,3,1,104,1,22,1,135,2,1,2,2 -229,0,0110,0,0030,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,124,1,16,1,105,2,1,2,2 -230,0,0901,0,,2,1,66,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,113,1,20,1,70,1,1,2,2 -231,0,1439,0,1230,1,1,12,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,28,1,118,1,1,2,2 -232,0,1729,0,,2,1,60,1,3,2,,2,2,2,2,2,2,3,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,2,2,2,2,2,1,2,3,2,2,1,119,1,16,1,72,1,1,1,2 -233,0,2219,0,,2,1,,,8,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,Inflicted facial trauma; NAT,,7,2,2,,2,,2,2,2,2,2,3,,,2,3,1,95,1,22,1,129,1,1,1,2 -234,0,0215,0,0100,1,1,76.1,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,113,1,18,1,81,1,1,1,2 -235,0,1710,0,1645,1,1,60,4,8,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,3,3,3,9,,2,3,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,2,1,155,1,26,1,99,2,2,2,3 -236,0,1500,0,1440,1,1,66,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,145,1,22,1,88,1,1,3,2 -237,0,1214,0,1112,1,1,65,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,1,1,2,2,2,2,2,2,,,2,2,1,113,1,16,1,82,2,1,2,2 -238,0,1755,0,,2,1,80,4,1,1,1,3,3,3,1,1,3,3,1,1,1,2,2,2,4,5,6,3,,2,3,,,3,3,3,1,3: > 40 mph,1,6,,,,,1,,1,2,2,,1,1,2,3,1,3,,,3,2,1,54,2,,1,102,5,5,2,3 -239,0,1512,0,1345,1,1,50,,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,1,1,2,1,14,,2,2,,,2,2,1,1,4: Speed Unknown,1,2,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,130,1,15,1,60,2,2,1,3 -240,0,0027,-1,1430,1,1,17,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,1,1,2,2,3,2,2,2,,,2,3,1,100,1,20,1,91,2,1,1,2 -241,0,1800,0,1700,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,fall off skateboard,,2,2,2,,1,1,2,2,2,2,2,1,1,2,2,2,1,145,1,22,1,87,3,1,2,2 -242,0,2040,0,1400,1,1,58.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,20,1,73,1,1,2,2 -243,0,1711,0,1630,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,129,1,18,1,80,1,1,1,2 -244,0,1218,0,,2,1,72.7,2,1,1,2,1,1,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,1,1,1,3: > 40 mph,4,,,,,,1,,1,2,1,1,1,2,2,2,3,1,2,1,2,3,1,126,1,27,1,80,3,2,2,3 -245,0,2200,0,,2,1,70,4,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,1,3,4,3,8,,2,3,,,1,3,3,9,,,,,,"found down, suspect acute intox",,9,2,2,,1,1,1,2,2,2,2,3,,,3,3,1,100,1,30,1,117,1,1,2,3 -246,0,0002,-1,0300,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,2,,1,2,2,2,2,2,,,2,3,1,126,1,22,1,102,1,1,2,3 -247,0,1425,0,1400,1,1,13,2,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,1,1,1,2,2,2,2,2,1,1,1,2,2,1,112,1,22,1,125,2,1,2,2 -248,0,1732,0,1700,1,1,20,2,3,1,2,2,2,2,2,2,2,1,2,2,3,3,3,2,2,1,1,14,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,Physician checked both parent estimate and clinician estimate under weight,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,102,1,22,1,80,2,1,2,3 -249,0,1340,0,1230,1,1,58,1,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,18,1,74,1,1,2,2 -250,0,2210,0,,2,1,47,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,4,1,2,2,5,,,,,1,,,5,,2,,1,2,1,2,2,2,3,1,1,2,2,3,1,128,1,24,1,93,1,2,1,3 -251,0,,0,,2,2,4.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,20,1,120,1,1,2,2 -252,0,1612,0,1512,1,1,30,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,1,2,2,2,2,,,2,3,1,100,1,26,1,74,1,1,2,2 -253,0,1710,0,1200,1,1,82,1,8,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,112,1,20,1,100,1,1,2,2 -254,0,1430,0,,2,1,45,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,20,1,80,1,1,2,2 -255,0,2030,0,2000,1,1,60,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,140,1,16,1,60,2,1,2,2 -256,0,1600,0,,2,1,28,3,8,2,,2,2,2,2,2,3,3,2,1,1,1,1,2,3,4,3,8,,2,3,,,2,3,3,4,4: Speed Unknown,,,1,,,,4,,2,,1,3,1,2,2,1,2,3,,,3,2,1,118,2,,1,122,2,1,2,3 -257,0,1330,0,,2,1,50,1,8,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Head to head collision while on football field,,9,2,2,,2,,1,2,2,2,2,2,,,2,3,1,129,1,28,1,89,1,1,1,3 -258,0,1655,0,1545,1,1,23,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,3,,2,2,2,2,2,1,1,3,2,3,1,113,1,18,1,80,2,1,2,2 -259,0,1930,0,1800,1,1,9,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,3,3,3,9,,1,4,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,1,2,4,2,4,,,2,2,1,105,1,15,1,168,1,1,2,3 -260,0,1750,0,1530,1,1,63.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,20,1,66,1,1,2,2 -261,0,1400,0,1230,1,1,10.7,1,1,2,,2,2,2,2,2,2,3,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,3,2,7,2: Accidental,,,,,,TV fell on head and possibly abdomen,7,,2,,2,,1,1,2,2,2,1,1,1,2,3,1,144,1,23,1,121,1,1,2,3 -262,0,1356,0,0930,1,1,16.4,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,96,1,20,1,94,1,1,2,1 -263,0,1348,0,1313,1,1,61,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,18,1,73,1,1,1,2 -264,0,1523,0,,2,1,33,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,28,1,100,1,1,2,2 -265,0,1800,0,1630,1,1,20,4,2,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,25,1,108,1,1,2,2 -266,0,1824,0,1700,1,1,81.6,1,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,147,1,16,1,66,1,1,2,2 -267,0,2015,0,1915,1,1,51,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,24,1,93,1,1,1,2 -268,0,1215,0,0930,1,1,34,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,24,1,110,1,1,2,2 -269,0,2206,0,2045,1,1,70.3,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Tackled in chest during soccer game,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,146,1,22,1,110,1,1,2,3 -270,0,1540,0,1500,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,1,1,3,2,3,1,121,1,22,1,95,1,1,2,2 -271,0,1753,0,1630,1,1,85,4,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fall snowboarding,,2,2,2,,2,,2,2,2,2,3,2,,,2,3,1,117,1,18,1,83,1,1,2,2 -272,0,1755,0,1530,1,1,27,3,1,2,,2,2,2,2,3,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,4,1,118,1,28,1,88,1,1,2,2 -273,0,1857,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,18,1,122,1,1,1,2 -274,0,1418,0,1330,1,1,10,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,112,1,28,1,140,1,1,2,3 -275,0,2100,0,2045,1,1,18,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,1,2,,1,2,2,3,3,2,,,2,2,1,120,1,24,1,112,2,1,2,3 -276,0,1135,0,0700,1,1,80,2,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,22,1,106,2,1,2,2 -277,0,1535,0,1430,1,1,29,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,1,2,2,2,2,,,2,3,1,117,1,24,1,88,1,1,3,2 -278,0,0127,-1,,2,1,18.2,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,113,1,22,1,112,1,1,2,2 -279,0,1300,0,1100,1,1,12,1,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,3,3,1,136,1,20,1,177,1,1,2,2 -280,0,1745,0,1300,1,1,10,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,28,1,120,1,1,2,2 -281,0,1251,0,1130,1,1,52,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,6,,,,,,,,6,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,113,1,18,1,125,1,1,2,2 -282,0,2137,0,2010,1,1,60,1,4,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Ceiling-to-head,,9,2,2,,1,2,1,2,2,2,2,2,,,2,3,1,140,1,16,1,74,1,1,1,3 -283,0,1600,0,1530,1,1,7,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,"Father squeezed patient's chest with his arms as if he was ""crushing her"". Possible respiratory impairment after. spent resolved",,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,140,1,20,1,106,1,1,3,3 -284,0,2000,0,1900,1,1,54,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,football player struck in LUQ with helmet,,7,2,2,,1,3,2,2,2,2,2,1,2,2,1,3,1,122,1,18,1,92,2,1,1,2 -285,0,1530,0,1455,1,1,66,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,2,1,14,,2,1,3,2,1,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,3,4,2,2,1,113,1,22,1,76,2,1,2,2 -286,0,1536,0,1500,1,1,90,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,1,2,1,2,3,2,2,1,120,1,24,1,110,4,3,2,3 -287,0,1015,0,,2,1,9,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,4,5: Physician did not answer,,,4,,,,4,,2,,1,2,1,2,2,2,1,3,,,3,2,1,120,1,22,1,102,3,3,1,3 -288,0,1946,0,1915,1,1,25,4,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,3,1,2,2,2,2,1,1,1,2,2,1,115,1,24,1,111,3,2,2,3 -289,0,2000,0,1800,1,1,100,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,1,1,2,4,2,2,1,133,1,20,1,86,2,1,1,2 -290,0,2215,0,,2,1,35,1,2,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,138,1,21,1,97,3,1,2,3 -291,0,2249,0,,2,1,20.5,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,1,3,2,2,2,2,2,1,1,2,2,2,1,104,1,35,1,97,3,1,2,2 -292,0,1030,0,1000,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,12,1,60,1,1,2,3 -293,0,1937,0,,2,1,68,1,5,3,,4,4,4,4,4,1,2,2,1,2,2,1,2,2,2,1,13,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,2,1,2,2,2,3,3,,,3,2,1,116,1,22,1,69,3,1,2,3 -294,0,1431,0,1345,1,1,52,2,2,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,jumped off of bolting horse,,2,2,2,,2,,2,2,2,2,2,4,,,2,3,1,127,1,20,1,96,1,1,2,2 -295,0,1439,0,,2,1,37,,8,2,,4,4,4,4,4,2,2,2,4,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,8,,,,,,,,8,,2,,2,,1,2,2,2,2,2,,,2,3,1,109,1,20,1,75,1,1,2,3 -296,0,1820,0,1720,1,1,55,4,8,1,1,2,4,4,2,2,2,1,1,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,1,2,2,3,1,2,1,3,2,1,115,1,16,1,121,5,2,2,3 -297,0,1530,0,1500,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,4,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,108,1,35,1,138,2,1,2,3 -298,0,1823,0,1620,1,1,,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,138,1,20,1,80,1,1,3,1 -299,0,0808,0,0455,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,3,,,5,,2,,2,,1,2,2,2,3,1,1,2,2,2,1,133,1,20,1,99,1,1,2,3 -300,0,1530,0,1520,1,1,35,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,Fell from horse at speed of 15mph,,2,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,128,1,20,1,118,1,1,1,3 -301,0,1335,0,,2,1,8,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,3,4,2,9,,1,3,,,2,3,1,8,,,,,,,Suspected child abuse,8,,2,,2,,1,2,2,2,2,3,,,2,3,1,91,1,35,1,195,3,1,1,3 -302,0,0851,0,0800,1,1,12,,3,1,1,3,2,2,2,2,3,4,2,2,2,2,2,2,1,2,1,14,,1,4,,,2,4,2,1,4: Speed Unknown,1,4,,,,,1,,2,,1,2,1,1,2,2,2,3,,,2,3,1,179,1,64,1,161,2,1,2,3 -303,0,1400,0,1300,1,1,10,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,105,1,20,1,122,1,1,2,3 -304,0,2128,0,2046,1,1,27.2,1,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,3,2,1,4,1: < 5 mph,,,1,,,,4,,2,,1,1,1,1,2,2,1,1,2,3,2,3,1,110,1,21,1,110,4,3,2,3 -305,0,1355,0,1330,1,1,44.7,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,5: Physician did not answer,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,120,1,20,1,80,4,3,1,2 -306,0,1945,0,,2,1,13,3,8,2,,2,3,3,2,2,3,3,2,1,2,2,2,2,,,,,15,1,3,,,1,3,1,7,2: Accidental,,,,,,Chest of drawers & tv,7,,1,1,1,1,1,2,2,2,3,3,,,3,2,1,102,1,20,1,101,3,2,2,3 -307,0,1430,0,1145,1,1,48,1,8,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,football game - another player's knee hit abdomen,,7,2,2,,1,1,2,2,2,2,2,1,4,6,2,2,1,104,1,20,1,80,2,1,2,2 -308,0,2340,0,2300,1,1,50,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,2,2,2,2,2,2,2,,,2,2,1,144,1,16,1,94,2,1,1,2 -309,0,1750,0,1725,1,1,12,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,3: > 15,,,,,,,3,,1,2,2,,2,2,2,2,2,2,,,2,2,1,118,1,42,1,154,1,1,2,2 -310,0,2050,0,,2,1,50,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,4,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,3,2,2,4,,,2,2,1,136,1,15,1,96,1,1,2,3 -311,0,2200,-1,,2,1,40.4,1,2,1,2,1,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,1,2,2,2,1,1,1,2,3,1,131,1,20,1,103,1,1,1,2 -312,0,1502,0,1405,1,1,16.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Tv Fell onto abd/chest,,7,2,2,,1,1,1,2,2,2,2,1,1,2,2,3,1,87,1,20,1,104,2,1,2,3 -313,0,1718,0,1650,1,1,30,3,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,2,,2,2,2,2,3,4,,,2,3,1,110,1,39,1,105,1,1,2,2 -314,0,1315,0,,2,1,15.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,100,1,20,1,130,2,1,2,3 -315,0,1828,0,1815,1,1,35,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,20,1,68,1,1,2,2 -316,0,2040,0,2000,1,1,,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,2,1,13,,2,2,,,1,2,2,5,,,,,3,,,5,,2,,1,3,1,1,2,2,3,2,,,2,3,1,100,1,20,1,108,2,1,2,3 -317,0,1723,0,1500,1,1,20,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,3,2,2,2,,,2,2,1,119,1,15,1,119,1,1,2,3 -318,0,2003,0,1900,1,1,55,4,3,2,,2,2,2,2,2,2,2,3,3,2,2,2,2,1,1,1,15,,2,3,,,1,1,2,7,2: Accidental,,,,,,,7,,1,2,2,,1,1,2,2,2,1,1,1,2,3,1,133,1,50,1,119,2,1,2,3 -319,0,1655,0,1625,1,1,35,4,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,112,1,18,1,100,1,1,2,3 -320,0,0045,-1,2330,1,1,80,,3,2,,2,2,2,2,2,2,2,1,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,2,2,2,1,2,,,2,3,1,145,1,24,1,55,1,1,2,3 -321,0,1525,0,,2,1,54,1,3,1,1,2,2,2,2,2,2,2,2,2,1,2,1,2,4,5,6,3,,2,3,,,2,3,2,4,4: Speed Unknown,,,2,,,,4,,1,2,1,2,1,1,2,2,3,2,,,2,2,1,172,1,16,1,112,2,2,1,3 -322,0,1519,0,1400,1,1,18,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,4,2,,,2,3,1,101,1,28,1,122,2,1,2,3 -323,0,2158,0,,2,1,52.3,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,2,1,1,2,2,1,1,3,2,2,1,124,1,16,1,76,2,1,2,2 -324,0,1802,0,,2,1,61.8,1,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from skateboard,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,18,1,74,1,1,2,2 -325,0,1430,0,1400,1,1,55,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,18,1,81,1,1,2,2 -326,0,0050,-1,1930,1,1,70,4,3,2,,1,2,2,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,9,,,,,,"On sled, pulled by ATV, struck tree",,7,2,2,,1,3,1,2,2,2,2,2,,,2,2,1,152,1,16,1,73,2,1,2,3 -327,0,,0,1500,1,2,63.9,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,114,1,20,1,96,1,1,2,2 -328,0,1738,0,1656,1,1,49.8,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,1,1,1,1,1,2,2,2,3,2,,,2,2,1,71,1,16,1,43,1,1,2,3 -329,0,0850,0,0812,1,1,45.4,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,118,1,20,1,92,2,1,2,2 -330,0,0945,0,0705,1,1,90,2,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,143,1,28,1,78,1,1,2,2 -331,0,2130,0,1330,1,1,47.3,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Kicked in the back,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,20,1,72,1,1,2,2 -332,0,1850,0,1810,1,1,45,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,1,1,3,2,1,2,1,123,1,18,1,96,4,1,2,3 -333,0,2021,0,1915,1,1,61,2,1,2,,4,4,4,4,4,2,2,2,2,2,2,2,1,1,2,1,14,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,2,3,2,3,1,138,1,18,1,75,2,1,1,3 -334,0,1700,0,1600,1,1,35,4,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,4,3,1,4: Speed Unknown,1,5,,,,,1,,2,,1,1,2,1,1,2,3,2,,,2,3,1,125,1,18,1,120,1,1,2,2 -335,0,0155,-1,,2,1,19,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,1,2,,,,,1,,2,,2,,1,1,1,2,2,2,,,2,2,1,105,1,26,1,136,1,1,2,3 -336,0,0528,0,0450,1,1,15,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,3,,,2,2,1,90,1,40,1,171,1,1,2,3 -337,0,2210,0,,2,1,34,3,8,1,2,3,3,3,1,1,3,3,2,3,1,2,1,2,4,5,6,3,,2,3,,,3,3,1,4,2: 5 - 20 mph,,,1,,,,4,,1,1,1,3,1,2,2,2,3,3,,,3,2,1,91,2,,1,42,3,3,2,3 -338,0,0533,-1,1000,1,1,22,1,3,1,1,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,3,1: 5 or less,,,,,,,3,,2,,1,1,1,1,2,1,3,1,2,2,2,3,1,109,1,24,1,126,4,1,2,3 -339,0,1254,0,1130,1,1,56.7,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall against radiator,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,20,1,100,1,1,2,2 -340,0,2010,0,1900,1,1,1,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,116,1,25,1,116,1,1,2,2 -341,0,0652,0,0600,1,1,35,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,1,3,1,2,2,2,3,2,,,2,2,1,130,1,13,1,98,1,1,2,3 -342,0,1535,0,1515,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,stabbed to R neck and then fell down,,9,2,1,2,2,,2,2,2,2,2,2,,,2,2,1,120,1,23,1,95,1,1,3,1 -343,0,2025,0,1700,1,1,8,3,8,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,9,,,,,,Sledding - dad fell on her,,9,2,1,1,2,,1,2,2,2,3,2,,,2,2,1,123,1,24,1,134,1,1,2,3 -344,0,1530,0,1500,1,1,40,4,1,2,,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,1,2,,1,2,3,2,3,2,,,2,3,1,120,1,22,1,104,2,1,3,3 -345,0,1305,0,,2,1,14,4,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,1,2,2,2,1,1,2,2,2,1,88,1,24,1,104,1,1,2,2 -346,0,1253,-1,,2,1,12.8,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,3,1: 5 or less,,,,,,suspected NAT,3,,2,,1,3,1,2,2,2,3,2,,,2,3,1,117,1,28,1,115,2,1,2,3 -347,0,1333,0,,2,1,10,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,2,1,70,1,36,1,186,1,1,2,3 -348,0,2345,0,,2,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,18,1,100,1,1,2,2 -349,0,1500,0,1430,1,1,70,4,1,2,,2,2,2,2,2,1,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,4,,,,,Jumped out of moving vehicle,1,,4,,2,,2,2,2,2,2,2,,,2,2,1,124,1,20,1,116,1,1,2,2 -350,0,1330,0,1200,1,1,19.3,1,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,3,1: 5 or less,,,,,,,3,,2,,1,3,1,2,2,2,2,1,1,2,2,3,1,116,1,20,1,106,1,1,2,3 -351,0,1155,0,1115,1,1,40,4,8,1,1,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,113,1,18,1,89,2,2,2,3 -352,0,1301,0,1235,1,1,15,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,14,,1,3,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,108,1,40,1,146,2,2,2,3 -353,0,1432,0,1400,1,1,29,1,3,2,,2,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,114,1,18,1,87,1,1,2,2 -354,0,2154,0,,2,1,73.4,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Hit in abdomen in football game,,7,2,2,,1,1,2,2,2,2,3,1,2,2,2,3,1,125,1,18,1,70,3,1,2,2 -355,0,1935,0,1839,1,1,,,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,1,1,1,1,15,,1,2,,,1,2,2,1,4: Speed Unknown,3,,,,,,1,,1,2,1,2,1,2,2,2,3,2,,,2,2,1,130,1,18,1,75,1,1,2,3 -356,0,1727,0,1700,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,3,1,1,2,2,2,1,2,1,2,2,1,129,1,15,1,131,1,1,2,3 -357,0,1100,0,0500,1,1,68,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,103,1,14,1,85,1,1,2,2 -358,0,1000,-1,1700,1,1,35,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,125,1,16,1,77,1,1,2,2 -359,0,1730,0,1700,1,1,42.7,,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,1,1: < 20 mph,1,1,,,,,1,,4,,1,1,1,2,2,2,2,1,1,2,2,3,1,119,1,18,1,108,2,2,2,3 -360,0,1352,0,1200,1,1,32,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Football - hit by player,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,109,1,17,1,86,1,1,2,2 -361,0,1115,0,,2,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,1,2,2,,2,1,1,2,2,2,,,2,3,1,145,1,25,1,125,1,1,2,2 -362,0,1153,0,,2,1,37.5,1,11,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,1,2,2,1,2,2,2,2,,,2,3,1,117,1,24,1,89,3,1,2,2 -363,0,1139,0,1100,1,1,40,4,3,1,1,1,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,3,1,1,1,1,2,2,1,115,1,17,1,78,3,2,1,3 -364,0,2133,0,2000,1,1,35,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,31,1,112,2,1,2,3 -365,0,2137,0,2030,1,1,52.2,1,1,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,9,,,,,,fall from horse,,2,2,2,,1,2,2,2,2,2,2,1,2,1,2,3,1,105,1,16,1,107,2,1,2,2 -366,0,1616,0,1400,1,1,32.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,1,3,2,2,1,95,1,22,1,87,2,2,1,2 -367,0,0351,0,0300,1,1,90,2,8,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,1,2,2,,1,2,2,2,2,2,,,2,2,1,138,1,22,1,86,3,3,2,3 -368,0,0100,0,0000,1,1,70,4,4,2,,2,2,2,2,2,2,2,2,4,2,2,2,1,1,1,1,15,,2,1,1,1,2,1,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,3,2,,,2,2,1,144,1,22,1,96,1,1,2,2 -369,0,0853,0,0830,1,1,50,2,1,2,,2,2,2,2,2,3,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,1,1,1,2,2,2,2,1,1,3,3,2,2,1,106,1,22,1,110,4,2,2,2 -370,0,1250,0,1145,1,1,50,2,2,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,kicked by horse,,7,2,2,,1,1,1,1,2,2,2,1,2,1,2,2,1,120,1,28,1,99,3,2,2,3 -371,0,1949,0,1800,1,1,86,1,3,2,,4,1,4,2,2,1,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,133,1,20,1,100,1,1,2,2 -372,0,1432,0,1330,1,1,11,3,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,2,2,13,,1,1,4,2,2,2,1,4,1: < 5 mph,,,1,,,,4,,1,2,1,2,2,1,2,2,3,1,1,3,2,3,1,181,1,32,1,152,2,1,2,2 -373,0,1753,0,1730,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,106,1,20,1,113,1,1,3,3 -374,0,0910,0,0815,1,1,126,2,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,3,1,115,1,18,1,85,2,1,2,3 -375,0,1701,0,1400,1,1,7.5,2,3,2,,3,3,3,2,2,3,3,3,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,1,4,,,,,1,,2,,1,1,2,2,2,2,1,3,,,3,3,1,95,1,56,1,148,1,1,2,2 -376,0,0050,-1,1900,1,1,15,1,1,2,,2,1,2,2,2,1,1,2,3,2,2,2,2,1,1,1,15,,1,1,4,2,2,2,1,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,1,2,2,3,3,1,116,1,20,1,115,2,2,1,3 -377,0,,0,,2,2,45,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,20,1,98,1,1,2,2 -378,0,1625,0,1530,1,1,56,1,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,4,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,1,2,2,1,1,2,2,2,3,1,112,1,20,1,72,1,2,2,2 -379,0,1710,0,1505,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,1,1,2,2,2,1,1,2,2,2,1,125,1,22,1,96,4,3,2,3 -380,0,1020,0,0800,1,1,56.8,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,3,1,2,1,2,3,1,127,1,20,1,100,2,1,2,2 -381,0,2027,0,1945,1,1,,,1,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,18,1,106,2,1,2,2 -382,0,1947,0,1900,1,1,122.7,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,"alleged assault- multiple punches to abdomen, right flank, and pushed down on right side",,7,2,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,177,1,24,1,83,2,1,2,3 -383,0,1900,0,1800,1,1,5.3,1,1,2,,3,1,3,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,9,,,,,,Elder brother fell over her,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,36,1,165,2,1,2,2 -384,0,1625,0,1600,1,1,11,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,137,1,24,1,129,1,1,2,2 -385,0,0830,-1,,2,1,76.4,2,2,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,4,1,1,2,2,3,3,,1,20,1,112,1,1,1,2 -386,0,1600,0,1515,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,126,1,18,1,127,1,1,2,3 -387,0,1430,0,1400,1,1,30,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,1,2,1,2,2,2,2,2,1,2,,,2,2,1,124,1,24,1,100,1,1,3,2 -388,0,1211,0,,2,1,12.7,,3,2,,3,3,3,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,90,1,22,1,140,1,1,2,3 -389,0,1550,0,1345,1,1,18.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,98,1,28,1,100,2,2,2,2 -390,0,1936,0,1900,1,1,15,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,1,2,1,1,2,1,1,2,2,2,,,2,2,1,121,1,28,1,148,2,2,2,2 -391,0,1755,0,1708,1,1,54,2,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,3,1,2,2,2,3,2,,,2,2,1,138,1,18,1,84,1,1,2,3 -392,0,1800,0,1715,1,1,70,4,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,139,1,18,1,105,1,1,2,2 -393,0,1015,0,1000,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,2,2,2,2,2,1,1,2,2,3,1,120,1,24,1,96,1,1,2,2 -394,0,2201,0,2000,1,1,53.9,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,22,1,76,1,1,2,1 -395,0,2000,0,1830,1,1,25,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fell off monkey bars,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,16,1,98,1,1,1,2 -396,0,2225,0,,2,1,44.5,,8,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,1,5,2,10,,2,3,,,3,3,2,6,,,,,,,,6,,2,,2,,1,2,2,2,3,3,,,3,2,1,133,2,,1,71,1,1,2,3 -397,0,1759,0,1610,1,1,36,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Was flipped over friend's shoulder and hit head,,9,2,2,,2,,1,2,2,2,2,2,,,2,3,1,150,1,31,1,91,1,1,1,3 -398,0,1915,0,1600,1,1,25,2,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,3,2,,,2,2,1,126,1,20,1,94,1,1,2,3 -399,0,0922,0,,2,1,13,4,3,1,1,3,3,3,2,2,3,3,2,2,2,2,1,2,2,2,1,13,,1,3,,,2,3,1,1,5: Physician did not answer,4,,,,,,1,,2,,1,1,1,2,2,1,2,3,,,3,2,1,124,1,42,1,156,5,3,2,3 -400,0,1750,0,1730,1,1,45,4,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,4,,1,1,1,1,1,2,2,2,,,2,2,1,126,1,26,1,90,2,1,2,3 -401,0,1900,0,1700,1,1,11,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,3,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,1,2,,,2,3,1,118,1,18,1,130,1,1,3,3 -402,0,1800,0,1730,1,1,24,1,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,102,1,20,1,96,1,1,2,2 -403,0,1113,0,1015,1,1,53.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,101,1,16,1,65,1,1,2,2 -404,0,1600,0,1330,1,1,74,1,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell while tubing,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,134,1,16,1,88,1,1,2,2 -405,0,1330,0,1215,1,1,50,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,1,1,2,2,1,1,3,2,3,1,121,1,16,1,92,1,1,2,2 -406,0,2130,0,2100,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,128,1,28,1,148,1,1,2,3 -407,0,1630,0,1530,1,1,70,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,125,1,13,1,60,1,1,2,2 -408,0,2045,0,2030,1,1,40,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,113,1,28,1,67,1,1,2,2 -409,0,1650,0,1620,1,1,35,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,1: < 5 mph,,,1,,,,4,,2,,2,,1,1,2,2,2,1,1,3,2,3,1,95,1,24,1,96,2,1,2,3 -410,0,2325,0,2245,1,1,66,,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,3,1,2,2,4,2,1,1,1,2,2,1,144,1,25,1,130,2,1,2,3 -411,0,1900,0,,2,1,60,4,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,18,1,88,1,1,2,2 -412,0,1451,0,1430,1,1,45,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,131,1,16,1,90,1,1,2,2 -413,0,1334,0,1230,1,1,30,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,89,1,41,1,134,1,1,2,3 -414,0,0942,0,0542,1,1,37,,3,2,,2,2,2,2,2,1,1,2,1,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,4,,4,,1,1,2,2,2,1,3,1,1,2,1,126,1,22,1,99,5,2,2,3 -415,0,1444,0,1400,1,1,25,4,1,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,1,1,1,2,2,1,2,4,2,3,1,114,1,28,1,99,2,1,3,3 -416,0,2331,0,,2,1,34,2,8,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,6,,,,,,,,6,,2,,3,,2,1,3,2,2,2,,,2,2,1,138,1,26,1,120,2,1,2,2 -417,0,1540,0,1500,1,1,40,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,1,3,1,2,1,2,3,1,146,1,39,1,129,3,3,2,3 -418,0,2153,0,,2,1,15,1,3,2,,1,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,1,1,2,2,3,3,,,2,3,1,120,1,35,1,126,1,1,2,3 -419,0,0900,-1,1520,1,1,49,1,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,pushed into desk L lower rib pain,,7,2,2,,2,,2,1,2,2,3,2,,,2,3,1,118,1,22,1,84,1,1,2,2 -420,0,2105,0,,2,1,15,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,2,1: < 3 ft.,,,,,,,2,,1,2,2,,1,2,2,2,2,2,,,2,2,1,111,1,45,1,115,1,1,1,3 -421,0,1800,0,1700,1,1,80,4,8,2,,2,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,4,,1,2,2,2,2,2,,,2,2,1,132,1,32,1,104,1,1,2,3 -422,0,0859,0,0750,1,1,37.5,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,2,1,2,2,2,1,1,1,2,3,1,111,1,24,1,91,2,1,2,2 -423,0,2040,0,2015,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,3,2,3,2,,,2,2,1,150,1,20,1,89,1,1,2,3 -424,0,1200,0,1145,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,136,1,18,1,99,1,1,2,2 -425,0,1643,0,1610,1,1,32.1,1,8,2,,2,2,1,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,1,1,2,2,3,1,112,1,38,1,120,2,1,2,2 -426,0,2021,0,1900,1,1,37,1,3,1,2,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,3,2,2,,,2,3,1,127,1,20,1,100,1,1,2,2 -427,0,1830,0,1800,1,1,57,4,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,2,2,2,2,2,2,1,2,1,2,2,1,145,1,31,1,101,1,1,2,2 -428,0,1519,0,1500,1,1,11.5,1,1,2,,3,2,2,2,2,2,3,2,3,2,2,2,2,1,2,2,13,,2,3,,,2,3,1,1,5: Physician did not answer,4,,,,,,1,,2,,1,1,1,2,2,2,2,3,,,2,3,1,116,1,31,1,157,4,2,2,3 -429,0,1400,0,,2,1,50,3,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Fell off wave runner,,6,2,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,133,1,20,1,62,2,2,1,2 -430,0,0810,0,0700,1,1,20,2,3,1,1,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,1,2,2,2,2,2,1,2,,,2,2,1,130,1,22,1,102,1,1,2,2 -431,0,1727,0,,2,1,19,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,96,1,20,1,98,3,3,2,3 -432,0,2245,0,2200,1,1,,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,3,,,,,,1,,1,1,2,,2,2,2,2,3,2,,,2,3,1,119,1,34,1,137,1,1,2,2 -433,0,2033,0,,2,1,20,3,1,2,,2,2,2,2,2,1,2,2,1,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,3,2,,,2,3,1,133,1,18,1,99,3,1,2,3 -434,0,2047,0,,2,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,96,1,28,1,120,1,1,1,2 -435,0,2115,0,,2,1,25,,3,1,4,3,3,3,2,2,3,3,3,3,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,2,1,1,2,2,2,3,,,3,3,1,106,1,20,1,96,4,3,1,3 -436,0,1715,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,3,2,2,,,2,2,1,116,1,33,1,104,1,1,2,3 -437,0,1055,0,1045,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,2,2,4,4,2,,,2,2,1,118,1,26,1,102,1,1,2,2 -438,0,1615,0,1330,1,1,12,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,1,1,2,2,2,2,2,1,4,6,2,2,1,148,1,28,1,132,2,2,2,2 -439,0,1458,0,,2,1,30,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,2,1,2,3,2,2,1,2,2,2,3,1,106,1,16,1,110,4,2,1,3 -440,0,2119,0,2000,1,1,85,4,3,2,,2,1,2,2,2,1,4,4,3,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,1,1,2,,1,2,2,2,3,1,3,2,2,3,1,122,1,27,1,99,3,2,2,3 -441,0,1555,0,1500,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,22,1,83,1,1,2,2 -442,0,1930,0,1830,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,4,1,12,,2,3,,,1,3,1,4,2: 5 - 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,3,2,,,2,3,1,104,1,18,1,118,3,1,2,3 -443,0,0837,0,0710,1,1,41,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,119,1,16,1,100,1,1,2,2 -444,0,1854,0,,2,1,32,1,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,1,2,2,1,110,1,19,1,114,2,1,2,3 -445,0,2025,0,2015,1,1,45,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,144,1,25,1,112,1,1,2,3 -446,0,0031,-1,,2,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,97,1,28,1,124,1,1,2,3 -447,0,2025,0,1945,1,1,60,4,3,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,1,3: > 40 mph,3,,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,135,1,19,1,71,1,1,3,3 -448,0,0251,0,0200,1,1,,,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,5: Physician did not answer,,,1,,,,4,,2,,1,2,2,2,2,2,2,2,,,2,3,1,148,1,22,1,84,1,1,2,2 -449,0,1424,0,1400,1,1,16,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,118,1,24,1,140,2,1,1,3 -450,0,2000,0,1900,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,12,1,60,1,1,2,3 -451,0,1905,0,1805,1,1,65,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,140,1,20,1,82,1,1,2,3 -452,0,,0,,2,2,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,1,14,,2,2,,,1,2,2,1,5: Physician did not answer,4,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,124,1,16,1,100,3,1,2,3 -453,0,1750,0,1700,1,1,43,2,1,1,2,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,18,1,76,2,1,2,2 -454,0,1940,0,1915,1,1,7.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,1,9,,,,,,Fell from shopping cart,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,153,1,60,1,204,6,6,3,3 -455,0,1613,0,0800,1,1,43.2,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,4,5,,,,,2,,,5,,2,,2,,2,1,2,2,2,1,1,1,2,2,1,121,1,18,1,62,1,1,2,2 -456,0,2209,0,,2,1,60,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,struck back,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,125,1,17,1,88,1,1,3,2 -457,0,2348,0,1530,1,1,63.5,1,4,2,,2,2,2,2,2,2,2,2,1,1,1,1,2,1,1,1,15,,2,2,,,3,2,1,6,,,,,,,,6,,3,,1,2,1,2,2,3,2,2,,,2,2,1,109,1,13,1,127,1,1,1,3 -458,0,1742,0,1700,1,1,25,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,129,1,17,1,112,1,1,1,3 -459,0,1400,0,1330,1,1,70,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,144,1,20,1,85,1,1,2,2 -460,0,1955,0,,2,1,21,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,1,3,3,,,3,3,1,113,1,32,1,124,4,2,3,3 -461,0,1943,0,1700,1,1,9.4,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,8,,,,,,,,8,,2,,2,,2,2,2,2,2,2,,,2,2,1,88,1,30,1,136,1,1,2,2 -462,0,1100,0,0800,1,1,40,4,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,3,2,3,1,2,3,2,2,1,119,1,24,1,104,5,4,2,3 -463,0,1516,0,1430,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,3,,2,2,2,4,2,2,,,2,3,1,117,1,18,1,80,1,1,2,2 -464,0,1800,0,1300,1,1,17,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,84,1,24,1,120,1,1,2,3 -465,0,2057,0,,2,1,25,1,8,1,1,3,3,3,2,2,3,3,1,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,1,4,3: > 20 mph,,,3,,,,4,,2,,1,2,1,2,2,2,3,3,,,3,2,1,139,1,17,1,134,3,3,1,3 -466,0,1645,0,1600,1,1,30,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,1,1,104,1,40,1,104,2,2,2,3 -467,0,1029,-1,,2,1,27,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,20,1,87,1,1,2,2 -468,0,1720,0,1700,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,129,1,16,1,90,2,2,2,2 -469,0,1705,0,,2,1,13,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,4,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,1,2,1,2,1,1,2,1,119,1,38,1,165,5,4,3,3 -470,0,1905,0,,2,1,12,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,3,2,12,,1,2,,,2,3,2,1,1: < 20 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,100,1,53,1,137,1,1,2,3 -471,0,1820,0,1700,1,1,60,4,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,1,2,7,1: Intentional,,,,,,football,7,,1,2,2,,1,2,2,3,2,2,,,2,2,1,117,1,47,1,100,2,1,1,3 -472,0,0900,0,0730,1,1,40,4,1,1,1,2,2,2,2,2,1,1,2,2,2,2,2,2,2,1,1,14,,2,1,1,2,2,2,1,4,1: < 5 mph,,,1,,,,4,,2,,1,3,1,1,2,2,2,1,1,3,2,3,1,107,1,16,1,110,3,1,2,3 -473,0,2214,0,,2,1,48,,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,1,2,2,4,2,2,,,2,2,1,123,1,30,1,98,1,1,2,3 -474,0,0813,0,0730,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,9,,,,,,Fell off horse and kicked in head,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,138,1,22,1,95,2,1,2,3 -475,0,2142,0,2040,1,1,75,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,141,1,20,1,95,1,1,2,2 -476,0,1237,0,1030,1,1,40,4,8,2,,2,2,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,112,1,20,1,78,1,1,2,2 -477,0,1018,0,,2,1,80,,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,1,1,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,2,2,2,3,2,,,2,3,1,118,1,24,1,76,4,2,1,3 -478,0,1643,0,1630,1,1,54,2,3,2,,1,1,4,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,7,2: Accidental,,,,,,Ran into fence playing baseball,7,,2,,1,3,2,2,2,2,3,1,2,1,2,4,1,128,1,12,1,55,4,2,2,2 -479,0,1142,-1,,2,1,14.2,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,24,1,120,1,1,2,2 -480,0,2039,0,,2,1,27.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Drowning,,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,98,1,20,1,100,2,1,1,2 -481,0,0045,-1,,2,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Questionable assault,,9,2,2,,2,,1,2,2,2,2,2,,,2,3,1,127,1,23,1,109,1,1,2,3 -482,0,1400,0,1300,1,1,80,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,3,1,153,1,18,1,81,2,1,2,3 -483,0,1800,0,1615,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,124,1,20,1,99,1,1,2,2 -484,0,1826,0,1810,1,1,60,,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,Hit (checked) while playing in hockey game,,7,2,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,118,1,26,1,102,2,1,2,3 -485,0,1726,0,,2,1,14,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,105,1,29,1,144,1,1,2,3 -486,0,1630,0,1600,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,20,1,88,1,1,3,3 -487,0,2246,0,1700,1,1,33,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,1,1,2,2,9,,,,,,Sled vs tree,,9,2,2,,4,,1,1,2,2,2,1,2,1,2,3,1,114,1,20,1,99,2,1,2,3 -488,0,0740,0,0710,1,1,11.2,1,3,2,,2,3,3,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,9,,,,,,Television fell on abdomen from 2.5 ft height,,7,2,2,,1,3,2,1,2,2,2,3,,,3,3,1,157,1,30,1,172,4,2,2,2 -489,0,1613,0,0740,1,1,64.6,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,1,2,2,2,2,,,2,3,1,137,1,24,1,74,1,1,2,2 -490,0,1404,0,1300,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,1,3,1,1,2,2,2,2,,,2,2,1,156,1,21,1,130,3,1,2,3 -491,0,2143,0,,2,1,37.7,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,1,2,3,,1,1,2,2,3,2,,,2,3,1,114,1,16,1,67,2,1,1,3 -492,0,1843,0,1800,1,1,28.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,123,1,24,1,94,1,1,2,2 -493,0,2230,0,2130,1,1,65,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,1,1,122,1,16,1,60,1,1,2,2 -494,0,1226,0,,2,1,7,3,3,1,2,3,3,3,2,2,3,3,2,2,2,2,2,2,4,5,6,3,,1,3,,,4,3,3,8,,,,,,,,8,,1,2,1,1,1,2,2,2,2,3,,,3,2,1,68,2,,1,126,3,1,1,3 -495,0,2209,0,2130,1,1,40.8,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,116,1,18,1,101,2,2,2,3 -496,0,1605,0,,2,1,56.7,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,4,1,115,1,18,1,112,1,1,3,3 -497,0,1945,0,,2,1,53.8,1,8,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,2,2,13,,2,1,2,2,1,2,2,9,,,,,,Assault-not stated if hit in abdomen,,7,2,2,,1,1,1,2,2,2,2,2,,,2,3,1,109,1,34,1,60,3,2,2,3 -498,0,2030,0,2000,1,1,65,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Assault,,7,2,2,,2,,1,2,2,2,3,2,,,2,2,1,136,1,25,1,79,1,1,2,3 -499,0,2230,0,,2,1,19,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,5,,,,,1,,1,2,1,1,1,1,1,2,2,1,1,3,2,3,1,106,1,33,1,119,2,1,2,3 -500,0,2040,0,1830,1,1,24.4,1,8,1,1,1,1,2,1,2,1,2,2,2,2,2,2,2,,,,,15,2,1,2,2,2,2,2,5,,,,,3,,,5,,1,1,1,1,1,1,2,2,3,1,2,2,2,2,1,123,1,29,1,98,3,2,2,3 -501,0,1830,0,1730,1,1,12,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,2,2,2,2,2,1,2,1,2,2,1,110,1,24,1,124,2,1,2,2 -502,0,1649,0,,2,1,25,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,137,1,26,1,118,1,1,2,2 -503,0,1630,0,1330,1,1,38,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,2,2,1,13,,2,2,,,2,2,2,9,,,,,,Skateboard,,2,2,2,,2,,1,2,2,2,3,2,,,2,2,1,108,1,20,1,92,1,1,2,3 -504,0,0838,0,0800,1,1,60,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,1,1,1,1,2,3,1,136,1,24,1,92,1,1,1,2 -505,0,1050,0,0930,1,1,56,1,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,went over jump on motorcycle and landed on abdomen,,6,2,2,,1,1,2,2,2,3,3,1,2,2,2,3,1,127,1,20,1,85,3,2,2,2 -506,0,1730,0,1630,1,1,28,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,3,2,1,2,1,14,,2,2,,,2,2,3,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,25,1,95,1,1,2,2 -507,0,2116,0,2030,1,1,54,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,1,1,2,1,1,2,2,2,2,,,2,2,1,110,1,18,1,110,1,1,2,3 -508,0,2101,0,2030,1,1,14,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,142,1,28,1,110,1,1,1,3 -509,0,1858,0,,2,1,65,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,1,2,2,2,2,2,2,2,,,2,2,1,100,1,18,1,94,1,1,3,2 -510,0,1830,0,1800,1,1,20,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,4,1,140,1,40,1,86,1,1,3,3 -511,0,0220,-1,2100,1,1,17.2,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,2,14,,2,3,,,2,2,1,4,1: < 5 mph,,,1,,,,4,,2,,1,3,1,2,2,2,3,1,2,2,3,3,1,115,1,24,1,108,2,1,2,3 -512,0,2140,0,2000,1,1,20,4,3,2,,3,3,3,2,2,3,3,3,1,1,1,1,1,4,5,6,3,,2,3,,,1,3,3,9,,,,,,300 lb tv fell on top of child,,7,2,2,,1,1,1,2,2,2,2,3,,,3,2,1,156,2,,1,151,2,1,2,3 -513,0,2359,0,1900,1,1,45,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,1,2,2,3,3,1,1,1,2,2,1,125,1,16,1,108,2,1,2,3 -514,0,2045,0,2020,1,1,81.8,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,2: 5 - 20 mph,,,3,,,,4,,4,,1,1,2,2,2,2,2,1,2,1,2,3,1,136,1,24,1,101,2,1,2,2 -515,0,1246,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,1,2,2,2,2,,,2,2,1,127,1,18,1,90,1,1,2,2 -516,0,2034,0,1940,1,1,72.5,4,4,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,114,1,22,1,66,2,1,2,3 -517,0,2300,0,2100,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,FALL FROM MOVING CAR,,2,1,2,,2,,2,2,2,4,2,2,,,2,2,1,164,1,14,1,117,1,1,2,2 -518,0,1530,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,99,1,18,1,94,1,1,3,3 -519,0,1057,0,,2,1,4.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,8,,,,,,,,8,,2,,2,,1,2,2,2,3,2,,,2,2,1,107,1,43,1,126,2,1,2,3 -520,0,1604,0,,2,1,27,4,1,1,1,1,1,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,3,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,120,1,28,1,108,3,2,2,3 -521,0,0152,0,,2,1,73.5,4,4,2,,2,2,1,2,2,1,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,6,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,124,1,12,1,100,3,1,2,3 -522,0,2030,0,,2,1,55,4,8,2,,1,2,2,1,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,1,4: Speed Unknown,1,6,,,,,1,,2,,1,3,1,2,2,2,3,2,,,2,2,1,120,1,20,1,125,2,1,2,3 -523,0,1303,0,1233,1,1,54.5,1,3,2,,1,1,1,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,7,1: Intentional,,,,,,,7,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,129,1,16,1,100,4,2,2,3 -524,0,0328,-1,1830,1,1,16.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Patient fell and hit L side on table edge,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,24,1,136,1,1,2,2 -525,0,2035,0,1200,1,1,13.5,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,5,,,,,3,,,5,,2,,1,1,2,2,2,2,3,2,,,2,3,1,102,1,28,1,135,1,1,2,2 -526,0,1630,0,1600,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,26,1,79,1,1,2,2 -527,0,1016,0,1000,1,1,16,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,1,2,2,1,4: Speed Unknown,1,6,,,,,1,,1,2,1,2,2,2,2,2,2,2,,,2,3,1,96,1,22,1,106,2,2,1,2 -528,0,1207,0,1130,1,1,15,3,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,1,4,1,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,1,1,1,1,3,2,2,1,2,1,2,3,1,130,1,38,1,166,2,1,2,3 -529,0,1646,0,1345,1,1,65.8,1,8,2,,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,snowboarding,,2,2,2,,1,2,2,2,2,2,2,2,,,2,3,1,128,1,16,1,51,3,3,2,2 -530,0,2037,0,1630,1,1,52,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,24,1,88,1,1,1,2 -531,0,1116,0,1000,1,1,36,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,3,1,3,3,2,2,1,109,1,16,1,104,3,2,3,3 -532,0,2230,0,2100,1,1,18.1,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,96,1,24,1,86,1,1,2,3 -533,0,,0,1000,1,2,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,18,1,105,1,1,2,2 -534,0,2200,0,2115,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Axial loading injury-under trampoline,,2,2,2,,2,,1,2,3,2,2,2,,,2,2,1,114,1,16,1,85,1,1,2,3 -535,0,1258,0,1220,1,1,68,4,4,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,1,1,1,2,1,1,1,3,2,2,1,138,1,19,1,107,2,2,2,3 -536,0,2212,0,1800,1,1,81.6,2,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,Tackled playing football.,,7,2,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,164,1,40,1,72,2,1,2,2 -537,0,1738,0,1700,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,1,3,1,2,1,2,2,1,2,1,2,2,1,114,1,22,1,98,2,2,3,3 -538,0,0900,0,0830,1,1,50,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,129,1,18,1,96,1,1,2,2 -539,0,2010,0,1920,1,1,25,4,3,1,1,1,2,1,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,4,4: Speed Unknown,,,3,,,,4,,1,2,2,,1,1,2,2,2,1,1,2,2,2,1,111,1,24,1,104,2,1,1,3 -540,0,2331,0,2110,1,1,77.1,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,126,1,14,1,76,2,2,2,3 -541,0,1318,0,1230,1,1,,,3,1,1,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,4,,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,3,1,90,1,18,1,100,1,1,2,2 -542,0,1621,0,,2,1,14,3,8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,4,3,2,1,1,9,,,,,,Kicked by horse- chest and face,,7,2,2,,1,1,1,2,2,2,2,1,1,5,2,3,1,115,1,32,1,168,2,1,2,3 -543,0,1611,0,1430,1,1,,,5,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,9,,,,,,Kicked in face by horse,,9,2,2,,1,1,1,2,3,2,2,1,2,1,2,2,1,130,1,41,1,102,1,1,2,3 -544,0,1700,0,1600,1,1,50,4,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,"patient standing on trailer, fell, and found under trailer",,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,145,1,22,1,110,2,2,1,3 -545,0,2300,0,2230,1,1,17,4,8,1,1,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,1,1,1,2,2,1,1,1,2,2,1,119,1,24,1,117,3,1,2,3 -546,0,0030,-1,2300,1,1,70,4,8,1,1,3,3,3,2,2,3,3,2,1,1,2,1,1,4,5,6,3,,2,3,,,3,3,3,1,3: > 40 mph,3,,,,,,1,,1,2,1,2,1,1,2,2,1,3,,,3,2,1,81,1,28,1,131,5,4,2,3 -547,0,1300,-1,2000,1,1,54,1,2,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,4,2,1,2,7,1: Intentional,,,,,,fist,7,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,140,1,16,1,74,1,1,2,2 -548,0,2045,0,1930,1,1,35,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,2,2,12,,2,2,,,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,102,1,22,1,106,2,1,2,3 -549,0,2135,0,,2,1,60,1,2,2,,1,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,2,1,2,2,2,2,4,,,2,2,1,121,1,25,1,79,2,2,2,3 -550,0,1305,0,1230,1,1,65,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Fell down hill approx. 25 ft.,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,147,1,18,1,124,1,1,2,3 -551,0,1325,0,1045,1,1,16,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,129,1,22,1,136,1,1,1,3 -552,0,2208,0,1930,1,1,40,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,114,1,28,1,120,2,1,1,2 -553,0,1033,-1,1500,1,1,40,1,1,1,2,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,1,2,9,,,,,,fell from standing onto tree stump left flank,,2,2,2,,1,1,2,2,2,2,1,1,2,2,2,3,1,126,1,20,1,70,5,2,2,2 -554,0,1504,0,1230,1,1,10,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,9,,,,,,fell from tractor 6 feet; ?run over,,2,2,2,,1,3,2,2,2,2,3,2,,,2,2,1,94,1,40,1,142,3,3,2,2 -555,0,1830,0,1615,1,1,59.8,1,3,1,1,1,1,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,3,9,,,,,,Hit by another player at soccer game,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,24,1,60,1,1,2,2 -556,0,1618,0,,2,1,20.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,1,1,2,2,2,2,2,1,1,1,2,2,1,102,1,22,1,102,1,1,1,2 -557,0,0051,0,,2,1,,,8,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,3,2,,,2,2,1,106,1,16,1,93,1,1,3,3 -558,0,1300,0,1130,1,1,50,2,2,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,1,1,2,2,9,,,,,,sledding; hit a tree,,9,2,2,,1,1,1,2,2,2,2,1,1,1,2,3,1,122,1,18,1,83,3,2,2,3 -559,0,1700,0,1630,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,1,1,2,2,2,,,2,3,1,123,1,16,1,87,2,2,2,3 -560,0,1700,0,1000,1,1,73,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,2,2,2,2,2,1,1,3,2,3,1,109,1,20,1,80,2,1,2,2 -561,0,1823,0,1700,1,1,35,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,100,1,24,1,99,1,1,2,2 -562,0,2300,0,1600,1,1,51,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,7,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,18,1,77,1,1,2,2 -563,0,1630,0,1600,1,1,55,1,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,2,1,2,2,2,2,1,2,2,2,2,1,117,1,18,1,101,4,3,1,3 -564,0,1841,0,1720,1,1,60,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,121,1,18,1,68,2,1,2,2 -565,0,2130,0,,2,1,73,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,22,1,90,1,1,1,2 -566,0,1730,0,1330,1,1,13.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,85,1,24,1,100,1,1,2,2 -567,0,2300,0,,2,1,59,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,3,1,2,2,2,2,1,2,1,2,3,1,129,1,20,1,80,3,1,2,3 -568,0,1540,-1,,2,1,6.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,9,,,,,,potential physical abuse,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,86,1,24,1,152,1,1,2,2 -569,0,1750,0,1130,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,1,,,5,,2,,1,1,1,2,2,2,2,1,1,3,2,2,1,106,1,20,1,60,3,2,1,3 -570,0,0759,0,,2,1,,,3,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,3,3,3,9,,2,3,,,3,3,1,4,4: Speed Unknown,,,3,,,,4,,1,2,1,3,1,2,2,1,2,3,,,3,2,1,150,1,32,1,120,4,2,1,3 -571,0,1355,0,1300,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,24,1,104,1,1,2,1 -572,0,1420,0,1330,1,1,16,3,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,1,1,2,2,2,2,3,1,1,1,2,3,1,113,1,18,1,103,3,2,2,2 -573,0,1720,0,1630,1,1,62,1,2,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,3: Unknown intentionality,,,,,,,7,,1,2,1,1,2,2,2,2,3,1,2,3,2,3,1,126,1,16,1,82,2,1,2,2 -574,0,1841,0,1809,1,1,50,4,3,2,,2,2,2,2,2,2,1,2,1,1,1,1,2,1,2,2,13,,2,2,,,2,2,1,4,5: Physician did not answer,,,3,,,,4,,2,,1,1,1,2,2,2,1,2,,,2,2,1,117,1,14,1,130,2,1,2,3 -575,0,2317,0,2000,1,1,15,4,3,2,,3,3,3,2,2,3,3,4,3,1,2,1,2,4,5,2,7,,1,3,,,1,3,3,9,,,,,,Railroad tie fell on him and rolled over him,,7,2,4,,1,1,1,2,2,2,2,3,,,3,2,1,102,1,44,1,158,2,2,2,3 -576,0,1720,0,1700,1,1,70,4,4,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,1,1,1,3,1,2,2,2,2,2,,,2,3,1,150,1,18,1,70,1,1,2,3 -577,0,1920,0,,2,1,81,1,8,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,4,,1,1,1,2,2,2,3,1,2,2,2,3,1,135,1,18,1,105,5,3,1,3 -578,0,0016,-1,1200,1,1,56.7,1,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,1,2,2,2,2,2,1,5: Physician did not answer,4,,,,,,1,,2,,1,2,2,2,2,2,2,1,1,2,2,3,1,122,1,20,1,89,2,1,2,2 -579,0,1345,0,1230,1,1,99.8,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,1,1,1: < 20 mph,2,,,,,,1,,1,1,1,2,1,2,2,2,2,2,,,2,2,1,160,1,20,1,80,2,1,2,3 -580,0,1658,0,,2,1,40,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,1,2,2,1,5: Physician did not answer,1,1,,,,,1,,2,,1,3,1,1,1,2,4,1,2,1,2,4,1,124,1,28,1,100,2,1,2,3 -581,0,1122,0,1030,1,1,65,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,36,1,16,1,101,2,2,3,2 -582,0,1930,0,,2,1,11.4,2,2,2,,3,3,3,2,2,2,3,2,3,2,2,2,2,1,2,1,14,,1,3,,,2,2,3,4,1: < 5 mph,,,3,,,,4,,2,,1,2,1,1,2,2,2,3,,,2,2,1,121,1,22,1,159,2,1,2,3 -583,0,2346,0,2140,1,1,22,3,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,2,1,13,,2,3,,,1,3,1,2,1: < 3 ft.,,,,,,,2,,1,1,2,,1,2,2,2,3,2,,,2,2,1,138,1,30,1,157,1,1,1,3 -584,0,1818,0,1600,1,1,22,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,106,1,18,1,94,1,1,2,2 -585,0,1800,0,1659,1,1,86,2,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,142,1,20,1,91,1,1,2,2 -586,0,2108,0,,2,1,80,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,sports injury,,9,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,160,1,8,1,75,1,1,2,3 -587,0,1219,0,0600,1,1,58,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,1,3,2,2,1,2,3,1: 5 or less,,,,,,,3,,2,,1,3,1,1,2,2,2,1,3,6,4,3,1,99,1,24,1,112,5,4,2,3 -588,0,1716,0,1515,1,1,41,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,2,1,115,1,14,1,80,4,1,1,2 -589,0,2020,0,2010,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,1,2,,1,2,2,2,2,2,,,2,3,1,130,1,30,1,124,1,1,2,3 -590,0,2237,0,2130,1,1,19,1,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,1,3,2,2,2,2,2,1,2,2,2,3,1,108,1,20,1,113,2,2,2,2 -591,0,1600,0,1530,1,1,50,4,8,1,1,3,3,3,1,2,3,1,1,2,2,2,2,2,2,3,3,10,,2,3,,,2,1,1,2,3: > 10 ft.,,,,,,,2,,1,2,1,2,1,2,2,2,3,3,,,3,2,1,120,1,40,1,138,4,3,1,3 -592,0,1703,0,1630,1,1,,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,129,1,22,1,74,1,1,2,3 -593,0,1721,0,1700,1,1,63,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,22,1,80,2,1,2,2 -594,0,1510,0,1430,1,1,120,4,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,3,4,3: > 20 mph,,,2,,,,4,,2,,1,1,2,1,2,3,3,1,1,3,2,3,1,135,1,18,1,113,3,3,2,2 -595,0,1230,0,1100,1,1,12,4,8,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,1: < 5 mph,,,1,,,,4,,2,,1,3,1,2,2,2,3,2,,,2,2,1,90,1,36,1,146,2,2,2,3 -596,0,1720,0,1230,1,1,,,3,2,,3,3,3,2,2,3,3,2,1,1,2,2,2,4,5,3,6,,2,3,,,3,3,1,2,4: Unknown,,,,,,Fall down stairs,2,,1,1,1,2,1,2,2,2,2,3,,,3,2,1,124,1,20,1,180,1,2,2,3 -597,0,1103,-1,1900,1,1,9.6,1,3,2,,2,2,2,2,2,3,2,2,4,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,9,,,,,,Fell onto buttocks-pulled down a ladder onto himself,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,22,1,108,1,1,2,2 -598,0,1500,-1,,2,1,26,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,1,1,2,,2,1,2,2,1,1,1,3,2,2,1,118,1,32,1,80,1,1,2,2 -599,0,1730,0,1700,1,1,54,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,125,1,20,1,82,1,1,2,2 -600,0,2013,0,1820,1,1,,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,133,1,20,1,94,2,2,1,2 -601,0,2107,0,,2,1,28,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,118,1,22,1,100,1,1,2,2 -602,0,1903,0,,2,1,60,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,3,1,2,2,2,1,2,,,2,2,1,131,1,12,1,76,2,2,2,3 -603,0,2350,0,2330,1,1,6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,3,,1,44,1,162,1,1,2,3 -604,0,1546,0,0800,1,1,72.3,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,3,9,,,,,,Collision with another football player,,7,2,2,,2,,2,1,2,4,3,1,2,1,2,3,1,140,1,16,1,87,3,2,3,2 -605,0,2220,0,,2,1,30,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,8,,,,,,,,8,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,26,1,110,1,1,2,2 -606,0,1813,0,1715,1,1,70,4,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,1,3: > 40 mph,3,,,,,,1,,1,1,1,1,2,2,2,2,2,2,,,2,2,1,180,1,22,1,83,2,2,2,2 -607,0,1940,0,1830,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,107,1,34,1,127,1,1,2,2 -608,0,1717,0,1630,1,1,65,2,3,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,2,1,14,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,3,1,1,1,2,2,2,,,2,2,1,126,1,20,1,100,4,3,1,3 -609,0,2033,0,,2,1,48.9,1,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,145,1,18,1,100,1,1,2,2 -610,0,1324,0,,2,1,16,1,3,2,,2,2,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,1,2,,,4,4,1,102,1,27,1,136,1,1,2,2 -611,0,2031,0,1930,1,1,16,4,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,7,,,,,1,,2,,1,1,1,1,2,1,3,1,4,6,2,2,1,115,1,45,1,117,4,1,3,3 -612,0,0536,0,,2,1,,,5,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,100,1,45,1,104,1,1,2,3 -613,0,1610,0,1510,1,1,40.9,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,1,2,1,2,3,1,127,1,20,1,78,1,1,2,3 -614,0,1338,0,,2,1,58.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,131,1,20,1,90,1,1,2,2 -615,0,2222,0,2145,1,1,11,3,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,4,3,3,,,3,3,1,103,1,28,1,141,2,1,2,3 -616,0,1344,0,,2,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fence fell on child--no apparent abd trauma,,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,30,1,127,1,1,1,2 -617,0,0930,0,0730,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,1,2,2,2,3,2,,,2,2,1,120,1,15,1,93,1,1,2,3 -618,0,1413,0,,2,1,48.7,1,3,2,,1,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,1,1,1,1,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,2,2,2,2,1,1,1,1,2,2,1,101,1,20,1,85,1,1,1,2 -619,0,2026,0,2000,1,1,61.4,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,3,2,1,2,,,2,2,1,155,1,26,1,63,1,1,2,2 -620,0,2150,0,,2,1,20.5,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,114,1,22,1,122,1,1,2,2 -621,0,1744,0,,2,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,1,3,2,2,2,2,2,2,,,2,2,1,100,1,24,1,128,2,2,3,2 -622,0,0030,-1,,2,1,135,4,4,2,,3,3,3,2,2,3,3,1,1,1,1,1,1,4,3,2,9,,2,3,,,3,2,1,1,4: Speed Unknown,3,,,,,,1,,1,2,1,1,1,2,2,2,1,3,,,3,2,1,165,1,12,1,105,2,1,1,3 -623,0,2339,0,,2,1,38,,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,"was standing, fell over with bike (not riding, was holding it) handle bars hit R abd",,2,2,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,113,1,24,1,95,3,2,2,3 -624,0,1211,0,1000,1,1,4.2,1,2,2,,2,3,3,2,2,3,3,4,3,2,2,2,2,1,2,1,14,,1,3,,,2,3,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,2,3,1,90,1,40,1,154,2,2,1,3 -625,0,2112,0,,2,1,64,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,1,3,2,2,1,130,1,22,1,103,1,1,2,2 -626,0,1000,-1,2030,1,1,50,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Fell in shower & hit (L) side abdomen/chest on side of tub,,2,2,2,,2,,2,2,2,2,2,1,1,2,2,3,1,104,1,24,1,68,1,1,1,2 -627,0,1618,0,1500,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,127,1,24,1,88,1,1,2,3 -628,0,0910,0,0830,1,1,59,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,4,,,2,3,1,116,1,22,1,69,1,1,2,2 -629,0,1326,0,1230,1,1,16,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,98,1,23,1,96,1,1,2,2 -630,0,1450,0,1430,1,1,45,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,3,1,143,1,20,1,120,2,1,1,3 -631,0,1935,0,1900,1,1,68.2,1,3,2,,1,1,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,36,1,72,6,6,2,2 -632,0,2014,0,,2,1,15,4,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,3,,1,2,2,2,2,2,,,4,4,1,101,1,20,1,144,1,1,3,3 -633,0,2214,0,,2,1,21.6,1,3,3,,4,4,4,4,4,4,4,4,4,3,3,3,3,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,4,,4,,2,4,3,4,4,4,,,4,4,1,112,1,24,1,109,6,6,3,2 -634,0,0115,-1,1500,1,1,47,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,18,1,72,1,1,2,2 -635,0,1712,0,,2,1,33,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Ran into parked truck,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,152,1,17,1,93,1,1,3,3 -636,0,1217,0,,2,1,59,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,3,1,170,1,14,1,108,1,1,1,3 -637,0,1845,0,1730,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,134,1,18,1,128,2,2,2,3 -638,0,2327,0,,2,1,32,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,20,1,100,1,1,2,2 -639,0,2034,0,,2,1,59,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,3,1,1,2,2,3,1,111,1,12,1,76,1,1,2,2 -640,0,0016,-1,2200,1,1,37,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,18,1,100,1,1,1,2 -641,0,1715,0,1615,1,1,4.6,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,Fall from carseat onto concrete stairs,,2,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,109,1,42,1,135,1,1,2,3 -642,0,1230,0,,2,1,70,1,3,1,1,2,1,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,2,1,1,2,2,2,1,2,2,2,2,1,116,1,18,1,70,3,2,2,3 -643,0,1400,0,1200,1,1,15,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,108,1,24,1,120,2,1,2,2 -644,0,2200,0,1600,1,1,70,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,5: Physician did not answer,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,1,3,2,2,1,133,1,21,1,102,2,1,2,2 -645,0,2030,0,2000,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,120,1,22,1,80,1,1,2,2 -646,0,1322,0,1215,1,1,32,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,Hit/Runover by tailer from float,,4,2,2,,1,1,2,1,2,2,3,1,2,1,2,3,1,145,1,20,1,92,4,2,2,2 -647,0,1331,0,1300,1,1,17,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,near drowning,,9,2,2,,2,,1,2,3,2,2,2,,,2,3,1,90,1,24,1,116,1,1,3,3 -648,0,2104,0,2000,1,1,12,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,1,2,2,3,3,,,2,2,1,156,1,30,1,178,2,2,2,3 -649,0,2057,0,,2,1,11.2,1,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,suspected abuse,,7,2,2,,2,,1,1,2,2,2,2,,,2,3,1,127,1,22,1,118,1,1,2,3 -650,0,2059,0,,2,1,,,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,4,4: Speed Unknown,,,4,,,,4,,1,1,1,3,1,2,2,2,2,1,2,3,2,2,1,90,1,20,1,133,3,2,2,3 -651,0,2138,0,2100,1,1,16.6,1,1,1,1,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,3,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,2,1,2,2,3,3,,,3,3,1,96,1,24,1,92,3,1,1,2 -652,0,0941,0,0852,1,1,47.2,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,1,4: Speed Unknown,2,,,,,Trolley accident,1,,2,,1,1,1,2,2,2,2,1,2,1,2,2,1,122,1,20,1,75,1,1,2,3 -653,0,1754,0,1730,1,1,57.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,18,1,80,2,1,2,2 -654,0,1618,0,1600,1,1,16,,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,1,3,1,2,1,3,3,1,102,1,30,1,145,6,6,3,3 -655,0,2207,0,,2,1,70,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,2,2,2,1,2,1,2,3,1,151,1,30,1,116,2,2,2,2 -656,0,1352,-1,2030,1,1,29,4,8,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,99,1,18,1,75,1,1,2,2 -657,0,1245,0,,2,1,34.9,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,4,,,,4,,1,1,1,3,1,1,2,2,1,2,,,2,2,1,140,1,22,1,105,6,6,2,3 -658,0,1200,0,1130,1,1,40,,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,3,,2,2,2,4,3,1,1,2,2,3,1,123,1,22,1,90,1,1,3,2 -659,0,1729,0,,2,1,7.2,2,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,fall while skate boarding,,2,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,146,1,20,1,68,1,1,2,3 -660,0,1530,0,1500,1,1,25,2,3,2,,2,2,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,2,2,2,1,1,2,2,3,1,113,1,28,1,84,2,1,2,2 -661,0,1957,0,1400,1,1,11,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,2,,,2,3,1,99,1,22,1,137,3,1,2,3 -662,0,2000,0,1935,1,1,80,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,120,1,18,1,96,1,1,2,3 -663,0,2258,0,,2,1,90,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell from truck,,2,1,2,,1,1,1,2,2,2,2,2,,,2,3,1,117,1,22,1,53,1,1,2,3 -664,0,2031,0,1230,1,1,29.5,2,2,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,2,,,2,3,1,106,1,22,1,80,2,1,2,3 -665,0,1445,0,1400,1,1,25,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,3,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,1,2,1,1,1,2,2,2,,,2,3,1,130,1,16,1,140,5,5,2,3 -666,0,2030,0,,2,1,10,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,2,2,3,1: 5 or less,,,,,,,3,,2,,4,,1,2,2,4,2,2,,,2,3,1,109,1,46,1,166,1,1,2,3 -667,0,1359,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,4: Unknown,,,,,,off zip line on mulch,2,,2,,2,,2,2,2,3,2,1,2,1,2,3,1,93,1,28,1,90,1,1,1,2 -668,0,1723,0,1630,1,1,30,4,8,2,,2,2,2,2,2,3,3,2,2,1,2,2,2,4,5,3,6,,2,2,,,1,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,1,2,2,2,1,3,,,3,2,1,113,1,16,1,80,3,3,2,3 -669,0,1750,0,1653,1,1,64,4,3,1,2,1,2,2,2,2,1,1,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,2,1,2,2,2,2,1,2,3,2,2,1,170,1,20,1,134,3,2,2,3 -670,0,2145,0,1800,1,1,56,1,3,2,,2,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,1,2,2,2,7,3: Unknown intentionality,,,,,,,7,,2,,2,,2,2,2,2,2,1,2,1,2,3,1,108,1,20,1,60,6,6,3,2 -671,0,1330,0,1200,1,1,79,4,3,1,3,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,146,1,22,1,103,1,1,2,2 -672,0,1900,0,1830,1,1,80,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,1,2,1,2,3,1,140,1,20,1,90,2,1,2,2 -673,0,1630,0,1600,1,1,80,4,3,1,2,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,133,1,20,1,95,1,1,2,3 -674,0,1730,0,1530,1,1,27,4,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,3,1,1,2,2,2,2,,,2,2,1,118,1,16,1,88,1,1,2,3 -675,0,1750,0,1644,1,1,77,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,5,,,,,3,,,5,,2,,1,3,1,2,2,2,3,1,1,3,2,3,1,131,1,14,1,100,3,2,2,3 -676,0,1930,0,1700,1,1,70,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,2,1,3,1,2,2,2,2,2,,,2,3,1,109,1,18,1,88,2,2,2,3 -677,0,2000,0,1930,1,1,45,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,134,1,18,1,90,1,1,2,2 -678,0,1439,-1,2100,1,1,51.8,1,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,s/p assault,,7,2,1,2,2,,2,2,2,2,2,1,2,2,2,3,1,120,1,18,1,68,1,1,2,2 -679,0,2230,0,,2,1,100,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,"hit to abdomen during football game, hit by helmet",,7,2,2,,1,1,2,2,2,2,1,1,2,3,2,3,1,127,1,20,1,83,3,2,2,2 -680,0,0950,0,0930,1,1,30,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,3,1,144,1,20,1,109,1,1,2,2 -681,0,1613,0,1530,1,1,55,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,1,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,4,1,144,1,21,1,83,1,1,2,2 -682,0,1910,0,1908,1,1,30.9,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,96,1,16,1,92,2,1,2,2 -683,0,1637,0,,2,1,25,,3,2,,2,2,2,2,2,2,1,4,1,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,1,1,3: > 40 mph,3,,,,,,1,,2,,1,1,1,2,2,1,2,1,1,1,2,2,1,130,1,50,1,166,2,1,3,3 -684,0,2130,0,1930,1,1,45,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,17,1,70,1,1,2,2 -685,0,2249,0,,2,1,15.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,7,2: Accidental,,,,,,,7,,1,2,2,,2,2,2,2,2,2,,,2,3,1,123,1,28,1,124,1,1,2,2 -686,0,1942,0,1845,1,1,65,4,4,2,,2,2,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,ATV Fell On Head,,6,2,1,2,1,1,2,2,2,2,2,2,,,2,2,1,139,1,24,1,69,1,1,1,2 -687,0,0032,-1,2315,1,1,,,4,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,2,2,3,2,2,2,,,2,3,1,142,1,14,1,91,1,1,2,1 -688,0,1320,0,1300,1,1,60,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,16,1,86,1,1,2,2 -689,0,0323,0,0050,1,1,,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,138,1,15,1,78,1,1,1,3 -690,0,1758,0,,2,1,54,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,3,1,122,1,22,1,86,1,1,2,2 -691,0,1415,0,1330,1,1,,,1,1,2,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,129,1,16,1,110,2,1,2,2 -692,0,1621,0,1545,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,5,,,,,1,,1,2,2,,2,2,2,2,2,1,1,1,2,3,1,119,1,26,1,115,1,1,2,2 -693,0,2032,0,1915,1,1,13.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,4,2,,,2,3,3,,1,24,1,110,1,1,1,2 -694,0,1938,0,1900,1,1,40,4,3,1,3,4,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,3,1,120,1,18,1,95,1,1,2,3 -695,0,1318,0,1300,1,1,55.9,1,3,1,3,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,1,2,1,3,1,108,1,22,1,102,1,1,2,3 -696,0,1210,0,1110,1,1,20,,3,2,,3,3,3,2,2,3,3,4,3,1,1,1,2,4,5,2,7,,1,3,,,2,3,1,4,3: > 20 mph,,,4,,,,4,,1,2,2,,1,3,2,2,2,3,,,3,2,1,101,1,18,1,120,3,2,2,3 -697,0,0931,0,0845,1,1,34,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,122,1,28,1,80,1,1,3,2 -698,0,0400,-1,2200,1,1,25,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,1,1,2,2,2,2,2,2,,,2,3,1,94,1,18,1,74,1,1,1,2 -699,0,0100,0,0030,1,1,60,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Sled into pole,,9,2,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,18,1,76,1,1,2,2 -700,0,1616,0,,2,1,19,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,1,3,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,1,2,2,2,3,,,2,2,1,126,1,52,1,150,3,1,2,3 -701,0,1823,0,,2,1,22.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,1,1,4: Speed Unknown,2,,,,,,1,,3,,1,1,1,2,2,2,2,1,1,6,2,2,1,109,1,31,1,120,1,1,2,3 -702,0,2100,0,2000,1,1,23.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,1,3,2,1,1,2,3,1,2,1,2,2,1,106,1,24,1,86,2,1,2,2 -703,0,1734,0,,2,1,39,4,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,1,3,2,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,1,2,1,2,2,2,2,1,3,1,2,2,1,122,1,20,1,70,4,2,2,3 -704,0,1744,0,1715,1,1,24.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,124,1,18,1,88,1,1,2,2 -705,0,1010,0,,2,1,13.1,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,8,,,,,,,,8,,2,,4,,1,2,2,2,3,3,,,2,3,1,136,1,28,1,144,1,1,2,3 -706,0,1710,0,1630,1,1,50,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,135,1,22,1,80,3,3,2,2 -707,0,0800,0,0745,1,1,8,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,3,2,2,11,,1,3,,,2,2,1,7,2: Accidental,,,,,,,7,,1,1,2,,1,2,2,2,2,2,,,3,3,1,136,1,54,1,130,3,1,1,3 -708,0,1625,0,1555,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,2,1,2,2,2,1,2,3,2,3,1,102,1,24,1,130,2,2,1,2 -709,0,2026,0,2000,1,1,36,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,3,1,124,1,21,1,84,2,2,2,3 -710,0,1920,0,1900,1,1,97,1,1,1,1,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,1,1,3,3,2,2,1,120,1,24,1,74,2,2,2,2 -711,0,1926,0,,2,1,80,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,2,1,2,3,2,3,3,,4,,3,,2,2,2,2 -712,0,1930,0,1900,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,3,1,9,,,,,,"Found face down in pool, large head hematoma",,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,37,1,111,1,1,2,2 -713,0,1718,0,1620,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,2,,2,1,2,2,2,2,,,2,3,1,111,1,30,1,108,1,1,2,2 -714,0,0834,0,0430,1,1,180,4,2,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,2,1,1,1,2,2,1,1,1,2,3,1,100,1,28,1,99,3,1,2,3 -715,0,1935,0,1835,1,1,90,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,20,1,82,1,1,3,2 -716,0,1350,0,1310,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,3,3,1,1,1,2,3,1,108,1,20,1,80,1,1,2,2 -717,0,2330,0,2310,1,1,23,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,1,3,2,2,2,,,2,3,1,100,1,28,1,129,3,1,2,3 -718,0,1422,0,1332,1,1,70,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Jumping,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,14,1,76,1,1,2,2 -719,0,1615,0,1600,1,1,22,4,3,2,,2,4,4,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,4,4,1,106,1,18,1,101,1,1,2,3 -720,0,1857,0,1300,1,1,35,4,8,1,1,3,3,3,2,2,3,3,2,2,2,2,1,2,1,3,2,12,,2,3,,,2,3,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,3,,,2,2,1,109,1,23,1,141,2,1,2,3 -721,0,0720,0,,2,1,,,3,2,,4,4,4,4,4,3,3,2,1,2,2,2,2,4,4,3,7,,1,4,,,3,3,3,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,3,,,3,4,1,64,1,33,1,135,4,3,2,3 -722,0,2000,0,1745,1,1,36.6,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,3,,,2,2,2,9,,,,,,Fall from horse onto left face/arm,,2,2,2,,1,2,1,1,2,2,2,2,,,2,3,1,136,1,24,1,93,3,1,1,3 -723,0,1532,0,,2,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,21,1,164,1,1,2,2 -724,0,1614,0,1530,1,1,50,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Basketball - turned head/hit another player,,7,2,2,,2,,2,2,2,2,3,2,,,4,4,1,115,1,16,1,69,1,1,2,2 -725,0,1730,0,,2,1,40,1,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,20,1,80,1,1,2,2 -726,0,1153,0,,2,1,64,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,1,1,2,,2,2,2,2,2,1,1,2,2,2,1,148,1,18,1,60,1,1,2,2 -727,0,1741,0,1700,1,1,50,4,3,2,,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,1,1: < 20 mph,2,,,,,"go cart accident, collision with another go cart, no seatbelt, +helmet",1,,2,,2,,1,1,2,2,2,2,,,2,3,1,151,1,24,1,102,3,2,2,3 -728,0,1543,0,,2,1,49,2,3,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,2,2,2,2,3,1,2,1,2,2,1,108,1,16,1,85,3,3,3,2 -729,0,1940,0,1845,1,1,55,4,3,2,,1,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,1,3,1,2,2,2,2,1,1,2,2,2,1,129,1,16,1,97,3,1,2,3 -730,0,1853,0,1800,1,1,45.1,1,3,1,4,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,3,1: 5 or less,,,,,,,3,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,118,1,20,1,70,3,1,2,2 -731,0,1954,0,1900,1,1,27.7,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,2,3,2,3,1,113,1,20,1,80,2,1,2,2 -732,0,1553,0,1530,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,3,,1,2,3,2,3,2,,,2,2,1,105,1,18,1,85,1,1,2,3 -733,0,1800,0,,2,1,16.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,1,3,1,1,2,1,3,1,1,1,4,4,1,112,1,25,1,118,2,1,3,3 -734,0,1741,0,1700,1,1,12,1,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,2,14,,1,3,,,3,3,3,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,3,3,3,,,3,3,1,94,1,33,1,106,2,1,1,3 -735,0,0240,-1,1800,1,1,14.5,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,91,1,20,1,124,1,1,1,2 -736,0,1250,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,103,1,47,1,146,1,1,2,2 -737,0,1600,0,1530,1,1,159,4,3,2,,1,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,4,3,1,1,2,2,3,1,140,1,22,1,101,2,1,2,2 -738,0,2045,0,2030,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,3,,,2,3,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,103,1,22,1,138,1,1,3,3 -739,0,1530,0,1500,1,1,28,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,14,,2,1,2,1,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,1,2,2,2,1,1,1,2,3,1,114,1,38,1,92,2,1,2,3 -740,0,1051,0,0930,1,1,26.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,16,1,94,1,1,3,2 -741,0,1500,0,1100,1,1,30,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,3,,,5,,1,2,2,,2,2,2,2,2,1,1,2,2,3,1,110,1,20,1,73,2,1,1,2 -742,0,1635,0,1627,1,1,75,2,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,2,2,2,2,2,2,,,2,3,1,108,1,20,1,86,2,1,2,2 -743,0,,0,,2,2,65,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,2,1,110,1,20,1,68,6,6,2,2 -744,0,1224,0,1130,1,1,15,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,flung off a playground merry-go-round.,,9,2,2,,2,,2,2,2,1,2,2,,,2,3,1,101,1,22,1,108,2,1,3,2 -745,0,1340,0,1210,1,1,,,3,2,,3,3,3,2,2,3,3,4,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,3,2: 6-15,,,,,,,3,,4,,4,,2,2,3,2,2,2,,,3,2,1,121,1,24,1,110,1,1,2,2 -746,0,0130,0,0100,1,1,15,4,3,1,1,3,3,3,2,2,3,3,2,2,1,2,2,2,4,5,2,7,,2,3,,,2,3,3,9,,,,,,"Chest and abdominal bruising; seizure, suspected trauma.",,7,2,1,2,1,2,1,1,2,2,2,2,,,2,4,1,118,1,40,1,91,4,3,2,3 -747,0,2230,0,2200,1,1,50,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,2,2,2,2,2,2,2,,,2,3,1,135,1,19,1,119,2,1,2,2 -748,0,1718,0,,2,1,,,9,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,4,5: Physician did not answer,,,4,,,,4,,2,,1,2,1,1,2,4,3,2,,,2,2,1,106,1,32,1,100,1,1,2,3 -749,0,1600,0,1500,1,1,52,4,1,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,114,1,16,1,88,1,1,2,3 -750,0,2341,0,2247,1,1,100,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,3,,,,4,,1,2,1,2,1,2,2,2,2,2,,,2,3,1,151,1,19,1,98,1,1,3,3 -751,0,0005,-1,,2,1,4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,136,1,50,1,146,1,1,2,3 -752,0,2003,0,,2,1,69.1,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,tackled in football game,,7,2,2,,1,3,2,2,2,2,2,1,2,2,2,3,1,133,1,20,1,70,3,2,2,2 -753,0,2020,0,2000,1,1,38.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,4,,2,2,2,2,2,2,,,2,3,1,117,1,24,1,83,1,1,2,2 -754,0,1613,0,,2,1,,,3,1,2,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,2,2,1,1: < 20 mph,2,,,,,pt. fell 3 ft. from a moving car,1,,2,,2,,2,2,2,2,2,3,,,4,2,1,125,1,41,1,160,1,1,2,2 -755,0,1950,0,1400,1,1,21.3,2,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,1,1,2,1,1,116,1,68,1,89,3,1,2,2 -756,0,1305,0,,2,1,15,3,3,1,1,3,3,3,2,2,3,3,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,3,,,3,3,1,127,1,42,1,128,3,3,2,3 -757,0,1933,0,1830,1,1,27.8,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,112,1,18,1,71,1,1,2,2 -758,0,2012,0,1700,1,1,6,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,117,1,30,1,156,1,1,2,3 -759,0,1445,0,1400,1,1,75,4,8,1,3,1,2,2,2,2,2,2,4,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,4,,2,1,2,2,2,1,1,4,2,2,1,133,1,16,1,100,2,1,2,2 -760,0,2345,0,,2,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,2,3,2,3,1,133,1,18,1,105,3,2,2,3 -761,0,1437,0,,2,1,4.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,patient in car seat held by mom who was struck by car,,4,2,2,,1,1,2,2,2,2,2,2,,,2,3,1,80,1,32,1,160,1,1,2,2 -762,0,2110,0,,2,1,40,4,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,1,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,3,3,3,2,1,136,1,24,1,102,3,2,2,2 -763,0,1830,0,1800,1,1,18,4,3,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,1,2,,,3,2,1,131,1,48,1,167,1,1,2,3 -764,0,1400,0,1330,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,18,1,93,1,1,2,2 -765,0,0851,0,0810,1,1,45,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,133,1,24,1,72,1,1,2,2 -766,0,1610,0,1245,1,1,12,3,8,2,,2,4,4,4,2,3,1,2,4,2,2,2,2,1,1,1,15,,1,3,,,3,3,3,9,,,,,,Rollover by trailer,,4,2,3,,1,1,1,1,3,2,3,3,,,2,1,1,107,1,22,1,179,5,5,2,3 -767,0,1030,0,0830,1,1,40,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,137,1,24,1,82,2,1,2,2 -768,0,1922,0,,2,1,45,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,100,1,18,1,76,1,1,2,2 -769,0,1725,0,1645,1,1,75,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,16,1,71,1,1,2,2 -770,0,0947,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,4,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,4,4,1,110,1,36,1,100,1,1,2,3 -771,0,1230,0,1100,1,1,55,4,4,2,,2,2,2,2,2,2,4,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,3,4,4,4,,,4,4,1,98,1,16,1,96,1,1,1,3 -772,0,1845,0,1810,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,139,1,24,1,120,1,1,2,3 -773,0,2325,0,2315,1,1,20,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,127,1,36,1,121,1,1,2,3 -774,0,1700,0,,2,1,66,2,8,1,1,3,3,3,2,2,2,2,2,2,2,2,2,1,1,2,1,14,,2,3,,,1,1,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,3,,,3,2,1,121,1,20,1,98,2,1,2,3 -775,0,1844,0,1500,1,1,6.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,Patient restrained in car seat when mother tripped and dropped car seat on cement,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,20,1,135,1,1,2,2 -776,0,1927,0,1630,1,1,87.5,1,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,178,1,22,1,100,1,1,2,2 -777,0,0028,-1,,2,1,122.7,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,hit with fist,,7,2,2,,2,,2,2,2,2,2,1,1,6,2,2,1,125,1,20,1,65,1,1,2,2 -778,0,0200,-1,2200,1,1,24,3,3,2,,2,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,1,1,1,4,2,1,2,1,1,2,2,3,1,99,1,24,1,121,4,3,2,3 -779,0,2040,0,1900,1,1,57.7,,5,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,5,,,,,3,,,5,,2,,1,1,1,1,2,2,2,1,3,6,2,3,1,132,1,23,1,73,4,2,2,3 -780,0,0120,-1,2100,1,1,20,2,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,116,1,27,1,109,2,1,2,2 -781,0,1928,0,1700,1,1,50,1,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,2,3,3,10,,2,3,,,1,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,1,3,,,3,3,1,95,2,,1,49,1,1,2,3 -782,0,,0,0345,1,2,60,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,1,2,2,2,2,,,2,2,1,140,1,24,1,118,1,1,2,2 -783,0,1800,0,,2,1,60,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,106,1,12,1,94,1,1,2,3 -784,0,1650,0,1530,1,1,55,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,2,2,1,1,2,2,1,3,3,2,2,1,126,1,16,1,82,3,3,1,2 -785,0,0118,-1,1700,1,1,4.9,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,2,2,1,1: < 20 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,2,,1,36,1,136,1,1,1,2 -786,0,2030,0,1930,1,1,25.4,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,1,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,1,2,2,1,134,1,18,1,85,2,1,2,3 -787,0,1613,0,1430,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,3,1,2,3,2,2,1,115,1,18,1,78,3,3,2,2 -788,0,2245,0,2200,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,130,1,16,1,80,1,1,2,2 -789,0,1555,0,1410,1,1,50,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,17,1,93,1,1,1,2 -790,0,1105,0,1030,1,1,75,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,2,1,127,1,16,1,99,1,1,2,2 -791,0,1100,0,0945,1,1,14.5,4,2,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,2,13,,1,3,,,1,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,3,1,122,1,24,1,197,4,4,2,3 -792,0,1957,0,1910,1,1,,,4,2,,3,3,3,3,2,3,3,2,1,1,1,1,3,4,5,6,3,,3,3,,,3,3,3,4,4: Speed Unknown,,,4,,,,4,,1,2,1,1,1,2,2,2,2,3,,,3,2,1,147,1,16,1,83,2,2,2,3 -793,0,1024,0,,2,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,97,1,20,1,106,1,1,2,3 -794,0,0930,0,0830,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,3,1,140,1,36,1,128,1,1,3,3 -795,0,1312,0,,2,1,68,1,2,2,,1,4,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,1,2,9,,,,,,"Playing hockey, fall against a fence",,7,2,1,2,2,,2,2,2,2,2,2,,,2,2,1,120,1,19,1,97,1,1,2,2 -796,0,2101,0,2000,1,1,52,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,1,2,,,2,3,1,127,1,16,1,113,1,1,2,3 -797,0,0732,0,0700,1,1,39.6,1,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,127,1,24,1,100,1,1,1,2 -798,0,2155,0,2130,1,1,40,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,1,1,2,,2,2,2,2,2,2,,,2,3,1,129,1,20,1,74,2,1,2,2 -799,0,1824,0,1730,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,20,1,76,1,1,2,2 -800,0,1930,0,1900,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,82,1,25,1,105,1,1,2,2 -801,0,1931,0,,2,1,89.6,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,2,3,,,2,2,2,9,,,,,,Fist fight,,7,2,2,,2,,1,2,2,2,2,3,,,3,2,1,127,1,18,1,92,2,2,2,3 -802,0,2054,0,,2,1,,,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,2,13,,2,3,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,1,2,2,2,2,,,2,2,1,154,1,48,1,130,2,2,3,3 -803,0,1537,0,,2,1,54,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,149,1,24,1,108,1,1,2,2 -804,0,1130,0,,2,1,65,,3,2,,1,2,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,116,1,16,1,65,4,1,2,2 -805,0,1845,0,1530,1,1,8,,8,2,,2,2,2,2,2,3,3,2,2,2,2,1,2,4,4,2,8,,1,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,1,2,2,2,2,3,,,2,2,1,93,1,32,1,130,1,1,2,3 -806,0,1900,0,1800,1,1,75.9,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,1,9,,,,,,fell long boarding (ground level),,2,2,2,,1,1,1,2,3,2,2,1,1,2,2,2,1,150,1,24,1,88,2,1,2,3 -807,0,1955,0,1546,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,103,1,22,1,91,1,1,2,3 -808,0,1814,-1,2000,1,1,64.9,1,2,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,122,1,16,1,80,1,1,2,2 -809,0,0341,0,0240,1,1,54,,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,4,,1,3,2,2,2,2,2,2,,,2,2,1,119,1,12,1,86,2,2,2,2 -810,0,1847,0,1815,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,3,1,107,1,24,1,110,1,1,2,3 -811,0,1110,0,,2,1,57,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,121,1,16,1,90,1,1,2,2 -812,0,1155,0,1130,1,1,12.4,1,2,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,2,,,2,2,1,137,1,40,1,102,2,1,3,3 -813,0,1541,0,1500,1,1,63.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,struck by helmeted player in the back,,7,2,2,,2,,2,2,2,4,2,2,,,2,2,1,131,1,20,1,82,1,1,3,2 -814,0,1730,0,1700,1,1,13,3,3,1,3,3,3,3,2,2,1,3,2,1,2,2,2,2,1,2,1,14,,2,3,,,2,2,1,4,1: < 5 mph,,,1,,,,4,,2,,1,3,1,1,2,2,2,3,,,2,3,1,157,1,28,1,182,2,2,1,3 -815,0,1721,0,1700,1,1,22,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,2,1,2,1,2,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,1,1,1,2,2,4,1,1,2,1,2,3,1,116,1,26,1,113,3,2,2,3 -816,0,0149,0,,2,1,52,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,2,2,2,2,3,1,2,3,2,2,1,122,1,18,1,99,1,1,2,2 -817,0,1217,0,1130,1,1,15,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,122,1,19,1,147,1,1,2,2 -818,0,1536,0,1500,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,18,1,76,1,1,1,2 -819,0,1840,0,,2,1,45,1,8,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,6,,,,,,,"ATV accident with fall 15 feet, wearing helmet, had LOC",6,,2,,1,3,1,2,2,2,2,2,,,2,2,1,140,1,19,1,111,3,1,2,3 -820,0,0856,-1,,2,1,88.2,1,8,1,2,1,2,1,2,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,136,1,18,1,65,1,1,2,2 -821,0,1410,0,1320,1,1,40,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,4,2,2,3: > 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,2,,,2,3,1,127,1,21,1,111,1,1,2,2 -822,0,1930,0,1700,1,1,10.3,1,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,28,1,142,1,1,2,2 -823,0,2042,0,1945,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,1,2,3,2,3,1,98,1,16,1,76,2,2,2,2 -824,0,0315,-1,2115,1,1,11,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,3,2,1,5: Physician did not answer,3,,,,,car seat and patient ejected,1,,1,1,2,,1,1,2,2,2,2,,,2,2,1,104,1,24,1,137,1,1,2,3 -825,0,1902,0,1820,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,3,2,,,2,2,1,137,1,20,1,99,1,1,2,3 -826,0,1346,0,,2,1,40,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,137,1,21,1,84,1,1,2,2 -827,0,1221,0,1130,1,1,15,2,3,2,,1,1,1,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,107,1,24,1,100,2,2,1,2 -828,0,1751,0,,2,1,,,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,120,1,16,1,103,2,1,2,3 -829,0,1851,0,1800,1,1,43,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,25,1,108,1,1,2,2 -830,0,2200,0,2100,1,1,19,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,2,2,2,2,1,106,1,20,1,118,4,2,2,2 -831,0,1617,0,,2,1,11,3,8,1,4,3,3,3,2,2,3,3,3,1,1,2,2,2,4,5,6,3,,1,3,,,2,3,1,4,4: Speed Unknown,,,1,,,,4,,1,1,1,1,1,1,3,2,3,3,,,4,4,1,123,2,,1,113,4,2,1,3 -832,0,0835,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,20,1,122,1,1,2,2 -833,0,0715,-1,2000,1,1,37,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,106,1,18,1,93,1,1,2,1 -834,0,,0,,2,2,10,1,3,1,3,1,3,3,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,8,,,,,,,,8,,2,,1,3,1,1,2,2,1,1,1,2,2,2,1,149,1,24,1,160,2,1,1,3 -835,0,2126,0,,2,1,47,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Assault,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,131,1,18,1,96,1,1,2,3 -836,0,0826,0,0800,1,1,64,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,123,1,14,1,100,1,1,1,2 -837,0,0900,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,128,1,19,1,65,1,1,2,3 -838,0,1900,0,,2,1,92.7,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,2,1,14,,2,1,2,2,2,2,1,8,,,,,,,"Patient amnesic, concern for assault",8,,2,,1,3,1,2,2,2,2,1,2,2,2,2,1,120,1,12,1,70,4,4,2,3 -839,0,2047,0,,2,1,22.4,1,1,2,,2,2,2,2,2,2,4,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,4,,4,,1,1,2,2,2,2,,,2,3,1,108,1,30,1,105,2,1,1,3 -840,0,2027,0,1930,1,1,40,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,124,1,20,1,80,3,2,2,2 -841,0,0015,-1,,2,1,,,3,2,,2,2,2,2,2,2,1,2,4,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,1,1,2,3,2,2,1,120,1,24,1,78,3,2,3,3 -842,0,1548,0,1430,1,1,52,1,4,1,1,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,1,1,3,2,2,2,,,2,2,1,128,1,16,1,95,1,1,2,3 -843,0,1400,0,1200,1,1,40.9,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,108,1,20,1,128,1,1,1,3 -844,0,1930,0,1845,1,1,72,1,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,struck back on dock when landing from parasailing,,7,2,2,,2,,2,2,2,3,2,2,,,2,3,1,128,1,18,1,69,1,1,2,2 -845,0,1804,0,,2,1,36.3,,3,1,2,1,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,134,1,24,1,124,1,1,2,2 -846,0,1308,0,,2,1,70,,2,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,2,1,1,2,2,1,1,2,2,3,1,128,1,48,1,110,2,1,3,2 -847,0,1830,0,1700,1,1,68.2,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,9,,,,,,Kicked in side of abdomen during soccer match,,7,2,2,,1,1,1,1,2,2,2,1,3,3,2,3,1,130,1,18,1,103,5,4,2,3 -848,0,1130,0,0930,1,1,50,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,1,2,1,1,1,2,2,2,2,1,1,2,2,3,1,139,1,20,1,96,2,1,2,3 -849,0,2052,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,45,1,132,1,1,1,2 -850,0,1348,0,1245,1,1,35,4,3,1,4,1,1,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,Ice Sledding into tree at 25-30mph,,2,2,2,,1,3,1,1,2,2,2,1,2,1,2,2,1,118,1,28,1,105,2,3,1,3 -851,0,0115,0,,2,1,,,3,1,3,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,3,,,2,2,1,9,,,,,,Dragged by car,,4,2,2,,2,,2,2,2,2,2,2,,,2,3,1,133,1,30,1,139,1,1,2,2 -852,0,1956,0,1900,1,1,15.6,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,1,3,3,9,,,,,,5-6 foot long TV cabinet toppled on to him,,7,2,2,,1,3,1,2,2,2,2,2,,,2,3,1,136,1,24,1,102,2,2,2,3 -853,0,2057,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,1,9,,,,,,sledding - hit concrete wall,,9,2,2,,2,,1,2,2,2,2,1,1,1,2,2,1,94,1,23,1,82,2,1,1,3 -854,0,0548,0,0500,1,1,18,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,1,1,2,3,1,90,1,20,1,120,4,3,2,2 -855,0,1046,0,,2,1,15,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,4,,,,,1,,1,2,2,,1,2,2,2,2,1,1,3,2,2,1,114,1,22,1,105,1,1,3,3 -856,0,1330,0,1230,1,1,,,1,2,,2,2,2,2,2,2,1,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,1,3,2,2,2,1,126,1,18,1,72,4,1,2,3 -857,0,2235,0,2100,1,1,50,4,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,5,,,,,3,,Dirt bike/motorcross,5,,2,,1,1,1,2,2,3,2,2,,,2,2,1,109,1,18,1,94,2,1,2,3 -858,0,1200,0,1145,1,1,100,2,3,1,1,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,1,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,3,1,2,2,2,3,1,146,1,24,1,89,2,1,1,3 -859,0,1430,0,1100,1,1,45,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,18,1,103,1,1,2,2 -860,0,1640,0,0730,1,1,63.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,20,1,90,1,1,1,2 -861,0,1227,0,1030,1,1,72,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,2,1,162,1,22,1,79,1,1,3,3 -862,0,2122,0,,2,1,6.5,1,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,3,2,,,2,3,1,99,1,32,1,126,1,1,2,2 -863,0,1723,0,,2,1,40,3,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,2,7,,2,3,,,1,3,3,1,4: Speed Unknown,2,,,,,,1,,1,2,1,2,1,2,2,2,1,4,,,3,2,1,117,2,,1,115,2,2,1,3 -864,0,0820,0,0800,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,20,1,80,1,1,2,3 -865,0,0115,-1,2130,1,1,,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,1,3,2,2,2,2,2,1,1,2,2,3,1,140,1,28,1,72,1,1,2,2 -866,0,1743,0,1715,1,1,59.9,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,22,1,84,1,1,2,2 -867,0,1845,0,1800,1,1,25,2,3,2,,2,2,2,2,2,4,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,101,1,29,1,122,1,1,2,2 -868,0,1830,0,1500,1,1,13,3,3,1,2,3,3,3,2,2,3,3,2,2,1,2,1,2,1,2,2,13,,1,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,2,2,2,2,3,,,3,3,1,105,2,,1,155,2,1,1,3 -869,0,2015,,,2,1,7,3,1,1,1,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,1,3,,,3,3,1,8,,,,,,,shaken baby,8,,2,,1,1,1,1,2,2,2,3,,,3,2,1,99,1,32,1,115,2,1,1,3 -870,0,2224,0,1800,1,1,31.6,1,1,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,1,2,3,2,2,,,2,2,1,129,1,18,1,125,1,1,2,2 -871,0,2051,0,2040,1,1,45,1,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,1,1,2,2,2,2,2,2,,,2,2,1,131,1,20,1,104,1,1,2,2 -872,0,1835,0,1820,1,1,22.2,1,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,133,1,22,1,97,1,1,2,2 -873,0,2315,0,1730,1,1,15,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,4,4,1,97,1,26,1,126,2,1,2,3 -874,0,1730,0,1500,1,1,16,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,116,1,24,1,120,1,1,2,3 -875,0,1811,0,1715,1,1,91.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,120,1,20,1,84,2,1,2,2 -876,0,1519,0,1400,1,1,56.7,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,2,1,2,2,2,1,2,,,2,2,1,109,1,20,1,78,1,1,2,3 -877,0,2129,0,,2,1,10.3,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,4,2,2,3,2: 6-15,,,,,,,3,,2,,1,3,1,2,2,2,2,3,,,2,2,1,163,1,44,1,158,1,1,3,3 -878,0,1255,0,1215,1,1,50,,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,3,3,3,9,,3,3,,,3,3,3,9,,,,,,assault,,7,2,2,,1,1,1,2,2,2,3,3,,,3,2,1,184,1,38,1,160,1,1,3,3 -879,0,1732,0,1700,1,1,45,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,128,1,24,1,75,1,1,1,3 -880,0,0010,-1,2100,1,1,60,,3,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,4,,,2,2,2,9,,,,,,Thrown from ATV (passenger),,6,2,2,,2,,1,2,2,2,2,2,,,2,2,1,135,1,24,1,100,2,1,2,3 -881,0,2030,0,2000,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,3,1,134,1,20,1,88,1,1,3,2 -882,0,2215,0,2100,1,1,81.8,4,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,110,1,20,1,102,2,2,2,2 -883,0,2300,0,2000,1,1,28,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,1,2,2,,1,1,2,2,2,2,,,2,2,1,129,1,20,1,100,1,1,2,3 -884,0,1340,0,,2,1,37,4,1,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,3,1,1,2,2,3,1,123,1,16,1,93,2,2,3,2 -885,0,1127,0,,2,1,30,2,8,1,1,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,1,2,2,1,2,,,2,3,1,116,1,20,1,91,1,1,2,2 -886,0,2012,0,1900,1,1,65,4,4,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,1,1,1,1,1,2,2,2,1,2,,,2,2,1,118,1,20,1,100,6,6,2,3 -887,0,1502,0,,2,1,5,4,8,2,,3,3,3,2,1,3,3,2,2,2,2,2,2,1,5,1,11,,1,3,,,2,3,3,1,4: Speed Unknown,1,4,,,,,1,,2,,1,3,1,2,2,2,2,3,,,3,2,1,108,1,43,1,116,1,1,2,3 -888,0,1550,0,,2,1,40,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,5,,,,,1,,,5,,2,,1,3,1,1,2,2,2,1,3,4,2,3,1,110,1,20,1,81,4,4,2,3 -889,0,1824,0,1630,1,1,26.2,1,3,2,,2,4,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,123,1,24,1,91,6,1,2,2 -890,0,2048,0,2000,1,1,49.2,1,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Fall from horse and stepped on,,2,2,2,,1,2,1,2,3,2,2,2,,,2,3,1,118,1,35,1,81,3,1,1,3 -891,0,1942,0,1830,1,1,17,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,1,2,2,2,2,,,2,3,1,106,1,24,1,104,1,1,2,2 -892,0,1731,0,,2,1,70.8,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,1,2,2,2,1,2,1,2,2,1,113,1,20,1,70,3,3,1,2 -893,0,1630,0,1600,1,1,18,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,120,1,24,1,143,2,1,2,3 -894,0,1522,0,1430,1,1,15,4,3,1,1,1,1,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,1,2,2,,1,2,2,2,2,2,,,2,2,1,90,1,24,1,114,1,1,2,3 -895,0,1020,0,1000,1,1,22.7,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,99,1,37,1,107,1,1,2,3 -896,0,1639,0,,2,1,63.5,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,3,1,121,1,18,1,108,1,1,2,3 -897,0,1930,0,1845,1,1,35,2,3,2,,2,2,2,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,1,1,2,2,2,1,3,3,2,2,1,100,1,28,1,93,4,1,1,3 -898,0,1520,0,1500,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,2,13,,2,3,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,2,,1,2,2,3,2,2,,,2,3,1,130,1,18,1,88,2,1,2,3 -899,0,2010,0,1940,1,1,24,3,3,2,,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,1,9,,,,,,TV fell on patient (35 pounds),,7,2,2,,1,2,1,2,2,2,2,1,2,2,2,3,1,102,1,28,1,108,4,2,2,3 -900,0,1700,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,4,,,4,2,1,112,1,28,1,118,2,2,1,2 -901,0,0958,0,0900,1,1,65,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,3,1,116,1,20,1,61,1,1,2,2 -902,0,1400,0,,2,1,75,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,9,,,,,,assaulted by another person in the head,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,140,1,14,1,86,1,1,2,3 -903,0,1015,-1,2000,1,1,21.3,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,fall from scooter,,2,2,2,,2,,2,1,2,2,2,2,,,2,3,1,126,1,28,1,135,1,1,2,2 -904,0,,-1,1300,1,2,90,4,1,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,2,1,166,1,20,1,67,2,1,2,3 -905,0,1119,0,1030,1,1,40,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,fall from horse at full canter,2,,2,,1,3,2,2,2,2,2,1,1,3,2,3,1,102,1,20,1,96,2,1,2,2 -906,0,1215,0,1115,1,1,60,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,3,2,2,2,,,2,3,1,122,1,18,1,87,1,1,2,2 -907,0,2232,0,,2,1,40,4,8,1,4,3,3,3,1,2,3,3,2,3,1,1,1,1,4,5,6,3,,2,3,,,1,3,3,9,,,,,,Thrown from horse,,2,2,2,,1,3,1,1,2,2,3,3,,,3,2,1,150,2,,1,133,2,1,2,3 -908,0,2024,0,1930,1,1,34,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,127,1,20,1,75,2,1,2,3 -909,0,2148,0,,2,1,62,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Rollerblading-fell on sacral area,,2,2,2,,2,,2,2,2,3,2,2,,,2,2,1,113,1,20,1,80,1,1,2,2 -910,0,1337,-1,2130,1,1,30,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,1,2,2,2,2,,,2,2,1,130,1,30,1,110,1,1,3,2 -911,0,1658,0,,2,1,50,,3,2,,3,3,3,2,2,3,3,1,4,2,2,2,2,1,2,1,14,,2,3,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,3,,,3,2,1,128,1,25,1,90,1,1,3,3 -912,0,2040,0,,2,1,54,,4,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,2,2,2,1,2,2,2,,,2,3,1,110,1,20,1,95,2,1,2,2 -913,0,1314,0,,2,1,22,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,3,2: 6-15,,,,,,,3,,1,2,2,,2,1,2,2,2,1,2,3,2,3,1,105,1,20,1,97,2,1,1,1 -914,0,2041,0,1945,1,1,31.8,2,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,3,2,2,2,,,2,2,1,118,1,16,1,82,1,1,3,2 -915,0,1311,0,1230,1,1,34,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,9,,,,,,thrown from snowmobile,,6,2,1,1,1,1,1,2,2,1,2,1,1,1,1,3,1,121,1,24,1,105,4,2,1,3 -916,0,2140,0,2100,1,1,57.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,18,1,85,1,1,2,2 -917,0,1747,0,,2,1,20,3,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,4,,,,,1,,1,2,1,1,1,1,2,2,3,2,,,2,3,1,105,1,24,1,121,4,1,1,3 -918,0,2127,0,,2,1,,,1,1,4,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,9,,,,,,Fell From Passenger Side of Truck While Heading Around a Corner at 20 MPH,,2,1,2,,1,2,1,1,2,2,3,1,2,3,2,3,1,138,1,20,1,96,3,1,1,3 -919,0,1700,0,1630,1,1,9,3,3,1,4,3,3,3,2,2,3,3,2,2,2,2,2,2,2,2,2,12,,1,3,,,2,3,3,1,3: > 40 mph,1,4,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,109,1,20,1,90,3,1,2,3 -920,0,1800,0,1600,1,1,20,4,3,1,4,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,1,2,,2,2,2,2,2,1,1,2,2,2,1,103,1,20,1,119,1,1,2,2 -921,0,1513,0,1445,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,2,2,2,2,3,2,,,2,3,1,148,1,24,1,120,1,1,2,2 -922,0,1817,0,1720,1,1,55,1,3,2,,2,3,3,2,2,3,3,3,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,2,2,2,2,2,2,1,3,2,2,3,1,127,1,18,1,84,2,2,1,2 -923,0,1956,0,1400,1,1,35,2,1,1,1,1,2,2,2,2,2,1,4,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,2,2,1,2,2,2,,,2,3,1,123,1,20,1,107,1,1,2,2 -924,0,1305,0,1215,1,1,,,3,2,,2,2,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,4,4: Speed Unknown,,,1,,,,4,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,121,1,18,1,85,3,2,2,3 -925,0,2210,0,1700,1,1,64,2,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,3,,1,1,2,2,2,2,,,2,2,1,131,1,24,1,91,1,1,2,3 -926,0,1213,0,,2,1,7,4,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,3,,,2,2,4,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,4,,,2,2,1,115,1,26,1,122,1,1,3,3 -927,0,0803,0,,2,1,,,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,3,3,2,,,2,3,1,134,1,16,1,65,1,1,2,2 -928,0,1530,0,1430,1,1,17.6,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,dresser fell over and hit patient/landed on patient's back,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,95,1,16,1,82,1,1,2,2 -929,0,1910,0,,2,1,63,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,131,1,24,1,104,1,1,1,2 -930,0,0336,0,,2,1,13.7,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,137,1,22,1,110,1,1,3,2 -931,0,1547,0,,2,1,11,3,1,1,4,3,3,3,2,2,3,3,2,3,2,2,2,2,1,5,3,9,,2,3,,,3,2,3,4,1: < 5 mph,,,1,,,,4,,2,,1,1,1,1,2,2,3,3,,,3,3,1,90,1,22,1,179,4,2,2,3 -932,0,1800,0,,2,1,13,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,9,,,,,,Riding personal watercraft,,6,2,2,,2,,1,2,3,2,3,2,,,2,3,1,102,1,40,1,143,1,1,2,3 -933,0,0035,0,0000,1,1,75,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,1,5,4,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,3,1,1,3,2,3,1,116,1,14,1,95,2,1,2,3 -934,0,2050,0,1800,1,1,35.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,1,2,2,2,9,,,,,,stepped on in football game,,7,2,4,,4,,2,2,2,2,2,1,2,4,2,2,1,113,1,24,1,96,2,1,2,2 -935,0,1315,0,1215,1,1,18,3,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,4,2: 5 - 20 mph,,,2,,,Ran into street,4,,1,2,1,1,1,2,3,2,2,2,,,2,3,1,182,1,23,1,150,1,1,2,3 -936,0,1127,0,1027,1,1,35,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,116,1,45,1,145,1,1,2,3 -937,0,0635,0,,2,1,12.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,suspected abuse,,7,2,1,3,3,,1,2,2,2,2,2,,,2,3,1,106,1,20,1,120,2,1,1,3 -938,0,1108,0,,2,1,30,4,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,8,,,,,,,"Slipped in bathroom, hit head on sink",8,,2,,2,,2,2,2,2,3,1,2,3,2,2,1,123,1,18,1,81,1,1,3,2 -939,0,1103,0,,2,1,65,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,1,2,1,2,3,2,,,2,2,1,119,1,39,1,83,3,3,2,3 -940,0,1813,0,1730,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,1,2,2,2,2,2,2,1,1,4,2,3,1,127,1,16,1,84,2,2,1,2 -941,0,1000,0,0930,1,1,115,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,1,2,1,1,2,2,2,2,2,1,1,1,2,4,1,114,1,18,1,105,2,1,2,2 -942,0,1228,0,1100,1,1,54,2,3,2,,1,1,1,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,2,1,1,1,2,2,1,9,,,,,,"pushed down and flipped in air, landed on head.",,2,2,2,,1,1,2,2,2,2,1,1,1,1,3,3,1,128,1,16,1,106,2,2,2,2 -943,0,1533,0,,2,1,25,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,103,1,36,1,106,2,2,2,3 -944,0,0600,0,0400,1,1,50,4,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,4: Speed Unknown,3,,,,,,1,,1,1,1,1,1,2,2,2,2,1,3,3,2,2,1,110,1,22,1,111,5,2,2,3 -945,0,2156,0,2130,1,1,70,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,3,1,13,,2,2,,,2,2,1,9,,,,,,helmet to helmet football collison,,9,2,2,,2,,1,2,2,2,2,1,1,1,2,2,1,100,1,16,1,72,1,1,2,3 -946,0,1125,0,1030,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,1,1,2,2,1,2,1,2,2,1,120,1,24,1,102,5,5,1,3 -947,0,1956,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,7,,,,,1,,4,,4,,2,2,3,2,2,4,,,2,2,3,,4,,3,,1,6,3,2 -948,0,0950,0,0900,1,1,22,3,3,1,1,2,2,4,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,1,,,,4,,1,1,2,,1,2,2,2,3,2,,,2,3,1,130,1,20,1,117,2,1,2,3 -949,0,1541,0,1500,1,1,63.5,1,4,1,1,1,2,2,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,3,,,,,1,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,92,1,12,1,112,1,1,2,3 -950,0,1912,0,1730,1,1,22,3,3,2,,3,3,3,1,2,3,3,2,1,2,2,2,2,4,4,6,4,,2,3,,,3,3,3,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,1,2,2,2,2,3,,,3,2,1,135,1,40,1,154,4,1,2,3 -951,0,0845,0,0800,1,1,32.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,1,2,,,2,3,1,129,1,24,1,112,1,1,2,2 -952,0,2155,0,2030,1,1,45.3,1,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall while biking; handlebars struck chest,,5,2,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,18,1,80,1,1,2,2 -953,0,1742,0,1700,1,1,22,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,145,1,44,1,111,1,1,2,2 -954,0,0820,0,0745,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,3,2,1,1,4: Speed Unknown,1,6,,,,,1,,2,,1,1,1,1,1,4,2,2,,,2,2,1,84,1,28,1,155,3,2,2,3 -955,0,1445,0,1330,1,1,12,3,1,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,1,4,2,11,,1,3,,,2,3,4,4,1: < 5 mph,,,1,,,,4,,1,2,1,1,1,2,2,2,3,3,,,2,2,1,93,1,19,1,148,2,2,3,3 -956,0,1700,0,1500,1,1,50,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Skiing fall,,2,2,1,1,1,3,2,2,2,2,2,1,2,2,2,2,1,127,1,30,1,122,3,1,2,2 -957,0,1200,0,1030,1,1,20,4,8,2,,3,3,3,2,2,3,3,3,2,2,2,2,2,3,2,2,11,,2,3,,,2,2,1,6,,,,,,,snowmobile,6,,2,,1,2,1,2,2,2,2,3,,,3,2,1,116,1,30,1,120,2,2,2,3 -958,0,2200,0,2100,1,1,61.6,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,4: Unknown,,,,,,,2,,2,,1,3,2,1,2,2,2,1,1,2,2,3,1,127,1,20,1,99,1,1,2,2 -959,0,1740,0,1700,1,1,107,1,3,2,,1,1,4,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Punched in left flank,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,131,1,18,1,96,1,1,1,2 -960,0,2215,0,2130,1,1,100,4,1,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,114,1,16,1,88,1,1,2,2 -961,0,1849,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,2,,,1,2,2,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,3,2,,,2,3,1,110,1,26,1,105,1,1,1,3 -962,0,0100,0,0030,1,1,22,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,2,2,2,3,2,,,2,2,1,119,1,16,1,107,1,1,2,3 -963,0,1930,0,1100,1,1,13.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,108,1,24,1,96,2,1,2,2 -964,0,1745,0,1700,1,1,,,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,2,,,2,3,1,149,1,15,1,89,2,2,2,3 -965,0,1321,0,1045,1,1,83,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,3,1,134,1,18,1,65,3,1,1,2 -966,0,1900,0,1830,1,1,80,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,3,1,2,3,2,2,1,115,1,21,1,86,2,1,2,3 -967,0,2100,0,2000,1,1,50,4,3,2,,1,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,7,2: Accidental,,,,,,Skiing - fell against rail to abd.,7,,1,2,1,1,1,2,2,2,2,1,2,2,2,3,1,121,1,20,1,80,4,3,2,3 -968,0,1453,0,1400,1,1,80,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,hit on back of head when tackled,,9,2,1,2,1,1,2,2,2,2,2,2,,,2,2,1,133,1,24,1,91,1,1,2,2 -969,0,1610,0,1530,1,1,31,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,108,1,16,1,80,1,1,2,2 -970,0,1510,0,1355,1,1,39,2,3,1,1,1,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,1,1,1,1,2,2,1,1,3,1,3,2,1,124,1,22,1,100,4,3,2,3 -971,0,2140,0,2040,1,1,65,4,4,2,,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,"Pt at concert and another individual ""crowd surfing"" above her fell on her and pulled her to the ground by her neck",,2,2,1,2,1,1,2,2,2,2,2,1,1,2,2,2,1,135,1,18,1,105,2,1,1,2 -972,0,2130,0,1930,1,1,36.5,1,2,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,1,2,,1,2,2,2,2,1,2,1,2,2,1,120,1,20,1,100,2,2,2,3 -973,0,2115,0,2030,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,25,1,82,1,1,2,2 -974,0,1400,-1,2100,1,1,33,,1,2,,2,2,2,2,2,2,2,2,2,2,3,3,3,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,1,2,2,3,1,107,1,16,1,79,2,2,2,2 -975,0,1642,0,1600,1,1,25.7,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,135,1,30,1,108,1,1,2,2 -976,0,1800,0,1700,1,1,65,4,8,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,2,,2,,1,1,2,2,2,1,1,2,2,2,1,149,1,27,1,100,2,1,2,3 -977,0,1600,0,1500,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,102,1,16,1,100,2,2,2,2 -978,0,1946,0,1430,1,1,10,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,2,2,2,12,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,90,1,48,1,146,1,1,2,3 -979,0,0002,-1,2330,1,1,77,1,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,1,1,3,2,2,1,141,1,20,1,77,2,1,2,2 -980,0,0936,0,0800,1,1,15,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,104,1,23,1,89,1,1,1,2 -981,0,2100,0,1530,1,1,43.5,1,8,2,,2,4,4,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,1,2,1,2,1,2,2,2,2,1,3,3,2,2,1,128,1,16,1,88,5,5,1,3 -982,0,1313,0,1245,1,1,78,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,3,2,2,3,1,110,1,20,1,76,3,3,2,3 -983,0,1130,0,1045,1,1,13,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,1,2,2,3,2: 6-15,,,,,,,3,,2,,1,1,1,2,2,2,1,1,3,1,3,2,1,178,1,21,1,124,4,2,2,3 -984,0,0209,0,0130,1,1,17.5,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,97,1,24,1,102,2,1,2,2 -985,0,1200,0,1140,1,1,20,3,3,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,4,,,2,2,1,88,1,22,1,90,1,1,2,2 -986,0,1435,0,,2,1,20,4,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,5,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,3,2,1,3,2,2,2,1,98,1,23,1,78,4,4,2,3 -987,0,0830,0,0800,1,1,50,4,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,22,1,71,1,1,2,2 -988,0,1512,0,,2,1,18,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,1,2,1,2,2,1,121,1,19,1,111,2,1,2,3 -989,0,1813,0,1413,1,1,61,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,16,1,62,1,1,2,2 -990,0,1815,0,1745,1,1,30,3,3,1,3,3,3,3,2,2,3,3,1,1,2,2,2,2,4,4,3,7,,2,3,,,3,3,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,1,2,2,3,3,,,3,2,1,83,1,22,1,138,4,3,2,3 -991,0,1656,0,,2,1,20,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,5,,,,,3,,,5,,2,,2,,2,2,2,4,2,1,1,1,2,3,1,119,1,20,1,137,2,1,2,2 -992,0,1843,0,,2,1,80,,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,2,2,2,1,3,3,2,2,1,130,1,28,1,85,3,2,2,3 -993,0,2011,0,1900,1,1,38.9,1,3,2,,1,1,1,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,1,3,2,2,2,2,2,1,2,1,2,3,1,111,1,22,1,100,1,1,2,2 -994,0,1930,0,1600,1,1,75,1,3,2,,1,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,1,1,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,147,1,16,1,70,2,2,2,2 -995,0,1910,0,1830,1,1,22,,2,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,92,1,23,1,53,1,1,2,2 -996,0,1800,0,1000,1,1,46,1,8,2,,2,2,2,2,2,2,4,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,5,,,,,2,,,5,,2,,4,,1,1,2,2,2,2,,,2,4,1,141,1,22,1,98,1,1,2,3 -997,0,2139,0,1600,1,1,34,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,22,1,116,1,1,1,2 -998,0,2154,0,1800,1,1,36.3,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,fell doing flips in gymnastics,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,20,1,83,1,1,2,2 -999,0,2045,0,2020,1,1,,,3,2,,1,1,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,1,2,2,,2,2,2,2,2,1,2,1,2,2,1,154,1,22,1,92,1,1,2,2 -1000,0,0212,0,0200,1,1,39,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,2,,,2,2,1,117,1,20,1,78,2,1,1,2 -1001,0,1853,0,1810,1,1,135,4,4,1,1,1,2,1,1,2,2,1,1,3,2,2,2,1,1,1,1,15,,2,1,3,1,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,1,1,2,2,1,3,1,2,2,1,100,1,23,1,107,4,1,1,3 -1002,0,2102,0,2030,1,1,100,4,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,2,2,1,13,,2,3,,,2,3,3,9,,,,,,"Assault to head; no obvious marks on abdomen; decreased LOC, therefore getting head/abdominal CT",,7,2,2,,1,1,1,2,2,2,2,3,,,3,2,1,121,1,18,1,88,2,2,2,3 -1003,0,1109,0,,2,1,15.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,1,1,2,1,2,2,3,2,,,2,3,1,118,1,54,1,128,2,1,1,2 -1004,0,1830,0,1700,1,1,50.8,1,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,7,1: Intentional,,,,,,,7,,2,,1,3,1,2,2,2,2,1,2,3,2,2,1,129,1,16,1,72,1,1,3,3 -1005,0,0110,-1,1700,1,1,67.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Football tackle, anterior abdomen",,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,16,1,72,1,1,2,2 -1006,0,2000,0,1930,1,1,12,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,4,1: < 5 mph,,,1,,,,4,,2,,1,1,1,2,2,2,1,2,,,2,2,1,106,1,36,1,147,1,1,1,3 -1007,0,1927,0,1630,1,1,,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,7,,,,,1,,2,,1,3,2,2,2,2,2,1,2,2,2,3,1,122,1,20,1,77,2,1,2,2 -1008,0,2020,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,2,3,,1,24,1,93,1,1,2,2 -1009,0,1400,0,1345,1,1,7.7,2,2,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,1,2,2,13,,1,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,3,1,3,2,1,138,1,32,1,160,2,2,2,2 -1010,0,1453,0,1245,1,1,21.7,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,85,1,22,1,94,1,1,3,2 -1011,0,1523,0,,2,1,30,3,8,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,3,,2,,1,2,2,2,3,2,,,2,2,1,113,1,33,1,77,1,1,2,3 -1012,0,1423,0,1300,1,1,5,,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,4,2,2,2,3,,,4,4,1,124,1,38,1,145,1,2,2,2 -1013,0,2019,0,2000,1,1,50,,3,2,,2,2,2,2,2,2,4,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,4,,1,2,2,2,2,2,,,2,2,1,146,1,23,1,106,1,1,2,3 -1014,0,1529,0,1330,1,1,40.6,1,3,2,,2,2,2,2,2,1,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,18,1,74,1,1,2,2 -1015,0,1910,0,1810,1,1,13,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,119,1,28,1,146,2,1,2,2 -1016,0,1055,0,0930,1,1,36,2,2,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,4,,,2,2,1,110,1,20,1,88,3,1,3,2 -1017,0,2040,0,2020,1,1,56,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,2,1: < 3 ft.,,,,,,,2,,1,1,4,,2,2,2,2,2,1,2,2,2,3,1,104,1,20,1,84,2,1,2,2 -1018,0,1800,0,1300,1,1,44.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,106,1,22,1,64,1,1,2,3 -1019,0,1537,0,1500,1,1,15,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,24,1,129,1,1,2,2 -1020,0,1100,0,,2,1,20,4,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,5,,,,lap and shoulder harness,1,,2,,1,1,1,2,1,2,2,2,,,2,2,1,113,1,38,1,148,2,2,2,3 -1021,0,1530,0,1430,1,1,16,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,2,1,132,1,24,1,133,2,2,2,2 -1022,0,1947,0,,2,1,22,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,2,,1,2,2,2,3,2,,,2,3,1,118,1,24,1,103,2,1,3,3 -1023,0,2010,0,,2,1,40,3,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,2,2,2,2,1,2,3,2,2,1,120,1,24,1,107,4,4,2,3 -1024,0,1400,-1,1800,1,1,60,1,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,3,1,2,2,5,,,,,2,,,5,,2,,1,1,2,2,2,2,2,1,1,3,2,3,1,126,1,18,1,78,2,1,2,2 -1025,0,1817,0,1800,1,1,36,2,8,1,1,1,2,1,1,2,3,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,1,4,4: Speed Unknown,,,3,,,,4,,1,2,1,3,1,1,2,2,1,2,,,2,2,1,140,1,24,1,104,3,2,1,3 -1026,0,2300,0,1100,1,1,38.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,5,,,,,1,,,5,,2,,1,1,2,2,2,2,2,1,3,2,2,3,1,116,1,20,1,100,2,1,2,2 -1027,0,0835,0,,2,1,90,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,132,1,18,1,65,2,1,2,2 -1028,0,1750,0,1707,1,1,12,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,3,,,2,2,1,104,1,24,1,113,3,1,2,2 -1029,0,1826,0,1700,1,1,25,1,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,117,1,20,1,129,1,1,2,2 -1030,0,1945,0,1815,1,1,75,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,1,14,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,1,1,1,2,2,2,3,2,,,2,3,1,130,1,18,1,80,1,1,2,3 -1031,0,1725,0,1700,1,1,52,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,125,1,24,1,91,1,1,2,2 -1032,0,2018,0,,2,1,140,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,140,1,20,1,88,1,1,1,2 -1033,0,1758,0,1700,1,1,50,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell while playing softball,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,24,1,95,1,1,2,2 -1034,0,1640,0,1155,1,1,23,4,3,1,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,3,1,2,2,,,2,2,1,125,1,20,1,128,2,2,2,3 -1035,0,1530,0,,2,1,70,4,2,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,1,1,1,1,2,2,2,2,1,3,1,2,2,1,160,1,10,1,79,4,3,2,3 -1036,0,0149,-1,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Football, tackled",,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,129,1,18,1,78,1,1,1,3 -1037,0,1731,0,1630,1,1,53,1,1,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,3,2,,,2,3,1,130,1,16,1,81,1,1,2,2 -1038,0,1952,0,1000,1,1,60,4,8,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,2,1,2,3,2,2,2,,,2,2,1,133,1,24,1,100,2,2,2,3 -1039,0,2019,0,1845,1,1,70,1,3,1,1,1,1,2,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,3,1,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,2,2,2,4,2,,,2,2,1,102,1,32,1,100,4,2,2,3 -1040,0,2312,0,1900,1,1,22,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,3,1,2,,,2,3,1,116,1,23,1,103,1,1,2,3 -1041,0,1128,0,1100,1,1,70,4,2,1,1,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,127,1,16,1,71,4,1,2,3 -1042,0,2244,0,1850,1,1,55,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,91,1,26,1,100,1,1,2,3 -1043,0,1715,0,,2,1,100,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,1,2,2,1,151,1,20,1,100,2,1,2,2 -1044,0,1702,0,1630,1,1,100,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,144,1,22,1,119,2,1,2,3 -1045,0,1913,0,1840,1,1,53,3,3,1,1,1,2,2,1,1,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,128,1,17,1,93,2,2,1,3 -1046,0,1300,0,,2,1,,,3,1,4,1,1,2,2,2,1,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,1,2,2,2,2,,,2,3,1,112,4,,1,96,2,1,2,2 -1047,0,1718,0,1630,1,1,36,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,4,2,2,2,9,,,,,,Football-head to head helmet injury,,9,2,2,,2,,2,2,2,3,2,1,1,2,2,3,1,125,1,20,1,84,1,1,1,2 -1048,0,1934,0,1730,1,1,11.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,3,3,,,2,2,1,106,1,40,1,120,1,1,1,2 -1049,0,1848,0,1748,1,1,22,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,3,1,1,1,2,2,1,112,1,28,1,132,1,1,2,3 -1050,0,2143,0,2043,1,1,60,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,107,1,20,1,109,1,1,2,2 -1051,0,0800,0,0730,1,1,10,3,3,1,1,2,2,2,2,2,3,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,3,1,5: Physician did not answer,4,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,92,1,24,1,169,2,2,2,3 -1052,0,1847,0,1830,1,1,15.4,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,24,1,100,1,1,2,2 -1053,0,1958,0,,2,1,51.8,,8,2,,1,1,4,2,2,2,2,2,2,1,1,1,1,1,1,1,15,,2,1,3,2,1,1,2,9,,,,,,people fell on her in a cheerleader pyrimid,,7,2,2,,1,1,1,2,2,2,2,1,3,2,2,3,1,116,1,10,1,94,3,1,2,3 -1054,0,0950,0,0930,1,1,6,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,1,1,2,,1,2,2,2,2,2,,,2,3,1,90,1,24,1,124,1,1,2,3 -1055,0,1711,0,0945,1,1,66.6,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Assault,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,146,1,22,1,56,1,1,2,2 -1056,0,1800,0,1715,1,1,42,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,1,1,2,2,2,2,2,2,2,,,2,2,1,136,1,28,1,102,2,1,2,2 -1057,0,0228,-1,2200,1,1,48.8,1,3,2,,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,109,1,18,1,72,1,1,2,2 -1058,0,1752,0,,2,1,70,4,1,1,1,1,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,4,4,1,138,1,18,1,86,1,1,3,2 -1059,0,1900,0,,2,1,32.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,20,1,122,1,1,2,2 -1060,0,1715,0,1700,1,1,20,2,8,1,2,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,128,1,30,1,111,1,1,1,2 -1061,0,1530,0,1430,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,3,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,4,1,138,1,51,1,110,2,1,2,3 -1062,0,1940,0,1840,1,1,79,2,2,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,kicked in flank,,7,2,2,,1,1,2,2,2,4,2,1,1,2,2,3,1,122,1,16,1,94,3,2,1,2 -1063,0,1938,0,,2,1,77.3,,9,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,"tackled playing football, neck pain, difficulty breathing",,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,24,1,105,1,1,2,2 -1064,0,1714,0,,2,1,90,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,3: > 15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,20,1,80,1,1,2,2 -1065,0,1900,0,1730,1,1,58,2,3,1,1,1,2,1,2,2,1,1,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,2,2,2,3,1,2,2,2,2,1,137,1,20,1,111,3,3,2,3 -1066,0,0901,0,0831,1,1,10,4,3,3,,4,4,4,4,4,3,3,4,4,3,3,3,3,1,1,1,15,,1,4,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,3,4,4,4,,,4,4,1,98,1,26,1,107,1,1,3,2 -1067,0,1900,0,1845,1,1,22,2,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,4,,2,2,2,2,2,2,,,2,3,1,106,1,20,1,124,2,1,2,2 -1068,0,1415,0,1345,1,1,63.5,4,1,3,,4,4,4,4,4,2,2,2,2,3,3,3,3,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,1,1,2,2,2,2,2,2,,,2,3,1,103,1,20,1,67,2,1,2,2 -1069,0,1917,0,,2,1,99.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,3,2,1,1,3,2,3,1,132,1,18,1,104,1,1,2,2 -1070,0,,0,1830,1,2,65,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,3,2,,2,2,2,2,2,2,,,2,3,1,113,1,18,1,100,1,1,2,2 -1071,0,1945,0,1915,1,1,37,2,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,141,1,30,1,98,1,1,2,3 -1072,0,1200,0,1100,1,1,17,1,1,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,5,,,,,3,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,124,1,24,1,144,1,1,2,2 -1073,0,2052,0,2000,1,1,73.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,137,1,20,1,72,1,1,2,3 -1074,0,0838,0,0800,1,1,59,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,3,,,5,,2,,1,1,2,2,2,2,2,1,1,2,2,2,1,133,1,18,1,50,1,1,2,2 -1075,0,1215,0,1145,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,3,2,3,2,,,2,2,1,129,1,18,1,78,1,1,2,3 -1076,0,1829,0,1800,1,1,25,4,3,2,,2,2,2,2,2,2,3,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,4,,,,4,,2,,1,3,1,2,2,2,3,2,,,2,3,1,107,1,40,1,108,3,2,1,3 -1077,0,1930,0,1740,1,1,15,3,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,2,2,13,,2,3,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,4,3,2,,,2,3,1,117,1,22,1,160,1,1,2,3 -1078,0,1858,0,,2,1,65,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,147,1,20,1,100,1,1,2,3 -1079,0,2044,0,2030,1,1,81.8,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,161,1,20,1,104,2,1,2,2 -1080,0,0100,-1,2200,1,1,12,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,98,1,24,1,122,3,1,2,3 -1081,0,1500,0,,2,1,18.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,1,1,2,,1,2,2,2,2,2,,,2,2,1,104,1,22,1,109,2,1,2,3 -1082,0,1857,0,1800,1,1,55,4,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,18,1,88,1,1,3,3 -1083,0,1115,0,1030,1,1,24.2,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,16,1,100,1,1,2,2 -1084,0,2045,0,,2,1,9,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,4,,1,2,2,2,3,2,,,2,2,1,85,1,46,1,146,2,2,2,3 -1085,0,1533,0,1459,1,1,15,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,2,1,2,2,2,2,,,2,3,1,129,1,24,1,117,1,1,2,2 -1086,0,1737,0,1330,1,1,48.9,1,3,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,4,4,1,116,1,16,1,85,1,1,2,2 -1087,0,2024,0,,2,1,33,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,4,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,1,2,1,2,2,2,2,1,1,6,4,4,1,124,1,18,1,83,2,1,1,3 -1088,0,1714,0,,2,1,40,4,3,1,1,1,1,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,1,2,5,,,,,2,,struck tree,5,,2,,1,1,1,2,2,2,2,1,2,6,1,3,1,108,1,24,1,105,2,1,2,3 -1089,0,1427,0,1345,1,1,17.6,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,Dresser fell on patient's back when she was climbing on,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,22,1,109,1,1,2,2 -1090,0,2044,0,1930,1,1,51.8,1,2,2,,2,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,127,1,20,1,84,1,1,1,2 -1091,0,1720,0,1530,1,1,32,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,110,1,20,1,116,2,1,2,2 -1092,0,1913,0,,2,1,13,3,3,1,1,2,2,2,2,1,2,2,2,3,2,2,2,2,,,,,15,1,2,,,2,2,2,9,,,,,,Brother jumped on belly,,7,2,2,,1,3,1,2,2,2,2,2,,,2,2,1,118,1,29,1,119,3,3,2,3 -1093,0,2303,0,2100,1,1,8,3,8,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,2,2,13,,1,3,,,1,2,1,9,,,,,,Suspect NAT,,7,2,2,,1,1,1,1,2,2,2,2,,,2,2,1,87,1,34,1,197,2,1,1,3 -1094,0,1512,0,,2,1,48.9,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,"pt pushed down, fell onto R arm and abdomen",,2,2,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,130,1,16,1,76,1,1,2,2 -1095,0,1128,0,1100,1,1,12,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,3,2,,,2,2,1,115,1,24,1,139,1,1,3,3 -1096,0,2024,0,1800,1,1,42.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,elbow to RUQ during soccer game,7,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,115,1,24,1,79,2,1,2,2 -1097,0,1935,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,3,2,2,3,1,127,1,18,1,86,3,2,2,2 -1098,0,0219,-1,1150,1,1,22,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,1,1,1,1,2,2,2,4,1,2,4,2,2,1,109,1,20,1,111,5,2,2,3 -1099,0,1608,0,1530,1,1,65,4,3,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,1,2,2,2,1,2,3,2,3,1,138,1,20,1,104,1,1,2,2 -1100,0,0100,-1,1800,1,1,14,4,8,2,,3,3,3,2,2,3,3,2,3,1,2,2,2,4,5,6,3,,2,3,,,2,3,3,1,3: > 40 mph,1,4,,,,,1,,2,,1,1,1,1,1,3,3,3,,,3,2,1,82,1,22,1,82,5,4,2,3 -1101,0,1202,0,1130,1,1,20,4,1,1,1,3,2,2,2,2,2,3,3,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,3,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,3,,,2,3,1,139,1,36,1,157,3,2,2,2 -1102,0,1412,0,1324,1,1,35,4,8,1,2,3,3,3,2,2,3,3,2,1,1,2,2,2,4,5,6,3,,2,3,,,3,3,3,4,4: Speed Unknown,,,3,,,,4,,2,,1,3,1,2,2,2,3,3,,,3,2,1,110,2,,1,120,5,5,2,3 -1103,0,1314,0,,2,1,21.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,99,1,26,1,102,1,1,2,3 -1104,0,1553,0,1500,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,1,3,1,2,2,3,2,2,,,2,2,1,128,1,16,1,93,4,2,1,3 -1105,0,2129,0,,2,1,49.9,4,4,1,1,3,3,3,2,2,3,3,2,1,1,1,1,2,4,4,4,6,,2,3,,,2,3,1,4,3: > 20 mph,,,1,,,,4,,1,2,1,2,1,2,2,2,3,3,,,3,2,1,144,1,18,1,124,3,2,2,3 -1106,0,1530,0,1500,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,6,,,,,,,,6,,2,,1,1,2,2,2,2,2,1,2,3,2,2,1,101,1,18,1,83,2,2,2,2 -1107,0,1110,-1,,2,1,32.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Kicked by another child,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,104,1,20,1,100,6,6,3,2 -1108,0,1845,0,1600,1,1,28,3,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,hockey puck,7,,2,,1,2,1,2,2,2,2,2,,,2,3,1,110,1,27,1,94,3,1,1,3 -1109,0,1548,0,1500,1,1,45,4,1,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,5,4,,2,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,1,2,1,1,1,2,2,2,2,3,,,3,2,1,133,1,17,1,60,2,1,2,3 -1110,0,1655,0,1545,1,1,75,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,1,3,4,4,1,3,1,2,2,1,96,1,18,1,76,4,3,2,3 -1111,0,1915,0,1630,1,1,60,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Head to head collision during football game with (+)LOC,,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,125,1,16,1,85,1,2,2,2 -1112,0,1638,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,1,1,4,2,2,1,126,1,20,1,112,2,1,2,3 -1113,0,1816,0,1620,1,1,59.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,18,1,91,1,1,1,2 -1114,0,1400,0,1300,1,1,24,,11,1,2,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,2,,2,1,2,2,3,1,1,1,2,3,1,90,1,20,1,99,1,1,1,2 -1115,0,1946,0,1700,1,1,63,2,3,2,,1,1,2,2,2,1,2,1,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,119,1,20,1,84,1,1,2,2 -1116,0,2104,0,,2,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,5: Physician did not answer,3,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,128,1,20,1,105,2,1,2,3 -1117,0,1210,0,1030,1,1,,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,3,1,125,1,18,1,84,1,1,2,2 -1118,0,1900,0,1530,1,1,45,4,2,2,,2,2,2,2,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,5,,,,,3,,,5,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,149,1,16,1,65,2,1,2,2 -1119,0,1700,0,1600,1,1,45,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,128,1,26,1,98,1,1,2,3 -1120,0,0140,-1,1930,1,1,22,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,Fall from horse,2,,1,1,2,,1,2,2,2,2,2,,,2,2,1,86,1,20,1,98,1,1,2,3 -1121,0,0630,0,0530,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,1,1,2,1,14,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,124,1,24,1,114,3,2,2,3 -1122,0,1547,0,1530,1,1,12,4,11,2,,2,2,2,2,2,3,2,2,3,2,2,2,2,1,1,2,14,,1,3,,,2,3,3,3,2: 6-15,,,,,,,3,,2,,1,1,1,2,2,2,3,3,,,3,2,1,137,1,30,1,150,2,1,2,3 -1123,0,2032,0,,2,1,55,,8,2,,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,28,1,112,1,1,2,2 -1124,0,1804,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,102,1,24,1,89,1,1,2,2 -1125,0,2204,0,,2,1,25,,8,1,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,2,1,1,1,1,2,1,3,3,1,2,1,91,1,28,1,128,5,1,1,3 -1126,0,1856,0,,2,1,29.5,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,4: Unknown,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,18,1,103,1,1,2,2 -1127,0,1830,0,1700,1,1,53.8,1,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,skateboarding accident,,2,2,2,,2,,2,1,2,2,1,2,,,2,3,1,130,1,16,1,80,1,1,1,2 -1128,0,2120,0,2000,1,1,50,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,3,2,,,2,3,1,117,1,16,1,101,1,1,2,3 -1129,0,1647,0,1615,1,1,19,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,2,2,,,1,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,112,1,26,1,130,1,1,3,3 -1130,0,1748,0,1645,1,1,50,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,16,1,88,1,1,2,2 -1131,0,2350,0,2300,1,1,84,2,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,6,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,3,1,137,1,20,1,75,1,1,1,2 -1132,0,2300,0,2215,1,1,,,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,1,1,2,2,2,2,3,2,,,2,3,1,147,1,14,1,93,1,1,3,2 -1133,0,1546,0,1130,1,1,68.2,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,1,1,2,1,2,2,9,,,,,,"fell ice skating, headache, abdominal pain, vomiting",,2,2,2,,2,,2,2,2,2,2,1,1,4,2,2,1,118,1,16,1,63,1,1,2,2 -1134,0,0955,0,,2,1,,,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,2,,1,2,3,2,2,2,,,2,2,1,143,1,20,1,102,1,1,3,3 -1135,0,1435,-1,2300,1,1,49.1,1,3,2,,1,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,ran into chair to chest last pm @ 2300,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,107,1,16,1,78,1,1,2,2 -1136,0,1548,0,1510,1,1,,,3,1,4,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,2,1,2,2,2,2,,,2,3,1,122,1,23,1,84,6,6,3,2 -1137,0,2108,0,2000,1,1,20.9,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,110,1,22,1,96,2,1,2,2 -1138,0,1431,0,1400,1,1,11.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,24,1,96,1,1,2,2 -1139,0,2031,0,,2,1,70,,8,2,,2,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,2,2,2,2,1,2,1,2,2,1,129,1,29,1,94,3,2,2,3 -1140,0,2320,0,2130,1,1,65,4,4,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,1,2,1,2,1,2,2,2,2,2,,,2,3,1,137,1,22,1,95,1,1,2,3 -1141,0,2131,0,2050,1,1,61,4,8,1,3,1,1,2,1,1,1,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,1,1,4,3: > 20 mph,,,3,,,,4,,1,2,1,1,1,2,2,2,2,1,2,2,2,2,1,138,1,22,1,110,4,4,2,3 -1142,0,1005,0,0945,1,1,4.7,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,2,1,13,,1,3,,,2,2,1,3,2: 6-15,,,,,,rule out physical abuse,3,,2,,2,,1,2,2,2,2,2,,,2,2,1,101,1,32,1,160,2,1,2,3 -1143,0,1555,0,1200,1,1,23,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,105,1,20,1,80,1,1,2,2 -1144,0,0830,0,0800,1,1,,,8,2,,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,137,1,84,1,96,1,1,2,2 -1145,0,0938,-1,,2,1,10,,3,2,,2,2,2,2,2,4,4,2,2,1,1,1,2,4,5,4,5,,1,3,,,2,3,3,3,2: 6-15,,,,,,,3,,2,,1,3,1,1,2,4,2,3,,,3,3,1,92,1,20,1,156,3,2,2,3 -1146,0,1514,0,1400,1,1,15,1,2,1,2,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,3,3,9,,,,,,900-1000# locker fell on patient,,7,2,2,,1,3,1,2,2,1,2,2,,,2,3,1,112,1,40,1,120,3,2,2,3 -1147,0,1108,0,,2,1,9,1,2,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,3,2: 6-15,,,,,,,3,,2,,1,3,1,2,2,2,2,3,,,3,3,1,111,1,33,1,150,2,1,2,3 -1148,0,2210,0,1500,1,1,13,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,4,1: < 5 mph,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,103,1,28,1,117,1,1,2,3 -1149,0,0800,0,0600,1,1,60,4,1,1,3,1,3,3,1,1,2,2,2,1,2,2,1,2,1,1,1,15,,2,1,2,1,2,1,1,1,4: Speed Unknown,3,,,,,,1,,1,1,1,1,1,2,2,2,3,1,2,1,2,3,1,180,1,24,1,100,3,1,2,3 -1150,0,2044,0,1700,1,1,86.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fell (pushed) against concrete ledge,,2,2,2,,1,1,1,2,2,2,2,2,,,2,3,1,129,1,14,1,70,2,1,1,3 -1151,0,1918,0,1850,1,1,30,1,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,22,1,85,1,1,1,2 -1152,0,1434,0,1130,1,1,10.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,4,,3,,2,2,3,2,2,2,,,2,3,1,125,1,36,1,120,1,1,2,2 -1153,0,1150,-1,2100,1,1,19.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,5,,,,,1,,,5,,2,,1,2,1,2,2,3,2,1,1,1,2,3,1,98,1,24,1,79,3,2,2,3 -1154,0,1543,0,,2,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,1,2,1,1,2,2,1,2,,,2,2,1,90,1,17,1,157,1,1,2,3 -1155,0,1624,0,1430,1,1,55,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,20,1,77,1,1,2,2 -1156,0,0900,-1,2200,1,1,35,4,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,1,2,2,2,2,1,1,2,2,3,1,111,1,22,1,70,1,1,2,3 -1157,0,1000,0,1000,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,1,1,2,2,2,1,1,1,2,3,1,116,1,20,1,112,2,1,2,3 -1158,0,2000,0,1200,1,1,24.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,116,1,20,1,89,1,1,3,2 -1159,0,1200,0,1100,1,1,18.2,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,128,1,22,1,106,2,1,2,3 -1160,0,1615,0,1500,1,1,40,4,2,1,2,3,3,3,1,1,3,3,2,1,1,1,1,2,3,3,4,8,,2,3,,,2,3,3,4,3: > 20 mph,,,2,,,,4,,2,,1,2,1,1,2,1,2,3,,,3,2,1,130,2,,1,112,4,4,1,3 -1161,0,1653,0,1600,1,1,,,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,3,1,2,,,2,2,1,122,1,17,1,106,2,1,2,2 -1162,0,2006,0,1630,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,119,1,28,1,156,1,1,2,3 -1163,0,1916,0,1230,1,1,22,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,1,2,2,2,2,,,2,3,1,120,4,,1,115,1,1,2,2 -1164,0,1241,0,,2,1,90,2,3,1,4,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,9,,,,,,Snowboarding accident; landed on back,,2,2,2,,2,,1,2,3,2,2,2,,,2,3,1,126,1,16,1,63,1,1,1,3 -1165,0,1657,0,1620,1,1,75,4,8,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,2,1,113,1,16,1,91,2,1,2,3 -1166,0,1505,,,2,1,15.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,questionable assault bruising is obvious adult hand print,,9,2,2,,2,,2,1,2,2,2,2,,,2,2,1,92,1,20,1,141,1,1,2,2 -1167,0,1615,0,1600,1,1,48,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,3,3,2,2,1,116,1,22,1,105,2,1,2,2 -1168,0,1216,0,,2,1,8,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,82,1,30,1,134,1,1,2,3 -1169,0,0910,0,0850,1,1,90,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,140,1,20,1,94,1,1,2,2 -1170,0,1749,0,,2,1,70,4,3,2,,2,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,scooter accident,fell backwards,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,26,1,108,1,1,2,2 -1171,0,2135,0,2100,1,1,62.6,1,8,2,,2,1,2,2,2,1,2,2,1,2,2,2,1,2,1,1,14,,2,1,2,2,1,2,2,1,3: > 40 mph,3,,,,,,1,,2,,1,2,1,2,2,2,2,1,1,2,2,2,1,118,1,28,1,98,4,2,2,3 -1172,0,1230,0,1200,1,1,60,4,3,2,,2,2,2,2,2,1,1,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,3,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,109,1,18,1,84,2,1,2,3 -1173,0,1513,0,1330,1,1,55,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,sandwiched between 2 other players (kickball),,7,2,1,2,1,1,1,2,2,2,2,1,2,2,2,3,1,130,1,20,1,88,2,2,1,3 -1174,0,2300,0,2250,1,1,63.5,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,4,4: Speed Unknown,,,3,,,"patient struck by vehicle, but unsure where in body patient was struck",4,,2,,1,1,2,2,2,2,2,1,2,1,2,2,1,132,1,24,1,71,1,1,2,2 -1175,0,1650,0,1430,1,1,77,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,3,1,1,1,2,2,1,152,1,15,1,85,2,2,2,3 -1176,0,1420,-1,1600,1,1,56.3,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,1,1,2,,2,2,2,2,1,2,,,2,4,1,109,1,12,1,72,1,1,1,2 -1177,0,1115,0,0930,1,1,60,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,1,2,,2,2,2,2,2,2,,,2,2,1,130,1,14,1,90,1,1,2,2 -1178,0,2143,0,1900,1,1,36.8,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,1,1,2,,2,2,2,2,2,1,1,3,2,3,3,,1,22,1,110,1,1,2,2 -1179,0,1340,0,1310,1,1,8,4,3,2,,3,3,3,2,1,3,3,3,2,2,2,2,2,1,1,1,15,,1,3,,,2,1,3,9,,,,,,"Car had abrupt stop. Car seat not attached to car and patient flipped, cut to head.",,9,2,1,1,2,,2,2,2,2,2,2,,,2,3,1,109,1,35,1,180,1,1,2,2 -1180,0,0937,0,,2,1,25,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,1,1,1,1,2,2,1,120,1,20,1,90,1,1,3,2 -1181,0,2001,0,,2,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,3,2,,,2,3,1,141,1,22,1,115,3,1,1,3 -1182,0,1130,0,1100,1,1,27,1,3,1,2,2,4,1,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,3,,,,,,1,,2,,1,1,1,1,2,2,2,3,,,2,2,1,145,1,24,1,111,3,2,2,3 -1183,0,1815,0,1545,1,1,18,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,1,3,,,2,2,2,5,,,,,3,,,5,,2,,2,,1,2,3,2,2,2,,,2,3,1,114,1,16,1,60,1,1,2,3 -1184,0,,0,,2,2,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Assault,,7,2,2,,2,,2,2,2,2,3,2,,,2,2,1,122,1,24,1,66,1,1,2,2 -1185,0,1516,0,1430,1,1,100,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,2,3,2,3,1,150,1,20,1,106,4,3,2,2 -1186,0,1835,0,,2,1,55,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,16,1,116,1,1,2,2 -1187,0,1952,0,,2,1,31.8,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,20,1,102,1,1,2,2 -1188,0,0730,0,0330,1,1,70,4,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,1,1,2,2,3,1,131,1,18,1,134,1,1,2,3 -1189,0,1515,0,1445,1,1,50,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Football - Head vs Head, Head vs Ground",,9,2,2,,2,,1,2,2,2,2,2,,,2,2,1,115,1,14,1,67,1,1,2,3 -1190,0,2003,0,1700,1,1,26.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,5,,,,,3,,,5,,2,,1,1,2,2,2,2,1,1,1,1,2,3,1,96,1,28,1,116,2,1,2,2 -1191,0,2221,0,,2,1,20,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,121,1,23,1,89,1,1,1,2 -1192,0,2030,0,2000,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,1,2,2,2,2,,,2,2,1,115,1,18,1,98,1,1,2,2 -1193,0,1223,0,0745,1,1,65,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,6,,,,,,,,6,,2,,1,3,2,2,2,2,2,1,1,4,2,3,1,126,1,20,1,96,2,1,2,2 -1194,0,1154,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,20,1,87,1,1,1,2 -1195,0,1923,0,,2,1,25,4,3,2,,2,2,2,2,2,2,2,4,3,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,170,1,48,1,121,1,1,2,3 -1196,0,1633,0,,2,1,70,4,3,2,,3,3,3,1,2,3,3,2,3,1,1,1,2,4,5,6,3,,2,3,,,4,3,3,6,,,,,,,,6,,1,2,1,1,1,2,2,2,3,3,,,3,2,1,120,2,,1,149,3,2,2,3 -1197,0,1818,0,1730,1,1,61.2,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,130,1,18,1,65,2,2,2,2 -1198,0,1435,0,,2,1,48,4,2,2,,3,3,3,2,1,3,3,2,1,1,2,1,2,4,5,4,5,,2,3,,,3,3,1,6,,,,,,,,6,,1,2,1,2,1,2,2,2,2,3,,,2,2,1,143,1,14,1,80,3,2,2,3 -1199,0,1900,0,1430,1,1,36,2,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,2,2,1,122,1,20,1,122,2,2,3,2 -1200,0,1815,0,1615,1,1,68,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,20,1,100,2,1,2,2 -1201,0,1715,0,1700,1,1,30,4,1,2,,2,2,2,2,2,2,3,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,130,1,22,1,86,3,2,1,3 -1202,0,0815,0,0715,1,1,85,4,8,3,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,2,1,150,1,26,1,115,2,2,2,3 -1203,0,1850,0,1830,1,1,82,2,8,1,1,1,2,2,2,2,3,2,2,2,2,2,2,2,2,5,4,7,,2,1,2,1,2,1,2,9,,,,,,Lacrosse scrimmage w/ blow to chest,,7,2,2,,1,1,1,2,2,2,3,1,2,1,3,2,1,143,1,19,1,70,2,1,2,3 -1204,0,2048,0,2000,1,1,10.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,3,,2,2,2,2,2,1,1,2,2,2,2,,1,38,1,136,2,1,2,2 -1205,0,0444,0,0000,1,1,47,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,132,1,19,1,108,1,1,2,3 -1206,0,0920,-1,1100,1,1,59,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,87,1,20,1,100,2,1,3,3 -1207,0,2104,0,,2,1,61.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,2,,,5,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,134,1,16,1,82,4,6,2,2 -1208,0,0830,0,0730,1,1,98,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,138,1,14,1,95,1,1,2,2 -1209,0,1715,0,1605,1,1,48,1,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,3,1,128,1,18,1,88,2,1,2,3 -1210,0,1400,0,,2,1,40,1,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,collided on gym equipment with another child,,7,2,2,,1,3,2,2,2,2,2,1,2,2,2,3,1,110,1,32,1,83,2,1,2,2 -1211,0,1200,0,1100,1,1,48,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Fall 15-20 ft on motorbike, struck handlebars",,2,1,2,,2,,2,2,2,2,2,2,,,2,3,1,129,1,18,1,97,2,1,2,2 -1212,0,2312,0,2200,1,1,67,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,125,1,18,1,96,1,1,2,2 -1213,0,,0,,2,2,30,4,8,1,1,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,2,2,2,3,3,,,3,2,1,160,2,,1,140,3,3,2,3 -1214,0,2150,0,2030,1,1,84,2,3,3,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,4,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,2,2,2,2,2,2,1,1,2,2,3,1,110,1,18,1,62,1,1,2,2 -1215,0,1202,0,,2,1,38.5,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,20,1,80,1,1,2,2 -1216,0,1440,0,1400,1,1,15,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,1,2,2,,1,2,2,2,3,2,,,2,3,1,108,1,28,1,128,2,1,2,3 -1217,0,1820,0,1800,1,1,19,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,3,1,2,2,2,2,1,1,1,2,2,1,109,1,20,1,86,2,1,2,3 -1218,0,0429,0,,2,1,15,3,1,1,1,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,4,3,3,,,3,3,1,110,2,,1,119,4,3,1,3 -1219,0,0651,0,0430,1,1,40,4,8,1,4,2,2,2,2,2,2,2,2,1,1,2,1,2,3,2,2,11,,2,3,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,134,1,21,1,144,2,2,2,3 -1220,0,1600,0,1530,1,1,70,4,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,3,1,122,1,22,1,93,2,1,2,2 -1221,0,0948,0,0915,1,1,50,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,34,1,119,1,1,2,3 -1222,0,1855,0,1750,1,1,13,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,98,1,30,1,162,1,1,2,3 -1223,0,2100,0,2000,1,1,67,1,3,2,,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,129,1,18,1,76,1,1,2,2 -1224,0,1800,0,1400,1,1,20,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,2,13,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,1,2,2,1,2,,,2,2,1,137,1,30,1,114,1,1,2,3 -1225,0,1745,0,1715,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,119,3,,1,93,1,1,1,2 -1226,0,1859,0,1830,1,1,19.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,99,1,24,1,89,1,1,2,2 -1227,0,1838,0,1800,1,1,100,2,3,2,,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,116,1,18,1,88,2,1,1,2 -1228,0,1320,0,1245,1,1,36.4,2,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,4,2,11,,2,3,,,1,3,3,2,4: Unknown,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,3,1,137,1,18,1,80,1,1,2,3 -1229,0,1900,0,1830,1,1,65,4,1,1,4,1,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,1,7,2: Accidental,,,,,,,7,,1,2,1,2,1,2,2,2,3,1,2,2,2,3,1,149,1,18,1,83,3,2,1,3 -1230,0,1656,0,1545,1,1,62.7,2,3,1,1,1,2,2,1,2,2,2,2,1,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,3,1,2,2,2,3,2,,,2,2,1,94,1,24,1,98,4,4,2,3 -1231,0,1520,0,,2,1,60,4,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,3,2,,,2,3,1,124,1,24,1,96,1,1,2,2 -1232,0,0130,-1,1900,1,1,70,,1,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,131,1,20,1,101,2,1,1,3 -1233,0,1410,0,1400,1,1,54.5,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,136,1,22,1,107,2,1,1,2 -1234,0,2030,-1,,2,1,14.4,1,3,1,4,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,8,,,,,,,Possible NAT,8,,2,,1,2,1,2,2,1,2,1,3,1,1,3,1,119,1,24,1,110,2,2,1,3 -1235,0,1847,0,1745,1,1,15,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,1,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,20,1,122,1,1,1,2 -1236,0,1559,0,1530,1,1,22.6,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Slipped and fell on his back outside on the grass,,2,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,113,1,24,1,108,1,1,2,3 -1237,0,1618,0,,2,1,30,3,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,2,1,1,2,2,2,1,2,1,2,2,1,106,1,24,1,111,4,3,1,3 -1238,0,1421,0,1300,1,1,,,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,4,4,1,124,1,18,1,80,1,1,2,2 -1239,0,2305,0,2250,1,1,10,4,8,2,,3,3,3,2,1,3,3,2,3,1,1,1,2,4,5,3,6,,1,3,,,2,3,3,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,1,1,3,,,3,3,1,95,1,50,1,90,3,2,2,3 -1240,0,1926,0,1734,1,1,15,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,6,,,,,,,,6,,2,,1,3,2,2,2,2,3,2,,,2,2,1,123,1,36,1,141,1,1,2,2 -1241,0,2018,0,,2,1,35,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,1,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,40,1,130,1,1,2,3 -1242,0,0845,0,0730,1,1,43.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,111,1,16,1,72,1,1,1,3 -1243,0,1500,0,,2,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,3,2,2,2,2,2,2,,,2,3,1,112,1,19,1,88,2,1,1,2 -1244,0,1958,0,1900,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,1,2,1,1,1,1,1,2,3,1,2,1,2,2,1,110,1,32,1,162,1,1,2,3 -1245,0,1856,0,,2,1,60,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,146,1,23,1,76,1,1,2,3 -1246,0,1721,0,1645,1,1,25.9,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,116,1,16,1,98,1,1,2,3 -1247,0,1930,0,1835,1,1,18,3,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,1,1,2,,2,2,2,2,2,2,,,2,3,1,132,1,20,1,115,2,1,2,2 -1248,0,1938,0,1838,1,1,26.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,2,,,5,,2,,2,,2,1,2,2,2,1,1,3,2,3,1,115,1,21,1,78,1,1,2,2 -1249,0,2111,0,,2,1,60,2,8,2,,2,2,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,9,,,,,,Non-motorized scooter hit by SUV,,4,2,1,1,2,,1,1,2,2,2,1,1,4,2,2,1,125,1,20,1,82,3,2,2,3 -1250,0,1650,0,1330,1,1,39,2,3,2,,2,2,2,2,2,2,1,3,1,2,2,2,2,1,1,1,15,,2,1,2,2,3,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,1,2,2,3,1,2,3,2,2,1,107,1,15,1,99,2,2,2,3 -1251,0,1355,0,1255,1,1,50,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Struck by child on scooter,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,117,1,22,1,96,1,1,1,3 -1252,0,1616,0,1530,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,94,1,28,1,128,1,1,2,2 -1253,0,1004,0,0915,1,1,70,4,3,1,2,1,2,2,1,1,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,150,1,24,1,120,4,3,2,3 -1254,0,2240,0,,2,1,,,3,2,,2,2,2,2,2,1,2,1,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,1,1,1,3: > 40 mph,1,7,,,,,1,,1,2,1,1,2,4,2,2,2,1,2,2,2,2,1,118,1,18,1,76,2,1,2,2 -1255,0,1708,0,0800,1,1,27.3,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,22,1,77,1,1,2,2 -1256,0,2246,0,,2,1,,,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,12,1,72,1,1,2,2 -1257,0,2316,0,,2,1,45,,3,1,4,1,2,1,1,1,2,2,2,2,2,2,2,2,2,2,1,13,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,1,1,1,2,2,2,,,2,2,1,124,1,43,1,130,1,1,2,3 -1258,0,1835,0,1030,1,1,10,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,94,1,38,1,113,1,1,1,2 -1259,0,2019,0,,2,1,5,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,3,2,2,2,,,2,2,1,97,1,30,1,119,1,1,2,3 -1260,0,1818,0,1500,1,1,29.9,1,2,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,1,1,2,,2,2,2,2,2,1,1,2,2,2,1,115,1,22,1,60,2,1,1,2 -1261,0,1405,-1,1700,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,9,,,,,,Fall out of bathtub,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,97,1,44,1,148,1,1,2,3 -1262,0,2225,0,2030,1,1,,,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,115,1,32,1,102,1,1,2,3 -1263,0,1603,0,1445,1,1,70,4,4,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,1,1,1,15,,2,3,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,2,2,2,3,3,,,2,2,1,110,1,18,1,100,3,1,3,3 -1264,0,1800,0,,2,1,20.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,24,1,84,1,1,2,2 -1265,0,1948,0,1630,1,1,30,4,3,1,1,1,1,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,1,3,1,3,2,1,114,1,23,1,138,5,4,2,3 -1266,0,2050,0,1850,1,1,45,4,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Snowboarding fall,,2,2,1,2,2,,2,2,2,2,2,2,,,2,2,1,123,1,22,1,90,1,1,2,2 -1267,0,1926,0,1530,1,1,60,4,3,2,,2,2,2,2,2,2,2,4,1,2,2,1,2,3,3,2,10,,2,2,,,3,2,1,6,,,,,,,,6,,2,,1,1,1,1,2,2,3,2,,,2,2,1,141,1,32,1,140,1,1,1,3 -1268,0,1924,0,1900,1,1,75,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,4,2,2,1,115,1,22,1,86,2,2,2,2 -1269,0,2245,0,,2,1,60.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,121,1,22,1,108,1,1,1,2 -1270,0,0005,-1,1930,1,1,20.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,1,2,2,1,2,2,2,1,1,3,2,3,1,87,1,20,1,78,3,3,1,2 -1271,0,1920,0,1900,1,1,15,3,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,4,4,4,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,2,2,2,2,1,1,2,1,2,2,1,124,1,22,1,106,3,2,2,2 -1272,0,1900,0,1830,1,1,70,,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,3,2,9,,2,3,,,2,2,3,1,4: Speed Unknown,1,1,,,,,1,,4,,1,1,1,2,2,2,2,3,,,3,3,1,146,1,14,1,84,2,2,2,3 -1273,0,2045,0,,2,1,70,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,1,1,2,,1,2,2,2,3,2,,,2,2,1,135,1,20,1,98,2,1,2,3 -1274,0,2055,0,2000,1,1,80,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,4,,1,2,2,2,2,2,,,2,2,1,110,1,14,1,67,1,1,2,3 -1275,0,1855,0,1830,1,1,27,2,3,2,,2,1,2,2,1,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,3,1,2,2,1,2,1,1,2,2,2,1,110,1,32,1,120,3,3,2,3 -1276,0,2117,0,,2,1,22,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Fall from ATV 20 ft into river,,6,2,1,2,2,,1,2,2,2,2,2,,,2,2,1,107,1,18,1,94,1,1,2,3 -1277,0,1849,0,,2,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,2,2,2,3,1,1,1,2,2,1,105,1,19,1,84,2,2,2,3 -1278,0,1530,0,,2,1,11,,1,2,,3,3,3,2,2,3,3,3,2,2,2,2,2,1,1,,,15,1,3,,,1,3,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,3,3,,,3,3,1,123,1,40,1,138,1,1,2,2 -1279,0,1740,0,1715,1,1,80,4,1,2,,1,2,2,2,1,2,1,2,2,2,2,2,2,2,2,1,13,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,148,1,20,1,72,3,2,2,3 -1280,0,1755,0,,2,1,45,3,8,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,5,4,,2,3,,,2,3,3,9,,,,,,Golf cart crash,,6,2,2,,1,1,1,2,2,2,2,3,,,3,2,1,87,2,,1,150,3,2,1,3 -1281,0,1922,0,1430,1,1,27,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,2,2,,,1,2,2,9,,,,,,fall from scooter,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,101,1,22,1,90,2,1,2,3 -1282,0,1815,0,,2,1,,,3,1,1,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,7,1: Intentional,,,,,,,7,,2,,1,1,1,2,2,2,3,2,,,2,2,1,114,1,16,1,82,1,1,1,3 -1283,0,1425,0,,2,1,24,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,3,1,9,,,,,,sledding accident,,9,2,2,,2,,1,2,2,2,3,2,,,2,2,1,102,1,20,1,90,1,1,2,3 -1284,0,1800,0,,2,1,11.4,1,1,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,1,5,3,9,,3,3,,,2,3,3,1,4: Speed Unknown,1,4,,,,,1,,1,2,1,2,1,2,2,2,3,3,,,3,3,1,120,1,20,1,161,4,3,2,3 -1285,0,1958,0,,2,1,10.5,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,133,1,36,1,140,1,1,2,3 -1286,0,1817,0,1600,1,1,30,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,3,2,2,5,,,,,3,,,5,,2,,1,2,2,1,2,2,3,1,2,1,2,3,1,118,1,21,1,94,2,1,3,2 -1287,0,1915,-1,2030,1,1,46.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,95,1,20,1,76,1,1,2,2 -1288,0,1637,-1,1800,1,1,8.9,4,3,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,3,1,127,1,24,1,110,2,2,1,3 -1289,0,1555,0,1455,1,1,22,,3,1,1,3,3,3,1,1,3,3,2,2,1,2,2,2,4,5,2,7,,2,3,,,3,3,3,4,4: Speed Unknown,,,1,,,,4,,2,,1,2,1,1,2,1,2,3,,,3,2,1,107,1,32,1,139,5,4,2,3 -1290,0,1400,0,1345,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,98,1,24,1,112,1,1,2,2 -1291,0,1413,0,1330,1,1,30,2,3,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,20,1,96,1,1,1,2 -1292,0,0630,0,0545,1,1,10,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,4,,,2,4,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,3,3,1,135,1,30,1,140,1,1,3,2 -1293,0,1739,0,,2,1,,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,2,1,122,1,20,1,96,1,1,1,2 -1294,0,1955,0,1930,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,13,1,105,1,1,1,2 -1295,0,1059,0,,2,1,15.5,2,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,2,2,1,5: Physician did not answer,4,,,,,,1,,1,2,2,,1,2,2,2,3,2,,,2,3,1,98,1,20,1,79,2,1,2,3 -1296,0,1530,0,,2,1,30,1,3,1,1,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,2,,1,2,1,2,2,2,,,2,3,1,100,1,32,1,112,1,1,2,3 -1297,0,1724,0,1600,1,1,70,3,3,1,1,3,3,3,2,1,3,3,2,2,1,1,1,2,4,5,4,5,,2,2,,,2,3,3,9,,,,,,Riding lawn mower vs trailer,,6,2,1,2,1,2,1,2,2,2,3,3,,,3,3,1,111,2,,1,159,4,3,2,3 -1298,0,1910,0,1800,1,1,17.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,20,1,110,1,1,2,2 -1299,0,0714,0,0700,1,1,51,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,1,2,1,2,2,1,112,1,12,1,83,2,1,2,3 -1300,0,1618,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,126,1,16,1,80,1,1,2,3 -1301,0,1917,0,1830,1,1,10,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,3,3: > 15,,,,,,,3,,4,,4,,2,2,2,2,2,2,,,2,2,1,85,1,40,1,132,6,6,3,2 -1302,0,1525,-1,2100,1,1,55.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,"fell skiing, uncertain what struck abdomen",,2,2,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,110,1,24,1,88,3,1,2,2 -1303,0,1535,0,1500,1,1,52,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,28,1,104,2,2,2,3 -1304,0,1448,0,1000,1,1,7,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,96,1,36,1,140,1,1,2,3 -1305,0,1655,0,,2,1,,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,24,1,100,1,1,2,2 -1306,0,2210,0,,2,1,41,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,2,1,1,2,2,1,2,3,2,3,1,127,1,22,1,92,2,1,2,2 -1307,0,1500,0,1400,1,1,50,2,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,121,1,20,1,80,1,1,2,2 -1308,0,0015,-1,2250,1,1,72.6,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,140,1,18,1,103,2,1,1,3 -1309,0,2030,0,1930,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,3,2,,,2,3,1,126,1,20,1,108,3,1,2,3 -1310,0,2150,0,,2,1,100,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,122,1,18,1,86,1,1,2,3 -1311,0,2130,0,2000,1,1,32,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,3,6,,,,,,,"ATV, no helmet, 2nd rider, patient amnestic for event",6,,2,,1,1,1,2,2,2,2,1,4,2,2,2,1,100,1,20,1,86,3,1,2,3 -1312,0,1623,0,1200,1,1,63,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,117,1,30,1,90,1,1,2,3 -1313,0,2133,0,1900,1,1,44.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,5,,,,,3,,,5,,1,2,1,2,1,2,2,2,2,1,2,2,2,3,1,136,1,20,1,99,5,4,1,3 -1314,0,2100,0,2045,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,20,1,90,1,1,2,2 -1315,0,1900,0,1800,1,1,56,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,112,1,20,1,120,2,1,2,3 -1316,0,1326,0,1245,1,1,16,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,4,1: < 5 mph,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,132,1,21,1,93,1,1,2,3 -1317,0,1752,0,1210,1,1,24,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,6,,,,,,,,6,,1,1,2,,2,2,2,2,2,2,,,2,3,1,102,1,38,1,97,1,1,1,2 -1318,0,2110,0,2000,1,1,73.8,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,"Footbal, knee hit back",,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,102,1,18,1,96,1,1,2,2 -1319,0,0915,0,0820,1,1,38,1,3,2,,2,3,3,2,2,3,3,3,3,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,18,1,78,1,1,2,2 -1320,0,2121,0,1645,1,1,19.6,1,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,9,,,,,,Ran into volleyball pole,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,138,1,40,1,120,1,1,1,3 -1321,0,1710,0,1630,1,1,31.8,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,2,2,5,,,,,1,,,5,,2,,1,2,1,1,2,2,1,1,3,1,2,2,1,128,1,18,1,54,4,3,1,3 -1322,0,0032,0,,2,1,20,4,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,1,3: > 40 mph,1,5,,,,,1,,2,,1,3,1,3,2,1,3,3,,,3,2,1,118,1,20,1,150,4,4,2,3 -1323,0,,0,0200,1,2,28,1,2,1,4,1,1,4,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,4,,1,1,2,2,2,2,2,1,2,2,2,3,1,126,1,24,1,88,2,2,2,2 -1324,0,2017,0,,2,1,60,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"on hood of moving vehicle, brakes applied - she fell off",,9,1,2,,2,,1,2,2,4,2,2,,,2,2,1,105,1,20,1,116,1,1,2,3 -1325,0,1810,0,,2,1,65,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,131,1,36,1,104,1,1,2,2 -1326,0,1410,0,1410,1,1,70,,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,192,1,29,1,80,1,1,2,2 -1327,0,2145,0,1700,1,1,,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,2,,,,,,1,,2,,2,,1,1,2,2,2,2,,,2,2,1,151,1,37,1,90,1,1,2,3 -1328,0,2229,0,2200,1,1,30,2,8,2,,2,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,1,2,2,,1,1,2,2,2,1,2,1,2,2,1,115,1,18,1,113,1,1,2,3 -1329,0,0804,0,0730,1,1,70,2,3,2,,2,1,1,2,2,1,2,4,2,2,2,2,2,1,1,1,15,,2,1,2,4,2,2,2,9,,,,,,fall from standing,,2,2,2,,2,,2,2,2,2,3,1,1,2,2,3,1,139,1,16,1,98,1,1,2,2 -1330,0,1638,0,1615,1,1,35,4,3,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,1,2,2,2,1,2,1,2,2,1,125,1,25,1,114,3,1,2,3 -1331,0,1545,0,1500,1,1,35,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,3,1,120,1,40,1,99,1,1,2,3 -1332,0,1340,0,1300,1,1,,,2,1,1,2,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,2,,2,1,2,2,2,2,,,2,2,1,105,1,26,1,95,2,1,2,2 -1333,0,1125,0,1045,1,1,61,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,132,1,14,1,64,1,1,2,2 -1334,0,0815,0,0745,1,1,72,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,142,1,41,1,101,2,1,2,2 -1335,0,1606,0,1545,1,1,100,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,133,1,15,1,100,1,1,2,2 -1336,0,0930,0,0830,1,1,11,3,1,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,2,2: 3 - 10 ft.,,,,,,Possible NAT,2,,2,,1,1,1,2,2,2,3,3,,,3,3,1,60,2,,1,140,2,2,2,3 -1337,0,1338,0,1300,1,1,45,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,20,1,86,1,1,2,2 -1338,0,1821,0,,2,1,70,1,3,1,1,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,4,1,2,2,9,,,,,,abdomen struck during soccer game,,7,2,2,,1,2,1,2,2,2,2,1,2,1,2,2,1,161,1,16,1,86,5,5,2,3 -1339,0,0907,0,0730,1,1,38.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,1,2,,2,2,2,2,2,1,1,2,2,3,1,139,1,24,1,115,1,1,2,2 -1340,0,1021,-1,1500,1,1,35.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,3,2,2,1,1,4,2,3,1,106,1,20,1,73,1,1,2,2 -1341,0,0700,0,0630,1,1,8.5,1,2,2,,2,2,2,2,3,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,93,1,28,1,136,2,6,3,2 -1342,0,1830,0,,2,1,10,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,1,3,,,1,3,2,9,,,,,,Mother fell while carrying patient,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,111,1,34,1,146,1,1,2,3 -1343,0,0041,-1,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,20,1,98,1,1,2,2 -1344,0,2008,0,1900,1,1,61,1,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,1,1,3,2,2,2,2,9,,,,,,fall from standing,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,20,1,83,1,1,2,2 -1345,0,1612,0,,2,1,,,9,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,2,1,1,2,2,2,,,2,3,1,109,1,24,1,97,1,1,2,2 -1346,0,1812,0,1440,1,1,12,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,92,1,30,1,80,2,1,3,3 -1347,0,1030,0,0950,1,1,20.5,,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,1,,,,4,,4,,4,,1,1,2,2,2,1,1,2,2,2,1,104,1,22,1,76,2,1,2,3 -1348,0,2006,0,,2,1,60,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Skiing downhill,,2,2,2,,2,,2,1,2,2,2,2,,,2,2,1,112,1,16,1,104,2,1,2,2 -1349,0,1737,0,1700,1,1,30,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,2,,,,,1,,1,2,2,,2,2,2,2,2,1,1,3,2,3,1,103,1,18,1,71,1,1,2,2 -1350,0,0858,0,0800,1,1,50,4,3,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,16,1,82,1,1,2,2 -1351,0,2230,0,2200,1,1,,,1,1,4,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,113,1,16,1,80,1,1,2,2 -1352,0,1640,0,1620,1,1,58,1,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,3,2,1,1,3,9,,,,,,fell sledding,,2,2,2,,1,3,1,2,2,2,2,1,3,2,1,3,1,140,1,22,1,86,4,4,2,3 -1353,0,1530,0,,2,1,45,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,140,1,14,1,112,1,1,2,2 -1354,0,2130,0,2030,1,1,49,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,6,,,,,,,moped accident/lost control,6,,2,,2,,1,2,3,2,2,2,,,2,3,1,128,1,22,1,106,1,1,2,3 -1355,0,1833,0,,2,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,"wrestling, had ""whiplash"" movement to his back",,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,125,1,30,1,120,1,1,2,3 -1356,0,1400,0,1200,1,1,13,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,88,1,24,1,97,1,1,2,3 -1357,0,1704,0,,2,1,39,3,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Snowboarding accident,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,102,1,24,1,94,3,1,2,2 -1358,0,2249,0,1900,1,1,25,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,109,1,18,1,69,1,1,2,2 -1359,0,2044,0,,2,1,36,3,3,1,4,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,2,2,,,1,2,1,6,,,,,,,,6,,2,,1,3,1,2,2,2,4,2,,,2,2,1,119,1,16,1,86,3,2,2,3 -1360,0,1644,0,1500,1,1,55.4,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,assault - punched stomach/back,,7,2,2,,3,,1,2,2,2,2,1,1,1,2,3,1,134,1,14,1,80,2,2,2,3 -1361,0,1626,0,,2,1,,,3,2,,2,3,3,4,4,2,1,2,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,4,9,,,,,,Snowboard Injury,,2,2,4,,1,3,2,1,3,2,3,2,,,2,4,1,104,1,12,1,88,6,6,3,2 -1362,0,1520,0,0730,1,1,30,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,20,1,78,1,1,2,2 -1363,0,1330,0,1300,1,1,15,4,3,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,1,1,1,1,1,2,3,1,2,1,2,2,1,122,1,28,1,140,5,3,2,3 -1364,0,2052,0,,2,1,57.5,1,2,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"When playing football, tried to dive to catch a ball and fell to left side.",,7,2,2,,1,1,2,2,2,2,2,2,,,2,3,1,102,1,16,1,69,2,2,2,2 -1365,0,1810,0,1715,1,1,42,1,4,2,,1,2,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,2,2,1,2,2,2,1,1,3,2,3,1,118,1,14,1,103,1,1,1,2 -1366,0,2320,0,1500,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,4,1,1,3,2,3,1,124,1,20,1,96,2,2,1,2 -1367,0,1630,0,1550,1,1,,,3,1,4,3,3,3,2,2,3,2,2,3,2,2,2,2,1,2,1,14,,1,3,,,1,3,3,4,1: < 5 mph,,,1,,,Tire reportedly went onto thigh but did not go entirely over,4,,2,,1,1,2,1,2,2,2,1,2,5,3,3,1,124,1,42,1,182,2,1,2,2 -1368,0,2210,0,2030,1,1,41.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,5,,,,,2,,,5,,2,,3,,2,2,2,2,2,2,,,2,2,1,120,1,23,1,87,1,1,3,2 -1369,0,2151,0,2100,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,130,1,14,1,65,1,1,2,3 -1370,0,1725,0,,2,1,77,4,8,1,1,2,2,2,2,2,2,1,2,1,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,9,,,,,,"Fell through glass table, assault, unknown if struck abdomen",,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,162,1,18,1,97,1,1,2,3 -1371,0,0005,-1,1900,1,1,71.7,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,3,9,,,,,,head struck while diving into pool,,9,2,1,1,2,,2,2,2,2,1,2,,,2,2,1,153,1,19,1,110,1,1,2,2 -1372,0,1631,0,1601,1,1,66.5,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,139,1,16,1,85,1,1,3,2 -1373,0,0730,0,,2,1,96,1,11,2,,2,2,2,2,2,2,1,1,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,3,1,105,1,20,1,70,3,1,3,3 -1374,0,1700,0,1554,1,1,75.3,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,brother picked patient up and dropped 5 ft onto floor,,7,2,2,,2,,1,2,2,2,3,2,,,2,2,1,121,1,20,1,85,1,1,2,3 -1375,0,0045,-1,1530,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,137,1,11,1,70,1,1,2,3 -1376,0,0003,0,0000,1,1,7,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,3,1,109,1,56,1,159,2,2,2,3 -1377,0,0138,0,0047,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,2,,2,2,2,2,1,2,,,2,2,1,123,1,18,1,95,2,2,1,2 -1378,0,1547,0,1200,1,1,15.6,1,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,2,,,2,3,1,100,1,24,1,96,1,1,1,2 -1379,0,1620,0,1530,1,1,18,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,4,,4,,1,1,2,2,2,2,,,2,2,1,97,1,20,1,110,6,6,3,3 -1380,0,2100,0,0200,1,1,78.5,1,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,109,1,28,1,91,2,1,2,2 -1381,0,1445,0,1100,1,1,15,3,3,2,,2,2,2,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,6,,,,,,,,6,,1,1,2,,1,2,2,2,2,2,,,2,2,1,121,1,30,1,176,1,1,1,3 -1382,0,0400,0,0200,1,1,64,2,1,2,,2,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,3,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,1,2,2,2,2,1,133,1,18,1,111,3,1,2,3 -1383,0,1347,0,,2,1,,,8,2,,1,2,2,2,2,2,4,4,4,2,2,2,2,1,1,1,15,,3,1,2,2,2,2,1,10,,,,,,,,10,,2,,1,1,2,2,2,2,2,1,2,2,2,2,1,140,1,24,1,108,2,1,3,2 -1384,0,1400,0,1300,1,1,55,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,1,,,5,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,103,1,18,1,80,2,1,2,2 -1385,0,1515,0,,2,1,27.7,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,3,2,2,2,9,,,,,,Snowboarding,,2,2,2,,1,3,1,2,2,2,2,1,2,2,2,3,1,132,1,16,1,94,1,1,2,3 -1386,0,2030,0,1800,1,1,115,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,Elbow vs abdomen,7,,2,,2,,2,2,2,2,2,1,2,1,2,3,1,118,1,22,1,98,1,1,2,2 -1387,0,1434,0,1000,1,1,33.2,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,3,2,2,2,,,2,3,1,139,1,24,1,121,1,1,3,2 -1388,0,1500,0,1430,1,1,45,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,4,3,,4,,3,,1,1,2,2 -1389,0,1924,0,1900,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,24,1,86,1,1,2,2 -1390,0,2156,0,1956,1,1,79,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,16,1,64,1,1,2,2 -1391,0,2052,0,2020,1,1,60,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,131,1,29,1,101,2,1,1,2 -1392,0,1250,0,1100,1,1,78.7,1,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,assault,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,139,1,22,1,104,1,1,1,2 -1393,0,1715,0,1630,1,1,10,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,3,1,92,1,24,1,130,1,1,2,3 -1394,0,1900,0,1830,1,1,45,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,141,1,21,1,75,1,1,2,3 -1395,0,1536,0,1030,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,4,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,127,1,20,1,110,1,1,3,3 -1396,0,1555,0,1445,1,1,51,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,1,2,,,2,3,1,114,1,22,1,99,1,1,2,2 -1397,0,2030,0,1937,1,1,70,4,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,169,1,14,1,100,1,1,2,2 -1398,0,0015,-1,2300,1,1,70,4,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,9,,,,,,Run over by ATV,,4,2,2,,1,3,2,1,2,2,3,1,2,1,3,3,1,124,1,16,1,89,3,2,2,2 -1399,0,1011,0,0915,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,3,2,2,2,,,2,3,1,115,1,46,1,160,1,1,1,2 -1400,0,2300,0,2200,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,2,1,1,2,2,2,,,2,3,1,96,1,20,1,100,2,1,2,2 -1401,0,1900,0,1830,1,1,,,1,1,4,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,3,1,126,1,16,1,103,1,1,2,2 -1402,0,2218,0,,2,1,66,1,3,1,1,1,2,2,1,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,fell onto bike while playing b-ball,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,125,1,26,1,69,1,1,2,3 -1403,0,2202,0,2120,1,1,70,4,1,1,4,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,3,1,155,1,18,1,110,2,1,2,3 -1404,0,2049,0,1500,1,1,63.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,16,1,120,1,1,1,2 -1405,0,2155,0,1500,1,1,55,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,5,,,,,4,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,148,1,31,1,92,6,1,1,3 -1406,0,1750,0,1230,1,1,47,1,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,114,1,20,1,83,1,1,1,2 -1407,0,1549,0,,2,1,108,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,139,1,19,1,66,3,2,2,3 -1408,0,2043,0,1930,1,1,56.8,,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,1,1,2,3,2,3,1,117,1,22,1,88,1,1,2,2 -1409,0,1927,0,1830,1,1,27,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,3,2,,,2,3,1,142,1,26,1,111,1,1,2,2 -1410,0,2202,0,1945,1,1,39,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,108,1,22,1,68,2,1,2,2 -1411,0,1200,-1,,2,1,60,2,2,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,wrestling match,7,,1,2,2,,2,2,2,2,2,2,,,2,2,1,122,1,20,1,68,1,1,2,2 -1412,0,2329,0,,2,1,22.7,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,4,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,113,1,24,1,100,1,1,2,3 -1413,0,1750,0,1630,1,1,8,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,4,,,,car seat came loose,1,,2,,1,1,2,2,2,2,3,2,,,2,3,1,124,1,50,1,155,2,1,2,2 -1414,0,1440,0,1403,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,115,1,34,1,90,2,1,2,3 -1415,0,1000,-1,1800,1,1,26,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,5,,,,,1,,,5,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,105,1,20,1,91,2,1,2,2 -1416,0,1530,0,1430,1,1,70,4,4,2,,3,3,3,2,2,2,2,2,1,1,1,1,3,4,5,6,3,,2,3,,,2,2,1,1,3: > 40 mph,3,,,,,,1,,1,2,1,3,1,2,2,2,2,3,,,2,2,1,135,1,12,1,95,2,1,2,3 -1417,0,0420,0,0345,1,1,60,4,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,2,2,2,2,3,1,1,2,2,3,1,132,1,18,1,93,3,1,2,2 -1418,0,1410,0,1300,1,1,16,3,1,1,2,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,1,3,3,9,,,,,,crush injury torso trapped between 2 vehicles,,7,2,1,2,1,3,1,2,2,1,3,1,2,1,2,2,1,85,1,14,1,143,5,4,2,3 -1419,0,1243,0,0943,1,1,46.9,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,4,2,3,1,108,1,22,1,91,1,1,2,2 -1420,0,1500,0,,2,1,23.6,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,2,2,2,2,2,2,1,1,4,2,2,1,126,1,20,1,109,2,1,2,2 -1421,0,1300,0,1200,1,1,30,4,8,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,4,2,2,,,2,2,1,116,1,30,1,100,1,1,3,2 -1422,0,2119,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,146,1,15,1,97,1,1,2,2 -1423,0,2250,0,2115,1,1,5,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,114,1,40,1,130,1,1,2,3 -1424,0,2252,0,2200,1,1,59,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,106,1,20,1,84,1,1,2,3 -1425,0,1651,0,,2,1,17.5,,3,2,,4,4,4,4,4,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,3,,,,,,1,,4,,1,1,1,2,2,2,2,1,2,1,3,2,1,133,1,50,1,110,4,3,2,3 -1426,0,2030,0,1945,1,1,16,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,1,1,1,1,2,2,2,1,2,4,2,2,1,121,1,32,1,108,1,1,1,3 -1427,0,1644,0,,2,1,114,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,4,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,1,3,1,1,2,2,2,1,2,1,2,2,1,106,1,21,1,99,3,3,2,3 -1428,0,1130,0,1100,1,1,22,4,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,2,1,106,1,20,1,85,1,1,2,2 -1429,0,1324,0,1250,1,1,24,1,1,1,2,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,1,1,1,2,2,2,1,1,1,1,2,2,1,129,1,24,1,105,1,1,2,3 -1430,0,1000,0,0945,1,1,60,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,136,1,21,1,108,2,2,2,2 -1431,0,2201,0,2100,1,1,32,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,1,2,,,2,3,1,111,1,33,1,103,1,1,2,3 -1432,0,2015,0,1700,1,1,57,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,4,2,1,3,2,2,3,1,122,1,20,1,75,1,1,2,2 -1433,0,1409,0,,2,1,7,1,3,2,,4,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,3,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,3,3,,,3,3,1,105,1,44,1,124,1,1,2,2 -1434,0,2007,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,2,,1,1,2,2,2,2,1,1,1,4,2,2,1,126,1,28,1,100,2,1,2,2 -1435,0,1154,0,1115,1,1,27.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,2,2,2,2,2,1,1,4,2,3,1,103,1,20,1,100,1,1,2,2 -1436,0,0959,0,0830,1,1,20,3,1,2,,3,3,3,2,2,3,3,2,3,1,2,2,2,4,5,3,6,,2,3,,,2,3,1,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,1,1,2,2,3,3,,,3,3,1,80,2,,1,168,3,2,2,3 -1437,0,1453,0,,2,1,6.4,1,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,4,4,4,9,,,,,,Nonaccidental trauma - assault,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,87,1,40,1,159,2,2,2,3 -1438,0,1407,0,1340,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,20,1,120,1,1,1,2 -1439,0,1250,0,,2,1,10,1,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,1,1,15,,1,3,,,3,3,3,9,,,,,,Possible IAI due to child abuse,,7,2,2,,2,,2,2,2,3,1,3,,,3,3,1,105,1,24,1,114,1,1,2,2 -1440,0,1840,0,1700,1,1,48,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,2,,,2,3,1,125,1,18,1,89,2,1,2,3 -1441,0,1315,0,1200,1,1,19,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,109,1,23,1,102,2,1,2,2 -1442,0,0455,-1,2230,1,1,70,4,3,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,3,1,115,1,15,1,67,2,2,2,3 -1443,0,1209,0,1030,1,1,,,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,132,1,16,1,72,1,1,2,2 -1444,0,2100,0,,2,1,38.2,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,118,1,24,1,112,1,1,2,3 -1445,0,1945,0,1900,1,1,34,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,120,1,20,1,118,2,1,2,2 -1446,0,0130,0,0100,1,1,75,4,3,1,1,1,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,1,1,2,2,1,3,2,2,2,1,110,1,18,1,68,4,3,2,3 -1447,0,1403,0,1200,1,1,63,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,4,2,1,2,3,2,2,1,105,1,16,1,67,2,1,3,3 -1448,0,1845,0,1800,1,1,30,4,8,2,,2,2,2,4,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,1,2,1,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,1,3,1,2,1,3,2,1,108,1,27,1,98,4,2,2,3 -1449,0,,0,,2,2,18,3,3,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,5,1,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,1,2,2,2,2,2,1,1,1,1,2,2,1,108,1,20,1,110,1,1,1,2 -1450,0,2159,0,2100,1,1,59,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,1,1,2,,1,2,2,3,2,2,,,2,2,1,124,1,40,1,105,1,1,2,3 -1451,0,2050,0,0730,1,1,49.9,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,95,1,22,1,92,1,1,1,2 -1452,0,1830,0,1730,1,1,36.2,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,3,2,,,2,2,3,,1,22,1,102,1,1,2,2 -1453,0,1712,0,1630,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,2,1,1,4,2,2,1,101,1,26,1,125,1,1,2,3 -1454,0,1420,0,1400,1,1,25,2,2,1,4,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,1,1,1,5: Physician did not answer,1,1,,,,,1,,2,,1,1,2,1,1,1,1,1,1,2,2,3,1,112,1,30,1,100,3,2,2,2 -1455,0,1105,0,0900,1,1,23,2,3,1,2,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,1,1,1,1,2,3,1,121,1,20,1,94,4,3,2,3 -1456,0,1917,0,1100,1,1,33.2,1,3,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fell off sled,,2,2,2,,2,,2,2,2,2,3,2,,,2,3,1,100,1,20,1,46,1,1,1,2 -1457,0,1717,0,,2,1,48,1,8,2,,2,2,2,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,112,1,14,1,100,1,1,2,3 -1458,0,1608,0,1530,1,1,15.4,1,8,2,,2,2,2,2,2,3,3,3,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,1,2,2,3,3,,,2,3,3,,1,26,1,112,1,1,2,2 -1459,0,1715,0,1620,1,1,34.1,2,1,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,3,,,2,2,1,110,1,25,1,137,3,2,2,3 -1460,0,0327,0,0000,1,1,55,4,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,4,,,,,,1,,2,,2,,1,2,3,2,2,2,,,2,2,1,147,1,20,1,86,1,1,3,3 -1461,0,1701,0,1600,1,1,18,2,3,2,,3,3,3,2,2,3,3,4,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,1,3: > 40 mph,3,,,,,,1,,1,2,1,1,1,1,2,2,2,3,,,3,2,1,104,1,23,1,138,1,1,2,3 -1462,0,2242,0,,2,1,37.2,1,8,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,4,,1,1,2,2,2,2,2,1,3,2,2,3,1,103,1,14,1,56,3,1,1,2 -1463,0,2030,0,1830,1,1,28,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,92,1,20,1,84,1,1,2,2 -1464,0,1620,0,,2,1,,,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,3,2,5,8,,3,4,,,4,4,4,10,,,,,,,,10,,2,,1,2,1,2,2,2,2,2,,,2,3,1,93,1,20,1,117,1,1,1,3 -1465,0,2056,0,1930,1,1,85,,3,2,,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,5,,,,,3,,,5,,2,,1,2,1,2,3,2,2,1,3,2,1,2,1,157,1,24,1,110,5,5,2,3 -1466,0,1450,0,1230,1,1,47.8,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,14,,1,1,5,4,2,2,3,9,,,,,,Fell while skateboarding,,2,2,2,,2,,1,4,3,2,2,2,,,2,2,1,114,1,22,1,81,1,1,3,3 -1467,0,1758,0,1720,1,1,57,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,1,3,2,3,1,115,1,20,1,92,1,1,2,2 -1468,0,1825,0,1800,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,"30 lb cathode ray TV fell onto him; from height of 2 feet, pinned him to floor. TV was on head. Not sure but probably not on thorax.",,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,105,1,40,1,154,1,1,2,2 -1469,0,1330,0,1300,1,1,50,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,16,1,86,1,1,1,2 -1470,0,1332,0,1300,1,1,46.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,1,2,1,2,2,4,4,1,124,1,24,1,76,2,1,2,2 -1471,0,2005,0,,2,1,18.3,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,3,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,139,1,20,1,68,1,1,1,2 -1472,0,2034,0,,2,1,10.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,124,1,28,1,160,1,1,1,2 -1473,0,1700,0,1530,1,1,29,2,8,1,1,1,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,6,,,,,,,,6,,2,,1,3,1,2,2,1,2,1,2,1,3,2,1,118,1,36,1,136,4,2,2,3 -1474,0,2041,0,2000,1,1,65,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,1,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,117,1,16,1,91,2,2,1,2 -1475,0,2330,0,2300,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,20,1,110,1,1,2,2 -1476,0,1353,0,1330,1,1,66,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,2,2,2,2,2,2,1,1,1,2,2,1,148,1,24,1,72,3,1,2,2 -1477,0,1815,0,1600,1,1,80,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,138,1,24,1,97,1,1,2,3 -1478,0,1130,0,1100,1,1,52,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,114,1,20,1,74,1,1,2,2 -1479,0,1000,0,0800,1,1,45.6,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,2,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,112,1,16,1,89,1,1,2,2 -1480,0,1416,0,,2,1,60,,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,3,3,1,11,,2,2,,,2,2,3,8,,,,,,,,8,,2,,2,,1,2,2,4,2,3,,,2,3,1,133,1,20,1,90,1,1,2,3 -1481,0,1000,-1,1230,1,1,23.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,103,1,20,1,102,1,1,2,2 -1482,0,0230,-1,1800,1,1,78,1,3,2,,2,2,1,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,Patient kicked in the right flank during karate,7,,1,1,1,1,2,2,2,2,2,2,,,2,3,1,104,1,16,1,60,4,1,1,2 -1483,0,1626,0,0130,1,1,,,8,2,,1,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,126,1,20,1,85,1,1,2,2 -1484,0,1900,0,1530,1,1,68,2,3,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,1,1,2,2,1,3,3,2,2,1,152,1,19,1,135,5,4,2,3 -1485,0,1345,0,,2,1,24.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,1,2,2,2,1,1,2,2,3,1,86,1,18,1,88,3,1,2,2 -1486,0,2138,0,,2,1,60,4,3,2,,3,3,3,1,2,3,3,2,3,1,1,1,1,4,5,6,3,,2,3,,,2,3,3,1,3: > 40 mph,3,,,,,,1,,2,,1,3,1,2,2,2,3,3,,,3,2,1,130,2,,1,117,4,4,2,3 -1487,0,2018,0,2000,1,1,27.2,1,3,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,2,2,2,2,1,1,2,3,2,3,1,114,1,24,1,88,2,2,2,2 -1488,0,1330,0,1300,1,1,8.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,4,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,3,3,2,,,2,3,1,100,1,28,1,132,1,1,2,2 -1489,0,2111,0,,2,1,18,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,8,,,,,,,,8,,2,,2,,1,2,2,3,2,2,,,2,3,1,113,1,32,1,115,2,1,2,3 -1490,0,1706,0,1700,1,1,52,4,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,1,2,2,3,1,128,1,20,1,83,2,1,2,3 -1491,0,1336,0,1303,1,1,75,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,1,1,1,2,2,2,2,2,2,,,2,2,1,123,1,14,1,128,1,1,2,2 -1492,0,1347,-1,1745,1,1,58.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,2,,1,16,1,68,1,1,1,2 -1493,0,1800,0,1500,1,1,63.5,1,3,2,,4,4,4,4,4,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"water tubing, flipped, landed on back in water",,9,2,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,16,1,78,1,1,2,2 -1494,0,1915,0,1900,1,1,16,3,1,2,,2,2,2,2,1,2,2,2,2,2,2,2,2,2,2,2,12,,1,1,4,1,1,2,2,9,,,,,,Found down in pool(drowning),,9,2,2,,1,3,1,2,2,1,2,1,2,1,2,3,1,116,1,35,1,130,1,1,2,3 -1495,0,1000,0,0940,1,1,70,2,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,6,,,,,,,Crashed motorcycle on dirt jump,6,,1,2,1,1,1,2,2,2,1,1,2,2,2,3,1,148,1,42,1,85,3,1,2,3 -1496,0,1103,0,,2,1,70,4,1,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,1,4,1: < 5 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,3,1,154,1,16,1,67,2,1,2,3 -1497,0,1820,0,1730,1,1,60,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,142,1,20,1,100,1,1,2,2 -1498,0,1900,0,1700,1,1,81.6,2,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,2,,1,1,2,2,2,2,2,1,1,3,2,2,1,104,1,20,1,83,1,1,2,2 -1499,0,2210,0,2145,1,1,20,4,3,1,1,2,2,2,2,2,3,3,2,1,2,2,2,2,3,3,3,9,,1,3,,,3,3,3,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,3,3,,,3,3,1,142,1,42,1,69,3,3,2,3 -1500,0,1347,0,1300,1,1,50,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,2,1,109,1,16,1,62,1,1,2,3 -1501,0,0920,0,0830,1,1,10,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,3,1,140,1,36,1,128,1,1,2,3 -1502,0,1030,0,,2,1,42.2,,3,2,,4,4,4,4,4,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,1,1,1,2,2,1,2,3,2,2,1,129,1,20,1,120,2,1,2,3 -1503,0,2031,0,1950,1,1,22,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,5,,,,but no belt,1,,2,,1,3,2,2,2,1,2,1,2,1,2,3,1,94,1,24,1,102,2,1,2,2 -1504,0,1738,0,,2,1,62,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,22,1,86,1,1,2,2 -1505,0,1011,0,,2,1,16,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,8,,,,,,,,8,,2,,2,,1,2,2,2,2,2,,,2,2,1,140,1,28,1,114,1,1,2,3 -1506,0,,0,,2,2,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,assaulted-bat to head and lower extremities,,7,2,2,,2,,2,2,2,2,3,2,,,2,2,1,133,1,18,1,95,1,1,2,2 -1507,0,1600,0,,2,1,40,4,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,124,1,22,1,122,2,1,2,3 -1508,0,2247,0,2200,1,1,65,1,3,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,146,1,18,1,89,1,1,2,2 -1509,0,1534,0,1527,1,1,19,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,1,2,1,1,1,2,3,1,102,1,30,1,92,2,1,2,3 -1510,0,1330,0,1245,1,1,70.3,1,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,5,,,,,2,,,5,,2,,1,2,1,1,2,2,2,1,3,2,2,3,1,110,1,28,1,100,5,3,2,3 -1511,0,1630,0,,2,1,,,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,18,1,107,1,1,2,2 -1512,0,1445,-1,,2,1,14,3,3,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,8,,,,,,,suspected non-accidental trauma,8,,2,,1,1,1,2,3,2,3,2,,,2,3,1,115,1,36,1,112,1,1,2,3 -1513,0,2029,0,,2,1,10.1,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,"Abuse, bruising to lower abdomen/genitals",,7,2,2,,1,3,1,1,2,2,2,2,,,2,3,1,99,1,36,1,140,1,1,2,3 -1514,0,1541,0,1530,1,1,60,4,1,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,2,4,2,10,,2,3,,,2,3,3,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,1,3,,,3,2,1,138,2,,1,73,3,2,2,3 -1515,0,1240,0,1015,1,1,38,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,snowboarding jump,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,116,1,20,1,91,1,1,2,3 -1516,0,1600,0,1500,1,1,53,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,fell skateboarding,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,20,1,90,1,1,2,2 -1517,0,2000,0,1920,1,1,20.2,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,108,1,24,1,100,1,1,2,2 -1518,0,1752,0,,2,1,70,4,8,1,4,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,2,2,1,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,1,2,1,2,2,1,129,1,22,1,74,2,1,2,3 -1519,0,,0,,2,2,50,4,5,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,2,2,9,,,,,,ATV Rollover,fell out of dune buggy,6,2,2,,2,,1,2,2,2,3,2,,,2,2,1,120,1,31,1,104,1,1,2,3 -1520,0,1800,0,,2,1,22,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,3,2,1,1,2,2,2,,,2,3,1,108,1,26,1,101,1,1,2,2 -1521,0,1130,-1,1700,1,1,27.5,1,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,5,,,,,2,,Motorcross,5,,2,,1,1,2,2,2,2,2,1,1,1,2,2,1,110,1,20,1,110,2,1,2,2 -1522,0,2041,0,2020,1,1,21.1,1,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,3,1,2,1,2,2,1,109,1,22,1,115,2,2,2,3 -1523,0,0850,0,0800,1,1,44,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,4,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,3,1,131,1,16,1,87,2,2,2,2 -1524,0,1255,0,,2,1,15.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,4,3: > 20 mph,,,1,,,,4,,1,2,2,,1,2,2,2,3,2,,,2,2,1,118,1,30,1,130,1,1,2,3 -1525,0,1913,0,1830,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,1,1,1,2,3,1,102,1,20,1,96,1,1,2,3 -1526,0,2200,0,,2,1,20,4,3,2,,2,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,19,1,93,1,1,2,2 -1527,0,2340,0,1200,1,1,30,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,84,1,20,1,99,2,1,2,3 -1528,0,1500,0,1430,1,1,50,1,3,2,,2,2,2,2,2,1,1,1,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,2,1,126,1,20,1,91,1,1,2,3 -1529,0,2358,0,1000,1,1,7,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,4,,,4,3,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,4,3,2,,,2,3,1,101,1,39,1,175,1,1,2,3 -1530,0,1504,0,,2,1,10,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,8,,,,,,,,8,,2,,2,,1,2,2,2,1,2,,,2,3,1,112,1,36,1,148,2,2,2,3 -1531,0,1928,0,1900,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,116,1,24,1,97,1,1,2,3 -1532,0,2117,0,,2,1,,,3,2,,2,2,2,2,2,2,1,2,4,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,93,1,18,1,84,2,1,1,2 -1533,0,1836,0,1430,1,1,75,4,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,2,,1,1,1,2,3,1,1,3,2,3,1,124,1,18,1,95,2,1,1,3 -1534,0,1325,0,1247,1,1,71,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,137,1,20,1,84,1,1,2,2 -1535,0,1559,0,1400,1,1,54,1,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,3,,1,1,2,2,2,1,1,3,2,3,1,122,1,24,1,112,1,1,2,3 -1536,0,1300,0,,2,1,4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,100,1,36,1,144,1,1,2,2 -1537,0,1300,0,0930,1,1,13,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,3,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,109,1,44,1,124,1,1,1,3 -1538,0,1727,0,1700,1,1,25,3,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,108,1,14,1,124,2,1,1,3 -1539,0,1455,0,1430,1,1,47,4,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,135,1,16,1,100,1,1,2,3 -1540,0,1844,0,,2,1,20,4,11,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,1,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,2,1,106,1,19,1,107,1,1,2,3 -1541,0,2000,0,1200,1,1,52,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,142,1,18,1,105,1,1,2,2 -1542,0,1355,-1,1730,1,1,74,1,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,1,5,4,1,2,2,7,1: Intentional,,,,,,,7,,2,,1,3,2,2,2,2,2,1,2,1,2,3,1,113,1,16,1,72,2,2,3,2 -1543,0,1746,0,1645,1,1,60,4,3,1,2,1,1,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,109,1,19,1,93,1,1,1,2 -1544,0,1350,0,1245,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,121,1,24,1,96,1,1,2,2 -1545,0,1540,0,1500,1,1,9,1,1,1,4,3,3,3,2,2,3,3,4,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,9,,,,,,FOC stepped on child's back,,7,2,2,,1,1,2,2,2,2,2,3,,,3,3,2,,1,32,1,179,1,1,2,2 -1546,0,,0,1650,1,2,17,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,3,3,,1,26,3,,1,1,2,3 -1547,0,1925,0,1725,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,1,2,2,4,3,2,,,2,2,1,143,1,17,1,107,1,1,2,3 -1548,0,1258,0,,2,1,40,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Snowboarding,,2,2,2,,2,,1,2,2,3,3,2,,,2,2,1,120,1,18,1,88,1,1,2,3 -1549,0,1215,0,0930,1,1,6.6,1,3,2,,2,2,2,2,2,3,3,3,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,1,1,2,3,3,1,72,1,36,1,144,2,1,2,3 -1550,0,1659,0,,2,1,16,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,2,,,2,2,1,127,1,36,1,170,2,1,3,3 -1551,0,2100,0,2050,1,1,70,4,2,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,2,1,1,2,2,1,2,3,2,2,1,132,1,18,1,78,1,1,2,2 -1552,0,1340,0,1230,1,1,31,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Skiing - hit tree,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,118,1,20,1,106,1,1,2,3 -1553,0,0939,0,,2,1,125.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,2,1,90,1,16,1,75,1,1,2,3 -1554,0,0040,0,,2,1,60,4,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,1,2,2,1,13,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,2,2,2,1,120,1,14,1,110,1,1,2,2 -1555,0,1528,0,,2,1,23,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,1,2,2,2,3,2,,,2,2,1,114,1,28,1,106,2,1,1,3 -1556,0,1912,0,1830,1,1,,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,2,1,4,2,2,2,4,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,1,1,2,1,2,2,1,143,1,26,1,100,1,1,2,2 -1557,0,1520,0,1445,1,1,50,4,3,2,,1,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,3,4,1,2,,,2,3,1,99,1,16,1,98,1,1,1,2 -1558,0,1114,0,0830,1,1,40,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fall during cartwheel; landed on by other child,,2,2,2,,1,3,2,2,2,2,2,2,,,2,2,1,116,1,32,1,104,2,2,2,2 -1559,0,1145,0,,2,1,60,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,117,1,23,1,74,1,1,2,3 -1560,0,2353,0,2000,1,1,8,3,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,3,1,130,1,24,1,112,1,1,2,3 -1561,0,1351,0,1330,1,1,14,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,90,1,28,1,174,1,1,2,3 -1562,0,1732,0,1230,1,1,20,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,105,1,24,1,105,1,1,2,3 -1563,0,1530,0,1230,1,1,48,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,kicked,7,,2,,2,,2,2,2,2,2,1,3,2,2,3,1,94,1,18,1,68,1,1,2,2 -1564,0,1920,0,1820,1,1,100,2,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,2,2,2,2,3,1,2,2,2,3,1,147,1,16,1,70,1,1,2,2 -1565,0,2100,0,2030,1,1,10,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,4,3: > 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,128,1,56,1,153,1,1,2,2 -1566,0,0751,0,,2,1,50,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,1,1,1,1,1,2,2,2,2,1,3,1,1,2,1,125,1,32,1,90,5,3,1,3 -1567,0,2200,0,2145,1,1,80,4,3,2,,2,2,2,1,2,2,3,2,1,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,161,1,14,1,88,1,1,2,3 -1568,0,1704,0,,2,1,27.3,2,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,1,1,1,1,2,3,1,100,1,20,1,77,1,1,2,2 -1569,0,1910,0,1900,1,1,38,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,112,1,31,1,112,2,1,2,3 -1570,0,1640,0,1615,1,1,50,2,3,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,22,1,88,2,1,2,2 -1571,0,1830,0,1800,1,1,66.4,1,8,2,,1,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,Fists,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,20,1,87,1,1,2,2 -1572,0,2349,0,2230,1,1,89,1,2,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,1,1,5: Physician did not answer,4,,,,,,1,,2,,1,1,2,1,1,2,2,1,2,2,2,3,1,143,1,22,1,120,1,1,2,2 -1573,0,1400,0,1200,1,1,45,4,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,2,2,1,2,2,2,1,2,3,2,3,1,136,1,20,1,77,3,1,2,2 -1574,0,1555,0,1430,1,1,15,3,1,2,,3,3,3,2,2,3,3,3,3,1,1,1,2,4,5,3,6,,2,3,,,1,3,3,9,,,,,,"32"" TV fell on him from 3 foot height",,7,2,2,,1,1,1,2,2,2,3,3,,,3,2,1,122,2,,1,172,2,2,2,3 -1575,0,1830,0,1600,1,1,20,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,1,1,2,2,3,1,1,1,2,2,1,115,1,32,1,143,5,4,2,3 -1576,0,1144,0,0000,1,1,94,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,1,2,2,2,2,,,2,3,1,139,1,20,1,70,1,1,2,1 -1577,0,0825,0,,2,1,34.4,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,2,1,123,1,22,1,112,1,1,1,2 -1578,0,1031,0,,2,1,10,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,3,4: Unknown,,,,,,,3,,2,,2,,2,2,2,2,3,2,,,2,3,1,99,1,28,1,144,1,1,2,2 -1579,0,2128,0,1630,1,1,60,1,3,2,,1,1,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,fall in football practice,,2,2,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,139,1,24,1,86,2,2,1,2 -1580,0,1930,0,1900,1,1,17.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,92,1,24,1,88,1,1,2,2 -1581,0,1455,0,1300,1,1,95,1,2,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,assault with injury to back,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,20,1,82,1,1,2,2 -1582,0,2234,0,1900,1,1,39,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,2,3,2,3,1,122,1,20,1,88,3,1,2,2 -1583,0,2121,0,,2,1,57.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,155,1,16,1,87,1,1,1,3 -1584,0,,0,,2,2,40,3,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,1,4: Speed Unknown,1,2,,,,,1,,2,,1,2,1,2,1,2,2,1,2,3,2,3,1,88,1,20,1,90,3,2,2,3 -1585,0,1327,0,,2,1,13.6,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,8,,,,,,,,8,,2,,2,,2,2,2,2,2,2,,,2,2,1,106,1,23,1,146,2,2,2,2 -1586,0,1700,0,1630,1,1,75,4,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,100,1,24,1,96,1,1,2,2 -1587,0,1932,0,,2,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,3,2,,,2,3,1,110,1,30,1,110,1,1,1,3 -1588,0,0930,-1,1400,1,1,26.3,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,102,1,20,1,104,1,1,3,3 -1589,0,1901,0,1800,1,1,23,2,3,2,,3,3,3,2,2,3,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,3,9,,,,,,trampoline fall,,2,2,2,,2,,1,4,2,2,1,3,,,2,3,1,92,1,55,1,80,1,1,3,3 -1590,0,0815,0,0700,1,1,45,2,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,2,2,,,2,2,1,130,1,32,1,84,1,1,2,3 -1591,0,1308,-1,1700,1,1,71,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,"Elbow to R flank- ""wrestling""",,7,2,2,,1,1,2,2,2,2,2,2,,,2,3,1,139,1,18,1,58,4,2,2,2 -1592,0,1544,0,1500,1,1,60,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,3,,,5,,2,,1,3,2,2,2,2,2,1,2,2,2,3,1,123,1,16,1,91,3,3,1,2 -1593,0,1745,0,1700,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,92,1,20,1,108,1,1,2,2 -1594,0,0014,0,0000,1,1,8,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,2: 20 - 40 mph,1,4,,,,Patient ejected from car seat,1,,1,2,2,,1,2,2,2,2,3,,,3,3,1,80,1,30,1,158,2,1,1,3 -1595,0,1145,0,1130,1,1,37,2,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,7,2: Accidental,,,,,,,7,,1,2,1,1,2,2,2,2,2,1,3,2,1,2,1,90,1,20,1,83,4,3,2,2 -1596,0,1812,0,1750,1,1,20,1,3,2,,1,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,1,2,1,2,2,1,101,1,24,1,98,1,1,1,2 -1597,0,1200,0,1130,1,1,20,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,1,1,2,1,2,2,2,2,,,2,3,1,114,1,22,1,122,4,2,2,2 -1598,0,2104,0,1820,1,1,41.6,1,8,3,,4,4,4,4,4,2,2,2,2,3,3,3,3,1,1,1,15,,2,1,2,1,2,1,2,7,4: Physician did not answer,,,,,,Bike handles to abdomen,7,,2,,1,3,2,2,2,2,1,1,2,1,2,3,1,123,1,22,1,72,4,3,2,2 -1599,0,2018,0,2000,1,1,98.6,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,18,1,80,1,1,2,2 -1600,0,1141,0,1110,1,1,37,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,145,1,23,1,92,1,1,2,3 -1601,0,2248,0,1600,1,1,75,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,113,1,18,1,86,1,1,1,3 -1602,0,2355,0,,2,1,8,4,3,2,,3,3,3,2,1,3,3,3,1,1,2,1,2,4,5,6,3,,1,3,,,1,3,3,2,1: < 3 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,3,,,3,3,1,82,2,,1,163,2,2,2,3 -1603,0,2156,0,2100,1,1,17.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,100,1,22,1,120,2,1,1,2 -1604,0,2024,0,,2,1,30,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,2,2,2,2,4,1,2,3,2,3,1,104,1,20,1,100,6,6,2,2 -1605,0,1241,0,0800,1,1,35.3,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,148,1,20,1,80,1,1,3,3 -1606,0,1800,0,1740,1,1,61,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,150,1,22,1,78,1,1,1,3 -1607,0,1635,0,,2,1,25,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,93,1,20,1,68,1,1,2,2 -1608,0,2245,0,1830,1,1,43.3,1,3,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,5,,,,,1,,,5,,2,,1,3,2,1,2,2,1,1,2,2,2,3,1,124,1,22,1,86,3,1,2,2 -1609,0,2000,0,1700,1,1,70,4,8,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,3,5,3,7,,2,3,,,3,3,2,5,,,,,3,,,5,,1,2,1,2,1,2,2,2,2,3,,,2,2,1,120,2,,1,62,1,1,2,3 -1610,0,1700,0,1630,1,1,31.5,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,1,2,2,2,2,,,2,3,1,120,1,16,1,82,1,1,2,2 -1611,0,2200,0,2150,1,1,35,1,3,1,1,3,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,1,1,1,2,2,2,1,1,1,2,2,1,122,1,20,1,80,2,2,2,3 -1612,0,1516,0,1500,1,1,23,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,1,3,2,2,2,2,2,1,2,1,2,3,1,107,1,20,1,88,2,1,2,2 -1613,0,1930,0,1900,1,1,65,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,2,,1,2,2,3,2,2,,,2,2,1,150,1,24,1,91,2,1,1,3 -1614,0,1635,0,1600,1,1,17.2,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,83,1,24,1,128,1,1,2,2 -1615,0,1230,0,1130,1,1,26,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,120,1,22,1,88,1,1,2,2 -1616,0,1645,0,1400,1,1,50,,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,9,,,,,,Snowboarding crash - solo,,2,2,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,114,1,18,1,84,5,2,1,3 -1617,0,2100,0,2030,1,1,60,4,8,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,4,5,,2,3,,,2,3,3,4,3: > 20 mph,,,3,,,,4,,2,,1,2,1,2,2,2,3,3,,,3,2,1,134,2,,1,95,2,2,2,3 -1618,0,2135,0,1800,1,1,80,2,1,2,,2,1,2,2,2,1,2,4,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,tackled during softball,,7,2,1,1,2,,2,2,2,2,2,1,2,2,2,3,1,136,1,20,1,102,3,1,2,2 -1619,0,2230,0,1900,1,1,34,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,Sled into tree,,9,2,1,3,1,1,2,2,2,2,3,1,2,1,2,2,1,102,1,16,1,87,4,2,3,2 -1620,0,1605,0,1540,1,1,64,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,4,,2,1,2,2,2,2,,,2,3,1,121,1,16,1,98,2,1,2,2 -1621,0,1930,0,1700,1,1,50,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Riding on back of UPS truck - jumped off back at approx 20 mph,,9,1,2,,2,,1,2,2,2,2,2,,,2,2,1,131,1,18,1,82,2,1,2,3 -1622,0,2326,0,0930,1,1,10,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,20,1,130,1,1,3,3 -1623,0,0013,-1,2250,1,1,54.4,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,1,2,2,2,3,2,,,2,3,1,132,1,34,1,98,1,6,2,3 -1624,0,0420,-1,,2,1,12,3,3,2,,2,2,2,2,2,3,3,2,2,1,2,1,2,3,5,3,7,,2,3,,,1,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,3,,,3,2,1,90,2,,1,163,1,1,1,3 -1625,0,1130,0,1100,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall off horse,,2,2,2,,1,1,1,2,2,2,1,2,,,2,3,1,136,1,22,1,110,1,1,2,3 -1626,0,2030,0,1930,1,1,70,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,133,1,26,1,84,2,2,2,3 -1627,0,1131,0,1030,1,1,17.2,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,32,1,120,1,1,2,2 -1628,0,1700,0,,2,1,11,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,"in stroller, pushed off porch",,7,2,2,,2,,2,2,2,2,3,2,,,2,3,1,150,1,30,1,150,1,1,2,2 -1629,0,1445,0,,2,1,14,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,4,,,,,1,,1,2,1,3,1,2,2,2,2,2,,,4,4,1,134,1,35,1,139,1,1,1,3 -1630,0,1930,0,,2,1,55.5,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,5,,,,,2,,,5,,2,,1,1,2,2,2,2,2,1,1,1,2,2,1,128,1,20,1,112,2,1,2,2 -1631,0,1600,0,1545,1,1,11,3,1,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,3,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,3,2,3,,,3,2,1,113,1,23,1,120,1,1,2,2 -1632,0,2125,0,2100,1,1,18,4,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,2,,,2,2,1,109,1,23,1,113,1,1,2,3 -1633,0,1555,0,1130,1,1,40,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,112,1,18,1,99,1,1,1,3 -1634,0,2015,0,,2,1,72,1,8,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,"Wrestling, opponent struck abdomen",,7,2,2,,1,3,2,2,2,2,2,1,2,2,2,3,1,127,1,16,1,78,1,1,2,2 -1635,0,0735,0,,2,1,74.8,2,2,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,18,1,71,1,1,2,2 -1636,0,1000,-1,1600,1,1,98,1,2,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Hit by another player while playing basketball,,7,2,2,,2,,2,2,2,2,2,1,1,2,2,3,1,122,1,18,1,68,1,1,1,2 -1637,0,1015,0,0900,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,3,2: 6-15,,,,,,,3,,2,,1,3,2,2,2,2,3,1,2,2,2,2,1,117,1,18,1,74,1,1,3,2 -1638,0,2251,0,2200,1,1,60,2,8,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,3,,1,2,2,2,2,2,,,2,2,1,109,1,29,1,98,1,1,2,3 -1639,0,,0,1300,1,2,70,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fall 25-30 ft from tree,,2,1,2,,1,3,2,2,2,2,3,2,,,2,3,1,110,1,20,1,80,1,1,2,2 -1640,0,0938,0,,2,1,28.6,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,108,1,34,1,82,1,1,2,3 -1641,0,1120,0,,2,1,11.3,,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,physical abuse,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,132,1,30,1,133,1,1,2,2 -1642,0,1631,0,,2,1,,,8,2,,2,2,2,2,2,4,4,4,4,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,3,1,2,2,2,2,1,1,2,2,3,1,100,1,50,1,96,2,1,2,3 -1643,0,0730,0,0700,1,1,30,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,109,1,20,1,66,2,1,1,2 -1644,0,1730,0,,2,1,61,1,4,2,,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,2,2,2,1,1,1,4,2,2,1,149,1,16,1,69,1,1,2,3 -1645,0,2028,0,,2,1,80,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,6,,,,,,,,6,,2,,1,2,1,2,2,2,2,1,1,3,2,2,1,124,1,20,1,79,2,2,1,3 -1646,0,0900,0,0725,1,1,55,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,15,1,80,1,1,2,2 -1647,0,1715,0,1645,1,1,20,1,3,3,,4,2,2,2,2,4,1,2,1,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,100,1,44,1,128,1,1,2,3 -1648,0,1300,0,1130,1,1,30,2,2,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,95,1,20,1,80,1,1,2,3 -1649,0,1830,0,1630,1,1,20,4,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,3,3,3,9,,2,3,,,1,3,3,1,2: 20 - 40 mph,1,2,,,,,1,,2,,1,1,1,2,1,2,3,3,,,3,2,1,116,1,32,1,169,3,2,2,3 -1650,0,1237,0,,2,1,20,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,1,1,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,3,1,1,1,2,3,1,1,3,2,3,1,128,1,24,1,80,2,2,2,3 -1651,0,1125,0,1030,1,1,10.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,3,2,2,,,2,3,1,140,1,32,1,104,1,1,2,2 -1652,0,1800,0,1700,1,1,31,1,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,129,1,20,1,77,1,1,2,2 -1653,0,0820,0,0705,1,1,68,4,4,1,1,1,1,4,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,3,1,3,1,2,3,2,2,2,,,2,2,1,152,1,19,1,86,1,1,3,3 -1654,0,1846,0,,2,1,22,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,4,3,2,9,,2,3,,,3,3,1,6,,,,,,,,6,,2,,1,1,1,1,3,1,3,2,,,2,2,1,160,1,30,1,67,2,1,2,3 -1655,0,1300,-1,2000,1,1,75,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,3,2,3,1,121,1,20,1,72,2,1,2,2 -1656,0,1233,0,,2,1,22,3,3,1,1,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,3,1,3: > 40 mph,1,1,,,,,1,,1,1,1,1,2,1,1,1,2,1,2,1,2,3,1,110,1,22,1,108,4,3,2,2 -1657,0,0519,0,0420,1,1,70,2,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,2,2,,,2,3,1,132,1,20,1,111,2,1,2,2 -1658,0,1900,0,1815,1,1,12.2,1,8,2,,2,2,2,2,2,3,3,3,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,7,2: Accidental,,,,,,,7,,2,,1,1,2,1,2,2,2,3,,,2,2,1,102,1,26,1,186,2,1,2,2 -1659,0,1200,0,,2,1,42.5,1,8,1,1,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,4,2,4,2,2,,,2,2,1,110,1,16,1,98,1,1,2,2 -1660,0,2237,0,,2,1,56.6,4,3,2,,2,2,2,2,2,2,4,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,138,1,18,1,80,1,1,2,2 -1661,0,0030,-1,2030,1,1,20,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,2,4: Unknown,,,,,,,2,,2,,2,,1,2,3,2,3,2,,,2,3,1,104,1,24,1,100,1,1,2,3 -1662,0,0400,-1,2100,1,1,18.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Pt jumped on by sibling on trampoline,,7,2,2,,1,2,2,2,2,2,3,2,,,2,2,1,118,1,20,1,98,2,1,1,2 -1663,0,2200,0,2140,1,1,40,,3,2,,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,3,2,3,1,145,1,26,1,114,1,1,2,3 -1664,0,1915,0,,2,1,60,,8,1,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,1,2,2,2,1,2,1,2,3,1,127,1,18,1,90,3,2,2,3 -1665,0,1944,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,3,2,11,,2,3,,,3,3,1,9,,,,,,ATV vs Tree,,6,2,1,1,1,1,1,2,2,1,2,1,2,1,1,2,1,96,3,,1,100,4,3,1,3 -1666,0,2155,0,2055,1,1,49,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,2,1,134,1,22,1,88,1,1,2,2 -1667,0,1800,0,1615,1,1,48,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,2,1,9,,,,,,Fell off pogo stick,,2,2,2,,1,3,1,2,2,2,2,1,2,3,2,3,1,141,1,24,1,105,1,1,2,3 -1668,0,1832,0,1600,1,1,60,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,3,2,,,2,3,1,147,1,20,1,86,1,1,2,2 -1669,0,1833,0,1800,1,1,59,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,1,14,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,skateboarding,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,96,1,16,1,58,1,1,1,2 -1670,0,1740,0,1700,1,1,46.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,collision with another person in basketball game,,7,2,2,,2,,2,2,2,2,2,1,2,2,2,3,1,134,1,25,1,114,1,1,2,2 -1671,0,1530,0,1430,1,1,65,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,6,,,,,,,,6,,1,2,1,2,2,2,2,2,2,2,,,2,2,1,117,1,12,1,107,1,1,1,2 -1672,0,0856,0,0800,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,155,1,18,1,111,1,1,2,2 -1673,0,2135,0,,2,1,22,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,2,2,2,2,2,2,,,2,2,3,,1,30,1,118,2,1,2,2 -1674,0,1808,0,1730,1,1,4.5,,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,2,1,14,,1,3,,,2,2,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,3,1,86,1,48,1,164,1,1,1,3 -1675,0,2150,0,2045,1,1,33,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,2,2,2,2,3,1,1,2,2,3,1,125,1,20,1,93,3,1,2,2 -1676,0,2000,0,2000,1,1,80,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Jet Ski,,6,2,2,,2,,1,2,2,2,1,2,,,2,2,1,147,1,18,1,98,1,1,2,3 -1677,0,2335,0,1935,1,1,60,4,3,1,3,4,4,4,1,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,4,2,2,,,2,3,1,119,1,18,1,83,1,1,3,3 -1678,0,2039,0,2000,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,3,2,,,2,3,1,111,1,18,1,71,1,1,2,2 -1679,0,0820,0,,2,1,25,4,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,4,3,7,,2,3,,,2,3,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,3,3,,,3,2,1,144,1,21,1,101,2,2,2,3 -1680,0,1408,0,0830,1,1,16,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,3,2,11,,1,2,,,1,2,1,9,,,,,,TV and dresser fell on child,,7,2,2,,2,,1,2,2,2,3,2,,,2,3,1,113,1,38,1,164,2,1,2,3 -1681,0,0230,0,0200,1,1,62.7,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,111,1,32,1,79,2,1,2,2 -1682,0,1702,0,1530,1,1,64,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,1,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,136,1,18,1,82,1,1,2,2 -1683,0,1930,0,1900,1,1,60,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,3,1,2,1,2,2,1,151,1,28,1,104,4,1,3,2 -1684,0,1720,0,1530,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,134,1,28,1,62,1,1,2,3 -1685,0,0830,0,0810,1,1,59.1,1,3,2,,2,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,3,2,1,1,1,2,3,1,108,1,18,1,72,1,1,3,2 -1686,0,1320,0,1300,1,1,14,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,4,2,3,1,123,1,17,1,112,2,1,3,2 -1687,0,1908,0,,2,1,12.6,1,3,1,1,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,2,2,8,,,,,,,,8,,2,,1,1,1,2,2,2,2,1,1,1,2,3,1,124,1,24,1,104,3,1,1,3 -1688,0,0200,-1,2230,1,1,74.2,1,3,2,,1,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,9,,,,,,"physical assault, kicked and punched in abdomen",,7,2,2,,2,,2,2,2,2,2,1,3,1,2,3,1,106,1,16,1,80,1,1,1,2 -1689,0,2149,0,1630,1,1,40,1,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,3,2,2,2,2,2,2,,,2,3,1,120,1,16,1,80,4,1,1,2 -1690,0,0211,0,0130,1,1,4,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,3,2,1,4: Speed Unknown,1,4,,,,,1,,2,,4,,1,2,2,2,3,3,,,3,3,1,89,1,48,1,137,1,1,2,3 -1691,0,2100,0,2000,1,1,11,4,2,2,,2,2,1,2,2,3,2,2,2,2,2,2,2,1,2,1,14,,1,1,4,1,2,2,1,4,2: 5 - 20 mph,,,3,,,,4,,2,,1,3,1,2,2,2,2,1,2,1,2,2,1,114,1,46,1,163,2,2,2,3 -1692,0,1845,0,1820,1,1,15,1,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,4,3,7,,2,3,,,2,3,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,3,,,3,2,3,,4,,1,130,2,1,2,3 -1693,0,1709,0,1430,1,1,5,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,100,1,40,1,132,1,1,1,3 -1694,0,2211,0,2100,1,1,52,2,3,2,,4,4,4,4,4,2,2,3,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,9,,,,,,Child hit patient at bottom of slide,,7,2,2,,2,,2,2,2,2,2,1,1,4,2,3,1,133,1,20,1,106,1,1,2,2 -1695,0,2300,0,1830,1,1,27.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,88,1,18,1,112,1,1,2,2 -1696,0,1630,0,1615,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,1,2,2,2,9,,,,,,Near drowning,,9,2,2,,1,3,1,2,2,1,2,1,3,1,2,3,1,157,1,33,1,112,3,2,2,3 -1697,0,1846,0,,2,1,30.9,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,127,1,20,1,94,2,2,1,3 -1698,0,1846,0,,2,1,15,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,2,,,2,3,1,122,1,23,1,105,2,2,1,2 -1699,0,1745,0,1630,1,1,39,2,1,1,2,1,1,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,3,1,110,1,18,1,82,2,2,2,3 -1700,0,1545,0,1300,1,1,77,1,1,2,,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,20,1,90,1,1,1,2 -1701,0,1626,0,,2,1,63.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Physical assault,,7,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,135,1,22,1,80,2,1,2,3 -1702,0,1600,0,1512,1,1,56.7,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,1,1,2,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,138,1,16,1,72,1,1,2,2 -1703,0,,0,,2,2,34,3,3,2,,2,2,2,2,2,2,2,2,1,3,3,3,3,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,4,2,,,2,3,1,109,1,24,1,108,6,6,3,3 -1704,0,1601,0,1520,1,1,95,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,2,,2,1,1,2,2,2,,,2,2,1,112,1,19,1,100,1,1,2,2 -1705,0,0937,0,,2,1,,,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,2,2,2,2,2,2,2,,,2,3,1,118,1,18,1,75,2,1,2,2 -1706,0,1415,0,1300,1,1,107,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,145,1,18,1,80,1,1,1,2 -1707,0,1000,0,0930,1,1,20,4,3,2,,2,4,4,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,104,1,36,1,120,2,1,2,3 -1708,0,1738,0,1500,1,1,7.3,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,9,,,,,,Patient hit by large falling tree,,7,2,2,,1,1,1,2,2,2,2,2,,,2,3,1,116,1,80,1,160,2,1,2,3 -1709,0,0004,0,,2,1,60,4,8,2,,3,3,3,2,2,3,3,2,1,1,2,1,2,1,5,3,9,,2,3,,,3,3,3,2,4: Unknown,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,3,2,1,170,2,,1,160,1,1,2,3 -1710,0,1922,0,,2,1,62.7,2,8,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,9,,,,,,Ejected from bobsled at 70 MPH,,9,1,1,2,2,,1,2,2,2,2,2,,,2,2,1,125,1,28,1,97,2,1,1,3 -1711,0,1130,0,1000,1,1,70,4,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,3,2,3,1,125,1,18,1,62,2,1,3,2 -1712,0,1400,0,1300,1,1,90,3,1,2,,2,2,2,2,1,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,3,2,,,2,2,1,161,1,18,1,110,2,2,2,3 -1713,0,1838,0,1800,1,1,25,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,1,1,3,2,2,1,111,1,20,1,90,1,1,1,2 -1714,0,1725,0,1635,1,1,20,4,3,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,94,1,15,1,116,6,6,3,2 -1715,0,1605,0,1500,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,2,1,118,1,18,1,102,1,1,1,2 -1716,0,1445,0,,2,1,8.7,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,8,,,,,,,Concern for physical abuse,8,,2,,2,,2,2,2,2,1,2,,,2,3,3,,1,36,1,166,1,1,2,2 -1717,0,2225,0,2000,1,1,56.6,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,5,,,,,3,,,5,,2,,1,2,2,2,2,2,2,1,3,2,2,3,1,121,1,20,1,90,4,4,2,2 -1718,0,0400,-1,2000,1,1,8.8,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,2,1,81,1,25,1,105,1,1,2,3 -1719,0,1520,0,1500,1,1,25,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,5,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,3,1,96,1,26,1,89,1,1,2,2 -1720,0,2008,0,1908,1,1,55,4,3,2,,2,2,2,2,2,1,1,3,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Karate,,7,2,2,,2,,1,2,2,2,3,2,,,2,4,1,147,1,28,1,96,2,2,3,3 -1721,0,0950,0,0840,1,1,84,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,20,1,87,3,1,2,2 -1722,0,1622,0,,2,1,13.6,1,8,2,,2,2,1,2,2,3,1,2,1,2,2,2,2,1,1,1,15,,1,1,1,1,2,2,2,4,1: < 5 mph,,,1,,,,4,,2,,1,1,1,1,2,2,2,1,1,1,2,2,1,105,1,30,1,120,4,2,2,3 -1723,0,2325,0,2230,1,1,65,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,1,1,2,,1,2,2,2,2,2,,,2,2,1,140,1,13,1,74,1,1,1,3 -1724,0,2135,0,1800,1,1,28,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,116,1,28,1,90,1,1,3,3 -1725,0,2350,0,,2,1,77,,3,1,1,1,1,1,2,2,3,2,2,2,2,2,2,1,2,1,1,14,,2,1,3,1,2,1,2,1,3: > 40 mph,1,1,,,,,1,,1,1,1,1,1,1,1,2,3,1,3,1,3,3,1,119,1,24,1,83,5,4,2,3 -1726,0,1910,0,1830,1,1,35,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,2,1,2,3,2,2,1,117,1,20,1,108,2,1,2,3 -1727,0,1715,0,1300,1,1,24.5,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,9,,,,,,fell on hard edge of trampoline (jumped from tree),,2,2,1,2,1,2,1,2,2,2,1,1,3,3,3,3,1,124,1,16,1,113,5,4,2,3 -1728,0,1016,0,0920,1,1,80,2,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,object (large tackling bag) struck pt in head,,9,2,1,2,2,,2,2,2,2,2,2,,,2,3,1,129,1,20,1,59,1,1,1,2 -1729,0,1930,0,1900,1,1,70,4,8,2,,2,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,154,1,21,1,85,1,1,2,3 -1730,0,0623,0,,2,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,120,1,30,1,100,1,1,2,2 -1731,0,1825,0,,2,1,69,2,1,2,,1,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,111,1,20,1,83,1,1,2,2 -1732,0,0212,0,0112,1,1,36,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,4,2,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,1,1,2,2,2,1,112,1,22,1,78,1,1,3,3 -1733,0,0125,0,0100,1,1,35,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,22,1,90,1,1,2,3 -1734,0,2356,0,2230,1,1,70,4,3,1,1,3,3,3,1,1,3,3,4,1,2,2,2,2,2,4,2,10,,2,3,,,3,1,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,2,1,2,2,2,3,3,,,3,2,1,154,1,30,1,80,5,5,1,3 -1735,0,1930,0,,2,1,40,4,3,2,,3,3,3,2,2,3,3,2,2,1,2,1,2,4,5,6,3,,2,3,,,1,3,1,4,4: Speed Unknown,,,4,,,,4,,1,2,2,,1,2,2,2,2,3,,,3,2,1,147,1,30,1,124,2,2,2,3 -1736,0,1313,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,1,1,1,2,1,2,,,2,2,1,100,1,18,1,130,2,2,2,3 -1737,0,2005,0,1930,1,1,21.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,27,1,103,1,1,1,2 -1738,0,0915,0,0830,1,1,10,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,1,5: Physician did not answer,1,4,,,,,1,,2,,2,,1,2,2,4,3,3,,,2,4,1,105,1,68,1,156,2,1,2,3 -1739,0,2301,0,1730,1,1,46,4,3,1,4,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,1,1,2,2,1,1,3,2,3,1,121,1,16,1,88,2,1,2,3 -1740,0,1549,0,1500,1,1,39.5,1,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,3,,,,,,1,,2,,1,3,1,2,2,2,2,1,2,1,2,3,1,108,1,20,1,99,2,1,2,3 -1741,0,1651,0,,2,1,27.5,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,1,2,2,2,2,,,2,3,1,122,1,20,1,72,1,1,1,2 -1742,0,1102,0,,2,1,45,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,18,1,90,1,1,2,2 -1743,0,1835,0,1600,1,1,85.6,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,18,1,90,1,1,2,2 -1744,0,1630,0,1430,1,1,45,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,1,2,2,2,2,2,2,1,1,2,2,2,1,115,1,20,1,88,2,1,2,2 -1745,0,1322,-1,1545,1,1,73.3,1,3,2,,2,1,1,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,135,1,18,1,79,4,4,2,3 -1746,0,1745,0,1715,1,1,56,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,147,1,12,1,98,1,1,2,2 -1747,0,1929,0,,2,1,27,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,113,1,18,1,94,1,1,1,3 -1748,0,2200,0,2000,1,1,22,1,3,1,1,3,3,3,2,2,3,3,2,2,1,2,2,2,1,5,3,9,,2,3,,,1,3,1,5,,,,,3,,,5,,1,2,1,1,1,2,2,2,2,3,,,3,1,1,103,1,16,1,99,2,1,2,3 -1749,0,1932,0,1815,1,1,62.6,2,4,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,2,2,2,2,1,2,,,2,2,1,122,1,23,1,91,2,2,2,2 -1750,0,0210,0,,2,1,35,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,1,2,2,1,130,1,36,1,115,2,1,2,3 -1751,0,1302,0,,2,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,100,1,20,1,86,1,1,2,2 -1752,0,2200,0,1900,1,1,20.5,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,20,1,112,1,1,2,2 -1753,0,1304,-1,2000,1,1,36.6,1,3,1,2,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,20,1,89,1,1,2,2 -1754,0,2141,0,1600,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,4,,,2,2,2,6,,,,,,,,6,,2,,2,,1,1,2,2,2,2,,,2,3,1,105,1,20,1,119,1,1,2,3 -1755,0,1014,0,0800,1,1,50,1,3,2,,1,4,4,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,20,1,108,1,1,2,2 -1756,0,1958,0,1400,1,1,28,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,1,2,2,3,1,123,1,22,1,122,2,1,2,3 -1757,0,2059,0,2030,1,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,1,1,4,2,2,1,127,1,18,1,95,1,1,2,3 -1758,0,1630,0,,2,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,108,1,20,1,74,2,1,2,3 -1759,0,1952,0,1820,1,1,55,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Flipped over another soccer player and landed on head,,9,2,1,2,2,,2,2,2,2,2,2,,,2,2,1,114,1,18,1,84,1,1,2,2 -1760,0,1935,0,1830,1,1,64,4,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,3,,,5,,2,,1,1,1,2,2,2,2,1,3,2,2,3,1,151,1,40,1,113,2,1,2,3 -1761,0,2015,0,1930,1,1,,,3,1,4,1,4,4,2,2,3,2,2,2,2,2,2,2,2,2,1,13,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,1,3,1,1,1,2,2,2,,,2,3,1,122,1,24,1,77,4,2,2,3 -1762,0,2200,0,1900,1,1,29,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,2,2,2,3,1,124,1,20,1,92,4,1,2,2 -1763,0,1329,0,1130,1,1,30,4,3,1,4,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,3,2,2,2,,,2,3,1,130,1,28,1,99,1,1,2,2 -1764,0,2058,0,2020,1,1,60,4,4,1,3,1,2,1,1,1,1,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,3,1,1,4: Speed Unknown,1,6,,,,,1,,1,2,1,1,1,2,2,2,3,1,1,1,2,2,1,64,1,28,1,124,5,4,2,3 -1765,0,0227,-1,1930,1,1,36,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,129,1,22,1,86,1,1,3,3 -1766,0,1518,0,1500,1,1,35,4,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,hit in head while playing football,,9,2,4,,4,,2,2,3,2,2,2,,,2,2,1,111,1,20,1,76,1,1,2,2 -1767,0,1913,0,1850,1,1,10,3,3,2,,2,2,2,1,1,2,2,2,2,2,2,2,2,1,5,6,6,,1,4,,,2,3,2,9,,,,,,Ran into Door--Seizure,,7,2,2,,1,3,1,2,2,2,3,2,,,2,2,1,128,1,12,1,177,1,1,2,3 -1768,0,1608,0,,2,1,62,1,3,2,,2,2,2,2,2,1,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,131,1,20,1,92,2,1,2,3 -1769,0,1530,0,1100,1,1,35,2,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,7,2: Accidental,,,,,,kicked in stomach on accident,7,,2,,3,,1,1,2,2,2,1,1,2,2,3,1,118,1,19,1,114,2,1,2,3 -1770,0,,0,1900,1,2,30,4,3,1,1,3,3,3,2,1,3,3,2,1,1,1,1,2,4,5,5,4,,2,3,,,1,1,1,4,4: Speed Unknown,,,4,,,,4,,1,2,1,1,1,2,2,2,1,3,,,3,1,1,120,1,40,1,114,4,3,2,3 -1771,0,0220,-1,2030,1,1,69,1,2,2,,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,1,2,2,2,2,2,2,1,1,3,1,3,1,145,1,16,1,74,1,1,2,2 -1772,0,1446,0,1100,1,1,18.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Fall while walking,,2,2,1,1,2,,1,2,2,2,2,2,,,2,3,1,101,1,43,1,108,1,1,2,3 -1773,0,1557,0,,2,1,15,4,8,1,1,2,2,2,2,2,3,3,2,4,2,2,2,2,1,1,1,15,,1,2,,,2,3,2,4,1: < 5 mph,,,3,,,,4,,2,,1,1,1,4,2,2,2,4,,,3,2,1,110,1,26,1,147,2,1,3,3 -1774,0,0120,0,0030,1,1,55,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,99,1,11,1,82,2,1,1,3 -1775,0,1745,0,1615,1,1,63.5,1,1,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,3,1,1,2,2,2,2,,,2,3,1,149,1,16,1,126,2,1,2,3 -1776,0,1750,0,1700,1,1,14,2,11,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,3: > 15,,,,,,,3,,2,,1,1,1,2,2,2,2,2,,,2,2,1,104,1,45,1,133,1,1,2,3 -1777,0,1924,0,1900,1,1,16,3,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,2,2,13,,1,3,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,3,4,3,3,,,3,2,1,130,1,48,1,160,2,2,2,3 -1778,0,2200,0,2100,1,1,36,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,123,1,23,1,94,2,1,1,3 -1779,0,1620,0,1000,1,1,22.7,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,5,,,,,3,,,5,,2,,2,,2,2,2,2,1,2,,,2,2,1,110,1,20,1,88,1,1,2,2 -1780,0,1759,0,,2,1,16,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,104,1,28,1,113,1,1,1,3 -1781,0,0859,0,0800,1,1,21.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,3,2,,,2,2,1,101,1,18,1,73,1,1,2,2 -1782,0,0030,-1,2000,1,1,45,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,3,,2,,1,2,2,2,3,2,,,2,3,1,116,1,21,1,91,1,1,3,3 -1783,0,1620,0,1535,1,1,40,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,3,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,139,1,20,1,88,1,1,2,2 -1784,0,0850,0,,2,1,20,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,98,1,22,1,110,1,1,2,3 -1785,0,1313,0,,2,1,76,4,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,1,15,,2,1,3,2,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,2,1,2,2,2,2,1,3,2,2,3,1,147,1,16,1,120,4,3,2,3 -1786,0,0930,0,0200,1,1,80,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,18,1,84,1,1,2,2 -1787,0,0312,-1,2045,1,1,32,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,114,1,20,1,82,1,1,2,3 -1788,0,2251,0,1830,1,1,68,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,118,1,20,1,81,1,1,1,2 -1789,0,1657,0,1645,1,1,50,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,134,1,22,1,113,1,1,2,2 -1790,0,1908,0,,2,1,14,4,3,2,,3,3,3,1,1,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,1,3,1,4,4: Speed Unknown,,,3,,,CAR RAN INTO HOUSE AND STRUCK PT.,4,,2,,1,2,1,2,2,1,2,3,,,3,2,1,88,2,,1,166,1,1,3,3 -1791,0,1130,0,1043,1,1,15,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,1,1,2,,2,2,2,3,2,2,,,2,3,1,110,1,49,1,152,1,1,2,2 -1792,0,2300,0,2100,1,1,50,4,3,2,,1,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,1,2,4,2,2,1,145,1,17,1,57,4,3,2,3 -1793,0,1849,0,1730,1,1,65,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,2,1,2,2,2,2,2,,,2,2,1,163,1,26,1,107,2,1,2,3 -1794,0,1730,0,1700,1,1,18,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,20,1,96,2,1,1,2 -1795,0,0941,0,0820,1,1,15.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,1,2,2,2,1,95,1,24,1,91,3,1,2,2 -1796,0,1322,0,1000,1,1,39.9,1,3,2,,1,1,4,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,2,2: 3 - 10 ft.,,,,,,Cheer leading doing stunts,2,,2,,1,1,2,2,2,2,2,1,3,2,2,3,1,119,1,16,1,99,2,1,2,2 -1797,0,2033,0,1930,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,3,1,130,1,24,1,110,1,1,2,2 -1798,0,1210,0,1015,1,1,59,1,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,108,1,20,1,92,1,1,1,3 -1799,0,1415,0,1330,1,1,15,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,3,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,136,1,26,1,148,1,1,2,3 -1800,0,1430,0,1415,1,1,25.6,1,1,2,,2,2,2,2,2,3,3,2,1,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,1,9,,,,,,sledding into fence,,9,2,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,128,1,20,1,132,4,3,2,2 -1801,0,1700,0,,2,1,44,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,115,1,22,1,99,1,1,2,2 -1802,0,1947,0,1915,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,101,1,20,1,92,1,1,1,2 -1803,0,1820,0,1800,1,1,40,4,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fists to chest,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,18,1,78,1,1,2,2 -1804,0,1830,0,1730,1,1,55,4,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,2,2,1,138,1,22,1,112,2,1,2,2 -1805,0,1639,0,1600,1,1,8,3,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,3,,,3,3,1,108,1,52,1,168,1,1,2,3 -1806,0,1900,0,,2,1,12,3,1,2,,2,3,3,2,2,3,2,2,2,2,2,2,2,2,2,2,12,,1,3,,,2,2,3,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,3,1,95,1,36,1,138,2,2,2,3 -1807,0,1953,0,1933,1,1,70.3,4,4,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,1,2,2,2,2,2,1,2,,,2,3,1,132,1,15,1,132,1,1,1,2 -1808,0,2020,0,,2,1,18.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,99,1,12,1,120,1,1,2,2 -1809,0,1124,-1,1900,1,1,37.8,1,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Cousin jumped on back while pt prone,,7,2,2,,2,,2,2,2,2,2,2,,,2,1,1,119,1,20,1,68,1,1,2,2 -1810,0,0800,0,0730,1,1,,,3,2,,2,2,1,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,151,1,20,1,93,2,1,2,3 -1811,0,1637,0,1600,1,1,59,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,125,1,26,1,82,1,1,3,3 -1812,0,1432,0,,2,1,30,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,108,1,20,1,89,1,1,1,2 -1813,0,1601,0,1545,1,1,29.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,3,,1,2,2,2,2,2,,,2,2,1,122,1,24,1,104,1,1,2,3 -1814,0,1154,0,,2,1,79,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,8,,,,,,,Slipped and fell while running,8,,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,22,1,104,1,1,1,2 -1815,0,1516,0,,2,1,72.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Fall off horse,,2,2,1,2,2,,1,2,2,2,2,2,,,2,3,1,103,1,20,1,88,1,1,1,3 -1816,0,1628,0,,2,1,10,4,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,4,1: < 5 mph,,,4,,,,4,,2,,1,3,1,2,2,2,3,3,,,3,2,1,109,1,32,1,155,2,2,3,3 -1817,0,1339,0,,2,1,4,3,3,2,,3,3,3,2,1,3,3,2,2,1,2,2,2,1,5,2,10,,1,3,,,3,3,3,9,,,,,,Suspected NAT,,7,2,2,,1,1,1,2,2,1,3,3,,,3,3,1,79,1,26,1,185,3,2,1,3 -1818,0,2138,0,1930,1,1,80,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,16,1,65,1,1,2,2 -1819,0,2330,0,1100,1,1,54,2,1,2,,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,4,,2,2,2,2,2,2,,,2,3,1,128,1,18,1,97,1,1,2,2 -1820,0,1639,0,1600,1,1,6.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,113,1,20,1,163,1,1,2,1 -1821,0,2015,0,,2,1,5.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,4,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,1,2,,,2,3,1,98,1,80,1,160,1,1,2,2 -1822,0,0200,-1,2330,1,1,6,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,TV fell on patient,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,89,1,32,1,132,1,1,2,3 -1823,0,1610,0,1506,1,1,15,2,11,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,1,1,1,1,1,2,2,3,,,2,3,1,139,1,26,1,145,2,1,2,3 -1824,0,1237,0,1200,1,1,16,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,1,1,1,1,1,2,2,2,,,2,3,1,98,1,18,1,116,3,2,2,3 -1825,0,0918,-1,,2,1,,,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,124,1,24,1,81,4,1,2,2 -1826,0,1915,0,,2,1,160,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,123,1,16,1,121,1,1,3,2 -1827,0,1900,0,1700,1,1,10,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,109,1,36,1,183,1,1,2,3 -1828,0,2130,0,1200,1,1,25,2,3,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,1,1,2,2,2,1,104,1,20,1,99,4,2,2,3 -1829,0,1735,0,1720,1,1,11,1,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,2,1,14,,1,4,,,2,3,1,4,2: 5 - 20 mph,,,1,,,,4,,2,,2,,1,2,2,3,3,3,,,3,3,1,114,1,44,1,208,4,4,2,3 -1830,0,1513,0,1430,1,1,24,1,8,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,1,2,2,2,1,1,3,2,3,3,,1,20,1,100,1,1,2,2 -1831,0,2240,0,2200,1,1,21,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,103,1,26,1,139,2,1,1,3 -1832,0,1954,0,1900,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,96,1,23,1,111,1,1,2,2 -1833,0,1946,0,1850,1,1,56.7,2,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,3,1: 5 or less,,,,,,,3,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,112,1,18,1,86,2,1,1,2 -1834,0,0730,0,0700,1,1,10,4,3,2,,3,3,3,1,2,3,3,3,1,1,1,1,2,4,5,6,3,,1,3,,,3,3,3,9,,,,,,television fell on child,,7,2,2,,1,1,1,2,2,2,3,3,,,3,3,1,128,1,30,1,156,1,1,2,3 -1835,0,2150,0,1800,1,1,35,3,1,2,,3,3,3,2,2,3,3,2,3,1,2,1,2,4,5,2,7,,2,3,,,2,3,3,4,3: > 20 mph,,,2,,,,4,,1,2,1,2,1,2,2,2,2,3,,,3,2,1,120,1,24,1,121,2,1,2,3 -1836,0,,0,,2,2,77.2,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,3,,1,1,1,1,1,2,3,1,2,3,2,2,1,145,1,12,1,60,2,1,2,3 -1837,0,1933,0,1830,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,2,,,,,pt. was sitting on lap of an adult in the front seat of the car,1,,2,,1,2,1,2,2,2,2,1,2,1,2,3,1,135,1,42,1,153,4,3,2,3 -1838,0,2257,0,2220,1,1,75,4,8,2,,1,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,117,1,20,1,64,2,1,2,3 -1839,0,1525,0,1320,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,3,2,2,2,2,3,2,,,2,2,1,119,1,38,1,102,1,1,2,2 -1840,0,1606,0,1500,1,1,8,1,3,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,4,2,9,,,,,,pt thrown against wall,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,113,1,35,1,120,1,1,2,3 -1841,0,1728,0,1700,1,1,60,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,19,1,118,1,1,2,2 -1842,0,1155,0,1045,1,1,45,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,2,,1,24,1,72,1,1,2,2 -1843,0,2237,0,2130,1,1,65,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Assult,,7,2,1,2,2,,1,2,2,2,2,2,,,2,2,1,136,1,18,1,61,1,1,2,3 -1844,0,2049,0,2010,1,1,32.5,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,1,2,2,3,2,,,2,3,1,112,1,25,1,121,1,1,2,2 -1845,0,1522,0,1500,1,1,55,1,3,2,,1,1,2,2,2,1,1,1,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,2,1,2,3,1,116,1,18,1,100,4,3,1,2 -1846,0,1059,0,0300,1,1,66.5,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,1,2,2,1,1,3,2,2,1,134,1,16,1,77,3,3,1,3 -1847,0,1555,0,1400,1,1,54.8,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,elbowed playing basketball,,7,2,2,,2,,2,2,2,2,2,1,1,2,2,3,1,106,1,20,1,111,2,1,2,2 -1848,0,2120,0,,2,1,38,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,117,1,20,1,94,1,1,1,3 -1849,0,1922,0,,2,1,59.7,1,8,2,,1,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,assaulted- punches and kicks,,7,2,2,,3,,2,2,2,2,2,1,2,1,2,2,1,107,1,20,1,82,1,1,2,2 -1850,0,2033,0,,2,1,,,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,4,,,2,2,2,9,,,,,,Sledding accident,,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,115,1,22,1,88,1,1,2,2 -1851,0,1745,0,1700,1,1,20,4,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,2,2,2,2,4,2,2,,,2,2,1,142,1,22,1,92,2,1,2,2 -1852,0,0335,0,0030,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,3,2,2,2,,,2,3,1,114,1,16,1,97,1,1,2,3 -1853,0,1847,0,1800,1,1,13,1,1,3,,4,4,4,4,4,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,1,2,,2,1,2,2,2,2,,,4,4,1,110,1,24,1,116,2,1,2,2 -1854,0,1920,0,1900,1,1,50,4,11,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,1,1,2,3,1,111,1,16,1,88,1,1,2,3 -1855,0,1600,0,1530,1,1,17,3,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,1,2,2,3,2,,,2,3,1,170,1,26,1,158,2,1,1,3 -1856,0,2104,0,2030,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,118,1,20,1,103,2,1,2,2 -1857,0,1908,0,1830,1,1,16,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,7,4: Physician did not answer,,,,,,TV fell on patient-unwitnessed,7,,2,,2,,2,2,3,2,3,2,,,2,2,1,104,1,24,1,116,1,1,2,2 -1858,0,1941,0,1830,1,1,9,3,8,2,,3,3,3,2,2,3,3,4,3,3,3,3,3,1,1,1,15,,1,3,,,2,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,3,1,62,1,38,1,170,1,1,2,3 -1859,0,0300,-1,2030,1,1,38,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,3,2,1,9,,,,,,Sledding,,9,2,2,,2,,1,2,1,2,2,4,,,2,2,1,127,1,18,1,93,1,1,2,3 -1860,0,1102,0,1030,1,1,16,2,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,1,9,,,,,,Sledding accident - struck head on sled prone to fence nose,,9,2,1,2,1,1,1,2,2,2,3,1,1,1,3,2,1,94,1,22,1,110,4,1,2,3 -1861,0,1240,0,1100,1,1,61,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,103,4,,1,88,1,1,2,2 -1862,0,1113,0,,2,1,42.2,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Hockey Injury,,7,2,2,,2,,2,2,2,2,2,1,1,4,2,2,1,100,1,16,1,81,1,1,2,2 -1863,0,0900,0,0730,1,1,65,4,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,2,2,2,2,3,1,3,1,2,3,1,138,1,20,1,82,3,2,2,2 -1864,0,1740,0,1700,1,1,25,4,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,20,1,97,1,1,2,2 -1865,0,0051,-1,2355,1,1,287,2,1,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,2,1,155,1,18,1,95,1,1,2,2 -1866,0,,0,,2,2,15,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,116,1,20,1,92,1,1,2,3 -1867,0,1355,0,1340,1,1,10,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,4: Unknown,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,106,1,32,1,178,1,1,1,3 -1868,0,2000,0,1930,1,1,14,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,1,2,,,2,2,3,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,147,1,54,1,101,1,1,2,3 -1869,0,1600,0,1545,1,1,60,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,2,1,150,1,22,1,95,1,1,2,3 -1870,0,1000,0,,2,1,,,3,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,2,,,2,2,1,114,1,38,1,115,1,1,1,3 -1871,0,1914,0,,2,1,15,4,8,2,,2,2,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,98,1,33,1,113,2,1,2,3 -1872,0,1450,0,1000,1,1,29.5,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,1,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,1,1,1,2,3,1,108,1,20,1,83,2,1,2,3 -1873,0,1709,0,,2,1,38.9,1,2,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,1,1,2,2,1,114,1,20,1,94,6,6,3,2 -1874,0,2026,0,,2,1,10,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,3,2,2,2,,,2,2,1,80,1,46,1,120,1,1,2,2 -1875,0,1500,0,1400,1,1,25,2,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,24,1,130,1,1,2,2 -1876,0,2147,0,2100,1,1,50,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,1,1,1,1,15,,2,1,2,1,1,2,1,8,,,,,,,,8,,2,,2,,1,2,2,2,2,1,1,1,2,2,1,110,1,22,1,72,1,1,2,3 -1877,0,1000,0,0815,1,1,12.6,1,1,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,99,1,18,1,120,1,1,2,2 -1878,0,1040,0,1030,1,1,70,1,2,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,1,2,3,2,2,1,141,1,16,1,70,3,3,2,3 -1879,0,1210,0,1130,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,1,3,,,2,3,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,1,2,2,2,1,1,2,2,2,1,110,1,13,1,126,1,1,2,3 -1880,0,0205,0,,2,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,3,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,100,1,16,1,95,1,1,3,3 -1881,0,0200,0,0000,1,1,75,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,2,2,2,2,1,2,,,2,3,1,120,1,18,1,88,1,1,2,2 -1882,0,2135,0,2050,1,1,90.7,4,4,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,1,1,1,15,,2,3,,,2,2,2,8,,,,,,,,8,,1,2,1,1,2,2,2,3,2,3,,,3,3,1,84,1,16,1,75,2,1,2,2 -1883,0,2000,0,1900,1,1,25,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,3,,3,,1,2,2,3,1,2,,,2,3,1,118,1,24,1,110,2,1,2,3 -1884,0,,0,,2,2,13,4,3,2,,2,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,Mom dropped,,2,2,2,,4,,2,1,2,2,3,3,,,2,3,1,109,1,18,1,96,1,1,3,2 -1885,0,1642,0,1415,1,1,49.5,1,11,2,,2,2,2,2,1,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,1,2,2,2,1,3,1,3,3,1,114,1,20,1,68,4,4,2,2 -1886,0,1351,0,,2,1,62.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,4,2,1,1,4,2,3,1,125,1,20,1,98,1,1,2,2 -1887,0,2330,0,2115,1,1,70,4,1,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,1,3,2,2,2,2,9,,,,,,hard fall snowboarding,,2,2,2,,1,1,2,2,3,2,2,2,,,2,3,1,132,1,14,1,89,4,3,2,2 -1888,0,1149,-1,,2,1,71,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,136,1,12,1,90,1,1,2,2 -1889,0,0845,0,0800,1,1,14,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,1,1,1,1,1,2,2,1,1,1,2,2,1,100,1,20,1,90,2,1,3,3 -1890,0,1530,0,1400,1,1,60,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,3,2: 6-15,,,,,,,3,,2,,1,1,1,2,2,2,2,2,,,2,2,1,107,1,16,1,84,1,1,2,3 -1891,0,,0,,2,2,100,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,1,1,2,2,2,3,1,130,1,20,1,101,3,1,2,2 -1892,0,0920,0,0820,1,1,75,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,1,1,2,2,2,2,2,1,1,2,2,2,3,1,120,1,12,1,56,2,1,2,2 -1893,0,1229,0,,2,1,,,5,1,4,1,1,2,2,2,1,2,2,4,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,9,,,,,,dune buggy crash tossed,,6,1,2,,1,1,1,1,2,2,3,1,2,2,2,2,1,121,1,15,1,92,5,4,2,3 -1894,0,1928,0,,2,1,,,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,3,4,,,4,4,4,1,5: Physician did not answer,4,,,,,,1,,2,,1,1,1,1,1,2,2,1,2,3,2,2,1,126,1,20,1,86,2,2,3,3 -1895,0,2034,0,2000,1,1,39,2,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,9,,,,,,Fall from horse,,2,2,2,,1,2,2,2,2,2,2,1,2,2,2,3,1,133,1,20,1,96,2,1,2,2 -1896,0,0252,0,0200,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,2,1,141,1,16,1,96,1,1,2,2 -1897,0,1730,0,1400,1,1,50,4,8,1,3,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,3,1,1,2,2,2,1,2,2,2,2,1,110,1,20,1,94,5,2,1,3 -1898,0,1135,-1,1700,1,1,30.1,1,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,9,,,,,,football injury,,7,2,1,2,2,,2,2,2,2,2,1,1,2,2,3,1,105,1,20,1,96,1,1,2,2 -1899,0,2235,0,2200,1,1,5.6,1,1,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,,2,,,,1,3,,,2,3,3,2,1: < 3 ft.,,,,,,reported mechanism CPS was evaluating,2,,2,,2,,1,2,2,2,3,3,,,3,3,1,82,1,52,1,116,1,1,2,3 -1900,0,1808,0,,2,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,1,5,,,,,3,,,5,,2,,2,,1,2,2,2,3,1,1,6,2,3,1,145,1,22,1,83,1,1,2,3 -1901,0,1610,0,1545,1,1,41.2,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,4,2,2,,,2,3,1,104,1,20,1,106,1,1,2,2 -1902,0,,0,,2,2,63,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,1,1,3,2,2,1,136,1,28,1,95,2,1,2,3 -1903,0,1651,0,,2,1,65,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,121,1,22,1,112,1,1,2,2 -1904,0,2009,0,,2,1,11,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,138,1,68,1,173,1,1,2,3 -1905,0,1805,0,1600,1,1,81.6,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,2,2,3,2,,,2,2,1,146,1,16,1,80,1,1,2,2 -1906,0,2004,0,,2,1,22,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,147,1,26,1,110,1,1,1,3 -1907,0,2042,0,1600,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Ground level fall,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,18,1,55,1,1,2,2 -1908,0,1537,-1,1830,1,1,17.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,1,1,2,2,1,1,2,2,3,1,141,1,20,1,98,2,1,2,2 -1909,0,2050,0,1845,1,1,50,4,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,117,1,20,1,74,2,2,2,3 -1910,0,2000,0,1900,1,1,32,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,2,,1,2,1,2,2,2,,,2,2,1,127,1,22,1,115,2,1,2,3 -1911,0,1926,0,,2,1,5,3,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,8,,,,,,,,8,,2,,2,,1,2,2,2,2,3,,,3,2,1,120,1,28,1,126,1,1,2,3 -1912,0,1646,0,1620,1,1,50,4,4,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,3,1,127,1,20,1,82,1,1,2,2 -1913,0,1539,0,,2,1,80,4,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,fall from the back of moving car,,9,1,1,2,2,,1,1,2,2,2,2,,,2,2,1,140,1,20,3,,1,1,2,3 -1914,0,1930,0,1830,1,1,8,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,1,1,2,,2,2,2,2,2,3,,,2,3,1,102,1,40,1,200,1,1,2,2 -1915,0,2015,0,1900,1,1,9.5,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,9,,,,,,fell on leg,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,103,1,42,1,138,1,1,2,3 -1916,0,1553,0,1520,1,1,100,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,120,1,20,1,87,2,1,2,2 -1917,0,1533,0,,2,1,8,,8,2,,2,2,2,2,1,2,2,2,2,1,2,2,2,4,5,6,3,,1,2,,,2,2,2,9,,,,,,Found down,,8,2,2,,1,3,1,2,2,2,3,2,,,4,4,1,67,1,40,1,134,3,3,1,3 -1918,0,2255,0,2100,1,1,54.5,1,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,"fall off horse, horse then stepped on abdomen",,2,2,1,2,1,1,2,1,2,2,1,1,2,2,2,3,1,123,1,20,1,110,4,2,2,2 -1919,0,1317,0,1220,1,1,32,2,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,1,1,1,2,2,3,1,124,1,20,1,80,1,1,2,2 -1920,0,1320,0,1315,1,1,12,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,24,1,130,1,1,2,2 -1921,0,1737,0,1600,1,1,15.4,1,3,2,,2,2,2,2,2,2,2,4,3,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,1,1,1,2,2,2,2,1,1,1,2,3,1,145,1,20,1,70,3,2,2,3 -1922,0,1732,0,1630,1,1,18,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,1,2,2,2,3,2,,,2,3,1,117,1,20,1,102,1,1,2,3 -1923,0,2130,0,1630,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,110,1,18,1,78,1,1,3,3 -1924,0,1100,-1,1800,1,1,73,1,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,16,1,76,1,1,2,2 -1925,0,1430,0,1400,1,1,8.4,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,3,,,3,3,1,104,1,32,1,160,1,1,2,2 -1926,0,0825,0,0745,1,1,50,4,3,2,,1,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,1,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,106,1,28,1,96,3,1,2,3 -1927,0,1654,0,1600,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,132,1,18,1,115,1,1,2,2 -1928,0,1645,0,1300,1,1,57,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,101,1,16,1,95,1,1,2,3 -1929,0,1556,0,1400,1,1,68.5,1,2,1,4,1,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,20,1,92,1,1,2,2 -1930,0,,0,,2,2,28,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,3,1,109,1,20,1,119,2,1,2,3 -1931,0,1754,0,1720,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,16,1,116,1,1,1,2 -1932,0,1804,0,1530,1,1,37.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,1,2,2,3,2,,,2,3,1,106,1,16,1,83,1,1,2,2 -1933,0,0122,-1,2300,1,1,71.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,130,1,22,1,80,3,2,1,3 -1934,0,1630,0,1520,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,28,1,132,1,1,2,2 -1935,0,1626,0,,2,1,100,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,,,,,15,2,1,2,2,2,2,2,5,,,,,2,,,5,,2,,1,2,2,1,2,2,2,1,2,2,2,2,1,142,1,41,1,85,2,2,1,2 -1936,0,1100,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,20,1,94,1,1,1,2 -1937,0,1658,0,1600,1,1,48,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,123,1,24,1,115,3,1,2,3 -1938,0,2138,0,2030,1,1,55,1,3,1,2,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,3,2,,,2,3,1,132,1,16,1,92,1,1,3,2 -1939,0,1844,0,,2,1,45,2,8,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Fall snowboarding - unwitnessed,,2,2,1,1,2,,2,2,2,2,3,1,1,3,2,2,1,114,1,16,1,98,2,1,2,2 -1940,0,2056,0,2030,1,1,23,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,95,1,22,1,86,1,1,2,2 -1941,0,2351,0,2000,1,1,11.7,1,3,2,,3,3,3,2,2,3,3,3,1,2,2,1,2,1,1,1,15,,1,2,,,2,2,1,7,2: Accidental,,,,,,,7,,2,,1,3,1,1,2,2,2,3,,,3,3,1,109,1,24,1,132,2,2,1,3 -1942,0,1525,0,1330,1,1,15.1,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,28,1,103,1,1,2,2 -1943,0,1914,0,1500,1,1,57.1,1,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,7,1: Intentional,,,,,,,7,,2,,1,1,1,2,2,2,1,1,1,1,2,2,1,143,1,16,1,88,1,1,2,3 -1944,0,1503,0,1430,1,1,55,4,4,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,5,3,9,,2,3,,,3,3,3,4,4: Speed Unknown,,,4,,,,4,,1,2,1,3,1,2,2,2,1,3,,,3,2,1,150,1,12,1,109,3,3,2,3 -1945,0,2009,0,,2,1,15,3,3,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,4,4,3,7,,1,2,,,1,3,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,2,2,2,3,3,,,3,2,1,102,1,55,1,164,3,2,3,3 -1946,0,2059,0,,2,1,20.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,16,1,96,1,1,2,2 -1947,0,0831,0,0708,1,1,63.5,4,4,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,2,2,2,1,2,,,2,2,1,125,1,16,1,98,6,6,3,3 -1948,0,1430,0,1330,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,1,1,2,,2,2,2,2,2,1,1,1,2,3,1,119,1,16,1,78,1,1,2,2 -1949,0,1306,0,1200,1,1,59,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,138,1,18,1,73,1,1,2,3 -1950,0,0847,0,0830,1,1,17,1,1,2,,3,3,3,2,3,3,3,2,3,1,2,2,2,4,5,6,3,,2,3,,,3,3,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,3,1,2,2,2,3,3,,,3,3,1,64,2,,1,92,3,2,2,3 -1951,0,1844,0,1730,1,1,38,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,fell from rope swinging into pond and fell about 5 feet (bellyflop) and got Heimlich maneuver from bystander.,,2,2,2,,1,1,2,2,2,3,2,1,2,1,2,3,1,111,1,20,1,87,2,2,2,2 -1952,0,1240,0,1230,1,1,6.7,1,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,3,,1,23,1,143,1,1,2,2 -1953,0,1500,0,1230,1,1,20,4,8,2,,3,3,3,2,2,3,3,2,3,1,2,1,2,3,5,2,8,,2,3,,,2,3,3,1,4: Speed Unknown,3,,,,,,1,,2,,2,,1,2,2,2,2,3,,,3,3,1,97,2,,1,100,2,2,2,3 -1954,0,2300,0,1945,1,1,35,2,8,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,2,,,5,,2,,1,1,2,1,2,2,2,1,2,1,2,3,1,98,1,19,1,108,2,1,2,2 -1955,0,2055,0,1950,1,1,14,1,8,2,,2,2,2,2,2,3,3,1,2,2,2,2,2,1,2,2,13,,1,3,,,2,2,1,9,,,,,,Door fell on face,,9,2,1,2,2,,1,2,2,2,2,2,,,2,2,1,115,1,30,1,145,2,1,2,3 -1956,0,1410,0,,2,1,4,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,1,3,,,3,3,3,8,,,,,,,,8,,2,,2,,2,2,2,2,2,2,,,2,3,1,81,1,40,1,144,2,1,1,2 -1957,0,1939,0,1700,1,1,40,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,2,2,1,2,2,1,1,3,3,2,3,1,115,1,24,1,98,3,3,2,2 -1958,0,1305,0,1100,1,1,15,4,3,2,,2,2,2,2,2,3,1,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,1,2,3: > 10 ft.,,,,,,,2,,3,,1,1,1,2,2,4,3,3,,,2,2,1,94,1,36,1,120,5,4,1,3 -1959,0,0041,0,0005,1,1,80,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,3,2,,,2,2,1,136,1,20,1,94,1,1,2,2 -1960,0,1405,0,1305,1,1,12,1,2,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,9,,,,,,Fall from porch over the railing,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,110,1,30,1,172,1,1,1,3 -1961,0,1748,0,1715,1,1,24,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,28,1,130,1,1,2,2 -1962,0,0040,-1,2300,1,1,70,2,1,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,123,1,18,1,75,2,2,2,3 -1963,0,1813,0,1500,1,1,19.6,,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,18,1,82,1,1,1,2 -1964,0,2158,0,2150,1,1,63.5,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,12,1,85,1,1,1,2 -1965,0,1653,0,1600,1,1,14,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,sitting in shopping cart-struck by vehicle at 10mph,,4,2,2,,1,1,2,2,2,2,3,1,4,1,2,3,1,126,1,28,1,126,1,1,2,2 -1966,0,1652,0,,2,1,75,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,123,1,20,1,120,1,1,1,3 -1967,0,1321,0,,2,1,,,3,1,4,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,3,2,2,2,,,2,3,1,109,1,20,1,81,1,1,2,2 -1968,0,1559,0,1530,1,1,20,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,4,4,1,112,1,22,1,88,1,1,2,2 -1969,0,0223,-1,2230,1,1,45,1,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,3,2,2,2,1,100,1,18,1,97,2,1,1,2 -1970,0,0244,0,,2,1,76,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,143,1,20,1,90,1,1,1,3 -1971,0,1215,0,1200,1,1,18,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,1,2,2,2,2,,,2,3,1,101,1,22,1,102,1,1,2,3 -1972,0,2126,0,2015,1,1,4.1,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,2,2,1,1: < 20 mph,1,4,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,3,1,130,1,24,1,170,3,1,2,2 -1973,0,1848,0,,2,1,12,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,4,,2,2,2,2,2,2,,,2,3,1,109,1,22,1,110,1,1,2,2 -1974,0,1817,0,,2,1,,,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,3,2: 6-15,,,,,,,3,,1,2,2,,2,2,2,2,2,1,1,2,2,3,1,123,1,20,1,80,2,1,2,2 -1975,0,2214,0,1400,1,1,50,2,3,2,,2,2,2,2,2,2,1,3,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,tubing accident,,9,2,1,1,1,1,1,2,2,2,2,2,,,2,3,1,141,1,30,1,125,2,1,2,3 -1976,0,1930,0,1800,1,1,60,1,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell over handlebar-- overturn (Tire VS abdomen) on way to ground,,2,2,2,,2,,2,1,2,2,2,2,,,2,3,1,128,1,20,1,94,1,1,2,2 -1977,0,1500,0,1400,1,1,40,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,129,1,28,1,105,2,1,2,2 -1978,0,1700,0,1600,1,1,50,4,3,1,2,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,112,1,20,1,165,3,2,2,3 -1979,0,1933,0,,2,1,60,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,"Wrestling with brother, thrown over shoulder and brother fell on him",,7,2,2,,1,1,1,2,2,2,2,1,2,4,2,2,1,139,1,18,1,91,1,1,1,3 -1980,0,1810,0,1230,1,1,64.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,4,2,3,1,143,1,18,1,72,1,1,2,2 -1981,0,2000,0,1930,1,1,14,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,3,1,119,1,24,1,121,2,6,3,3 -1982,0,1633,0,1530,1,1,79.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,12,1,69,1,1,2,2 -1983,0,1836,0,1730,1,1,15,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,4,2,2,,,2,2,1,101,1,20,1,124,1,1,1,2 -1984,0,1800,0,1700,1,1,33,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,2,1,102,1,19,1,80,1,1,2,2 -1985,0,1240,0,,2,1,65,,1,1,1,3,3,3,1,2,3,3,2,3,1,2,2,2,4,5,6,3,,2,3,,,2,3,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,2,1,2,2,1,2,3,,,3,2,1,126,1,22,1,58,5,4,2,3 -1986,0,1940,0,1930,1,1,30,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,1,2,2,2,2,2,1,1,3,2,3,1,123,1,22,1,97,2,1,2,2 -1987,0,2106,0,,2,1,4,3,8,2,,3,3,3,2,1,3,3,2,3,1,2,1,2,4,5,1,8,,1,3,,,3,3,3,8,,,,,,,,8,,1,1,1,1,1,2,2,2,3,3,,,3,3,1,93,1,58,1,195,1,1,2,3 -1988,0,1830,0,1000,1,1,4.7,4,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,2,1,106,1,55,1,222,1,1,2,3 -1989,0,1000,0,0930,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,2,1,163,1,26,1,120,1,1,1,3 -1990,0,1655,0,1640,1,1,70,4,8,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,9,,,,,,jet ski collision with another jet ski,,6,2,1,2,1,2,1,2,2,2,2,2,,,2,2,1,150,1,41,1,116,4,4,1,3 -1991,0,1551,0,,2,1,4,3,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,,,,,15,1,2,,,2,2,4,2,1: < 3 ft.,,,,,,,2,,1,2,2,,1,2,2,2,2,2,,,2,3,1,92,1,44,1,146,2,1,2,3 -1992,0,1322,0,1300,1,1,63,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,1,5,,,,,1,,,5,,2,,1,2,1,1,2,2,2,1,3,2,2,2,1,111,1,36,1,99,4,4,2,3 -1993,0,1330,0,,2,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,Pt fell off back of golf cart,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,118,1,20,1,83,1,1,2,3 -1994,0,1950,0,,2,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,1,2,2,2,2,,,2,3,1,105,1,30,1,180,2,2,2,3 -1995,0,1544,0,1400,1,1,75.2,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,4,,,2,2,1,135,1,20,1,63,1,1,2,2 -1996,0,1721,0,1600,1,1,22.7,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,2,1,2,2,2,1,2,2,2,3,1,120,1,22,1,96,4,2,2,2 -1997,0,0028,-1,,2,1,,,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,2,2,3,2,3,2,,,2,2,1,111,1,21,1,102,1,1,2,2 -1998,0,1557,0,,2,1,,,3,1,2,1,1,2,2,3,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Football injury w/lower back pain,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,116,1,15,1,65,1,1,2,3 -1999,0,1620,0,1345,1,1,34,3,3,2,,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,5,,,,,1,,,5,,2,,2,,1,2,2,2,3,1,1,1,2,2,1,116,1,27,1,100,2,1,1,3 -2000,0,2034,0,2000,1,1,10,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,,,,,15,1,3,,,2,3,3,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,2,3,,,2,2,1,122,1,38,1,188,2,1,1,3 -2001,0,0049,-1,2345,1,1,74.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,3,,,,,,1,,2,,1,3,2,2,2,2,2,1,1,3,2,3,1,102,1,16,1,64,2,1,2,2 -2002,0,1534,0,,2,1,35.9,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,3,2,2,2,,,2,2,1,91,1,18,1,104,1,1,3,2 -2003,0,1800,0,,2,1,81,2,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,130,1,20,1,60,1,1,2,2 -2004,0,0047,-1,1600,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,sledding-face struck ground and rolled downhill,,9,2,2,,2,,1,2,2,2,3,2,,,2,2,1,108,1,16,1,94,1,1,2,3 -2005,0,1125,0,1030,1,1,65,4,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,6,2,3,1,118,1,20,1,114,1,1,2,2 -2006,0,1910,0,,2,1,35,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,2,2,7,2: Accidental,,,,,,,7,,2,,1,3,2,2,2,2,2,1,3,1,3,3,1,120,1,22,1,131,1,1,2,2 -2007,0,0321,0,0245,1,1,52.6,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,2,2,2,3,1,122,1,24,1,94,2,1,2,2 -2008,0,1300,0,1200,1,1,44,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,100,1,22,1,94,2,1,3,3 -2009,0,2207,0,2140,1,1,77.1,1,3,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,125,1,20,1,92,2,1,1,3 -2010,0,,0,,2,2,62,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,7,3: Unknown intentionality,,,,,,Object striking abdomen was a fist.,7,,2,,2,,2,2,3,2,2,2,,,2,3,1,146,1,18,1,77,1,1,1,2 -2011,0,2050,0,1800,1,1,25.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,9,,,,,,Pt. dropped by neighbor girl approx. 3-4 ft & then the girl (~150 lbs) landed on right abdomen & elbow,,2,2,2,,1,1,1,2,2,2,2,1,2,2,1,3,1,110,1,20,1,97,4,2,2,3 -2012,0,1800,0,1400,1,1,42,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,106,1,14,1,74,1,1,1,2 -2013,0,1901,0,1845,1,1,36,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,24,1,132,1,1,2,2 -2014,0,0237,0,0130,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,1,3,2,,2,2,2,2,2,2,,,2,2,1,120,1,18,1,89,1,1,2,2 -2015,0,2331,0,1930,1,1,14,4,1,2,,3,3,3,1,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,3,3,,,3,2,1,100,1,14,1,120,2,2,2,3 -2016,0,2121,0,2030,1,1,80,2,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,2,1,2,1,2,2,2,2,1,2,1,2,2,1,112,1,12,1,97,3,2,2,3 -2017,0,1730,0,1630,1,1,67.5,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,2,2,2,2,2,2,1,2,2,2,3,1,131,1,16,1,76,4,2,2,2 -2018,0,1715,0,1645,1,1,25,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,103,1,20,1,103,1,1,2,2 -2019,0,1716,0,1600,1,1,45,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,4,3,1,3,3,2,2: 3 - 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,2,1,2,1,2,2,1,111,1,12,1,120,3,2,2,3 -2020,0,1930,0,,2,1,50,1,3,2,,2,2,2,2,2,2,1,1,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,fall from golf cart,,2,2,2,,2,,1,2,2,2,2,1,1,4,2,3,1,110,1,18,1,84,1,1,2,3 -2021,0,1800,0,,2,1,,,8,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,1,2,2,2,1,4,6,2,3,1,120,1,22,1,128,1,1,2,3 -2022,0,1750,0,,2,1,20,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,1,2,2,2,3,2,,,2,3,1,107,1,20,1,93,1,1,2,3 -2023,0,1150,0,,2,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,3,2,2,1,2,1,2,3,1,107,1,30,1,131,2,1,2,2 -2024,0,1932,0,,2,1,72,1,1,1,2,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,4,4: Speed Unknown,,,3,,,,4,,1,2,1,2,1,1,2,2,3,3,,,3,2,1,140,2,,1,40,2,2,2,3 -2025,0,1624,0,1424,1,1,35,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,112,1,20,1,65,1,1,2,2 -2026,0,2315,0,2230,1,1,80,4,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,125,1,16,1,80,1,1,2,2 -2027,0,1516,0,,2,1,59,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,3,4,2,2,,,2,3,1,121,1,18,1,62,1,1,2,2 -2028,0,1841,0,1750,1,1,33,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,3,1,2,3,2,3,1,127,1,20,1,124,3,2,2,2 -2029,0,2030,0,2000,1,1,30,4,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,2,3,,,3,3,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,3,,,3,2,1,110,1,14,1,158,1,1,2,3 -2030,0,2254,0,,2,1,7,3,8,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,3,2,8,,,,,,,"Had seizure 15 minutes, has meningitis",8,,1,1,2,,1,2,2,2,2,2,,,2,2,1,108,1,50,1,103,1,1,3,3 -2031,0,1315,0,1230,1,1,72.6,1,8,2,,1,1,4,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,135,1,18,1,86,1,1,2,2 -2032,0,0005,-1,2315,1,1,62,1,1,2,,1,2,1,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,16,1,80,2,1,3,2 -2033,0,1830,0,1600,1,1,22,3,3,2,,3,3,3,2,2,3,3,1,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,1,4,4: Speed Unknown,,,3,,,,4,,1,2,3,,1,1,2,1,3,3,,,3,1,1,50,2,,1,80,5,5,2,3 -2034,0,1615,0,1600,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,36,1,86,1,1,2,2 -2035,0,2300,0,1200,1,1,,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Motor cycle crash,,6,2,2,,1,1,1,2,2,2,3,2,,,2,3,1,127,1,20,1,85,1,1,2,3 -2036,0,2004,0,,2,1,56.7,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Sports injury sandwitched,,7,2,2,,2,,2,1,2,2,2,2,,,2,2,1,115,1,18,1,72,1,1,2,2 -2037,0,1655,0,1615,1,1,36,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,1,1,2,2,2,1,131,1,21,1,92,2,1,2,2 -2038,0,1353,0,0820,1,1,49.8,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,3,2,2,2,2,3,1,2,3,2,2,1,120,1,22,1,98,1,1,2,2 -2039,0,2238,0,2100,1,1,72.5,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,1,1,1,1,1,2,2,2,2,,,2,2,1,143,1,24,1,128,3,2,2,3 -2040,0,1725,0,1640,1,1,47,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,108,1,20,1,84,1,1,2,2 -2041,0,1204,0,1030,1,1,60,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,140,1,20,1,110,2,1,2,3 -2042,0,1230,-1,2030,1,1,18.1,1,3,1,1,1,4,1,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,"jumped from chair to bed, hit R CW on bed frame metal",,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,97,1,32,1,76,1,1,2,2 -2043,0,1230,0,,2,1,5,3,3,2,,3,3,3,2,1,3,3,2,1,1,1,1,2,4,5,6,3,,1,3,,,3,3,3,1,3: > 40 mph,1,4,,,,,1,,2,,1,1,1,2,2,1,3,3,,,3,3,1,71,2,,1,153,4,4,2,3 -2044,0,1159,0,1130,1,1,50,1,2,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,1,1,3,1,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,149,1,18,1,109,3,2,2,3 -2045,0,0923,0,0830,1,1,70,4,3,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,6,,,,,,,,6,,1,2,1,1,1,2,2,3,2,1,1,3,2,3,1,160,1,20,1,91,3,1,1,3 -2046,0,1754,0,1730,1,1,21.8,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,3,1,2,1,2,3,1,123,1,18,1,123,2,1,2,2 -2047,0,2023,0,1945,1,1,60,4,3,2,,1,1,1,2,2,2,1,2,2,2,2,2,2,1,2,1,14,,2,1,1,2,2,2,1,1,4: Speed Unknown,2,,,,,,1,,1,2,1,2,1,2,2,2,2,1,1,3,2,2,1,112,1,20,1,85,5,4,2,3 -2048,0,1530,0,1430,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,2,1,122,1,20,1,105,3,1,2,2 -2049,0,1732,0,1700,1,1,20,4,8,2,,2,2,2,2,2,3,2,2,3,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,3,1,2,1,3,2,1,126,1,33,1,126,3,1,1,3 -2050,0,1607,0,,2,1,70,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,118,1,18,1,88,1,1,2,2 -2051,0,1349,0,,2,1,53,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,104,1,20,1,98,1,1,2,2 -2052,0,1625,0,1530,1,1,68,2,4,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Dive into water from high dive,,9,2,1,1,1,1,1,2,2,2,2,2,,,2,2,1,130,1,21,1,75,2,1,2,3 -2053,0,1830,0,1800,1,1,39,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,2,2,,,2,3,1,103,1,24,1,110,2,1,2,2 -2054,0,1700,0,1630,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,2,,1,2,2,3,2,2,,,2,3,1,137,1,24,1,111,1,1,2,3 -2055,0,2100,0,2000,1,1,70,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,140,1,18,1,87,1,1,2,2 -2056,0,1951,0,,2,1,18,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,1,3,1,1,1,2,2,1,2,3,2,2,1,103,1,24,1,120,4,2,3,3 -2057,0,1205,0,,2,1,54,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,4,2,3,1,124,1,16,1,74,1,1,2,2 -2058,0,1118,0,1018,1,1,60,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,1,1,1,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,2,1,2,2,2,2,1,1,1,2,2,1,107,1,21,1,111,2,1,3,3 -2059,0,1330,0,1230,1,1,9.1,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,8,,,,,,,,8,,2,,1,2,1,2,2,2,3,2,,,2,3,1,105,1,30,1,174,2,1,2,3 -2060,0,0850,0,0750,1,1,30,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,2,2,1,1,2,2,1,1,1,2,3,1,104,1,24,1,87,2,2,1,2 -2061,0,1450,0,1400,1,1,9,3,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,1,3,,,2,3,3,2,1: < 3 ft.,,,,,,,2,,2,,1,3,1,2,2,2,3,3,,,3,3,1,96,2,,1,174,3,1,2,3 -2062,0,1439,0,,2,1,,,5,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,1,2,2,13,,1,3,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,1,2,,,2,2,1,83,1,30,1,112,1,1,2,3 -2063,0,1745,0,,2,1,15,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,3,,,3,3,1,122,1,30,1,133,1,1,2,3 -2064,0,1414,0,1330,1,1,75,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,3,1,2,2,1,120,1,14,1,90,4,1,2,3 -2065,0,1620,0,1530,1,1,76,2,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,3,1,132,1,16,1,98,2,2,2,2 -2066,0,1330,0,,2,1,28,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,2,4: Unknown,,,,,,,2,,2,,2,,1,2,2,2,2,1,1,2,2,3,1,109,1,24,1,104,2,1,2,3 -2067,0,1457,0,0930,1,1,7.6,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,101,1,26,1,124,1,1,1,3 -2068,0,1533,0,,2,1,63.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,1,1,2,,2,2,2,2,2,2,,,2,3,1,134,1,16,1,95,1,1,2,2 -2069,0,1308,0,,2,1,9.5,,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,1,2,2,2,3,,,3,3,1,126,1,44,1,184,2,1,2,2 -2070,0,2030,0,2000,1,1,20,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,1,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,1,1,3,2,3,1,119,1,22,1,115,3,2,2,3 -2071,0,1030,0,1000,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,3,,,2,2,1,1,3: > 40 mph,1,5,,,,,1,,2,,1,1,1,2,2,2,2,3,,,2,3,1,104,1,36,1,79,1,1,2,3 -2072,0,1530,0,1100,1,1,12,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,1,2,3,2,2,4,,,2,2,1,92,1,21,1,154,1,1,2,3 -2073,0,2009,0,,2,1,15.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,136,1,20,1,90,1,1,2,3 -2074,0,0830,0,0730,1,1,20,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,4,4,3,7,,2,3,,,3,3,3,4,4: Speed Unknown,,,3,,,,4,,1,1,1,2,1,2,2,2,3,3,,,3,2,1,143,1,16,1,118,3,1,2,3 -2075,0,2200,0,1830,1,1,81,2,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,kick by horse,,7,2,2,,1,1,1,1,2,2,2,1,1,3,2,2,3,,4,,3,,2,2,2,3 -2076,0,2130,0,2030,1,1,14.9,1,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,1,3,,,2,3,3,1,3: > 40 mph,1,4,,,,,1,,2,,1,1,1,2,2,2,2,3,,,3,2,1,121,1,26,1,148,2,1,1,3 -2077,0,1900,0,1600,1,1,25.6,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,6,,,,,,,roll over,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,26,1,132,1,6,2,2 -2078,0,2245,0,2200,1,1,66.9,1,1,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,114,1,18,1,57,2,2,2,2 -2079,0,1955,0,1915,1,1,17,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,106,1,34,1,147,1,1,2,2 -2080,0,1912,0,,2,1,40,4,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,7,1: Intentional,,,,,,,7,,2,,1,2,2,2,2,2,2,1,3,2,2,3,1,105,1,18,1,87,2,2,1,2 -2081,0,1845,0,,2,1,60,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,4,1,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,127,1,22,1,85,1,1,2,3 -2082,0,2043,0,1745,1,1,26.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,2,2,7,2: Accidental,,,,,,Pt not put in room for over 2 hours; DCF1 and Kappa form done within 1 hour of each other,7,,2,,1,2,1,2,2,2,2,1,3,4,1,3,1,132,1,20,1,119,5,2,2,3 -2083,0,1608,0,1500,1,1,17,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,1,1,2,,1,2,2,2,2,2,,,2,3,1,107,1,32,1,126,1,1,3,3 -2084,0,1656,0,1400,1,1,12,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Dog bite,,9,2,1,1,2,,1,2,2,2,2,2,,,2,3,1,106,1,34,1,112,1,1,2,3 -2085,0,2303,0,,2,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,1,2,2,3,2,,,2,2,1,123,1,24,1,88,1,1,3,2 -2086,0,1800,0,1000,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,1,2,2,2,9,,,,,,Brother jumped on patient's stomach,,7,2,2,,1,2,1,2,2,2,2,1,3,1,1,3,1,107,1,40,1,135,5,4,2,3 -2087,0,1816,0,1430,1,1,14,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,Ran over by lawn tractor (lawn roller),,4,2,2,,1,2,2,2,2,2,2,2,,,2,2,1,113,1,22,1,99,1,1,1,2 -2088,0,1000,-1,1900,1,1,18.8,,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,101,1,22,1,122,1,1,2,2 -2089,0,1730,0,,2,1,50,2,2,2,,2,2,2,2,2,1,1,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,1,1,2,2,1,2,2,2,3,1,119,1,36,1,92,3,3,2,3 -2090,0,1835,0,1815,1,1,17.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,3,1,98,1,20,1,104,1,1,2,2 -2091,0,1820,0,1745,1,1,19,,3,1,2,1,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,94,1,24,1,112,1,1,3,2 -2092,0,1923,0,1850,1,1,25,4,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,20,1,98,1,1,3,2 -2093,0,1102,0,1045,1,1,6,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,85,1,30,1,134,1,1,1,2 -2094,0,1600,0,1500,1,1,20,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,94,1,22,1,91,1,1,1,2 -2095,0,1900,0,1515,1,1,17,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,3,2,,,2,2,1,93,1,24,1,72,1,1,2,3 -2096,0,1915,0,1900,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,,,,,15,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,125,1,22,1,100,1,1,2,3 -2097,0,1514,0,,2,1,25,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,9,,,,,,Fall off trampoline,,2,2,2,,1,1,2,2,2,2,2,1,2,1,2,2,1,86,1,19,1,113,2,2,2,2 -2098,0,1527,0,1400,1,1,30,2,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,112,1,20,1,86,1,1,2,2 -2099,0,0815,0,0800,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,100,1,28,1,81,1,1,2,2 -2100,0,2030,0,1900,1,1,42.9,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,108,1,22,1,87,1,1,1,2 -2101,0,,0,,2,2,30,2,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,2,1,1,3,4,2,2,,,2,3,1,105,1,27,1,123,2,1,2,3 -2102,0,2009,0,,2,1,45,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,3,,,5,,2,,1,2,2,2,2,2,2,1,2,3,2,2,1,134,1,34,1,68,3,2,2,2 -2103,0,1645,0,1550,1,1,25,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,3,2,2,11,,2,3,,,2,3,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,1,1,2,2,3,1,115,1,23,1,118,1,1,2,3 -2104,0,0200,0,0130,1,1,36,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,7,,,,,1,,2,,2,,2,2,2,3,2,2,,,2,2,1,114,1,20,1,97,1,1,1,2 -2105,0,1442,0,1332,1,1,,,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,4,,1,2,2,2,2,2,,,2,2,1,96,1,26,1,94,1,1,2,3 -2106,0,1400,0,,2,1,,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,3,2,1,2,2,2,2,,,2,2,1,140,1,12,1,72,1,1,2,2 -2107,0,0350,0,0330,1,1,70,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,2,2,2,2,2,2,,,2,3,1,127,1,18,1,90,1,1,2,2 -2108,0,1130,0,1100,1,1,92,2,9,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,140,1,23,1,74,1,1,2,3 -2109,0,1900,0,,2,1,20,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,1,2,1,2,1,2,2,2,3,2,,,2,2,1,130,1,34,1,94,2,2,2,3 -2110,0,1516,0,1400,1,1,16,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,144,1,18,1,115,1,1,2,2 -2111,0,2109,0,0948,1,1,23.4,1,3,2,,3,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,22,1,69,1,1,2,2 -2112,0,2000,0,1900,1,1,70,2,8,1,2,2,4,4,2,2,4,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,139,1,14,1,74,1,1,2,2 -2113,0,2247,0,2230,1,1,50,4,8,2,,3,3,3,1,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,1,3,3,9,,,,,,Fall from standing? Really unknown mechanism,,2,2,2,,1,1,1,2,2,2,3,3,,,3,3,1,153,2,,1,100,1,1,2,3 -2114,0,0020,-1,2130,1,1,20,3,8,2,,2,2,2,2,2,2,2,2,3,1,1,1,2,4,4,3,7,,2,3,,,1,3,3,9,,,,,,Fell in bathtub and hit head,,2,2,2,,2,,1,2,2,2,2,3,,,3,3,1,70,1,33,1,101,1,1,2,3 -2115,0,1826,0,,2,1,15,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,2,3,,,2,3,2,4,4: Speed Unknown,,,2,,,,4,,4,,1,1,1,2,2,2,2,2,,,2,2,1,120,1,30,1,145,2,2,2,3 -2116,0,1030,0,,2,1,13,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,3,2,1,3: > 40 mph,1,6,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,2,1,153,1,24,1,156,1,1,2,2 -2117,0,1135,-1,2200,1,1,55.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,3,1,1,1,15,,2,1,1,1,2,2,1,9,,,,,,Kicked in stomach,,7,2,2,,2,,2,2,2,3,2,2,,,2,2,1,100,1,16,1,80,1,1,2,2 -2118,0,1530,0,1510,1,1,45,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,16,1,96,1,1,2,2 -2119,0,1730,0,1700,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,113,1,18,1,100,2,2,2,3 -2120,0,1333,0,1200,1,1,75,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,1,2,2,2,2,2,1,2,,,2,2,1,133,1,18,1,81,2,2,2,2 -2121,0,1651,0,,2,1,17.5,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,96,1,32,1,110,1,1,3,3 -2122,0,1349,0,,2,1,,,8,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,1,3,3,,,3,3,1,99,2,,1,134,3,2,2,3 -2123,0,0040,0,0000,1,1,50,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,2,2,2,2,1,2,,,2,3,1,121,1,12,1,83,2,2,3,2 -2124,0,2044,0,1100,1,1,11.8,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,1,2,2,2,1,2,2,2,3,3,,1,36,1,180,3,2,2,2 -2125,0,2300,0,1900,1,1,15,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,3,1,2,12,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,134,1,24,1,97,1,1,2,3 -2126,0,1026,0,1016,1,1,70,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,3,,,,,,1,,1,2,1,1,1,2,2,2,1,1,1,6,2,2,1,137,1,16,1,72,2,2,3,3 -2127,0,1535,0,1500,1,1,52,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,1,3,2,2,1,145,1,16,1,125,2,1,2,3 -2128,0,1132,-1,,2,1,34,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,7,2: Accidental,,,,,,football cleat,7,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,96,1,18,1,96,2,2,2,3 -2129,0,1130,0,,2,1,71,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,1,1,1,3,2,3,1,135,1,18,1,87,1,1,2,2 -2130,0,1710,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,1,3,2,1,129,1,36,1,110,4,3,2,3 -2131,0,2245,0,2215,1,1,55,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,136,1,44,1,115,1,1,3,3 -2132,0,0649,0,0600,1,1,61.4,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,1,1,1,2,3,1,3,2,2,2,1,100,1,18,1,82,4,3,1,3 -2133,0,1151,0,1100,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,3,3,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,1,1,1,2,1,2,,,2,3,1,108,1,41,1,179,1,1,1,3 -2134,0,1141,0,0740,1,1,24.8,1,3,1,4,2,2,1,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,1,2,2,3,1,110,1,20,1,86,3,3,1,3 -2135,0,1652,0,1600,1,1,40,4,8,2,,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,4,1,2,4,2,2,1,122,1,28,1,111,3,2,2,3 -2136,0,1519,0,1430,1,1,,,1,2,,3,3,3,2,2,3,3,3,1,1,1,1,2,3,4,3,8,,2,3,,,3,3,1,1,3: > 40 mph,3,,,,,,1,,1,2,1,2,1,2,2,2,3,3,,,3,4,1,143,1,24,1,63,2,2,2,3 -2137,0,2150,0,2120,1,1,50,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,3,3,2,3,1,124,1,30,1,103,3,2,2,3 -2138,0,2210,0,2130,1,1,58,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,Assault Fists & Feet,,7,2,2,,1,1,1,2,2,2,2,1,3,1,2,3,1,126,1,17,1,81,2,1,2,3 -2139,0,1710,0,1630,1,1,35,2,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,2: 5 - 20 mph,,,3,,,,4,,2,,1,1,2,2,2,2,2,1,1,1,2,2,1,144,1,23,1,102,3,2,2,2 -2140,0,0038,-1,2244,1,1,60,1,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,3,1,128,1,20,1,100,2,2,2,2 -2141,0,1710,0,1620,1,1,20,2,3,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,2,2,4,1: < 5 mph,,,1,,,,4,,2,,1,1,1,1,2,2,2,1,2,3,2,3,1,122,1,32,1,140,5,3,2,3 -2142,0,1638,0,1500,1,1,10,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,2: 5 - 20 mph,,,1,,,,4,,2,,2,,1,1,2,2,2,2,,,2,3,1,104,1,29,1,183,2,1,2,3 -2143,0,1409,0,,2,1,20,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,108,1,23,1,109,1,1,1,3 -2144,0,1817,0,1805,1,1,45,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,115,1,22,1,100,1,1,2,2 -2145,0,2103,0,2030,1,1,45,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,140,1,16,1,101,3,2,1,3 -2146,0,2130,0,1300,1,1,61.4,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Football injury-patient's head impact opponent's chest = loading mechanism to spine + instant neck pain,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,138,1,13,1,100,1,1,1,3 -2147,0,1615,0,1600,1,1,80,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,128,1,22,1,100,1,1,2,2 -2148,0,1827,0,,2,1,19,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,1,2,2,2,2,,,2,2,1,98,1,28,1,125,2,1,3,3 -2149,0,2150,0,,2,1,25,4,3,1,2,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,2,13,,2,3,,,1,3,2,5,,,,,3,,,5,,2,,2,,1,1,2,2,2,3,,,3,2,1,107,1,20,1,88,2,1,2,3 -2150,0,1453,0,1130,1,1,68,2,3,1,2,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,124,1,16,1,100,2,1,2,3 -2151,0,1913,0,1700,1,1,,,8,2,,1,3,3,2,2,3,2,3,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,4,1: < 5 mph,,,3,,,,4,,2,,1,2,2,2,2,2,2,1,3,1,3,3,1,103,1,75,1,125,3,1,2,2 -2152,0,1920,0,,2,1,38.6,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,18,1,92,1,1,1,2 -2153,0,2130,0,2110,1,1,20,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,2,1,14,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,1,3,1,2,2,2,3,1,1,3,2,2,1,123,1,30,1,113,2,2,1,3 -2154,0,1400,0,,2,1,15,,1,2,,3,3,3,2,2,3,2,2,3,2,2,2,2,1,2,2,13,,1,3,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,118,1,22,1,87,1,1,3,3 -2155,0,1645,0,1600,1,1,40,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,129,1,15,1,101,2,1,1,3 -2156,0,1407,0,1230,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,140,1,16,1,95,2,1,2,2 -2157,0,1830,0,,2,1,50,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,4,,,4,4,4,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,3,1,119,1,22,1,89,1,1,2,3 -2158,0,1900,0,1700,1,1,50,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,152,1,24,1,62,2,1,2,3 -2159,0,1216,0,,2,1,75,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,2,1,2,2,2,2,1,2,1,2,2,1,113,1,26,1,84,5,3,2,3 -2160,0,1657,0,1645,1,1,76.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,130,1,18,1,76,1,1,2,2 -2161,0,0620,-1,2300,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,2,,,,,,1,,2,,2,,1,2,2,2,1,2,,,2,3,1,155,1,24,1,93,1,1,2,3 -2162,0,1900,0,1700,1,1,15.4,1,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,108,1,22,1,108,2,2,1,3 -2163,0,2107,0,,2,1,52.7,,8,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,155,1,17,1,98,2,2,2,3 -2164,0,1745,0,1715,1,1,25,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,109,1,25,1,96,1,1,2,3 -2165,0,2145,0,1800,1,1,59,2,2,2,,1,4,1,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,punched in right ribs during soccer,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,146,1,18,1,100,1,1,2,2 -2166,0,2158,0,,2,1,70,4,3,1,2,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,4: Speed Unknown,,,3,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,133,1,18,1,96,1,1,2,3 -2167,0,1520,0,1330,1,1,22.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,115,1,20,1,125,1,1,2,2 -2168,0,1508,0,,2,1,15,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,2,1,2,2,2,3,2,,,2,2,1,102,1,26,1,134,1,1,2,3 -2169,0,1348,0,1100,1,1,90,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,141,1,20,1,85,1,1,2,2 -2170,0,1557,0,,2,1,22,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,105,1,32,1,115,1,1,2,2 -2171,0,1632,0,1600,1,1,40.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,24,1,114,1,1,3,2 -2172,0,1218,0,1030,1,1,3.8,1,2,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,3,1,109,1,44,1,124,1,1,2,3 -2173,0,1846,0,,2,1,20,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,116,1,29,1,81,1,1,1,2 -2174,0,,0,,2,2,50,4,1,1,1,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,2,,,2,2,1,107,1,16,1,92,4,3,2,3 -2175,0,1843,0,1315,1,1,29,,3,3,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,86,1,19,1,120,1,1,3,2 -2176,0,2235,0,1900,1,1,10,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,1,2,,1,2,2,2,3,2,,,2,3,1,98,1,24,1,163,1,1,2,3 -2177,0,2300,0,2245,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,1,1,1,3,2,2,2,2,2,2,,,2,2,1,150,1,18,1,74,1,1,3,2 -2178,0,2050,0,2035,1,1,17,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,140,1,18,1,148,1,1,2,3 -2179,0,2127,0,2100,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,95,1,28,1,125,1,1,2,2 -2180,0,2310,0,,2,1,24,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,18,1,84,1,1,1,3 -2181,0,1752,0,1715,1,1,14.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,3,3: > 15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,2,1,105,1,20,1,118,1,1,2,3 -2182,0,1329,0,1255,1,1,55,4,4,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,1,2,2,2,,,2,2,1,125,1,70,1,94,2,1,2,3 -2183,0,1957,0,,2,1,6.4,4,8,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,4,1,1,12,,1,3,,,3,3,2,8,,,,,,,,8,,2,,1,1,1,2,2,2,1,3,,,2,3,1,130,1,34,1,170,1,1,2,3 -2184,0,1643,0,1630,1,1,50,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,1,2,2,2,1,1,3,2,2,1,109,1,22,1,84,2,1,1,2 -2185,0,2257,0,,2,1,70,4,8,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,140,1,24,1,70,2,1,2,2 -2186,0,2350,0,1930,1,1,59,1,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,skiing- fell down,,2,2,2,,1,1,2,2,2,2,3,2,,,2,3,1,120,1,18,1,88,3,1,1,2 -2187,0,2214,0,,2,1,35,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,135,1,24,1,102,2,1,2,2 -2188,0,1732,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,2,2,2,2,2,2,2,,,2,2,1,133,1,26,1,101,2,1,2,2 -2189,0,2052,0,,2,1,45,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,3,2,,,2,2,1,127,1,28,1,106,1,1,2,2 -2190,0,1542,0,1030,1,1,55,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,3,,2,,1,2,2,2,1,2,,,2,3,1,107,1,17,1,93,1,1,3,3 -2191,0,1700,0,1640,1,1,25,4,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,4,4: Speed Unknown,,,1,,,,4,,1,1,1,1,1,1,2,2,2,1,3,1,2,2,1,116,1,31,1,140,5,4,2,3 -2192,0,0954,-1,1350,1,1,96.7,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Another child tumbled on top of her chest,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,18,1,86,1,1,2,2 -2193,0,1834,0,,2,1,61,2,8,1,1,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,5,,,,,3,,,5,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,123,1,24,1,72,3,2,1,3 -2194,0,1953,0,1630,1,1,65,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,2,1,1,2,3,1,2,3,2,3,1,122,1,24,1,100,4,3,2,2 -2195,0,1834,0,1700,1,1,44,1,1,2,,1,1,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,7,3: Unknown intentionality,,,,,,Physician checked both intentional and accidental,7,,2,,1,1,1,2,2,2,2,1,2,2,3,3,1,132,1,20,1,87,2,2,2,3 -2196,0,1450,0,1349,1,1,56,1,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,20,1,100,1,1,2,2 -2197,0,0948,0,0940,1,1,28,3,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,3,4,2,9,,2,3,,,3,3,1,4,4: Speed Unknown,,,3,,,,4,,1,2,1,1,1,1,2,2,3,3,,,2,2,1,91,1,24,1,99,3,2,2,3 -2198,0,2132,0,2120,1,1,65,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,3,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,1,2,2,2,,,2,2,1,149,1,14,1,70,1,1,3,3 -2199,0,1700,0,1600,1,1,10,4,1,1,1,3,3,3,2,2,3,3,3,3,2,2,2,2,1,1,1,15,,1,3,,,3,3,3,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,3,2,3,,,3,3,1,79,1,24,1,158,3,2,2,3 -2200,0,1647,0,1600,1,1,15.4,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,3,2,9,,,,,,Fall walking up stairs,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,24,1,148,1,1,2,2 -2201,0,1954,0,1830,1,1,75,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,4,2,2,2,2,,,2,3,1,180,1,20,1,95,1,1,2,2 -2202,0,2300,0,1700,1,1,32.7,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,Fell going up stairs,,2,2,2,,1,1,1,2,2,2,2,1,1,2,2,3,1,107,1,14,1,70,4,1,2,3 -2203,0,1040,0,1000,1,1,16.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,2,2,2,2,1,2,1,1,1,2,2,1,154,1,26,1,139,4,1,1,2 -2204,0,2115,0,2114,1,1,65,1,3,2,,1,4,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,1,2,1,2,2,2,2,1,3,2,2,2,1,107,1,18,1,67,4,4,2,3 -2205,0,1835,0,1755,1,1,85,4,1,2,,1,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,14,,2,1,2,2,1,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,108,1,16,1,124,3,1,2,2 -2206,0,2004,0,1900,1,1,17.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,133,1,20,1,128,1,1,2,3 -2207,0,0910,0,0811,1,1,60,,4,2,,2,2,2,2,2,2,2,2,2,2,2,1,3,1,2,1,14,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,1,1,1,1,2,2,2,2,2,,,2,2,1,120,1,28,1,102,2,2,2,3 -2208,0,1603,0,,2,1,50,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,118,1,22,1,120,1,1,2,3 -2209,0,1957,0,1830,1,1,45,4,8,2,,3,3,3,1,1,3,3,2,1,2,2,2,2,1,4,2,11,,2,3,,,3,3,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,1,2,3,,,3,3,1,137,1,32,1,130,5,5,2,3 -2210,0,1907,0,1715,1,1,7,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,,,,,14,1,3,,,1,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,3,1,50,1,48,1,156,2,2,2,3 -2211,0,0325,0,0308,1,1,7,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,70,1,28,1,163,4,2,1,2 -2212,0,1622,0,,2,1,65.6,4,8,2,,1,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,139,1,18,1,82,2,1,3,3 -2213,0,1930,0,1800,1,1,16,3,3,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,1,1: < 20 mph,1,1,,,,go cart,1,,2,,1,3,1,1,2,2,3,1,2,1,2,2,1,127,1,30,1,157,3,2,2,3 -2214,0,2055,0,2000,1,1,80,2,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,133,1,18,1,96,2,2,2,3 -2215,0,1121,0,1100,1,1,35,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,18,1,84,1,1,2,2 -2216,0,,0,1100,1,2,70,4,3,1,3,2,2,1,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,4,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,2,2,2,2,1,4,2,2,3,1,158,1,40,1,89,3,1,2,3 -2217,0,1300,0,,2,1,61.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,22,1,90,1,1,2,2 -2218,0,1254,0,1200,1,1,50,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from horse,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,105,1,16,1,74,1,1,2,2 -2219,0,1130,0,,2,1,45,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,Flipped while wrestling,,7,2,2,,2,,2,2,2,2,2,1,2,1,2,3,1,100,1,38,1,110,1,1,2,2 -2220,0,2208,0,2130,1,1,38,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,3,1,109,1,18,1,90,3,2,2,3 -2221,0,2225,0,2200,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,3,1,118,1,60,1,100,1,1,2,3 -2222,0,1100,0,1000,1,1,18,4,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,1,2,2,,1,2,2,2,3,2,,,2,2,1,113,1,20,1,110,1,1,1,3 -2223,0,1358,0,,2,1,100,1,3,1,1,3,3,3,1,1,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,6,,,,,,,,6,,1,2,1,2,1,2,2,3,3,3,,,3,2,1,154,2,,1,88,2,1,1,3 -2224,0,1932,0,1830,1,1,15.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,110,1,22,1,204,1,1,3,3 -2225,0,1814,0,1745,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,1,3,2,2,2,2,3,1,2,2,2,2,1,109,1,18,1,79,1,1,3,1 -2226,0,0735,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,1,1,1,1,2,4,2,2,10,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,92,1,20,1,60,4,3,1,3 -2227,0,1744,0,1700,1,1,11,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,1,2,1,2,2,2,,,4,4,1,123,1,32,1,145,1,1,3,3 -2228,0,0850,0,0820,1,1,35,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,5: Physician did not answer,,,4,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,4,1,125,1,22,1,104,1,1,3,3 -2229,0,2115,0,2045,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,140,1,28,1,52,1,1,2,2 -2230,0,1415,0,1300,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,6,,,,,,,,6,,2,,1,3,1,2,2,2,3,1,1,2,2,3,1,107,1,20,1,78,3,2,1,3 -2231,0,2149,0,2100,1,1,60,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,4,2,3,1,119,1,18,1,87,1,1,1,2 -2232,0,1500,0,1400,1,1,40,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,was in pool and fell downsteps that were in the pool,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,20,1,86,1,1,3,2 -2233,0,1314,0,1230,1,1,80,2,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,165,1,16,1,70,1,1,1,2 -2234,0,1354,-1,1830,1,1,59,2,2,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,16,1,100,1,1,2,2 -2235,0,1220,0,1030,1,1,44.6,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,131,1,24,1,78,1,1,2,2 -2236,0,1822,0,1630,1,1,31.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,108,1,22,1,89,1,1,1,2 -2237,0,1318,0,1200,1,1,70,4,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,120,1,24,1,101,1,1,2,3 -2238,0,2241,0,2200,1,1,,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,108,1,16,1,94,2,1,3,2 -2239,0,2210,0,1600,1,1,35.1,1,8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Sled into tree (head first),,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,20,1,90,1,1,3,2 -2240,0,2131,0,,2,1,43.2,2,1,1,2,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,3,,,5,,2,,1,2,1,2,2,2,2,1,1,3,2,3,1,108,1,16,1,118,2,1,1,3 -2241,0,1838,0,1800,1,1,97.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,4,2,1,5: Physician did not answer,1,2,,,,,1,,1,2,2,,2,2,2,2,2,1,2,4,2,2,1,118,1,20,1,88,2,2,3,2 -2242,0,1545,0,1530,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,Skateboarder hit in the leg by van,4,,1,1,2,,2,2,2,2,1,2,,,2,3,1,126,1,20,1,101,1,1,2,2 -2243,0,1638,0,1615,1,1,42,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,1,2,2,2,2,,,2,3,1,107,1,18,1,90,1,1,2,2 -2244,0,1745,0,,2,1,70,,8,2,,3,3,3,2,2,3,3,2,3,1,1,1,1,3,2,2,11,,2,3,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,2,1,138,1,29,1,122,2,1,2,3 -2245,0,1915,0,1730,1,1,18,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,2,2,2,2,2,2,1,2,2,1,3,1,110,1,26,1,110,2,1,2,2 -2246,0,1655,0,1600,1,1,14,3,8,1,4,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,3,3,4,2: 5 - 20 mph,,,3,,,,4,,1,1,1,1,1,1,2,2,3,3,,,3,3,1,161,1,25,1,119,3,2,1,3 -2247,0,1850,0,1750,1,1,60,4,3,2,,2,2,2,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Ground level fall,,2,2,2,,2,,2,2,2,2,3,2,,,2,2,1,112,1,22,1,81,1,1,2,2 -2248,0,1041,-1,1700,1,1,66.9,1,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,Assault/kicked,,7,2,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,102,1,16,1,83,2,2,2,2 -2249,0,1255,0,1215,1,1,45.6,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,154,1,36,1,113,1,1,2,2 -2250,0,1858,0,,2,1,88.5,4,4,1,2,1,4,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,1,2,2,3,1,2,3,2,3,1,157,1,16,1,59,2,2,2,2 -2251,0,2215,0,,2,1,63,1,3,3,,4,4,4,4,4,3,3,4,4,3,3,3,3,,,,,6,3,4,,,4,4,4,10,,,,,,,,10,,4,,4,,1,1,1,2,3,3,,,3,2,1,153,1,20,1,110,3,2,2,3 -2252,0,0745,0,0700,1,1,106.8,4,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,132,1,18,1,60,2,2,2,2 -2253,0,0901,0,,2,1,43,1,8,1,2,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,2,1,1,2,2,2,1,1,2,2,2,1,145,1,24,1,110,3,2,1,3 -2254,0,1724,0,,2,1,63.6,1,3,2,,2,2,2,2,2,1,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Struck by helmet in back during football practice,,7,2,1,3,2,,2,3,2,2,2,2,,,2,3,1,120,1,16,1,93,1,1,2,2 -2255,0,1450,0,1430,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,3,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,1,3,2,3,2,,,2,3,1,103,1,24,1,94,1,1,3,2 -2256,0,1537,0,1525,1,1,27.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,114,1,24,1,80,1,1,1,2 -2257,0,1700,0,,2,1,35.7,1,3,3,,4,4,4,4,4,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,22,1,100,1,1,3,2 -2258,0,,0,0400,1,2,71,1,2,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,1,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,1,2,2,2,1,3,1,1,3,1,122,1,20,1,88,5,2,2,3 -2259,0,1500,0,1300,1,1,68,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,102,1,20,1,82,2,1,2,3 -2260,0,1638,0,1600,1,1,54,1,3,2,,1,1,1,1,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,1,2,7,1: Intentional,,,,,,,7,,2,,1,1,1,2,2,2,2,1,4,2,2,2,1,113,1,26,1,122,2,1,2,3 -2261,0,2158,0,2100,1,1,97.7,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,143,1,16,1,89,1,1,2,2 -2262,0,1952,0,1900,1,1,60,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,22,1,99,1,1,2,2 -2263,0,2234,0,1700,1,1,36.7,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Fell skiing,,2,2,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,123,1,16,1,58,2,1,2,2 -2264,0,1214,0,,2,1,70,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,123,1,20,1,82,2,2,2,2 -2265,0,1837,0,,2,1,8.6,2,8,2,,3,3,3,2,2,3,3,2,3,1,1,2,2,1,2,1,14,,1,3,,,2,3,3,2,1: < 3 ft.,,,,,,Concern for NAT,2,,2,,1,1,1,2,2,2,3,3,,,3,3,1,96,1,52,1,206,2,2,2,3 -2266,0,2030,0,1930,1,1,3,,3,2,,2,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,1,5: Physician did not answer,4,,,,,,1,,2,,2,,1,2,2,2,3,2,,,3,3,1,98,1,30,1,200,1,1,1,3 -2267,0,2015,0,1200,1,1,20.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,1,2,2,2,1,1,4,2,2,1,113,1,22,1,105,2,2,2,2 -2268,0,1825,0,1800,1,1,61,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"kicked in back, (left flank)",,7,2,2,,2,,2,2,2,4,2,2,,,2,3,1,112,1,24,1,72,1,1,2,2 -2269,0,1728,0,,2,1,31.8,2,1,1,1,1,2,1,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,snowboarding accident,,2,2,1,1,2,,2,2,2,2,2,1,2,2,2,3,1,110,1,25,1,80,2,1,1,2 -2270,0,2255,0,,2,1,6.6,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,3,1: 5 or less,,,,,,,3,,2,,3,,1,2,2,2,3,2,,,3,3,1,103,1,36,1,145,1,1,2,3 -2271,0,1404,0,1330,1,1,12,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,105,1,23,1,100,1,1,3,3 -2272,0,1100,-1,1800,1,1,36.5,1,8,1,1,1,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,2,2,1,2,7,2: Accidental,,,,,,Dog pile while wrestling,7,,1,2,2,,2,2,2,2,2,1,2,3,2,3,1,109,1,22,1,87,2,1,2,2 -2273,0,,0,,2,2,55,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,2,2,2,3,2,,,2,3,1,116,1,18,1,64,1,1,2,3 -2274,0,1415,0,1400,1,1,40,4,1,2,,2,2,2,2,2,3,3,2,2,1,1,1,2,4,3,3,8,,2,3,,,3,3,3,4,4: Speed Unknown,,,4,,,,4,,1,2,1,1,1,1,3,2,3,3,,,3,2,1,106,1,8,1,117,3,1,2,3 -2275,0,,0,,2,2,,,5,2,,3,3,3,1,1,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,1,4: Speed Unknown,4,,,,,,1,,2,,4,,1,2,1,2,2,3,,,3,2,1,105,1,12,1,148,3,3,2,3 -2276,0,1752,0,1730,1,1,44.3,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,145,1,18,1,121,1,1,2,2 -2277,0,1520,0,1400,1,1,70,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,"Snowboarding - fall, no jump, unknown mechanism",,2,2,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,120,1,20,1,95,2,1,2,2 -2278,0,1645,0,1545,1,1,30,1,3,2,,4,4,4,2,2,3,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,2,3: > 10 ft.,,,,,,,2,,1,1,1,1,1,2,3,2,3,2,,,4,4,1,123,1,20,1,75,2,1,3,3 -2279,0,1500,0,1030,1,1,16.3,1,1,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,4,9,,,,,,"fall on stomach, Head on ice.",,2,2,1,3,2,,2,2,2,2,2,1,2,3,2,3,1,107,1,16,1,88,1,1,2,2 -2280,0,1840,0,1830,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,20,1,116,2,1,2,2 -2281,0,1850,0,1800,1,1,10,4,8,2,,2,2,2,2,2,3,2,2,1,2,2,2,2,2,2,2,12,,1,3,,,1,3,1,1,3: > 40 mph,1,7,,,,,1,,2,,1,1,1,2,2,2,2,3,,,2,2,1,133,1,26,1,115,2,1,2,3 -2282,0,1840,0,1810,1,1,23.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,95,1,20,1,88,1,1,2,3 -2283,0,2003,0,1930,1,1,24,1,3,1,1,3,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,1,1,1,1,2,2,3,2,,,3,2,1,126,1,24,1,112,1,1,2,3 -2284,0,1149,0,,2,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,1,2,,,2,2,1,83,1,20,1,90,1,1,2,2 -2285,0,1143,0,,2,1,55,2,8,2,,2,2,2,2,2,2,1,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,"Snowboarding off jump, caught edge and landed on left side",,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,140,1,16,1,105,1,1,3,2 -2286,0,2130,0,2100,1,1,15,4,1,2,,3,3,3,2,2,3,3,4,1,1,2,1,2,4,5,6,3,,2,3,,,1,3,1,1,3: > 40 mph,3,,,,,,1,,2,,1,3,1,2,2,4,2,3,,,3,2,1,88,2,,1,154,2,1,3,3 -2287,0,2235,0,1630,1,1,19,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,2,2,1,2,2,2,1,2,3,2,3,1,102,1,20,1,111,2,1,1,2 -2288,0,1949,0,1900,1,1,,,8,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,4,,1,100,1,1,1,2 -2289,0,1916,0,1600,1,1,51.3,1,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,1,2,2,2,2,,,2,2,1,129,1,20,1,69,1,1,2,2 -2290,0,2130,0,,2,1,72,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,3,2,,,2,3,1,144,1,18,1,124,3,1,2,2 -2291,0,1700,0,1630,1,1,75,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,16,1,72,1,1,2,2 -2292,0,1615,0,1545,1,1,,,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,on sled struck tree,,7,2,2,,1,3,2,2,2,2,3,2,,,2,2,1,157,1,20,1,125,1,1,2,2 -2293,0,2056,0,,2,1,30.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Assault,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,26,1,94,1,1,3,2 -2294,0,1100,0,1030,1,1,70,4,1,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,137,1,20,1,103,2,1,2,2 -2295,0,1830,0,1800,1,1,17,4,8,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,1,4,6,7,,2,3,,,3,3,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,2,3,,4,,3,,3,2,2,3 -2296,0,2103,0,2030,1,1,61.1,1,8,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,1,2,1,1,2,1,2,2,2,1,3,3,1,2,1,127,1,22,1,92,3,1,1,2 -2297,0,1310,0,1045,1,1,45,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,6,,,,,,,,6,,2,,1,3,2,2,2,2,3,1,1,4,2,2,1,110,1,16,1,72,1,1,2,2 -2298,0,0947,0,0915,1,1,20,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,5,,,,,1,,1,1,1,1,1,2,2,2,2,2,,,2,2,1,114,1,28,1,126,2,1,2,3 -2299,0,1900,0,1800,1,1,25.8,1,3,1,2,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,20,1,102,1,1,2,2 -2300,0,2012,0,0745,1,1,36,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,24,1,86,1,1,3,2 -2301,0,2330,0,2230,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,1,1: < 20 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,93,1,36,1,150,1,1,2,2 -2302,0,,0,1700,1,2,30,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,2,,,2,3,1,127,1,18,1,92,2,1,2,3 -2303,0,1341,0,,2,1,30,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,4,2,2,1,116,1,36,1,101,2,1,3,3 -2304,0,1700,0,1630,1,1,44,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,130,1,22,1,88,1,1,2,2 -2305,0,1930,0,1830,1,1,15,2,3,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,81,1,28,1,151,2,1,2,3 -2306,0,1650,0,1300,1,1,50,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,5,,,,,2,,,5,,2,,1,2,1,2,2,2,2,1,3,2,1,2,1,106,1,20,1,108,5,5,2,3 -2307,0,1830,0,,2,1,20,3,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,1,4,3,2,2,3,2,3: > 10 ft.,,,,,,,2,,1,1,1,2,1,1,2,2,3,3,,,2,2,1,100,1,24,1,135,1,1,1,3 -2308,0,0955,0,0945,1,1,12,4,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,3,,,3,3,1,95,1,40,1,128,1,1,2,3 -2309,0,1645,0,1630,1,1,65,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,2,1,132,1,18,1,70,1,1,1,2 -2310,0,1451,0,1430,1,1,59,2,3,2,,1,2,2,2,2,1,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,3,,3,,2,2,2,2,2,2,,,2,3,1,112,1,16,1,71,1,1,2,2 -2311,0,1429,0,,2,1,13.6,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,1,2,,,2,2,1,92,1,30,1,112,1,1,2,2 -2312,0,1243,-1,,2,1,65,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,3,3,3,5,,,,,2,,,5,,2,,2,,1,2,3,2,3,2,,,2,2,1,126,1,20,1,82,1,1,2,3 -2313,0,1657,0,1611,1,1,54.5,1,3,2,,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,1,1,3: > 40 mph,1,2,,,,,1,,2,,1,2,1,1,1,2,2,2,,,2,2,1,149,1,24,1,151,5,3,2,3 -2314,0,1630,0,,2,1,64,1,8,2,,2,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,24,1,86,1,1,3,2 -2315,0,1839,0,1600,1,1,27.8,1,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,1,2,2,2,2,1,112,1,24,1,108,1,1,2,3 -2316,0,2300,0,2200,1,1,22,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,4,2,2,1,1,2: 20 - 40 mph,1,3,,,,,1,,2,,3,,2,2,2,2,3,2,,,2,3,1,120,1,20,1,135,1,1,2,2 -2317,0,1639,0,1600,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,Fell tumbling down slide,2,,1,2,2,,2,2,2,2,2,2,,,2,2,1,120,1,24,1,113,1,1,2,2 -2318,0,1730,0,1630,1,1,82,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,137,1,22,1,95,1,1,2,2 -2319,0,2034,0,2000,1,1,25,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,2,2,1,115,1,35,1,127,1,1,2,2 -2320,0,1935,0,1400,1,1,28.8,1,3,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,1,1,2,2,3,2,,,2,3,1,120,1,16,1,80,2,1,2,3 -2321,0,2151,0,2100,1,1,70,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,1,1,1,2,2,2,,,2,2,1,130,1,18,1,98,1,1,3,3 -2322,0,1625,0,1530,1,1,21,4,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,1,1,1,1,2,2,2,3,2,,,2,2,1,124,1,36,1,97,2,1,2,3 -2323,0,1630,0,1600,1,1,20,4,8,1,1,2,2,2,2,2,3,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,1,1,2,2,2,,,2,2,1,96,1,22,1,136,4,2,1,3 -2324,0,0150,0,0100,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,12,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,16,1,101,1,1,3,2 -2325,0,1741,0,1730,1,1,16.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,28,1,112,1,1,1,1 -2326,0,2150,0,,2,1,70,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,2,1,135,1,18,1,77,2,1,2,3 -2327,0,1734,0,1634,1,1,35,3,8,1,2,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,2,,1,2,3,2,2,2,,,2,3,1,130,1,28,1,88,1,1,2,3 -2328,0,1302,0,,2,1,,,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,2,2,1,2,2,2,1,2,3,2,3,1,119,1,14,1,94,2,1,2,2 -2329,0,1916,0,1830,1,1,37,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,18,1,110,1,1,2,2 -2330,0,1555,0,1430,1,1,80,4,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,124,1,16,1,82,1,1,3,3 -2331,0,1750,0,1600,1,1,40,4,1,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,2,1,2,2,1,1,2,1,2,3,1,125,1,18,1,79,4,3,2,2 -2332,0,1930,0,,2,1,14,4,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,1,2: 20 - 40 mph,1,5,,,,,1,,1,1,1,2,2,2,3,2,2,3,,,3,2,1,108,1,32,1,141,2,1,2,2 -2333,0,1144,0,1045,1,1,73,2,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,149,1,14,1,74,1,1,1,2 -2334,0,1915,0,1630,1,1,16,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,96,1,22,1,102,1,1,2,2 -2335,0,1920,0,1830,1,1,71,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,6,,,,,,,,6,,1,1,2,,2,1,2,2,2,2,,,2,2,1,108,1,16,1,93,1,1,2,2 -2336,0,1545,0,1515,1,1,50,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,3,2,,,2,3,1,118,1,22,1,96,2,1,2,2 -2337,0,1725,0,1700,1,1,47.7,2,8,3,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,3,2,,,2,2,1,134,1,20,1,100,2,1,2,3 -2338,0,1830,0,1630,1,1,90,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,167,1,20,1,115,2,1,2,3 -2339,0,2133,0,2115,1,1,42,2,8,2,,2,2,2,2,2,2,1,1,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,2,1,2,3,2,2,1,140,1,26,1,82,2,1,1,3 -2340,0,2332,0,2235,1,1,50,4,3,1,1,3,3,3,2,2,3,3,2,1,2,2,1,2,1,1,1,15,,2,3,,,2,2,1,4,3: > 20 mph,,,1,,,,4,,1,2,1,2,1,1,2,2,2,3,,,3,2,1,120,1,20,1,80,4,3,2,3 -2341,0,1019,-1,1933,1,1,24,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,4,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,103,1,20,1,78,1,1,2,2 -2342,0,1000,-1,1830,1,1,9.5,4,2,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,103,1,24,1,110,1,1,2,3 -2343,0,0350,0,,2,1,75,4,4,2,,2,2,2,2,2,2,2,2,1,1,1,1,1,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,2,,,,,,1,,1,1,1,1,1,2,2,2,2,1,1,1,2,2,1,107,1,40,1,90,6,6,3,3 -2344,0,1500,-1,1600,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,2,2,2,3,1,111,1,24,1,106,4,4,2,3 -2345,0,1846,0,,2,1,40,4,3,1,4,1,2,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,1,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,2,2,2,3,1,3,2,2,2,1,111,1,40,1,117,5,5,2,3 -2346,0,0045,-1,,2,1,17.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from shopping cart,,2,2,1,2,2,,1,2,2,2,3,2,,,2,2,1,117,1,51,1,140,1,1,1,3 -2347,0,1959,0,1915,1,1,28.5,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,4,2,3,1,128,1,21,1,97,4,3,2,2 -2348,0,1928,0,1845,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,1,1,2,2,2,2,2,2,,,2,3,1,127,1,18,1,95,1,1,2,2 -2349,0,1815,0,1715,1,1,11,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,115,1,36,1,188,1,1,2,3 -2350,0,1245,0,1200,1,1,67,2,2,2,,4,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,2,,2,2,2,2,4,2,,,2,3,1,119,1,18,1,68,1,1,2,2 -2351,0,1930,0,,2,1,17.1,1,3,1,3,3,3,3,2,1,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,7,1: Intentional,,,,,,,7,,2,,1,1,1,1,2,2,4,3,,,3,3,1,109,1,28,1,132,3,2,2,3 -2352,0,1508,0,1345,1,1,79,1,3,2,,1,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,pushed while running playing soccer,,7,2,1,1,2,,2,2,2,2,2,1,1,2,2,3,1,138,1,22,1,84,2,1,2,2 -2353,0,1420,0,1350,1,1,25,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,130,1,22,1,100,2,1,1,2 -2354,0,2235,0,,2,1,32,1,3,2,,1,1,1,2,2,2,3,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,1,2,7,1: Intentional,,,,,,,7,,2,,1,1,1,1,2,2,1,1,3,1,1,3,1,120,1,24,1,124,5,3,1,3 -2355,0,2234,0,,2,1,,,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,2,3,3,3,9,,2,3,,,1,3,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,2,,,2,3,1,121,1,26,1,88,2,1,2,3 -2356,0,1446,0,1230,1,1,90,1,3,2,,3,3,3,2,2,3,3,2,3,1,2,1,2,3,4,3,8,,2,3,,,3,3,3,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,2,1,123,1,12,1,106,2,2,2,3 -2357,0,1350,0,1300,1,1,8.2,1,8,2,,2,2,2,2,2,3,3,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,3,2: 6-15,,,,,,,3,,2,,1,2,1,2,2,2,2,2,,,2,2,1,90,1,28,1,150,1,2,1,3 -2358,0,1409,0,1339,1,1,25,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,3,2,2,,,2,3,1,105,1,20,1,85,1,1,2,2 -2359,0,1735,0,1650,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,TV fell on Head,,9,2,2,,2,,2,2,2,2,3,2,,,2,2,1,94,1,22,1,124,1,1,2,2 -2360,0,1830,-1,,2,1,35,1,2,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,3,2,3,,,2,3,3,,1,20,1,80,1,1,2,2 -2361,0,1600,0,1445,1,1,7.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,8,,,,,,,,8,,2,,2,,1,2,2,2,2,2,,,2,3,1,97,1,28,1,164,1,1,2,3 -2362,0,1630,0,1500,1,1,53,,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,3,1,132,1,16,1,120,2,1,2,3 -2363,0,2150,0,1950,1,1,8.9,1,3,2,,2,3,3,2,2,3,2,2,1,1,1,1,2,1,2,2,13,,1,3,,,2,2,1,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,1,2,,,3,3,1,106,1,28,1,100,2,2,2,3 -2364,0,1830,0,1745,1,1,59,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,143,1,18,1,110,1,1,2,2 -2365,0,1401,0,1230,1,1,7.7,1,3,2,,4,4,4,4,4,2,2,3,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,4,2,2,,,4,4,1,93,1,20,1,160,1,1,2,2 -2366,0,2003,0,1900,1,1,20.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,1,2,2,3,2,,,2,3,1,69,1,18,1,92,3,1,2,2 -2367,0,1407,0,0001,1,1,40.8,1,3,2,,2,2,1,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,3,1,3,1,118,1,18,1,72,5,4,2,2 -2368,0,1200,0,1130,1,1,70,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Hit in back by heavy object,,7,2,2,,1,2,1,2,2,2,2,2,,,2,2,1,152,1,14,1,62,2,1,1,3 -2369,0,2015,0,,2,1,10,2,2,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,physical abuse,,7,2,2,,1,1,1,1,2,2,2,1,2,2,2,3,1,111,1,24,1,142,3,1,1,3 -2370,0,1924,0,1845,1,1,50,,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,2,1,131,1,18,1,90,2,1,1,2 -2371,0,1450,-1,,2,1,4.9,4,3,3,,4,4,4,4,4,3,3,3,4,1,2,1,2,4,5,3,6,,1,3,,,2,3,3,8,,,,,,,Suspected fall from height vs. other mechanism,8,,2,,1,2,1,3,2,2,2,3,,,3,2,1,105,1,24,1,173,2,2,1,3 -2372,0,1650,0,1609,1,1,72.6,1,3,2,,4,4,4,4,4,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,2,1,2,2,2,1,2,6,2,3,1,148,1,86,1,100,2,2,2,2 -2373,0,0935,-1,,2,1,19.5,1,1,1,2,2,2,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,1,2,2,3,1,2,1,2,2,1,96,1,20,1,82,3,2,1,2 -2374,0,1452,0,1300,1,1,43,1,8,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,121,1,20,1,85,1,1,2,3 -2375,0,1439,0,1350,1,1,22.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,100,1,20,1,80,2,1,2,3 -2376,0,0905,0,0710,1,1,48.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,120,1,18,1,70,1,1,2,3 -2377,0,1645,0,1600,1,1,67,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,1,3,2,2,2,,,2,3,1,135,1,16,1,107,2,2,1,2 -2378,0,1957,0,,2,1,18.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,3,,2,,1,2,2,3,3,2,,,2,3,1,107,1,32,1,117,2,1,1,3 -2379,0,1831,0,1800,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,1,1,2,1,2,2,2,1,1,2,2,2,1,167,1,24,1,143,2,1,2,2 -2380,0,1240,0,1100,1,1,28,3,3,1,4,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,1,3,2,3,1,2,1,2,3,1,116,1,20,1,137,3,2,2,3 -2381,0,2100,0,1700,1,1,,,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,1,1,3,2,2,1,126,1,16,1,87,4,2,2,3 -2382,0,1531,0,1515,1,1,79.5,2,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,1,1,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,1,2,3,1,142,1,18,1,77,2,1,2,3 -2383,0,0945,0,0900,1,1,50,4,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,106,1,20,1,87,2,1,2,2 -2384,0,1811,0,1700,1,1,80,2,1,1,2,1,1,1,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,2,1,2,2,2,2,2,,,2,2,1,148,1,18,1,88,2,1,1,3 -2385,0,1546,0,,2,1,73,4,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,150,1,16,1,84,1,1,2,3 -2386,0,2132,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,2,2,2,4,,,2,3,1,107,1,32,1,118,1,1,1,2 -2387,0,0444,0,0430,1,1,49.2,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,3,1,1,3,1,105,1,20,1,110,5,4,1,3 -2388,0,1501,0,,2,1,22.9,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,93,1,32,1,93,2,1,2,2 -2389,0,1519,0,,2,1,45,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,135,1,25,1,101,6,6,1,2 -2390,0,1700,0,1600,1,1,38,2,8,1,4,3,3,3,2,2,3,3,3,1,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,9,,,,,,fell off monkey bars unto tree branch - impaled,,2,2,2,,2,,1,1,3,1,1,3,,,3,2,1,120,1,20,1,114,5,5,2,3 -2391,0,1922,0,1600,1,1,20.3,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,24,1,120,1,1,2,2 -2392,0,2103,0,1500,1,1,52,2,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,2,2,4,2,2,,,2,2,1,134,1,18,1,110,4,2,1,3 -2393,0,1933,0,1700,1,1,13.6,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,5,,,,,1,,2,,2,,1,1,1,2,2,3,,,2,3,1,112,1,22,1,119,1,1,1,3 -2394,0,1900,0,1830,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,2,2,1,118,1,21,1,86,1,1,2,3 -2395,0,0822,0,0800,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,3,1,1,2,2,2,2,2,2,,,2,3,1,120,1,12,1,78,1,1,1,2 -2396,0,1850,0,1800,1,1,77.1,4,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Assault,,7,2,1,2,1,1,1,2,2,2,2,2,,,2,3,1,143,1,18,1,87,2,2,2,3 -2397,0,1800,0,1630,1,1,68,2,8,1,2,1,2,2,2,2,1,2,1,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,9,,,,,,hockey player struck back on boards,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,16,1,65,1,1,2,2 -2398,0,2330,0,1500,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,1,2,2,2,1,120,1,16,1,80,2,1,2,2 -2399,0,1757,0,1526,1,1,15,2,3,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,3,3: > 15,,,,,,,3,,2,,2,,2,2,3,2,2,3,,,2,3,1,116,1,36,1,156,1,1,2,2 -2400,0,1905,0,1830,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,3,1,1,1,2,1,4,2,11,,2,2,,,1,2,2,7,2: Accidental,,,,,,,7,,1,2,2,,1,2,2,2,2,2,,,2,2,1,116,1,26,1,76,2,1,1,3 -2401,0,2056,0,1930,1,1,75,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,1,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,140,1,15,1,69,1,1,2,3 -2402,0,1510,0,1400,1,1,20,4,1,2,,3,3,3,2,2,3,3,3,1,1,2,2,2,4,5,6,3,,2,3,,,2,3,3,1,4: Speed Unknown,3,,,,,,1,,1,2,1,1,1,2,2,2,2,3,,,3,3,1,77,2,,1,110,4,4,2,3 -2403,0,0058,0,,2,1,70,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,3,,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,135,1,10,1,92,3,2,1,2 -2404,0,1405,0,1315,1,1,59,4,4,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,1,1,2,2,2,2,2,2,,,2,3,1,146,1,18,1,65,2,1,2,2 -2405,0,1800,0,1700,1,1,74,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,2,2,2,1,130,1,18,1,83,3,1,2,2 -2406,0,1641,0,1620,1,1,49.5,1,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,12,1,75,1,1,2,2 -2407,0,1805,0,1530,1,1,33.7,1,3,1,1,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,129,1,20,1,94,1,1,2,2 -2408,0,1330,0,1300,1,1,66,1,1,2,,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,24,1,92,1,1,2,2 -2409,0,2000,0,1900,1,1,34,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,18,1,108,1,1,2,2 -2410,0,2020,0,1900,1,1,56,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,139,1,16,1,61,1,1,2,2 -2411,0,1700,0,1630,1,1,15,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,2,1,119,1,30,1,135,2,2,3,2 -2412,0,1731,0,1700,1,1,45,4,8,2,,2,4,4,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,2,,,5,,1,2,2,,2,2,2,2,2,2,,,2,2,1,136,1,18,1,76,1,1,2,2 -2413,0,1938,0,1900,1,1,42,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,2,,2,2,2,2,2,1,3,1,3,2,1,124,1,23,1,84,1,1,1,2 -2414,0,2046,0,,2,1,12.2,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,4,3,2,2,1,2,4: Unknown,,,,,,3rd floor window,2,,2,,1,1,1,1,2,1,1,1,2,5,3,2,1,111,1,22,1,140,4,2,1,3 -2415,0,2110,-1,2300,1,1,90,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,4,2,3,1,145,1,16,1,71,1,1,2,2 -2416,0,1538,0,1530,1,1,50,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,4,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,120,1,14,1,108,1,1,2,2 -2417,0,,0,1500,1,2,14,3,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,3,1,1,2,2,2,2,,,2,2,1,107,1,20,1,118,1,1,3,3 -2418,0,0300,0,,2,1,60,2,8,1,4,2,2,2,2,2,2,2,2,3,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,1,1,4,,1,1,2,3,2,2,,,2,2,1,125,1,18,1,107,3,2,2,3 -2419,0,1641,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,Suspected child abuse,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,118,1,64,1,159,2,1,1,3 -2420,0,2000,0,1930,1,1,52,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,143,1,20,1,101,3,2,2,2 -2421,0,2020,0,,2,1,15,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,4: Speed Unknown,,,4,,,Patient was supposedly struck by the car and then dragged approx 30 feet.,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,104,1,38,1,124,1,1,2,3 -2422,0,2130,0,2000,1,1,42,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,24,1,50,1,1,2,2 -2423,0,1712,0,1200,1,1,66.9,1,1,2,,1,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,97,1,20,1,60,2,1,2,2 -2424,0,2000,0,,2,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,123,1,24,1,112,1,1,2,2 -2425,0,0020,-1,2100,1,1,14.5,1,3,2,,2,2,2,2,2,1,3,2,4,2,2,2,2,1,1,1,15,,1,2,,,1,3,2,9,,,,,,fell off bike (passenger) then run over by bike,,2,2,2,,4,,1,2,3,2,2,2,,,2,3,1,100,1,26,1,120,2,2,2,3 -2426,0,1903,0,1815,1,1,60,3,8,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,1,5,2,10,,3,3,,,2,3,3,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,3,3,,,3,3,1,160,1,36,1,112,2,1,3,3 -2427,0,0237,0,0130,1,1,55,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,1,1,2,1,14,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,12,1,87,1,1,2,2 -2428,0,1657,0,,2,1,16,2,8,1,1,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,3,1,125,1,28,1,114,1,1,2,3 -2429,0,1402,0,1300,1,1,10,4,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,1,3,3,,,3,3,1,111,1,22,1,97,2,1,2,3 -2430,0,2111,0,,2,1,25,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,145,1,25,1,126,1,1,2,3 -2431,0,2120,0,2000,1,1,25,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,4: Physician did not answer,,,,,,horse,7,,2,,1,3,1,2,2,2,3,1,2,2,2,3,1,125,1,20,1,107,4,3,2,3 -2432,0,1200,0,1130,1,1,18.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,20,1,92,1,1,2,2 -2433,0,1407,0,1245,1,1,63.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,16,1,98,1,1,1,2 -2434,0,1630,0,1600,1,1,58,2,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Football Tackle,,7,2,2,,1,2,2,2,2,2,2,1,1,3,2,3,1,131,1,18,1,76,1,1,2,2 -2435,0,1641,0,,2,1,25,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,147,1,26,1,114,1,1,2,3 -2436,0,2210,0,,2,1,61,1,3,1,2,1,1,2,1,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Rollerskating and bump into a bike,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,125,1,20,1,80,1,1,1,3 -2437,0,2016,0,,2,1,10,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,1,3,2,,2,2,2,2,1,2,,,2,2,1,122,1,28,1,118,1,1,3,2 -2438,0,1827,0,1300,1,1,60,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,atv accident,,6,2,2,,2,,1,2,2,2,2,2,,,2,2,1,141,1,20,1,112,1,1,3,3 -2439,0,1145,0,1030,1,1,30,4,2,1,3,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,2,1,2,2,2,2,,,2,2,1,109,1,20,1,100,2,1,2,2 -2440,0,1735,0,1656,1,1,4.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,115,1,60,1,172,2,1,2,2 -2441,0,1315,0,1200,1,1,7,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,5: Physician did not answer,4,,,,,,1,,2,,2,,2,2,2,4,2,2,,,2,2,3,,1,36,1,120,1,1,2,2 -2442,0,2234,0,2100,1,1,11.8,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,28,1,102,1,1,1,2 -2443,0,0013,-1,,2,1,136,2,8,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,145,1,15,1,116,1,1,2,3 -2444,0,1710,0,1700,1,1,25.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,2,1,129,1,46,1,100,1,1,2,2 -2445,0,1430,0,1400,1,1,72.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,9,,,,,,run over by pickup,,4,2,2,,1,3,1,2,3,2,2,1,2,2,2,3,1,110,1,26,1,92,3,2,3,3 -2446,0,1653,0,,2,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,14,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,124,1,23,1,108,1,1,2,3 -2447,0,,0,,2,2,,,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,127,1,25,1,80,1,1,3,3 -2448,0,0115,0,0000,1,1,52,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,2,1,118,1,21,1,83,2,1,2,3 -2449,0,1952,0,1930,1,1,25,1,2,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,1,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,118,1,26,1,130,1,1,2,3 -2450,0,0150,0,,2,1,28,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,4,,2,2,2,2,2,2,,,2,3,1,106,1,28,1,121,1,1,2,2 -2451,0,1016,0,1000,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,4,2,2,2,2,,,4,3,1,84,1,60,1,126,2,1,2,2 -2452,0,1145,0,1100,1,1,21,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,1,2,2,2,1,1: < 20 mph,1,5,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,101,1,20,1,100,1,1,2,2 -2453,0,0121,0,0000,1,1,54.4,1,8,1,4,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,skateboard accident,,2,2,1,2,2,,1,2,3,4,4,4,,,4,2,1,136,1,30,1,97,1,1,2,3 -2454,0,1648,0,,2,1,13,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,114,1,28,1,95,1,1,3,3 -2455,0,0051,0,,2,1,60,,3,3,,4,4,4,4,4,2,2,2,3,3,3,3,3,,,,,15,3,4,,,4,4,4,10,,,,,,,,10,,2,,1,3,1,2,2,2,2,1,2,3,2,2,1,131,1,24,1,100,2,1,2,3 -2456,0,1503,0,,2,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,3,4,4: Speed Unknown,,,3,,,,4,,1,1,1,1,1,2,3,2,3,1,2,4,3,2,1,126,1,18,1,108,3,1,2,3 -2457,0,1724,0,1645,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,2,3,,1,22,1,100,1,1,1,2 -2458,0,2223,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,1,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,122,1,24,1,90,2,1,2,3 -2459,0,1319,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,2,2,2,2,3,1,2,3,2,3,1,119,1,18,1,68,3,1,2,2 -2460,0,2005,0,1900,1,1,13,4,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,127,1,24,1,98,2,1,1,2 -2461,0,1713,0,,2,1,50,,8,1,4,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,4,,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,2,1,129,1,21,1,67,1,1,2,2 -2462,0,1705,0,1630,1,1,,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,1,1,1,1,1,2,2,2,2,2,,,2,2,1,121,1,18,1,82,2,2,2,3 -2463,0,1720,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Boat Accident,,9,2,2,,2,,1,2,2,2,2,2,,,2,3,1,120,1,20,1,86,1,1,2,3 -2464,0,1120,0,0930,1,1,25,4,1,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,1,,,5,,2,,1,1,1,2,2,2,2,1,1,3,2,2,1,94,1,14,1,102,2,2,1,3 -2465,0,1245,0,1145,1,1,36.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,137,1,20,1,94,1,1,3,1 -2466,0,2300,0,2230,1,1,42,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,2,2,2,2,2,1,1,1,3,2,2,1,114,1,30,1,116,1,1,1,2 -2467,0,0735,0,0600,1,1,40,2,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,1,2,2,2,1,2,2,2,3,1,130,1,14,1,109,2,1,2,3 -2468,0,0301,0,0215,1,1,100,4,8,2,,3,3,3,2,2,3,3,2,1,1,2,1,2,4,5,6,3,,2,3,,,2,3,1,4,4: Speed Unknown,,,4,,,,4,,3,,1,2,1,2,2,2,2,3,,,3,2,1,94,2,,1,96,5,5,2,3 -2469,0,1739,0,1630,1,1,75,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,133,1,20,1,95,1,1,2,2 -2470,0,1835,0,1745,1,1,91,4,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,3,2,2,2,,,2,2,1,130,1,24,1,72,1,1,2,2 -2471,0,1650,0,1600,1,1,91,2,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,1,3,1,2,3,1,132,1,22,1,55,2,1,2,2 -2472,0,1539,0,0300,1,1,22.8,1,1,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,1,1,2,2,2,2,2,1,2,4,2,3,1,107,1,24,1,85,1,1,2,2 -2473,0,2230,0,2200,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,133,1,16,1,67,1,1,2,2 -2474,0,1245,0,1000,1,1,50,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,1,2,2,,,2,2,1,138,1,20,1,82,4,4,2,3 -2475,0,2117,0,1900,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,3,1,144,1,24,1,130,1,1,2,3 -2476,0,0016,-1,1830,1,1,60,4,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,1,3,3,9,,,,,,Fell from non motorized scooter / no helmet,,2,2,2,,3,,1,2,2,2,3,3,,,3,3,1,106,1,15,1,117,2,2,1,3 -2477,0,0500,0,0200,1,1,77.2,1,1,1,3,2,2,1,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,1,4: Speed Unknown,3,,,,,,1,,1,2,1,1,1,1,2,2,2,2,,,2,2,1,106,1,18,1,109,2,2,3,3 -2478,0,1951,0,,2,1,90,4,4,2,,3,3,3,2,2,3,3,2,1,1,1,1,1,4,5,2,7,,2,3,,,2,3,3,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,1,2,2,2,3,3,,,3,2,1,150,1,19,1,56,4,3,2,3 -2479,0,,0,,2,2,15,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,3,4,2,9,,1,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,109,1,48,1,88,1,1,2,3 -2480,0,2139,0,,2,1,22,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,4,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,4,,4,,1,2,2,2,3,2,,,2,2,1,135,1,12,1,94,1,1,3,3 -2481,0,1453,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,1,3,3,8,,,,,,,,8,,2,,2,,1,2,2,2,2,2,,,2,2,1,127,1,30,1,120,1,1,1,3 -2482,0,1849,0,1830,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,1,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,132,1,24,1,129,3,2,2,3 -2483,0,1627,0,1430,1,1,13,3,1,2,,2,2,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,1,1,2,2,3,,,3,2,1,113,1,24,1,148,1,1,2,2 -2484,0,1512,0,,2,1,52,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,2,2,2,2,2,2,,,2,2,1,121,1,26,1,76,1,1,2,2 -2485,0,2150,0,2100,1,1,12,4,8,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,7,2: Accidental,,,,,,,7,,1,1,2,,1,2,2,2,2,1,2,1,2,3,1,117,1,16,1,114,2,1,2,3 -2486,0,2055,0,2000,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,138,1,26,1,153,2,1,2,3 -2487,0,1300,0,1230,1,1,23.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,20,1,96,1,1,2,2 -2488,0,1215,0,1130,1,1,63,3,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Head vs head football injury/collision,,9,2,2,,2,,1,2,2,2,2,2,,,2,2,1,145,1,12,1,82,1,1,2,3 -2489,0,2200,0,2130,1,1,86,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,1,3,2,3,1,115,1,20,1,92,2,2,2,2 -2490,0,2331,0,2200,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,hit into hockey boards by player,,7,2,2,,2,,1,2,2,3,2,2,,,2,2,1,115,1,16,1,72,2,2,2,3 -2491,0,2255,0,2130,1,1,15,3,8,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,3,6,,2,3,,,3,3,3,9,,,,,,Crushed by large metal gate,,7,2,2,,1,2,1,2,2,2,2,3,,,3,2,1,121,1,28,1,126,2,1,2,3 -2492,0,0800,0,0720,1,1,80,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,1,4,3: > 20 mph,,,4,,,,4,,2,,1,1,1,3,2,2,2,1,1,1,2,2,1,133,1,26,1,92,1,1,3,3 -2493,0,1605,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,1,1,2,2,1,1,1,2,3,1,98,1,16,1,84,2,1,2,2 -2494,0,1643,0,,2,1,47.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,18,1,84,1,1,2,2 -2495,0,1100,0,1010,1,1,15.4,1,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,1,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,121,1,20,1,82,1,1,2,2 -2496,0,1908,0,1800,1,1,63,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,3,1,133,1,16,1,67,1,1,3,3 -2497,0,,0,,2,2,35,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,2,2,2,2,2,1,2,,,2,3,1,113,1,24,1,119,2,1,1,2 -2498,0,1745,0,1745,1,1,151,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,3,3,2,,,2,3,1,160,1,20,1,130,2,1,2,2 -2499,0,1810,0,1800,1,1,45,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,105,1,24,1,106,1,1,2,3 -2500,0,1820,0,1700,1,1,59.6,1,8,3,,4,4,4,4,4,1,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Kicked R hip by horse,,7,2,2,,2,,2,1,2,2,2,2,,,2,2,1,109,1,18,1,62,2,1,2,2 -2501,0,2011,0,,2,1,40.9,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,111,1,20,1,72,1,1,2,3 -2502,0,0930,0,0900,1,1,100,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Hit by car,,4,2,2,,1,1,2,2,2,2,2,1,1,3,2,3,1,126,1,16,1,92,2,1,3,2 -2503,0,1530,0,,2,1,17,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,2,13,,2,2,,,2,2,1,9,,,,,,Television fell on top of patient,,7,2,2,,2,,1,2,2,2,3,2,,,2,2,1,118,1,30,1,70,1,1,2,3 -2504,0,0840,0,0810,1,1,66,1,3,2,,4,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,3,2,2,2,,,2,2,1,103,1,14,1,78,1,1,2,2 -2505,0,1836,0,1815,1,1,30,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,ATV vs CAR,,6,2,2,,2,,1,2,2,2,2,2,,,2,2,1,125,1,20,1,88,1,1,2,3 -2506,0,1530,0,1500,1,1,50.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,1,2,2,1,2,,,2,3,1,122,1,17,1,69,1,1,3,2 -2507,0,1230,0,1200,1,1,35,4,8,1,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,1,2,2,2,1,1,129,1,24,1,95,2,1,2,3 -2508,0,1550,0,1530,1,1,52,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,18,1,108,1,1,2,2 -2509,0,1900,0,,2,1,55,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell 2 stories while climbing tree,,2,1,1,2,1,1,1,2,2,2,3,2,,,2,2,1,128,1,30,1,113,1,1,2,3 -2510,0,2009,0,1730,1,1,52.7,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,7,,,,,1,,2,,2,,2,2,2,2,3,1,2,3,2,3,1,123,1,18,1,94,1,1,2,2 -2511,0,1425,0,,2,1,12.1,1,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,6,3,,1,3,,,3,3,3,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,1,3,3,,,3,3,1,89,2,,1,156,4,2,2,3 -2512,0,1715,0,1700,1,1,90,4,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,2,2,1,13,,2,1,3,1,2,2,1,4,4: Speed Unknown,,,3,,,,4,,1,2,1,1,1,1,2,2,2,1,3,1,2,3,1,85,1,20,1,128,4,4,1,3 -2513,0,2348,0,2330,1,1,60,4,3,2,,2,2,2,1,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,141,1,22,1,68,2,1,2,3 -2514,0,0830,0,0745,1,1,40,4,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,40,1,100,1,1,2,2 -2515,0,2258,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,9,,,,,,Fall on back of chair,,2,2,1,2,1,2,1,1,2,2,3,1,2,1,2,3,1,97,1,26,1,100,4,2,1,3 -2516,0,2014,0,2000,1,1,70,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,9,,,,,,baseball bat to head with decreased mental status (GCS 14),,9,2,1,2,2,,1,2,2,3,2,2,,,2,3,1,110,1,12,1,86,1,1,2,3 -2517,0,0800,0,,2,1,7,4,3,2,,2,2,2,2,2,3,3,3,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,4: Unknown,,,,,,,2,,2,,2,,2,2,2,2,2,3,,,3,2,1,91,1,24,1,120,1,1,2,2 -2518,0,1405,0,1300,1,1,33,2,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,3,1,3,2,2,2,1,131,1,16,1,95,4,3,2,3 -2519,0,1932,0,,2,1,70,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,133,1,16,1,67,1,1,1,2 -2520,0,1310,0,1200,1,1,60,,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"sledding, collision with fence",,9,2,2,,4,,2,2,2,2,2,2,,,2,3,1,121,1,18,1,70,1,1,2,2 -2521,0,2051,0,,2,1,65,4,4,2,,3,3,3,2,2,3,3,2,1,1,2,1,1,4,5,3,6,,2,3,,,1,3,3,6,,,,,,,,6,,1,2,1,1,1,1,2,2,1,3,,,3,2,1,119,1,12,1,77,3,2,2,3 -2522,0,2150,0,2100,1,1,50,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,4,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,134,1,18,1,105,1,1,2,3 -2523,0,1135,0,1130,1,1,26,2,3,2,,2,2,2,2,2,2,4,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,1,2,,1,1,2,2,2,2,,,2,2,1,132,1,18,1,103,1,1,2,3 -2524,0,0755,-1,0922,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,145,1,14,1,65,2,1,2,2 -2525,0,2112,0,2045,1,1,73,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,146,1,28,1,109,1,1,2,3 -2526,0,1500,0,1415,1,1,35,3,3,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,1,3: > 40 mph,2,,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,3,1,108,1,24,1,102,2,1,2,3 -2527,0,0210,0,0130,1,1,37,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,1,2: 20 - 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,108,1,22,1,82,1,1,2,2 -2528,0,1846,0,,2,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,3,3,,2,2,2,2,3,1,1,3,2,2,1,130,1,20,1,114,1,1,2,2 -2529,0,1447,0,1340,1,1,59,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,1,2,2,1,1,2,2,1,2,3,2,3,1,98,1,16,1,76,3,2,1,2 -2530,0,1620,0,1600,1,1,8.7,1,3,2,,3,3,3,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,1,2,3,,,3,3,1,108,1,36,1,118,2,2,2,3 -2531,0,1836,0,,2,1,,,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,96,1,44,1,166,1,1,2,3 -2532,0,1952,0,1900,1,1,71.1,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,2,4,2,3,1,113,1,18,1,84,3,1,2,3 -2533,0,1540,0,1500,1,1,14.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,Dresser fell on top of patient,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,26,1,140,1,1,2,2 -2534,0,1359,0,,2,1,80.1,1,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,4,,1,3,1,2,3,2,1,1,3,2,2,3,1,101,1,23,1,64,5,2,2,3 -2535,0,2330,0,1100,1,1,33.5,1,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,9,,,,,,Patient fell on rock which impacted lower chest/upper abdomen,,7,2,2,,2,,1,2,2,2,2,1,1,2,2,3,1,136,1,20,1,108,1,1,2,3 -2536,0,1940,0,1810,1,1,59,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,131,1,19,1,73,1,1,1,2 -2537,0,1130,0,1045,1,1,57,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,4: Unknown,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,16,1,70,1,1,2,2 -2538,0,1400,0,1300,1,1,45,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,1,1,3,2,2,1,154,1,36,1,112,2,1,1,2 -2539,0,2119,0,,2,1,8,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,101,1,24,1,140,1,1,3,2 -2540,0,1040,0,1010,1,1,40,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,152,1,22,1,110,1,1,2,1 -2541,0,2129,0,2100,1,1,24,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,1,1,2: 20 - 40 mph,1,5,,,,,1,,2,,1,1,1,2,2,2,3,1,2,1,2,3,1,109,1,24,1,89,2,1,2,3 -2542,0,1538,0,1230,1,1,21.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,20,1,88,1,1,1,2 -2543,0,,0,1300,1,2,28,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,Fell off horse,2,,2,,2,,2,1,3,4,4,4,,,4,4,1,103,1,18,1,84,1,1,3,2 -2544,0,1826,0,1800,1,1,46.8,1,8,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Sledding & ran into pole,,9,2,1,2,2,,2,2,2,2,2,2,,,2,2,3,,1,20,1,80,1,1,2,2 -2545,0,1925,0,1830,1,1,27,2,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,1,2,2,2,2,,,2,3,1,128,1,16,1,87,1,1,3,3 -2546,0,1205,0,,2,1,62.4,,8,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,fall. hit abdomen on protruding object. (R-flank),,2,2,1,1,2,,2,2,2,2,2,2,,,2,3,1,135,1,22,1,90,1,1,2,2 -2547,0,0150,0,0030,1,1,,,4,1,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,1,2,2,1,2,2,2,2,,,2,2,1,145,1,22,1,101,3,2,3,2 -2548,0,1809,0,1100,1,1,74.8,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,3,6,,,,,,,,6,,2,,1,2,1,2,2,2,2,2,,,2,3,1,126,1,16,1,69,2,1,1,3 -2549,0,0930,0,0830,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,1,3: > 40 mph,4,,,,,,1,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,120,1,18,1,60,2,1,2,2 -2550,0,1944,0,,2,1,2.6,1,3,2,,2,2,2,2,2,2,3,2,3,2,2,2,2,1,1,1,15,,1,3,,,3,3,1,8,,,,,,,,8,,2,,2,,1,2,2,2,2,2,,,2,3,1,91,1,44,1,177,2,2,1,3 -2551,0,1912,0,,2,1,16,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,119,1,20,1,115,2,1,1,2 -2552,0,2030,0,1945,1,1,65,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,120,1,18,1,117,2,2,2,3 -2553,0,1830,0,1400,1,1,51,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,1,1,2,2,2,2,2,2,,,2,2,1,123,1,16,1,88,1,1,2,2 -2554,0,0800,0,0730,1,1,27,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,122,1,12,1,92,1,1,2,3 -2555,0,1735,0,1645,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,3,2,,,2,2,1,107,1,28,1,115,1,1,2,3 -2556,0,1240,0,,2,1,20,2,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,2,2,1,13,,2,3,,,2,3,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,4,3,3,,,3,3,1,94,1,36,1,154,2,1,2,3 -2557,0,1944,0,1700,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,20,1,100,1,1,2,2 -2558,0,1630,0,1600,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,3,3,3,3,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,148,1,29,1,130,1,1,1,3 -2559,0,1603,0,1530,1,1,40,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,2,1,1,1,2,2,1,2,3,2,3,1,131,1,24,1,86,3,2,2,3 -2560,0,2350,0,2330,1,1,9.1,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,1,2,4,2,3,1,128,1,24,1,135,2,1,2,3 -2561,0,1815,0,1800,1,1,84,1,11,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,1,4,2,2,1,125,1,20,1,105,1,1,2,3 -2562,0,2011,0,,2,1,85,4,3,2,,3,3,3,1,2,3,3,2,3,1,1,1,1,4,5,6,3,,2,3,,,3,3,3,2,2: 3 - 10 ft.,,,,,,Fell off moving car as it started to move,2,,2,,1,1,1,2,2,2,1,3,,,3,2,1,158,2,,1,90,3,2,2,3 -2563,0,1310,0,1210,1,1,61,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Football Injury,,7,2,1,2,2,,1,2,2,2,2,2,,,2,2,1,125,1,18,1,79,1,1,2,3 -2564,0,2032,0,2000,1,1,35,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Football injury. Trauma to head/abdomen.,,7,2,2,,1,3,2,2,2,2,2,1,2,1,2,3,1,121,1,20,1,89,2,1,2,2 -2565,0,1525,0,1200,1,1,80,4,3,2,,2,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,3,1,1,2,2,2,2,,,2,2,1,163,1,16,1,84,2,1,1,3 -2566,0,2030,0,0800,1,1,12.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,8,,,,,,,concern for abuse,8,,2,,2,,2,2,2,2,2,2,,,2,3,1,91,1,24,1,112,1,1,2,2 -2567,0,1855,0,,2,1,20.4,1,3,1,3,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Pressed into fence by cow,,7,2,2,,1,1,1,2,2,2,2,2,,,2,3,1,132,1,24,1,119,2,2,2,3 -2568,0,1530,0,,2,1,35,2,8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,1,1,2,2,2,1,105,1,18,1,80,3,2,2,2 -2569,0,1845,0,1800,1,1,18,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,1,3,2,2,2,2,3,1,1,1,2,3,1,104,1,28,1,84,2,1,2,2 -2570,0,,0,,2,2,65,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,1,1,1,1,1,2,1,1,2,3,2,2,1,115,1,20,1,96,2,2,2,3 -2571,0,0256,-1,2200,1,1,20,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,2,1,116,1,24,1,102,2,2,1,3 -2572,0,1528,0,1430,1,1,18,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,14,,2,1,1,2,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,2,1,2,2,2,2,1,2,1,2,3,1,120,1,18,1,66,2,1,2,3 -2573,0,2100,0,,2,1,70,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,pushed into parked car,,7,2,2,,2,,2,2,2,2,3,2,,,2,3,1,102,1,24,1,104,1,1,2,2 -2574,0,1417,0,1300,1,1,50,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,2,2,2,2,1,1,1,2,2,1,115,1,15,1,88,2,1,1,3 -2575,0,2150,0,2100,1,1,15,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,2,,1,2,2,2,3,1,2,2,2,3,3,,1,20,1,128,1,1,2,3 -2576,0,0130,0,0100,1,1,50,2,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,1,1,1,2,2,2,2,2,2,,,2,2,1,144,1,74,1,100,1,1,2,2 -2577,0,1823,0,,2,1,12,4,3,2,,3,3,3,1,2,3,3,2,3,1,1,1,2,3,3,3,9,,1,3,,,2,3,3,1,2: 20 - 40 mph,2,,,,,,1,,1,2,1,2,1,2,2,2,4,3,,,2,1,1,114,1,21,1,127,3,3,2,3 -2578,0,1553,0,1530,1,1,59.5,1,3,2,,2,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,4,2,2,,,2,4,1,129,1,24,1,76,1,1,2,2 -2579,0,0832,0,0800,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,18,1,88,1,1,2,2 -2580,0,1444,0,1420,1,1,15,4,3,1,1,3,3,3,2,2,3,3,2,2,2,2,2,2,3,3,2,10,,1,3,,,2,3,3,1,3: > 40 mph,1,4,,,,,1,,2,,1,3,1,2,2,2,2,3,,,3,2,1,147,1,29,1,101,3,1,2,3 -2581,0,1005,0,0930,1,1,60,,3,3,,4,4,4,4,4,4,4,4,4,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,1,3: > 40 mph,1,1,,,,,1,,4,,1,3,1,4,3,4,4,4,,,4,4,1,124,1,26,1,93,6,6,3,3 -2582,0,2153,0,,2,1,45,4,8,1,1,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,146,1,15,1,134,2,2,1,3 -2583,0,1820,0,1800,1,1,10.4,2,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,3,,,3,3,1,94,1,36,1,150,2,1,2,3 -2584,0,2256,0,,2,1,68,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,1,2,2,2,1,2,,,2,3,1,134,1,24,1,88,1,1,2,3 -2585,0,1730,0,,2,1,45,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,109,1,33,1,85,1,1,2,2 -2586,0,1720,0,1320,1,1,41.9,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,20,1,100,2,1,2,2 -2587,0,1355,0,1315,1,1,,,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,3,,,2,3,1,110,1,30,1,154,1,1,2,2 -2588,0,0920,0,,2,1,18,,3,2,,2,2,2,2,2,2,1,4,2,2,2,2,2,1,1,1,15,,3,1,1,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,1,1,3,2,2,1,105,1,24,1,116,1,1,3,3 -2589,0,1325,0,1245,1,1,18.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,94,1,29,1,88,1,1,2,3 -2590,0,0645,0,0430,1,1,66.7,2,8,2,,2,2,2,2,2,1,1,2,2,2,2,2,1,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,2,2,2,2,3,1,3,2,2,3,1,117,1,14,1,100,4,2,2,2 -2591,0,2145,0,,2,1,6,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,4,,,2,3,1,9,,,,,,Fall while in car seat,,2,2,2,,2,,1,2,3,2,2,2,,,2,2,1,115,1,48,1,125,1,1,2,3 -2592,0,1620,0,,2,1,52,1,8,1,2,1,4,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Kicked by opponent in soccer match,,7,2,1,1,2,,2,1,2,2,2,1,2,3,2,3,1,100,1,20,1,74,2,1,2,2 -2593,0,1130,0,1100,1,1,23,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,130,1,24,1,120,1,1,2,2 -2594,0,1945,0,,2,1,6,4,8,2,,2,3,3,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,3,,,3,3,1,110,1,44,1,203,1,1,2,2 -2595,0,2335,0,,2,1,7.5,3,8,2,,3,3,3,2,2,3,3,2,2,1,2,1,2,,,,,10,1,3,,,3,3,3,8,,,,,,,,8,,1,1,1,3,1,2,2,4,3,3,,,3,2,1,114,1,40,1,165,1,1,2,3 -2596,0,1132,0,1020,1,1,68,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,3,2,,,2,3,1,122,1,19,1,77,1,1,1,2 -2597,0,1853,0,1753,1,1,6.2,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,4,,,2,3,1,91,1,44,1,153,1,1,2,2 -2598,0,2200,0,2000,1,1,46,1,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,wrestling with another person,,7,2,2,,3,,2,2,2,2,2,1,2,2,2,3,1,163,1,20,1,90,2,1,2,2 -2599,0,1015,-1,2000,1,1,42,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,9,,,,,,Wrestling - blows to abdomen from other person,,7,2,1,2,4,,2,2,2,2,2,1,1,2,2,3,1,93,1,20,1,76,4,2,3,2 -2600,0,2203,0,,2,1,30,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,2,1,123,1,19,1,114,1,1,2,2 -2601,0,1443,0,1400,1,1,77,2,4,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,Driver in motorcycle collision,6,,1,1,1,1,2,2,2,2,3,2,,,2,3,1,143,1,28,1,96,1,1,2,2 -2602,0,1700,0,,2,1,33,1,3,2,,2,4,4,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,1,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,2,1,2,2,2,2,,,2,2,1,98,4,,1,103,1,1,2,2 -2603,0,1716,0,,2,1,32,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,16,1,96,1,1,2,2 -2604,0,1720,0,1700,1,1,56.7,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,20,1,90,1,1,2,2 -2605,0,1715,0,,2,1,80,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,158,1,21,1,114,1,1,2,2 -2606,0,0830,0,0800,1,1,24,1,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,1,3: > 40 mph,1,1,,,,Booster car seat,1,,2,,1,1,1,1,1,2,2,1,1,3,2,2,1,95,1,40,1,108,2,1,3,3 -2607,0,1133,0,1115,1,1,9.4,1,3,2,,3,3,3,2,2,3,3,4,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,1,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,1,3,,,3,3,1,104,1,40,1,177,1,1,2,3 -2608,0,2303,0,,2,1,70,4,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,1,1,1,2,2,2,2,2,1,3,2,3,3,1,127,1,32,1,78,5,3,2,2 -2609,0,1411,0,,2,1,48,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,assaulted,,7,2,2,,1,1,2,2,2,2,2,1,2,2,2,2,1,114,1,20,1,76,2,2,2,2 -2610,0,1844,0,1744,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,3: Unknown intentionality,,,,,,elbow,7,,2,,1,1,2,2,2,2,2,1,3,2,2,3,1,126,1,22,1,100,5,4,2,2 -2611,0,1710,0,1300,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,5,,,,,1,,2,,1,1,1,2,2,2,2,2,,,4,3,1,125,1,22,1,94,1,1,2,3 -2612,0,1915,0,1300,1,1,41.9,1,2,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Kicked, fell to ground",,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,24,1,65,1,1,2,2 -2613,0,2213,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,2,,,2,2,1,110,1,22,1,130,2,2,3,3 -2614,0,1955,0,1900,1,1,51.4,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,144,1,26,1,85,1,1,2,2 -2615,0,2023,0,2000,1,1,54.6,1,3,1,4,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,110,1,20,1,88,1,1,2,3 -2616,0,1715,0,1300,1,1,69,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,2,4,2,2,1,114,1,20,1,84,3,1,2,2 -2617,0,1720,0,1650,1,1,54.5,1,8,2,,2,2,2,2,2,1,1,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,2,3,2,3,1,151,1,17,1,96,2,1,1,3 -2618,0,2136,0,,2,1,70,2,8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,1,1,1,1,1,1,2,2,2,2,,,2,2,1,143,1,24,1,94,1,1,2,3 -2619,0,1745,0,1630,1,1,34,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,144,1,24,1,88,1,1,3,3 -2620,0,1358,0,,2,1,4.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,dry wall fell on back,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,88,1,36,1,144,1,1,2,2 -2621,0,2237,0,2145,1,1,70,4,4,2,,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,148,1,16,1,87,1,1,2,3 -2622,0,1945,0,1900,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,132,1,18,1,95,1,1,2,2 -2623,0,1325,0,1230,1,1,59,4,8,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,2,2,2,2,2,2,1,1,2,2,2,1,118,1,16,1,72,2,1,2,2 -2624,0,2208,0,,2,1,49.9,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,132,1,20,1,66,1,1,2,3 -2625,0,1638,0,,2,1,16.1,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,1,4,,,,,1,,1,2,2,,1,2,2,2,2,2,,,2,2,1,102,1,36,1,130,1,1,1,3 -2626,0,2349,0,2300,1,1,40,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,1,2,2,2,,,2,3,1,110,1,18,1,105,1,1,1,2 -2627,0,1906,0,1845,1,1,23.5,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,14,1,116,1,1,2,2 -2628,0,1355,0,,2,1,95,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,2,2,2,3,2,2,,,2,3,1,140,1,16,1,96,2,2,1,2 -2629,0,2133,0,2100,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,3,1,2,1,2,2,1,118,1,22,1,101,1,1,1,3 -2630,0,1740,0,,2,1,15,2,3,2,,2,3,3,2,2,3,3,2,3,2,2,2,2,1,2,2,13,,2,3,,,3,2,2,9,,,,,,fall from drop seizure,,2,2,2,,2,,2,2,2,2,2,3,,,3,3,1,116,1,25,1,118,3,2,1,2 -2631,0,1929,0,1830,1,1,18.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,110,1,20,1,155,1,1,2,2 -2632,0,1800,0,1730,1,1,10,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,3,2,,,2,2,1,116,1,26,1,124,1,1,1,2 -2633,0,1545,0,1515,1,1,,,1,2,,3,3,3,2,1,3,3,2,1,2,2,2,2,4,4,3,7,,1,3,,,2,3,2,1,3: > 40 mph,2,,,,,,1,,2,,1,3,1,2,2,1,1,3,,,3,3,1,80,1,18,1,157,3,1,2,3 -2634,0,0930,0,0845,1,1,81,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,140,1,16,1,88,2,1,2,3 -2635,0,2005,0,,2,1,22.8,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,1,1,2,5,,,,,1,,,5,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,118,1,18,1,114,4,4,1,3 -2636,0,1436,0,,2,1,35,1,1,2,,2,2,2,2,2,2,3,2,1,2,2,2,2,1,1,1,15,,1,1,3,2,2,2,1,9,,,,,,snowmobile hit a truck,,6,2,1,2,1,1,1,1,2,1,1,1,2,4,2,3,1,119,1,24,1,113,5,3,1,3 -2637,0,1030,0,0900,1,1,65,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,20,1,88,2,2,2,2 -2638,0,1759,0,1600,1,1,48.8,1,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,3,3,2,3,1,117,1,22,1,88,4,3,2,3 -2639,0,1445,0,1400,1,1,50,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,128,1,22,1,95,1,1,2,2 -2640,0,2145,0,2030,1,1,100,4,8,1,1,1,2,1,1,1,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,4,1: < 5 mph,,,1,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,2,1,154,1,22,1,75,2,1,3,2 -2641,0,1400,0,1300,1,1,54,2,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,2,1,1,2,3,1,1,3,2,2,1,131,1,18,1,102,2,1,2,2 -2642,0,1302,0,1245,1,1,30,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,2,9,,,,,,"fall from horse, horse fall on her",,2,2,2,,1,1,2,2,2,2,3,2,,,2,2,1,90,1,18,1,109,2,1,1,2 -2643,0,2028,0,1900,1,1,99,2,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,3,1,1,2,2,3,1,123,1,20,1,103,2,1,2,2 -2644,0,1937,0,1600,1,1,37,4,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,6,,,,,,,,6,,1,2,1,2,1,2,2,2,1,1,3,2,2,3,1,113,1,20,1,111,5,5,2,3 -2645,0,1406,0,,2,1,12,4,8,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,3,2,2,11,,1,3,,,2,3,2,7,2: Accidental,,,,,,TV fell on patient,7,,2,,1,1,1,2,2,2,3,3,,,3,2,1,157,1,40,1,129,2,1,2,3 -2646,0,1513,0,1200,1,1,55.4,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,hit in abdomen by another player during football,,7,2,2,,1,1,2,1,2,2,2,2,,,2,3,1,106,1,18,1,78,2,1,2,2 -2647,0,1850,0,,2,1,,,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,2,3,,,3,3,1,99,1,39,1,116,2,2,2,3 -2648,0,1346,0,1255,1,1,79.5,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,2,2,2,2,3,2,,,2,3,1,137,1,16,1,87,1,1,2,2 -2649,0,1500,0,1200,1,1,18,1,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,106,1,40,1,115,1,1,3,3 -2650,0,1055,0,1015,1,1,63.8,1,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,20,1,67,1,1,1,2 -2651,0,1615,0,1545,1,1,53,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,1,1,1,1,2,2,2,2,2,,,2,2,1,96,1,16,1,92,1,1,2,3 -2652,0,1835,0,1755,1,1,72,2,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,134,1,16,1,82,1,1,2,2 -2653,0,2200,0,2030,1,1,43,2,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,3,2,1,2,2,2,1,2,2,2,3,1,116,1,18,1,78,2,1,2,2 -2654,0,2020,0,,2,1,75,2,3,2,,2,2,2,2,2,2,3,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,146,1,20,1,68,2,1,1,3 -2655,0,2037,0,2000,1,1,17.5,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,1,4: Speed Unknown,1,6,,,,,1,,1,2,2,,1,2,2,2,2,2,,,2,2,1,136,1,21,1,136,1,1,2,3 -2656,0,2035,0,,2,1,13,2,2,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,9,,,,,,"fall from a ""sit and spin"" with post-traumatic seizure",,2,2,2,,2,,1,2,2,2,2,3,,,3,2,1,86,1,32,1,124,1,1,2,3 -2657,0,1324,0,1230,1,1,14,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,3,1,3: > 40 mph,2,,,,,,1,,1,1,1,2,2,2,2,2,2,2,,,2,2,1,100,1,36,1,150,1,1,2,2 -2658,0,1449,0,1300,1,1,26.4,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,1,2,2,,2,2,2,2,2,1,2,2,2,2,1,102,1,18,1,91,1,1,2,1 -2659,0,1730,0,,2,1,70,4,1,1,1,1,1,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,1,1,2,2,2,1,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,2,2,1,1,2,4,2,2,1,141,1,18,1,88,4,2,2,3 -2660,0,1611,0,1500,1,1,58.2,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,132,1,19,1,78,1,1,2,2 -2661,0,1808,0,0708,1,1,52.9,1,3,2,,2,1,4,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,3,2,2,3,1,142,1,18,1,69,2,1,1,2 -2662,0,1813,0,,2,1,,,8,1,1,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,9,,,,,,Hit by other skier,,7,2,2,,1,1,1,2,2,2,2,1,1,1,2,3,1,108,1,18,1,91,2,1,2,3 -2663,0,1955,0,1100,1,1,74.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,snowboarding injury-16 feet fall,,2,1,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,22,1,112,1,1,1,2 -2664,0,1843,0,1820,1,1,25,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,2,,1,2,3,2,2,2,,,2,3,1,152,1,17,1,104,1,1,1,3 -2665,0,1335,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,4,2,,,2,3,1,96,1,20,1,90,1,1,2,2 -2666,0,2240,0,1500,1,1,14,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,2,2,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,1,3,1,2,2,1,115,1,28,1,125,4,3,2,3 -2667,0,2210,0,2140,1,1,50,2,2,2,,1,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,3,2,2,2,2,2,1,3,4,2,3,1,128,1,16,1,96,2,1,2,2 -2668,0,1253,0,1200,1,1,16,3,3,1,4,3,3,3,2,2,3,1,2,3,2,2,2,2,1,2,1,14,,1,3,,,2,2,3,4,4: Speed Unknown,,,1,,,Backing out of parking space,4,,2,,1,1,1,1,2,2,3,1,2,1,3,3,1,151,1,47,1,140,3,2,2,3 -2669,0,1833,0,,2,1,13.5,1,8,2,,2,3,3,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,3,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,3,1,2,2,2,2,3,,,2,3,1,122,1,35,1,108,2,2,2,3 -2670,0,1330,0,1250,1,1,90,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,1,2,,2,1,2,2,2,1,2,3,2,2,1,102,1,16,1,82,1,1,3,1 -2671,0,1314,0,1300,1,1,40,4,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,4,3: > 20 mph,,,4,,,,4,,1,2,1,2,1,2,2,2,2,3,,,3,3,1,118,1,22,1,82,2,1,1,3 -2672,0,1500,0,1445,1,1,30,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,1,3,1,1,1,2,2,2,3,2,,,2,2,1,129,1,32,1,97,2,1,2,3 -2673,0,2310,0,,2,1,75,4,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,,,,,4,2,3,,,2,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,2,1,140,2,,1,116,1,1,2,3 -2674,0,1818,0,1740,1,1,27,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,1,2,13,,2,3,,,2,2,1,4,2: 5 - 20 mph,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,108,1,24,1,118,2,1,2,3 -2675,0,,0,,2,2,40,4,8,1,1,1,3,3,1,1,3,3,2,1,2,2,2,2,2,2,2,12,,2,3,,,3,1,1,1,3: > 40 mph,1,6,,,,,1,,2,,1,1,1,2,2,2,3,3,,,3,3,3,,4,,3,,4,4,2,3 -2676,0,1237,0,1114,1,1,61,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,110,1,12,1,100,1,1,2,2 -2677,0,1545,0,1450,1,1,64,4,4,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,1,1,1,1,1,2,2,2,2,2,,,2,3,1,136,1,20,1,86,4,1,2,3 -2678,0,2032,0,1330,1,1,76,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,Fall from same level/skating,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,139,1,24,1,101,1,1,2,2 -2679,0,1444,-1,1600,1,1,30,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,fell on back,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,18,1,90,1,1,2,2 -2680,0,2110,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fallen upon by sibling,,7,2,2,,2,,2,2,2,2,3,2,,,2,3,1,109,1,22,1,73,2,1,1,2 -2681,0,1754,0,1630,1,1,13.6,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,128,1,32,1,119,1,1,1,2 -2682,0,1923,0,1200,1,1,35.8,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,16,1,90,1,1,2,1 -2683,0,0420,-1,1435,1,1,28,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,114,1,20,1,90,2,1,2,2 -2684,0,2122,0,,2,1,68.2,1,1,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,169,1,24,1,85,1,1,2,3 -2685,0,1600,0,1450,1,1,51,4,3,1,1,1,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,1,2,3: > 10 ft.,,,,,,Object struck abdomen by accident.,2,,2,,1,1,2,2,2,2,2,1,3,2,2,3,1,100,1,18,1,102,3,3,2,2 -2686,0,2125,0,1730,1,1,83.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,4,,4,,2,2,2,2,2,1,1,2,2,3,1,152,1,16,1,66,2,1,2,2 -2687,0,,0,,2,2,10,,8,2,,2,2,1,1,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,1,4,5: Physician did not answer,,,2,,,,4,,1,1,1,1,1,1,2,2,2,1,1,2,3,2,1,116,1,28,1,135,4,2,1,3 -2688,0,1830,0,,2,1,75,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,2,2,3,2,2,,,2,2,1,150,1,21,1,88,1,1,2,2 -2689,0,1115,0,0900,1,1,10,3,1,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,3,3,2,10,,1,3,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,3,3,,,3,3,1,111,1,28,1,106,2,1,2,3 -2690,0,1530,0,1230,1,1,14.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,T.V. fell on head and whole body,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,110,1,28,1,132,1,1,1,3 -2691,0,1630,-1,2130,1,1,35.1,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,20,1,87,1,1,2,2 -2692,0,0018,-1,,2,1,24,4,3,1,1,1,2,2,1,2,2,2,2,2,2,2,2,2,1,1,2,14,,2,2,,,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,1,1,2,2,1,1,1,2,2,1,123,1,24,1,118,3,2,1,3 -2693,0,1505,0,,2,1,18.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,107,1,20,1,100,1,1,2,2 -2694,0,2030,0,1730,1,1,80,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,2,2,2,2,2,2,1,2,1,2,3,1,119,1,18,1,105,2,2,2,2 -2695,0,1315,0,,2,1,13,3,3,2,,2,3,3,2,2,3,2,2,3,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,3,2,1,116,1,26,1,101,2,2,2,2 -2696,0,1925,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,3,1,2,2,2,3,2,,,2,2,1,115,1,18,1,74,1,1,2,3 -2697,0,,0,,2,2,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,3,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,142,1,16,1,88,2,1,2,2 -2698,0,1719,0,1630,1,1,28,1,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,135,1,22,1,129,1,1,2,2 -2699,0,1300,0,1100,1,1,17,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,115,1,42,1,122,4,2,2,3 -2700,0,0617,0,,2,1,13.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,3,,1,20,1,124,1,1,2,2 -2701,0,1620,0,1530,1,1,60,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,2,2,2,2,1,2,3,2,2,1,138,1,16,1,104,3,2,2,3 -2702,0,2253,0,2200,1,1,50,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,18,1,82,1,1,2,2 -2703,0,2130,0,,2,1,12,4,3,2,,3,3,3,2,2,3,3,2,1,1,2,2,2,4,5,6,3,,1,3,,,3,3,3,9,,,,,,Nonaccidental head trauma,,7,2,2,,1,1,1,2,2,2,3,3,,,3,2,1,87,2,,1,60,1,1,1,3 -2704,0,1615,0,1415,1,1,13,1,11,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,90,1,24,1,98,1,1,2,2 -2705,0,1938,0,,2,1,6,4,3,2,,3,2,2,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,1,2,8,,,,,,,,8,,2,,1,2,1,2,2,2,2,2,,,2,3,1,80,1,32,1,130,1,1,1,3 -2706,0,1826,0,1800,1,1,3.8,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,1: < 20 mph,1,4,,,,,1,,2,,2,,2,2,2,2,3,2,,,3,3,1,90,1,48,1,168,2,1,2,2 -2707,0,1733,0,1700,1,1,75,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,3,2,1,2,2,2,1,2,2,2,3,1,133,1,16,1,82,4,3,2,2 -2708,0,2010,0,1945,1,1,55,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,1,2,2,2,2,,,2,2,1,107,1,22,1,76,1,1,2,2 -2709,0,1743,0,1130,1,1,63.5,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,kicked in chest,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,130,1,16,1,76,1,1,2,2 -2710,0,0232,0,0155,1,1,56.7,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Assault by fist, kicks",,7,2,1,2,2,,1,2,2,2,1,2,,,2,2,1,120,1,18,1,100,1,1,2,3 -2711,0,2147,0,2030,1,1,34,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,4,2: 5 - 20 mph,,,1,,,,4,,1,1,2,,2,2,2,2,2,1,1,1,2,3,2,,1,24,1,90,2,2,2,2 -2712,0,1644,0,1530,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,1,2,3,12,,2,2,,,1,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,121,1,43,1,119,2,1,2,3 -2713,0,1536,0,1505,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,116,1,14,1,88,1,1,2,2 -2714,0,1200,0,1100,1,1,,2,3,2,,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,7,2: Accidental,,,,,,Fall onto football after tackle,7,,1,1,1,1,2,2,2,2,1,1,2,2,2,3,1,110,1,28,1,90,4,2,2,2 -2715,0,1800,0,1230,1,1,67.5,1,1,1,4,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,1: < 20 mph,2,,,,,,1,,2,,1,1,2,1,2,2,2,1,1,4,2,3,1,151,1,16,1,84,2,1,1,2 -2716,0,1245,0,1225,1,1,28.9,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,20,1,98,1,1,2,2 -2717,0,1010,0,0930,1,1,7,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,26,1,112,1,1,2,2 -2718,0,1823,0,1800,1,1,63,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Jumped onto moving train,,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,150,1,17,1,77,1,1,2,2 -2719,0,1120,0,0830,1,1,26,3,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,1,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,3,,,3,3,1,130,2,,1,112,2,1,2,3 -2720,0,1515,0,1400,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,3,2: 6-15,,,,,,patient was in stroller when fell about 10 steps,3,,1,2,2,,1,2,2,2,2,2,,,2,3,1,100,1,40,1,140,1,1,2,3 -2721,0,1515,0,1400,1,1,61,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,3,2,2,,,2,3,1,111,1,20,1,80,1,1,2,2 -2722,0,1220,0,1150,1,1,60,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,1,13,,2,2,,,2,2,1,9,,,,,,Jumped out of Minivan going 40 MPH,,9,1,1,2,1,3,1,3,2,2,2,2,,,2,2,1,150,1,16,1,72,5,4,2,3 -2723,0,0150,0,0100,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,18,1,88,1,1,2,2 -2724,0,0220,-1,1700,1,1,13,,3,1,1,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,2,1,2,2,9,,,,,,Kicked by horse,,7,2,2,,1,1,1,1,2,2,3,1,2,2,2,2,1,106,1,48,1,132,5,2,2,3 -2725,0,1721,0,1630,1,1,15.9,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Being pulled up a trampoline and hit chest on bar,,7,2,2,,1,1,2,2,2,2,3,3,,,3,3,2,,1,30,1,140,2,1,2,2 -2726,0,1229,0,,2,1,38,2,4,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,2,2,1,2,2,2,,,2,2,1,139,1,22,1,112,1,1,1,2 -2727,0,2114,0,,2,1,59,4,8,1,1,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,23,1,81,1,1,2,3 -2728,0,1609,0,,2,1,42,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,1,9,,,,,,"skiing, jumped and fell onto face",,2,2,2,,2,,1,2,2,2,2,1,1,2,2,2,1,120,1,24,1,90,3,2,2,3 -2729,0,1700,0,1600,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,113,1,18,1,87,1,1,2,2 -2730,0,1211,0,1100,1,1,13.4,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,Ejected from TRAILER. Patient was riding in a trailer behind a tractor and fell out of trailer when tractor stopped.,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,96,1,24,1,104,1,1,2,2 -2731,0,2210,0,1400,1,1,64.1,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,3,2,,,2,3,1,124,1,18,1,94,1,1,3,3 -2732,0,0845,0,0830,1,1,76.6,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,136,1,20,1,96,1,1,1,2 -2733,0,0015,-1,2030,1,1,17,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,1,2,2,1,92,1,20,1,82,2,1,2,2 -2734,0,0738,0,,2,1,52.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,162,1,18,1,72,2,1,2,2 -2735,0,2200,0,2100,1,1,120,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,136,1,19,1,131,2,2,2,3 -2736,0,1746,0,1645,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,125,1,16,1,100,2,2,2,3 -2737,0,2011,0,1900,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,112,1,18,1,102,1,1,2,2 -2738,0,1544,0,,2,1,30.9,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,sledding,,9,2,2,,1,2,2,2,2,2,2,1,2,4,2,3,1,111,1,32,1,105,2,2,2,2 -2739,0,1624,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,3,2,2,1,118,1,24,1,106,4,3,2,3 -2740,0,1230,0,1030,1,1,12.2,1,3,1,4,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,5,,,,,2,,,5,,2,,1,1,2,2,2,2,2,2,,,2,3,1,146,1,24,1,132,2,1,2,2 -2741,0,1526,0,1245,1,1,45,1,8,2,,4,4,4,4,4,1,1,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,108,1,16,1,110,3,3,2,3 -2742,0,1841,0,,2,1,13,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,1,1,1,2,2,1,139,1,37,1,93,2,1,2,3 -2743,0,1300,0,,2,1,,,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,16,1,67,1,1,2,2 -2744,0,0051,0,,2,1,59,4,4,2,,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,1,1,1,2,2,2,2,1,1,6,2,2,1,124,1,20,1,109,6,6,3,3 -2745,0,1300,0,,2,1,12,,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,1,4,6,7,,1,3,,,1,3,1,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,2,3,,,3,2,1,97,1,26,1,90,3,2,1,3 -2746,0,2327,0,,2,1,13.8,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,4,1,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,3,1,2,2,1,2,1,1,2,2,2,1,139,1,32,1,125,4,3,1,3 -2747,0,1715,0,0415,1,1,15.9,2,3,2,,2,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,3,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,3,,,2,3,1,127,1,22,1,147,3,1,2,3 -2748,0,1900,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,20,1,84,1,1,2,2 -2749,0,1408,0,1330,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,1,2,,2,2,2,2,1,2,,,2,3,1,139,1,24,1,99,1,1,2,2 -2750,0,1600,0,1530,1,1,60,4,4,3,,4,4,4,4,4,2,2,2,3,3,3,3,3,1,1,1,15,,2,1,2,1,2,2,2,6,,,,,,,,6,,1,2,1,1,1,1,2,2,2,1,2,1,2,2,1,133,1,11,1,99,3,3,2,3 -2751,0,1700,0,1430,1,1,50,4,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,6,,,,,,,fell off atv then run over by another atv,6,,2,,1,2,1,1,2,2,2,2,,,2,2,1,93,1,18,1,144,2,2,2,3 -2752,0,1605,0,1515,1,1,50,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,1,2,2,,,2,4,1,153,1,20,1,101,3,1,2,3 -2753,0,2115,0,2055,1,1,,,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Sports Injury (Lacrosse Collision with another player),,7,2,1,2,2,,2,2,2,2,2,2,,,2,2,1,127,1,77,1,74,1,1,2,2 -2754,0,0241,0,,2,1,70,4,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,3,2,,,2,3,1,123,1,18,1,97,1,1,2,2 -2755,0,0903,0,0815,1,1,14,2,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,24,1,112,1,1,2,3 -2756,0,2227,0,1200,1,1,24,1,3,3,,4,4,4,4,4,4,4,4,4,2,2,2,2,1,1,1,15,,2,4,,,4,4,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,2,1,4,3,4,4,4,,,4,4,1,113,1,16,1,77,2,2,3,3 -2757,0,1500,0,,2,1,30,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,1,1,2,2,2,1,95,1,18,1,74,2,1,2,3 -2758,0,1316,0,,2,1,65,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,3,1,2,2,2,3,2,,,2,2,1,145,1,12,1,90,1,1,2,3 -2759,0,1550,0,1400,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,5,,,,,3,,,5,,2,,1,1,2,2,2,2,2,1,2,3,2,2,1,106,1,15,1,80,2,1,2,2 -2760,0,2050,0,,2,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,130,1,19,1,139,1,1,2,3 -2761,0,1847,0,1147,1,1,63,1,3,1,4,1,2,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,1,2,2,2,1,2,3,2,3,1,128,1,22,1,71,1,1,2,2 -2762,0,1610,0,,2,1,,,1,2,,1,3,3,2,2,2,2,2,2,2,2,2,2,,,,,15,2,1,4,3,3,3,2,2,5: Physician did not answer,,,,,,,2,,2,,1,2,2,2,2,2,2,1,1,5,2,3,1,100,1,20,1,100,1,1,2,2 -2763,0,1757,0,1730,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,2,1,2,2,2,2,1,2,2,2,2,1,114,1,24,1,70,4,1,2,3 -2764,0,1710,0,1505,1,1,40,4,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,132,1,16,1,116,3,2,2,3 -2765,0,1717,0,1600,1,1,65.8,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,1,2,,,2,2,1,128,1,16,1,80,1,1,2,3 -2766,0,1800,0,1700,1,1,59,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,1,2,2,8,,,,,,,Near Drowning with unclear mechanism,8,,2,,2,,1,2,2,2,1,1,1,2,2,2,1,120,1,20,1,120,1,1,2,3 -2767,0,1829,0,,2,1,16.7,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Punched in chest,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,24,1,96,1,1,2,1 -2768,0,1700,0,,2,1,50,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,2,,1,2,2,2,4,4,,,2,2,1,109,1,26,1,103,1,1,2,3 -2769,0,1249,0,1230,1,1,54,4,3,3,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,3,2,2,2,,,2,3,1,119,1,20,1,82,1,1,2,2 -2770,0,1500,0,1345,1,1,30,4,8,2,,2,2,2,2,2,3,3,3,2,2,2,1,2,1,2,1,14,,2,3,,,2,3,3,9,,,,,,collided with another child,,7,2,2,,3,,1,2,2,2,2,2,,,3,3,1,110,1,26,1,101,1,1,2,3 -2771,0,2129,0,1900,1,1,29.5,,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,20,1,88,1,1,1,2 -2772,0,2110,0,2000,1,1,49.9,4,3,2,,2,2,2,2,2,2,3,2,1,2,2,1,2,1,1,1,15,,2,1,1,1,2,2,1,7,1: Intentional,,,,,,,7,,2,,1,3,2,2,2,2,2,1,1,1,2,3,1,128,1,19,1,123,2,1,2,2 -2773,0,1600,0,1500,1,1,56.3,1,8,2,,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,"Mosh pit, fell to ground, hit head",,2,2,1,2,2,,1,2,2,2,2,1,2,2,2,3,1,106,1,18,1,108,1,1,2,3 -2774,0,1933,0,1600,1,1,47.6,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,skier collided with a tree,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,91,1,22,1,92,2,1,2,3 -2775,0,1100,-1,1900,1,1,34.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,5,,,,,3,,,5,,2,,1,3,2,1,2,2,1,1,2,3,2,3,1,93,1,18,1,60,2,2,2,2 -2776,0,1030,0,0803,1,1,58,1,2,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,18,1,96,1,1,2,2 -2777,0,0636,0,0530,1,1,29.5,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,1,2,1,2,1,2,2,1,142,1,15,1,85,4,1,2,3 -2778,0,1440,0,1400,1,1,55,4,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,4,1,1,4,2,3,1,130,1,18,1,81,2,1,1,2 -2779,0,,0,1200,1,2,40,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,120,1,24,1,120,1,1,2,3 -2780,0,2040,0,1915,1,1,98,2,8,1,1,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,174,1,14,1,110,2,2,2,2 -2781,0,1620,0,,2,1,20,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,88,1,20,1,88,2,1,2,2 -2782,0,1913,0,1830,1,1,54,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,hit in chest playing football and fell on left side,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,16,1,88,1,1,2,2 -2783,0,0100,-1,1100,1,1,40,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,1,2,1,2,2,2,2,3,,,2,2,1,124,1,20,1,104,3,2,2,3 -2784,0,1745,0,1730,1,1,65,4,3,2,,2,1,1,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,132,1,38,1,136,4,3,2,3 -2785,0,1817,0,1300,1,1,80,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,6,,,,,,,fell over handlebars motorbike landing on leg (+helmet),6,,2,,2,,1,2,2,2,2,2,,,2,3,1,160,1,24,1,96,1,1,2,3 -2786,0,1729,0,,2,1,30,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,1,2,2,,2,2,2,2,2,2,,,2,2,1,119,1,16,1,94,4,4,2,2 -2787,0,1541,0,1400,1,1,23,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,4,,1,3,2,1,2,2,2,1,1,1,2,3,1,150,1,22,1,110,2,2,2,2 -2788,0,1652,0,1600,1,1,29.5,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,123,1,22,1,113,1,1,2,2 -2789,0,0000,-1,2330,1,1,65,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,20,1,102,1,1,2,2 -2790,0,1557,0,1440,1,1,25.8,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,5,,,,Lap and shoulder harness as well,1,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,105,1,20,1,100,1,1,3,2 -2791,0,2137,0,2045,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,167,1,18,1,87,1,1,2,3 -2792,0,0800,0,0700,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,5: Physician did not answer,3,,,,,,1,,2,,2,,2,2,2,4,2,2,,,2,2,1,136,1,24,1,100,1,1,3,2 -2793,0,1620,0,,2,1,11,3,3,2,,2,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,1,2,8,,,,,,,,8,,2,,1,1,1,1,2,2,3,3,,,2,2,1,114,1,30,1,197,1,1,3,3 -2794,0,2020,0,1930,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,22,1,77,1,1,2,2 -2795,0,1644,0,,2,1,13.1,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,1,1,1,2,2,2,1,103,1,20,1,108,1,1,2,2 -2796,0,1515,0,1500,1,1,22,2,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,,,,,15,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,4,,2,2,2,3,2,2,,,2,3,1,94,1,22,1,114,1,1,2,2 -2797,0,1224,-1,1700,1,1,75,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,16,1,81,1,1,2,2 -2798,0,1400,0,1330,1,1,20.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,3,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,96,1,22,1,118,1,1,2,2 -2799,0,2120,0,2000,1,1,13,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,2,2,2,2,3,2,,,3,3,1,118,1,42,1,115,2,1,3,2 -2800,0,1042,-1,,2,1,44.1,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,2,2,2,1,2,2,2,3,1,115,1,20,1,56,2,2,3,2 -2801,0,0930,0,,2,1,54.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,16,1,84,2,2,2,2 -2802,0,1535,0,,2,1,55,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,20,1,110,1,1,2,3 -2803,0,1733,0,1715,1,1,18,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,4,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,120,1,22,1,119,2,2,2,2 -2804,0,1718,0,1700,1,1,15.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,2,2,2,2,2,2,1,1,3,2,3,1,102,1,24,1,128,2,1,2,2 -2805,0,2105,0,,2,1,29,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,2,1,142,1,16,1,88,1,1,2,3 -2806,0,1710,0,1630,1,1,24.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,110,1,24,1,108,1,1,2,2 -2807,0,1422,0,1300,1,1,90,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,4,,,4,4,4,9,,,,,,Assault,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,18,1,72,1,1,2,2 -2808,0,1757,0,1715,1,1,35,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,28,1,80,1,1,2,2 -2809,0,0831,-1,1530,1,1,22.4,1,3,1,1,1,2,2,2,2,2,3,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,20,1,68,1,1,1,2 -2810,0,1030,0,0900,1,1,58,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,16,1,76,1,1,1,2 -2811,0,1619,-1,,2,1,13,2,3,1,1,1,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,3,1: 5 or less,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,3,1,127,1,69,1,142,1,1,2,3 -2812,0,1416,0,1145,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,14,,2,1,2,3,2,2,1,5,,,,,2,,,5,,2,,1,1,1,2,2,2,2,1,2,4,2,3,1,109,1,24,1,103,2,1,2,3 -2813,0,1126,0,1026,1,1,126,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,125,1,18,1,70,1,1,2,2 -2814,0,1955,0,1900,1,1,55,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,3,2,,,2,2,1,110,1,36,1,80,1,1,3,3 -2815,0,1406,0,,2,1,35,1,8,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,117,1,32,1,100,1,1,1,3 -2816,0,1245,0,1000,1,1,65,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,114,1,20,1,97,2,1,1,3 -2817,0,1920,0,1900,1,1,14,,8,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,3,,,3,2,1,97,1,62,1,180,1,1,1,2 -2818,0,1811,0,,2,1,28.2,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,2,2,2,2,2,1,1,2,2,2,3,1,124,1,20,1,95,5,4,2,2 -2819,0,1602,0,,2,1,,,1,2,,2,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,107,1,36,1,118,1,1,2,2 -2820,0,1600,0,1545,1,1,75,4,1,2,,4,4,4,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,1,1,2,,1,2,2,2,3,2,,,2,3,1,144,1,20,1,110,1,1,2,3 -2821,0,1517,-1,1600,1,1,65,1,3,1,2,1,1,4,2,2,1,2,1,2,2,2,2,2,1,1,1,15,,2,4,,,2,2,2,9,,,,,,Assault,,7,2,2,,2,,2,2,2,4,2,2,,,2,3,1,129,1,18,1,65,2,1,2,2 -2822,0,1944,0,,2,1,13,1,2,1,1,3,3,3,2,2,3,3,2,1,2,2,2,2,1,2,2,13,,1,3,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,2,1,1,2,1,2,3,,,3,3,1,121,1,20,1,148,3,3,1,3 -2823,0,1938,0,1915,1,1,66,2,3,2,,1,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,7,4: Physician did not answer,,,,,,football player with helmet vs abd,7,,2,,1,1,2,2,2,2,2,1,3,1,2,3,1,148,1,20,1,100,3,1,2,2 -2824,0,1929,0,1500,1,1,50,4,3,2,,2,2,2,1,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,156,1,17,1,131,1,1,1,3 -2825,0,2155,0,2130,1,1,80,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,4,,,4,4,4,10,,,,,,,,10,,2,,1,2,2,2,2,2,2,1,2,1,2,3,1,109,1,20,1,98,1,1,2,2 -2826,0,1330,0,1130,1,1,38,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,2,2,2,1,1,3,2,2,1,109,1,22,1,95,2,2,2,2 -2827,0,0425,0,0400,1,1,80,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,1,1,2,1,14,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,2,4,1,3,1,139,1,18,1,110,2,1,2,3 -2828,0,1822,0,1710,1,1,15.6,1,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,Patient hit by a falling bicycle.,,7,2,2,,2,,2,1,2,2,2,2,,,2,3,1,102,1,24,1,136,1,1,2,2 -2829,0,1953,0,1830,1,1,30,1,5,2,,2,2,2,2,2,3,3,2,3,1,1,1,2,4,5,6,3,,1,3,,,1,3,3,4,3: > 20 mph,,,4,,,,4,,2,,1,1,1,2,2,2,3,3,,,3,2,1,116,2,,1,70,2,1,3,3 -2830,0,1945,0,1700,1,1,44,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Dirt bike accident,,5,2,2,,3,,2,1,2,2,2,1,2,3,2,3,1,120,1,29,1,87,4,3,2,2 -2831,0,2000,0,1930,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,1,4: Speed Unknown,1,4,,,,,1,,2,,1,3,1,2,2,2,2,2,,,4,4,1,106,1,24,1,106,2,1,2,3 -2832,0,1528,0,1430,1,1,47.8,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,2,,1,1,2,2,2,1,1,3,2,3,1,86,1,20,1,86,3,3,2,3 -2833,0,2320,0,2300,1,1,55,1,8,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,1,1,2,,1,1,2,2,3,2,,,2,2,1,133,1,24,1,111,2,1,3,3 -2834,0,1645,0,1630,1,1,80,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,141,1,22,1,104,1,1,1,2 -2835,0,2020,0,2000,1,1,16,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,1,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,32,1,135,1,1,2,2 -2836,0,2210,0,0900,1,1,70.6,1,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,hit in chest by facemask when hit in football game,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,154,1,18,1,85,1,1,2,2 -2837,0,,0,,2,2,,,1,1,1,3,3,3,2,2,3,3,2,3,1,2,1,2,3,5,3,7,,2,3,,,3,3,3,1,4: Speed Unknown,1,6,,,,,1,,2,,1,1,1,2,1,2,3,3,,,3,3,1,82,2,,1,128,4,3,2,3 -2838,0,1604,0,1450,1,1,34,2,8,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,2,1,1,3,2,2,1,122,1,23,1,112,2,1,2,3 -2839,0,1704,0,1650,1,1,14,4,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,1,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,98,1,30,1,140,1,1,1,2 -2840,0,2215,0,2200,1,1,70,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,139,1,20,1,61,2,1,2,3 -2841,0,0840,0,0730,1,1,99.8,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,1,2,2,3,1,1,3,2,3,1,90,1,14,1,96,2,1,2,3 -2842,0,1630,0,,2,1,40,4,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,123,1,18,1,147,1,1,3,2 -2843,0,2229,0,2200,1,1,55,2,1,2,,2,2,1,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,bike handlebar to abdomen,7,,2,,1,1,2,1,2,2,2,1,3,2,2,2,1,134,1,17,1,97,2,1,2,2 -2844,0,1645,0,1600,1,1,70,4,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,2,2,1,148,1,18,1,88,1,1,2,3 -2845,0,1300,0,1100,1,1,15,4,3,1,1,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,3,2,6,,,,,,,fell off and under wheel,6,,2,,1,3,1,2,2,2,3,3,,,3,2,1,140,1,24,1,131,2,2,2,3 -2846,0,1814,0,1614,1,1,75,1,3,1,2,1,2,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Football-hit in right flank,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,18,1,76,1,1,1,2 -2847,0,1900,0,,2,1,29.5,4,3,1,1,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,1,2,,,2,2,1,126,1,23,1,126,2,2,2,3 -2848,0,2120,0,1730,1,1,40,2,8,2,,2,2,2,2,2,2,1,1,1,2,2,2,2,2,1,1,14,,2,1,1,1,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,108,1,30,1,162,2,1,2,3 -2849,0,1250,0,1200,1,1,25,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall while skating and couch fell on him,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,105,1,24,1,86,1,1,2,2 -2850,0,1648,0,1600,1,1,72.1,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,9,,,,,,Tackled playing football,,7,2,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,122,1,20,1,79,2,1,2,2 -2851,0,2024,0,1920,1,1,30,1,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,1,2,2,2,2,,,2,2,1,119,1,20,1,70,1,1,3,2 -2852,0,1730,0,1615,1,1,48,,1,1,2,1,2,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,cow vs pedestrian,,7,2,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,128,1,22,1,101,3,2,3,3 -2853,0,2308,0,2245,1,1,26,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,113,1,20,1,100,2,1,1,3 -2854,0,2219,0,,2,1,84.5,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,18,1,76,1,1,2,2 -2855,0,1414,0,1345,1,1,13,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,2,1,1,2,2,2,2,,,2,2,1,117,1,24,1,133,3,1,2,3 -2856,0,1600,0,,2,1,10,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,1,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,104,1,24,1,164,1,1,2,3 -2857,0,1855,0,,2,1,46.4,4,8,1,2,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,2,,,2,3,1,126,1,20,1,94,3,1,2,2 -2858,0,1212,0,1130,1,1,13,3,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,5,2,10,,2,3,,,2,2,3,9,,,,,,"Television & Entertainment Center Fell onto Child, Pinning Him",,7,2,2,,1,1,1,2,2,2,3,2,,,2,3,1,116,1,20,1,123,3,2,1,3 -2859,0,,0,,2,2,6,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,3,3,2,,,2,2,3,,1,40,1,198,1,1,1,2 -2860,0,2200,0,2015,1,1,27.4,2,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,5: Physician did not answer,,,,,,,2,,2,,2,,2,2,2,2,1,2,,,2,3,1,119,1,24,1,92,1,1,2,2 -2861,0,0315,0,0100,1,1,47.5,1,2,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,2,2: 3 - 10 ft.,,,,,,ED Form 1 is correct,2,,2,,1,3,2,1,2,2,2,1,2,2,2,3,1,128,1,24,1,82,3,1,2,2 -2862,0,2100,0,2000,1,1,15,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,14,,2,1,1,1,2,2,2,3,2: 6-15,,,,,,,3,,2,,1,1,2,2,2,2,2,1,1,1,2,2,1,142,1,28,1,140,2,2,2,2 -2863,0,2311,0,2230,1,1,70,4,8,2,,1,2,2,1,2,1,1,3,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,1,3: > 40 mph,3,,,,,,1,,2,,1,2,1,2,2,2,2,1,2,1,2,3,1,130,1,22,1,120,4,3,2,3 -2864,0,1717,0,1650,1,1,50,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,1,2,2,2,2,1,2,1,2,2,1,114,1,18,1,72,2,1,2,3 -2865,0,1924,0,1855,1,1,67.5,1,3,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,132,1,16,1,64,1,1,1,2 -2866,0,1847,0,1730,1,1,,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,4,4,1,130,1,18,1,75,1,1,2,2 -2867,0,1318,0,,2,1,10,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,105,1,37,1,117,1,1,1,2 -2868,0,1430,0,1415,1,1,15,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,3,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,1,1,2,1,1,2,1,1,1,1,2,3,1,88,1,28,1,128,2,1,2,2 -2869,0,1834,0,1734,1,1,100,2,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,3,9,,,,,,Fell off horse,,2,2,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,131,1,16,1,102,2,1,2,2 -2870,0,1850,0,1815,1,1,,,1,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,130,1,36,1,143,1,1,2,3 -2871,0,1411,0,1315,1,1,70,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,Patient was on a dirt bike,5,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,143,1,21,1,79,2,1,1,3 -2872,0,1540,0,,2,1,10,1,3,2,,3,4,4,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,1,2,2,2,2,3,,,3,3,1,99,1,29,1,183,2,1,1,3 -2873,0,0050,0,0000,1,1,66,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,2,2,2,2,3,2,,,2,2,1,116,1,18,1,99,1,1,2,2 -2874,0,1845,0,1745,1,1,52,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,144,1,23,1,83,1,1,2,3 -2875,0,0830,0,0800,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,5: Physician did not answer,,,4,,,,4,,2,,1,3,2,2,2,2,2,2,,,2,2,1,122,1,20,1,125,1,1,2,2 -2876,0,1400,0,,2,1,4.6,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,3,2,2,,,2,3,1,95,1,40,1,171,1,1,2,3 -2877,0,1625,0,1600,1,1,81.6,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,2,,1,2,2,3,2,2,,,2,2,1,159,1,58,1,86,2,2,1,3 -2878,0,0832,0,0800,1,1,56,1,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,118,1,16,1,84,2,1,2,1 -2879,0,2017,0,2000,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,4,,1,2,2,2,1,1,1,4,2,2,1,118,1,53,1,87,2,1,1,3 -2880,0,1315,0,,2,1,40,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,116,1,21,1,86,1,1,1,3 -2881,0,1830,0,1700,1,1,54.5,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,94,1,18,1,87,1,1,1,2 -2882,0,0929,0,,2,1,34.7,1,2,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,1,1,2,2,2,,,2,3,1,129,1,24,1,91,1,1,2,3 -2883,0,0359,0,,2,1,85,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,120,1,16,1,85,1,1,2,3 -2884,0,1604,0,,2,1,77,2,3,1,3,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,2,,,2,3,1,170,1,28,1,82,6,6,2,3 -2885,0,1530,0,1000,1,1,34.6,1,3,2,,2,1,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,9,,,,,,Tripped on uneven ground and had direct trauma to abdomen,,2,2,1,3,1,2,1,2,2,2,2,1,2,1,2,3,1,116,1,20,1,98,5,3,1,3 -2886,0,2156,0,2100,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,94,1,24,1,107,1,1,2,2 -2887,0,1607,0,1500,1,1,20,4,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,2,1,110,1,20,1,134,2,1,2,3 -2888,0,1726,0,1556,1,1,16,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,3,,,,,Roll over,1,,1,2,2,,1,2,2,2,3,2,,,2,3,1,120,1,20,1,101,1,1,1,3 -2889,0,1834,0,1820,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,2,1,1,2,2,2,1,113,1,40,1,105,2,2,2,3 -2890,0,1130,-1,1900,1,1,31.9,1,2,2,,1,4,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,5,2,2,2,4,6,,,,,,,,6,,2,,2,,2,2,2,2,2,1,4,6,2,3,1,84,1,20,1,80,2,1,2,2 -2891,0,1921,0,1820,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,3,,2,2,2,2,2,1,1,4,2,2,1,105,1,22,1,120,1,1,2,2 -2892,0,0115,-1,,2,1,25,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,1,1,4: Speed Unknown,1,2,,,,,1,,2,,1,2,1,1,1,2,3,1,3,2,1,3,1,108,1,17,1,89,4,3,2,3 -2893,0,1330,0,0955,1,1,59,1,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,2,2,1,2,9,,,,,,fell off horse,,2,2,2,,2,,2,2,2,2,4,1,1,3,2,3,1,106,1,20,1,62,2,1,2,2 -2894,0,0400,0,0200,1,1,50,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,1,2,2,1,13,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,4,2,2,,,2,3,1,130,1,16,1,109,1,1,1,3 -2895,0,1517,0,,2,1,136,4,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,3,1,140,1,16,1,88,1,1,2,3 -2896,0,1836,0,1530,1,1,59,2,2,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,tackled playing football,,7,2,2,,2,,2,2,2,2,2,4,,,2,3,1,104,1,18,1,87,1,1,1,2 -2897,0,2300,0,1900,1,1,30,4,1,1,1,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,2,7,,2,3,,,3,3,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,3,3,,,3,2,1,130,1,20,1,96,1,1,3,3 -2898,0,1535,0,1030,1,1,33.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,100,1,20,1,84,1,1,2,2 -2899,0,2000,0,1915,1,1,50,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,2,2,2,2,1,1,2,2,3,1,120,1,16,1,98,2,1,2,3 -2900,0,1800,0,,2,1,30,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,2,14,,2,2,,,2,2,1,4,3: > 20 mph,,,1,,,,4,,2,,1,1,1,2,2,2,3,2,,,2,2,1,140,1,20,1,90,3,1,2,3 -2901,0,2011,0,1930,1,1,18,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,1,1,2,2,2,1,2,1,2,2,1,120,1,14,1,131,2,2,2,3 -2902,0,2221,0,,2,1,56.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,118,1,18,1,78,1,1,2,3 -2903,0,1950,0,1900,1,1,76.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,in a fight,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,20,1,82,1,1,1,2 -2904,0,,0,1600,1,2,18,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,Moon Walk fell while child was inside,,7,2,1,2,1,2,2,2,2,2,2,1,1,2,2,2,1,125,1,22,1,128,4,4,2,2 -2905,0,1536,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Skateboarding,,2,2,1,2,2,,1,2,2,2,2,2,,,2,2,1,111,1,26,1,102,1,1,2,3 -2906,0,1452,0,,2,1,8,4,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,4,4,3,7,,1,3,,,1,3,3,8,,,,,,,,8,,2,,2,,1,2,2,2,3,3,,,3,3,1,94,1,51,1,137,2,1,2,3 -2907,0,1335,0,1145,1,1,65,4,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell snowboarding,,2,2,2,,1,1,2,2,2,3,2,2,,,2,3,1,111,1,18,1,90,2,1,2,2 -2908,0,1500,0,1400,1,1,,,11,2,,2,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,1,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,2,2,2,2,2,1,1,2,2,3,1,110,1,17,1,85,2,1,2,2 -2909,0,1615,0,1600,1,1,100,2,3,1,1,1,2,1,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,2,,,2,2,1,135,1,20,1,98,2,1,2,3 -2910,0,2225,0,2145,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,2,2,2,2,2,2,2,,,2,3,1,126,1,13,1,115,1,1,2,2 -2911,0,2345,0,2330,1,1,35,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,1,2,2,2,2,2,3,1,2,1,2,3,1,104,1,24,1,92,2,1,2,2 -2912,0,1440,0,1340,1,1,14.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,108,1,32,1,110,1,1,2,2 -2913,0,1800,0,1700,1,1,,,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,18,1,107,1,1,2,2 -2914,0,1600,0,1300,1,1,65,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,snowboarding accident - tree collision,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,145,1,18,1,91,1,1,2,2 -2915,0,2000,0,1845,1,1,90,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,1,1,3,2,2,3,1,149,1,20,1,98,2,1,1,2 -2916,0,1300,0,,2,1,,,3,2,,3,3,3,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,4,,,2,3,3,9,,,,,,Non-accidental trauma,,7,2,2,,2,,1,2,2,2,3,2,,,3,2,1,90,1,46,1,160,1,1,2,3 -2917,0,1206,0,1000,1,1,45.4,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Ski accident-hit wall,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,110,1,24,1,76,1,1,3,3 -2918,0,2145,0,2030,1,1,72.7,2,8,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,3,,,5,,2,,1,1,1,2,2,2,1,2,,,2,3,1,124,1,18,1,80,3,2,1,3 -2919,0,1715,0,,2,1,47.3,1,3,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,1,2,2,,1,2,2,2,2,2,,,2,2,1,129,1,23,1,77,1,1,1,3 -2920,0,2201,0,,2,1,21.8,1,1,2,,1,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,103,1,24,1,110,4,2,2,3 -2921,0,1509,-1,1900,1,1,118,1,2,2,,1,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,137,1,18,1,65,1,1,2,2 -2922,0,1057,-1,1900,1,1,48.5,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,1,2,1,2,1,2,3,1,119,1,20,1,76,5,4,2,3 -2923,0,1838,0,1800,1,1,68.8,1,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,Fell off skateboard,,2,2,2,,1,1,2,2,2,2,1,1,3,3,2,3,1,125,1,20,1,88,3,1,2,2 -2924,0,1300,0,1200,1,1,30,,1,2,,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,116,1,20,1,92,1,1,3,2 -2925,0,2155,0,2100,1,1,47.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,3,1,1,2,2,2,1,2,2,2,3,1,112,1,20,1,80,2,1,1,3 -2926,0,2223,0,2140,1,1,74.8,1,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,142,1,20,1,92,2,1,2,2 -2927,0,1349,0,1300,1,1,9,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,1: < 3 ft.,,,,,,Suspected Abuse,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,111,1,32,1,132,2,1,2,3 -2928,0,2055,0,2000,1,1,61,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,16,1,70,1,1,2,2 -2929,0,1355,0,1255,1,1,44,1,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,"football fell on abdomen, and elbow hit pt in abdomen during fall.",,7,2,2,,1,1,2,1,2,2,2,1,2,3,2,3,1,117,1,16,1,80,2,1,2,2 -2930,0,,0,,2,2,3,3,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,2,2,1,13,,1,3,,,1,3,2,1,3: > 40 mph,2,,,,,,1,,2,,1,3,1,2,3,1,4,3,,,3,3,1,71,1,32,1,160,3,1,2,3 -2931,0,2013,0,1950,1,1,14,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,34,1,133,1,1,3,2 -2932,0,2014,0,1940,1,1,96,2,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,blocking during football and twisted by another player,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,134,1,18,1,88,1,1,2,2 -2933,0,2119,0,1930,1,1,77.6,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,2,2,2,2,2,2,2,,,2,2,1,128,1,24,1,54,1,1,2,2 -2934,0,1241,0,,2,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,125,1,18,1,125,1,1,2,2 -2935,0,2015,0,1930,1,1,11,3,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,1,2,1,3,3,,,3,3,1,140,1,36,1,97,2,1,1,3 -2936,0,1025,0,1000,1,1,24,1,8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,sledding accident,,9,2,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,26,1,92,1,1,2,2 -2937,0,1236,0,1200,1,1,,,8,2,,2,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,2,2,2,1,116,1,24,1,106,2,1,1,2 -2938,0,1250,0,1215,1,1,65,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,127,1,22,1,108,1,1,2,2 -2939,0,1849,0,1815,1,1,17,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,144,1,49,1,114,2,2,2,3 -2940,0,0601,0,0100,1,1,56,4,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,1,2,,,2,3,1,107,1,16,1,70,1,1,2,2 -2941,0,0645,0,0630,1,1,35,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,113,1,20,1,60,1,1,2,2 -2942,0,1800,0,1715,1,1,30,4,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,1,2,1,2,1,2,2,1,155,1,20,1,132,5,4,2,2 -2943,0,1530,0,1500,1,1,100,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,2,2,3,1,3,1,1,1,2,3,1,119,1,20,1,115,4,4,2,2 -2944,0,0127,0,0127,1,1,11.8,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,9,,,,,,"? mech, ?fell at home, known femur fracture.",,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,116,1,24,1,120,3,1,1,3 -2945,0,0130,0,0100,1,1,40,1,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,2,3,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,1,2,2,2,2,3,,,3,2,1,122,2,,1,107,4,3,2,3 -2946,0,2210,0,2140,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,3,1,2,2,1,3,1,2,2,2,3,1,111,1,23,1,96,3,3,2,3 -2947,0,1730,0,1700,1,1,60,4,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,1,1,90,1,23,1,93,5,5,2,3 -2948,0,1248,0,1200,1,1,29,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,137,1,22,1,121,1,1,2,3 -2949,0,2029,0,,2,1,18,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,28,1,100,1,1,1,2 -2950,0,1211,0,,2,1,17,2,2,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,4,2,2,2,3,1,4: Speed Unknown,1,5,,,,,1,,2,,1,1,2,2,2,4,1,1,2,4,2,3,1,90,1,28,1,98,2,2,2,2 -2951,0,1850,0,,2,1,29.5,1,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,2,,2,1,2,2,2,2,,,2,2,1,128,1,20,1,122,2,2,2,2 -2952,0,1600,0,,2,1,80,4,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,1,1,2,2,13,,2,1,2,1,2,2,2,8,,,,,,,,8,,2,,1,1,1,2,2,2,2,1,2,1,3,2,1,147,1,12,1,82,3,2,2,3 -2953,0,2032,0,1630,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,107,1,26,1,119,1,1,3,3 -2954,0,1009,0,0917,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,5: Physician did not answer,,,1,,,,4,,1,2,2,,1,2,2,2,2,1,1,2,2,3,1,123,1,20,1,116,1,1,1,3 -2955,0,1854,0,,2,1,15.9,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,pt in non-motorized toy car which was hit by car,,4,2,2,,2,,2,2,2,2,2,3,,,2,2,3,,4,,3,,1,1,2,2 -2956,0,1500,0,1500,1,1,16,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,4: Speed Unknown,1,4,,,,,1,,2,,1,1,2,2,2,2,1,2,,,2,1,1,104,1,24,1,100,4,2,2,2 -2957,0,1430,0,1345,1,1,57,2,3,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,20,1,70,1,1,2,2 -2958,0,2033,0,2000,1,1,20,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,3,1,3,1,3,3,1,142,1,28,1,128,4,3,2,3 -2959,0,1949,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,113,1,37,1,132,1,1,2,3 -2960,0,1605,0,1530,1,1,19,3,8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,1,2,2,6,,,,,,,,6,,1,1,1,1,1,2,2,2,3,1,2,1,2,2,1,134,1,24,1,108,3,1,1,3 -2961,0,1124,0,1043,1,1,106,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,4,2,2,2,2,,,2,2,1,126,1,18,1,74,1,1,3,2 -2962,0,1610,0,1330,1,1,20,3,3,1,1,1,1,1,1,2,1,1,2,1,2,2,2,2,1,1,1,15,,2,1,3,1,3,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,1,1,1,3,1,1,2,1,100,1,19,1,139,5,3,1,3 -2963,0,0951,0,0845,1,1,51.2,1,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,120,1,16,1,82,2,1,2,2 -2964,0,2209,0,1800,1,1,49.7,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,4,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,18,1,104,1,1,1,2 -2965,0,1625,0,1320,1,1,54.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,4,2,2,,,2,3,1,119,1,20,1,117,1,1,2,3 -2966,0,1746,0,1330,1,1,60,4,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,129,1,20,1,78,1,1,2,2 -2967,0,1130,0,1100,1,1,70,4,3,1,2,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,1,1,2,1,2,2,3,1,2,2,2,3,1,139,1,23,1,78,3,2,2,2 -2968,0,1610,0,,2,1,125,4,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,1,5: Physician did not answer,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,4,1,145,1,28,1,84,1,1,3,2 -2969,0,1900,0,1800,1,1,55,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,fell off skateboard,,2,2,2,,1,1,1,2,2,2,2,1,1,2,2,2,1,133,1,18,1,59,4,1,1,3 -2970,0,1722,0,1645,1,1,42,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,107,1,20,1,73,2,1,2,2 -2971,0,1814,0,1754,1,1,70,4,3,1,1,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,1,3,1,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,4,2,1,1,1,3,1,1,2,1,133,1,26,1,87,5,3,2,3 -2972,0,1817,0,,2,1,54,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,147,1,32,1,98,1,1,2,2 -2973,0,1514,0,1430,1,1,23.6,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,113,1,16,1,106,1,1,2,3 -2974,0,0015,-1,2200,1,1,28,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,3,2,1,4: Speed Unknown,1,6,,,,,1,,1,2,1,1,1,1,1,2,1,2,,,2,2,1,114,1,28,1,100,1,1,2,3 -2975,0,1430,0,1000,1,1,70,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,tackled during football game,,7,2,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,121,1,26,1,64,3,1,2,2 -2976,0,1455,0,1330,1,1,31.8,1,11,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,101,1,18,1,96,6,6,3,2 -2977,0,0910,0,0710,1,1,92.4,1,3,2,,4,4,4,4,4,3,3,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,136,1,16,1,88,1,1,2,2 -2978,0,0940,0,0815,1,1,4.6,,2,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,1,2,,,2,2,1,3,1: 5 or less,,,,,,,3,,2,,1,1,2,2,2,2,2,2,,,2,3,1,89,1,50,1,131,1,1,2,2 -2979,0,2000,0,1600,1,1,12,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,40,1,190,1,1,2,3 -2980,0,2049,0,,2,1,5,1,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,6,3,,1,3,,,3,3,3,9,,,,,,Suspected child abuse,,7,2,2,,1,1,1,2,2,2,2,3,,,3,3,1,131,1,27,1,218,3,2,2,3 -2981,0,2124,0,1915,1,1,32.3,1,3,1,4,1,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Hit by baseball,,7,2,2,,1,3,1,2,2,2,2,1,2,2,2,3,1,112,1,18,1,88,1,1,2,3 -2982,0,0932,0,0830,1,1,36,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,22,1,130,1,1,2,3 -2983,0,1650,0,,2,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,1,1,1,2,2,2,3,1,1,1,2,3,1,112,1,28,1,70,3,1,2,3 -2984,0,0150,0,0100,1,1,90,4,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,134,1,14,1,70,1,1,2,2 -2985,0,1500,0,1430,1,1,21,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,112,1,24,1,120,1,1,1,2 -2986,0,1405,0,,2,1,140,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,132,1,18,1,94,1,1,3,3 -2987,0,1530,0,1500,1,1,58.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,2,1,2,2,2,1,1,2,2,3,1,116,1,20,1,100,2,1,1,2 -2988,0,0905,0,0800,1,1,55,2,3,2,,2,2,2,2,2,2,1,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,28,1,96,1,1,3,2 -2989,0,1551,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,4,,,,4,,1,2,2,,1,1,2,2,2,2,,,2,2,1,126,1,14,1,78,2,1,2,3 -2990,0,1600,0,1530,1,1,57,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,16,1,64,1,1,2,2 -2991,0,2247,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,6,,,,,,,,6,,3,,1,2,1,2,2,1,3,1,1,1,2,2,1,121,1,20,1,93,2,1,3,3 -2992,0,1631,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,1,1,2,,2,2,2,2,2,1,2,1,2,2,1,123,1,16,1,116,1,1,1,2 -2993,0,1631,0,1600,1,1,15,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,24,1,120,2,1,2,2 -2994,0,1855,0,,2,1,74.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,2,2,2,2,1,2,2,1,3,1,124,1,14,1,100,4,3,2,3 -2995,0,0822,-1,1200,1,1,53.7,1,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,115,1,18,1,86,1,1,2,2 -2996,0,1900,0,1530,1,1,29.8,,8,1,3,1,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from skateboard,,2,2,2,,2,,2,2,2,2,3,1,1,3,2,3,1,115,1,20,1,90,2,1,2,2 -2997,0,1724,0,1400,1,1,104,1,8,1,1,4,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,4,,,4,4,4,10,,,,,,,,10,,2,,1,1,2,1,2,2,2,1,2,2,2,3,1,129,1,50,1,61,6,6,2,2 -2998,0,1850,0,1840,1,1,24.9,2,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,134,1,21,1,110,1,1,2,2 -2999,0,2152,0,,2,1,11.9,1,9,1,2,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,9,,,,,,TV fell on pt's back,,7,2,2,,1,3,1,2,2,2,2,1,1,1,2,3,1,131,1,24,1,140,1,1,2,3 -3000,0,2010,0,,2,1,15.5,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,3,2,2,2,,,2,3,1,166,1,35,1,158,2,1,1,3 -3001,0,2131,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,3,1,2,2,13,,2,2,,,2,2,3,9,,,,,,plastic bag found over head,,9,2,2,,2,,1,2,2,2,1,2,,,2,3,3,,2,,3,,2,2,2,3 -3002,0,1449,0,1130,1,1,40,4,3,2,,3,3,3,2,2,2,2,2,1,1,1,1,2,3,3,3,9,,2,3,,,3,2,1,9,,,,,,Hit in head with a branch,,9,2,2,,1,1,1,2,2,2,2,3,,,3,2,1,140,1,20,1,67,1,1,2,3 -3003,0,1343,0,0900,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,6,,,,,,,,6,,2,,3,,1,2,3,2,2,2,,,2,3,1,130,1,16,1,82,1,1,3,3 -3004,0,1547,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,3,2,2,,,2,2,1,114,1,16,1,72,1,1,2,3 -3005,0,1850,0,,2,1,31.8,1,1,2,,2,2,2,2,2,2,1,1,1,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,1,1,4: Speed Unknown,3,,,,,,1,,1,2,1,1,1,2,2,2,2,1,2,1,2,2,1,129,1,20,1,139,2,1,2,3 -3006,0,1104,0,1030,1,1,12,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,3,3,,1,24,1,130,1,1,2,2 -3007,0,1615,0,1530,1,1,65,2,8,1,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,135,1,16,1,80,1,1,2,2 -3008,0,0308,0,0230,1,1,62,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,20,1,88,1,1,2,2 -3009,0,1550,0,1450,1,1,29,1,3,1,1,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,"Fall while snowboarding, hit tree.",,2,2,2,,1,2,1,2,2,2,2,1,2,4,2,2,1,112,1,20,1,112,4,2,1,3 -3010,0,1530,0,1500,1,1,70,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fell on back,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,140,1,18,1,72,1,1,2,2 -3011,0,2210,0,2115,1,1,29.5,4,3,3,,4,4,4,4,4,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,1,2,1,1,1,2,2,1,138,1,16,1,104,1,1,2,3 -3012,0,1036,-1,,2,1,52.8,1,2,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,struck by other child,,7,2,2,,2,,2,2,2,2,2,1,2,2,2,3,1,143,1,24,1,100,1,1,2,2 -3013,0,0100,0,0030,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,4,,,,,,1,,2,,2,,2,2,1,2,3,2,,,2,3,1,103,1,16,1,82,1,1,2,2 -3014,0,2208,0,2100,1,1,70,4,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,1,2,2,2,1,2,1,2,2,1,123,1,22,1,91,2,2,2,3 -3015,0,0845,0,0740,1,1,165,2,3,2,,1,1,2,2,2,1,2,1,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,3,1,1,2,2,3,1,115,1,20,1,86,2,1,2,3 -3016,0,1700,-1,,2,1,8.8,1,3,1,1,3,3,3,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,8,,,,,,,R/o abuse,8,,2,,1,1,1,2,2,2,2,3,,,3,3,1,102,1,36,1,128,4,2,1,3 -3017,0,1439,0,1400,1,1,90,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,131,1,16,1,78,1,1,2,2 -3018,0,2150,0,,2,1,12,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,2: 20 - 40 mph,1,2,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,117,1,37,1,170,1,1,2,2 -3019,0,2155,0,2130,1,1,55,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,4,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,1,2,,,2,3,1,151,1,22,1,131,2,1,3,3 -3020,0,1700,0,1600,1,1,25,4,1,1,1,1,1,2,2,2,3,1,1,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,2,,2,1,1,2,2,1,1,3,2,3,1,108,1,20,1,119,1,1,2,2 -3021,0,0250,0,0122,1,1,47.7,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,2,,2,1,1,2,1,2,,,2,3,1,127,1,22,1,82,1,1,2,2 -3022,0,0947,0,,2,1,25,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,1,1,4,1,2,2,1,99,1,23,1,96,4,1,2,3 -3023,0,1216,0,1100,1,1,35,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,3: Unknown intentionality,,,,,,Patient was pushed into a chair,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,20,1,98,1,1,1,2 -3024,0,1554,0,,2,1,118.7,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,16,1,71,2,1,2,2 -3025,0,1915,0,1845,1,1,25,4,3,1,1,1,1,4,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,3,2,,,2,3,1,115,1,24,1,85,3,1,2,3 -3026,0,1516,0,,2,1,18,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,170,1,31,1,126,1,1,3,2 -3027,0,1523,0,1500,1,1,65,1,3,2,,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,8,,,,,,,,8,,2,,2,,1,2,2,2,2,2,,,2,2,1,152,1,18,1,84,1,1,1,3 -3028,0,1310,0,1230,1,1,40,2,2,2,,2,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,4,2,2,,,2,2,1,128,1,20,1,91,1,1,3,2 -3029,0,1010,0,0800,1,1,60,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,139,1,24,1,98,1,1,2,2 -3030,0,1954,0,1900,1,1,55,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,6,,,,,,,,6,,1,2,1,3,1,1,2,2,2,1,3,3,2,2,1,120,1,25,1,86,4,2,1,3 -3031,0,1000,0,0930,1,1,32,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,2,2,3,2,2,,,2,3,1,120,1,24,1,108,1,1,2,2 -3032,0,2356,0,,2,1,65,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,1,3: > 40 mph,3,,,,,,1,,2,,1,1,1,2,2,2,3,1,2,3,3,3,1,151,1,20,1,108,3,1,2,3 -3033,0,2125,0,1800,1,1,41,4,3,1,2,1,2,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,9,,,,,,Fell off ATV,,6,2,2,,1,3,1,1,2,2,3,2,,,2,3,1,110,1,30,1,70,3,1,2,3 -3034,0,2255,0,1930,1,1,15,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,3,2,2,,,2,2,1,115,1,23,1,99,2,1,2,3 -3035,0,1405,0,1345,1,1,35,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,29,1,98,1,1,1,2 -3036,0,1810,0,1700,1,1,77,1,4,2,,2,2,2,2,2,2,2,2,4,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,182,1,26,1,68,1,1,2,3 -3037,0,2346,0,,2,1,15,4,3,1,1,2,2,2,2,2,3,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,1,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,1,3,1,2,2,2,3,3,,,3,3,1,129,1,20,1,114,1,1,2,3 -3038,0,1409,-1,2000,1,1,17.1,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,9,,,,,,Pedestrian struck by bicycle,,4,2,2,,1,3,2,1,2,2,2,1,2,2,2,2,1,119,1,26,1,115,2,2,2,2 -3039,0,1807,0,1730,1,1,11.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,111,1,20,1,113,1,1,2,3 -3040,0,1335,0,1215,1,1,84,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,4,,2,1,2,2,2,2,,,2,3,1,149,1,16,1,108,2,1,2,2 -3041,0,1427,0,0730,1,1,72,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Patient arrested by police, was pushed to ground. Police ""stomped on her lower back""",,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,18,1,65,1,1,2,2 -3042,0,1818,0,,2,1,81.6,1,8,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,2,3,3,10,,2,3,,,2,3,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,3,,,2,2,1,137,1,14,1,101,3,3,2,3 -3043,0,1542,0,1430,1,1,56.7,4,4,3,,4,4,4,4,4,3,3,2,3,1,2,1,2,4,5,4,5,,2,3,,,1,3,3,5,,,,,2,,,5,,1,2,1,2,1,2,2,2,2,3,,,3,3,1,130,1,14,1,52,1,1,2,3 -3044,0,1236,0,1200,1,1,56.4,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,During a wrestling match,,7,2,2,,2,,1,2,2,3,2,2,,,2,2,1,119,1,24,1,90,1,1,2,3 -3045,0,1832,0,,2,1,27.7,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,1,2,3,2,3,1,124,1,32,1,88,2,1,3,2 -3046,0,0445,0,,2,1,,,3,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,1,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,28,1,118,1,1,2,2 -3047,0,2150,0,,2,1,72.7,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,2,2,2,2,2,1,2,3,2,2,1,130,1,16,1,98,2,2,2,2 -3048,0,2010,0,1940,1,1,29.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,4,2,1,1,1,2,2,1,117,1,24,1,92,1,1,2,2 -3049,0,2148,0,,2,1,,,3,2,,2,2,2,2,2,2,3,1,2,2,2,2,2,2,1,1,14,,2,2,,,1,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,126,1,30,1,78,1,1,3,3 -3050,0,1647,0,,2,1,12,4,8,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,4,2,3,9,,1,3,,,1,3,3,8,,,,,,,,8,,2,,2,,1,3,2,3,2,3,,,3,3,1,106,1,26,1,123,1,1,1,3 -3051,0,1555,0,1500,1,1,54.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Skateboard fall at high speed,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,20,1,85,1,1,2,2 -3052,0,0024,-1,,2,1,8.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,99,1,23,1,84,1,1,2,2 -3053,0,1400,-1,2200,1,1,71.6,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,120,1,18,1,87,1,1,3,2 -3054,0,1440,0,1400,1,1,60,4,3,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,2,,,2,2,1,140,1,20,1,102,1,1,2,3 -3055,0,1000,0,,2,1,70,4,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,1,,,,,3,2,3,,,3,3,3,3,4: Unknown,,,,,,,3,,2,,1,3,1,2,2,2,3,3,,,3,2,1,183,2,,1,110,4,4,2,3 -3056,0,1400,0,1230,1,1,20,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,1,1,2,2,2,2,2,5,,,,,3,,,5,,2,,1,1,2,2,2,2,2,1,2,3,2,2,1,108,1,28,1,126,2,2,2,2 -3057,0,1540,0,1345,1,1,100,4,4,2,,1,2,1,2,2,1,1,3,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,1,1,2,1,2,2,1,173,1,31,1,76,4,3,1,3 -3058,0,1809,0,1720,1,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,99,1,22,1,110,1,1,1,2 -3059,0,1430,0,1300,1,1,29,2,1,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,1,2,2,2,1,2,3,2,3,1,96,1,30,1,134,5,4,2,3 -3060,0,1539,0,,2,1,,,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,MCC,,6,2,2,,1,3,2,2,2,2,2,2,,,2,3,1,109,1,16,1,81,2,1,2,2 -3061,0,0955,-1,2000,1,1,42,2,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,6,,,,,,,,6,,2,,1,3,1,1,2,1,2,1,2,1,2,2,1,116,1,19,1,104,4,3,2,3 -3062,0,1412,0,,2,1,11,1,3,2,,3,3,3,2,2,3,2,2,2,1,2,2,2,4,5,6,3,,3,3,,,3,3,3,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,2,1,65,1,30,1,83,2,1,2,3 -3063,0,2300,0,1800,1,1,38,2,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,1,,,5,,2,,1,3,1,1,2,2,2,1,2,1,2,3,1,146,1,26,1,110,2,1,2,3 -3064,0,1538,0,1430,1,1,27,1,3,3,,4,4,4,4,4,2,2,2,2,3,3,3,3,1,1,1,15,,2,1,2,2,2,2,2,6,,,,,,,,6,,2,,1,2,1,1,2,2,3,1,2,2,2,3,1,115,1,20,1,95,5,2,1,3 -3065,0,1349,0,1300,1,1,10.2,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,2,2,2,3,2,2,2,,,2,4,1,147,1,36,1,162,2,1,2,2 -3066,0,0956,0,0845,1,1,61.2,1,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,6,,,,,,,,6,,1,2,1,1,1,1,2,2,2,1,3,3,2,3,1,130,1,26,1,82,4,2,2,3 -3067,0,1557,0,1300,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,3,1,2,2,2,3,1,1,1,2,2,1,113,1,38,1,93,2,2,2,3 -3068,0,1947,0,,2,1,50,2,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,2,,,2,2,1,122,1,20,1,110,2,2,2,3 -3069,0,1130,0,1000,1,1,61,2,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,3,1,2,2,2,3,2,,,2,2,1,122,1,24,1,100,1,1,2,3 -3070,0,1814,0,1730,1,1,14,4,8,2,,3,3,3,1,2,3,3,2,3,1,1,1,2,4,5,6,3,,2,3,,,3,3,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,3,,,2,2,1,145,2,,1,163,2,1,2,3 -3071,0,1950,0,1800,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,104,1,22,1,106,1,1,2,3 -3072,0,1619,0,1500,1,1,71.1,1,2,2,,2,2,2,2,2,4,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,3: Unknown intentionality,,,,,,,7,,2,,2,,2,2,3,2,2,2,,,2,3,1,135,1,20,1,100,1,1,3,2 -3073,0,1945,0,1915,1,1,80,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,13,,2,2,,,2,2,1,8,,,,,,,,8,,1,1,2,,1,2,2,2,2,2,,,2,1,1,161,1,20,1,64,2,1,2,3 -3074,0,0320,0,,2,1,45.3,1,4,1,1,1,4,1,2,2,2,4,1,3,2,2,2,1,1,2,1,14,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,95,1,20,1,120,4,4,2,3 -3075,0,1428,0,,2,1,60,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,16,1,80,1,1,2,2 -3076,0,0835,0,0800,1,1,,,3,1,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,159,1,20,1,65,1,1,3,2 -3077,0,0039,-1,2340,1,1,,,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,1,2,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,3,1,1,3,2,2,1,124,1,22,1,87,1,1,2,3 -3078,0,1056,0,1030,1,1,52,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,103,1,16,1,84,1,6,2,2 -3079,0,1210,0,1125,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,142,1,18,1,68,1,1,2,3 -3080,0,1600,0,1300,1,1,35,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,2,1,124,1,28,1,80,2,1,2,2 -3081,0,1936,0,,2,1,31.1,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,117,1,18,1,75,1,1,2,2 -3082,0,1400,0,1300,1,1,55,2,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,20,1,103,1,1,2,2 -3083,0,1306,0,,2,1,40,1,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,149,1,22,1,98,2,2,2,2 -3084,0,1835,0,1500,1,1,59.6,1,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,18,1,82,1,1,2,2 -3085,0,1710,0,1640,1,1,20,3,8,2,,2,2,2,2,2,2,1,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,2,,,2,3,1,135,1,28,1,122,2,1,3,3 -3086,0,1915,-1,2030,1,1,48,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,123,1,20,1,76,1,1,2,2 -3087,0,2143,0,,2,1,76.1,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,3,1,141,1,18,1,65,2,1,2,2 -3088,0,2200,0,,2,1,60.4,1,8,2,,2,2,2,2,2,1,2,3,2,2,2,2,2,1,1,1,15,,1,1,2,2,2,2,2,9,,,,,,"Sliding into 2nd base, abdomen struck base",,7,2,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,168,1,24,1,80,5,1,1,2 -3089,0,1215,0,1000,1,1,25,4,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,2,1,2,2,2,2,1,133,1,24,1,114,3,3,2,3 -3090,0,0945,0,0815,1,1,56.2,1,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,133,1,20,1,68,2,1,2,2 -3091,0,1008,0,0900,1,1,64.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,4,9,,,,,,Collided with another baseball player,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,131,1,16,1,78,1,1,2,2 -3092,0,1740,0,,2,1,38,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,1,2: 20 - 40 mph,1,7,,,,,1,,2,,1,1,1,2,2,2,1,1,1,2,2,2,1,111,1,20,1,103,2,1,2,3 -3093,0,1826,0,1700,1,1,65,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,3,2,,,2,2,1,144,1,48,1,116,1,1,2,3 -3094,0,2250,0,2150,1,1,55.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,18,1,90,1,1,2,2 -3095,0,1721,0,1400,1,1,8.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,1: < 3 ft.,,,,,,possible NAT,2,,2,,2,,2,2,2,3,3,2,,,2,3,1,111,1,36,1,128,1,1,2,2 -3096,0,1815,0,1700,1,1,6,4,3,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,3,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,109,1,44,1,180,2,1,2,3 -3097,0,2002,0,1830,1,1,10.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,93,1,18,1,97,1,1,2,2 -3098,0,1440,0,,2,1,4.3,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,1: < 3 ft.,,,,,,,2,,2,,3,,1,2,2,2,3,2,,,2,3,1,91,1,34,1,140,1,1,2,3 -3099,0,1555,0,,2,1,21,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,2,2,2,3,2,,,2,2,1,128,1,30,1,180,1,1,1,3 -3100,0,1636,0,1620,1,1,63,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,151,1,20,1,120,1,1,2,3 -3101,0,1450,0,1400,1,1,45,4,1,1,2,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,1,2,2,3,1,2,1,2,3,1,120,1,20,1,50,4,2,1,3 -3102,0,1536,0,,2,1,48,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,1,1,1,1,1,1,2,1,3,1,3,4,1,122,1,31,1,113,4,2,2,3 -3103,0,1830,0,1700,1,1,25,4,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,3,1,1,3,2,3,1,135,1,20,1,114,1,1,2,2 -3104,0,1753,0,1738,1,1,54.4,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Football injury. Helmet driven into back,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,18,1,102,1,1,2,2 -3105,0,1210,0,1130,1,1,70,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,3,,1,1,1,2,2,2,2,2,,,2,2,1,133,1,28,1,106,2,2,2,3 -3106,0,1923,0,1815,1,1,45.8,1,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,20,1,72,1,1,2,2 -3107,0,2113,0,2000,1,1,34.7,1,8,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,120,1,20,1,90,1,1,2,2 -3108,0,1722,0,,2,1,14.2,1,8,2,,2,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,24,1,142,2,1,2,2 -3109,0,0012,-1,2330,1,1,80,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,2,1,134,1,14,1,68,1,1,2,3 -3110,0,1920,0,,2,1,55,4,8,2,,3,3,3,2,2,3,3,2,3,1,2,1,2,4,5,4,5,,2,3,,,1,3,3,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,1,2,2,1,3,3,,,3,2,1,114,2,,1,130,2,2,2,3 -3111,0,2055,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,4,5,,,,,3,,,5,,2,,1,1,2,2,2,2,3,2,,,2,3,1,147,1,18,1,92,1,1,3,2 -3112,0,1122,0,0845,1,1,55,1,3,2,,2,2,2,1,1,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,3,3,3,1,100,1,20,1,130,4,4,1,3 -3113,0,1840,0,1815,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,1,1,2,1,2,2,2,2,,,2,2,1,95,1,30,1,110,1,1,2,2 -3114,0,2000,0,1900,1,1,95.2,1,4,2,,2,2,2,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,174,1,16,1,76,3,2,2,3 -3115,0,2029,0,,2,1,5.9,1,8,1,1,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,9,,,,,,Fall with mother,,2,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,72,1,32,1,127,2,2,2,3 -3116,0,0810,0,0730,1,1,32,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,3,1,120,1,24,1,128,1,1,2,3 -3117,0,1742,0,,2,1,77.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell playing basketball,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,20,1,84,1,1,2,2 -3118,0,2320,0,2130,1,1,72,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,18,1,80,1,1,2,2 -3119,0,2157,0,2100,1,1,36.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,18,1,88,1,1,1,2 -3120,0,1620,0,1545,1,1,72,1,4,1,1,2,2,2,2,2,2,2,2,2,2,3,3,3,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,3,1,1,1,2,2,2,,,2,3,1,116,1,22,1,102,2,1,2,3 -3121,0,2054,0,2045,1,1,52,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,1,2,2,1,2,,,2,3,1,121,1,16,1,67,1,1,2,2 -3122,0,1758,0,1700,1,1,60,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Patient intoxicated, doesn't remember details of accident",,8,2,2,,1,1,2,2,2,2,2,2,,,2,3,1,148,1,20,1,97,1,1,1,2 -3123,0,1724,0,,2,1,5.6,1,1,2,,4,2,2,2,2,3,3,4,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,9,,,,,,stepped on by 8 yo sibling,,7,2,2,,1,3,2,1,2,2,1,3,,,3,3,1,96,1,28,1,145,6,6,3,2 -3124,0,1434,0,,2,1,20,3,5,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,20,1,110,1,1,2,3 -3125,0,2019,0,1600,1,1,69.4,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,128,1,18,1,69,1,1,2,3 -3126,0,1324,0,1210,1,1,18.6,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,112,1,30,1,70,2,1,2,3 -3127,0,2250,0,,2,1,,,3,3,,4,4,4,4,4,3,4,2,4,3,3,3,3,,,,,14,3,4,,,4,4,4,10,,,,,,,,10,,2,,1,2,1,2,2,4,4,3,,,3,3,1,99,1,20,1,123,3,2,3,3 -3128,0,,0,1900,1,2,62.2,2,3,2,,2,2,2,2,2,3,1,1,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,4,2: 5 - 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,3,1,2,2,2,2,1,144,1,22,1,122,3,1,3,3 -3129,0,0131,0,,2,1,,,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,130,1,18,1,92,2,1,2,3 -3130,0,0030,-1,2330,1,1,56.7,2,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,1,3,2,2,2,,,2,3,1,139,1,18,1,114,1,1,2,1 -3131,0,1830,0,,2,1,65,1,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,2,,1,2,2,2,2,1,1,1,2,2,1,132,1,26,1,90,3,3,1,3 -3132,0,1333,0,1130,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,2,1,122,1,20,1,110,2,1,2,3 -3133,0,0100,-1,2200,1,1,57,1,8,1,3,1,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,3,4,,,2,3,1,107,1,24,1,105,1,1,2,3 -3134,0,1449,0,1415,1,1,35,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,3,,,,4,,2,,3,,2,2,3,2,3,2,,,2,2,1,119,1,35,1,130,1,1,2,2 -3135,0,1307,0,0500,1,1,46,1,2,1,2,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,3,2,2,1,2,1,2,3,1,121,1,18,1,91,3,2,1,2 -3136,0,0044,-1,2000,1,1,72,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,3,,,5,,1,2,2,,1,2,2,2,2,2,,,2,3,1,117,1,20,1,100,1,1,2,3 -3137,0,1344,0,1045,1,1,31.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,1,,,5,,2,,1,1,2,2,2,2,2,1,2,1,2,2,1,107,1,25,1,129,2,1,2,2 -3138,0,1141,0,0830,1,1,50,4,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,3,6,,2,3,,,3,3,3,1,3: > 40 mph,2,,,,,,1,,1,2,1,3,1,2,2,2,3,3,,,3,2,1,146,2,,1,84,2,1,1,3 -3139,0,1049,0,1004,1,1,65,1,3,3,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,4,,4,,2,2,2,2,2,4,,,2,4,1,120,1,20,1,72,1,1,2,2 -3140,0,0204,0,0200,1,1,35,4,8,1,1,1,2,1,2,2,1,2,2,2,2,2,1,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,1,1,2,,1,1,2,2,2,1,2,2,2,2,1,110,1,32,1,110,1,1,2,3 -3141,0,1440,0,1415,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,3,2,12,,2,3,,,2,3,3,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,3,3,,,3,2,1,117,1,31,1,119,3,2,2,3 -3142,0,0829,0,,2,1,72,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,129,1,20,1,72,1,1,2,2 -3143,0,1650,0,1630,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,3,,1,15,1,91,1,1,1,2 -3144,0,1126,-1,2200,1,1,101.1,1,3,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,1,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,1,2,2,2,1,1,1,2,2,1,141,1,20,1,88,3,2,2,2 -3145,0,2100,0,1200,1,1,50,2,8,2,,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,134,1,16,1,107,4,2,1,3 -3146,0,1844,0,1800,1,1,60,1,8,2,,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,122,1,24,1,90,1,1,3,3 -3147,0,1215,0,1200,1,1,40,4,8,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,1,1,2,2,2,2,,,2,2,1,110,1,26,1,92,1,1,2,3 -3148,0,1641,0,,2,1,50,4,3,2,,3,3,3,2,2,3,3,3,2,1,2,2,2,4,5,6,3,,2,3,,,3,3,3,1,4: Speed Unknown,1,6,,,,,1,,2,,1,1,1,2,2,2,3,3,,,3,3,1,120,2,,1,158,2,1,2,3 -3149,0,1430,0,1200,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,108,1,16,1,80,1,1,1,2 -3150,0,2025,0,2000,1,1,63,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,1,2,1,1,2,2,2,2,2,1,3,3,1,3,1,115,1,20,1,88,5,2,2,2 -3151,0,1900,0,,2,1,17,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,9,,,,,,Run over by tractor,,4,2,1,1,1,3,1,1,2,2,3,2,,,2,2,1,89,1,28,1,115,2,1,2,3 -3152,0,2340,0,2300,1,1,63,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,3,1,2,2,2,2,2,,,2,2,1,134,1,19,1,100,6,6,2,3 -3153,0,1900,0,1800,1,1,,,3,1,2,1,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,Trampled by horse,,7,2,2,,1,1,2,2,2,2,3,2,,,2,4,1,121,1,16,1,90,2,1,1,2 -3154,0,0942,-1,1800,1,1,32,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,2,4: Unknown,,,,,,,2,,2,,2,,2,2,2,2,2,1,2,1,2,3,1,86,1,24,1,88,1,1,2,2 -3155,0,1905,0,,2,1,9,3,8,2,,3,3,3,3,3,3,3,4,2,1,2,1,2,4,5,4,5,,3,3,,,3,3,3,8,,,,,,,,8,,2,,2,,1,2,2,2,3,3,,,3,2,1,101,2,,1,136,1,1,3,3 -3156,0,1719,0,1620,1,1,58,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,139,1,20,1,100,1,1,3,2 -3157,0,1701,0,1630,1,1,11,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,83,1,16,1,125,2,1,2,2 -3158,0,1536,0,1400,1,1,18,2,1,2,,2,2,2,2,1,2,2,4,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,18,1,95,2,1,2,2 -3159,0,1653,0,,2,1,18.6,1,3,2,,2,2,2,1,1,2,2,2,2,2,2,2,2,1,3,1,13,,2,2,,,1,1,2,4,1: < 5 mph,,,1,,,,4,,2,,1,1,1,1,2,2,2,2,,,2,2,1,97,1,24,1,122,4,3,1,3 -3160,0,1500,0,,2,1,11.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,1,2,2,2,2,,,2,3,3,,1,26,1,128,1,1,2,2 -3161,0,1810,0,,2,1,75,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,1,1,2,2,2,2,1,1,3,3,2,2,1,122,1,33,1,87,2,2,1,2 -3162,0,1900,0,1600,1,1,22,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,3,,,5,,2,,1,3,1,2,2,2,3,2,,,2,2,1,112,1,40,1,106,1,1,2,3 -3163,0,1836,0,1800,1,1,54,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,20,1,106,1,1,2,2 -3164,0,,0,,2,2,60,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,32,1,100,2,1,2,2 -3165,0,2052,0,,2,1,28,1,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,1,1,2,2,3,2,,,2,3,1,109,1,20,1,115,1,1,2,3 -3166,0,1335,0,1300,1,1,12,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,"Parent fell, crushing him under her",,7,2,1,1,2,,1,2,2,3,3,2,,,2,3,1,114,1,20,1,148,1,1,3,3 -3167,0,2325,0,2200,1,1,22,3,3,2,,3,3,3,3,3,3,3,4,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,3,2,4,2,3,,,3,3,1,148,2,,1,132,3,3,2,3 -3168,0,1230,0,1205,1,1,60,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,131,1,18,1,86,1,1,3,2 -3169,0,0517,0,0130,1,1,9,4,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,2,2,2,12,,1,3,,,2,3,1,2,1: < 3 ft.,,,,,,Eval for child maltreatment,2,,2,,1,3,1,1,2,2,3,2,,,2,2,1,104,1,37,1,180,1,1,2,3 -3170,0,1639,0,,2,1,6.3,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,3,3,1,4: Speed Unknown,1,4,,,,,1,,2,,1,1,1,2,2,2,1,1,2,1,2,3,1,93,1,40,1,151,3,2,2,3 -3171,0,1655,0,1615,1,1,61,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,133,1,20,1,84,1,1,2,2 -3172,0,2233,0,1830,1,1,22,3,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell off tailgate of truck at ten MPH,,2,1,2,,2,,1,2,2,2,2,2,,,2,3,1,120,1,18,1,97,2,1,2,3 -3173,0,1518,0,,2,1,8.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,,1,2,,,2,2,3,8,,,,,,,pt brought in due to concern for abuse,8,,2,,2,,2,2,2,2,2,2,,,2,2,1,105,1,30,1,136,6,6,2,2 -3174,0,1555,0,1515,1,1,40,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,24,1,116,1,1,1,2 -3175,0,1950,0,1920,1,1,56.8,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,143,1,24,1,109,1,1,3,3 -3176,0,2030,0,1900,1,1,72.4,1,8,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,7,1: Intentional,,,,,,,7,,3,,3,,2,1,2,2,2,1,1,2,2,3,1,119,1,20,1,97,1,1,2,2 -3177,0,,0,1330,1,2,50,2,4,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,9,,,,,,Assualt,,7,2,1,2,1,1,2,2,2,2,2,2,,,2,3,1,123,1,16,1,76,1,1,2,2 -3178,0,1556,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,3,2,,,2,2,1,100,1,16,1,89,2,2,2,3 -3179,0,1955,0,,2,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,95,1,20,1,108,1,1,2,2 -3180,0,2000,0,1845,1,1,65,4,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,body-to-body collision during hockey game & collision against backboards.,,7,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,133,1,18,1,105,1,1,1,3 -3181,0,2201,0,1030,1,1,52.5,1,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,1,2,2,1,132,1,16,1,92,4,2,2,2 -3182,0,1320,0,1230,1,1,20,3,8,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,3,2,,,2,2,1,100,1,22,1,130,2,1,2,3 -3183,0,1540,0,1430,1,1,5.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,2,2: 3 - 10 ft.,,,,,,Fall onto cement,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,26,1,142,1,1,2,2 -3184,0,1615,0,,2,1,10,3,3,3,,4,4,4,4,4,2,2,2,3,2,2,2,2,1,3,1,13,,1,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,28,1,167,2,1,1,3 -3185,0,2020,0,2000,1,1,150,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,1,2,2,,2,2,1,2,2,1,1,2,2,3,1,145,1,18,1,119,1,1,2,2 -3186,0,0900,0,,2,1,55,,1,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,2,2,,,2,1,1,1,3: > 40 mph,2,,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,140,1,20,1,105,2,1,2,3 -3187,0,1520,0,1110,1,1,40,1,2,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,2,1,3,2,1,3,1,134,1,24,1,74,4,4,2,3 -3188,0,1623,0,1300,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,104,1,24,1,132,1,1,2,3 -3189,0,1234,0,1130,1,1,65,,4,2,,2,2,2,2,2,2,3,3,2,1,1,2,2,4,5,3,6,,2,2,,,2,3,2,1,5: Physician did not answer,4,,,,,,1,,1,2,1,1,1,2,2,2,1,3,,,3,2,1,116,1,25,1,101,1,1,2,3 -3190,0,0330,0,0300,1,1,77.1,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,1,2,2,2,,,2,3,1,169,1,12,1,101,1,1,2,3 -3191,0,1928,0,1900,1,1,14,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,1,1,1,1,2,2,2,2,2,2,,,2,3,1,94,1,25,1,105,1,1,2,2 -3192,0,1300,0,1230,1,1,13,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,1,2,,,2,2,1,9,,,,,,Door to head,,9,2,2,,2,,1,2,2,2,2,2,,,2,3,1,90,1,20,1,77,1,1,2,3 -3193,0,0925,0,0700,1,1,72,1,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,2,2,2,2,3,1,2,2,2,3,1,127,1,18,1,58,2,1,1,2 -3194,0,1052,0,1040,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,2,2,,1,2,2,2,2,2,,,2,2,1,159,1,19,1,87,1,1,2,3 -3195,0,1615,0,1430,1,1,55,4,4,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,1,2,7,1: Intentional,,,,,,,7,,2,,1,2,1,2,2,2,2,2,,,2,2,1,127,1,16,1,108,1,1,3,3 -3196,0,2023,0,1800,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,2,1,2,2,3,1,1,3,2,3,1,130,1,20,1,104,1,1,2,2 -3197,0,2030,0,2000,1,1,13,3,3,1,1,2,3,3,2,2,2,2,2,4,2,2,2,2,1,2,2,13,,1,3,,,2,3,1,4,5: Physician did not answer,,,4,,,,4,,1,2,1,3,1,1,3,1,2,3,,,2,3,1,111,1,40,1,100,3,2,2,3 -3198,0,1931,0,1901,1,1,25,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,24,1,100,1,1,2,2 -3199,0,1214,0,1200,1,1,36,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,2,1,2,2,1,2,1,3,1,2,2,1,110,1,36,1,88,2,1,2,3 -3200,0,1637,0,1415,1,1,55,4,1,2,,2,2,2,1,1,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,1,1,2,9,,,,,,"Fist, Knee, Foot Assault",,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,96,1,20,1,111,1,1,2,2 -3201,0,1415,0,1345,1,1,24.6,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,124,1,22,1,88,1,1,2,3 -3202,0,2117,0,2045,1,1,18,2,8,1,1,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,1,2,2,2,2,,,2,3,1,126,1,32,1,119,2,2,2,3 -3203,0,1930,-1,2100,1,1,33.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Patient climbing bunk bed ladder when lost footing and the tip hit abdomen on right side,,7,2,2,,1,1,1,2,2,2,2,1,1,3,2,3,1,122,1,20,1,122,1,1,2,3 -3204,0,1856,0,1730,1,1,10,3,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,3,3,,,3,2,1,102,1,22,1,119,1,1,2,2 -3205,0,1630,0,1600,1,1,30,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,5: Physician did not answer,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,3,1,119,1,20,1,104,1,1,2,3 -3206,0,1909,0,1815,1,1,52.7,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,117,1,20,1,91,1,1,2,3 -3207,0,1922,0,1800,1,1,30,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Fell off horse, kicked by horse",,2,2,2,,1,1,1,2,2,2,2,2,,,3,3,1,127,1,36,1,97,1,1,2,3 -3208,0,1618,0,,2,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,1,3: > 40 mph,1,4,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,121,1,18,1,109,1,1,2,3 -3209,0,2108,0,2030,1,1,18,4,1,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,1,2: 20 - 40 mph,1,5,,,,,1,,2,,1,1,2,2,2,2,2,3,,,2,3,1,109,1,30,1,144,1,1,2,2 -3210,0,1718,0,1145,1,1,64,,2,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,6,,,,,,,,6,,2,,1,1,2,1,2,2,2,1,1,3,2,2,1,135,1,20,1,60,2,2,2,2 -3211,0,2152,0,2030,1,1,50,4,1,1,1,1,4,4,1,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,1,1,1,6,,,,,,,,6,,2,,1,2,1,1,2,2,2,1,1,3,2,2,1,118,1,28,1,101,3,3,2,3 -3212,0,0930,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,1,1,2,1,1,2,1,2,,,2,4,1,95,1,30,1,112,3,1,2,2 -3213,0,1711,0,,2,1,22,,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,1,3,2,3,1,102,1,24,1,126,2,1,2,3 -3214,0,1449,0,,2,1,18,4,8,2,,3,3,3,2,2,3,3,2,3,1,2,1,2,4,5,6,3,,2,3,,,1,3,3,4,4: Speed Unknown,,,3,,,,4,,1,2,1,2,1,2,2,1,2,3,,,3,3,1,120,2,,1,122,4,3,2,3 -3215,0,1720,0,,2,1,37,2,2,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,collision with another player during lacrosse game,,7,2,1,1,2,,2,2,2,2,2,2,,,2,2,1,104,1,20,1,82,1,1,1,2 -3216,0,1145,0,,2,1,40,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,2,,,5,,2,,1,2,1,1,2,2,2,1,3,6,2,2,1,134,1,24,1,93,5,4,2,3 -3217,0,1346,0,,2,1,48,,3,2,,2,2,2,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,1,3,2,2,1,114,1,20,1,68,3,2,3,3 -3218,0,1520,0,,2,1,60,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,3,,,5,,2,,1,3,2,2,2,2,2,1,2,2,2,3,1,90,1,18,1,96,3,2,2,2 -3219,0,1545,0,1430,1,1,62,1,3,2,,1,2,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,3,1,2,3,2,3,1,129,1,16,1,93,2,1,2,2 -3220,0,2008,0,,2,1,40,,3,1,1,3,3,3,2,2,3,3,3,3,1,2,1,2,4,5,6,3,,1,3,,,2,3,3,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,1,3,,,3,3,1,130,2,,1,82,1,1,2,3 -3221,0,1750,0,,2,1,36.3,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,1,9,,,,,,sled under parked a car,,9,2,2,,2,,2,2,2,2,2,1,1,2,2,3,1,110,1,18,1,67,1,1,2,2 -3222,0,1515,0,1400,1,1,25,3,1,1,1,3,3,3,2,2,3,3,2,1,2,2,2,2,3,4,3,8,,2,3,,,2,3,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,1,3,,,3,2,1,115,1,22,1,97,4,2,2,3 -3223,0,1826,0,1730,1,1,21.8,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,107,1,20,1,105,1,1,2,2 -3224,0,2105,0,2020,1,1,80,4,1,2,,3,3,3,2,2,3,3,2,1,1,2,2,1,4,5,6,3,,2,3,,,2,3,3,4,3: > 20 mph,,,1,,,,4,,1,2,2,,1,1,2,2,3,3,,,3,2,1,109,1,10,1,124,4,4,2,3 -3225,0,1900,0,1830,1,1,16,2,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,1,2,3,3,3,,,3,2,1,117,1,24,1,157,2,2,2,3 -3226,0,1712,0,1600,1,1,74.8,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,2,2,1,2,2,2,,,2,3,1,144,1,15,1,83,2,2,2,2 -3227,0,1559,0,1525,1,1,90,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,3,1,140,1,16,1,93,1,1,2,2 -3228,0,1720,0,,2,1,11,1,8,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,12,,2,2,,,2,2,1,4,1: < 5 mph,,,1,,,,4,,2,,1,1,1,1,2,2,2,2,,,2,2,1,112,1,32,1,156,1,1,3,3 -3229,0,1326,0,,2,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,1,1,159,1,35,1,117,1,1,2,3 -3230,0,1848,0,1830,1,1,60,2,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,3,1,2,2,2,3,1,110,1,18,1,110,3,2,2,3 -3231,0,2057,0,1930,1,1,,,3,1,3,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,3,2,1,2,2,2,1,1,2,2,3,1,122,1,18,1,72,2,1,2,2 -3232,0,2320,0,,2,1,70,1,3,2,,3,3,3,2,2,3,3,2,1,1,2,1,1,4,5,3,6,,1,3,,,3,3,1,1,3: > 40 mph,3,,,,,,1,,1,2,1,2,1,2,2,2,2,3,,,3,2,1,155,1,28,1,120,2,1,2,3 -3233,0,0655,0,0630,1,1,50.4,1,3,2,,2,2,1,2,2,2,1,2,3,2,2,2,2,2,1,1,14,,2,1,3,2,1,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,3,1,3,1,3,3,1,140,1,20,1,98,5,3,3,3 -3234,0,2000,0,1900,1,1,30,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,20,1,94,1,1,1,2 -3235,0,2000,0,1800,1,1,25,1,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,106,1,24,1,118,1,1,1,2 -3236,0,0940,0,0900,1,1,10,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,3,,,3,3,1,85,1,22,1,116,1,1,2,2 -3237,0,2205,0,2115,1,1,46.3,2,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,24,1,80,2,1,2,2 -3238,0,1030,0,1000,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,90,1,19,1,108,1,1,2,3 -3239,0,1130,-1,1500,1,1,46,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,137,1,18,1,100,1,1,2,2 -3240,0,1915,0,1900,1,1,12,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,9,,,,,,ATV ejected from vehicle,,6,2,1,1,2,,2,1,2,2,3,3,,,2,3,1,124,1,24,1,136,1,1,2,2 -3241,0,1133,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,sledding accident,,9,2,2,,3,,1,2,2,2,2,2,,,2,2,1,125,1,15,1,92,2,1,2,3 -3242,0,2258,0,2140,1,1,70,1,4,1,1,3,3,3,2,2,3,3,2,1,1,1,1,2,1,4,2,11,,2,3,,,1,3,1,4,4: Speed Unknown,,,3,,,,4,,1,2,1,1,1,1,2,2,2,3,,,3,2,1,90,2,,1,130,3,3,2,3 -3243,0,2115,0,2000,1,1,30,2,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,2,2,2,2,2,2,,,2,2,1,112,1,14,1,86,2,1,2,2 -3244,0,0902,0,,2,1,45,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,2,1,2,2,2,3,2,,,2,2,1,142,1,16,1,109,1,1,1,3 -3245,0,2130,0,2000,1,1,70,4,8,2,,3,3,3,2,2,3,3,2,1,1,1,1,3,,,,,3,1,3,,,4,3,3,9,,,,,,car fell on him when he was working under it,,7,2,2,,2,,1,2,2,3,2,3,,,3,2,1,125,2,,1,61,2,1,2,3 -3246,0,2230,0,2200,1,1,50,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,1,3,1,2,2,2,1,2,,,2,3,1,102,1,15,1,109,2,1,2,3 -3247,0,2100,0,1730,1,1,15,3,3,2,,3,3,3,1,1,3,3,2,2,2,2,2,2,4,5,6,3,,1,3,,,2,3,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,3,,,3,2,1,132,1,16,1,180,1,1,2,3 -3248,0,2057,0,,2,1,28,1,8,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,113,1,20,1,72,2,1,2,3 -3249,0,1406,0,,2,1,4.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,2,3,8,,,,,,,,8,,2,,2,,2,2,2,2,2,2,,,2,3,1,93,1,36,1,130,1,1,2,2 -3250,0,1807,0,1730,1,1,30,,3,1,1,3,3,3,2,2,3,3,1,1,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,1,2,2,3,3,,,3,2,1,112,2,,1,112,2,1,3,3 -3251,0,1054,0,1030,1,1,90,4,1,1,1,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,2,,,2,3,1,137,1,18,1,103,1,1,1,2 -3252,0,1300,0,1220,1,1,11.1,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,9,,,,,,dresser fell on child.,,7,2,2,,1,3,2,2,2,2,2,2,,,2,3,1,120,1,30,1,125,3,2,2,2 -3253,0,1639,0,1600,1,1,52,1,2,2,,1,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,2,2,2,2,1,2,,,2,2,1,121,1,27,1,108,2,1,2,2 -3254,0,0800,-1,2230,1,1,53,,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,135,1,20,1,64,1,1,2,2 -3255,0,2006,0,,2,1,58.9,1,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,107,1,16,1,74,2,1,2,3 -3256,0,1400,0,,2,1,9,,8,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,2,2,2,12,,1,3,,,1,3,3,1,5: Physician did not answer,1,4,,,,,1,,1,1,1,3,1,1,3,4,4,4,,,3,3,1,93,1,44,1,145,3,2,2,3 -3257,0,0750,0,0300,1,1,50,2,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,1,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,98,1,18,1,71,1,1,1,2 -3258,0,2020,0,1930,1,1,50,,3,2,,2,2,2,2,2,2,2,2,3,2,2,1,2,4,4,2,8,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,2,1,113,1,25,1,100,2,2,2,3 -3259,0,2130,0,,2,1,,,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,115,1,16,1,75,2,1,2,3 -3260,0,1342,0,,2,1,,,8,2,,2,2,2,2,2,1,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,104,1,20,1,76,1,1,3,3 -3261,0,1600,0,1430,1,1,15,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,1,2,3,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,139,1,28,1,156,1,1,1,3 -3262,0,1230,0,1200,1,1,36,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,9,,,,,,Ski accident-struck tree,,2,2,2,,1,1,1,2,3,2,3,1,1,1,2,3,1,114,1,48,1,132,1,1,2,3 -3263,0,2030,0,0705,1,1,72.5,1,2,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,145,1,16,1,72,1,1,2,2 -3264,0,2030,0,1900,1,1,25,2,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,2,1,2,2,1,117,1,35,1,83,3,2,2,3 -3265,0,1743,0,1700,1,1,15,4,3,2,,3,3,3,2,1,3,3,2,3,2,2,2,2,1,5,6,6,,2,3,,,2,3,3,1,4: Speed Unknown,1,6,,,,,1,,2,,1,1,1,2,2,2,3,3,,,3,3,1,102,1,30,1,177,2,1,2,3 -3266,0,2151,0,,2,1,45.6,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,running and fell and hit right side on metal balance beam,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,20,1,68,1,1,2,2 -3267,0,0053,-1,1500,1,1,10.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,7,2: Accidental,,,,,,70 lb bed railing landed on her chest and struck her head,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,98,1,42,1,124,1,1,2,2 -3268,0,1740,0,1700,1,1,73,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,125,1,24,1,70,1,1,1,3 -3269,0,1802,0,1700,1,1,50,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,1,1,1,2,2,2,2,2,2,,,2,2,1,127,1,14,1,69,2,2,2,2 -3270,0,1745,0,,2,1,18.1,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,1,2,2,3,1,132,1,29,1,112,3,2,2,3 -3271,0,1845,0,,2,1,42,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,3,2,1,2,2,1,1,2,3,2,2,1,140,1,34,1,104,2,2,2,2 -3272,0,1306,0,1230,1,1,,,3,2,,2,2,2,2,2,2,2,1,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,3,1,125,1,28,1,113,1,1,2,3 -3273,0,0230,0,0130,1,1,52,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,Fall from scooter and handlebars hit abdomen,,2,1,2,,1,1,2,1,2,2,2,1,2,2,2,3,1,130,1,22,1,100,3,2,2,2 -3274,0,2222,0,,2,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,2,1,1,2,2,2,,,2,3,1,115,1,16,1,93,2,1,2,2 -3275,0,1720,0,1640,1,1,50,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,1,1,3,2,2,1,122,1,22,1,90,2,1,2,3 -3276,0,1354,0,1300,1,1,12,3,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,1,2,2,2,2,,,3,3,1,100,1,40,1,122,1,1,2,3 -3277,0,2015,0,,2,1,50,,8,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,127,1,25,1,105,1,1,1,2 -3278,0,0940,0,0900,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,4,2,2,1,4,3: > 20 mph,,,4,,,,4,,2,,2,,1,1,2,2,3,1,1,3,2,2,1,160,1,26,1,92,2,2,2,3 -3279,0,2324,0,2240,1,1,77,2,1,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,144,1,18,1,110,2,1,2,2 -3280,0,1528,0,1500,1,1,25,4,3,1,1,1,1,2,2,1,4,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,3,1,2,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,4,3,2,2,1,2,1,3,2,1,110,1,24,1,119,2,2,2,3 -3281,0,1745,0,1725,1,1,15,4,8,2,,3,3,3,2,2,2,3,2,2,2,2,2,2,1,3,1,13,,2,3,,,2,3,1,4,4: Speed Unknown,,,2,,,,4,,1,1,2,,1,2,2,2,2,3,,,3,2,1,131,1,40,1,103,1,1,2,3 -3282,0,1000,-1,2100,1,1,21,1,2,1,1,1,2,1,4,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,2,1,2,2,2,1,1,2,2,3,1,110,1,24,1,94,3,2,2,2 -3283,0,2015,0,1915,1,1,6,2,3,2,,3,3,3,2,2,3,3,3,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,1,3,,,3,3,1,88,1,32,1,160,1,1,1,3 -3284,0,2012,0,,2,1,59,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,4,,,1,4,4,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,115,1,18,1,126,1,1,2,3 -3285,0,1015,0,0930,1,1,40,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,2,1,121,1,24,1,120,1,1,2,2 -3286,0,1533,0,,2,1,70,4,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,1,1,4: Speed Unknown,1,1,,,,,1,,1,3,1,1,2,2,2,2,2,2,,,2,3,1,129,1,24,1,87,3,2,2,2 -3287,0,2005,0,,2,1,73.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,3,,,,,Also Assaulted,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,18,1,80,1,1,2,2 -3288,0,1613,0,,2,1,46.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,1,1,2,2,1,1,3,2,2,1,117,1,20,1,88,1,1,2,2 -3289,0,2305,0,2130,1,1,52,2,2,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,sports injury (soccer),,7,2,2,,1,3,2,2,2,2,2,1,2,2,2,3,1,138,1,16,1,103,1,1,2,2 -3290,0,2244,0,2144,1,1,65.2,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,100,1,18,1,80,1,1,2,2 -3291,0,1230,0,1200,1,1,55,4,8,2,,2,2,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,2,2,2,1,131,1,24,1,106,2,1,2,2 -3292,0,2000,0,1900,1,1,63,2,1,2,,2,1,1,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,3,1,1,1,2,9,,,,,,fell on elbow from standing playing soccer,,2,2,1,2,1,1,1,2,2,2,2,1,3,1,1,2,1,100,1,18,1,89,5,5,2,3 -3293,0,1949,0,1800,1,1,44.5,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,5,,,,,3,,,5,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,127,1,22,1,88,2,2,3,2 -3294,0,2050,0,1900,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,130,1,28,1,131,3,1,2,3 -3295,0,0259,0,0130,1,1,,,3,1,4,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,3,6,,2,3,,,2,3,3,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,3,,,3,2,1,145,2,,1,79,1,1,2,3 -3296,0,1908,0,1630,1,1,56.7,2,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,138,1,22,1,90,1,1,2,2 -3297,0,0046,-1,1830,1,1,35,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,9,,,,,,collision with another player during a baseball game,,7,2,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,127,1,24,1,126,3,1,2,3 -3298,0,1940,0,1900,1,1,54.2,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,1,2,2,1,1,3,3,2,3,1,135,1,24,1,76,2,1,2,2 -3299,0,1335,0,1230,1,1,18,1,3,1,4,1,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,4,,2,,1,2,2,2,2,2,,,2,2,1,98,1,18,1,104,1,1,3,3 -3300,0,1809,0,1715,1,1,35,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,1,1,2,,2,2,1,2,2,2,,,2,3,1,116,1,18,1,109,2,1,2,2 -3301,0,1006,0,0700,1,1,11,4,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,2,1,14,,1,3,,,1,2,2,3,3: > 15,,,,,,,3,,2,,2,,1,1,2,2,2,2,,,2,2,1,103,1,40,1,134,1,1,2,3 -3302,0,1705,0,1640,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,108,1,20,1,116,1,1,2,3 -3303,0,2151,0,1500,1,1,38.4,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,2,2,2,2,1,122,1,20,1,96,1,1,3,2 -3304,0,2127,0,1830,1,1,20.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,7,1: Intentional,,,,,,,7,,2,,1,3,1,2,2,2,2,2,,,2,3,1,125,1,28,1,84,2,1,1,3 -3305,0,0900,0,0830,1,1,66,2,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,18,1,96,1,1,2,2 -3306,0,1533,0,1430,1,1,14.5,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,3,2: 6-15,,,,,,,3,,2,,1,3,1,2,2,2,3,1,1,2,2,3,1,116,1,22,1,114,2,1,2,3 -3307,0,1800,0,1730,1,1,45,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,1,2,2,1,135,1,24,1,100,2,1,2,2 -3308,0,2300,0,,2,1,32,4,2,1,2,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,8,,,,,,,,8,,2,,1,1,1,2,2,2,2,2,,,2,3,1,108,1,18,1,110,1,1,2,3 -3309,0,1900,0,1830,1,1,10,4,8,2,,3,3,3,1,2,3,3,2,3,1,2,2,2,4,5,6,3,,1,3,,,3,3,3,9,,,,,,Abusive head trauma,,7,2,2,,1,2,1,2,2,2,3,3,,,3,3,1,70,2,,1,80,4,4,2,3 -3310,0,0030,-1,1830,1,1,16.6,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,3,,1,2,2,2,2,1,1,2,2,3,1,127,1,32,1,120,2,1,1,3 -3311,0,1813,0,1730,1,1,38,1,8,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,5,2,3,1,118,1,22,1,93,2,1,2,2 -3312,0,0933,-1,,2,1,22,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,5,,,,,3,,,5,,2,,2,,2,2,2,3,1,2,,,2,3,1,122,1,22,1,117,1,1,2,2 -3313,0,1029,0,0930,1,1,53.3,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,20,1,90,1,1,2,2 -3314,0,1534,0,,2,1,70,4,8,1,3,1,2,1,1,1,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,2,1,1,2,2,2,1,131,1,24,1,95,3,2,2,3 -3315,0,1100,0,1000,1,1,86.3,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,139,1,18,1,99,2,1,1,2 -3316,0,1644,0,1330,1,1,35,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,1,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,20,1,80,1,1,2,2 -3317,0,1342,0,1315,1,1,45,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,102,1,22,1,96,1,1,2,2 -3318,0,,0,1630,1,2,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,110,1,18,1,107,1,1,2,2 -3319,0,2303,0,2215,1,1,65,4,4,2,,4,4,4,2,2,3,3,2,3,1,2,2,2,4,5,6,3,,2,3,,,2,3,3,1,4: Speed Unknown,3,,,,,,1,,1,2,1,2,1,2,2,2,2,3,,,2,2,1,150,1,16,1,80,3,3,2,3 -3320,0,1455,0,1000,1,1,45,1,1,1,4,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,Pushed into door jam,,7,2,2,,1,1,2,1,2,2,2,1,2,2,2,3,1,121,1,20,1,84,4,6,2,2 -3321,0,1320,0,1315,1,1,8,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,96,1,20,1,140,1,1,2,2 -3322,0,1735,0,,2,1,14.5,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,3,1,118,1,24,1,103,2,1,1,3 -3323,0,0400,0,0330,1,1,80,4,1,2,,2,2,2,2,2,3,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,3,2,,,2,3,1,126,1,16,1,83,1,1,2,2 -3324,0,1810,0,1730,1,1,45,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,4,,1,2,2,3,2,2,,,2,2,1,141,1,22,1,100,2,1,2,3 -3325,0,1436,0,1400,1,1,57.1,1,3,2,,2,2,2,2,2,2,1,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,Right hip was struck-patient triaged at [time redacted] but was in room for many hours,7,,2,,2,,2,1,2,2,1,2,,,2,3,1,120,1,24,1,82,1,1,2,1 -3326,0,1453,-1,1700,1,1,57.9,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,5,,,,,1,,,5,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,110,1,20,1,88,1,1,2,2 -3327,0,1500,0,1400,1,1,12,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,104,1,20,1,106,1,1,1,2 -3328,0,1200,0,1030,1,1,57.2,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,4,,,2,3,1,127,1,20,1,77,1,1,2,2 -3329,0,1912,0,1900,1,1,19.5,2,8,1,2,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,1,2,1,1,2,2,3,1,3,2,3,3,1,98,1,37,1,151,4,2,3,3 -3330,0,1430,0,,2,1,71,4,2,2,,2,1,1,2,2,1,2,2,4,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,Hit face on board,,9,2,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,130,1,16,1,58,3,2,2,3 -3331,0,0934,0,0900,1,1,50,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,3,1,110,1,20,1,85,2,1,2,2 -3332,0,1900,0,1830,1,1,,,1,1,4,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,3: > 40 mph,1,1,,,,,1,,1,1,1,3,1,1,3,2,2,1,2,3,2,3,1,146,1,18,1,127,2,2,2,3 -3333,0,2205,0,2200,1,1,90,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,141,1,22,1,92,1,1,3,2 -3334,0,2200,0,,2,1,15,4,8,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,2,2,13,,2,2,,,2,1,1,4,1: < 5 mph,,,1,,,,4,,1,1,1,2,1,1,2,1,1,3,,,2,2,1,111,1,28,1,113,4,2,2,3 -3335,0,2023,0,1730,1,1,,,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,2,9,,,,,,Snowboard Fall,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,112,1,14,1,82,1,1,2,3 -3336,0,2000,0,1445,1,1,69.2,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,135,1,16,1,62,1,1,2,1 -3337,0,0820,0,,2,1,60,4,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,,,,,3,2,3,,,2,3,3,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,3,2,2,2,3,,,3,2,1,124,2,,1,64,2,1,2,3 -3338,0,1726,0,1630,1,1,58,4,4,2,,2,2,2,2,2,3,2,2,1,1,1,1,2,1,1,1,15,,2,3,,,3,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,118,1,22,1,101,1,1,1,3 -3339,0,1615,0,,2,1,18,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,3,,,2,4,1,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,101,1,22,1,83,1,1,3,3 -3340,0,1657,0,1630,1,1,20,,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,143,1,24,1,102,1,1,2,2 -3341,0,1915,0,1900,1,1,25,4,8,1,4,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,3,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,120,1,24,1,93,2,1,2,3 -3342,0,1946,0,,2,1,22,4,8,2,,2,2,2,2,2,2,1,1,1,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,7,2: Accidental,,,,,,,7,,2,,1,1,1,1,2,2,2,1,2,3,2,1,1,120,1,25,1,118,4,2,2,3 -3343,0,1050,0,1000,1,1,65,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,112,1,20,1,85,1,1,2,2 -3344,0,1930,0,1300,1,1,80,2,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,9,,,,,,Boxing,,7,2,2,,1,3,1,2,2,2,2,2,,,2,4,1,118,1,20,1,97,1,1,2,3 -3345,0,1932,0,1810,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,2,1,98,1,22,1,166,1,1,2,3 -3346,0,2004,0,,2,1,28,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,4,,,,,,1,,2,,4,,1,2,2,2,2,1,1,1,2,2,1,114,1,24,1,126,2,2,2,3 -3347,0,2120,0,1700,1,1,38,1,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,2,1,1,3,2,3,1,100,1,24,1,70,5,2,2,3 -3348,0,1704,0,1600,1,1,65,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,6,2,2,1,120,1,74,1,96,1,1,2,2 -3349,0,1735,0,1700,1,1,77,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,3,1,1,3,2,2,1,144,1,24,1,94,2,2,2,3 -3350,0,2313,0,,2,1,30.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,20,1,85,1,1,2,2 -3351,0,1715,0,1600,1,1,50,4,8,1,1,3,2,2,2,2,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,2,2,4,3,3,,,3,2,1,120,2,,1,118,3,2,2,3 -3352,0,1731,0,1630,1,1,58,2,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,20,1,90,2,1,2,2 -3353,0,1927,0,1820,1,1,50,1,1,2,,2,1,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,1,1,1,2,2,2,2,2,1,1,1,2,3,1,117,1,16,1,99,3,1,2,2 -3354,0,0300,0,0215,1,1,61,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,1,1,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,16,1,76,1,1,2,2 -3355,0,1818,0,,2,1,7.7,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,Suspect abuse,,7,2,2,,2,,2,2,3,2,2,2,,,2,3,1,77,1,32,1,160,1,1,2,2 -3356,0,2019,0,,2,1,30.4,,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,115,1,32,1,87,4,2,2,2 -3357,0,1715,0,1700,1,1,140,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,144,1,20,1,114,1,1,2,2 -3358,0,1636,0,,2,1,5.9,1,3,2,,3,3,3,2,2,3,3,3,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,1,2,3,,,2,3,1,104,1,44,1,72,2,1,1,2 -3359,0,1817,0,1730,1,1,37.2,2,3,2,,2,2,2,2,2,2,4,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,150,1,24,1,108,1,1,2,3 -3360,0,1653,0,,2,1,50,1,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,20,1,77,1,1,2,2 -3361,0,1609,0,1545,1,1,32,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,4,,4,,1,2,1,2,2,1,1,3,2,2,1,120,1,28,1,130,2,2,3,3 -3362,0,2255,0,,2,1,50,,3,2,,2,2,2,2,2,2,1,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,132,1,32,1,120,1,1,3,3 -3363,0,1644,0,1530,1,1,26,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,2,1,2,2,3,1,1,1,2,3,1,122,1,22,1,103,2,1,2,2 -3364,0,1655,0,,2,1,39,,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fell off horse,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,20,1,86,1,2,2,2 -3365,0,1522,0,1500,1,1,60,2,3,1,1,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,145,1,20,1,75,1,1,1,2 -3366,0,1441,0,1400,1,1,52.7,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell onto sidewalk,,2,2,2,,2,,2,2,2,2,2,2,,,4,4,1,132,1,20,1,86,1,1,2,2 -3367,0,1600,0,1500,1,1,53,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,18,1,70,1,1,2,2 -3368,0,1538,0,1505,1,1,65.9,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,4,,,,,,1,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,130,1,18,1,74,4,3,2,3 -3369,0,2210,0,2200,1,1,,,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,2,,2,2,2,4,2,2,,,2,3,1,122,1,22,1,110,1,1,2,2 -3370,0,2210,0,1810,1,1,15.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,113,1,22,1,101,3,3,2,2 -3371,0,2150,0,2130,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,3,2,2,2,,,2,2,1,133,1,19,1,95,1,1,1,3 -3372,0,0737,0,0600,1,1,63,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,2,1,136,1,18,1,111,1,1,1,3 -3373,0,1830,0,1200,1,1,55,1,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,1,2,3,2,3,1,119,1,20,1,92,2,1,2,3 -3374,0,2100,0,2000,1,1,100,4,1,1,1,1,1,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,1,1,2,3,1,2,1,3,2,1,113,1,22,1,120,4,2,2,3 -3375,0,1935,0,1900,1,1,45.1,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,1,2,1,2,2,2,5,,,,,1,,,5,,1,2,1,1,2,2,2,2,2,1,2,1,2,2,1,140,1,20,1,99,4,2,3,2 -3376,0,1700,0,1630,1,1,25,4,8,2,,2,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,3,1,124,1,24,1,110,1,1,2,3 -3377,0,0000,-1,2330,1,1,50,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,3,1,151,1,28,1,105,1,1,2,3 -3378,0,1525,0,1500,1,1,21,2,3,2,,2,2,2,2,2,3,3,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,"Ice-skating on flat surface, pulled on mom while falling and mom fell on patient's left leg",,2,2,2,,2,,1,2,2,2,3,2,,,2,3,1,121,1,20,1,111,1,1,2,3 -3379,0,1742,0,,2,1,30,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,130,1,19,1,114,1,1,1,3 -3380,0,1730,0,1700,1,1,44,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,1,2,1,2,2,2,3,2,,,2,2,1,124,1,17,1,97,2,2,2,3 -3381,0,1453,0,,2,1,10,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,36,1,176,1,1,1,2 -3382,0,1954,0,,2,1,54.5,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,2,2,2,1,2,2,2,3,1,146,1,18,1,120,2,1,2,2 -3383,0,2128,0,2030,1,1,75,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,3,2,,,2,2,1,9,,,,,,patient thrown from hood of moving vehicle,,9,1,2,,2,,1,2,2,2,2,2,,,2,3,1,118,1,20,1,84,6,6,3,3 -3384,0,1900,0,,2,1,40,4,3,2,,3,3,3,2,2,3,3,2,2,1,2,1,2,1,5,2,10,,2,3,,,3,3,3,1,4: Speed Unknown,1,6,,,,,1,,2,,1,1,1,1,1,1,3,3,,,3,2,1,118,1,22,1,163,5,5,2,3 -3385,0,1553,0,1515,1,1,70,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Assult plus Loss of Consciousness,,7,2,1,1,1,1,2,2,2,2,2,2,,,2,2,1,126,1,16,1,87,1,1,1,2 -3386,0,1815,0,1800,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,123,1,20,1,80,1,1,1,3 -3387,0,1400,0,1315,1,1,53.5,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Head-to-head contact during football,,9,2,2,,2,,2,2,2,2,2,2,,,2,3,1,136,1,20,1,92,1,1,2,2 -3388,0,1734,0,1600,1,1,,,3,2,,3,3,3,2,2,2,3,2,1,1,2,1,2,4,5,3,6,,2,3,,,3,3,1,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,3,1,143,1,37,1,125,3,2,2,3 -3389,0,1609,0,1600,1,1,39.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,112,1,22,1,118,1,1,1,3 -3390,0,1630,0,1600,1,1,43.6,4,3,3,,4,4,4,4,4,3,3,3,1,1,3,3,3,3,4,3,8,,1,3,,,3,3,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,3,,,3,2,1,123,1,23,1,87,4,4,2,3 -3391,0,2200,0,2140,1,1,32.3,1,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fell against curb,,2,2,2,,2,,2,2,2,4,2,2,,,2,3,1,114,1,20,1,88,1,1,2,2 -3392,0,1202,0,1130,1,1,40,3,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,1,3,2,3,10,,2,3,,,2,2,2,8,,,,,,,,8,,2,,1,2,1,2,2,2,2,2,,,2,3,1,112,1,18,1,101,1,1,2,3 -3393,0,1600,0,1530,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,1,2,2,2,2,,,2,2,1,117,1,16,1,93,2,1,1,2 -3394,0,2013,0,1800,1,1,13.8,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,28,1,118,1,1,2,2 -3395,0,0252,0,,2,1,18,1,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,1,2,1,1,1,1,2,2,3,3,,,3,2,1,108,2,,1,122,3,3,2,3 -3396,0,1428,0,1100,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,28,1,144,1,1,2,2 -3397,0,1351,0,,2,1,13,1,8,1,1,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,2,3,8,,,,,,,,8,,2,,1,1,1,2,2,2,2,3,,,3,2,1,169,1,18,1,122,2,2,2,3 -3398,0,1900,0,,2,1,12,3,3,1,4,1,2,2,1,1,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,3,9,,,,,,Stepped on by horse,,7,2,2,,3,,1,1,2,2,2,1,1,6,2,2,1,122,1,20,1,127,2,1,2,3 -3399,0,2324,0,2300,1,1,40.8,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,3,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,144,1,16,1,81,1,1,2,2 -3400,0,1755,0,,2,1,,,1,2,,2,2,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,3,1,1,3,2,3,1,114,1,24,1,105,3,1,1,2 -3401,0,1956,0,,2,1,50,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,2,1,13,,2,2,,,2,2,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,124,1,22,1,76,1,1,2,3 -3402,0,1022,0,0900,1,1,54.3,1,3,2,,1,1,4,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,1,1,4: Speed Unknown,1,1,,,,,1,,2,,3,,1,2,2,2,1,1,3,2,2,3,1,124,1,20,1,57,4,4,2,3 -3403,0,2145,0,1530,1,1,49,1,3,2,,2,2,1,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,137,1,24,1,79,2,1,2,2 -3404,0,1946,0,1830,1,1,31.5,1,1,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,1,2,2,2: 3 - 10 ft.,,,,,,Also object struck abdomen,2,,2,,1,2,1,2,2,2,2,1,1,2,2,3,1,121,1,18,1,66,4,3,2,3 -3405,0,2319,0,1800,1,1,29.5,1,8,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,3,2: 6-15,,,,,,,3,,2,,1,2,2,2,2,2,2,1,2,2,2,3,1,114,1,69,1,102,3,1,1,2 -3406,0,1942,0,,2,1,50,2,3,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,2,2,2,2,2,3,1,4,1,2,2,1,112,1,18,1,85,2,2,2,2 -3407,0,0135,0,,2,1,75,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,2,2,2,2,2,2,,,2,2,1,126,1,14,1,60,1,1,2,2 -3408,0,2200,0,2020,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,4,,,2,3,1,97,1,20,1,111,1,1,2,2 -3409,0,0038,0,,2,1,58,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,1,2,2,2,2,1,120,1,24,1,88,1,1,1,3 -3410,0,1700,0,,2,1,63,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,1,3,1,2,2,2,3,1,2,2,2,3,1,134,1,22,1,103,3,2,2,3 -3411,0,1055,0,,2,1,26,2,2,1,4,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,2,,,,,hit the front seat from the back,1,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,105,1,18,1,81,1,1,2,2 -3412,0,0010,-1,2230,1,1,73,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,3,1,117,1,22,1,87,1,1,2,2 -3413,0,1528,0,1330,1,1,21.6,1,3,1,1,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,2,2,3,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,91,1,26,1,116,1,1,2,2 -3414,0,1203,0,1130,1,1,5,4,3,2,,3,3,3,2,2,3,3,3,1,2,2,2,2,1,2,2,13,,1,3,,,2,3,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,2,1,2,2,1,3,3,,,3,3,1,84,1,56,1,156,3,2,1,3 -3415,0,1245,0,,2,1,19,4,3,2,,3,3,3,2,2,3,3,2,1,1,2,1,2,4,5,3,6,,2,3,,,2,3,3,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,3,3,,,3,2,1,92,1,22,1,116,2,2,2,3 -3416,0,2350,0,2230,1,1,80,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,153,1,26,1,72,1,1,2,3 -3417,0,2050,0,,2,1,8,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,questionable abuse,,9,2,2,,2,,2,2,2,2,3,2,,,2,3,1,95,1,24,1,134,1,1,1,2 -3418,0,1537,0,,2,1,82,1,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,3,,1,1,1,2,2,2,2,2,,,2,2,1,166,1,16,1,82,1,1,2,3 -3419,0,0240,0,0100,1,1,70,4,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,1,1,2,1,14,,2,2,,,3,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,2,2,3,2,4,2,,,3,2,1,117,1,19,1,67,1,1,1,2 -3420,0,2028,0,,2,1,52.7,2,3,1,3,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,4: Speed Unknown,2,,,,,,1,,1,2,1,2,1,1,2,2,3,2,,,2,2,1,130,1,24,1,108,2,2,2,3 -3421,0,1753,0,1530,1,1,80,2,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,2,,1,2,2,2,2,2,,,2,2,1,154,1,23,1,99,1,1,1,3 -3422,0,1400,0,1330,1,1,80,4,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,124,1,20,1,89,1,1,2,2 -3423,0,2206,0,2100,1,1,57,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,142,1,20,1,92,1,1,2,2 -3424,0,1845,0,,2,1,25,2,8,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,1,1,2,1,1,2,2,2,1,2,1,2,2,1,102,1,25,1,120,3,1,2,3 -3425,0,2035,0,1940,1,1,24,2,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,4,3: > 20 mph,,,2,,,,4,,1,1,1,3,1,1,2,2,2,1,2,1,2,3,1,90,1,24,1,102,3,2,2,3 -3426,0,1440,0,,2,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fell backwards from standing onto rock,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,120,1,12,1,84,1,1,2,3 -3427,0,2131,0,2100,1,1,18.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,3,2,2,,,2,2,1,125,1,20,1,81,2,1,1,2 -3428,0,2037,0,,2,1,85,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,6,,,,,,,,6,,2,,4,,2,2,2,2,2,2,,,2,2,1,127,1,18,1,75,1,1,2,2 -3429,0,,0,1849,1,2,59.4,1,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,2,2,2,1,2,6,4,3,1,104,1,22,1,98,2,2,2,2 -3430,0,2256,0,2130,1,1,32,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,9,,,,,,Fall from standing weight,,2,2,2,,2,,2,1,2,2,2,1,2,1,2,3,1,105,1,24,1,120,1,1,2,2 -3431,0,1900,0,1800,1,1,62,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,163,1,16,1,100,1,1,2,3 -3432,0,1613,0,1530,1,1,55.3,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,1,2,3,2,3,1,94,1,16,1,66,2,1,2,2 -3433,0,2025,0,1830,1,1,19.1,1,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,5,,,,,1,,,5,,2,,1,2,1,1,2,2,2,1,2,2,2,3,1,92,1,24,1,92,3,2,1,3 -3434,0,1940,0,1840,1,1,34,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,1,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,1,4,2,3,1,109,1,15,1,115,1,1,2,2 -3435,0,2340,0,1830,1,1,60,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,4,,,5,,2,,1,1,2,1,2,2,2,1,1,3,2,2,1,130,1,10,1,69,2,1,2,2 -3436,0,,0,,2,2,,,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,running-fell on chest,,2,2,2,,2,,1,1,2,2,3,2,,,2,3,1,82,1,24,1,100,1,1,1,3 -3437,0,2010,0,1950,1,1,14.2,1,1,1,2,3,3,3,2,2,3,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,3,1,75,1,28,1,127,4,1,2,3 -3438,0,0044,-1,1930,1,1,54.2,1,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,1,3,2,2,2,3,,1,23,1,84,2,1,2,2 -3439,0,2306,0,2000,1,1,63.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"""car surfing""",,9,1,2,,2,,1,2,2,2,2,2,,,2,3,1,114,1,21,1,112,1,1,2,3 -3440,0,1405,0,,2,1,62,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,fall from horse,2,,4,,4,,2,2,2,2,2,2,,,2,3,1,122,1,40,1,95,6,6,3,2 -3441,0,1413,-1,2100,1,1,62,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,3,,1,28,1,128,1,1,2,2 -3442,0,2145,0,2143,1,1,65.8,1,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,178,1,24,1,80,1,1,2,3 -3443,0,2100,0,2000,1,1,60.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,2,1,2,2,2,2,1,3,2,2,3,1,118,1,24,1,80,4,3,2,3 -3444,0,2000,0,1930,1,1,72,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,113,1,20,1,92,1,1,2,2 -3445,0,1758,0,1750,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,148,1,20,1,95,1,1,2,2 -3446,0,2018,0,1933,1,1,31.8,1,8,1,1,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,1,2,2,2,1,2,2,2,2,1,112,1,20,1,100,3,3,1,2 -3447,0,1600,0,1500,1,1,40,4,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,table fell on head,,9,2,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,26,1,107,1,1,1,2 -3448,0,1401,0,1300,1,1,18,4,3,1,1,1,4,4,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,120,1,51,1,111,3,3,2,3 -3449,0,0834,0,0730,1,1,65,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,132,1,16,1,86,1,1,2,3 -3450,0,1640,0,1600,1,1,80,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,22,1,110,1,1,1,2 -3451,0,1620,0,1600,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,102,1,31,1,133,1,1,2,3 -3452,0,1610,0,1500,1,1,15.2,1,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,26,1,132,2,2,2,2 -3453,0,0955,0,0915,1,1,70,1,2,2,,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,150,1,18,1,110,2,2,2,3 -3454,0,1800,0,,2,1,30,3,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,2,2,12,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,1,1,2,2,2,2,,,2,2,1,110,1,18,1,74,2,2,2,3 -3455,0,1334,0,1300,1,1,47,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,4,4,1,1,2: 20 - 40 mph,4,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,143,1,18,1,96,1,1,3,3 -3456,0,1100,0,,2,1,3.6,1,3,1,4,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,1,3,,,2,3,2,1,4: Speed Unknown,1,4,,,,,1,,1,2,2,,1,2,2,2,1,3,,,3,2,1,69,2,,1,196,3,2,2,3 -3457,0,1541,0,1430,1,1,30,,3,2,,2,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,3,6,,,,,,,,6,,2,,1,2,1,2,2,1,1,1,3,1,2,2,1,139,1,22,1,119,4,4,1,3 -3458,0,1813,0,1600,1,1,65,1,8,2,,2,1,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,collided with another individual,,7,2,2,,1,1,2,2,2,2,2,2,,,2,2,1,126,1,20,1,92,2,1,1,2 -3459,0,1857,0,1645,1,1,16,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,2,,,2,2,1,94,1,26,1,98,1,1,2,3 -3460,0,2125,0,2100,1,1,67,1,3,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,4,,2,2,2,2,2,1,1,3,2,3,1,154,1,24,1,92,1,1,2,2 -3461,0,1215,0,1145,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,2,3,1,9,,,,,,fell out of moving car at about 30 mph,,2,1,2,,2,,1,2,2,2,2,2,,,2,3,1,97,1,28,1,120,2,2,2,3 -3462,0,1347,0,,2,1,75,4,3,2,,2,1,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,1: < 3 ft.,,,,,,fall while snowboarding,2,,2,,1,1,1,2,2,2,2,1,1,2,2,3,1,121,1,20,1,79,5,2,2,3 -3463,0,1854,0,1800,1,1,25,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,2,3,2,2,1,124,1,30,1,112,2,1,2,3 -3464,0,1118,0,1050,1,1,12,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,119,1,32,1,125,3,2,2,2 -3465,0,2100,0,1600,1,1,72.5,1,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Played hockey and fall into boards,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,132,1,22,1,94,1,1,1,3 -3466,0,0030,-1,,2,1,59,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,2,,,2,3,1,125,1,18,1,90,1,1,2,3 -3467,0,1407,0,1230,1,1,,,3,1,2,1,1,1,2,2,4,4,4,4,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,2,,2,4,3,4,4,4,,,4,4,1,150,1,16,1,98,2,1,1,2 -3468,0,1522,-1,,2,1,30.9,1,3,1,1,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,6,,,,,,,,6,,2,,2,,2,2,2,2,1,2,,,2,3,1,101,1,20,1,100,2,1,1,2 -3469,0,1305,0,1130,1,1,55,,1,1,1,1,3,3,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,1,2,1,1,1,2,2,2,3,4,,,2,2,1,88,1,25,1,118,3,1,2,3 -3470,0,1545,0,1515,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,1,2,2,2,3,1,2,3,2,4,1,108,1,44,1,107,2,1,2,3 -3471,0,1804,0,1740,1,1,77.6,1,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,109,1,20,1,93,1,1,2,2 -3472,0,2014,0,2000,1,1,20,1,8,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,111,1,18,1,110,1,1,2,2 -3473,0,2000,0,1830,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,124,1,25,1,118,1,1,1,3 -3474,0,1542,0,,2,1,30,2,9,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,103,1,24,1,96,1,1,2,2 -3475,0,1145,0,1100,1,1,15.7,1,3,1,4,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Dresser fell onto patient,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,96,1,28,1,140,1,1,2,2 -3476,0,2159,0,1900,1,1,63,2,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,16,1,68,1,1,2,2 -3477,0,1915,0,1815,1,1,27,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,3,2,,,2,3,1,101,1,22,1,106,1,1,2,2 -3478,0,1845,0,1728,1,1,25.7,1,1,2,,4,4,4,4,4,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,1,2,2,2: 3 - 10 ft.,,,,,,,2,,1,1,2,,2,2,3,2,2,1,1,1,2,3,1,112,1,16,1,85,1,1,2,2 -3479,0,1507,0,,2,1,79.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,2,1,133,1,13,1,94,6,6,3,2 -3480,0,1750,0,,2,1,,,1,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,5,4,,2,3,,,3,3,3,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,3,,,3,2,1,110,1,16,1,72,3,2,2,3 -3481,0,1600,0,1545,1,1,29,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,3,2,1,2,2,2,1,3,2,2,4,1,112,1,14,1,68,3,1,2,2 -3482,0,0140,0,0115,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,1,2,2,2,2,2,,,2,3,1,118,1,20,1,120,2,1,2,3 -3483,0,1814,0,1720,1,1,,,3,1,4,2,2,2,2,2,2,1,2,4,2,2,2,2,1,1,1,15,,1,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,1,2,2,1,1,1,2,2,1,127,1,64,1,92,2,1,3,2 -3484,0,0020,-1,,2,1,22,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,4,,,2,3,1,99,1,20,1,85,1,1,2,3 -3485,0,1625,0,,2,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,2,2,,,2,2,1,122,1,20,1,100,2,2,2,3 -3486,0,2140,0,2000,1,1,125,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,3,,1,2,2,2,2,2,,,2,2,1,130,1,24,1,100,1,1,2,3 -3487,0,1929,0,,2,1,60,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,collision during sports game,,7,2,2,,2,,2,2,2,2,2,1,1,1,2,3,1,122,1,20,1,94,2,1,2,2 -3488,0,1111,0,,2,1,,,3,1,2,3,3,3,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,1,3,,,1,2,1,8,,,,,,,Suspected child abuse,8,,2,,2,,1,2,2,2,1,2,,,2,3,1,103,1,24,1,72,3,1,2,3 -3489,0,1800,0,1750,1,1,56,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,2,2,2,2,2,1,2,3,1,3,1,120,1,18,1,91,2,1,2,2 -3490,0,1727,0,1700,1,1,18.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,114,1,38,1,92,1,1,1,2 -3491,0,1430,0,1100,1,1,40,3,8,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,1,1,3,1,1,2,2,3,2,,,2,2,1,112,1,25,1,100,3,2,3,3 -3492,0,1804,0,1700,1,1,10,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,35,1,153,1,1,2,2 -3493,0,1948,0,1830,1,1,12,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,3,3,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,3,,,3,3,1,119,1,26,1,110,2,1,2,2 -3494,0,2304,0,1900,1,1,4.2,1,3,2,,3,3,3,2,2,3,3,3,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,3,1,65,1,32,1,165,2,1,1,3 -3495,0,2231,0,1900,1,1,10.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,14,,1,3,,,1,3,2,8,,,,,,,,8,,2,,2,,1,2,2,2,3,2,,,2,3,1,124,1,30,1,108,1,1,2,3 -3496,0,2055,0,2030,1,1,68,1,8,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,3: Unknown intentionality,,,,,,,7,,1,1,2,,2,2,2,2,2,2,,,2,3,1,132,1,18,1,82,1,1,2,2 -3497,0,1646,0,1430,1,1,53.2,1,3,1,1,1,1,2,2,2,2,2,4,4,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,9,,,,,,snowboarding - fell after going over small jump,,2,2,4,,1,2,1,2,2,2,2,1,1,2,2,4,1,153,1,16,1,119,4,3,2,3 -3498,0,2143,0,2043,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,1: < 20 mph,3,,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,3,1,105,1,22,1,85,1,1,2,3 -3499,0,1640,0,1609,1,1,63.6,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,1,2,2,2,2,,,2,2,1,145,1,20,1,100,1,1,2,2 -3500,0,1645,0,1630,1,1,60,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,3,1,120,1,18,1,80,1,1,2,3 -3501,0,1730,0,1400,1,1,60,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,1,2,,1,2,2,2,2,2,,,2,2,1,146,1,22,1,103,1,1,2,3 -3502,0,1927,0,1900,1,1,36,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,1,2,1,2,1,2,2,2,2,1,2,4,2,2,1,112,1,17,1,86,4,4,2,3 -3503,0,1950,0,1915,1,1,14,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,2,,1,2,2,2,2,2,,,2,3,1,172,1,34,1,140,1,1,2,3 -3504,0,1321,0,1300,1,1,79.4,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Fell playing football,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,118,1,16,1,60,1,1,2,3 -3505,0,1724,0,,2,1,40,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,4,2,10,,2,2,,,1,2,1,6,,,,,,,,6,,2,,1,2,2,2,2,2,2,1,2,1,2,3,1,84,1,20,1,82,2,1,3,2 -3506,0,1137,0,,2,1,23,2,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,4,2,2,1,113,1,23,1,140,3,2,2,3 -3507,0,1336,0,1230,1,1,16.5,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,2,1,2,2,2,1,1,3,3,3,1,109,1,28,1,125,4,3,2,2 -3508,0,2120,0,2000,1,1,50,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,90,1,20,1,110,3,3,3,2 -3509,0,2253,0,,2,1,,,1,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,119,1,16,1,112,2,1,2,2 -3510,0,1338,0,,2,1,64,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Checked into boards playing hockey,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,18,1,72,1,1,3,2 -3511,0,1918,0,1100,1,1,34.7,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,Assault,,7,2,2,,2,,2,2,2,2,2,1,1,1,2,3,1,120,1,22,1,83,1,1,2,1 -3512,0,1406,0,0730,1,1,3.8,1,3,2,,2,2,2,2,2,2,3,3,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,child maltreatment--parietal skull fracture,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,89,1,44,1,160,2,1,2,3 -3513,0,1901,0,1800,1,1,65.9,1,1,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,1,2,1,2,2,2,2,2,2,1,1,2,2,3,1,115,1,18,1,75,3,1,1,2 -3514,0,2210,0,2130,1,1,13.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,8,,,,,,,"Dresser fell, unknown where it hit child",8,,2,,2,,1,2,2,2,2,2,,,2,2,1,105,1,24,1,100,1,1,2,3 -3515,0,1608,0,,2,1,22,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,5: Physician did not answer,,,3,,,,4,,2,,2,,2,1,2,2,2,2,,,2,3,1,115,1,18,1,100,1,1,2,2 -3516,0,1506,0,1350,1,1,46,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,1,1,1,4,2,2,1,121,1,18,1,98,1,1,2,1 -3517,0,1000,0,0945,1,1,10,4,3,2,,3,3,3,2,2,2,2,2,1,1,1,1,2,3,2,3,10,,1,3,,,1,2,1,9,,,,,,sofa fell on him - crush injury,,7,2,1,1,1,1,1,2,2,2,2,3,,,3,3,1,104,1,22,1,112,4,3,2,3 -3518,0,1802,0,,2,1,100,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,22,1,99,1,1,1,2 -3519,0,1956,0,1900,1,1,31.8,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,2,2,2,2,2,2,1,2,3,2,3,1,129,1,23,1,113,3,2,1,2 -3520,0,0932,0,0850,1,1,50.4,1,3,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,3,2,,,2,3,1,114,1,20,1,98,1,1,2,3 -3521,0,1557,0,1500,1,1,54.4,4,4,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,6,,,,,,,,6,,1,2,1,1,2,1,2,2,2,1,2,2,2,3,1,120,1,18,1,75,2,2,2,2 -3522,0,1859,0,1740,1,1,45,3,3,1,1,3,3,3,1,2,3,3,2,3,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,9,,,,,,Rollerblading behind scooter,,9,2,2,,1,3,1,2,2,2,3,3,,,3,2,1,155,2,,1,107,2,1,1,3 -3523,0,1348,0,1300,1,1,20,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,3,8,,,,,,,,8,,2,,2,,2,2,2,2,2,2,,,2,3,1,100,1,18,1,99,1,1,2,2 -3524,0,1717,0,,2,1,55,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,16,1,80,1,1,2,2 -3525,0,1849,0,,2,1,5,4,3,2,,3,3,3,2,2,3,3,2,2,1,2,2,2,4,5,6,3,,1,3,,,3,3,2,8,,,,,,,,8,,1,2,1,2,1,2,2,2,3,3,,,3,3,1,107,2,,1,115,2,1,1,3 -3526,0,2030,0,1800,1,1,4,3,8,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,3,2,1,4: Speed Unknown,1,4,,,,,1,,1,2,1,1,1,2,2,2,3,3,,,3,3,1,105,1,48,1,167,3,6,1,3 -3527,0,1925,0,1815,1,1,80,4,3,2,,2,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,kicked in head playing soccer(while already on ground after slide tackle),,9,2,2,,2,,2,2,2,2,2,1,1,1,2,3,1,148,1,21,1,79,2,1,2,2 -3528,0,2050,0,,2,1,34.9,1,8,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,9,,,,,,"Patient fell on football, took impact to RUQ",,7,2,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,139,1,20,1,91,5,5,2,3 -3529,0,0302,0,,2,1,15.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,117,1,28,1,120,1,1,2,3 -3530,0,0040,-1,1830,1,1,30,,3,2,,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall off horse,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,112,1,24,1,119,1,1,1,3 -3531,0,1026,0,,2,1,,,2,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,3,2,3,10,,1,3,,,3,3,1,8,,,,,,,,8,,1,1,2,,1,2,2,2,2,3,,,2,2,1,118,1,40,1,150,5,5,1,3 -3532,0,1030,0,0915,1,1,35,3,3,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,108,1,18,1,88,1,1,2,2 -3533,0,1605,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,ATV accident,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,121,1,30,1,103,1,1,3,3 -3534,0,1455,0,1100,1,1,37.5,4,3,2,,2,2,2,3,3,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,133,1,20,1,89,1,1,2,2 -3535,0,1600,0,1530,1,1,22,3,3,1,2,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,4,,,,4,,2,,1,3,1,2,2,2,3,2,,,2,3,1,142,1,24,1,150,3,1,2,3 -3536,0,1208,0,1145,1,1,,,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,3,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,1,2,2,2,2,,,2,3,1,119,1,39,1,121,4,2,2,3 -3537,0,2204,0,1930,1,1,61,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,20,1,120,1,1,2,2 -3538,0,2215,0,1700,1,1,60,2,1,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,pushed down onto back while playing football,,7,2,1,1,1,1,1,2,2,2,3,2,,,2,2,1,124,1,20,1,98,3,2,1,3 -3539,0,2229,0,2200,1,1,90,4,2,1,1,2,2,1,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,3,2,,,2,3,1,178,1,16,1,67,2,2,3,3 -3540,0,1430,0,1300,1,1,32,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,1,2,2,1,108,1,20,1,88,2,1,2,2 -3541,0,2010,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,20,1,80,1,1,1,2 -3542,0,1820,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,114,1,20,1,99,1,1,3,2 -3543,0,1439,0,,2,1,,,3,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,1,2,2,2,1,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,1,1,1,2,2,4,2,1,3,3,3,3,1,111,1,36,1,138,4,3,2,3 -3544,0,1727,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,137,1,15,1,73,1,1,1,2 -3545,0,0730,0,,2,1,25,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,2: 20 - 40 mph,3,,,,,,1,,2,,1,2,2,2,2,2,2,2,,,2,3,1,111,1,20,1,85,2,1,2,2 -3546,0,2209,0,2130,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,95,1,26,1,102,1,1,1,2 -3547,0,1948,0,,2,1,25,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,20,1,112,1,1,1,2 -3548,0,2114,0,,2,1,75,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,2,12,,2,1,2,1,2,2,2,8,,,,,,,,8,,2,,2,,2,2,2,2,2,1,2,1,2,2,1,116,1,20,1,72,2,1,2,2 -3549,0,1849,0,1745,1,1,28.1,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,2,1,2,3,1,134,1,16,1,66,6,6,2,2 -3550,0,0900,0,0800,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,132,1,30,1,109,4,3,2,3 -3551,0,1756,0,1657,1,1,20,4,3,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,4,,1,2,2,2,2,2,,,2,3,2,,3,,2,,1,1,2,3 -3552,0,1524,0,1430,1,1,,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,3,2,2,11,,2,2,,,1,2,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,97,1,20,1,96,2,1,1,3 -3553,0,0454,0,0140,1,1,3,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,1,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,82,1,48,1,155,1,1,1,3 -3554,0,1851,0,,2,1,,,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,4,1,3: > 40 mph,1,7,,,,,1,,2,,2,,2,2,2,2,2,2,,,4,4,1,133,1,18,1,72,1,1,2,2 -3555,0,2015,0,1900,1,1,96.2,,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,134,1,16,1,74,1,1,2,2 -3556,0,1241,0,,2,1,,,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,2,2,1,13,,1,3,,,2,3,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,2,1,107,1,26,1,144,2,1,3,3 -3557,0,0414,0,0200,1,1,75,4,3,1,1,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,1,3,,,3,2,1,133,1,32,1,74,2,1,2,3 -3558,0,1747,0,,2,1,17.5,,3,2,,3,3,3,2,2,3,3,4,1,1,1,1,2,1,1,1,15,,1,3,,,4,3,1,1,3: > 40 mph,1,5,,,,,1,,1,1,1,1,1,1,1,1,3,3,,,3,2,1,112,1,39,1,142,5,5,2,3 -3559,0,1106,0,,2,1,12,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,1,2,2,3,3,,,3,2,1,116,1,30,1,148,3,2,1,3 -3560,0,1815,0,1730,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,4,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,116,1,22,1,118,1,1,2,3 -3561,0,0447,-1,2145,1,1,20.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,1,2,2,2,1,1,2,2,3,1,87,1,20,1,84,1,1,2,2 -3562,0,1600,0,1500,1,1,50,4,3,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,2,2,2,1,1,2,3,2,3,1,120,1,18,1,97,2,2,2,3 -3563,0,1915,0,1900,1,1,16.3,1,2,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,7,2: Accidental,,,,,,soccer ball,7,,2,,2,,2,2,2,2,1,2,,,2,3,1,88,1,22,1,116,1,1,3,2 -3564,0,2113,0,,2,1,16,4,8,2,,3,3,3,2,2,3,3,3,3,1,2,2,2,4,5,6,3,,1,3,,,3,3,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,1,1,3,,,3,2,1,51,1,18,1,162,2,1,1,3 -3565,0,0900,0,0840,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,129,1,18,1,78,1,1,2,2 -3566,0,1515,0,,2,1,49.5,1,8,1,1,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,5,,,,,3,,,5,,2,,1,1,2,2,2,2,2,1,3,2,2,3,1,114,1,27,1,88,4,2,2,2 -3567,0,2055,0,2000,1,1,45.6,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,2,,,,,,1,,1,2,2,,2,2,2,3,3,2,,,2,3,1,114,1,16,1,104,2,1,2,2 -3568,0,2117,0,2000,1,1,16,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,107,1,24,1,140,1,1,2,3 -3569,0,0848,0,0830,1,1,68,1,2,2,,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,140,1,16,1,70,1,1,2,2 -3570,0,1134,-1,1600,1,1,22.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,113,1,18,1,98,1,1,1,2 -3571,0,0008,-1,2200,1,1,,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,1: < 3 ft.,,,,,,Fall while snowboarding,2,,1,1,1,1,2,2,2,2,2,1,2,2,2,3,1,131,1,22,1,91,3,2,2,2 -3572,0,2015,0,2015,1,1,55,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,blunt head trauma - sports,,9,2,2,,1,2,1,2,2,2,2,2,,,2,2,1,120,1,16,1,98,2,2,1,3 -3573,0,1710,0,1630,1,1,72,2,8,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,1,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,2,1,3,3,2,2,1,132,1,20,1,72,4,3,2,3 -3574,0,1725,0,1710,1,1,12,4,3,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,2,1,137,1,22,1,102,3,2,2,3 -3575,0,1705,0,1200,1,1,23,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,104,1,21,1,112,2,1,2,2 -3576,0,,0,,2,2,60,4,3,2,,3,3,3,2,2,3,3,3,1,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,1,3: > 40 mph,1,6,,,,,1,,2,,1,2,1,2,2,2,1,3,,,3,2,1,112,1,20,1,93,3,2,1,3 -3577,0,2022,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,28,1,128,1,1,2,2 -3578,0,1808,0,1430,1,1,73.8,1,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,4: Unknown,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,24,1,120,1,1,2,2 -3579,0,1749,0,1700,1,1,37.1,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,4,3,2,,,2,3,1,119,1,15,1,88,1,1,1,2 -3580,0,2028,0,,2,1,35,4,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,9,,,,,,"Scooter - off 18"" jump - head injury",,7,1,2,,1,1,1,2,2,2,2,3,,,2,4,1,98,2,,1,106,2,1,2,3 -3581,0,1950,0,,2,1,13,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,3,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,2,1,104,1,30,1,138,2,1,2,2 -3582,0,2100,0,1730,1,1,35,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,124,1,16,1,81,1,1,2,3 -3583,0,1859,0,1759,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell From Standing,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,126,1,23,1,106,1,1,2,3 -3584,0,1321,0,1250,1,1,20,3,3,2,,1,4,4,1,4,2,2,2,3,1,2,2,2,1,1,1,15,,2,1,5,4,3,4,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,2,1,2,2,2,4,3,,,3,3,1,111,1,33,1,99,2,2,2,3 -3585,0,1457,0,1420,1,1,80,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,1,1,2,,1,2,2,2,3,2,,,2,2,1,121,1,20,1,98,1,1,2,3 -3586,0,1652,0,1520,1,1,45.4,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,3,1,111,1,20,1,83,2,1,2,2 -3587,0,1853,0,1830,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,1,1,1,1,1,2,2,2,2,,,2,2,1,141,1,26,1,114,2,2,3,3 -3588,0,2206,0,2130,1,1,70,2,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,4,2,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,1,2,2,3,1,1,2,2,3,1,150,1,16,1,103,2,1,2,3 -3589,0,1548,0,1400,1,1,70,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,1,1,4,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,134,1,18,1,93,2,1,1,3 -3590,0,,0,,2,2,65,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,3,1,144,1,12,1,80,1,1,2,2 -3591,0,2011,0,1820,1,1,60,4,4,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,158,1,14,1,104,1,1,3,3 -3592,0,1600,0,1515,1,1,11,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,110,1,28,1,152,1,1,2,3 -3593,0,1100,0,,2,1,10,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,1,2,,,2,3,3,,1,28,1,140,1,1,2,2 -3594,0,1747,0,1530,1,1,68,1,2,2,,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,1,3,1,108,1,20,1,60,1,1,2,2 -3595,0,1730,0,1700,1,1,12,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,97,1,29,1,114,1,1,2,3 -3596,0,1130,0,1130,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,1,1,4,,1,2,2,2,2,2,,,2,3,1,134,1,26,1,130,1,1,2,3 -3597,0,0900,0,0800,1,1,22.6,1,1,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,99,1,24,1,84,4,4,2,2 -3598,0,1245,0,,2,1,44,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,129,1,22,1,107,1,1,2,3 -3599,0,1956,0,1900,1,1,32,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,20,1,108,1,1,1,2 -3600,0,1100,-1,1630,1,1,20.9,1,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,102,1,20,1,95,1,1,3,2 -3601,0,2119,0,1200,1,1,48.7,1,8,1,1,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,138,1,20,1,64,2,1,2,2 -3602,0,1854,0,,2,1,20,,8,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,124,1,21,1,80,2,2,1,2 -3603,0,2315,0,2230,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,1,2,2,2,3,1,1,4,2,2,1,139,1,24,1,100,3,2,2,3 -3604,0,1725,0,1700,1,1,23.6,1,3,1,4,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,20,1,120,1,1,2,3 -3605,0,1900,0,1700,1,1,19.6,1,1,1,2,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,20,1,102,1,1,2,2 -3606,0,1800,0,1700,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,114,1,24,1,92,1,1,2,3 -3607,0,1215,0,1130,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,9,,,,,,car rolled over child,,9,2,2,,1,1,1,1,2,1,3,1,2,3,1,3,1,80,1,24,1,130,4,2,2,3 -3608,0,2100,0,,2,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,3,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,96,1,30,1,138,1,1,1,2 -3609,0,0054,-1,2330,1,1,1.7,2,2,1,1,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,4,,,2,3,1,102,1,16,1,78,1,1,2,2 -3610,0,1239,0,1130,1,1,52,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,crashed into tree,1,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,151,1,22,1,91,2,1,2,3 -3611,0,,0,,2,2,79,4,2,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,1,2,,,1,1,2,4,1: < 5 mph,,,2,,,,4,,4,,1,1,2,2,2,2,2,2,,,2,3,1,150,1,20,1,74,1,1,2,2 -3612,0,0015,-1,,2,1,62,2,3,1,2,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,131,1,12,1,72,1,1,2,3 -3613,0,1945,0,1200,1,1,62,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,3,2,1,1,2,2,3,1,124,1,14,1,116,1,1,2,2 -3614,0,1509,0,1450,1,1,60,1,3,2,,4,4,4,4,4,2,2,4,3,2,2,2,2,1,1,1,15,,1,1,2,1,2,2,1,6,,,,,,,,6,,1,1,1,2,1,1,2,2,1,1,1,1,2,2,1,146,1,89,1,96,4,3,2,3 -3615,0,2039,0,2000,1,1,25,4,3,2,,3,3,3,2,2,4,4,4,4,1,2,1,2,4,5,4,5,,3,4,,,4,4,4,1,3: > 40 mph,3,,,,,,1,,4,,4,,1,4,3,4,4,4,,,4,4,1,73,2,,1,154,6,6,3,3 -3616,0,1100,0,0930,1,1,66,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,90 meter ski jump fall at landing,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,132,1,24,1,66,1,1,2,2 -3617,0,2012,0,1730,1,1,62.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,125,1,14,1,72,1,1,2,2 -3618,0,2000,0,2000,1,1,50,4,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,17,1,130,1,1,2,2 -3619,0,1921,0,,2,1,65.7,1,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,102,1,28,1,120,1,1,2,2 -3620,0,1934,0,,2,1,66,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,1,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,3,2,2,2,,,2,3,1,138,1,20,1,90,1,1,2,1 -3621,0,1337,0,,2,1,27.7,2,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,3,2,2,2,2,2,1,1,2,3,2,1,103,1,23,1,100,2,1,2,2 -3622,0,1930,0,1738,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,2,3,,,2,2,3,5,,,,,3,,motorbike,5,,2,,1,2,1,2,2,2,2,2,,,2,3,1,142,1,28,1,160,2,1,1,3 -3623,0,0157,0,0105,1,1,70,1,4,2,,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,1,15,,3,2,,,2,2,3,1,3: > 40 mph,3,,,,,,1,,1,2,1,2,2,1,2,2,2,2,,,2,2,1,140,1,16,1,140,2,1,1,2 -3624,0,1600,0,1530,1,1,70,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,2,2,2,2,1,2,,,2,3,1,121,1,22,1,107,2,2,2,2 -3625,0,1924,0,1900,1,1,45.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,20,1,90,1,1,2,2 -3626,0,1357,0,1000,1,1,8.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,2,1,72,1,32,1,163,1,1,2,2 -3627,0,2011,0,2000,1,1,47.7,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,135,1,33,1,106,3,2,2,2 -3628,0,1545,0,1530,1,1,37,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,3: > 20 mph,,,2,,,,4,,4,,4,,2,2,2,2,2,2,,,4,4,1,98,1,14,1,84,6,6,3,2 -3629,0,1600,0,1140,1,1,60,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,4,,,2,2,1,130,1,24,1,74,1,1,2,3 -3630,0,1703,0,,2,1,52,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,6,,,,,,,,6,,2,,2,,1,1,2,2,2,2,,,2,2,1,100,1,16,1,55,2,1,2,3 -3631,0,2020,0,1630,1,1,12,4,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,1: < 5 mph,,,1,,,,4,,2,,2,,1,2,2,2,1,2,,,2,2,1,114,1,32,1,146,1,1,1,3 -3632,0,1015,0,,2,1,12,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,2,,,2,3,1,100,1,20,1,160,3,1,2,3 -3633,0,1826,0,1730,1,1,49.5,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,142,1,16,1,84,1,1,2,2 -3634,0,1847,0,1800,1,1,75,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,1,1,3,2,2,1,139,1,16,1,91,3,2,2,2 -3635,0,0804,0,,2,1,55,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,138,1,25,1,72,1,1,2,3 -3636,0,2147,0,1830,1,1,47.3,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,1,4,3,2,3,1,130,1,22,1,82,1,1,2,2 -3637,0,2130,0,2000,1,1,36.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,16,1,112,1,1,2,2 -3638,0,1810,0,1700,1,1,,,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,102,1,16,1,82,1,1,3,2 -3639,0,1350,0,1330,1,1,,2,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,16,1,82,2,1,2,2 -3640,0,2145,0,2130,1,1,75,4,8,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,154,1,24,1,110,1,1,2,3 -3641,0,2030,0,,2,1,50,2,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,3,,,2,2,1,5,,,,,3,,,5,,2,,1,1,1,2,2,2,2,1,2,1,2,2,1,117,1,18,1,102,2,2,1,3 -3642,0,2002,0,1800,1,1,89,1,1,2,,2,2,1,1,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,1,2,7,3: Unknown intentionality,,,,,,football helmet during game,7,,2,,1,1,2,1,2,2,2,1,3,2,1,3,1,145,1,13,1,114,2,1,2,2 -3643,0,1329,0,1250,1,1,14,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,TV fell on head,,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,24,1,120,1,1,2,2 -3644,0,1445,0,,2,1,22,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,1,2,1,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,108,1,22,1,98,1,1,2,2 -3645,0,1618,0,,2,1,43.7,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,125,1,20,1,108,2,2,2,3 -3646,0,2043,0,2030,1,1,15,2,3,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,2,1,125,1,44,1,140,1,1,2,3 -3647,0,2248,0,2245,1,1,59,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,20,1,80,1,1,3,2 -3648,0,1800,0,,2,1,30.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,118,1,18,1,98,1,1,1,3 -3649,0,1545,0,1500,1,1,68,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,135,1,27,1,83,1,1,2,3 -3650,0,0134,-1,2000,1,1,10,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,102,1,28,1,128,1,1,1,3 -3651,0,1710,0,1430,1,1,51,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,sledding accident,,9,2,2,,1,1,1,2,2,2,2,1,1,3,2,2,1,127,1,20,1,100,2,1,3,3 -3652,0,1908,0,,2,1,,,8,1,3,1,2,2,2,1,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,2,1,1,1,2,3,1,112,1,24,1,112,2,1,2,3 -3653,0,1825,0,,2,1,36.2,1,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,108,1,24,1,67,1,1,2,2 -3654,0,1526,0,,2,1,44.5,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,4,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,1,2,2,2,2,,,2,2,1,94,1,20,1,72,1,1,1,2 -3655,0,1617,0,1430,1,1,46.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,22,1,118,1,1,2,2 -3656,0,2142,0,,2,1,42.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,107,1,20,1,100,1,1,2,2 -3657,0,1707,0,1650,1,1,40,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,113,1,18,1,114,1,1,2,3 -3658,0,1736,0,1720,1,1,50,1,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,1,3,3,2,10,,2,2,,,2,1,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,2,3,,,3,2,1,134,1,30,1,160,3,3,2,3 -3659,0,1817,0,,2,1,29.5,1,1,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,3,1,3,1,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,3,6,2,2,1,88,1,14,1,84,2,2,2,3 -3660,0,2115,0,2100,1,1,26.2,1,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,99,1,16,1,98,1,1,2,2 -3661,0,0228,0,0130,1,1,98,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,7,2: Accidental,,,,,,"sibling landed on her, knee to stomach",7,,2,,2,,2,2,3,2,1,1,2,2,2,3,1,128,1,16,1,105,2,1,2,2 -3662,0,1708,0,,2,1,48,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,1,2,,,2,2,1,117,1,18,1,84,1,1,2,2 -3663,0,2130,0,2100,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,18,1,124,1,1,2,2 -3664,0,1717,0,,2,1,45,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,3,2,2,2,2,2,2,,,2,3,1,127,1,18,1,89,2,1,1,2 -3665,0,1515,0,1445,1,1,90,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,3,2,,,2,2,1,121,1,18,1,88,2,1,2,2 -3666,0,1950,0,1930,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,2,1,2,2,1,147,1,18,1,108,1,1,2,2 -3667,0,2100,0,2000,1,1,32,3,3,2,,3,3,3,2,2,2,2,2,1,2,2,2,2,4,2,3,9,,2,1,4,2,1,2,1,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,1,1,3,2,3,1,101,1,25,1,85,2,1,2,3 -3668,0,1510,0,,2,1,46.8,,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,5,,,,,1,,,5,,2,,1,3,1,1,2,2,2,1,2,1,2,2,1,104,1,21,1,107,2,2,2,3 -3669,0,1858,0,,2,1,50,4,8,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,9,,,,,,Fell on abdomen while playing soccer,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,144,1,42,1,85,1,1,1,3 -3670,0,1239,0,,2,1,58.5,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,22,1,99,1,1,2,2 -3671,0,1130,0,1100,1,1,6.5,,2,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,3,1,1,13,,1,3,,,1,3,3,9,,,,,,Found stuck between bedrail and wall,,9,2,2,,2,,1,2,2,2,1,3,,,3,2,1,88,1,44,1,150,1,1,2,3 -3672,0,1625,0,1610,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,2,1,161,1,24,1,120,2,2,2,3 -3673,0,1344,0,1300,1,1,56.9,1,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,110,1,18,1,74,1,1,2,2 -3674,0,1824,0,,2,1,45.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,115,1,16,1,74,1,1,1,3 -3675,0,1624,0,,2,1,14,3,8,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,,,,,3,2,3,,,2,3,3,9,,,,,,car rolled into water/subversion,,1,2,1,1,1,3,1,2,2,2,3,3,,,3,2,1,113,2,,1,125,6,6,2,3 -3676,0,0905,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,1,2,,,2,3,1,164,1,23,1,117,2,1,1,3 -3677,0,2230,0,,2,1,16.1,1,3,1,1,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,8,,,,,,,,8,,4,,4,,2,2,3,4,4,4,,,4,4,1,88,1,24,1,110,6,6,3,2 -3678,0,2045,0,2025,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,12,,1,3,,,2,3,3,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,1,2,2,,,3,3,1,90,1,20,1,92,1,1,2,3 -3679,0,1500,0,,2,1,40,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Diving into Pool,,9,2,2,,1,3,1,2,2,2,3,2,,,2,2,1,98,1,18,1,104,1,1,2,3 -3680,0,1854,0,1800,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,18,1,94,1,1,1,2 -3681,0,2240,0,2100,1,1,46,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,2,2,2,2,2,1,2,3,1,3,1,120,1,22,1,85,3,2,2,2 -3682,0,1510,0,,2,1,70,4,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,4,,4,,2,2,2,2,2,1,2,2,2,3,1,143,1,27,1,112,2,1,2,2 -3683,0,1414,0,,2,1,14,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,134,1,24,1,109,2,1,1,3 -3684,0,1434,0,1420,1,1,54.4,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,129,1,21,1,85,1,1,2,3 -3685,0,1300,0,1200,1,1,9,3,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,4,4,1,82,1,12,1,125,1,1,2,2 -3686,0,1434,0,1425,1,1,25,1,8,1,1,3,3,3,2,2,3,3,2,2,2,2,2,2,2,1,1,14,,2,1,2,1,1,2,1,6,,,,,,,,6,,2,,1,1,1,1,3,2,2,3,,,2,2,1,120,1,18,1,118,2,2,2,3 -3687,0,1029,0,0920,1,1,65,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,131,1,20,1,108,1,1,2,3 -3688,0,1700,-1,1900,1,1,71.1,,3,1,2,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,12,1,72,1,1,2,2 -3689,0,1620,0,1045,1,1,6.5,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,8,,,,,,,,8,,2,,2,,1,2,2,2,2,2,,,2,2,1,97,1,30,1,162,1,1,2,3 -3690,0,1046,0,1000,1,1,38,2,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,133,1,22,1,104,4,3,1,2 -3691,0,1025,0,0845,1,1,37.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,2,,2,1,1,2,2,1,1,3,2,3,1,112,1,20,1,117,1,1,2,2 -3692,0,1441,0,,2,1,16,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,108,1,30,1,140,2,1,1,2 -3693,0,1828,-1,2000,1,1,54.4,1,3,1,2,2,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,"ATV-fell in ditch, vehicle did not fall on her",,6,2,2,,2,,1,2,2,2,2,2,,,2,2,1,116,1,18,1,90,1,1,2,3 -3694,0,1523,0,,2,1,43,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,39,1,120,1,1,2,2 -3695,0,2020,0,,2,1,30.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,2,2,2,1,1,1,2,2,1,94,1,20,1,126,2,1,2,3 -3696,0,1550,0,1515,1,1,75,4,1,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,1,2,2,2,2,1,128,1,28,1,80,3,2,2,3 -3697,0,1422,0,,2,1,100,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,6,,,,,,,,6,,2,,1,2,2,2,2,2,3,1,1,3,2,3,1,122,1,16,1,84,1,1,2,2 -3698,0,1618,0,,2,1,25,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Iron gate fell on patient,,7,2,2,,2,,2,2,2,2,3,2,,,2,2,1,118,1,20,1,101,1,1,3,2 -3699,0,1440,0,1300,1,1,10,1,2,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,3,2,,,3,2,1,90,1,32,1,132,1,1,2,2 -3700,0,1810,0,1800,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,4,2,3,1,104,1,24,1,89,1,2,2,2 -3701,0,2050,0,,2,1,36,3,3,1,4,1,2,1,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,111,1,30,1,63,2,1,2,3 -3702,0,1151,0,1100,1,1,59,2,1,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,1,3,1,110,1,18,1,89,2,1,2,2 -3703,0,1650,0,1600,1,1,50,4,3,2,,1,1,4,2,2,1,2,4,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,classmate jumped repeatedly on pt's abdomen using knee,7,,1,1,2,,2,2,2,2,1,2,,,2,3,1,113,1,22,1,69,1,1,2,2 -3704,0,1721,0,1700,1,1,20,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,115,1,15,1,103,1,1,2,3 -3705,0,2023,0,,2,1,44.5,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Tackled in football striking R side/hip and back,,7,2,2,,2,,2,2,2,2,2,1,1,3,2,3,1,122,1,18,1,88,1,1,3,2 -3706,0,0111,0,,2,1,24.4,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,5,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,2,2,2,1,2,3,2,3,1,116,1,16,1,86,2,2,2,2 -3707,0,1935,0,1830,1,1,133,,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,1,2,1,1,14,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,151,1,12,1,74,1,1,1,3 -3708,0,1140,0,1100,1,1,80,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,2: 20 - 40 mph,3,,,,,,1,,2,,2,,2,2,2,2,2,1,2,1,2,2,1,135,1,15,1,94,2,1,2,2 -3709,0,1936,0,1930,1,1,20,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,brother stepped on chest bearing all his weight,,7,2,1,1,2,,2,2,2,2,2,1,1,5,2,3,1,109,1,24,1,115,1,1,2,2 -3710,0,1507,0,,2,1,11.5,,3,2,,4,4,4,4,4,2,2,2,1,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,10,,,,,,,,10,,2,,2,,1,2,2,2,2,2,,,2,3,1,112,1,38,1,153,1,1,3,3 -3711,0,2223,0,2100,1,1,50,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,1,1,3,2,3,1,102,1,24,1,84,1,1,2,3 -3712,0,1242,0,1150,1,1,54.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,4,2,3,1,136,1,16,1,112,2,2,2,2 -3713,0,1915,0,1900,1,1,36,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,13,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,1,1,1,2,2,2,2,2,,,2,3,1,118,1,20,1,83,1,1,2,3 -3714,0,0901,0,0800,1,1,70,4,4,2,,2,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,head to head collision during flag football,,9,2,1,2,1,1,2,2,2,2,2,2,,,2,3,1,130,1,18,1,88,1,1,2,2 -3715,0,1730,0,1700,1,1,10,4,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,3,3,2,1,3: > 40 mph,3,,,,,,1,,2,,1,3,1,2,2,1,2,3,,,2,2,1,125,1,42,1,172,2,2,2,3 -3716,0,1840,0,1800,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,2,2,6,,,,,,,,6,,1,2,1,3,1,2,2,2,3,2,,,2,2,1,133,1,26,1,113,1,1,2,3 -3717,0,0943,0,,2,1,25,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,122,1,14,1,75,1,1,1,3 -3718,0,2134,0,2030,1,1,70,1,11,2,,1,1,2,1,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,football helmet to left back/flank,,7,2,1,1,2,,2,2,2,2,2,2,,,2,3,1,144,1,18,1,74,1,1,2,2 -3719,0,1730,0,,2,1,50,4,3,2,,2,2,2,2,2,2,3,2,3,2,2,2,2,1,1,1,15,,1,1,2,1,2,2,2,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,1,2,1,2,2,1,117,1,20,1,120,4,4,1,3 -3720,0,1740,0,,2,1,10,2,3,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,2,1,8,,,,,,,,8,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,28,1,190,3,2,2,3 -3721,0,0700,0,0630,1,1,47,2,3,2,,2,2,2,2,2,1,1,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,3,1,1,2,2,3,1,1,3,2,3,1,129,1,20,1,105,4,2,2,3 -3722,0,2233,0,2130,1,1,65,4,8,2,,1,1,2,2,2,1,2,2,3,2,2,2,1,1,1,1,15,,2,1,3,2,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,1,1,2,2,2,2,2,1,3,2,1,2,1,119,1,31,1,131,4,2,2,2 -3723,0,1700,0,1500,1,1,20,4,8,1,2,2,2,2,3,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,1,2,4,3: > 20 mph,,,4,,,,4,,2,,1,1,1,2,2,4,2,2,,,2,2,1,98,1,42,1,125,1,1,2,3 -3724,0,1444,0,1345,1,1,49.9,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,1,1,2,2,2,,,2,2,1,140,1,22,1,72,1,1,2,3 -3725,0,1803,0,1700,1,1,56.7,2,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,9,,,,,,run over by horse,,9,2,2,,1,1,1,1,2,2,2,1,2,2,2,3,1,146,1,24,1,88,2,2,2,3 -3726,0,1715,0,1700,1,1,50,4,3,2,,1,1,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,2,2,2,2,2,2,1,2,2,2,2,1,130,1,16,1,89,3,2,2,2 -3727,0,2150,0,1300,1,1,27.7,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,1,3,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,3,4,2,2,1,96,1,24,1,80,2,1,2,3 -3728,0,1519,0,1450,1,1,21.8,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,4,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,1,1,2,1,1,2,2,1,1,2,2,2,1,125,1,15,1,100,1,1,2,2 -3729,0,0115,0,,2,1,70,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,152,1,35,1,100,1,1,2,3 -3730,0,1544,0,1500,1,1,68,1,3,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,2,2,2,1,1,1,2,2,2,1,110,1,19,1,82,2,1,2,3 -3731,0,2100,0,,2,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,106,1,14,1,84,1,1,1,2 -3732,0,1940,0,,2,1,70,4,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,109,1,16,1,82,1,1,2,2 -3733,0,1757,0,,2,1,,,8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,5: Physician did not answer,,,1,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,147,1,21,1,104,1,1,1,1 -3734,0,1629,0,,2,1,60,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from standing,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,113,1,20,1,104,1,1,2,1 -3735,0,1345,0,1315,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,2,1,123,1,26,1,124,1,1,2,2 -3736,0,1547,0,1515,1,1,15,4,8,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,2,2,1,13,,2,2,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,2,2,1,108,1,24,1,100,2,1,2,3 -3737,0,0328,-1,2300,1,1,55,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,1,3,1,3,2,2,9,,,,,,Assualt and Sexual Assault,,7,2,2,,1,2,2,2,2,2,2,1,2,2,1,3,1,95,1,16,1,119,2,1,1,2 -3738,0,1800,0,1130,1,1,20.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,106,1,20,1,90,1,1,2,3 -3739,0,1851,0,1800,1,1,35,2,1,1,4,1,2,1,2,1,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,2,1,1,2,2,2,1,2,2,2,2,1,122,1,24,1,115,4,4,2,3 -3740,0,1220,-1,,2,1,56,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,2,9,,,,,,hit on side while playing soccer,,7,2,2,,1,3,2,2,2,2,2,2,,,2,3,1,94,1,20,1,60,2,1,2,2 -3741,0,1200,0,1130,1,1,75,2,3,1,4,1,1,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,106,1,20,1,65,1,1,1,3 -3742,0,2138,0,1700,1,1,24,1,1,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,99,1,20,1,94,1,1,2,2 -3743,0,1800,0,,2,1,,,1,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,3,1,2,2,2,3,1,125,1,16,1,72,2,1,2,2 -3744,0,1650,0,1630,1,1,40,1,1,2,,2,2,2,2,2,2,4,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,4: Unknown,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,114,1,18,1,62,1,1,2,3 -3745,0,2050,0,,2,1,80,,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,4,,1,1,1,2,2,2,2,2,,,2,2,1,155,1,20,1,93,1,1,3,3 -3746,0,1914,0,1815,1,1,13,3,3,1,4,2,2,2,2,2,3,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,1,2,1,1,2,2,3,1,2,1,3,3,1,107,1,30,1,107,5,3,1,3 -3747,0,2050,0,,2,1,20,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,115,1,26,1,96,1,1,1,2 -3748,0,1955,0,1935,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,88,1,24,1,100,1,1,2,3 -3749,0,1649,0,1300,1,1,48.9,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,18,1,82,1,1,2,2 -3750,0,2015,0,2000,1,1,29.9,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,2,1: < 3 ft.,,,,,,,2,,1,2,2,,2,2,2,2,3,1,1,2,2,3,1,111,1,19,1,94,1,1,1,2 -3751,0,2330,0,2230,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,20,1,84,1,1,2,2 -3752,0,1422,0,1323,1,1,60,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,1,1,2,2,1,135,1,20,1,79,1,1,2,3 -3753,0,0704,0,0630,1,1,90,4,3,2,,2,4,1,2,2,1,1,2,2,2,2,2,2,1,2,2,13,,2,1,2,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,3,1,2,1,2,2,1,126,1,31,1,104,3,1,2,3 -3754,0,0100,-1,2330,1,1,19,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,1,1,2,1,1,2,2,1,2,3,2,3,1,134,1,24,1,95,2,1,2,2 -3755,0,1832,0,1800,1,1,15,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,3,1,98,1,32,1,96,2,1,2,3 -3756,0,1135,0,1030,1,1,,,1,1,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,3,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,3,1,112,1,18,1,75,2,1,2,3 -3757,0,1625,0,1530,1,1,50,4,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,3,4,3,8,,2,3,,,2,2,3,1,4: Speed Unknown,2,,,,,"hit tree, significant intrusion",1,,2,,1,1,1,2,2,2,2,3,,,3,2,3,,1,18,1,60,1,1,2,3 -3758,0,1820,0,1715,1,1,,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,16,1,77,1,1,2,2 -3759,0,2350,0,2200,1,1,53,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,123,1,20,1,84,1,1,1,2 -3760,0,2150,0,,2,1,22,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,24,1,104,1,1,1,2 -3761,0,1708,0,,2,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,1,2,2,1,4: Speed Unknown,1,5,,,,,1,,1,1,1,3,1,1,1,2,1,1,3,1,3,2,1,119,1,23,1,141,5,4,2,3 -3762,0,1700,0,1200,1,1,19.4,1,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,1,2,2,1,3,1,98,1,22,1,115,4,2,2,3 -3763,0,1400,0,1350,1,1,42,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,1,1,4,2,2,1,130,1,20,1,102,1,1,2,2 -3764,0,1709,0,1530,1,1,40.6,1,2,2,,2,2,2,4,4,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,20,1,80,2,1,2,1 -3765,0,1845,0,1530,1,1,150,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,163,1,16,1,82,1,1,2,3 -3766,0,1811,0,1600,1,1,68.6,1,3,2,,2,2,2,4,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,5: Physician did not answer,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,20,1,80,1,1,2,2 -3767,0,1951,0,1900,1,1,,3,8,2,,3,3,3,2,2,4,4,4,1,1,2,2,2,4,5,6,3,,1,3,,,2,3,1,7,2: Accidental,,,,,,,7,,2,,1,3,1,2,2,1,4,3,,,3,2,1,171,1,25,1,170,2,2,2,3 -3768,0,1000,0,0930,1,1,65,4,3,2,,2,2,2,2,2,2,2,4,4,2,2,2,1,1,2,1,14,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,1,3,1,3,1,2,2,2,2,2,,,2,2,1,124,1,18,1,84,1,1,3,3 -3769,0,1558,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,115,1,20,1,84,1,1,2,2 -3770,0,0857,0,0630,1,1,68,1,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,142,1,20,1,82,1,1,2,2 -3771,0,2253,0,2130,1,1,44.9,1,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,3,1,2,3,2,3,1,99,1,16,1,98,2,2,2,3 -3772,0,1800,0,1730,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,4,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,120,1,24,1,124,1,1,2,2 -3773,0,1130,0,1050,1,1,70,1,3,2,,1,4,4,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,1,2,,1,2,2,2,2,2,,,2,2,1,130,1,13,1,96,1,1,3,3 -3774,0,0300,0,,2,1,55,4,3,2,,1,1,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,21,1,77,1,1,2,3 -3775,0,0217,-1,,2,1,77,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,football collision,,7,2,2,,2,,1,2,2,2,3,2,,,2,3,1,133,1,16,1,72,1,1,2,3 -3776,0,0030,-1,1800,1,1,5.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,"Suspected abuse, screening for occult abd trauma",,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,125,1,28,1,181,1,1,1,3 -3777,0,2015,0,,2,1,50,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,3,1,142,1,22,1,77,1,1,2,3 -3778,0,1613,0,1500,1,1,13,2,8,1,1,3,3,3,2,2,3,3,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,4,1: < 5 mph,,,1,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,2,1,126,1,26,1,148,2,1,2,3 -3779,0,2055,0,0500,1,1,15.5,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,9,,,,,,crush injury from dresser drawers,,7,2,2,,1,1,2,2,2,2,2,2,,,2,3,1,100,1,23,1,124,1,1,2,2 -3780,0,2200,0,2130,1,1,54.5,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,110,1,16,1,66,2,2,2,2 -3781,0,1200,0,1145,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,3,1,124,1,24,1,125,1,1,2,2 -3782,0,1324,0,1230,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,1,2,1,2,2,2,2,2,2,2,,,2,2,1,137,1,15,1,98,3,1,3,2 -3783,0,1705,0,,2,1,59,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,16,1,88,1,1,2,2 -3784,0,1628,0,1530,1,1,73,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,132,1,13,1,89,1,1,3,2 -3785,0,1610,0,1515,1,1,47,,1,1,2,1,2,2,2,2,1,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,1,3,1,2,2,2,2,1,2,2,2,3,1,100,1,18,1,113,4,2,2,3 -3786,0,2244,0,,2,1,30,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,3,1,13,,2,2,,,3,2,1,4,3: > 20 mph,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,125,1,20,1,102,1,1,1,3 -3787,0,1912,0,1830,1,1,,,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,1,3: > 40 mph,2,,,,,,1,,1,2,1,3,1,2,2,2,2,3,,,3,3,1,137,1,12,1,118,2,1,3,3 -3788,0,1230,0,,2,1,66,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,108,1,16,1,88,1,1,2,3 -3789,0,1141,0,,2,1,54,1,2,2,,2,2,2,2,2,2,1,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,2,,2,2,2,2,1,2,,,2,3,1,128,1,16,1,94,1,1,2,2 -3790,0,2129,0,,2,1,110,4,3,2,,1,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,6,,,,,,,,6,,2,,1,1,2,2,3,2,2,1,1,3,2,2,1,110,1,17,1,100,2,2,2,2 -3791,0,1930,0,1900,1,1,64.8,4,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,134,1,20,1,89,2,1,3,2 -3792,0,0200,0,0115,1,1,10,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,1,3: > 40 mph,1,4,,,,,1,,2,,1,3,1,1,2,2,2,1,2,1,2,2,1,96,1,28,1,107,3,2,2,3 -3793,0,1417,0,,2,1,37,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,123,1,20,1,114,1,1,1,3 -3794,0,1000,-1,1400,1,1,15.6,1,11,2,,2,2,2,2,2,2,3,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,Patient ran into couch and fell onto carpeted floor onto right side.,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,20,1,113,1,1,2,2 -3795,0,1926,0,1900,1,1,70,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,1,1,2,2,2,2,,,2,3,1,136,1,18,1,90,1,1,1,3 -3796,0,0840,-1,1500,1,1,39,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Hit by other child on L hip while playing,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,18,1,61,1,1,2,2 -3797,0,2015,0,1900,1,1,14,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,3,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,35,1,113,1,1,1,2 -3798,0,0848,0,0830,1,1,66,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,4,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,114,1,24,1,104,1,1,3,3 -3799,0,0100,0,,2,1,80,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,1,1,1,2,2,1,2,3,2,2,1,146,1,18,1,118,2,1,1,3 -3800,0,2019,0,1800,1,1,,,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,109,1,24,1,126,1,1,1,2 -3801,0,1619,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,122,1,22,1,100,1,1,2,3 -3802,0,2130,0,2030,1,1,46.4,1,3,2,,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,1,1,1,2,2,2,1,134,1,24,1,70,3,2,2,3 -3803,0,1300,0,1200,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Football injury,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,120,1,18,1,70,1,1,2,3 -3804,0,2147,0,2100,1,1,78.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,122,1,18,1,88,1,1,2,2 -3805,0,2105,0,1950,1,1,62,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,130,1,20,1,88,1,1,2,2 -3806,0,2219,0,,2,1,55,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,4,1,2,2,1,118,1,30,1,89,1,1,1,3 -3807,0,2300,0,2200,1,1,14,2,3,2,,2,3,3,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,3,2,,,2,3,1,107,1,21,1,140,2,1,2,3 -3808,0,2228,0,,2,1,36,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,14,,2,2,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,120,1,15,1,101,1,1,1,3 -3809,0,0400,-1,1500,1,1,5,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,9,,,,,,Abuse,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,96,1,30,1,140,1,1,2,3 -3810,0,1401,0,1300,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,4: Physician did not answer,,,,,,glass shelving unit fell onto the child,7,,2,,2,,2,2,2,2,3,2,,,2,2,1,108,1,26,1,97,1,1,2,2 -3811,0,1835,0,1745,1,1,40,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,137,1,20,1,99,1,1,2,2 -3812,0,1130,0,1100,1,1,41,4,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,9,,,,,,Football cleat/shoe to abdomen,,7,2,2,,1,1,1,2,2,2,2,1,3,2,2,3,1,138,1,32,1,72,5,4,2,3 -3813,0,1645,0,1540,1,1,19,3,3,2,,3,3,3,2,2,3,3,3,1,1,1,1,1,4,5,6,3,,2,3,,,2,3,1,9,,,,,,sledding,,9,2,2,,1,2,1,2,2,2,3,3,,,3,2,1,127,1,19,1,126,2,2,1,3 -3814,0,0942,0,0800,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,2,1,122,1,21,1,91,2,1,1,3 -3815,0,1653,0,,2,1,8,,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,3,,,3,3,1,109,1,30,1,92,1,1,1,2 -3816,0,1800,0,1600,1,1,21,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,4,1,117,1,20,1,80,1,1,1,2 -3817,0,1712,0,,2,1,,,3,2,,2,4,4,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,2,1,2: 20 - 40 mph,1,7,,,,,1,,2,,2,,2,2,2,2,2,2,,,4,4,1,146,1,20,1,84,2,1,3,2 -3818,0,0625,0,0600,1,1,16,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,114,1,24,1,104,1,1,2,3 -3819,0,1629,0,1608,1,1,68,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,155,1,22,1,108,1,1,2,3 -3820,0,1048,-1,1200,1,1,76.2,1,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,3,1,1,3,1,137,1,24,1,124,1,1,2,2 -3821,0,1955,0,1945,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,108,1,22,1,92,1,1,2,2 -3822,0,1711,0,1500,1,1,,,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Snowboard crash (fall),,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,144,1,20,1,80,1,1,2,2 -3823,0,1541,0,,2,1,30,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,22,1,106,1,1,1,2 -3824,0,1945,0,1930,1,1,50,4,3,2,,3,3,3,2,2,3,3,4,2,1,1,1,1,4,4,6,4,,2,3,,,3,3,3,9,,,,,,assaulted,,7,2,2,,1,2,1,2,2,2,3,3,,,3,2,1,130,1,18,1,105,1,1,2,3 -3825,0,2035,0,1815,1,1,32,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,8,,,,,,,,8,,2,,2,,1,2,2,2,2,2,,,2,3,1,117,1,22,1,117,2,1,2,3 -3826,0,1228,0,,2,1,63.5,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,16,1,52,1,1,2,2 -3827,0,1003,-1,1845,1,1,82.7,1,3,2,,2,2,2,2,2,1,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,140,1,20,1,66,1,1,2,2 -3828,0,1140,0,,2,1,30,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,3,2,4,,,2,2,1,106,1,27,1,94,1,1,2,3 -3829,0,1250,0,1230,1,1,26,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,20,1,96,1,1,2,2 -3830,0,1939,0,,2,1,17,,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,3,2,,,2,2,1,9,,,,,,Unknown Injury- concern for non accidental,,8,2,2,,2,,2,2,2,2,3,2,,,2,3,1,118,1,22,1,101,1,1,2,2 -3831,0,2109,0,,2,1,70,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,125,1,22,1,84,2,1,3,2 -3832,0,1358,0,0930,1,1,75,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,hit in chest with helmet,,7,2,2,,2,,2,2,2,4,2,2,,,2,3,1,138,1,16,1,60,1,1,2,2 -3833,0,1406,0,,2,1,59,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Neck injury with wrestling,,9,2,2,,2,,1,2,2,2,2,2,,,2,3,1,114,1,24,1,96,1,1,2,3 -3834,0,1400,0,1300,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,150,1,20,1,60,1,1,2,3 -3835,0,1558,0,1430,1,1,17,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,4,2: 5 - 20 mph,,,3,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,122,1,28,1,140,1,2,1,3 -3836,0,1835,0,1803,1,1,15,,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,3,4,4: Speed Unknown,,,3,,,,4,,2,,1,3,1,2,2,2,1,2,,,2,2,1,118,1,40,1,110,2,1,2,3 -3837,0,2109,0,2000,1,1,26,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,hit in chest with brick,,7,2,2,,2,,2,2,3,2,2,2,,,2,3,3,,1,28,1,112,1,1,2,2 -3838,0,1245,0,1200,1,1,50,,1,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,118,1,16,1,106,1,1,2,2 -3839,0,1945,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,14,,2,3,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,134,1,34,1,110,1,1,2,3 -3840,0,1305,0,,2,1,10,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,2,1,100,1,24,1,160,1,1,2,2 -3841,0,2100,0,2030,1,1,51,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,18,1,80,1,1,2,2 -3842,0,1854,0,1700,1,1,50,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Assult,,7,2,1,2,1,1,2,2,2,2,2,2,,,2,2,1,120,1,18,1,116,2,1,2,2 -3843,0,1055,0,1030,1,1,5.7,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,98,1,21,1,125,2,1,2,2 -3844,0,1253,-1,1800,1,1,20.1,1,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,1,2,3,1,4: Speed Unknown,1,3,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,90,1,22,1,121,1,1,2,1 -3845,0,1738,-1,1930,1,1,29.2,1,3,1,2,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,"Swinging from rope on zipline, hit large wooden pole at max speed",,7,2,2,,1,1,2,2,2,2,1,1,2,2,2,2,1,97,1,20,1,71,3,1,3,2 -3846,0,1650,0,,2,1,45,1,1,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,3,,,2,2,1,147,1,24,1,97,2,2,2,3 -3847,0,2027,0,1630,1,1,47.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,147,1,20,1,80,1,1,2,3 -3848,0,1800,0,1500,1,1,57,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,3,2,2,2,2,3,1,2,2,2,3,1,113,1,18,1,73,2,1,2,2 -3849,0,2119,0,2015,1,1,27.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,7,2: Accidental,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,2,2,1,93,1,24,1,88,1,1,2,3 -3850,0,1330,0,1300,1,1,54.5,,1,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,20,1,66,1,1,2,2 -3851,0,1024,0,0800,1,1,23,1,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,2,1,2,2,2,2,,,2,3,1,107,1,20,1,70,2,1,2,2 -3852,0,1834,0,,2,1,38,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Knee to LUQ,,7,2,2,,1,3,2,2,2,2,2,2,,,2,2,1,140,1,20,1,103,4,2,1,2 -3853,0,2039,0,1815,1,1,23,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,4,,1,90,1,1,2,2 -3854,0,1900,0,0800,1,1,30,,3,1,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,bicyclist struck by moving vehicle,4,,2,,2,,2,2,2,3,2,2,,,2,2,1,133,1,18,1,120,2,1,2,2 -3855,0,1403,0,1315,1,1,15,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,2,,1,2,2,2,2,1,1,3,2,2,1,121,1,26,1,107,3,1,2,3 -3856,0,2021,0,,2,1,49.9,1,8,2,,2,1,1,1,2,2,2,4,3,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,3: Unknown intentionality,,,,,,,7,,1,1,1,3,1,2,2,2,1,1,2,3,1,2,1,119,1,29,1,107,1,1,2,3 -3857,0,1251,0,,2,1,22.7,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,4,2,2,2,1,5: Physician did not answer,1,6,,,,,1,,2,,1,1,2,1,1,2,3,1,1,3,3,3,1,88,1,32,1,188,3,1,2,2 -3858,0,0749,0,,2,1,,,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,5: Physician did not answer,4,,,,,,1,,2,,1,3,1,2,1,2,3,2,,,2,3,1,105,1,20,1,84,2,1,1,3 -3859,0,2057,0,2030,1,1,57.2,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,21,1,70,1,1,2,2 -3860,0,1640,0,1535,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,3,1,2,2,2,3,2,,,2,2,1,132,1,22,1,81,1,1,2,3 -3861,0,1841,0,1755,1,1,75,1,4,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,1,2,2,7,1: Intentional,,,,,,,7,,1,2,1,2,1,2,2,2,2,1,2,1,2,2,1,140,1,17,1,80,3,3,1,3 -3862,0,1809,0,1600,1,1,100,4,1,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,7,1: Intentional,,,,,,,7,,2,,1,2,2,2,2,2,2,1,2,1,2,2,1,140,1,16,1,109,2,2,2,2 -3863,0,1822,0,,2,1,7,3,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,2,2,1,13,,1,3,,,2,3,2,8,,,,,,,,8,,1,2,2,,1,2,2,2,3,3,,,2,2,1,140,1,44,1,146,1,1,1,3 -3864,0,1826,0,,2,1,15,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,14,,1,2,,,2,2,1,9,,,,,,Stove pulled onto patient,,7,2,2,,1,3,1,2,2,2,2,2,,,2,2,1,110,1,24,1,108,1,1,2,3 -3865,0,2227,0,,2,1,26,3,8,2,,3,3,3,2,2,3,3,4,2,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,9,,,,,,"buried, crushed",,7,2,1,2,1,1,1,2,2,1,1,3,,,3,2,1,64,1,30,1,80,1,1,1,3 -3866,0,0845,0,0730,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,3,1,112,1,20,1,73,2,1,2,3 -3867,0,0100,-1,2300,1,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,18,1,75,1,1,1,2 -3868,0,1310,0,1030,1,1,50,4,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,6,,,,,,,,6,,2,,1,2,1,2,2,2,1,3,,,3,2,1,133,1,22,1,100,2,2,1,3 -3869,0,1911,0,,2,1,43.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"""Riding"" on back (exterior) of minivan and fell off",,9,1,2,,2,,1,2,2,2,2,2,,,2,3,1,117,1,22,1,94,1,1,1,3 -3870,0,1550,0,,2,1,15.6,1,8,1,2,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,1,4,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,1,2,1,2,2,2,1,2,,,2,3,1,110,1,24,1,104,4,2,2,3 -3871,0,1426,0,,2,1,65.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,2,,,2,3,1,131,1,16,1,95,1,1,2,3 -3872,0,2145,0,,2,1,30,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,3,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,2,1,1,1,2,3,1,142,1,18,1,109,3,2,2,3 -3873,0,1448,0,,2,1,50,,8,1,1,3,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,1,1,1,1,1,1,2,2,1,3,1,3,2,1,147,1,30,1,126,5,4,2,3 -3874,0,1950,0,1900,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,3,,,5,,1,1,2,,2,1,2,2,2,2,,,2,2,1,109,1,20,1,99,1,1,2,2 -3875,0,1556,0,1517,1,1,50,2,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,1,2,2,2,1,133,1,18,1,99,1,1,2,3 -3876,0,1925,0,1900,1,1,14,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Fell off couch, hit coffee table",,2,2,1,1,1,1,1,2,3,2,2,2,,,2,2,1,108,1,84,1,94,2,1,2,3 -3877,0,1923,0,1745,1,1,25.3,1,8,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,4,2,2,,,2,2,1,115,1,18,1,80,1,1,2,2 -3878,0,1627,0,,2,1,63,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,14,1,86,2,1,2,2 -3879,0,1300,0,1045,1,1,50,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,95,1,14,1,64,1,1,2,3 -3880,0,1800,0,1730,1,1,15,4,8,2,,3,3,3,2,2,3,3,2,3,1,2,1,2,3,5,6,4,,2,3,,,2,3,3,9,,,,,,Sledding - hit tree,,9,2,2,,3,,1,2,2,2,3,3,,,3,2,1,142,2,,3,,2,1,2,3 -3881,0,1734,0,1300,1,1,68.9,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,150,1,20,1,92,1,1,2,2 -3882,0,2055,0,2035,1,1,32,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,6,,,,,1,,4,,1,2,1,2,2,1,3,3,,,2,2,1,116,1,28,1,122,2,2,2,3 -3883,0,2102,0,1815,1,1,14.7,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,110,1,20,1,84,1,1,2,2 -3884,0,1258,0,1200,1,1,4,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,3,3,,1,42,1,131,1,1,1,2 -3885,0,2315,0,,2,1,63,2,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,2,1,2,2,2,2,,,2,2,1,127,1,20,1,64,2,1,2,2 -3886,0,1940,0,,2,1,16,3,8,2,,3,3,3,2,2,3,3,2,3,1,2,1,2,4,5,3,6,,1,3,,,1,3,3,2,2: 3 - 10 ft.,,,,,,,2,,1,1,2,,1,2,2,2,3,3,,,3,2,1,71,2,,1,145,1,1,2,3 -3887,0,1543,0,1500,1,1,20,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,2,13,,1,2,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,116,1,29,1,162,1,1,1,3 -3888,0,1635,0,1600,1,1,45,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,1,3,2,2,2,1,127,1,18,1,108,4,3,2,3 -3889,0,2230,0,2015,1,1,11.3,2,3,1,1,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,8,,,,,,,,8,,2,,2,,2,2,3,4,4,4,,,4,4,1,102,1,28,1,170,2,2,2,2 -3890,0,0031,-1,,2,1,84,2,2,2,,2,2,2,2,2,2,2,2,3,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,8,,,,,,,Assault,8,,2,,1,3,2,2,2,2,2,2,,,2,3,1,145,1,16,1,89,2,1,1,2 -3891,0,1944,0,1730,1,1,127.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,2,9,,,,,,"assault with golf clubs. pt. states ""passed out"" so unknown whether struck abdomen",,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,156,1,20,1,114,1,1,2,2 -3892,0,0431,-1,,2,1,35.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,1,4: Speed Unknown,2,,,,,bus accident,1,,2,,1,1,2,2,2,2,2,1,1,3,2,3,1,127,1,24,1,100,1,1,1,2 -3893,0,1331,0,,2,1,98,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,4,,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,118,1,24,1,74,1,1,2,2 -3894,0,1157,-1,2300,1,1,33.6,1,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,4: Unknown,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,20,1,117,1,1,1,2 -3895,0,1255,0,1220,1,1,80,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,2,,,2,2,1,4,4: Speed Unknown,,,4,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,4,1,137,1,14,1,74,1,1,2,2 -3896,0,1637,0,1600,1,1,100,4,8,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,3,4,2,9,,2,3,,,2,3,3,9,,,,,,Football injury(helmet to chest),,7,2,2,,1,1,1,2,2,2,2,3,,,3,2,1,116,1,24,1,90,1,1,2,3 -3897,0,1047,0,,2,1,60,4,3,2,,2,1,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,1,2,2,2,2,2,2,1,2,2,2,3,1,118,1,20,1,74,4,4,1,2 -3898,0,0810,0,,2,1,50,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,5: Physician did not answer,,,2,,,,4,,2,,2,,1,2,2,2,1,2,,,2,3,1,144,1,20,1,92,1,1,2,3 -3899,0,1749,0,1620,1,1,52.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,1,2,2,2,2,,,2,3,1,131,1,24,1,122,1,1,2,2 -3900,0,1615,0,1555,1,1,14,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,3,3,,1,20,1,107,1,1,2,2 -3901,0,2135,0,,2,1,10,4,8,1,3,3,3,3,1,1,3,3,2,2,1,1,2,2,1,1,1,15,,2,3,,,2,3,3,4,4: Speed Unknown,,,3,,,,4,,2,,1,2,1,1,2,2,3,3,,,3,3,1,97,1,66,1,180,4,2,2,3 -3902,0,0730,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,131,1,18,1,73,1,1,1,3 -3903,0,1330,0,0700,1,1,40,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,1,1,2,3,1,2,2,2,2,1,131,1,20,1,95,4,3,2,3 -3904,0,1540,0,1330,1,1,40,4,1,2,,3,3,3,2,2,3,3,2,1,1,2,1,2,4,5,3,6,,2,3,,,2,3,2,1,3: > 40 mph,1,1,,,,,1,,1,1,1,1,1,2,2,2,2,3,,,3,3,1,122,1,16,1,103,2,2,2,3 -3905,0,1351,0,,2,1,75,1,2,1,3,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,6,,,,,,,,6,,1,2,1,1,1,1,2,2,1,1,2,2,1,2,1,132,1,18,1,85,4,3,2,3 -3906,0,1920,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,84,1,20,1,188,2,1,1,3 -3907,0,1515,0,,2,1,55,2,8,2,,2,2,2,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,1,1,1,1,2,3,1,105,1,20,1,83,3,2,2,3 -3908,0,1610,0,,2,1,82,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,4,3: > 20 mph,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,157,1,18,1,100,1,1,2,3 -3909,0,1957,0,1900,1,1,53,,8,2,,4,4,4,4,4,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,1,2,1,2,3,1,107,1,18,1,86,2,1,2,2 -3910,0,1910,0,,2,1,75,,4,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,3,1,100,1,26,3,,2,1,2,3 -3911,0,1650,0,1630,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,129,1,18,1,87,3,2,1,3 -3912,0,1345,0,1230,1,1,60,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,127,1,16,1,78,1,1,2,2 -3913,0,0054,-1,2000,1,1,21.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,2,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,2,3,2,2,1,2,4,2,3,1,107,1,16,1,88,2,2,2,3 -3914,0,2114,0,,2,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,124,1,24,1,85,1,1,1,2 -3915,0,1430,0,1400,1,1,39,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,1,1,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,16,1,117,1,1,2,2 -3916,0,0757,0,,2,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,4: Unknown,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,101,1,20,1,76,1,1,2,2 -3917,0,2138,0,1630,1,1,13,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,1,2,,,2,3,1,95,1,24,1,108,1,1,2,3 -3918,0,1553,0,,2,1,50,,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,1,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,124,1,19,1,71,2,1,2,2 -3919,0,2153,0,2130,1,1,56,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,133,1,18,1,100,1,1,2,2 -3920,0,1025,0,1023,1,1,,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,1,1,1,1,2,2,2,2,2,2,,,2,3,1,126,1,22,1,101,2,1,2,2 -3921,0,1200,-1,1800,1,1,58,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,129,1,20,1,105,1,1,2,2 -3922,0,1848,0,1800,1,1,24.5,1,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,93,1,53,1,105,1,1,2,2 -3923,0,1658,0,1600,1,1,25,2,1,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,5,,,,,3,,,5,,1,2,1,1,1,2,2,2,2,3,,,2,2,1,142,1,20,1,66,4,4,2,3 -3924,0,,0,,2,2,15,3,3,1,2,3,3,3,1,2,3,3,3,1,1,1,1,2,4,4,5,5,,2,3,,,2,3,1,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,1,2,3,3,3,,,3,3,1,82,1,18,1,204,5,5,2,3 -3925,0,1830,0,1530,1,1,10.4,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,3,3: > 15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,2,1,90,1,30,1,136,1,1,1,3 -3926,0,1645,0,1600,1,1,60,1,8,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,1: < 5 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,2,,,2,2,1,139,1,16,1,100,1,1,2,2 -3927,0,1515,0,1445,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,3,2,2,2,,,2,2,1,115,1,12,1,64,1,1,1,2 -3928,0,0020,-1,2300,1,1,30,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,4,2,4,,,2,2,1,128,1,22,1,80,1,1,2,3 -3929,0,1555,0,,2,1,69.1,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,1,3,2: 6-15,,,,,,,3,,2,,1,1,1,2,2,2,2,1,3,1,2,3,1,135,1,22,1,105,2,1,2,3 -3930,0,1524,0,,2,1,51,4,3,1,2,1,4,4,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,1,2,2,3,2,,,2,3,1,110,1,20,1,89,1,1,1,2 -3931,0,1440,0,1400,1,1,70,4,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,1,2,2,2,2,1,1,1,2,3,1,120,1,28,1,64,3,3,2,3 -3932,0,1947,0,1815,1,1,,,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,24,1,73,1,1,2,2 -3933,0,1600,0,1400,1,1,60,4,1,2,,2,1,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,4,,1,2,2,2,2,2,1,1,2,2,2,3,1,126,1,16,1,72,2,1,2,2 -3934,0,1147,0,1100,1,1,35,4,3,2,,2,2,2,2,2,2,4,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from a horse,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,24,1,105,1,1,2,2 -3935,0,1519,0,1400,1,1,19.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,4,2,2,2,3,4: Unknown,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,91,1,20,1,74,1,1,1,2 -3936,0,2056,0,1945,1,1,80,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,136,1,20,1,92,2,1,2,3 -3937,0,0725,0,0645,1,1,25,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Kicked in chest by brother,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,20,1,97,1,1,2,2 -3938,0,1843,0,,2,1,32,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,126,1,30,1,120,1,1,2,2 -3939,0,0200,-1,1800,1,1,33,1,3,2,,2,2,2,2,2,1,2,4,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Fall from bed,,2,2,2,,2,,2,2,2,3,2,2,,,2,3,1,111,1,22,1,106,1,1,1,2 -3940,0,2216,0,2200,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,116,1,20,1,106,1,1,2,2 -3941,0,1729,0,1700,1,1,10.5,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,127,1,28,1,124,1,1,2,2 -3942,0,1553,0,1530,1,1,25,4,3,1,4,3,3,3,2,2,3,3,2,2,2,2,2,2,1,4,2,11,,2,3,,,2,3,3,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,1,2,2,2,3,,,2,2,1,116,1,24,1,107,3,1,2,3 -3943,0,0951,0,0830,1,1,22.7,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,3,4: Unknown,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,24,1,94,1,1,2,2 -3944,0,1940,0,1800,1,1,11,4,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,2,1,121,1,28,1,129,1,1,1,2 -3945,0,1624,0,1600,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,1,2,1,14,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,3,2,2,,,2,2,1,138,1,30,1,100,1,1,2,3 -3946,0,1418,0,,2,1,41,,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,struck in left side while diving off diving board,,7,2,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,115,1,24,1,84,4,1,2,2 -3947,0,1508,0,,2,1,77,2,1,2,,2,2,2,2,2,3,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,3,2,,,2,3,1,122,1,20,1,94,6,6,3,3 -3948,0,0759,0,0730,1,1,81,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,178,1,22,1,87,1,1,2,2 -3949,0,1215,0,,2,1,20,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,1,2,1,1,1,2,2,2,3,2,,,2,3,1,143,1,24,1,126,1,1,2,3 -3950,0,2115,0,1915,1,1,15.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,4,4,2,4,3: > 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,112,1,38,1,96,2,2,2,2 -3951,0,2102,0,2030,1,1,84,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,137,1,18,1,106,1,1,2,2 -3952,0,,0,,2,2,,,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,1,1,3,1,2,2,2,2,1,3,1,2,3,1,121,1,16,1,104,5,3,2,3 -3953,0,1705,0,,2,1,41.8,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Football Collision,,7,2,2,,1,1,2,2,2,2,2,1,2,2,2,2,1,114,1,28,1,70,2,1,2,2 -3954,0,2200,0,1930,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,6,,,,,,,,6,,2,,1,2,1,2,2,2,2,2,,,4,4,1,90,1,36,1,129,3,2,2,3 -3955,0,2139,0,,2,1,15,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,3: > 20 mph,,,3,,,,4,,2,,1,1,2,2,2,2,2,2,,,2,2,1,129,1,20,1,88,1,1,3,1 -3956,0,1800,0,1730,1,1,71,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,2,,,,,,1,,2,,2,,1,1,2,2,2,2,,,2,2,1,144,1,18,1,75,1,1,2,3 -3957,0,1835,0,,2,1,70,4,3,1,4,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,1,3,2,1,2,1,108,1,44,1,103,5,2,2,3 -3958,0,0805,0,0745,1,1,29,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,119,1,25,1,100,1,1,2,2 -3959,0,1400,0,1400,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,snowboarding fall,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,141,1,18,1,75,1,1,2,2 -3960,0,1950,0,1700,1,1,23,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,1,2,2,3,1,113,1,24,1,88,2,1,2,3 -3961,0,2014,0,,2,1,18,3,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,4,2,4,,,2,2,1,114,1,28,1,86,1,1,2,3 -3962,0,1915,0,1815,1,1,11,3,3,2,,3,3,3,2,2,3,3,2,1,1,2,1,2,4,5,4,5,,1,3,,,1,3,1,4,1: < 5 mph,,,1,,,,4,,1,2,1,1,1,2,2,2,3,3,,,3,3,1,86,2,,1,174,2,1,1,3 -3963,0,1659,0,1630,1,1,4,,3,2,,2,3,3,3,3,3,3,3,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,Lac to head + head CT ?abuse,,9,2,2,,1,1,1,2,2,3,2,2,,,2,3,1,94,1,41,1,145,1,1,1,3 -3964,0,1540,0,1200,1,1,89.6,1,1,2,,2,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,122,1,18,1,98,2,2,2,3 -3965,0,1402,0,1350,1,1,17,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,1,2,3,2,2,1,121,1,20,1,73,2,1,2,3 -3966,0,1925,0,1845,1,1,61.7,2,8,2,,2,2,2,2,2,2,1,3,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,2,2,2,2,1,2,3,2,3,1,99,1,20,1,92,3,2,1,3 -3967,0,1940,0,1900,1,1,40,4,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,120,1,16,1,89,3,3,2,3 -3968,0,1602,0,1430,1,1,32.7,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,102,1,20,1,84,1,1,2,2 -3969,0,1210,0,1130,1,1,,,8,2,,3,3,3,3,3,3,3,3,3,2,2,2,2,1,1,1,15,,2,2,,,3,3,3,1,4: Speed Unknown,1,6,,,,,1,,2,,1,2,2,2,2,2,2,2,,,2,3,1,110,1,24,1,98,2,1,1,2 -3970,0,1857,0,1830,1,1,60,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,20,1,69,2,1,1,2 -3971,0,1531,0,1500,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,2,,1,2,2,2,3,2,,,4,4,1,128,1,24,1,81,1,1,2,3 -3972,0,1738,0,1615,1,1,78.9,1,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,122,1,16,1,88,2,2,2,2 -3973,0,1245,0,,2,1,,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,16,1,83,1,1,2,2 -3974,0,1646,0,1600,1,1,68,3,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,146,1,18,1,80,1,1,2,3 -3975,0,1712,0,,2,1,24,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,101,1,19,1,103,2,1,2,2 -3976,0,2358,0,2200,1,1,30,4,1,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,2,1,1,1,1,2,1,2,3,2,3,1,141,1,22,1,124,3,2,2,3 -3977,0,,0,,2,2,55,4,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,111,1,16,1,70,1,1,2,2 -3978,0,1700,0,1630,1,1,36,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,1,1,1,1,2,1,3,3,1,3,1,118,1,18,1,127,5,2,2,3 -3979,0,1220,0,1200,1,1,90,4,3,1,2,1,1,4,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,2,1,2,2,2,1,1,3,1,2,4,1,94,1,31,1,106,1,1,1,3 -3980,0,1927,0,,2,1,80,4,4,1,1,3,3,3,1,1,3,3,2,1,1,1,1,1,4,5,6,3,,2,3,,,4,1,3,1,3: > 40 mph,3,,,,,,1,,1,2,1,1,1,1,1,2,3,3,,,3,3,3,,1,20,1,120,5,5,2,3 -3981,0,0217,0,,2,1,,,1,2,,2,2,2,2,2,3,2,2,2,2,2,2,1,1,2,1,14,,2,1,5,4,1,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,1,2,2,2,3,1,2,1,2,3,1,164,1,20,1,121,1,1,2,3 -3982,0,1800,0,1720,1,1,,,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,2,2,3,2,2,2,,,2,3,1,110,1,16,1,64,2,1,2,2 -3983,0,1703,0,1645,1,1,30,4,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,22,1,82,1,1,2,2 -3984,0,,0,1700,1,2,48,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,20,1,106,2,2,2,3 -3985,0,1430,0,,2,1,15,1,1,1,2,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,2,1,144,1,20,1,120,2,1,2,2 -3986,0,1937,0,1820,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,7,1: Intentional,,,,,,,7,,1,2,1,1,2,1,2,2,2,2,,,2,3,1,147,1,20,1,117,1,1,2,2 -3987,0,1903,0,1730,1,1,10,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,26,1,116,1,1,2,2 -3988,0,1350,0,,2,1,20,4,8,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,2,,2,1,2,2,2,3,,,2,2,1,105,1,30,1,167,1,1,2,2 -3989,0,0716,-1,,2,1,58,4,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,3,2,1,1,2,2,3,1,105,1,18,1,74,2,1,1,2 -3990,0,2313,0,2230,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,14,,2,1,4,1,2,2,1,1,3: > 40 mph,3,,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,2,1,132,1,20,1,140,4,3,1,3 -3991,0,1452,0,,2,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,2,2,2,1: < 3 ft.,,,,,,tackled during football,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,113,1,22,1,103,1,1,2,3 -3992,0,1702,0,1632,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,1,2,1,1,2,2,3,2: 6-15,,,,,,,3,,2,,1,3,1,2,2,2,1,1,2,1,2,2,1,120,1,25,1,70,3,1,2,3 -3993,0,0806,0,,2,1,25,4,8,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,118,1,32,1,137,3,2,3,3 -3994,0,1938,0,1900,1,1,49,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,1,2,3,2,,,2,3,1,120,1,18,1,107,3,1,2,3 -3995,0,1457,0,1445,1,1,39.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,3,2,1,2,2,2,3,1,104,1,20,1,84,4,3,2,2 -3996,0,1819,0,,2,1,19,3,3,1,3,3,3,3,1,1,3,3,3,3,2,2,1,2,4,5,3,6,,2,3,,,3,3,3,1,3: > 40 mph,1,4,,,,,1,,2,,1,1,1,1,1,1,3,3,,,3,2,1,70,1,17,1,150,4,2,1,3 -3997,0,2300,0,2145,1,1,130,4,1,2,,3,3,3,2,1,3,3,2,1,1,2,1,2,4,5,6,3,,2,3,,,1,3,3,1,3: > 40 mph,3,,,,,,1,,2,,1,1,1,1,2,2,3,3,,,3,2,1,156,1,26,1,99,5,4,2,3 -3998,0,1415,0,1300,1,1,65,2,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from/ trampled by horse,,2,2,2,,1,3,2,1,2,2,3,2,,,2,2,1,124,1,33,1,88,3,2,2,2 -3999,0,1952,0,1930,1,1,45.5,2,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,136,1,32,1,99,1,1,2,2 -4000,0,1748,0,1715,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,24,1,100,1,1,2,2 -4001,0,,0,1910,1,2,82,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,5,,,,,1,,,5,,1,2,1,3,2,1,2,2,2,1,3,4,2,2,1,128,1,20,1,104,3,3,1,2 -4002,0,2059,0,1945,1,1,80,4,3,1,4,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,2,1,2,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,1,1,2,1,1,2,2,2,1,2,2,2,2,1,135,1,23,1,84,2,1,2,3 -4003,0,1015,0,0930,1,1,12.4,1,3,1,4,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,1: < 5 mph,,,3,,,,4,,2,,2,,2,1,3,2,2,2,,,2,3,1,122,1,28,1,109,2,1,1,2 -4004,0,1925,0,,2,1,24,1,3,1,3,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,22,1,111,1,1,2,2 -4005,0,1200,0,1130,1,1,,,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,3,3,3,9,,1,3,,,2,3,1,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,3,2,2,3,,,3,2,2,,3,,2,,1,1,2,3 -4006,0,1700,-1,2100,1,1,63.5,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,1,2,2,1,1,2,2,2,3,1,119,1,16,1,80,3,1,2,2 -4007,0,0017,-1,2200,1,1,88,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,2,3,,1,18,1,92,1,1,1,2 -4008,0,1447,0,,2,1,31.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,2,,2,2,2,2,3,1,1,2,2,3,1,113,1,18,1,77,1,1,2,2 -4009,0,2036,0,,2,1,10.3,1,3,2,,2,2,2,2,2,2,3,3,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,8,,,,,,,,8,,1,2,2,,1,2,2,2,2,2,,,2,3,1,70,1,30,1,145,2,1,2,3 -4010,0,2304,0,2000,1,1,48,4,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,2,1,2,1,2,2,1,122,1,24,1,77,2,1,2,3 -4011,0,1945,0,1130,1,1,18,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,9,,,,,,Horse kick to abdomen,,2,2,1,2,2,,1,1,2,2,2,1,1,2,2,3,1,80,1,20,1,80,3,2,1,3 -4012,0,1935,0,,2,1,54.9,1,8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,go cart accident,,6,2,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,24,1,100,1,1,2,2 -4013,0,2225,0,2130,1,1,17,3,3,1,2,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,4,,,4,4,4,4,4: Speed Unknown,,,4,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,2,1,124,1,40,1,126,2,1,2,3 -4014,0,1729,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,117,1,19,1,89,2,1,2,3 -4015,0,0835,0,0815,1,1,48.6,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,17,1,105,1,1,2,2 -4016,0,1840,0,1815,1,1,31,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,4,4: Speed Unknown,,,2,,,,4,,3,,3,,1,2,2,2,2,1,1,2,2,2,1,108,1,22,1,93,2,1,2,3 -4017,0,1510,0,,2,1,68.7,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,109,1,18,1,80,1,1,2,2 -4018,0,1945,0,1910,1,1,10,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,3,3,9,,,,,,Kicked by horse,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,113,1,28,1,111,1,1,2,3 -4019,0,1817,0,1700,1,1,20,4,8,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,3,2,,,2,2,1,122,1,18,1,112,2,1,2,3 -4020,0,1640,0,,2,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,115,1,21,1,100,1,1,2,2 -4021,0,1219,0,1138,1,1,,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,pt ran into truck,4,,2,,2,,2,1,2,2,2,2,,,2,3,1,142,1,20,1,90,1,1,2,2 -4022,0,1600,0,,2,1,60,4,8,1,1,2,2,2,1,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,2,1,1,2,2,1,2,,,2,3,1,140,1,21,1,68,3,2,1,3 -4023,0,1505,0,,2,1,17,,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,1,1,4,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,4,2,3,1,93,1,40,1,118,1,1,2,2 -4024,0,2010,0,1945,1,1,28,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,130,1,24,1,112,1,1,2,2 -4025,0,1814,0,1300,1,1,80,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,137,1,15,1,70,1,1,2,3 -4026,0,0855,0,0820,1,1,66,1,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,1,2,2,2,2,2,2,2,,,2,2,1,134,1,20,1,61,1,1,2,2 -4027,0,1757,0,1700,1,1,25,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,2,1,1,2,2,2,2,,,2,2,1,131,1,32,1,114,3,1,1,3 -4028,0,2055,0,2030,1,1,32,2,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,1,1,1,2,3,2,,,3,2,1,141,1,28,1,136,3,2,3,3 -4029,0,2315,0,2245,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,1,1,2,2,1,1,3,2,2,1,123,1,22,1,106,1,1,2,3 -4030,0,1701,0,,2,1,54,1,2,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,2,2,2,2,1,2,,,2,2,1,129,1,17,1,94,2,1,1,2 -4031,0,2156,0,1900,1,1,40,4,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,9,,,,,,"crush injury to head, pinned against concrete wall",,7,2,2,,2,,1,2,2,2,3,2,,,2,3,1,113,1,26,1,76,1,1,2,3 -4032,0,1935,0,1830,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,3,2,2,,,2,3,1,122,1,16,1,90,1,1,2,2 -4033,0,1900,0,,2,1,47.6,,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,3,3,2,10,,2,3,,,2,3,1,1,4: Speed Unknown,3,,,,,,1,,4,,1,2,1,2,2,2,3,3,,,2,2,1,140,1,34,1,155,2,1,1,3 -4034,0,2110,0,2040,1,1,108,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,18,1,112,1,1,3,2 -4035,0,0155,0,0145,1,1,11,1,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,3,,,3,2,1,112,1,18,1,92,1,1,2,2 -4036,0,2115,0,2000,1,1,25,4,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,1,2,2,1,1,3,2,3,1,121,1,22,1,99,3,2,2,3 -4037,0,1420,0,1400,1,1,20,2,8,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,1,2,1,2,3,,,3,2,1,115,1,22,1,109,3,2,2,3 -4038,0,1658,0,1630,1,1,43.6,1,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,2,1,1,2,2,3,1,116,1,18,1,86,2,1,2,2 -4039,0,2231,0,2136,1,1,50,4,4,2,,3,3,3,2,2,3,4,2,1,1,1,1,2,3,2,2,11,,2,3,,,1,3,1,1,4: Speed Unknown,3,,,,,,1,,1,2,1,2,1,2,2,2,2,3,,,2,2,1,126,1,22,1,130,4,3,1,3 -4040,0,1804,0,1730,1,1,52,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,2,1,114,1,16,1,80,1,1,3,2 -4041,0,2010,-1,,2,1,12,1,2,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,1,1,2,1,2,2,2,1,1,2,2,3,1,104,1,28,1,123,2,2,2,2 -4042,0,2200,0,1800,1,1,40,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,3,1,1,2,1,2,1,3,3,2,3,1,115,1,18,1,83,3,2,1,3 -4043,0,1245,0,1100,1,1,40.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,3,3,2,,,2,2,1,102,1,16,1,72,1,1,2,2 -4044,0,1130,-1,1430,1,1,68.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,163,1,20,1,92,1,1,2,2 -4045,0,0334,0,0230,1,1,58,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,2,1,2,2,1,2,,,2,3,1,140,1,18,1,102,1,1,2,2 -4046,0,2058,0,1700,1,1,9,4,3,2,,3,3,3,2,2,3,3,3,1,2,2,2,2,4,3,1,10,,1,3,,,1,3,3,9,,,,,,Struck by chair fell on infant,,7,2,2,,1,1,1,2,2,2,2,3,,,2,3,1,113,1,26,1,140,1,1,2,3 -4047,0,1616,0,,2,1,60,1,3,1,4,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,1,2,1,3,1,2,2,3,2,2,,,2,2,1,140,1,20,1,106,4,2,2,3 -4048,0,0012,-1,,2,1,38.6,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,1,1,2,3,2,3,1,121,1,20,1,64,2,1,2,2 -4049,0,1613,0,1530,1,1,55,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,16,1,96,1,1,2,2 -4050,0,2200,0,,2,1,36,,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,127,1,27,1,83,1,1,2,2 -4051,0,2115,0,2015,1,1,59,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,1,2,1,2: 20 - 40 mph,1,1,,,,,1,,4,,2,,2,2,2,2,2,1,1,1,2,3,1,130,1,20,1,96,2,1,2,2 -4052,0,1330,0,1030,1,1,35,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,145,1,19,1,127,1,1,3,3 -4053,0,1703,0,1630,1,1,66.1,1,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,95,1,18,1,80,1,1,2,2 -4054,0,1000,0,0900,1,1,12,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,1,3,,,1,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,3,,,3,2,1,121,1,40,1,189,1,1,2,2 -4055,0,0100,0,0015,1,1,72.6,4,4,2,,3,3,3,2,2,3,3,2,2,1,1,1,1,3,4,2,9,,2,3,,,1,3,3,2,1: < 3 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,2,3,,,3,2,1,110,1,14,1,72,1,1,3,3 -4056,0,0506,0,0400,1,1,75,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,3,1,2,,,2,2,1,130,1,22,1,85,1,1,2,3 -4057,0,2109,0,1800,1,1,50,2,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,2,,,1,2,2,9,,,,,,Skiing collision,,2,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,99,1,16,1,110,2,1,1,3 -4058,0,1830,0,,2,1,80,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,3,1,2,2,2,2,1,124,1,20,1,120,3,2,2,3 -4059,0,1900,0,1800,1,1,62,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,Hockey Stick,7,,2,,1,1,2,2,2,2,3,1,1,1,2,3,1,135,1,16,1,96,3,1,2,2 -4060,0,1451,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,1,3,,,2,2,2,1,4: Speed Unknown,1,4,,,,but not restrained to car,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,97,1,22,1,94,1,1,2,2 -4061,0,0725,0,0630,1,1,25,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,24,1,110,1,1,2,2 -4062,0,1815,0,,2,1,,,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,2,1,2,2,2,2,1,3,2,2,3,1,158,1,30,1,122,4,3,2,3 -4063,0,0800,0,0730,1,1,20,4,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,105,1,24,1,122,1,1,2,2 -4064,0,2209,0,2200,1,1,160,2,3,2,,2,2,2,2,2,1,2,4,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,2,2,2,3,2,,,2,3,1,129,1,18,1,101,2,1,2,3 -4065,0,1835,0,1200,1,1,48.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,4,2,2,9,,,,,,Fell playing lacrosse,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,12,1,92,1,1,3,3 -4066,0,2103,0,,2,1,45,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,138,1,23,1,122,1,1,2,2 -4067,0,2324,0,2245,1,1,15,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,36,1,136,1,1,2,2 -4068,0,0920,0,0900,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,2,1,118,1,18,1,110,3,2,1,3 -4069,0,1813,0,1600,1,1,42,,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,1,2,2,1,1,2,2,2,3,1,91,1,20,1,80,1,1,2,2 -4070,0,1700,0,1630,1,1,25,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,114,1,41,1,126,1,1,2,3 -4071,0,2130,0,2030,1,1,14,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,4,,,4,4,4,10,,,,,,,,10,,2,,2,,1,2,2,2,2,2,,,2,2,1,113,1,22,1,120,1,1,1,3 -4072,0,1857,0,,2,1,51.6,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,127,1,18,1,96,3,2,2,2 -4073,0,1929,0,1800,1,1,,,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,2,2,2,2,2,1,2,4,2,3,1,139,1,23,1,90,2,1,1,2 -4074,0,2215,0,2200,1,1,20,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,3: > 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,3,3,,,2,3,1,126,1,18,1,122,2,1,1,2 -4075,0,1840,0,1730,1,1,25,4,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,1,2,1,1,1,1,2,2,2,1,2,3,2,2,1,134,1,26,1,86,2,1,2,3 -4076,0,1630,0,0830,1,1,35,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,another student jumped on him in gym,,7,2,2,,1,1,1,2,2,2,2,1,3,2,2,2,1,112,1,20,1,68,5,2,2,3 -4077,0,2145,0,2120,1,1,98,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,1,1,1,1,1,1,2,2,1,1,3,2,3,1,149,1,18,1,135,2,1,2,3 -4078,0,1036,0,1000,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,123,1,32,1,139,1,1,2,2 -4079,0,2055,0,2030,1,1,45,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,2,1,14,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,1,,,,4,,1,2,1,2,1,1,2,2,2,1,1,3,2,2,1,118,1,22,1,87,4,4,2,3 -4080,0,1500,0,,2,1,56.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,135,1,18,1,102,2,1,2,2 -4081,0,1836,0,1800,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,1,2,,2,2,2,2,2,1,2,3,2,3,1,128,1,18,1,88,2,2,2,2 -4082,0,1722,0,,2,1,59.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,7,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,113,1,18,1,84,1,1,3,2 -4083,0,0951,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,4,2,3,1,118,1,16,1,76,2,1,2,2 -4084,0,1542,0,1500,1,1,55,4,8,2,,3,2,2,2,1,3,2,2,2,2,2,1,2,1,1,2,14,,2,1,4,1,2,1,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,2,1,2,1,3,2,1,110,1,20,1,89,1,1,2,3 -4085,0,2300,0,,2,1,46,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Ran into concrete wall,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,133,1,28,1,93,1,1,2,3 -4086,0,1410,0,1300,1,1,104.5,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,Fall down ski hill,,2,2,2,,2,,2,2,2,2,2,1,2,3,2,3,1,128,1,20,1,96,3,2,2,2 -4087,0,1500,0,1415,1,1,45,1,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,1,2,2,2,2,2,2,1,1,2,2,3,1,117,1,20,1,80,3,2,1,2 -4088,0,1858,0,1800,1,1,,,8,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,5,,,,,3,,,5,,2,,1,2,1,2,2,2,3,1,3,1,3,3,1,124,1,46,1,106,5,4,2,3 -4089,0,2306,0,2200,1,1,56,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,17,1,77,1,1,2,2 -4090,0,1528,0,1423,1,1,80,4,1,1,4,2,2,2,2,2,4,2,3,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,6,,,,,1,,2,,1,3,1,2,2,4,1,2,,,2,2,1,98,1,20,1,89,3,3,2,3 -4091,0,1813,0,1743,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,1,2,,2,1,1,2,2,1,1,3,2,2,1,111,1,16,1,106,1,1,1,2 -4092,0,1317,0,1000,1,1,19,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Fell onto floor (tile covered) at gym class,,2,2,2,,2,,2,1,2,2,2,2,,,2,2,1,108,1,22,1,91,1,1,2,2 -4093,0,2128,0,,2,1,,,8,2,,1,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,2,2,2,2,2,2,1,3,2,2,2,1,160,1,18,1,88,2,1,2,2 -4094,0,1555,0,1455,1,1,30,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,2,,1,2,2,2,2,2,,,2,2,1,119,1,24,1,112,1,1,3,3 -4095,0,1235,0,1150,1,1,53,2,3,2,,4,4,4,4,4,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,1,1,1,3,2,3,1,116,1,16,1,64,3,1,3,3 -4096,0,0741,0,,2,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,95,1,20,1,104,1,1,3,2 -4097,0,,-1,2200,1,2,61,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,7,1: Intentional,,,,,,,7,,2,,1,1,1,2,2,2,2,1,1,3,2,3,1,104,1,22,1,90,1,1,2,3 -4098,0,2122,0,1915,1,1,14,2,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,3,,,3,3,1,118,1,24,1,84,2,1,2,2 -4099,0,1316,0,1250,1,1,56.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,1,2,,2,1,1,2,2,2,,,2,3,1,123,1,18,1,105,1,1,2,2 -4100,0,2210,0,,2,1,65,4,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,2,1,2,2,3,,4,,3,,3,1,2,2 -4101,0,1800,0,1730,1,1,15,2,3,2,,2,2,2,2,2,3,1,1,1,2,2,2,2,1,2,1,14,,2,1,3,1,2,2,2,4,4: Speed Unknown,,,1,,,,4,,1,2,1,1,1,1,2,2,2,1,3,3,3,2,1,132,1,47,1,150,4,4,2,3 -4102,0,1755,0,1600,1,1,21.6,1,8,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,ran into edge of fire pit grate,,7,2,2,,1,1,1,1,2,2,2,1,2,2,2,3,1,92,1,20,1,90,3,1,1,3 -4103,0,,0,0900,1,2,30,4,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,104,1,18,1,111,1,1,1,2 -4104,0,2020,0,,2,1,60,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,122,1,19,1,93,1,1,1,3 -4105,0,1415,0,1000,1,1,84,4,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,123,1,16,1,90,1,1,2,2 -4106,0,1545,0,1520,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,3,,1,2,2,2,2,2,,,2,3,1,128,1,40,1,115,1,1,2,3 -4107,0,1658,0,1600,1,1,68.2,2,3,2,,1,2,2,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,2,,,2,3,1,119,1,18,1,79,2,2,2,3 -4108,0,1611,0,1500,1,1,123,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,3,2,2,2,,,2,3,1,149,1,18,1,97,1,1,1,2 -4109,0,2250,0,2150,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,125,1,18,1,80,1,1,2,2 -4110,0,1657,0,1600,1,1,22,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,1,2,2,2,2,1,88,1,24,1,105,5,1,1,3 -4111,0,2140,0,1900,1,1,45.5,2,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Motorcross accident,,6,2,1,2,1,1,2,2,2,2,2,2,,,2,2,1,148,1,38,1,94,1,1,2,2 -4112,0,1219,0,,2,1,26,4,3,2,,1,1,1,2,2,2,3,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,1,1,1,2,1,2,2,2,2,1,4,1,2,2,1,103,1,16,1,127,1,1,3,3 -4113,0,1740,0,1710,1,1,24,3,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,3,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,133,1,20,1,142,1,1,2,3 -4114,0,1740,0,1710,1,1,13.6,4,3,2,,2,2,2,2,2,3,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,118,1,32,1,129,1,1,1,3 -4115,0,1525,0,1500,1,1,40.8,1,8,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,2,4,2,3,1,112,1,16,1,101,1,1,2,2 -4116,0,2230,0,1830,1,1,11.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,1,2,1,2,1,2,3,1,99,1,26,1,112,3,2,2,2 -4117,0,1950,0,1900,1,1,12,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,2,3,1,117,1,36,1,111,1,1,2,3 -4118,0,1407,0,,2,1,70,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,18,1,97,1,1,2,2 -4119,0,1821,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,110,1,21,1,124,2,1,2,3 -4120,0,1714,0,0900,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,1,2,2,2,2,1,1,1,2,2,1,129,1,18,1,75,1,1,2,3 -4121,0,0130,0,0100,1,1,70,4,4,2,,4,4,4,2,2,2,2,2,3,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,120,1,21,1,138,3,3,2,1 -4122,0,2339,0,,2,1,49.9,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,4,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,2,1,1,2,4,2,,,2,2,1,130,1,20,1,92,1,1,2,2 -4123,0,2220,0,1700,1,1,16.5,1,3,1,1,2,2,2,2,2,1,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,3,1,2,2,2,3,2,,,2,2,1,122,1,24,1,88,2,1,1,3 -4124,0,1450,0,,2,1,15.9,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,105,1,22,1,112,1,1,2,2 -4125,0,2210,0,2140,1,1,82,2,2,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,3,1,130,1,20,1,100,1,1,2,3 -4126,0,1915,0,1800,1,1,17,3,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,2,9,,,,,,Fall off horse then horse stepped on abd,,2,2,2,,1,1,1,1,2,2,3,1,2,3,2,3,1,113,1,22,1,110,5,4,2,3 -4127,0,2020,0,1930,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,9,,,,,,Head to head collision on football field,,9,2,2,,2,,1,2,2,2,2,2,,,2,2,1,154,1,20,1,104,1,1,2,3 -4128,0,1913,0,1700,1,1,21,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,18,1,90,1,1,2,2 -4129,0,1815,0,1815,1,1,70,2,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,14,1,81,1,1,2,2 -4130,0,1400,0,1300,1,1,15,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,1,1,2,,2,1,2,2,2,1,2,6,2,3,1,95,1,24,1,112,2,2,2,2 -4131,0,1550,0,1350,1,1,16,1,3,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,1,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,24,1,110,2,1,2,2 -4132,0,0600,0,,2,1,62.7,1,3,2,,2,4,4,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,120,1,22,1,78,2,1,2,2 -4133,0,1128,0,1000,1,1,56.7,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,115,1,18,1,90,1,1,2,2 -4134,0,1010,0,0850,1,1,60.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,16,1,80,1,1,1,2 -4135,0,1346,0,1300,1,1,107,2,3,2,,2,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,155,1,14,1,97,3,2,2,3 -4136,0,1500,0,1425,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,4,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,158,1,28,1,134,1,1,3,2 -4137,0,1733,0,1700,1,1,50,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Mini motorized bike accident,,6,2,2,,2,,2,1,2,2,3,2,,,2,3,1,122,1,16,1,80,1,1,3,2 -4138,0,1226,0,1200,1,1,65.8,1,3,1,2,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,2,2,2,2,2,2,,,2,2,1,126,1,18,1,94,1,1,2,2 -4139,0,0140,0,,2,1,20,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,107,1,20,1,111,2,1,2,2 -4140,0,1525,0,1500,1,1,5,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,2,3,4,2: 5 - 20 mph,,,3,,,"Next to ""Unknown"" physician wrote ""suspected not""",4,,2,,2,,1,2,2,2,3,2,,,2,2,1,98,1,36,1,141,1,1,2,3 -4141,0,2230,0,2130,1,1,75,2,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,3,,,3,2,3,9,,,,,,football injury: tackled helmet to chest/abd.,,7,2,1,2,1,1,1,2,2,2,2,3,,,2,2,1,117,1,18,1,69,2,1,3,3 -4142,0,1209,0,,2,1,16.6,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,16,1,80,1,1,2,2 -4143,0,1825,0,1615,1,1,55,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,1,1,126,1,28,1,133,4,4,2,3 -4144,0,2048,0,1930,1,1,63.5,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,1,2,1,2,2,2,3,2,2,2,,,2,2,1,125,1,18,1,100,3,1,2,2 -4145,0,1340,-1,2330,1,1,50,2,2,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,109,1,16,1,88,1,1,3,2 -4146,0,1700,0,1515,1,1,3.7,1,3,2,,3,3,3,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,3,3,1,92,1,28,1,178,2,1,1,3 -4147,0,1928,0,1700,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,1,2,2,2,2,,,2,2,1,140,1,24,1,88,1,1,2,2 -4148,0,1508,0,1500,1,1,43.1,1,11,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,3,1,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,1,2,1,2,2,2,2,1,3,1,3,3,1,141,1,26,1,138,4,4,2,3 -4149,0,0000,-1,2100,1,1,42.6,1,2,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,Hit in pelvis/flank playing football,,7,2,2,,2,,2,2,2,4,2,1,1,3,2,3,1,111,1,18,1,76,1,1,2,2 -4150,0,1237,-1,1700,1,1,11.5,1,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,9,,,,,,fell out of gold cart trailer,,2,2,2,,1,1,1,2,2,2,2,2,,,2,3,1,85,1,26,1,106,3,2,2,3 -4151,0,1817,0,,2,1,60,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,1,2,1,1,1,1,2,2,2,2,,,2,2,1,117,1,16,1,72,2,2,1,3 -4152,0,2206,0,2030,1,1,45,1,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Kicked in chest by a horse,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,22,1,79,1,1,2,2 -4153,0,1832,0,1430,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,1,3,1,2,2,2,2,1,2,2,2,2,1,108,1,22,1,120,1,1,1,3 -4154,0,1814,-1,,2,1,5.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,9,,,,,,Suspicion for non-accidental trauma,,7,2,2,,2,,1,2,2,2,1,2,,,2,2,1,92,1,36,1,140,2,1,2,3 -4155,0,1750,0,1720,1,1,16,2,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,1: < 5 mph,,,1,,,,4,,2,,1,2,2,2,2,2,2,1,1,1,2,2,1,112,1,26,1,110,4,3,2,2 -4156,0,1940,0,1900,1,1,40,4,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,4,,2,,2,2,2,2,2,2,,,2,3,1,124,1,14,1,92,1,1,2,2 -4157,0,1405,0,1330,1,1,10,4,3,2,,3,3,3,2,2,3,3,2,3,1,2,2,2,4,5,6,3,,1,3,,,3,3,3,8,,,,,,,Suspected shaken baby,8,,2,,2,,1,2,2,1,2,3,,,3,2,1,86,2,,1,140,2,2,2,3 -4158,0,1600,0,1530,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Football collision,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,83,1,27,1,115,1,1,2,3 -4159,0,1630,0,,2,1,35,2,1,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,4: Speed Unknown,,,3,,,,4,,1,2,1,1,1,1,2,2,3,1,2,1,2,3,1,91,1,26,1,133,2,2,2,3 -4160,0,2050,0,1615,1,1,38,3,2,2,,1,1,2,2,2,1,2,2,2,2,2,1,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,Kneed to stomach by another kid,7,,2,,1,1,2,2,2,2,2,1,3,2,2,2,1,123,1,24,1,94,4,2,1,2 -4161,0,1941,0,1900,1,1,,,8,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,129,1,30,1,121,1,1,2,3 -4162,0,2328,0,2045,1,1,54,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,1,1,1,2,2,2,1,99,1,18,1,83,1,1,1,2 -4163,0,2111,0,,2,1,30,1,3,1,4,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,116,1,63,1,110,4,4,2,2 -4164,0,1804,0,1650,1,1,8.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,3,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,94,1,32,1,108,1,1,2,2 -4165,0,1735,0,1655,1,1,30,4,3,1,1,3,3,3,2,2,3,3,2,1,1,1,1,2,1,4,3,10,,2,3,,,2,2,1,5,,,,,3,,,5,,2,,1,1,1,1,2,2,3,3,,,2,2,1,90,1,33,1,143,3,2,2,3 -4166,0,1536,0,1445,1,1,48.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,17,1,86,1,1,1,2 -4167,0,1945,0,1900,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,2,,1,2,2,2,2,2,,,2,2,1,136,1,20,1,76,2,1,2,3 -4168,0,2241,0,1200,1,1,16.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,1,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,120,1,35,1,168,1,1,3,2 -4169,0,1715,0,1600,1,1,63.5,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell And Hit Head On Rock In Water,,2,2,2,,1,1,2,2,2,2,2,2,,,2,2,1,119,1,24,1,87,1,1,1,2 -4170,0,1939,0,1415,1,1,66.4,1,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,129,1,24,1,99,1,1,2,2 -4171,0,,0,,2,2,,,3,2,,2,2,2,2,2,3,1,3,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,1,4: Speed Unknown,1,7,,,,,1,,2,,1,1,2,2,2,2,2,1,2,4,3,2,1,100,1,24,1,100,3,2,3,2 -4172,0,0812,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,2,1,127,1,16,1,95,1,1,3,2 -4173,0,2040,0,1930,1,1,15,3,3,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,2,1,1,3,2,3,1,133,1,22,1,110,2,2,2,3 -4174,0,0912,0,0845,1,1,109,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,16,1,76,1,1,2,2 -4175,0,1700,0,1630,1,1,,,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,2,2,,1,2,2,2,2,2,,,2,3,1,121,1,22,1,108,1,1,2,3 -4176,0,1945,0,1920,1,1,66.8,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,21,1,92,1,1,2,2 -4177,0,1940,0,1830,1,1,40,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,tackle football- hyperlordosis trauma,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,20,1,85,1,1,2,2 -4178,0,1100,-1,1700,1,1,24,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,3,,,5,,2,,2,,2,1,2,2,2,2,,,2,2,1,119,1,22,1,109,1,1,2,2 -4179,0,1926,0,1830,1,1,45,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,1,2,2,2,1,140,1,18,1,80,4,2,2,3 -4180,0,2139,0,2050,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,3: > 20 mph,,,3,,,,4,,1,2,1,1,1,2,2,2,2,1,2,3,2,3,1,140,1,18,1,88,2,2,2,3 -4181,0,1912,0,,2,1,12,3,3,2,,3,3,3,1,2,3,3,2,2,1,1,1,2,4,5,6,3,,1,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,1,1,1,2,1,2,3,2,1,3,,,2,3,1,156,1,22,1,190,5,2,1,3 -4182,0,0915,0,0700,1,1,19.5,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,102,1,20,1,72,1,1,2,1 -4183,0,1430,0,1400,1,1,38.7,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,110,1,20,1,74,1,1,1,2 -4184,0,1231,0,1200,1,1,15,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,112,1,28,1,150,1,1,2,3 -4185,0,0830,0,0700,1,1,40.9,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,107,1,20,1,78,1,1,2,2 -4186,0,2216,0,2145,1,1,52.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,1,2,1,2,2,1,130,1,24,1,84,1,1,1,2 -4187,0,1015,0,,2,1,10,2,8,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,102,1,24,1,128,2,1,2,2 -4188,0,0100,-1,1845,1,1,39.7,1,1,1,1,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,1,1,1,2,3,1,103,1,20,1,79,2,2,2,3 -4189,0,1729,0,,2,1,65,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,2,1,13,,2,2,,,1,2,1,6,,,,,,,,6,,2,,1,3,1,2,2,2,1,2,,,2,2,1,142,1,23,1,93,2,1,2,3 -4190,0,1400,-1,1800,1,1,26.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,1,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,1,2,1,2,1,2,3,1,137,1,24,1,84,4,3,2,3 -4191,0,0857,-1,1400,1,1,37.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,18,1,91,1,1,2,2 -4192,0,1838,0,1700,1,1,52.7,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,20,1,72,1,1,2,2 -4193,0,1822,0,,2,1,40,4,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,4,6,2,2,1,130,1,18,1,80,3,2,2,3 -4194,0,1310,0,1200,1,1,65,4,1,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,18,1,85,2,1,2,2 -4195,0,2245,0,2200,1,1,54,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,4,2,2,,,2,3,1,142,1,20,1,89,1,1,2,2 -4196,0,1000,0,0945,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,103,1,28,1,114,1,1,2,2 -4197,0,1500,0,1330,1,1,60,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,3,1,2,3,2,2,1,127,1,20,1,88,2,1,2,2 -4198,0,1536,0,,2,1,12,3,8,1,1,1,2,2,2,2,2,2,2,2,2,2,1,2,1,2,2,13,,2,3,,,2,2,1,8,,,,,,,Suspected child abuse,8,,2,,2,,1,2,2,2,2,2,,,2,3,1,120,1,30,1,200,2,1,1,3 -4199,0,1430,0,1400,1,1,75,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,2,,,2,3,1,116,1,20,1,46,1,1,2,2 -4200,0,1438,0,1338,1,1,33,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,138,1,16,1,108,1,1,2,2 -4201,0,1512,0,1500,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,3,3,2,10,,2,2,,,1,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,1,2,1,1,2,2,2,2,,,2,2,1,120,1,36,1,124,3,3,1,3 -4202,0,2100,0,,2,1,65,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell off a horse,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,109,1,21,1,82,1,1,3,3 -4203,0,0930,-1,1430,1,1,65,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,123,1,18,1,94,1,1,2,2 -4204,0,1747,0,,2,1,45.4,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from standing,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,20,1,86,1,1,1,2 -4205,0,1537,0,1515,1,1,35.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,3,2,2,,,2,3,1,110,1,18,1,78,1,1,2,2 -4206,0,1030,0,0920,1,1,45,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,121,1,20,1,81,1,1,1,2 -4207,0,1937,0,1830,1,1,59,1,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,3,1,2,2,2,1,2,4,1: < 5 mph,,,2,,,,4,,1,1,2,,2,2,2,2,2,1,2,3,2,3,1,115,1,18,1,75,1,1,2,2 -4208,0,1030,0,0900,1,1,45,4,8,2,,2,1,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,20,1,106,3,3,2,2 -4209,0,1901,0,1800,1,1,35,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,115,1,28,1,94,1,1,1,2 -4210,0,2220,0,2130,1,1,73,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,122,1,16,1,64,1,1,1,2 -4211,0,0956,0,,2,1,,,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,5,,,,,3,,,5,,2,,1,3,1,1,2,2,2,1,2,1,2,2,1,86,1,18,1,106,4,2,2,3 -4212,0,1600,0,1500,1,1,,,1,1,4,1,2,2,2,2,2,4,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,3,4,4,4,,,4,4,1,111,1,16,1,71,1,1,3,2 -4213,0,2057,0,2000,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,22,1,101,1,1,2,2 -4214,0,1756,0,1730,1,1,18.1,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,3,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,113,1,24,1,107,2,1,2,2 -4215,0,1907,0,1530,1,1,75,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Diving injury off side of pool,,9,2,2,,2,,1,2,2,2,2,2,,,2,2,1,122,1,15,1,79,1,1,1,3 -4216,0,0232,0,0000,1,1,33,2,1,1,2,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fall from standing.,,2,2,2,,2,,2,2,2,2,1,2,,,2,3,1,114,1,22,1,95,1,1,2,2 -4217,0,1541,0,1530,1,1,42.1,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,2,2,2,1,2,3,2,3,1,124,1,20,1,87,1,1,2,2 -4218,0,2108,0,,2,1,20,3,3,1,2,3,3,3,2,2,3,3,2,1,1,2,2,2,4,5,6,3,,2,3,,,2,3,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,2,1,2,3,2,3,3,,,3,3,1,90,2,,1,88,4,3,1,3 -4219,0,1516,0,1455,1,1,85.7,2,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,2,1,2,2,2,3,2,,,2,2,1,134,1,15,1,112,3,2,1,3 -4220,0,1830,0,1700,1,1,15,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,2,2,2,2,2,2,1,1,2,2,3,1,118,1,16,1,116,3,2,2,2 -4221,0,2321,0,,2,1,75,2,1,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,2,1,149,1,21,1,73,2,2,2,3 -4222,0,1600,0,,2,1,16,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,3,3,2,2,3,2: 6-15,,,,,,,3,,2,,1,3,1,2,2,2,2,1,1,1,2,2,1,128,1,24,1,111,1,1,3,3 -4223,0,2025,0,1930,1,1,50,2,8,2,,2,2,2,2,2,3,3,3,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,2,1,2,2,1,133,1,34,1,99,1,1,2,3 -4224,0,1846,0,1800,1,1,86,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,2,1,14,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,2,,,,,Trolley accident,1,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,148,1,36,1,185,1,1,2,3 -4225,0,1640,0,1630,1,1,46.8,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,7,1: Intentional,,,,,,,7,,1,1,1,1,1,2,2,2,2,1,3,2,2,4,1,105,1,22,1,72,4,2,2,3 -4226,0,2200,0,1630,1,1,106,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,9,,,,,,APA,,9,2,2,,1,1,2,2,2,2,2,1,2,2,2,2,1,130,1,18,1,87,3,2,2,2 -4227,0,0900,0,0800,1,1,22.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,2,,1,2,2,2,2,1,1,1,2,3,1,106,1,24,1,108,1,1,2,3 -4228,0,2008,0,1600,1,1,57,1,3,1,4,2,2,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,9,,,,,,ATV rollover,,6,2,2,,2,,1,2,2,2,2,2,,,2,3,1,125,1,20,1,66,1,1,3,3 -4229,0,1507,0,1445,1,1,82,4,8,2,,2,2,2,2,2,4,4,4,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,140,1,16,1,70,1,1,2,3 -4230,0,1027,0,0945,1,1,15,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,1,,,,4,,2,,2,,1,2,2,4,2,2,,,2,3,1,128,1,20,1,124,2,1,2,3 -4231,0,1734,0,,2,1,77.1,1,1,1,1,1,1,1,1,1,1,2,2,2,2,2,2,2,1,2,1,14,,2,1,3,1,1,1,1,1,3: > 40 mph,3,,,,,,1,,3,,1,1,1,2,2,2,2,1,3,1,2,2,1,124,1,14,1,72,4,4,2,3 -4232,0,2045,0,1930,1,1,165,2,3,2,,2,2,2,2,2,1,1,3,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,1: < 20 mph,2,,,,,,1,,1,2,1,2,1,1,2,2,2,1,3,6,2,2,1,158,1,22,1,104,4,4,2,3 -4233,0,2343,0,,2,1,10.9,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,3,2: 6-15,,,,,,,3,,2,,1,3,1,2,2,2,2,2,,,2,2,1,103,1,32,1,131,1,1,1,3 -4234,0,2026,0,2000,1,1,64,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,124,1,16,1,82,1,1,1,2 -4235,0,2100,0,,2,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,1,2,2,1,123,1,16,1,96,2,2,2,2 -4236,0,1735,0,1705,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,115,1,16,1,100,1,1,2,2 -4237,0,1500,0,1430,1,1,81,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,1,1,2,4,2,3,1,137,1,18,1,80,1,1,2,2 -4238,0,0459,0,0100,1,1,15,4,8,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,2,2,13,,2,3,,,2,3,3,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,3,1,120,1,26,1,110,1,1,2,3 -4239,0,2204,0,2100,1,1,15,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,14,,1,3,,,2,3,3,9,,,,,,"Fall while running, hit head on edge of table",,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,90,1,20,1,135,1,1,2,3 -4240,0,2130,0,2100,1,1,70,,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,9,,,,,,football injury,,7,2,1,1,2,,2,2,2,2,2,1,2,2,2,3,1,130,1,20,1,85,3,1,2,2 -4241,0,2152,0,,2,1,4.8,1,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,2,1,8,,,,,,,,8,,2,,2,,1,2,2,2,2,2,,,2,3,1,94,1,44,1,130,2,1,2,3 -4242,0,1810,0,1700,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,16,1,80,1,1,2,2 -4243,0,1907,0,1600,1,1,87,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,1,2,2,2,1,127,1,13,1,97,2,1,2,2 -4244,0,1955,0,1930,1,1,8,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,3,2: 6-15,,,,,,,3,,2,,1,3,1,2,2,2,2,2,,,2,2,1,93,1,63,1,162,1,1,2,3 -4245,0,1758,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,24,1,125,1,1,2,2 -4246,0,0916,0,0900,1,1,69,1,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,137,1,15,1,86,1,1,2,2 -4247,0,1443,0,1400,1,1,19,2,3,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,2,2,3,11,,2,1,1,1,1,2,2,8,,,,,,,,8,,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,26,1,128,1,1,2,2 -4248,0,2019,0,1400,1,1,54,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,3: Unknown intentionality,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,1,2,2,3,,1,26,1,104,1,1,1,2 -4249,0,1445,0,1430,1,1,11,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,28,1,112,1,1,1,2 -4250,0,1300,0,1200,1,1,30,4,3,1,2,1,1,1,1,1,1,2,2,2,1,1,1,2,1,1,1,15,,2,1,3,1,2,1,1,1,1: < 20 mph,2,,,,,ATV Accident,1,,1,2,1,2,1,1,2,2,2,1,2,1,2,2,1,85,2,,1,157,5,5,1,3 -4251,0,,0,,2,2,40,,1,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,4,2: 5 - 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,3,1,1,3,2,2,1,104,1,20,1,116,4,3,2,3 -4252,0,1704,0,1630,1,1,75,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Ejected from back of truck,,9,1,2,,1,2,1,2,2,2,2,2,,,2,2,1,110,1,15,1,65,2,2,2,3 -4253,0,1500,0,1200,1,1,13.5,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Fall down hill onto concrete, in stoller",,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,111,1,15,1,130,2,1,1,3 -4254,0,0809,0,0745,1,1,,,1,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,107,1,18,1,78,1,1,2,2 -4255,0,2016,0,1930,1,1,50,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Struck head while bull riding,,9,2,2,,2,,1,2,2,2,2,2,,,2,3,1,132,1,17,1,109,1,1,2,3 -4256,0,0849,0,0800,1,1,35,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,129,1,15,1,103,2,1,2,3 -4257,0,1735,0,1714,1,1,13.9,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,4,2: 5 - 20 mph,,,2,,,Patient dragged by car,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,24,1,130,2,1,2,2 -4258,0,1202,0,1130,1,1,41,2,2,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,jumped and landed on ball and fell,,2,2,2,,2,,2,2,2,2,2,1,1,3,2,3,1,121,1,22,1,97,1,1,2,2 -4259,0,1959,0,1930,1,1,70,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Skateboarding,,2,2,2,,2,,2,2,2,2,3,2,,,2,2,1,124,1,18,1,98,1,1,2,2 -4260,0,1530,0,1400,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,3,1,110,1,20,1,98,1,1,2,3 -4261,0,1410,0,1350,1,1,50,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,3,1,115,1,22,1,99,1,1,2,2 -4262,0,1830,0,1800,1,1,8,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,2,1,105,1,32,1,112,1,1,2,3 -4263,0,1050,0,,2,1,14.5,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,7,4: Physician did not answer,,,,,,,7,,2,,1,3,1,2,2,2,2,2,,,2,3,1,124,1,40,1,158,2,1,2,3 -4264,0,1249,0,,2,1,15,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,2,9,,,,,,Crushed by cabinet,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,93,1,24,1,118,1,1,2,2 -4265,0,2246,0,,2,1,13,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,180,1,18,1,128,1,1,2,3 -4266,0,1800,0,1700,1,1,18,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,5,,,,,1,,3,,2,,1,2,2,2,2,2,,,2,3,1,85,1,26,1,87,2,1,2,3 -4267,0,2239,0,,2,1,5.9,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,3,2,4,2,,,2,3,1,82,1,20,1,128,1,1,1,3 -4268,0,1934,0,1900,1,1,59,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,134,1,20,1,80,1,1,2,2 -4269,0,1837,0,1745,1,1,68,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,129,1,20,1,137,1,1,2,3 -4270,0,1505,0,1330,1,1,50,2,3,3,,4,2,2,2,2,2,2,2,3,1,1,1,1,1,1,1,15,,2,2,,,2,4,1,6,,,,,,,,6,,2,,2,,1,2,3,2,2,2,,,2,2,1,153,1,16,1,92,1,1,1,3 -4271,0,1725,0,1700,1,1,104,2,3,1,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,7,1: Intentional,,,,,,,7,,1,1,2,,2,2,2,2,2,2,,,2,3,1,134,1,18,1,88,1,1,2,2 -4272,0,1908,0,,2,1,52.3,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,4,,,Physician answered No for II. #3 but put mild for severity of abdominal pain,4,,2,,2,,2,2,2,2,1,2,,,2,2,1,124,1,24,1,94,1,1,2,2 -4273,0,2227,0,2030,1,1,43,,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,trampoline,,2,2,1,1,2,,1,2,2,2,2,2,,,2,2,1,118,1,16,1,106,1,1,2,3 -4274,0,1732,0,1445,1,1,43,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,20,1,107,1,1,2,2 -4275,0,1338,0,,2,1,44,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,137,1,16,1,87,1,1,1,2 -4276,0,1928,0,,2,1,17,3,8,2,,3,3,3,2,2,3,3,2,2,1,2,1,2,4,5,2,7,,2,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,3,,,3,2,1,105,2,,1,128,1,1,2,3 -4277,0,0109,-1,,2,1,30,4,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,2,2,1,13,,2,3,,,2,2,1,1,3: > 40 mph,4,,,,,,1,,2,,1,1,1,2,2,2,2,1,2,1,2,2,1,144,1,23,1,130,2,1,2,3 -4278,0,2016,0,,2,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,3,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,125,1,24,1,100,1,1,2,2 -4279,0,1835,0,,2,1,4.5,,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,2,,1,28,1,106,1,1,2,2 -4280,0,1947,0,1915,1,1,12,1,8,2,,2,2,2,2,2,2,3,3,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,103,1,50,1,135,1,1,2,3 -4281,0,2040,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,3,,4,,3,,1,1,2,2 -4282,0,1635,0,1600,1,1,75,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,3,2,2,2,,,2,3,1,146,1,16,1,99,1,1,2,2 -4283,0,2010,0,1715,1,1,61.3,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,4: Unknown,,,,,,,3,,2,,2,,1,2,3,2,2,2,,,2,2,1,125,1,18,1,92,1,1,1,3 -4284,0,0230,0,0200,1,1,86.2,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,3,,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,3,1,117,1,16,1,97,1,1,2,2 -4285,0,0955,0,0930,1,1,115,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,143,1,18,1,94,1,1,2,2 -4286,0,2145,0,2130,1,1,50,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,1,2,2,3,2,,,2,3,1,132,1,14,1,103,2,1,2,2 -4287,0,1523,0,1102,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,121,1,24,1,142,1,1,2,3 -4288,0,1803,0,1730,1,1,113,1,3,2,,2,2,2,2,2,2,2,2,2,3,3,3,3,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,108,1,16,1,54,1,1,3,2 -4289,0,1830,0,1630,1,1,62.9,1,8,2,,2,2,2,2,2,1,3,3,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,1,2,9,,,,,,struck on right side of abdomen by a teammate during football practice,,7,2,2,,1,1,1,2,2,2,2,1,3,1,1,3,1,145,1,36,1,78,5,4,2,3 -4290,0,2138,0,,2,1,97.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Assault (kicked in groin),,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,144,1,18,1,113,1,1,2,2 -4291,0,2058,0,1800,1,1,13,3,1,3,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,2,2,3,2,2,,,2,3,1,110,1,22,1,129,1,1,2,3 -4292,0,2050,0,1900,1,1,50,4,8,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,,,,,3,2,3,,,3,3,3,1,3: > 40 mph,1,1,,,,,1,,1,1,1,1,1,2,2,2,2,3,,,3,2,1,106,1,18,1,78,3,1,2,3 -4293,0,2059,0,,2,1,7,2,3,2,,2,2,2,2,2,3,3,3,3,2,2,2,2,1,2,2,13,,1,3,,,3,3,3,9,,,,,,Possible trauma / abuse,,7,2,2,,1,1,1,2,2,1,2,3,,,3,3,1,126,1,38,1,180,2,1,2,3 -4294,0,0920,0,0832,1,1,115,2,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,5: Physician did not answer,4,,,,,,1,,4,,1,3,1,2,2,2,3,2,,,2,2,1,118,1,20,1,94,4,3,2,3 -4295,0,1855,0,,2,1,22,2,9,2,,3,3,3,2,2,3,3,2,3,2,2,1,1,2,2,2,12,,2,3,,,1,3,3,9,,,,,,"wrestling with friend, unwitnessed, possible fall",,7,2,2,,2,,1,2,2,2,2,3,,,3,2,1,119,1,38,1,87,1,1,2,3 -4296,0,1540,0,1420,1,1,60,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,127,1,16,1,86,1,1,3,2 -4297,0,,0,1130,1,2,17,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,103,1,22,1,81,2,1,3,2 -4298,0,1825,0,,2,1,20,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,42,1,141,1,1,2,3 -4299,0,1210,0,1030,1,1,25,1,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,7,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,22,1,80,1,1,1,2 -4300,0,2127,0,,2,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,3,2,2,1,2,3,2,2,1,125,1,20,1,111,3,2,2,3 -4301,0,2000,0,1800,1,1,41,2,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,1,1,4,2,3,1,105,1,18,1,72,1,1,2,2 -4302,0,1720,0,1700,1,1,35,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,139,1,20,1,86,2,1,1,3 -4303,0,1435,0,1330,1,1,36.3,1,8,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,1,2,,,2,3,1,113,1,16,1,79,1,1,1,2 -4304,0,1545,-1,2000,1,1,32.5,1,8,1,2,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,1,3,2,2,2,4,2,2,,,2,2,1,102,1,18,1,80,3,1,1,2 -4305,0,2000,0,1630,1,1,37.2,1,2,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,2,2,5,,,,,1,,,5,,4,,1,1,1,1,2,2,2,1,3,2,2,3,1,138,1,32,1,132,5,5,2,3 -4306,0,0522,0,0440,1,1,90,,4,2,,2,2,2,2,2,2,2,4,1,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,4,4,1,145,1,14,1,75,2,1,2,3 -4307,0,0845,0,0657,1,1,55,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,124,1,14,1,100,1,1,3,3 -4308,0,1946,0,1850,1,1,30,3,8,2,,3,3,3,1,2,3,3,2,3,1,2,1,2,4,5,3,6,,2,3,,,1,3,3,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,3,4,,,3,2,1,99,1,24,1,109,3,2,2,3 -4309,0,2315,0,1300,1,1,23,1,3,2,,2,2,2,2,2,1,2,1,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,5,,,,,1,,,5,,2,,1,3,1,2,2,3,2,1,1,1,2,3,1,118,1,20,1,106,4,2,2,3 -4310,0,1502,0,1130,1,1,15,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,,,,,15,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,1,2,2,2,3,2,,,2,2,1,117,1,20,1,125,1,1,3,3 -4311,0,1725,0,1700,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,130,1,27,1,131,1,1,2,3 -4312,0,1730,0,1500,1,1,15.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,3,1,132,1,60,1,191,1,1,2,3 -4313,0,1830,0,1815,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,4,,1,2,2,2,2,2,,,2,3,1,107,1,24,1,106,1,1,1,3 -4314,0,2015,0,2000,1,1,25,2,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,2,2,2,2,2,2,,,2,2,1,132,1,38,1,103,1,1,2,2 -4315,0,1615,0,,2,1,15.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,Moon Bounce feel over with patient inside,,7,2,1,2,1,1,2,2,2,2,3,1,2,1,2,3,1,111,1,30,1,137,3,2,2,2 -4316,0,2136,0,2120,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,1,2,2,2,1,1,1,2,2,1,144,1,50,1,115,3,1,2,3 -4317,0,1148,0,,2,1,70,4,1,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,2,1,153,1,26,1,106,1,1,1,3 -4318,0,0901,0,0830,1,1,30,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,103,1,20,1,100,1,1,2,2 -4319,0,1830,0,1800,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,1: < 5 mph,,,1,,,,4,,2,,2,,2,2,2,2,1,2,,,2,2,1,121,1,24,1,164,1,1,2,2 -4320,0,2055,0,1855,1,1,37,1,3,1,1,1,2,1,2,2,2,3,3,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,98,1,20,1,92,2,2,2,2 -4321,0,0009,0,,2,1,50,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,3,1: 5 or less,,,,,,,3,,1,2,2,,2,2,2,2,2,1,1,6,2,3,1,128,1,22,1,80,1,2,2,2 -4322,0,1715,0,1630,1,1,25,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,1,1,1,2,3,1,1,4,2,3,1,120,1,48,1,126,3,1,2,3 -4323,0,1441,0,1130,1,1,72,1,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,9,,,,,,assault by fist,,7,2,1,1,1,1,2,2,2,2,1,1,2,2,2,3,1,137,1,18,1,89,2,1,2,2 -4324,0,0900,0,0830,1,1,30,2,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,112,1,20,1,107,1,1,2,2 -4325,0,1749,0,1615,1,1,59.1,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,2,2,1,2,2,2,1,1,6,2,3,1,112,1,16,1,72,2,2,2,2 -4326,0,1637,0,1530,1,1,50,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,104,1,20,1,81,2,1,2,2 -4327,0,,0,1830,1,2,20,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,32,1,131,1,1,2,2 -4328,0,1614,0,,2,1,8.5,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,9,,,,,,No known trauma; suspected nonaccidental,,8,2,2,,2,,1,2,2,2,2,2,,,2,3,1,102,1,32,1,136,1,1,2,3 -4329,0,1615,0,1530,1,1,90,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,131,1,8,1,95,2,1,2,3 -4330,0,1622,0,1540,1,1,65,4,4,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,2,1,14,,2,1,1,2,2,2,1,9,,,,,,SKi Injury,,2,2,1,2,1,1,1,1,2,2,2,1,1,3,2,3,1,137,1,17,1,100,2,1,2,3 -4331,0,2209,0,1500,1,1,48.8,1,3,2,,1,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,thrown against locker,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,16,1,83,1,1,2,2 -4332,0,0719,0,,2,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,1,2,3,,1,2,2,2,3,2,,,2,3,1,97,1,19,1,120,2,1,2,3 -4333,0,1720,0,1640,1,1,60.6,1,1,2,,1,4,1,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,6,,,,,,,,6,,2,,2,,2,2,2,4,2,2,,,2,2,1,117,1,18,1,98,1,1,2,2 -4334,0,2000,0,1800,1,1,75,4,2,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,2,2,13,,2,1,3,1,1,1,1,9,,,,,,Fell down 100 feet very steep incline,,2,2,1,2,2,,1,1,2,1,1,1,3,2,3,2,1,100,1,22,1,129,5,5,2,3 -4335,0,,0,1830,1,2,45,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,137,1,14,1,105,1,1,1,2 -4336,0,1750,0,1700,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,1,3,3,,,3,2,1,131,1,36,1,126,4,3,2,3 -4337,0,1845,0,1815,1,1,12,3,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,3,3,,,2,3,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,2,1,88,1,28,1,139,1,1,2,3 -4338,0,1143,0,0300,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,4,3,2,,,2,3,1,87,1,32,1,147,1,1,2,3 -4339,0,2324,0,1930,1,1,16.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,2,2,2,2,2,2,,,2,3,2,,1,22,1,124,2,1,2,2 -4340,0,0220,0,0200,1,1,65,4,4,2,,2,2,2,2,1,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,8,,,,,,,,8,,1,1,2,,2,2,2,2,2,2,,,2,2,1,172,1,14,1,51,1,1,2,2 -4341,0,2048,0,,2,1,55,,9,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Wrestling w/ siblings,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,144,1,9,1,97,1,1,2,2 -4342,0,1946,0,,2,1,18,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,1,4,4: Speed Unknown,,,1,,,,4,,1,1,1,2,1,2,2,2,2,1,3,6,2,2,1,127,1,26,1,109,3,2,2,3 -4343,0,0800,0,0730,1,1,45,4,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,3,2,,,2,3,1,126,1,18,1,115,2,1,2,3 -4344,0,1445,0,,2,1,10.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,8,,,,,,,,8,,2,,2,,1,2,2,2,2,2,,,2,3,3,,1,28,1,124,1,1,2,3 -4345,0,1928,0,,2,1,34,2,3,2,,3,3,3,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,Patient ran into a low speed moving car with a skate board,,4,2,2,,2,,2,2,2,2,2,2,,,2,2,1,121,1,30,1,90,1,1,1,2 -4346,0,1350,0,1300,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,122,1,22,1,136,1,1,2,2 -4347,0,1640,0,1600,1,1,34.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,3,,,5,,4,,4,,2,2,2,2,2,2,,,2,3,1,113,1,18,1,78,1,1,2,2 -4348,0,1840,0,,2,1,40,2,8,2,,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,135,1,16,1,112,2,1,2,3 -4349,0,1520,0,1330,1,1,24.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Riding electronic toy car which hit parked car,,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,36,1,120,1,1,2,2 -4350,0,1741,0,,2,1,10,4,3,2,,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,131,1,79,1,120,1,1,2,3 -4351,0,1110,0,1040,1,1,15,4,8,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,2,2,2,12,,1,3,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,3,3,,,3,2,2,,3,,2,,3,2,2,3 -4352,0,1745,0,1715,1,1,44,2,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,131,1,18,1,118,1,1,2,2 -4353,0,1905,0,1820,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,1,2,2,2,3,2,,,2,3,1,148,1,16,1,83,1,1,2,3 -4354,0,1403,0,1348,1,1,,,5,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,2,,1,2,2,2,1,2,,,2,3,1,160,1,20,1,120,1,1,2,3 -4355,0,1550,0,1500,1,1,72,4,3,2,,2,2,2,1,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,2,2,,1,2,2,1,2,2,,,2,2,1,139,1,20,1,79,3,1,2,3 -4356,0,2035,0,1900,1,1,61.4,2,3,2,,1,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,"Fall off horse, horse fell onto her chest.",,2,2,2,,1,3,1,2,2,2,3,2,,,2,2,1,119,1,20,1,78,3,3,2,3 -4357,0,1840,0,,2,1,19.4,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,20,1,161,1,1,2,2 -4358,0,1007,-1,1700,1,1,37.2,1,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,3,2,2,3,1,98,1,16,1,80,2,1,2,2 -4359,0,1755,0,1644,1,1,45,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,20,1,88,1,1,2,2 -4360,0,1641,0,,2,1,35,4,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,1,6,,,,,,,Collided with ATV,6,,2,,1,1,1,2,2,2,2,3,,,3,3,1,178,1,26,1,84,3,2,3,3 -4361,0,2024,0,1800,1,1,25,4,3,1,1,1,2,2,2,2,3,2,2,2,2,2,2,2,1,2,2,13,,2,1,3,1,1,1,1,2,2: 3 - 10 ft.,,,,,,,2,,1,2,1,1,1,1,2,1,3,1,3,1,1,2,1,61,1,28,1,150,5,5,2,3 -4362,0,1950,0,1900,1,1,12,3,8,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,3,4,2,2,,,2,3,1,119,1,27,1,113,1,1,2,2 -4363,0,1730,0,1100,1,1,41.1,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,1,2,7,1: Intentional,,,,,,punch,7,,1,1,2,,2,2,2,2,2,2,,,2,3,1,122,1,18,1,105,1,1,2,2 -4364,0,2226,0,2145,1,1,68,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,3,1,2,2,2,2,2,,,2,2,1,159,1,15,1,103,3,2,1,3 -4365,0,2209,0,2000,1,1,26,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,2,3,,,1,3,3,1,2: 20 - 40 mph,1,2,,,,,1,,2,,1,1,1,2,2,2,3,3,,,2,3,1,94,1,28,1,113,3,2,1,3 -4366,0,0115,0,0045,1,1,50,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,2,,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,136,1,24,1,107,2,1,2,3 -4367,0,2043,0,1940,1,1,85,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,105,1,20,1,78,1,1,2,3 -4368,0,1140,-1,2100,1,1,4,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,fell off the car seat,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,97,1,36,1,144,1,1,2,3 -4369,0,1013,0,0810,1,1,31,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,3,2,2,3,1,120,1,20,1,72,4,2,2,2 -4370,0,1705,0,1620,1,1,29,3,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from intertube in water,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,124,1,20,1,82,1,1,1,2 -4371,0,1954,0,,2,1,81.2,1,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,tree struck chest,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,136,1,22,1,101,1,1,2,2 -4372,0,1642,0,1630,1,1,10,4,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,4,1: < 5 mph,,,3,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,57,1,31,1,180,2,2,2,3 -4373,0,1811,-1,,2,1,10.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,4,2,,,2,2,1,90,1,24,1,137,1,1,2,1 -4374,0,1540,0,1500,1,1,41,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,3,,4,,3,,1,1,2,2 -4375,0,1855,0,1830,1,1,23,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,2,,1,24,1,140,1,1,2,2 -4376,0,1731,0,1700,1,1,16,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,24,1,112,1,1,2,2 -4377,0,1030,0,1000,1,1,23,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,1,2,,2,2,2,2,2,1,1,4,2,2,1,98,1,22,1,82,1,1,1,2 -4378,0,1330,0,1300,1,1,30,1,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,24,1,105,1,1,2,2 -4379,0,1815,0,1730,1,1,56,2,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,3,2,2,1,127,1,20,1,96,2,2,2,2 -4380,0,1642,0,1627,1,1,13.6,1,3,2,,2,2,2,2,2,3,3,3,3,2,2,2,2,1,2,1,14,,2,3,,,2,2,3,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,3,2,2,4,,,4,3,1,126,1,34,1,94,1,1,2,3 -4381,0,1620,0,1610,1,1,28,4,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,1,1,2,3,1,2,1,2,3,1,137,1,20,1,111,4,3,2,3 -4382,0,1727,0,1650,1,1,53.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,7,1: Intentional,,,,,,,7,,2,,2,,2,1,2,2,2,2,,,2,3,1,134,1,26,1,125,1,1,2,2 -4383,0,0855,0,0815,1,1,70,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,170,1,20,1,70,1,1,2,3 -4384,0,0815,0,0730,1,1,30,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,1: < 5 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,4,4,1,130,1,24,1,86,1,1,2,2 -4385,0,1953,0,1930,1,1,40,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,4,4,4: Speed Unknown,,,1,,,,4,,1,1,1,3,1,2,2,2,2,2,,,2,3,1,121,1,18,1,110,1,1,2,3 -4386,0,2005,0,1700,1,1,46.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,2,,1,1,2,2,2,1,1,3,2,2,1,118,1,20,1,95,3,3,2,3 -4387,0,2000,0,1900,1,1,35,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,100,1,20,1,77,1,1,2,2 -4388,0,1049,0,,2,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,99,1,24,1,118,1,1,2,2 -4389,0,1555,0,,2,1,11,3,8,2,,3,2,2,2,2,3,3,2,2,2,2,1,2,4,3,1,10,,1,3,,,2,3,2,8,,,,,,,Wheelbarrow vs anterior neck,8,,1,2,2,,1,2,2,2,3,3,,,3,2,1,99,1,44,1,140,1,1,1,3 -4390,0,1509,0,,2,1,45,,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,sledding injury,,9,2,2,,2,,2,2,2,2,2,2,,,2,3,1,133,1,22,1,110,2,1,2,2 -4391,0,0807,0,0730,1,1,,,3,1,4,1,1,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,5: Physician did not answer,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,159,1,22,1,100,1,1,2,2 -4392,0,2330,0,2230,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,16,1,77,1,1,1,2 -4393,0,1232,0,1100,1,1,6.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,1,2,2,,,2,3,3,,1,28,1,120,1,1,2,2 -4394,0,0908,-1,2000,1,1,37,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,4,2,3,1,100,1,20,1,71,1,1,2,2 -4395,0,1408,0,1200,1,1,50,1,8,1,1,1,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,3: Unknown intentionality,,,,,,,7,,2,,2,,2,1,2,2,2,1,2,2,2,3,1,118,1,24,1,84,2,1,2,2 -4396,0,2000,0,1845,1,1,63,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,1,2,2,2,2,1,2,2,2,2,1,136,1,22,1,84,2,1,2,3 -4397,0,1500,0,1400,1,1,15,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,2,1,115,1,42,1,124,2,2,2,3 -4398,0,0434,0,0400,1,1,30,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,118,1,20,1,100,1,1,2,2 -4399,0,2040,0,2020,1,1,14,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,1,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,3,2,,,2,3,1,117,1,31,1,126,2,2,3,3 -4400,0,2200,0,,2,1,4,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,2,,,2,2,1,95,1,51,1,222,2,2,3,3 -4401,0,1940,0,1830,1,1,16,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,3,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,105,1,20,1,101,1,1,2,2 -4402,0,2130,0,2030,1,1,50,4,1,1,1,1,1,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,1,2,2,3,1,117,1,24,1,125,2,1,2,3 -4403,0,1815,0,1730,1,1,34,3,3,1,1,3,3,3,1,1,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,3,2,3,3,,,2,2,1,92,1,16,1,151,2,2,2,3 -4404,0,0051,-1,2345,1,1,59,,8,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,2,2,2,3,2,,,3,2,1,103,1,20,1,112,4,4,2,3 -4405,0,1703,0,1300,1,1,16,1,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,2,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,3,2,2,3,,,3,2,1,123,1,40,1,140,1,1,2,3 -4406,0,2302,0,,2,1,75,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,2,1,2,2,2,8,,,,,,,,8,,2,,1,1,1,2,2,2,2,2,,,2,2,1,110,1,13,1,109,1,1,2,3 -4407,0,1412,0,1300,1,1,20,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,1,2,1,2,3,1,113,1,22,1,74,1,1,2,2 -4408,0,1300,0,1245,1,1,35,1,8,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,138,1,20,1,77,1,1,2,2 -4409,0,0840,0,0800,1,1,30,1,1,2,,1,1,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,2,2,2,2,3,2,,,2,2,1,102,1,12,1,121,2,1,2,2 -4410,0,0903,-1,1930,1,1,13.8,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,1,2,1,2,2,2,3,1,99,1,24,1,88,3,3,2,2 -4411,0,1221,0,1200,1,1,35.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,100,1,20,1,100,1,1,2,2 -4412,0,1600,0,1405,1,1,30,1,3,3,,1,4,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,9,,,,,,"thrown off horse, horse fell on patient",,2,2,2,,1,1,1,2,2,2,2,1,2,1,2,2,1,111,1,24,1,105,2,1,2,3 -4413,0,0037,-1,2130,1,1,17.5,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,1,2,1,9,,,,,,ejected out of shopping cart,,2,2,2,,1,3,1,2,2,2,3,2,,,2,2,1,116,1,18,1,113,1,1,2,3 -4414,0,1714,0,1700,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,123,1,24,1,131,1,1,2,3 -4415,0,1830,0,1130,1,1,40,4,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,9,,,,,,Ejected from go-kart/roll-over,,6,1,1,2,1,1,1,2,2,2,2,1,2,1,2,3,1,94,1,20,1,103,4,2,1,3 -4416,0,1625,0,1525,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,149,1,26,1,90,1,1,2,2 -4417,0,1116,0,0900,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,131,1,22,1,133,1,1,2,3 -4418,0,2130,0,,2,1,40,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,2,,,2,3,1,130,1,18,1,90,2,1,2,3 -4419,0,1500,0,,2,1,58,,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,2,2: 3 - 10 ft.,,,,,,,2,,1,1,1,1,1,2,2,2,2,1,2,2,2,2,1,106,1,20,1,95,4,2,2,3 -4420,0,1305,0,1130,1,1,25,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,"Skiing, hit by another skier",,2,2,2,,1,1,1,2,2,2,2,1,2,1,2,2,1,116,1,20,1,90,2,1,2,3 -4421,0,1607,0,1600,1,1,15.9,1,3,1,1,2,2,2,2,1,2,2,2,4,2,2,2,2,1,1,1,15,,2,4,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,1,1,1,2,3,1,127,1,24,1,144,1,1,1,3 -4422,0,2013,0,1945,1,1,15,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,2,3: > 10 ft.,,,,,,2nd story,2,,2,,1,1,1,2,2,2,2,1,3,1,3,3,1,108,1,34,1,172,4,1,2,3 -4423,0,1443,0,1300,1,1,30,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,19,1,83,1,1,2,2 -4424,0,1521,0,,2,1,7.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,84,1,26,1,162,1,1,2,3 -4425,0,,0,1500,1,2,36.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,2,2,1,2,2,3,1,2,3,2,3,1,131,1,20,1,108,2,1,2,2 -4426,0,2100,0,2000,1,1,55,4,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,2,3,2,11,,2,3,,,1,3,1,4,3: > 20 mph,,,1,,,,4,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,110,1,20,1,100,3,2,2,3 -4427,0,1411,0,1400,1,1,20,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,21,1,96,2,1,1,2 -4428,0,1920,0,1850,1,1,64,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,Backwards down escalator,3,,1,2,2,,2,2,2,2,2,2,,,2,2,1,128,1,20,1,101,1,1,3,2 -4429,0,1820,0,1800,1,1,13,3,8,2,,2,2,2,2,2,2,3,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,rolled over in driveway by pickup,,4,2,1,1,1,1,1,2,2,2,2,2,,,2,2,1,118,1,26,1,155,1,1,2,3 -4430,0,0842,0,0800,1,1,18,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,122,1,22,1,140,2,1,1,3 -4431,0,1243,0,0230,1,1,60,1,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,20,1,106,1,1,2,2 -4432,0,1630,0,1530,1,1,20,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,1,1,1,1,1,2,2,1,3,3,2,2,1,116,1,28,1,99,4,2,2,3 -4433,0,1630,0,1530,1,1,64,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,wrestling-hit head,,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,16,1,97,2,2,2,2 -4434,0,2045,0,2000,1,1,5,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,143,1,27,1,120,3,2,2,3 -4435,0,2355,0,1300,1,1,15,1,3,1,2,2,2,2,2,2,2,3,3,4,2,2,2,2,1,2,1,14,,1,3,,,2,2,2,4,5: Physician did not answer,,,1,,,,4,,2,,2,,1,2,2,2,2,3,,,3,3,1,99,1,36,1,137,2,1,2,3 -4436,0,1745,0,1630,1,1,56,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,7,2: Accidental,,,,,,,7,,1,1,1,1,2,2,2,2,2,1,3,2,2,2,1,131,1,18,1,93,2,1,1,2 -4437,0,2220,0,1700,1,1,32.6,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,20,1,94,1,1,2,2 -4438,0,1241,0,0900,1,1,66,1,3,2,,3,3,3,2,2,3,3,2,2,1,2,1,2,4,5,3,6,,2,3,,,4,3,3,9,,,,,,Fall from horse then drug,,2,2,1,2,1,1,1,2,2,2,4,3,,,3,2,1,121,1,26,1,85,3,2,1,3 -4439,0,1830,0,1700,1,1,74.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,4,2,2,,,2,2,1,139,1,17,1,97,1,1,2,2 -4440,0,1932,0,,2,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,99,1,28,1,122,1,1,2,3 -4441,0,2148,0,2100,1,1,65,4,1,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,1,2,2,2,1,2,4,2,3,1,100,1,16,1,69,3,2,2,3 -4442,0,0056,-1,1145,1,1,60.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,125,1,20,1,79,1,1,3,2 -4443,0,1408,0,1350,1,1,52.1,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,1,1,2,,2,2,2,2,2,2,,,2,3,1,116,1,18,1,96,1,1,2,2 -4444,0,1615,0,1545,1,1,20,3,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,1,5,3,9,,2,3,,,1,1,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,3,,,3,2,1,133,1,24,1,79,1,1,2,3 -4445,0,2030,0,,2,1,21.8,1,3,2,,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fall from horse,,2,2,2,,2,,1,2,2,3,2,2,,,2,2,1,97,1,20,1,93,1,1,2,3 -4446,0,1830,0,1815,1,1,30,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,24,1,80,1,1,2,2 -4447,0,1525,0,,2,1,22,1,3,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,4,,1,1,2,2,2,2,2,3,,,2,3,1,140,1,20,1,120,2,1,2,2 -4448,0,1909,0,,2,1,30,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,3,1,1,3,2,2,1,139,1,20,1,110,2,1,2,3 -4449,0,2037,0,1815,1,1,63,1,3,2,,2,1,1,2,2,1,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,135,1,16,1,92,1,1,2,2 -4450,0,2255,0,2200,1,1,51.8,1,3,2,,1,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,pt was punched and kicked in chest arms and legs,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,20,1,115,1,1,2,2 -4451,0,2006,0,1645,1,1,124,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,3,2,2,3,1,124,1,20,1,85,1,1,1,2 -4452,0,2342,0,2130,1,1,24.6,1,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Fell and landed on table edge across upper abdomen,,2,2,2,,1,3,2,2,2,2,2,1,1,2,2,3,1,105,1,20,1,82,2,1,2,2 -4453,0,1830,0,1730,1,1,25,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,109,1,20,1,100,1,1,2,3 -4454,0,2300,0,,2,1,12,3,3,1,1,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,1,3: > 40 mph,3,,,,,,1,,2,,1,1,1,2,2,2,3,3,,,2,3,1,110,1,34,1,160,4,1,2,3 -4455,0,2328,0,,2,1,54,4,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,1,2,2,2,1,2,3,2,3,1,115,1,24,1,90,2,1,1,2 -4456,0,1140,0,1100,1,1,80,4,1,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,1,1: < 20 mph,2,,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,135,1,18,1,75,2,2,2,3 -4457,0,1905,0,1845,1,1,7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,82,1,44,1,144,2,2,2,3 -4458,0,1900,0,,2,1,25,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,3,,1,2,2,2,2,2,,,2,2,1,117,1,26,1,82,2,6,2,3 -4459,0,1200,-1,1800,1,1,35,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,2,1,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,4,2,1,1,2,2,3,1,116,1,20,1,100,1,1,2,2 -4460,0,1929,0,1600,1,1,22,3,3,2,,3,3,3,2,2,3,3,2,3,2,2,1,2,1,3,2,12,,2,3,,,2,3,3,9,,,,,,Sledding,,9,2,2,,2,,1,2,2,2,3,3,,,3,3,1,119,1,34,1,154,1,1,2,3 -4461,0,2115,0,2045,1,1,68,1,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,collision during football,,7,2,2,,2,,2,2,2,2,2,1,1,2,2,3,1,126,1,28,1,90,2,1,2,2 -4462,0,0200,-1,2100,1,1,47.7,1,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,1,3,1,2,2,2,2,1,1,1,2,3,1,110,1,18,1,110,2,2,1,3 -4463,0,1230,0,1200,1,1,31.6,1,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,4,2,2,2,2,,,2,3,3,,1,20,1,92,1,1,2,2 -4464,0,2055,0,,2,1,60.2,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,3,2,2,,,4,4,1,110,1,20,1,84,1,1,3,2 -4465,0,2030,0,1939,1,1,59,2,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,138,1,22,1,78,3,2,2,2 -4466,0,1050,0,,2,1,21,4,3,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,1,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,24,1,88,2,2,2,2 -4467,0,0845,0,,2,1,,,3,2,,2,2,2,2,2,2,1,1,3,3,3,3,3,2,1,1,14,,3,4,,,4,4,4,1,4: Speed Unknown,4,,,,,,1,,2,,1,1,1,1,1,1,2,1,1,3,2,2,1,120,1,30,1,83,2,1,3,3 -4468,0,1730,0,1700,1,1,15.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,92,1,49,1,87,1,1,2,2 -4469,0,1112,0,,2,1,88.5,1,1,2,,1,2,2,2,2,4,4,4,4,2,2,1,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,2,2,2,4,4,4,,,2,2,1,145,1,20,1,77,1,1,2,2 -4470,0,1544,0,1530,1,1,37,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,2,,2,1,1,2,2,1,1,1,2,2,1,128,1,24,1,80,2,1,2,2 -4471,0,2211,0,1630,1,1,17,3,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,4,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,100,1,22,1,146,1,1,1,3 -4472,0,0809,0,0715,1,1,49.9,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,3,1,1,1,2,2,2,2,2,,,2,2,1,120,1,13,1,78,3,2,2,3 -4473,0,1800,0,1630,1,1,43.5,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,3,2,,,2,3,1,106,1,20,1,88,1,1,2,3 -4474,0,2326,0,2200,1,1,9.6,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,3,,,2,3,1,9,,,,,,Sibs wrestling- fell on pt,,7,2,2,,4,,2,2,2,2,3,2,,,2,2,1,125,1,32,1,121,2,2,2,2 -4475,0,1500,0,1445,1,1,63.5,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,1,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,130,1,20,1,84,1,1,2,2 -4476,0,1723,0,1600,1,1,67,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,129,1,20,1,75,1,1,2,2 -4477,0,1850,0,1820,1,1,23.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,3,,1,2,2,2,2,1,1,2,2,3,1,100,1,28,1,82,1,1,2,3 -4478,0,2335,0,,2,1,65,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,2,5: Physician did not answer,,,,,,,2,,2,,1,1,1,2,2,2,2,1,3,2,2,2,1,137,1,22,1,104,1,1,1,3 -4479,0,1035,0,0930,1,1,30,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,18,1,86,1,1,2,2 -4480,0,1959,0,,2,1,67.1,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Football Injury,,7,2,2,,2,,1,2,2,2,3,2,,,2,2,1,96,1,40,1,74,1,1,1,3 -4481,0,1203,0,,2,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,football tackled,,7,2,2,,1,2,1,2,3,4,2,1,1,2,2,2,1,113,1,24,1,78,3,1,1,3 -4482,0,1800,0,1700,1,1,75,4,4,2,,2,2,2,2,2,2,2,2,1,1,1,1,2,1,1,1,15,,2,2,,,2,1,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,2,1,1,1,2,2,2,,,2,3,1,158,1,18,1,90,1,1,2,3 -4483,0,1400,0,1400,1,1,40,,3,2,,2,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,1,1,2,3,1,2,1,2,3,1,144,1,22,1,130,3,2,2,3 -4484,0,2130,0,2100,1,1,14,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,3,1,101,1,20,1,98,1,1,2,2 -4485,0,0015,-1,2200,1,1,25,4,3,2,,3,3,3,2,2,3,3,2,1,1,2,1,2,4,5,3,6,,2,3,,,2,3,3,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,1,1,2,2,3,,,2,2,1,130,2,,1,140,2,1,2,3 -4486,0,1855,0,1700,1,1,27,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,3,2,2,2,2,4,1,1,3,2,3,1,100,1,18,1,111,2,1,2,2 -4487,0,2144,0,1930,1,1,35,1,3,2,,2,2,1,1,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,3,1,2,3,1,114,1,28,1,100,2,2,3,2 -4488,0,1611,0,1500,1,1,68,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,16,1,76,1,1,1,2 -4489,0,2041,0,1730,1,1,17.7,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,9,,,,,,jumped down 8 steps,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,20,1,93,1,1,2,2 -4490,0,0155,0,0055,1,1,,,3,1,3,1,2,1,2,2,2,2,2,2,2,2,2,1,1,2,1,14,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,3,1,110,1,20,1,110,5,4,1,3 -4491,0,0320,0,,2,1,80,1,5,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,1,1,2,2,1,1,4: Speed Unknown,3,,,,,,1,,4,,4,,1,2,1,2,2,2,,,2,3,1,129,1,32,1,90,2,1,2,3 -4492,0,0808,0,,2,1,66,1,2,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,166,1,16,1,85,1,1,3,2 -4493,0,1700,0,1600,1,1,60,4,1,1,1,1,2,2,1,2,3,3,3,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,6,,,,,,,,6,,2,,1,2,1,2,2,4,3,3,,,3,2,1,126,1,18,1,74,3,2,2,3 -4494,0,2000,0,1915,1,1,47,2,3,2,,1,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,119,1,24,1,84,3,2,2,2 -4495,0,1648,0,1526,1,1,8,1,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,6,3,,1,3,,,2,3,3,3,2: 6-15,,,,,,,3,,2,,1,1,1,2,2,2,1,3,,,3,3,1,92,2,,1,128,2,1,1,3 -4496,0,1800,0,1330,1,1,16,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,93,1,28,1,104,1,1,2,3 -4497,0,1248,0,,2,1,15,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,1,3,,,2,2,1,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,28,1,162,1,1,2,2 -4498,0,1015,-1,1830,1,1,26,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,1,2,2,,2,2,2,2,2,1,2,1,2,3,1,109,1,16,1,89,1,1,2,2 -4499,0,2118,0,1730,1,1,15,1,3,2,,2,3,3,2,2,3,3,2,1,2,2,2,2,1,1,1,15,,2,3,,,2,3,1,1,3: > 40 mph,1,5,,,,,1,,2,,2,,1,2,2,2,2,3,,,3,3,1,165,1,28,1,187,1,1,2,3 -4500,0,1849,0,1800,1,1,41,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,104,1,18,1,56,1,1,2,3 -4501,0,0002,-1,2310,1,1,65,2,4,2,,2,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,6,,,,,,,,6,,1,2,1,2,2,2,2,2,2,2,,,2,2,1,135,1,20,1,80,2,1,2,2 -4502,0,1400,0,1345,1,1,15,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,3,3,2,2,1,4,3: > 20 mph,,,1,,,,4,,2,,1,1,1,1,3,2,2,1,3,1,3,3,1,109,1,22,1,137,4,3,2,3 -4503,0,2000,0,1840,1,1,,,1,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,1,2,2,2,2,,,2,3,1,120,1,20,1,117,2,2,2,3 -4504,0,1209,0,,2,1,,,8,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,Ski crash,,2,2,2,,1,3,2,2,2,2,2,1,2,2,2,3,1,109,1,23,1,101,4,2,2,2 -4505,0,1500,0,1350,1,1,46,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,5: Physician did not answer,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,107,1,22,1,78,1,1,2,3 -4506,0,1830,0,1700,1,1,59.3,1,2,2,,1,2,1,2,2,1,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Ran into stationary blunt object (monkey bars),,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,34,1,76,1,1,2,2 -4507,0,1600,-1,1800,1,1,43.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,1,1,2,,2,1,2,2,2,1,2,3,2,3,1,96,1,20,1,88,2,1,2,2 -4508,0,1900,0,1813,1,1,17.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,131,1,32,1,119,1,1,1,2 -4509,0,2313,0,2230,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,2,,1,2,2,2,2,4,,,2,2,1,121,1,24,1,116,2,1,2,3 -4510,0,2300,0,1930,1,1,45,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,3,,1,2,2,2,2,2,,,2,3,1,145,1,18,1,70,2,1,2,3 -4511,0,1930,0,1830,1,1,20,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,98,1,26,1,94,1,1,1,2 -4512,0,1746,0,,2,1,20,4,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,1,2,,,2,2,1,117,1,18,1,98,2,2,1,3 -4513,0,1940,0,1845,1,1,30,4,8,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,132,1,24,1,100,1,1,2,2 -4514,0,1232,0,1200,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,121,1,20,1,90,1,1,2,2 -4515,0,1600,0,,2,1,80,2,3,1,1,1,1,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,136,1,20,1,88,4,4,2,3 -4516,0,2110,0,1600,1,1,68.8,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,9,,,,,,Sledding accident,,9,2,2,,2,,2,2,2,2,2,2,,,2,3,1,105,1,16,1,83,1,1,2,2 -4517,0,1200,0,1130,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,124,1,18,1,69,1,1,2,2 -4518,0,2029,0,1830,1,1,21.8,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,1,2,1,2,2,1,110,1,22,1,115,1,1,1,2 -4519,0,2145,0,2115,1,1,40,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,1,2,2,3,2,,,2,2,1,139,1,22,1,109,3,2,3,3 -4520,0,1500,0,1430,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,head vs concrete; kids playing football,,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,98,1,30,1,121,1,1,2,2 -4521,0,0836,0,0800,1,1,55,4,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,1,1,2,1,2,3,1,112,1,26,1,80,1,2,2,2 -4522,0,1607,0,,2,1,15,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,2,2,1,92,1,24,1,114,1,1,2,3 -4523,0,2022,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,1,2,,,2,2,1,124,1,16,1,82,1,1,2,2 -4524,0,1730,0,1630,1,1,43,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,1,9,,,,,,sled vs. tree,,9,2,2,,1,1,1,2,2,2,1,1,1,1,2,2,1,135,1,23,1,118,2,1,2,3 -4525,0,0037,0,0000,1,1,10.2,1,3,3,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,100,1,20,1,120,2,3,1,3 -4526,0,1718,0,,2,1,72.6,1,3,2,,4,4,1,2,2,1,1,1,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,3,,2,2,2,2,1,2,,,2,3,1,136,1,20,1,89,4,2,2,2 -4527,0,1300,0,1230,1,1,55,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,3,1,115,1,20,1,80,1,1,3,2 -4528,0,1332,-1,,2,1,41,,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Struck in chest by casted arm,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,24,1,100,1,1,2,2 -4529,0,2316,0,,2,1,33,2,8,1,1,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,141,1,34,1,122,2,1,2,3 -4530,0,0906,0,0600,1,1,10,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,102,1,43,1,141,2,1,1,3 -4531,0,2035,0,2000,1,1,14,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,3,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,117,1,29,1,123,1,1,2,3 -4532,0,1255,0,1155,1,1,54.4,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,3: > 15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,16,1,64,1,1,2,2 -4533,0,1950,0,1820,1,1,,,8,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,3,2,9,,,,,,Head closed in toy box,,9,2,2,,2,,1,2,3,2,2,2,,,2,3,1,152,1,40,1,152,1,1,3,3 -4534,0,0130,-1,2000,1,1,37.2,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,106,1,22,1,73,2,2,2,2 -4535,0,1650,0,1630,1,1,25,2,3,2,,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,2,14,,2,2,,,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,4,3,1,116,1,22,1,108,2,1,2,3 -4536,0,1340,0,1300,1,1,60,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,135,1,20,1,85,1,1,2,3 -4537,0,2217,0,2100,1,1,47.7,2,8,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Jump from zipline to roof,,2,2,1,2,2,,1,2,2,2,2,2,,,2,3,1,124,1,21,1,113,2,1,2,3 -4538,0,1739,0,1720,1,1,50,1,3,1,1,1,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,2,3,1,132,1,18,1,60,1,1,2,3 -4539,0,1921,0,,2,1,16,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,3,2,,,2,2,1,120,1,20,1,125,1,1,2,3 -4540,0,1955,0,1800,1,1,,,8,1,3,2,3,3,1,1,3,3,2,3,1,1,1,2,4,5,2,7,,2,3,,,1,3,3,4,4: Speed Unknown,,,3,,,,4,,2,,3,,1,2,2,2,2,3,,,3,2,1,164,1,16,1,96,3,2,2,3 -4541,0,1930,0,1830,1,1,35,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,122,1,20,1,100,1,1,2,3 -4542,0,1850,0,1415,1,1,7,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,80,1,48,1,150,1,1,2,3 -4543,0,2152,0,2015,1,1,10.4,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,3,3: > 15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,28,1,100,1,1,2,2 -4544,0,1251,0,1145,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,3,2,12,,1,3,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,1,2,2,2,3,1,1,1,2,2,1,96,1,24,1,110,2,2,2,3 -4545,0,1930,0,1700,1,1,60,4,1,1,2,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,122,1,16,1,115,3,1,2,3 -4546,0,1956,0,,2,1,7.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,3,2,8,,,,,,,,8,,2,,2,,2,1,2,2,2,2,,,2,3,1,123,1,30,1,150,1,1,1,2 -4547,0,1049,0,,2,1,15,2,1,2,,3,3,3,2,2,3,3,3,1,1,1,1,2,4,5,4,5,,1,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,2,1,114,2,,1,120,1,1,2,3 -4548,0,1715,0,1415,1,1,73.3,1,8,2,,2,1,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,1,2,2,2,2,1,3,1,2,2,1,128,1,26,1,100,4,2,2,3 -4549,0,1807,0,,2,1,40,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,9,,,,,,"Wheel chair bound, wheelchair tripped and patient fell while in chair.",,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,98,1,20,1,80,1,1,1,2 -4550,0,1625,0,,2,1,60,4,3,2,,2,2,2,1,2,2,2,2,1,1,1,1,2,1,2,1,14,,2,1,1,1,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,50,1,30,1,140,4,2,1,3 -4551,0,1848,0,1700,1,1,60,4,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,1,2,1,2,1,2,2,4: Unknown,,,,,,,2,,2,,1,1,2,2,2,2,4,1,2,1,2,3,1,116,1,10,1,92,2,2,3,2 -4552,0,1954,0,1930,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,20,1,86,1,1,1,2 -4553,0,2151,0,,2,1,65,,9,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,3,1,118,1,22,1,101,1,1,2,3 -4554,0,1430,0,1300,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,3,3,2,,,2,3,1,127,1,20,1,88,2,1,3,2 -4555,0,2106,0,2000,1,1,74.8,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,1,1,1,1,2,2,2,2,2,,,2,3,1,138,1,18,1,88,4,2,2,3 -4556,0,2045,0,2000,1,1,61,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,127,1,18,1,76,2,2,2,2 -4557,0,1900,0,1800,1,1,75,2,3,2,,2,2,2,1,2,2,2,2,2,2,2,2,2,,,,,15,2,1,3,2,2,1,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,3,1,3,2,1,3,1,104,1,16,1,56,3,3,1,3 -4558,0,1351,0,1315,1,1,43,1,3,1,1,1,2,2,1,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,1,2,1,2,1,2,1,2,3,1,127,1,32,1,80,5,5,2,3 -4559,0,1652,0,,2,1,45,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,1,2,2,2,1,104,1,20,1,116,2,2,2,3 -4560,0,1859,0,1800,1,1,55,2,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,127,1,24,1,120,1,1,2,3 -4561,0,1658,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,2,2,,,1,2,2,9,,,,,,No blunt or penetrating torso or abdomen trauma per history,,8,2,2,,2,,1,2,2,2,2,2,,,2,3,1,104,1,20,1,93,1,1,2,3 -4562,0,1711,0,1655,1,1,45,1,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,1,2,2,2,2,1,2,1,1,2,1,125,1,16,1,107,4,2,2,3 -4563,0,1020,0,,2,1,20,3,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,106,1,20,1,100,3,3,1,3 -4564,0,1551,0,1530,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,18,1,90,1,1,2,2 -4565,0,,0,,2,2,,,3,3,,4,4,4,4,4,4,4,4,4,3,3,3,3,,,,,11,3,4,,,4,4,4,1,4: Speed Unknown,3,,,,,,1,,4,,4,,1,4,3,4,4,4,,,4,4,1,111,1,28,1,167,6,6,3,3 -4566,0,2312,0,2245,1,1,59,4,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,1,1,1,1,15,,2,1,2,2,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,1,2,2,2,1,2,3,2,3,1,120,1,22,1,88,2,1,2,3 -4567,0,1558,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,4,,1,1,1,2,2,2,2,1,2,1,2,2,1,98,1,32,1,70,1,1,1,3 -4568,0,1031,0,0800,1,1,61,1,2,2,,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,122,1,16,1,65,1,1,1,2 -4569,0,1800,-1,2330,1,1,88.6,,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,4,2,4,,,2,2,1,125,1,18,1,86,1,1,3,2 -4570,0,1345,0,1230,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,1,1,2,2,2,2,1,1,3,2,2,1,112,1,28,1,159,2,1,2,3 -4571,0,1830,0,1700,1,1,15,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,2,,,2,2,1,125,1,30,1,160,2,1,2,3 -4572,0,1442,0,1330,1,1,26.4,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,3,2,1,2,2,2,1,2,3,1,3,1,121,1,24,1,97,4,3,2,2 -4573,0,1744,0,,2,1,4,4,3,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,87,1,40,1,179,1,1,2,3 -4574,0,0421,-1,1700,1,1,,,8,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,121,1,14,1,88,1,1,2,3 -4575,0,1037,0,,2,1,48.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,138,1,24,1,90,1,1,2,2 -4576,0,1647,0,1558,1,1,120,1,3,1,1,1,1,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,3,3,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,1,1,2,3,3,,,2,2,1,151,1,18,1,79,4,3,2,3 -4577,0,2250,0,2230,1,1,13,4,8,2,,3,3,3,2,2,3,3,2,1,1,2,1,2,3,3,4,8,,2,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,2,3,,,3,2,1,101,1,20,1,99,3,2,1,3 -4578,0,1824,0,,2,1,15,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,4,,,2,2,2,1,5: Physician did not answer,1,4,,,,,1,,2,,2,,2,2,2,2,1,2,,,3,3,3,,1,20,1,96,1,1,2,2 -4579,0,2239,0,1900,1,1,27.6,1,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,108,1,24,1,93,2,1,2,2 -4580,0,1508,0,1450,1,1,54.4,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,135,1,20,1,63,1,1,2,2 -4581,0,2050,0,2015,1,1,45.9,2,8,1,2,3,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,1,2,4,3: > 20 mph,,,2,,,,4,,1,2,1,2,1,2,2,2,2,2,,,2,3,1,123,1,24,1,98,1,1,1,3 -4582,0,1549,0,1430,1,1,80,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,1,2,1,1,1,2,2,2,2,1,2,3,2,2,1,128,1,22,1,98,3,4,2,3 -4583,0,1911,0,,2,1,20,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,run over by plow/tractor (horse drawn),,4,2,1,1,1,1,1,2,2,2,2,2,,,2,2,1,115,1,32,1,102,2,1,2,3 -4584,0,1005,-1,1600,1,1,35.7,1,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,"trying to do a ""double backflip"" off swing - landed on back",,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,90,1,16,1,84,1,1,2,2 -4585,0,1548,0,1200,1,1,87.3,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,kicked in water polo (sports injury),,7,2,1,2,2,,2,2,2,2,2,1,1,2,2,3,1,113,1,24,1,78,1,1,2,2 -4586,0,2001,0,1645,1,1,52.1,1,3,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,1,2,2,1,1,2,1,1,2,1,137,1,21,1,82,4,3,3,3 -4587,0,2110,0,2030,1,1,60,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,1,3,2,3,1,121,1,20,1,84,2,1,2,2 -4588,0,0800,0,0800,1,1,32,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,100,1,12,1,84,1,1,1,2 -4589,0,1319,0,,2,1,15,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,1,1,1,3,1,2,2,2,2,2,,,2,2,1,121,1,38,1,132,1,1,2,3 -4590,0,0752,0,0740,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Assault,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,136,1,38,1,72,1,1,2,3 -4591,0,0830,0,0800,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,1,4: Speed Unknown,1,5,,,,,1,,2,,1,2,1,2,2,2,1,2,,,2,2,1,102,1,32,1,97,3,2,2,3 -4592,0,2005,0,1930,1,1,95,4,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,2,2,1,143,1,20,1,106,1,1,2,3 -4593,0,1435,0,1420,1,1,42,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,3,2,2,2,,,2,3,1,116,1,16,1,104,1,1,2,2 -4594,0,1519,0,1440,1,1,17,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,3,,,2,3,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,108,1,18,1,107,1,1,2,2 -4595,0,1616,0,1530,1,1,80,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,101,1,20,1,80,1,1,1,2 -4596,0,2033,0,2000,1,1,22.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,124,1,22,1,110,1,1,1,3 -4597,0,1350,0,1200,1,1,17.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,20,1,124,1,1,2,2 -4598,0,1019,0,1000,1,1,18,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,98,1,22,1,119,1,1,2,2 -4599,0,2254,0,2200,1,1,77,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,129,1,23,1,107,1,1,2,3 -4600,0,1145,0,1100,1,1,27,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,2,,,2,3,1,108,1,30,1,95,2,2,3,3 -4601,0,2335,0,2300,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,112,1,30,1,98,1,1,2,2 -4602,0,2052,0,,2,1,15.5,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,3,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,3,1,114,1,30,1,148,2,1,2,3 -4603,0,1440,0,1400,1,1,13,3,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,3,1,139,1,40,1,130,2,1,2,2 -4604,0,2202,0,,2,1,16,1,3,2,,2,2,2,2,2,4,4,4,4,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,4,,,4,4,1,122,1,32,1,108,3,3,2,3 -4605,0,1440,0,1350,1,1,35,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,1,2,2,1,2,4,2,3,1,117,1,16,1,104,3,2,2,3 -4606,0,0839,0,0820,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,104,1,31,1,98,1,1,2,2 -4607,0,2058,0,,2,1,8.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,Collapsed crib and pt inside,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,120,1,33,1,122,1,1,2,3 -4608,0,2159,0,2100,1,1,45.8,1,3,1,3,2,2,2,1,1,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,129,1,21,1,96,2,1,2,3 -4609,0,1649,0,1530,1,1,36,3,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,9,,,,,,Snowboarding,,2,2,1,1,1,1,1,1,2,2,2,1,3,2,2,3,1,124,1,39,1,70,3,2,2,3 -4610,0,1409,0,,2,1,,,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,9,,,,,,football injury,,7,2,4,,1,1,2,2,2,2,1,1,2,3,2,3,1,140,1,30,1,110,1,1,3,2 -4611,0,1839,0,1800,1,1,59,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,2,1,1,2,3,1,1,3,2,3,1,131,1,20,1,104,2,1,2,2 -4612,0,1933,0,,2,1,60,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,129,1,22,1,77,1,1,2,2 -4613,0,1900,0,1830,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,2,1,118,1,20,1,130,1,1,2,2 -4614,0,1555,0,1446,1,1,60,4,1,2,,2,2,2,2,2,4,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,24,1,70,1,1,2,2 -4615,0,1329,0,1300,1,1,,,3,1,1,2,1,2,2,2,1,2,2,1,2,2,2,2,2,1,1,14,,2,1,1,2,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,1,2,2,3,1,1,2,2,3,1,147,1,18,1,68,1,1,2,3 -4616,0,1939,0,,2,1,11.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,100,1,30,1,132,1,1,3,2 -4617,0,2335,0,,2,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,1,2,,,2,2,1,122,1,20,1,108,1,1,2,3 -4618,0,0656,0,0610,1,1,,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,109,1,16,1,108,1,1,2,3 -4619,0,0056,0,,2,1,80,4,8,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,1,2,1,2,2,1,112,1,20,1,90,3,3,1,2 -4620,0,1715,0,1630,1,1,,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,4: Speed Unknown,,,1,,,,4,,1,2,1,1,1,2,2,2,2,1,2,1,2,2,1,141,1,27,1,146,2,1,2,3 -4621,0,1813,0,,2,1,36.3,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,2,1,130,1,20,1,97,1,1,2,2 -4622,0,1942,0,1915,1,1,50,4,3,2,,2,2,2,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,2,,,5,,2,,1,1,1,2,2,2,2,1,1,3,2,3,1,126,1,18,1,79,1,1,3,3 -4623,0,1717,0,,2,1,,,8,2,,1,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,5,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,1,1,2,2,2,1,3,2,2,4,1,130,1,20,1,103,6,6,3,3 -4624,0,2245,0,,2,1,4,1,2,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,9,,,,,,toddler sibling- ran and stepped on baby's abdomen,,7,2,2,,1,1,1,2,2,2,1,3,,,3,2,3,,1,46,1,182,3,3,2,3 -4625,0,2030,0,1950,1,1,40.8,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,121,1,16,1,101,1,1,2,3 -4626,0,2019,0,,2,1,15.4,,3,2,,2,2,2,2,2,2,1,1,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,9,,,,,,kicked by horse,,7,2,2,,1,1,1,2,2,2,2,1,2,3,2,4,1,146,1,24,1,86,2,1,1,3 -4627,0,1910,0,1800,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,3,2,2,2,,,2,2,1,172,1,20,1,70,2,2,2,3 -4628,0,1757,0,1730,1,1,28,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,1,,,,4,,2,,2,,1,2,3,2,3,2,,,2,3,1,123,1,23,1,100,1,1,2,3 -4629,0,0005,-1,2200,1,1,14.9,1,3,2,,4,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,1,2,2,9,,,,,,Fall onto frame of bed,,2,2,4,,1,1,2,2,2,2,2,2,,,2,3,1,106,1,28,1,120,2,1,2,2 -4630,0,1615,0,1600,1,1,25,1,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,1,2,2,2,1,2,,,2,2,1,114,1,22,1,108,1,1,3,3 -4631,0,2100,0,1900,1,1,,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fell from sled,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,18,1,108,2,1,2,2 -4632,0,1252,0,1100,1,1,29.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,2,2,2,2,2,3,1,2,2,2,3,1,96,1,18,1,90,1,1,1,2 -4633,0,2335,0,2030,1,1,30,3,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,1,4,5,6,3,,2,3,,,3,3,3,1,4: Speed Unknown,2,,,,,,1,,1,2,2,,1,2,3,2,3,4,,,2,3,1,114,1,28,1,91,1,1,2,3 -4634,0,1742,0,,2,1,22.7,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Horse dragged and kicked patient,,9,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,116,1,16,1,69,1,1,2,3 -4635,0,1400,0,1000,1,1,30,4,2,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,9,,,,,,Struck by tree limb in face and upper chest,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,110,1,22,1,79,2,1,2,3 -4636,0,2028,0,1815,1,1,30,2,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,1: < 20 mph,1,6,,,,Go-cart accident,1,,1,2,1,2,1,2,2,2,2,1,3,1,1,2,1,96,1,25,1,110,5,4,1,3 -4637,0,1617,0,1515,1,1,,,8,1,1,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,1,1,9,,,,,,Fall while skateboarding 20 mph,,2,2,2,,1,2,2,1,2,2,2,1,2,2,2,3,1,120,1,16,1,60,4,2,2,2 -4638,0,1935,0,1845,1,1,37.1,1,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Fall while running,,2,2,2,,2,,2,2,2,2,3,2,,,2,3,1,140,1,22,1,92,1,1,2,2 -4639,0,2045,0,1630,1,1,18,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,9,,,,,,Trampoline Injury,,2,2,2,,3,,2,2,2,2,2,1,1,2,2,3,1,118,1,16,1,101,1,1,1,2 -4640,0,2033,0,2000,1,1,,,3,2,,2,2,2,2,2,2,2,1,1,2,2,2,2,2,2,2,12,,2,2,,,2,2,1,4,3: > 20 mph,,,4,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,138,1,22,1,125,2,1,2,3 -4641,0,1800,0,1230,1,1,7.1,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,93,1,24,1,124,1,1,2,2 -4642,0,1742,0,1715,1,1,70,4,3,1,2,3,3,3,2,2,3,3,3,2,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,2,1,1,2,2,1,3,,,3,2,1,82,1,16,1,140,5,4,2,3 -4643,0,1519,0,,2,1,18.2,1,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,3,2,2,2,2,3,1,2,2,2,2,1,115,1,20,1,127,4,2,2,2 -4644,0,1710,0,,2,1,48,2,1,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,1,2,2,2,1,2,1,2,2,1,139,1,20,1,106,2,1,2,3 -4645,0,1702,0,1630,1,1,27.2,4,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,1,2,1,1,1,2,1,2,2,2,,,2,3,1,106,1,16,1,118,1,1,2,3 -4646,0,1455,0,1430,1,1,85,4,8,2,,3,3,3,2,2,3,3,2,3,2,2,2,1,4,4,6,4,,2,3,,,1,3,3,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,2,1,117,1,21,1,119,2,1,2,3 -4647,0,1950,0,1500,1,1,12,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,2: 5 - 20 mph,,,4,,,,4,,1,1,2,,1,2,2,2,2,2,,,2,3,1,115,1,23,1,112,2,1,2,3 -4648,0,2140,0,,2,1,,,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,124,1,32,1,112,1,1,2,2 -4649,0,2030,0,1500,1,1,49,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,2,2,2,2,2,1,2,2,2,2,1,120,1,20,1,64,1,1,2,2 -4650,0,1854,0,,2,1,70,4,8,2,,2,2,2,2,2,1,1,3,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,3,1,2,1,2,2,1,115,1,24,1,119,4,3,2,3 -4651,0,1000,0,0900,1,1,20,4,3,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,3,3,4,8,,2,3,,,3,3,1,9,,,,,,Hit in head by 200 lb tree branch and patient fell to ground,,9,2,2,,1,1,1,2,2,2,3,3,,,3,3,1,118,1,36,1,136,2,2,2,3 -4652,0,2209,0,1700,1,1,50,4,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,120,1,15,1,100,1,1,1,3 -4653,0,2022,0,2000,1,1,14.5,1,3,1,1,2,1,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,3,1,4,3,1,2,2,7,2: Accidental,,,,,,Fish tank fell on the abdomen,7,,2,,1,1,1,1,2,2,2,1,1,2,2,3,1,105,1,22,1,107,2,1,2,3 -4654,0,1540,0,1515,1,1,50,1,8,2,,2,2,2,3,3,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,134,1,16,1,84,1,1,1,3 -4655,0,2000,0,1800,1,1,65,4,3,2,,3,3,3,2,2,3,3,2,1,1,2,1,1,1,2,1,14,,2,3,,,3,3,3,5,,,,,3,,,5,,2,,1,2,1,2,2,2,2,3,,,3,2,1,120,1,18,1,80,1,1,2,3 -4656,0,2322,0,2158,1,1,48,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,2,2,2,2,1,3,1,2,2,1,116,1,20,1,106,4,2,2,3 -4657,0,1730,0,1630,1,1,46.4,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,1,2,2,2,2,2,,,2,2,1,129,1,16,1,70,1,1,1,3 -4658,0,0016,0,,2,1,,,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,1,4: Speed Unknown,1,6,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,113,1,18,1,86,2,1,2,2 -4659,0,2325,0,2230,1,1,61,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,150,1,22,1,51,1,1,2,2 -4660,0,2023,0,1730,1,1,17,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,3,2: 6-15,,,,,,,3,,2,,1,1,1,2,2,1,2,1,2,2,2,3,1,112,1,26,1,140,5,3,2,3 -4661,0,0715,-1,1830,1,1,66,2,2,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,4,,2,2,2,2,2,2,,,2,2,1,148,1,16,1,80,1,1,2,2 -4662,0,1754,0,1430,1,1,38.6,1,3,1,2,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,sports injury - collided/fell over other soccer player,,7,2,2,,1,1,2,2,2,2,2,2,,,2,3,1,102,1,18,1,84,2,1,2,2 -4663,0,2045,0,2000,1,1,75,,1,1,3,1,2,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,1,1,2,1,132,1,18,1,68,4,3,2,3 -4664,0,1930,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,1,1,1,1,2,1,2,1,14,,2,3,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,2,2,1,147,1,19,1,129,1,1,1,3 -4665,0,1559,0,,2,1,81,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,1,2,,2,2,2,1,2,1,1,2,1,3,1,107,1,16,1,76,1,1,2,2 -4666,0,1725,0,1700,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,3,,,2,4,1,4,3: > 20 mph,,,2,,,,4,,4,,1,1,1,2,2,1,3,1,2,1,2,2,1,116,1,22,1,124,3,2,2,3 -4667,0,1654,0,,2,1,23.7,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,5,,,,,3,,,5,,2,,1,2,2,2,2,2,2,1,1,2,2,3,1,118,1,20,1,91,2,2,2,2 -4668,0,1950,0,1830,1,1,23,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,1,2,,,2,4,2,9,,,,,,Fell and landed on head while playing soccer,,2,2,2,,2,,1,2,3,2,2,4,,,2,2,1,127,1,24,1,88,1,1,2,3 -4669,0,1515,0,1500,1,1,50,4,4,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,3,1,105,1,15,1,98,1,1,3,2 -4670,0,1501,-1,,2,1,25.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,1: < 3 ft.,,,,,,,2,,1,1,2,,2,2,2,3,2,2,,,2,2,1,104,1,20,1,100,1,1,1,2 -4671,0,1803,-1,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,118,1,30,1,119,1,1,2,3 -4672,0,1645,0,1630,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,9,,,,,,"""Stamped On"" Assault",,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,111,1,23,1,96,1,1,3,3 -4673,0,1906,0,1500,1,1,35,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,106,1,20,1,83,1,1,2,2 -4674,0,2049,0,,2,1,77,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,1,2,3,,1,2,2,2,3,2,,,2,2,1,129,1,20,1,107,1,1,2,3 -4675,0,1700,0,1630,1,1,54,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,124,1,24,1,82,1,1,2,3 -4676,0,1245,0,,2,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,8,,,,,,,Suspect fall while snowboarding but unwitnessed and patient has no recollection of event,8,,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,14,1,85,1,1,2,2 -4677,0,1443,0,,2,1,14,1,3,1,4,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,1,1,2,1,2,2,2,8,,,,,,,,8,,2,,2,,1,2,2,2,2,1,2,1,2,3,1,131,1,28,1,125,2,1,2,3 -4678,0,1708,0,1630,1,1,55,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,100,1,20,1,90,1,1,2,2 -4679,0,1450,0,1420,1,1,60,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,3,1,117,1,17,1,87,1,1,2,2 -4680,0,,0,1500,1,2,75,4,5,2,,2,4,4,2,2,2,2,4,1,2,2,1,2,1,1,1,15,,1,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,2,1,117,1,29,1,105,2,2,1,3 -4681,0,0019,-1,1830,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,1,2,,,2,3,1,117,1,22,1,83,1,1,2,2 -4682,0,0708,0,,2,1,75,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,2,2,2,2,2,1,1,6,2,3,1,141,1,16,1,83,2,1,3,2 -4683,0,1315,0,0030,1,1,61.7,1,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,9,,,,,,Assulted,,7,2,2,,1,1,1,2,2,2,2,1,1,1,2,3,1,117,1,20,1,76,1,1,1,3 -4684,0,1300,0,1230,1,1,12,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,1,2,1,1,3,,,2,3,1,91,1,28,1,122,4,4,2,3 -4685,0,1500,0,1400,1,1,14,1,3,2,,3,3,3,2,1,3,3,2,2,2,2,2,2,1,2,1,14,,2,3,,,2,3,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,1,2,2,2,2,3,,,3,3,1,141,1,26,1,155,1,1,2,3 -4686,0,1925,0,1805,1,1,58,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,OBJECT STRUCK BACK,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,16,1,96,1,1,2,2 -4687,0,,0,,2,2,22,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,117,1,30,1,137,2,1,2,3 -4688,0,2000,0,2000,1,1,29,1,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,2,2,2,2,2,2,,,2,3,1,113,1,26,1,116,2,1,2,2 -4689,0,1015,0,0800,1,1,10,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,28,1,104,1,1,2,2 -4690,0,2000,0,1930,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,2,3,,,1,2,2,9,,,,,,Unwitnessed event--believed to have fallen off back of ice cream truck while trying to ride on it,,8,2,1,2,2,,1,2,2,2,2,2,,,2,2,1,89,1,32,1,110,2,2,1,3 -4691,0,0847,0,,2,1,59,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,5: Physician did not answer,,,4,,,,4,,2,,2,,2,2,2,3,2,1,1,1,2,2,1,122,1,20,1,94,1,1,2,2 -4692,0,1700,0,1630,1,1,16,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,2,1,1,1,2,3,1,88,1,47,1,110,3,2,2,3 -4693,0,1116,0,,2,1,3.5,1,2,2,,3,3,3,2,2,3,3,3,3,2,2,2,2,1,1,1,15,,1,3,,,3,2,3,8,,,,,,,,8,,2,,2,,1,2,2,2,2,3,,,3,3,1,81,1,40,1,160,1,1,2,3 -4694,0,2130,0,2100,1,1,13,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,134,1,46,1,138,1,1,2,3 -4695,0,1554,0,1530,1,1,25,4,3,1,1,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,6,,,,,1,,1,2,1,1,1,1,1,2,2,2,,,2,2,1,101,1,22,1,99,3,2,2,3 -4696,0,1643,0,1615,1,1,45,2,3,1,2,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,131,1,23,1,99,1,1,2,2 -4697,0,0938,0,,2,1,112.8,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,18,1,80,2,1,1,2 -4698,0,1406,0,1330,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,5: Physician did not answer,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,135,1,22,1,111,1,1,2,2 -4699,0,1714,0,,2,1,50,2,3,2,,4,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,2,2,2,3,2,,,2,2,1,122,1,18,1,90,1,1,2,2 -4700,0,1904,0,1900,1,1,10,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,2,3,1,120,1,32,1,152,2,1,2,2 -4701,0,1232,0,,2,1,16,4,3,2,,2,2,2,2,2,2,2,3,1,2,2,2,2,1,2,1,14,,2,1,4,1,1,2,1,1,4: Speed Unknown,1,6,,,,,1,,2,,1,1,1,2,2,2,1,1,1,1,2,3,1,97,1,18,1,90,1,1,2,3 -4702,0,,0,2100,1,2,22,3,1,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,3,4,3,8,,2,3,,,1,3,1,1,2: 20 - 40 mph,1,6,,,,,1,,2,,1,2,1,2,2,2,3,3,,,3,3,1,120,1,22,1,129,5,4,2,3 -4703,0,1435,0,0800,1,1,4.6,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,2,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,40,1,144,1,1,2,2 -4704,0,0912,-1,1630,1,1,51.9,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,tackled while playing football,,7,2,2,,2,,2,2,2,2,2,1,1,2,2,3,1,132,1,24,1,104,1,1,2,2 -4705,0,2000,0,1750,1,1,61,1,1,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Ran into wall playing indoor soccer,,7,2,2,,2,,2,2,2,2,3,2,,,2,3,1,127,1,16,1,88,1,1,2,2 -4706,0,1915,0,1700,1,1,74,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,kicked in epigastrum by horse,,7,2,2,,2,,2,1,2,2,2,1,1,2,2,3,1,108,1,20,1,91,1,1,1,2 -4707,0,1249,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,2,2,8,,,,,,,,8,,2,,2,,1,2,2,2,2,2,,,2,2,1,151,1,24,1,90,1,1,2,3 -4708,0,2212,0,,2,1,27,4,1,1,1,3,3,3,1,1,3,3,1,1,1,2,2,2,4,5,6,3,,2,3,,,3,3,3,6,,,,,,,,6,,2,,1,2,1,1,2,1,3,3,,,3,2,1,132,1,23,1,96,5,4,2,3 -4709,0,2036,0,1945,1,1,95.3,4,4,1,3,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,dirt bike,6,,1,1,1,1,2,1,2,2,2,1,1,1,2,2,1,180,1,16,1,115,2,1,2,2 -4710,0,2119,0,,2,1,59,4,3,1,2,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,"Playing soccer, struck by opponent & tossed in air landing on back",2,,2,,1,1,2,2,2,2,2,2,,,2,3,1,126,1,20,1,89,2,1,2,2 -4711,0,0930,0,0830,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,3,1,121,1,18,1,80,1,1,2,3 -4712,0,1800,0,1645,1,1,46.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,130,1,20,1,108,2,2,1,3 -4713,0,,0,,2,2,,,3,2,,3,3,3,2,2,3,3,3,3,2,2,2,2,1,1,1,15,,1,3,,,1,3,3,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,3,,,3,3,1,102,4,,1,164,2,2,2,2 -4714,0,1810,0,,2,1,63,4,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,9,,,,,,"Struck in chest - ""checked"" by another lacrosse player",,7,2,2,,1,3,2,2,2,2,2,1,1,2,2,2,1,131,1,27,1,88,1,1,2,2 -4715,0,1630,0,1410,1,1,30.7,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,1,2,2,2,1,3,1,2,2,1,99,1,20,1,110,5,2,1,3 -4716,0,1615,0,1530,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,133,1,22,1,104,2,1,2,3 -4717,0,1625,0,1530,1,1,79,1,3,1,1,1,1,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,2,3,1,129,1,18,1,104,1,1,2,3 -4718,0,1226,-1,2000,1,1,15,1,3,1,2,1,1,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,2,2,2,2,2,2,,,2,2,1,123,1,24,1,109,3,3,2,2 -4719,0,1900,0,1700,1,1,19,3,3,2,,2,3,3,2,2,2,2,2,2,2,2,2,2,2,2,3,11,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,3,,,3,2,1,120,1,26,1,120,2,1,1,3 -4720,0,1326,-1,1700,1,1,53.8,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,136,1,20,1,80,1,1,2,3 -4721,0,1555,0,1300,1,1,26,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,2,1,103,1,29,1,108,1,1,2,2 -4722,0,1854,0,1610,1,1,85,4,4,2,,1,2,1,2,2,2,2,2,1,2,2,1,2,1,2,1,14,,2,1,3,1,1,1,1,6,,,,,,,,6,,1,2,1,1,1,1,2,2,2,1,3,1,3,2,1,146,1,15,1,70,5,4,1,3 -4723,0,1700,0,1600,1,1,49.9,1,1,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,1,2,6,,,,,,,,6,,4,,1,1,1,2,2,2,2,1,2,1,2,2,1,122,1,20,1,92,2,2,2,3 -4724,0,1308,0,1100,1,1,70,1,3,1,4,3,3,3,2,2,3,3,2,1,2,2,2,2,3,4,2,9,,2,3,,,2,2,3,9,,,,,,scooter rider hit by car,,4,2,2,,1,1,1,2,2,2,1,3,,,2,3,1,112,2,,1,100,2,1,2,3 -4725,0,0715,0,0645,1,1,102,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,2,,2,2,2,3,3,2,,,2,2,1,117,1,18,1,135,2,1,2,2 -4726,0,2102,0,2000,1,1,24,2,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,3,1,89,1,20,1,84,1,1,2,2 -4727,0,0230,0,0100,1,1,40,2,2,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,pushed into wall at slumber party,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,105,1,20,1,93,1,1,2,2 -4728,0,1825,0,,2,1,50,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,114,1,18,1,87,1,1,2,2 -4729,0,1245,0,1215,1,1,80,4,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,1,2,1,1,1,1,2,2,3,1,2,1,2,2,1,116,1,24,1,113,2,2,2,3 -4730,0,1806,0,1800,1,1,49.7,,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,3,1,122,1,20,1,107,1,1,2,2 -4731,0,2028,0,2000,1,1,24,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,18,1,118,1,1,2,2 -4732,0,1749,-1,2045,1,1,63.9,1,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,fell while playing basketball,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,20,1,61,1,1,2,2 -4733,0,1551,0,1445,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,4,2,2,2,5,,,,,2,,,5,,2,,1,3,2,2,2,2,3,1,2,2,2,2,1,122,1,20,1,105,2,1,2,2 -4734,0,1304,0,,2,1,55,,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,147,1,16,1,68,1,1,2,2 -4735,0,0139,0,0030,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,1,1,1,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,112,1,18,1,101,2,1,2,2 -4736,0,2100,0,,2,1,68,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,2,1,129,1,15,1,122,1,1,3,2 -4737,0,0948,0,,2,1,52,1,2,2,,1,1,1,2,2,1,1,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Fell off a horse, horse rolled over the patient",,2,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,124,1,20,1,88,1,1,2,3 -4738,0,0012,-1,1650,1,1,4.4,1,3,2,,2,2,2,2,2,2,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,2,4: Unknown,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,95,1,24,1,115,1,1,2,3 -4739,0,1340,0,,2,1,31.8,1,2,2,,4,4,4,4,4,4,1,2,4,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,5,,,,,2,,,5,,4,,4,,2,4,3,4,4,4,,,4,4,1,111,1,20,1,71,6,6,3,2 -4740,0,1600,0,1530,1,1,40,4,1,1,1,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,1,1,2,2,1,2,3,2,3,1,130,1,14,1,104,1,1,2,3 -4741,0,1343,0,1300,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,1,1,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,1,2,1,2,2,1,126,1,18,1,104,1,1,2,3 -4742,0,,-1,,2,2,8,3,3,2,,3,3,3,2,2,3,3,2,2,1,2,1,2,4,5,6,3,,2,2,,,2,3,3,1,4: Speed Unknown,1,4,,,,,1,,1,2,1,1,1,2,2,2,3,3,,,3,2,1,99,1,30,1,167,4,2,2,3 -4743,0,0200,0,0130,1,1,17.5,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,2,2,1,13,,2,4,,,4,4,4,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,4,1,2,1,3,2,1,113,1,18,1,140,2,1,2,3 -4744,0,1735,0,1700,1,1,64,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,133,1,28,1,80,1,1,2,2 -4745,0,1907,0,1840,1,1,45,4,2,1,1,3,3,3,1,1,3,3,2,1,1,1,1,2,4,5,2,7,,2,3,,,1,3,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,3,1,3,,,3,3,1,140,2,,1,110,4,4,2,3 -4746,0,1354,0,1230,1,1,36,1,3,2,,2,2,2,2,2,1,1,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,1,2,3,2,2,1,121,1,20,1,109,2,1,2,3 -4747,0,0730,0,0700,1,1,44.5,2,2,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,3,2,2,3,1,117,1,20,1,84,3,2,2,2 -4748,0,2255,0,2000,1,1,28,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,1,2,2,3,1,108,1,16,1,130,4,2,2,2 -4749,0,1507,0,1430,1,1,11,3,3,2,,3,3,3,2,1,3,3,2,1,2,2,2,2,1,2,1,14,,1,2,,,2,2,1,4,1: < 5 mph,,,1,,,,4,,2,,1,1,1,2,2,1,2,3,,,2,2,1,106,1,40,1,190,3,2,2,3 -4750,0,0743,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,3,,,2,3,3,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,4,2,4,,,2,2,3,,1,28,1,140,1,1,3,2 -4751,0,1156,0,1130,1,1,38.5,1,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Football-tackled,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,16,1,86,1,1,2,2 -4752,0,2215,0,1200,1,1,25,1,8,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,4,,1,3,2,2,2,2,2,1,1,2,2,3,1,110,1,20,1,85,3,1,2,2 -4753,0,1915,0,1700,1,1,68.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,1,2,2,2,2,,,2,2,1,123,1,28,1,116,1,1,2,3 -4754,0,2018,0,,2,1,21.6,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Potential Abuse,,7,2,2,,1,3,2,2,2,2,2,2,,,2,2,1,133,1,24,1,110,2,1,1,2 -4755,0,1930,0,1500,1,1,50,4,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,falling off skate-board on to cement,,2,2,2,,1,1,1,2,2,2,2,1,1,3,2,3,1,112,1,18,1,93,3,1,3,3 -4756,0,1824,0,1530,1,1,57,,1,2,,2,2,4,2,2,2,2,2,2,2,3,3,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,1,1,2,2,3,1,123,1,16,1,77,2,2,2,3 -4757,0,1830,0,1700,1,1,60,4,8,2,,3,3,3,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,3,1,6,,,,,,,,6,,2,,3,,1,2,2,3,3,1,2,1,3,2,1,146,1,35,1,94,4,2,2,3 -4758,0,2300,0,1700,1,1,17.1,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,7,3: Unknown intentionality,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,126,1,40,1,140,1,1,2,2 -4759,0,0730,0,0650,1,1,,,3,3,,4,4,4,4,4,4,4,4,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,4,,4,,2,4,3,4,4,4,,,4,4,1,106,1,20,1,77,6,6,3,2 -4760,0,2149,0,,2,1,17,1,3,3,,4,4,4,4,4,4,4,4,4,3,3,3,3,4,5,6,3,,3,4,,,4,4,4,10,,,,,,,,10,,4,,4,,1,2,2,2,2,3,,,3,2,1,83,1,19,1,142,2,1,2,3 -4761,0,1858,0,1745,1,1,39.2,1,3,2,,2,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,107,1,16,1,64,1,1,2,2 -4762,0,1644,0,,2,1,45,4,8,2,,2,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,100,1,36,1,120,1,1,2,3 -4763,0,1523,0,1500,1,1,70.1,1,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,head & face assaulted,,9,2,2,,2,,2,2,2,2,2,2,,,2,3,1,137,1,16,1,74,1,1,2,2 -4764,0,1754,0,1630,1,1,50,4,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,3,1,2,2,2,2,1,124,1,18,1,76,1,1,3,2 -4765,0,1345,0,1300,1,1,12,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,149,1,53,1,171,2,1,2,3 -4766,0,1510,0,1400,1,1,17,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,107,1,20,1,121,2,1,1,3 -4767,0,1400,0,1200,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,4,4,1,111,1,20,1,66,1,1,2,2 -4768,0,2003,0,1930,1,1,14,3,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,2,2,9,,,,,,TV fell on patient,,7,2,2,,2,,2,2,3,2,2,2,,,2,2,1,90,1,20,1,122,2,1,2,2 -4769,0,0735,0,0700,1,1,93,1,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,133,1,20,1,128,1,1,2,2 -4770,0,1850,0,1750,1,1,24.9,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,4,,4,,1,2,2,2,2,2,,,2,3,1,120,1,24,1,122,2,2,2,3 -4771,0,1307,0,,2,1,7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,48,1,133,1,1,2,2 -4772,0,0030,-1,2330,1,1,80,4,3,1,1,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,124,1,30,1,88,3,2,2,3 -4773,0,0030,0,0000,1,1,5,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,3,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,1,2,2,2,1,1,2,2,3,1,76,1,40,1,137,1,1,2,2 -4774,0,1750,0,1700,1,1,20,4,1,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,1,1,2,2,3,1,108,1,18,1,115,1,1,2,2 -4775,0,2045,0,1800,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,1,1,2,2,2,1,152,1,20,1,66,1,1,3,3 -4776,0,1331,0,1000,1,1,96,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Pushed into locker,,7,2,2,,1,3,2,2,2,2,2,1,1,2,2,3,1,113,1,18,1,70,1,1,2,2 -4777,0,0850,0,0820,1,1,10,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,House fire,,9,2,1,2,2,,1,2,2,2,2,2,,,2,2,1,91,1,40,1,150,1,1,1,3 -4778,0,0701,-1,1430,1,1,86,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,20,1,60,1,1,1,2 -4779,0,1705,0,1600,1,1,50,1,1,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,,,,,15,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,134,1,18,1,88,1,1,2,3 -4780,0,1922,0,,2,1,48,2,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,20,1,80,1,1,2,2 -4781,0,1855,0,,2,1,70.6,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,4,2,2,,,2,3,1,154,1,18,1,85,1,1,2,3 -4782,0,0931,0,0700,1,1,24,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,105,1,24,1,92,1,1,3,2 -4783,0,1652,0,1500,1,1,57,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,20,1,86,1,1,2,2 -4784,0,1600,0,1530,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,16,1,75,1,1,2,2 -4785,0,1530,0,1100,1,1,13.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,3,,1,28,1,128,2,1,2,3 -4786,0,0006,-1,,2,1,54,,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,4,,4,,1,2,2,2,2,1,2,3,2,3,1,103,1,16,1,98,1,1,2,3 -4787,0,2000,0,1930,1,1,11.4,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,2,1,120,1,28,1,165,1,1,1,3 -4788,0,0031,-1,2030,1,1,53.6,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Sledding accident,,9,2,2,,2,,1,2,2,2,2,2,,,2,3,1,122,1,16,1,107,1,1,1,3 -4789,0,1100,0,1000,1,1,17,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,7,3: Unknown intentionality,,,,,,Chest,7,,2,,2,,2,2,2,2,3,2,,,2,2,1,112,1,28,1,152,2,1,3,2 -4790,0,1645,0,1630,1,1,84,2,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,24,1,98,2,2,2,2 -4791,0,0109,0,0030,1,1,13,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,3,3,7,4: Physician did not answer,,,,,,,7,,2,,1,3,2,2,2,2,3,3,,,3,2,1,115,1,18,1,116,2,2,2,2 -4792,0,2230,0,,2,1,60,,4,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,4,5,,2,3,,,1,3,3,4,5: Physician did not answer,,,4,,,,4,,2,,1,1,1,2,2,2,3,3,,,3,2,1,133,1,16,1,65,4,3,2,3 -4793,0,1715,-1,2100,1,1,81,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,122,1,20,1,84,2,2,2,2 -4794,0,2007,0,,2,1,27.2,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,110,1,20,1,102,1,1,1,3 -4795,0,1203,0,1038,1,1,75,4,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,121,1,16,1,60,1,1,1,2 -4796,0,1740,0,1700,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,3,2,2,11,,1,3,,,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,1,2,2,1,1,2,,,2,2,1,109,1,48,1,133,2,1,2,3 -4797,0,1410,0,1200,1,1,50,2,1,2,,2,1,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,5,,,,,2,,,5,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,95,1,22,1,89,2,2,2,3 -4798,0,1120,0,1020,1,1,48,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,Ski jump ~ 150 feet,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,14,1,80,1,1,2,2 -4799,0,1707,0,,2,1,19,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,137,1,26,1,149,1,1,2,2 -4800,0,2103,0,2030,1,1,75,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,4,2,2,,,2,2,1,139,1,19,1,85,1,1,2,2 -4801,0,1412,0,1320,1,1,65,,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,1,2,1,2,2,2,2,2,2,2,,,2,2,1,147,1,36,1,73,1,1,2,2 -4802,0,1250,-1,2200,1,1,67.5,1,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from skate board,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,147,1,14,1,64,1,1,2,2 -4803,0,2218,0,1715,1,1,60,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,18,1,70,1,1,2,2 -4804,0,2337,0,2300,1,1,63,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,117,1,23,1,82,3,2,2,3 -4805,0,2030,0,1840,1,1,8,3,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,3,1,3: > 40 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,3,,,3,3,1,111,1,36,1,144,1,1,2,3 -4806,0,1814,0,1745,1,1,100,4,3,2,,3,3,3,2,2,3,3,3,3,1,1,1,2,3,2,2,11,,2,3,,,2,3,3,2,1: < 3 ft.,,,,,,Fall from skateboard,2,,1,1,2,,1,2,2,2,3,3,,,3,3,1,179,1,22,1,104,3,1,2,3 -4807,0,1732,0,1712,1,1,30,4,3,2,,1,2,2,2,2,2,1,1,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,1,2,1,1,6,2,2,1,137,1,26,1,124,2,1,3,3 -4808,0,1523,0,1508,1,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,105,1,18,1,88,1,1,2,2 -4809,0,1948,0,1900,1,1,70,4,8,1,2,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,1,2,2,2,1,1,2,2,3,1,107,1,14,1,112,2,1,2,2 -4810,0,1445,0,,2,1,65,4,2,2,,2,3,3,2,2,3,3,2,2,1,1,1,2,4,5,3,6,,2,3,,,2,3,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,3,,,3,2,1,142,1,20,1,86,2,1,2,3 -4811,0,2105,0,1300,1,1,18,1,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,1,2,,2,2,2,2,2,1,1,2,2,3,1,107,1,20,1,81,1,1,2,2 -4812,0,1950,0,,2,1,40,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,107,1,20,1,76,1,1,2,3 -4813,0,1403,0,1345,1,1,63,2,2,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,3,2,2,1,116,1,16,1,60,2,1,2,3 -4814,0,2055,0,1930,1,1,23,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,1,1,2,2,3,1,122,1,25,1,140,1,1,1,2 -4815,0,2139,0,,2,1,22,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,1,1,1,15,,2,1,1,1,2,2,2,5,,,,,3,,,5,,2,,1,2,1,2,2,2,3,1,1,1,2,3,1,117,1,20,1,93,2,1,2,3 -4816,0,1715,0,1700,1,1,,,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,3,1,117,1,28,1,113,2,2,2,3 -4817,0,0909,0,0825,1,1,35,2,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,6,,,,,,,,6,,2,,1,3,2,2,2,2,2,1,2,2,2,2,1,110,1,24,1,86,2,1,3,2 -4818,0,1455,0,,2,1,75,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,9,,,,,,Physical assault,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,167,1,26,1,86,2,1,2,2 -4819,0,1314,0,,2,1,16,1,8,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,101,1,24,1,115,1,1,2,2 -4820,0,2025,0,1845,1,1,90.7,2,8,1,3,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,1,4: Speed Unknown,1,2,,,,,1,,2,,1,3,1,1,1,2,2,1,1,1,2,2,1,96,1,27,1,113,2,1,2,3 -4821,0,1244,0,1200,1,1,47,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,148,1,32,1,78,1,1,1,3 -4822,0,0830,0,0800,1,1,40,4,3,1,2,3,3,3,1,1,3,3,2,1,1,1,1,2,2,2,2,12,,2,3,,,2,3,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,2,1,115,2,,1,93,5,3,2,3 -4823,0,1830,0,1740,1,1,73,1,8,1,2,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Fall from bike while riding and then fell 6ft,,2,2,2,,2,,2,2,2,2,2,1,2,2,2,3,1,127,1,18,1,95,1,1,2,1 -4824,0,1315,0,1130,1,1,4.5,2,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,3,1: 5 or less,,,,,,,3,,2,,2,,1,2,2,2,2,3,,,3,3,1,82,1,44,1,198,1,1,2,3 -4825,0,2100,0,1600,1,1,13.2,1,3,2,,2,2,2,2,2,3,2,3,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,9,,,,,,Fall from ground level,,2,2,2,,2,,1,3,2,3,2,2,,,3,3,1,79,1,20,1,120,1,1,1,3 -4826,0,1700,0,1145,1,1,28.5,1,8,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,100,1,16,1,88,1,1,2,2 -4827,0,1800,0,1700,1,1,26.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,113,1,20,1,93,1,1,2,2 -4828,0,2340,0,,2,1,65,,8,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,2,,,2,2,1,147,1,26,1,90,4,1,1,3 -4829,0,2122,0,2100,1,1,45,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,20,1,110,2,1,1,2 -4830,0,1717,0,,2,1,9,4,8,2,,4,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,4,2,3,,,3,2,1,97,1,24,1,190,1,1,3,3 -4831,0,0857,0,0600,1,1,32,3,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,1,1,3: > 40 mph,3,,,,,,1,,1,1,1,1,1,1,2,2,3,3,,,3,3,1,99,2,,1,140,4,4,1,3 -4832,0,2100,0,1700,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,2,1,2,2,1,134,1,30,1,192,2,1,2,3 -4833,0,2200,0,2140,1,1,28,2,3,1,2,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,3,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,3,2,,,2,3,1,105,1,24,1,91,3,1,2,2 -4834,0,2340,0,2300,1,1,70,4,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,113,1,24,1,115,1,1,2,3 -4835,0,1330,0,1200,1,1,31,1,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,3,2,4,1,108,1,20,1,100,1,1,2,2 -4836,0,1200,0,,2,1,40,4,8,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,122,1,16,1,68,1,1,2,3 -4837,0,0742,0,,2,1,,,3,2,,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,2,,2,2,2,2,2,2,,,4,4,1,130,1,18,1,118,1,1,2,2 -4838,0,2040,0,2000,1,1,11,,3,2,,3,3,3,2,2,3,3,2,2,2,2,1,2,3,2,1,12,,2,3,,,2,3,3,1,3: > 40 mph,1,4,,,,,1,,2,,1,2,1,2,2,2,3,3,,,3,3,1,104,1,30,1,142,4,3,2,3 -4839,0,1933,0,,2,1,8,3,8,2,,3,3,3,1,2,3,3,2,3,1,2,2,2,4,5,6,3,,1,3,,,2,3,3,8,,,,,,,,8,,2,,1,1,1,2,2,2,1,3,,,2,2,1,66,1,19,1,126,5,4,1,3 -4840,0,2239,0,,2,1,58,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Basketball- several tackles that hit left abd side,,7,2,2,,1,3,2,2,2,2,2,1,2,2,2,3,1,117,1,20,1,60,2,1,2,2 -4841,0,1720,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,1,1,2,2,3,2,,,2,2,1,102,1,20,1,64,2,1,2,3 -4842,0,1506,0,,2,1,21.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,"collision, fell in gym class",,7,2,1,2,3,,2,2,2,2,2,1,2,4,2,3,1,112,1,14,1,108,4,2,2,2 -4843,0,1236,0,1221,1,1,15,4,3,2,,2,2,2,2,2,2,4,4,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,3,,3,,1,2,2,2,2,2,,,4,4,1,95,1,28,1,128,2,1,3,3 -4844,0,1702,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,107,1,20,1,130,1,1,2,2 -4845,0,1125,0,,2,1,80,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,1,1,1,1,15,,2,2,,,3,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,3,1,2,,,2,2,1,100,1,14,1,99,4,1,2,3 -4846,0,1700,0,1640,1,1,52,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,1,5: Physician did not answer,4,,,,,,1,,2,,1,2,2,1,3,2,3,1,1,3,2,2,1,105,1,18,1,101,3,2,2,2 -4847,0,0217,-1,1830,1,1,65.8,1,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,2,,1,2,2,2,2,2,,,2,3,1,132,1,22,1,114,1,1,1,3 -4848,0,0640,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,assault,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,131,1,20,1,117,1,1,2,3 -4849,0,0010,-1,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,3,2,,,2,2,1,111,1,16,1,103,1,1,3,2 -4850,0,1935,0,1900,1,1,,,8,1,4,1,4,4,4,4,2,2,2,2,2,2,2,2,1,1,2,14,,2,2,,,2,2,4,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,121,1,26,1,102,1,1,1,3 -4851,0,1905,0,1830,1,1,25,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,1,3,,,2,2,1,98,1,29,1,110,1,1,2,3 -4852,0,1331,0,,2,1,6,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,,,,,15,1,3,,,3,3,1,1,4: Speed Unknown,1,4,,,,car seat not buckled in & was ejected; mother died,1,,2,,1,3,1,2,2,2,3,2,,,3,2,1,103,1,46,1,182,1,1,2,3 -4853,0,2142,0,,2,1,7.1,1,8,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,2,1,14,,1,4,,,1,3,3,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,118,1,40,1,142,1,1,3,3 -4854,0,1930,0,1830,1,1,88.6,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,Bat,7,,2,,1,1,1,1,2,2,2,1,3,2,2,2,1,134,1,24,1,109,4,4,2,3 -4855,0,1940,0,1900,1,1,61.2,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,18,1,100,2,1,2,2 -4856,0,2056,0,,2,1,90,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,2,2,2,2,2,2,1,2,3,2,3,1,123,1,19,1,91,2,2,2,2 -4857,0,1440,0,1400,1,1,70,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,2,1,2,2,2,3,2,,,2,3,1,127,1,16,1,80,1,1,2,3 -4858,0,2035,0,0600,1,1,97.5,1,4,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,144,1,14,1,87,1,1,2,3 -4859,0,1730,0,1700,1,1,30,4,3,1,3,1,1,2,2,2,1,1,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,124,1,24,1,114,1,1,2,3 -4860,0,1400,0,,2,1,38,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,127,1,20,1,108,2,1,2,3 -4861,0,0926,0,0815,1,1,77,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,114,1,11,1,69,1,1,2,3 -4862,0,1830,0,1800,1,1,35,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,3,1,110,1,22,1,115,1,1,2,2 -4863,0,1036,-1,1400,1,1,45,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,139,1,20,1,78,1,1,2,2 -4864,0,1400,0,1300,1,1,13.9,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,22,1,110,1,1,3,2 -4865,0,2000,0,,2,1,77.1,1,4,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,1,1,4: Speed Unknown,1,3,,,,,1,,2,,1,2,1,2,2,2,2,1,1,3,2,2,1,139,1,10,1,82,2,1,2,3 -4866,0,1500,0,,2,1,31.8,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,122,1,47,1,122,1,1,1,3 -4867,0,2015,0,,2,1,28.6,1,2,1,4,1,4,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,ground level fall into furniture,,2,2,2,,2,,2,2,2,2,2,1,1,2,2,2,1,120,1,24,1,80,1,1,2,2 -4868,0,1940,0,1830,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,138,1,24,1,106,1,1,2,3 -4869,0,1834,0,1800,1,1,35,4,4,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,1,2,1,2,2,2,2,2,2,2,,,2,2,1,130,1,14,1,120,1,1,1,2 -4870,0,1204,0,1130,1,1,22.2,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,"on sled, went down hill, struck fence pole.",,7,2,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,115,1,26,1,110,2,1,2,2 -4871,0,1930,0,,2,1,20,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,20,1,121,1,1,2,2 -4872,0,0900,0,0800,1,1,23.9,1,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,1,1,1,1,1,2,2,1,2,3,2,3,1,125,1,20,1,104,2,2,2,3 -4873,0,1404,0,,2,1,75,1,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,1,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,138,1,24,1,70,1,1,2,3 -4874,0,1700,0,1630,1,1,12,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,4,3,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,1,2,2,2,2,,,2,3,1,93,1,40,1,116,1,1,2,2 -4875,0,1631,0,1600,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,125,1,26,1,173,2,2,2,3 -4876,0,1928,0,,2,1,47,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,hit head (helmeted) while playing football (hit another player)- with chest/ abd tenderness,,7,2,2,,2,,2,2,2,2,2,1,1,2,2,2,1,118,1,20,1,88,1,1,2,2 -4877,0,1544,0,1230,1,1,43,2,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,pt ran over by a car while lying down,,4,2,2,,1,1,1,1,2,2,3,2,,,2,2,1,113,1,25,1,112,2,1,2,3 -4878,0,1755,0,,2,1,65,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,137,1,16,1,90,1,1,2,2 -4879,0,2100,0,,2,1,45,3,8,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,,,,,3,2,3,,,3,3,1,4,3: > 20 mph,,,3,,,,4,,1,1,1,3,1,2,2,2,3,3,,,3,2,1,118,2,,1,114,4,3,2,3 -4880,0,2304,0,2145,1,1,112,1,4,2,,2,1,2,2,2,3,3,2,1,1,1,1,2,2,2,1,13,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,1,2,1,1,1,1,2,1,3,3,,,3,2,1,95,1,15,1,130,5,5,2,3 -4881,0,1145,0,,2,1,31.3,,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,108,1,20,1,104,1,1,2,2 -4882,0,2045,0,,2,1,,,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,3,2,2,4,,,2,3,1,126,1,18,1,73,1,1,3,2 -4883,0,1136,0,1045,1,1,30,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,1,1,,,,,1,,2,,1,3,2,2,2,2,2,2,,,2,2,1,94,1,32,1,75,1,1,1,2 -4884,0,1200,-1,1700,1,1,50,4,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,3,1,1,2,2,3,1,128,1,18,1,91,2,2,2,2 -4885,0,2000,0,1335,1,1,17,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,1,1,2,,1,2,2,2,3,2,,,2,2,1,105,1,20,1,118,1,1,2,3 -4886,0,1614,-1,1700,1,1,24.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,8,,,,,,,abuse,8,,2,,1,1,2,2,2,2,2,1,1,3,2,2,1,76,1,18,1,59,1,1,2,2 -4887,0,1603,0,1600,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,1,2,2,2,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,3,1,2,2,2,2,1,1,1,2,2,1,132,1,30,1,109,2,2,2,3 -4888,0,2300,0,,2,1,4,3,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,3,3,9,,,,,,Fell off bed,,2,2,2,,2,,1,2,2,4,2,3,,,3,3,1,78,1,40,1,144,1,1,2,3 -4889,0,1530,0,1500,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,135,1,14,1,106,1,1,2,3 -4890,0,2201,0,2130,1,1,45.4,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,4,2,1,1,4,2,3,1,121,1,26,1,102,2,1,2,2 -4891,0,0930,0,0800,1,1,40,4,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,7,1: Intentional,,,,,,,7,,1,1,2,,2,2,2,2,2,1,1,6,2,3,1,118,1,16,1,87,1,1,2,2 -4892,0,1412,0,,2,1,30,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,2,,,5,,1,2,1,1,2,1,2,2,3,1,1,3,2,3,1,124,1,16,1,83,1,1,2,2 -4893,0,1624,0,1524,1,1,70,4,3,1,2,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,1,1,1,2,2,2,2,2,,,2,2,1,98,1,23,1,95,1,1,3,3 -4894,0,1745,0,1630,1,1,,,3,1,2,2,2,2,2,2,2,1,1,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,110,1,24,1,110,2,1,2,3 -4895,0,2000,0,1800,1,1,35,4,3,2,,4,4,4,4,4,2,2,4,4,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,4: Unknown,,,,,,,2,,2,,1,2,1,2,3,4,4,4,,,4,4,1,106,1,20,1,85,4,3,2,3 -4896,0,0715,0,0630,1,1,10,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,3,1,72,1,32,1,134,1,1,2,2 -4897,0,2045,0,,2,1,,,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Struck corner of park bench while running,,7,2,2,,1,3,2,1,2,2,2,2,,,2,3,1,125,1,16,1,120,2,1,2,2 -4898,0,1145,0,1120,1,1,90,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,102,1,17,1,78,1,1,2,2 -4899,0,0938,0,0900,1,1,7.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,3,2,2,2,,,2,3,1,108,1,26,1,128,1,1,2,2 -4900,0,1608,0,1500,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,1,2,2,,2,2,2,2,2,2,,,2,3,1,118,1,18,1,62,1,1,2,2 -4901,0,2026,0,,2,1,45,2,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Sledding struck roadside sign,,9,2,2,,2,,1,2,2,2,2,2,,,2,3,1,114,1,12,1,68,1,1,1,3 -4902,0,1600,0,,2,1,60,1,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,1,1,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,128,1,24,1,100,2,1,2,3 -4903,0,0834,0,,2,1,50,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,1,2,1,2,2,1,137,1,20,1,110,1,1,1,2 -4904,0,1956,0,1900,1,1,33.1,1,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,1,1,2,2,2,2,1,1,2,2,2,2,1,100,1,16,1,98,2,1,2,2 -4905,0,1954,0,,2,1,60,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,140,1,20,1,110,1,1,2,3 -4906,0,2157,0,2140,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,1,1,1,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,112,1,20,1,96,2,1,2,2 -4907,0,1658,0,1600,1,1,21.9,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,16,1,110,1,1,2,2 -4908,0,1845,0,,2,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,3,2,2,2,,,2,2,1,106,1,24,1,136,1,1,2,3 -4909,0,0311,0,0215,1,1,55,4,4,1,1,2,1,1,2,2,3,2,2,1,2,2,2,3,1,1,1,15,,2,1,2,2,2,2,1,1,4: Speed Unknown,1,6,,,,,1,,1,2,1,1,1,2,2,2,2,1,2,1,2,2,1,130,1,30,1,90,4,3,2,3 -4910,0,0245,0,0201,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,140,1,16,1,88,3,3,2,2 -4911,0,0303,0,0215,1,1,63.5,1,4,2,,3,3,3,3,3,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,1,2,1,3,1,2,2,2,2,3,,,3,2,1,60,1,4,1,135,4,3,2,3 -4912,0,2317,0,2300,1,1,29.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,124,1,20,1,89,1,1,2,1 -4913,0,1230,0,1200,1,1,30,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,114,1,20,1,92,1,1,2,3 -4914,0,2230,0,2210,1,1,,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,82,1,46,1,133,2,1,3,3 -4915,0,2200,0,2100,1,1,70,4,3,2,,1,1,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,142,1,28,1,84,1,1,2,2 -4916,0,2035,0,1630,1,1,75,1,8,2,,2,1,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,120,1,13,1,86,3,2,1,3 -4917,0,1800,0,1300,1,1,80,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Lap belt restraint on roller coaster,,7,2,4,,4,,2,1,1,2,1,1,4,2,2,3,1,185,1,16,1,82,2,2,2,2 -4918,0,0115,0,0030,1,1,70,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,1,2,2,2,3,2,,,2,3,1,127,1,15,1,96,2,2,2,3 -4919,0,0715,0,0500,1,1,40,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,18,1,91,1,1,2,2 -4920,0,1424,0,1224,1,1,63.2,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,Kicked during football game,,7,2,2,,1,1,2,2,2,2,3,1,3,1,2,3,1,116,1,18,1,74,2,1,2,2 -4921,0,1920,0,1800,1,1,60,4,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,2,2,,,2,2,1,110,1,28,1,140,1,1,2,3 -4922,0,1700,0,1645,1,1,18,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,4,2,2,2: 3 - 10 ft.,,,,,,fell down slide,2,,1,1,2,,2,2,2,2,2,2,,,2,3,1,113,1,20,1,119,1,1,2,2 -4923,0,1421,0,,2,1,28.6,1,1,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,1,9,,,,,,"skiing, fell on back",,2,2,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,114,1,20,1,91,2,1,2,2 -4924,0,2038,0,2000,1,1,15,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,6,,,,,,,,6,,2,,1,2,1,1,2,2,2,1,1,1,2,2,1,130,1,17,1,114,3,2,1,3 -4925,0,0130,0,0100,1,1,122,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,110,1,24,1,77,2,1,2,3 -4926,0,2347,0,,2,1,68,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,4,,2,2,2,2,2,2,,,2,2,1,145,1,18,1,92,1,1,2,2 -4927,0,2345,0,2000,1,1,20,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,4,4: Speed Unknown,,,1,,,Run over by ATV,4,,2,,1,1,2,2,2,2,2,1,1,1,2,2,1,104,1,22,1,133,2,1,2,2 -4928,0,2036,0,2000,1,1,,,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,2,1,1,14,,2,2,,,2,2,3,1,4: Speed Unknown,2,,,,,,1,,2,,1,2,1,2,2,2,3,3,,,3,3,1,110,1,21,1,83,1,1,2,3 -4929,0,1642,0,1510,1,1,25.5,2,3,2,,1,2,1,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,4,1: < 5 mph,,,2,,,,4,,1,2,1,1,1,2,2,2,3,2,,,2,3,1,130,1,22,1,104,4,2,2,3 -4930,0,1800,0,1600,1,1,70.9,,8,2,,4,1,4,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,1,3,2,2,2,1,121,1,20,1,70,2,1,2,2 -4931,0,0822,0,,2,1,72,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,2,,1,1,2,2,2,2,,,2,3,1,137,1,14,1,72,1,1,2,3 -4932,0,1228,0,1130,1,1,29.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,2,,scooter,5,,2,,2,,2,2,2,2,2,1,2,3,2,3,1,126,1,69,1,88,2,1,3,2 -4933,0,1814,0,1600,1,1,13,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,101,1,24,1,140,1,1,2,2 -4934,0,1420,0,1340,1,1,62,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,134,1,20,1,66,1,1,2,2 -4935,0,1320,0,1300,1,1,22,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,105,1,20,1,112,3,1,2,3 -4936,0,1444,0,1414,1,1,,,3,2,,4,4,4,4,4,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,1,2,2,2,1,3,3,2,3,1,123,1,20,1,92,4,3,2,3 -4937,0,1730,0,1730,1,1,48,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,Physician would generally state if the patient was run-over,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,120,1,20,1,112,1,1,1,2 -4938,0,1720,0,1615,1,1,20.5,,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,4,1,2,2,6,,,,,,,,6,,2,,1,1,2,1,2,2,2,1,2,1,2,3,1,112,1,40,1,102,3,1,2,2 -4939,0,1641,0,1525,1,1,24,3,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,1,1,1,2,1,2,2,2,1,1,4,2,3,1,110,1,24,1,101,3,3,2,2 -4940,0,1745,0,1700,1,1,90,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,2,1,13,,2,2,,,2,2,3,9,,,,,,tackled-football,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,122,1,16,1,100,1,1,2,3 -4941,0,2038,0,,2,1,36.8,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,19,1,99,1,1,2,2 -4942,0,1716,0,,2,1,6.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,3,1,8,,,,,,,,8,,2,,2,,1,2,2,2,2,2,,,2,3,1,105,1,28,1,137,1,1,3,3 -4943,0,1856,0,,2,1,9.5,2,8,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,9,,,,,,Child abuse,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,127,1,28,1,138,2,1,2,3 -4944,0,1605,0,1500,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,patient was riding on skateboard @ time of injury,,2,2,1,2,2,,1,2,2,2,2,2,,,2,2,1,117,1,24,1,98,2,1,1,3 -4945,0,2130,0,,2,1,65,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,2,2,4,2,2,,,2,2,1,138,1,30,1,85,2,2,2,3 -4946,0,1454,0,1430,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,133,1,26,1,92,1,1,2,2 -4947,0,0030,0,0000,1,1,70,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,1,14,,2,2,,,2,2,2,9,,,,,,Fallen tree branch struck patient,,7,2,1,2,1,2,2,2,2,2,2,2,,,2,2,1,110,1,13,1,101,1,1,2,2 -4948,0,2149,0,2000,1,1,52,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,14,,2,2,,,1,2,1,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,117,1,16,1,116,1,1,1,3 -4949,0,1207,0,1100,1,1,60,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,object struck back - intentional,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,16,1,89,1,1,2,2 -4950,0,0845,0,0730,1,1,72.6,1,4,2,,3,3,3,1,2,2,2,2,1,2,2,2,2,1,4,3,10,,2,3,,,2,3,3,1,4: Speed Unknown,1,6,,,,,1,,1,2,1,2,1,2,2,2,3,2,,,2,2,1,120,1,30,1,86,3,3,2,3 -4951,0,,0,2059,1,2,55,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,20,1,79,1,1,1,2 -4952,0,1751,0,,2,1,,,3,2,,2,2,2,2,2,4,4,4,4,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,4,3,4,4,4,,,4,4,1,140,1,20,1,86,6,6,2,3 -4953,0,2115,0,,2,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Ran into wall,,7,2,2,,2,,1,2,2,2,2,2,,,4,4,1,110,1,18,1,70,1,1,2,3 -4954,0,,0,,2,2,39,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,1,2,2,,1,2,2,2,1,2,,,2,2,1,114,1,22,1,134,1,1,1,3 -4955,0,1738,0,1730,1,1,15,4,1,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,1,1,2,2,2,2,,,2,3,1,162,1,30,1,140,1,1,2,3 -4956,0,2234,0,2200,1,1,85,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,124,1,20,1,68,2,1,2,2 -4957,0,2230,0,2200,1,1,30,4,3,2,,2,2,2,2,2,2,4,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,125,1,19,1,103,1,1,2,2 -4958,0,2147,0,,2,1,,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,138,1,20,1,92,1,1,2,2 -4959,0,1631,0,1000,1,1,18.8,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,3,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,107,1,30,1,131,2,1,2,3 -4960,0,2000,0,,2,1,22.7,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Pt. fell from moving car going 20-40mph, Pt. was hanging on to the outside of vehicle.",,9,2,2,,2,,1,2,2,2,1,2,,,2,3,1,109,1,25,1,111,2,2,3,3 -4961,0,0900,0,0745,1,1,22.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,110,1,24,1,76,1,1,3,2 -4962,0,1900,0,1715,1,1,23,1,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,2,1,1,14,,1,1,2,1,1,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,106,1,20,1,72,2,1,2,3 -4963,0,2030,0,1730,1,1,30,4,8,2,,3,3,3,2,2,3,3,2,2,1,2,1,2,4,5,3,6,,2,3,,,2,3,3,5,,,,,3,,,5,,2,,1,2,1,2,2,2,1,3,,,3,2,1,127,1,21,1,102,2,1,2,3 -4964,0,1526,0,1515,1,1,21.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,1,2,2,2,2,,,2,3,1,105,1,22,1,101,1,1,1,2 -4965,0,1936,0,1745,1,1,65,1,3,1,1,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fall off skateboard,,2,2,2,,2,,2,2,2,4,2,4,,,2,3,1,120,1,16,1,67,1,1,2,2 -4966,0,0858,0,0830,1,1,52.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,4,2,3,1,127,1,18,1,72,2,2,2,2 -4967,0,1915,0,1845,1,1,60,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,1: < 5 mph,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,3,,4,,3,,1,1,2,3 -4968,0,1523,0,1500,1,1,60,1,8,1,1,1,1,2,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,3,2,1,2,5,,,,,1,,,5,,2,,1,3,1,2,2,2,2,1,2,2,1,2,1,114,1,16,1,72,2,2,2,3 -4969,0,2207,0,1800,1,1,18,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,5,,,,,1,,,5,,2,,1,2,1,2,2,2,2,1,3,1,4,2,1,120,1,16,1,124,5,4,2,3 -4970,0,2252,0,,2,1,45,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,110,1,24,1,68,1,1,3,2 -4971,0,2100,0,,2,1,30,4,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,1,2,2,2,3,1,97,1,28,1,81,2,1,2,3 -4972,0,1755,0,0400,1,1,42.4,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,128,1,16,1,86,1,1,2,2 -4973,0,2359,-1,,2,1,30.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,24,1,96,1,1,2,2 -4974,0,2247,0,2230,1,1,63.5,4,2,2,,2,2,2,2,2,2,2,2,3,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Possible fall from moving vehicle,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,142,1,16,1,82,2,1,2,3 -4975,0,1830,0,1800,1,1,30,4,3,1,4,2,2,2,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,1,1,1,1,1,1,2,2,2,2,,,2,2,1,140,1,20,1,118,1,1,2,3 -4976,0,2218,0,1930,1,1,55.2,2,3,2,,4,4,4,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,3: Unknown intentionality,,,,,,Hit in abdomen while playing football,7,,2,,1,2,2,2,2,2,2,1,1,2,2,2,1,98,1,16,1,76,2,1,2,2 -4977,0,1944,0,,2,1,,,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,4,3,7,,2,3,,,2,3,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,3,3,,,3,2,1,124,1,27,1,76,3,3,2,3 -4978,0,2154,0,2100,1,1,49.5,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,99,1,22,1,116,2,6,1,2 -4979,0,0800,0,0730,1,1,56,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,2,2,2,1,1,1,2,3,1,120,1,18,1,68,3,2,2,3 -4980,0,2300,0,2200,1,1,,,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,1,1,2,3,2,3,1,117,1,18,1,98,3,2,2,3 -4981,0,1030,0,0915,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,20,1,70,2,2,2,2 -4982,0,1223,0,1200,1,1,11,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,1,1,1,2,2,2,2,2,2,,,2,3,1,129,1,24,1,173,1,1,3,2 -4983,0,0430,0,,2,1,65,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,143,1,29,1,98,1,1,1,3 -4984,0,1815,0,,2,1,,,3,2,,2,2,2,2,2,3,2,2,1,2,2,2,2,1,2,2,13,,1,3,,,2,3,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,3,2,1,133,1,27,1,116,4,4,2,3 -4985,0,1530,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,2,1,3,1,109,1,16,1,76,1,1,2,2 -4986,0,,0,1605,1,2,80,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,1,2,,,2,3,1,135,1,24,1,100,1,1,2,3 -4987,0,1653,0,,2,1,38,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,100,1,18,1,98,1,1,2,3 -4988,0,2116,0,2045,1,1,41.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,snowboarder vs ground,,2,2,2,,2,,2,2,2,2,2,1,1,3,2,2,1,139,1,32,1,104,1,1,2,2 -4989,0,0135,-1,1800,1,1,16.4,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,1,2,2,2,1,1,1,2,3,1,90,1,18,1,125,2,1,1,3 -4990,0,0912,0,0845,1,1,10,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,1,3,2,2,2,2,3,2,,,2,2,1,116,4,,1,105,3,2,1,2 -4991,0,1444,0,1400,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,3,12,,2,3,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,1,2,2,2,2,2,2,2,,,2,3,1,137,1,18,1,100,1,1,2,2 -4992,0,1256,0,,2,1,45,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,3,3,11,,2,2,,,3,1,2,9,,,,,,Avalanche,,2,2,2,,1,1,1,2,2,2,3,4,,,2,2,1,118,1,35,1,119,3,1,2,3 -4993,0,1203,0,1130,1,1,27.7,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,3: > 15,,,,,,,3,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,132,1,24,1,90,2,1,2,2 -4994,0,2300,0,2200,1,1,17.5,,3,1,1,2,1,1,2,2,2,2,2,1,2,2,2,2,2,2,2,12,,2,1,3,1,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,4,,1,1,2,2,2,1,3,1,3,2,1,132,1,20,1,118,2,2,2,3 -4995,0,1705,0,1630,1,1,80,4,3,1,4,1,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,143,1,20,1,64,1,1,2,2 -4996,0,0900,0,0830,1,1,12,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,22,1,108,1,1,2,2 -4997,0,2218,0,,2,1,12.7,,3,1,2,1,2,2,1,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,108,1,24,1,108,1,1,2,2 -4998,0,2245,0,1445,1,1,75,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,assault,,7,2,2,,2,,1,2,2,2,3,2,,,2,3,1,133,1,18,1,110,1,1,1,3 -4999,0,1540,0,,2,1,65,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,2,2,1,2,,,2,2,1,147,1,16,1,127,1,1,2,2 -5000,0,,0,1700,1,2,8.6,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,3,1: 5 or less,,,,,,child in stroller which flipped over,3,,1,2,2,,2,2,2,2,2,2,,,2,2,1,157,1,40,1,178,1,1,2,2 -5001,0,2126,0,,2,1,63,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,football injury,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,135,1,16,1,78,1,1,2,3 -5002,0,2110,0,,2,1,34,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,1,1,1,2,2,1,114,1,16,1,90,1,1,2,3 -5003,0,1050,0,1030,1,1,45,4,2,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,7,1: Intentional,,,,,,,7,,2,,1,1,1,2,2,2,2,1,1,2,2,2,1,110,1,16,1,87,2,1,2,3 -5004,0,1755,0,1700,1,1,,,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,3,2,2,1,111,1,20,1,86,2,2,3,3 -5005,0,1333,0,1300,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,20,1,84,1,1,1,2 -5006,0,2247,0,,2,1,86,,8,3,,2,1,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,2,2,,,2,3,1,140,1,40,1,80,2,1,2,3 -5007,0,1610,0,,2,1,16,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,3,2,,,2,3,1,97,1,24,1,116,2,2,2,3 -5008,0,1341,0,1300,1,1,12,1,2,2,,2,2,2,3,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,103,1,22,1,108,1,1,2,2 -5009,0,0126,-1,,2,1,74.6,1,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,1,3,2,2,1,2,2,2,2,1,116,1,16,1,58,2,1,2,3 -5010,0,2145,0,2100,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,1,2,1,1,1,2,2,1,122,1,26,1,130,2,1,2,3 -5011,0,2026,0,1430,1,1,52.2,1,2,1,2,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,5,,,,,2,,motorized bike at 40 mph,5,,2,,2,,2,2,2,2,2,4,,,2,3,1,90,1,16,1,64,1,1,2,2 -5012,0,1959,0,1915,1,1,,,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,132,1,20,1,92,1,1,2,2 -5013,0,1856,0,1800,1,1,,,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,3,3,2,10,,2,3,,,1,2,1,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,3,,,3,2,1,108,1,20,1,89,1,1,2,3 -5014,0,2214,0,2145,1,1,13.7,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,122,1,24,1,112,1,1,2,3 -5015,0,2359,0,,2,1,,,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,2,2,1,2,3,2,,,2,2,1,109,1,22,1,87,1,1,2,2 -5016,0,0130,-1,1300,1,1,65,,2,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"syncope, fell from standing in hot tub",,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,114,1,20,1,84,1,1,2,3 -5017,0,2213,0,2200,1,1,64,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,4,3,2,,,2,3,1,120,1,16,1,80,1,1,3,2 -5018,0,1253,0,1220,1,1,15,3,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,5: Physician did not answer,,,1,,,,4,,1,2,2,,2,2,2,2,3,2,,,2,2,1,109,1,40,1,136,2,1,2,2 -5019,0,2300,0,2145,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,4,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,3,1,130,1,28,1,99,2,1,2,3 -5020,0,1823,0,1810,1,1,55,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,1,2,2,2,1,3,3,2,2,1,114,1,18,1,79,2,1,2,3 -5021,0,2204,0,1600,1,1,75,1,4,1,2,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,4: Unknown,,,,4,,,5,,2,,1,1,1,2,2,2,2,2,,,2,2,1,125,1,18,1,88,1,1,2,3 -5022,0,1015,0,0930,1,1,15,4,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,1,1,1,1,1,1,1,2,2,2,,,2,2,1,126,1,26,1,117,2,2,2,3 -5023,0,1909,0,1855,1,1,61.4,1,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,3,1,112,1,20,1,89,1,1,2,3 -5024,0,2011,0,1830,1,1,18,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,3,2,1,2,2,2,2,,,2,2,1,109,1,26,1,130,1,1,2,2 -5025,0,,0,1700,1,2,47,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,137,1,18,1,106,1,1,2,2 -5026,0,0130,0,,2,1,,,3,2,,3,3,3,2,2,2,2,2,3,2,2,2,1,3,2,2,11,,2,3,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,2,1,2,2,2,2,3,,,3,3,1,154,1,20,1,64,3,2,3,3 -5027,0,0900,0,0815,1,1,14,3,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,2,4,1: < 5 mph,,,3,,,,4,,2,,1,3,2,2,2,4,3,2,,,2,2,1,131,1,47,1,146,1,1,2,2 -5028,0,2137,0,2000,1,1,100,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,1,2,1,2,2,2,2,2,,,2,3,1,109,1,18,1,70,2,2,2,3 -5029,0,1630,0,1500,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,153,1,18,1,82,1,1,2,3 -5030,0,1520,0,,2,1,,,8,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,4,2,1,1,2,2,3,1,111,1,16,1,97,2,1,2,2 -5031,0,1348,0,,2,1,47,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,28,1,93,1,1,1,2 -5032,0,1745,0,1700,1,1,15,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,1,1,2,2,2,2,,,2,3,1,138,1,34,1,136,2,1,2,3 -5033,0,0100,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,116,1,20,1,100,1,1,1,2 -5034,0,0057,0,,2,1,,,1,1,1,3,3,3,2,2,3,3,2,2,1,1,1,1,1,2,1,14,,2,3,,,2,3,3,9,,,,,,Ran into moving train,,4,2,1,1,1,1,1,1,2,2,3,3,,,3,2,1,114,1,20,1,113,3,1,2,3 -5035,0,2000,0,1930,1,1,25,2,8,2,,1,2,2,2,2,1,1,2,2,2,2,2,2,,,,,15,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,1,1,2,2,1,3,2,2,3,3,,4,,3,,4,2,2,2 -5036,0,1951,0,,2,1,65,4,3,2,,2,3,3,2,2,3,3,3,2,2,2,2,1,3,4,2,9,,2,3,,,2,3,3,9,,,,,,No known trauma. ETOH; with toxication,,8,2,2,,2,,1,2,2,2,2,3,,,3,2,1,117,1,36,1,104,1,1,1,3 -5037,0,1347,0,1315,1,1,59,4,4,3,,4,4,4,4,4,3,3,2,1,2,2,2,2,4,3,4,7,,2,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,1,2,1,2,1,2,2,2,2,3,,,2,2,1,50,1,6,1,130,5,5,1,3 -5038,0,1400,0,1300,1,1,15,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,2,2,2,2,2,2,1,1,2,2,3,1,86,1,24,1,132,3,2,1,2 -5039,0,0010,0,,2,1,38,2,8,2,,1,2,1,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,24,1,82,1,1,3,2 -5040,0,1440,0,1410,1,1,19,3,8,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,4,4,3: > 20 mph,,,4,,,,4,,2,,2,,1,2,2,2,2,4,,,2,2,1,122,1,24,1,122,1,1,2,3 -5041,0,1645,0,,2,1,50,2,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,20,1,86,6,6,3,2 -5042,0,1700,0,1530,1,1,35,1,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,2,4: Unknown,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,105,1,18,1,76,1,1,2,2 -5043,0,2017,0,,2,1,16,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,109,1,24,1,113,1,1,2,3 -5044,0,1925,0,,2,1,18,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,22,1,120,1,1,2,2 -5045,0,2140,0,1730,1,1,18.4,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,1,3,1,2,2,2,2,1,1,2,2,3,1,115,1,24,1,115,3,2,2,3 -5046,0,1200,-1,1900,1,1,12,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,1,1,2,2,2,1: < 3 ft.,,,,,,fell and bar stool fell on top of her,2,,2,,1,1,2,2,2,2,2,1,2,1,2,2,1,92,1,42,1,164,3,1,2,2 -5047,0,1832,0,,2,1,32,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,1,1,1,2,2,1,1,3,2,3,1,117,1,20,1,78,3,2,2,3 -5048,0,0900,0,0800,1,1,125,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,1,2,1,14,,2,1,1,2,1,1,2,1,4: Speed Unknown,3,,,,,,1,,1,1,1,1,1,2,2,2,2,1,1,2,2,3,1,111,1,22,1,77,4,4,3,3 -5049,0,0832,0,0800,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,129,1,22,1,101,1,1,2,2 -5050,0,1842,0,1800,1,1,60,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,1,1,1,3,2,3,1,144,1,16,1,94,2,1,2,3 -5051,0,1705,0,,2,1,30,4,3,2,,3,3,3,2,2,3,3,2,2,1,2,1,2,4,5,6,3,,2,3,,,2,3,3,4,4: Speed Unknown,,,2,,,,4,,2,,1,3,1,2,2,2,3,3,,,3,2,1,116,1,41,1,113,2,2,3,3 -5052,0,0828,0,0805,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,1,3,1,2,2,2,2,1,2,2,3,3,1,96,1,32,1,109,4,4,1,3 -5053,0,2234,0,2100,1,1,69,2,1,2,,1,2,1,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,3,2,2,2,1,138,1,18,1,60,3,2,2,2 -5054,0,1631,0,1540,1,1,59.1,4,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,1,1,1,2,3,1,127,1,20,1,100,2,1,2,2 -5055,0,0026,0,0000,1,1,36,3,3,2,,3,3,3,2,2,3,3,2,1,1,2,2,2,4,5,3,6,,2,3,,,2,3,1,1,3: > 40 mph,2,,,,,,1,,2,,1,2,1,2,2,2,3,3,,,3,3,3,,2,,1,110,3,2,2,3 -5056,0,1729,0,1700,1,1,65.5,1,8,1,4,1,1,4,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,2,,,2,3,1,132,1,16,1,118,1,1,2,2 -5057,0,1755,0,,2,1,75,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Skate Board Fall,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,106,1,34,1,106,1,1,2,3 -5058,0,1626,0,1600,1,1,77.7,,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,wrestling injury,,7,2,2,,1,1,2,2,2,2,1,1,3,6,2,3,1,122,1,58,1,85,3,3,3,2 -5059,0,2305,0,2235,1,1,66,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,125,1,14,1,88,2,1,2,3 -5060,0,1858,0,1800,1,1,76,,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,3,3,2,3,1,136,1,22,1,80,3,2,2,3 -5061,0,,0,1800,1,2,65,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,1,2,2,2,1,2,1,2,3,1,160,1,20,1,85,3,2,2,3 -5062,0,1528,0,1445,1,1,40,4,2,2,,2,2,2,2,2,3,3,2,1,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,3,,,2,2,1,144,1,20,1,103,1,1,2,3 -5063,0,2016,0,,2,1,27,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Tackled in football with head injury,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,126,1,31,1,83,1,1,2,3 -5064,0,1913,0,1800,1,1,70,,2,1,3,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,9,,,,,,soccer game; elbow @LAQ,,7,2,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,122,1,48,1,88,1,1,2,3 -5065,0,1245,0,0930,1,1,30,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,4,1,130,1,16,1,122,2,1,2,2 -5066,0,1518,0,1450,1,1,88.6,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,1,4,3,2,2,2,,,2,2,1,123,1,22,1,76,2,1,2,3 -5067,0,0809,0,0730,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,4,3: > 20 mph,,,4,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,3,1,127,1,18,1,80,3,2,2,3 -5068,0,2100,0,2030,1,1,40,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,139,1,17,1,91,2,2,2,2 -5069,0,1811,0,1700,1,1,53.3,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,3,2,2,2,,,2,3,1,112,1,22,1,90,1,1,2,2 -5070,0,0417,0,,2,1,14.5,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,1,2,,,2,2,1,102,1,22,1,114,3,2,2,3 -5071,0,2343,0,2300,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,6,,,,,1,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,93,1,19,1,102,2,2,1,3 -5072,0,2120,0,,2,1,50,4,3,1,2,1,1,2,1,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,4,4,4,4,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,2,1,2,2,3,1,3,1,2,3,1,116,1,18,1,84,3,1,1,2 -5073,0,1330,0,,2,1,60,1,1,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,"Pt playing hockey, struck in LUQ",7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,115,1,20,1,77,2,1,2,2 -5074,0,2030,0,,2,1,,,3,2,,3,3,3,1,2,3,3,2,2,2,2,2,2,3,2,2,11,,2,3,,,1,3,1,9,,,,,,Fall from back of pick up truck,,2,1,2,,1,2,1,2,2,2,3,3,,,3,3,1,132,1,20,1,130,4,3,2,3 -5075,0,1800,0,1700,1,1,16.7,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,115,1,28,1,96,1,1,2,2 -5076,0,2030,0,,2,1,25.8,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,6,2,2,1,117,1,21,1,111,1,1,2,2 -5077,0,2315,0,1300,1,1,14,,8,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,129,1,28,1,129,1,1,2,3 -5078,0,1830,0,,2,1,9.6,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,3,3,2,,1,32,1,136,1,1,2,2 -5079,0,1909,0,,2,1,25.3,1,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,2,3,4,4,4,,,4,4,3,,1,28,1,92,1,1,2,2 -5080,0,2022,0,1945,1,1,70,2,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,9,,,,,,MCC,,6,2,1,2,1,1,1,1,2,2,2,1,2,4,2,2,1,149,1,18,1,98,4,3,2,3 -5081,0,1445,0,1420,1,1,30,4,8,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,1,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,1,2,1,3,1,2,2,1,119,1,50,1,117,4,3,2,3 -5082,0,1615,0,1430,1,1,36.6,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,137,1,26,1,92,1,1,2,3 -5083,0,1203,0,,2,1,31.8,2,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,131,1,60,1,96,1,1,2,2 -5084,0,2240,0,2232,1,1,,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,107,1,20,1,94,1,1,2,2 -5085,0,1447,0,,2,1,32,1,9,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,2,3,,,2,3,3,1,4: Speed Unknown,1,6,,,,,1,,2,,1,3,1,1,1,2,1,3,,,3,3,1,97,1,45,1,107,4,4,2,3 -5086,0,0340,0,,2,1,70,4,4,1,4,2,2,2,2,3,2,2,2,1,1,1,1,1,2,2,2,12,,2,3,,,2,2,3,1,4: Speed Unknown,2,,,,,,1,,1,2,1,2,1,1,2,2,2,2,,,2,2,1,110,1,27,1,88,5,5,2,3 -5087,0,2200,0,2130,1,1,60,4,3,2,,1,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,2,2,2,3,1,1,1,3,2,1,130,1,20,1,120,3,3,1,3 -5088,0,1550,0,1500,1,1,,,2,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,16,1,80,1,1,2,2 -5089,0,1812,0,1200,1,1,34.4,1,1,2,,2,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,2,1: < 3 ft.,,,,,,,2,,1,1,1,2,1,2,2,2,2,1,2,2,2,3,1,119,1,16,1,75,5,3,2,3 -5090,0,1800,0,0830,1,1,50,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,2,1,2,1,2,2,2,2,1,2,2,2,2,1,117,1,22,1,82,3,1,2,3 -5091,0,0039,-1,,2,1,80,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,126,1,20,1,101,1,1,1,3 -5092,0,1920,0,1730,1,1,19,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,87,1,31,1,150,1,1,2,3 -5093,0,1910,0,1830,1,1,55.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell off the moving car,,2,1,2,,2,,2,2,2,2,2,2,,,2,3,1,130,1,18,1,80,1,1,2,2 -5094,0,1040,0,0000,1,1,71.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,1,2,2,,2,2,2,2,2,2,,,2,2,1,117,1,20,1,85,1,1,3,2 -5095,0,1205,0,1030,1,1,65,2,2,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,2,,,2,2,1,143,1,15,1,107,1,1,2,3 -5096,0,1500,0,1330,1,1,61,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,3,1,2,2,2,3,1,107,1,16,1,103,2,2,2,2 -5097,0,1548,0,1500,1,1,68,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,20,1,78,2,1,2,2 -5098,0,1400,0,1330,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,1,2,2,2,1,2,4,2,2,1,99,1,31,1,89,2,1,2,2 -5099,0,1447,0,1200,1,1,64,1,2,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,107,1,16,1,86,2,1,2,2 -5100,0,2142,0,2040,1,1,,,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,147,1,20,1,82,1,1,2,2 -5101,0,1545,0,1450,1,1,68.2,2,1,1,4,1,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,4,4,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,136,1,18,1,87,1,1,2,2 -5102,0,1610,0,,2,1,,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,3,2,,,2,3,1,128,1,17,1,74,1,1,2,2 -5103,0,1930,0,1835,1,1,26,1,3,1,3,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,3,1,1,2,2,2,2,,,2,2,1,106,1,20,1,90,2,1,1,3 -5104,0,1250,0,1230,1,1,56.4,2,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,162,1,16,1,108,1,1,2,2 -5105,0,1619,0,1540,1,1,65,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,3,1,120,1,24,1,120,1,1,2,3 -5106,0,1622,0,0922,1,1,57.3,1,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,113,1,18,1,76,1,1,2,2 -5107,0,1715,0,1700,1,1,50,4,3,2,,2,2,2,2,2,2,4,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,121,1,20,1,130,1,1,2,2 -5108,0,0906,0,0800,1,1,44.7,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,22,1,122,1,1,1,2 -5109,0,1900,0,1800,1,1,14.2,1,3,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,1,1: < 20 mph,1,4,,,,car dor opened fell out of car,1,,2,,1,1,1,2,2,2,2,3,,,2,3,1,105,1,16,1,116,2,2,2,3 -5110,0,1655,0,1400,1,1,54,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,9,,,,,,Bike accident,,5,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,137,1,24,1,86,2,1,2,3 -5111,0,1809,0,,2,1,45,4,3,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,1,3,1,2,2,2,3,2,,,2,2,1,120,1,20,1,110,2,2,2,3 -5112,0,0608,0,0400,1,1,52.2,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,3,9,,,,,,Assault while intoxicated- hit with gun in head and legs,,7,2,2,,1,2,2,2,2,2,2,2,,,2,2,1,109,1,20,1,73,2,1,2,2 -5113,0,0015,-1,2320,1,1,56,1,3,1,2,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,149,1,25,1,85,1,1,2,2 -5114,0,1411,0,,2,1,16,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,crate fell on stomach,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,37,1,118,1,1,2,3 -5115,0,2046,0,1500,1,1,72.6,1,4,1,3,3,3,3,2,1,3,3,2,1,1,2,1,2,3,5,2,8,,2,3,,,2,3,3,1,4: Speed Unknown,2,,,,,,1,,1,1,1,2,1,1,2,3,2,3,,,3,2,1,101,2,,1,93,6,6,1,3 -5116,0,0224,0,0130,1,1,60,4,1,2,,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,2,2,2,3,2,1,1,2,2,3,1,121,1,16,1,127,4,2,3,2 -5117,0,1757,0,1630,1,1,41.6,1,3,1,4,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fall/slide down slide,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,20,1,77,1,1,2,2 -5118,0,1826,0,1330,1,1,55,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,ATV ejected,,6,2,1,2,1,1,1,2,2,2,2,2,,,2,2,1,124,1,14,1,119,2,1,2,3 -5119,0,0815,0,0715,1,1,136,2,2,1,1,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,151,1,18,1,95,1,1,2,3 -5120,0,1519,0,0100,1,1,79,1,8,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,134,1,20,1,76,3,2,2,2 -5121,0,2050,0,,2,1,,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,106,1,24,1,113,1,1,2,2 -5122,0,1547,-1,1600,1,1,68.5,1,3,2,,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,1,2,9,,,,,,struck by football helmet - posterior torso,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,20,1,107,1,1,2,2 -5123,0,0306,0,0245,1,1,2.8,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,9,,,,,,abuse,,7,2,1,2,2,,1,2,2,2,2,2,,,2,3,1,81,1,38,1,146,1,1,3,3 -5124,0,2150,0,1930,1,1,21.8,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,14,,2,2,,,1,2,2,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,2,1,128,1,18,1,99,1,1,1,3 -5125,0,1800,0,1615,1,1,31,2,1,2,,2,2,2,2,2,1,2,2,3,2,2,2,2,2,1,1,14,,2,2,,,1,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,2,,,2,3,1,110,1,20,1,104,2,1,2,3 -5126,0,1305,0,,2,1,68,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,1,1,1,1,2,2,2,3,2,,,2,2,1,117,1,14,1,81,3,2,2,3 -5127,0,0301,0,0234,1,1,81.6,2,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,107,1,20,1,109,1,1,2,2 -5128,0,,0,1830,1,2,43,2,3,2,,1,1,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,"Football, head to head contact",,9,2,2,,1,3,2,2,2,2,3,1,2,1,2,2,1,116,1,18,1,79,1,1,2,2 -5129,0,2132,0,1830,1,1,,,3,1,1,2,1,4,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,5: Physician did not answer,1,7,,,,,1,,2,,1,3,1,1,1,3,2,1,2,2,2,4,1,101,1,24,1,103,4,2,2,3 -5130,0,1245,0,,2,1,80,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,11,1,127,1,1,3,2 -5131,0,1650,0,1600,1,1,65,4,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,3,,2,2,2,2,2,2,,,2,2,1,128,1,25,1,103,1,1,2,2 -5132,0,1430,0,1350,1,1,35,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,2,2,2,2,6,,,,,,,,6,,2,,1,3,1,2,2,2,3,1,1,2,2,2,1,104,1,20,1,68,2,1,2,3 -5133,0,1553,0,1500,1,1,61.2,2,4,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,1,1,1,2,2,2,2,2,2,2,,,2,3,1,141,1,20,1,102,1,1,1,2 -5134,0,2110,0,,2,1,26,3,8,2,,2,2,2,2,2,2,3,3,2,2,2,1,2,4,4,2,8,,2,3,,,3,3,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,3,1,114,1,24,1,108,2,1,2,3 -5135,0,1810,0,1710,1,1,40.5,1,1,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,113,1,20,1,80,1,1,2,1 -5136,0,1810,0,1630,1,1,27,,3,1,3,2,1,1,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,1,2,,2,1,3,2,2,2,,,2,3,1,104,1,22,1,96,2,1,2,2 -5137,0,1655,0,1630,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,2,1,1,2,2,1,1,3,2,3,1,120,1,20,1,98,2,1,2,2 -5138,0,2016,0,,2,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,138,1,22,1,107,2,1,2,2 -5139,0,1243,-1,,2,1,25,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,Fell crib sled(edge),,2,2,2,,1,1,1,2,3,2,2,1,2,2,2,3,1,125,1,24,1,113,4,1,2,3 -5140,0,2111,0,,2,1,60,1,8,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,3,,,5,,2,,1,2,1,2,2,3,2,1,2,2,2,2,1,125,1,22,1,78,2,1,2,3 -5141,0,1846,0,1730,1,1,36,1,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,1: < 5 mph,,,1,,,,4,,2,,1,3,2,1,2,2,2,1,1,2,2,3,1,110,1,16,1,92,3,1,2,2 -5142,0,0935,0,0745,1,1,50,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,20,1,72,1,1,2,2 -5143,0,1830,0,1800,1,1,15,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,1,2,1,1,1,2,2,1,108,1,28,1,120,2,2,2,3 -5144,0,2054,0,2000,1,1,11,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,20,1,120,1,1,2,2 -5145,0,1712,0,1530,1,1,51.8,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,107,1,20,1,102,1,1,2,2 -5146,0,1938,0,1900,1,1,77,2,1,1,4,1,2,2,2,2,1,1,2,2,2,2,2,1,1,1,1,15,,2,1,4,2,2,1,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,2,3,1,3,1,106,1,18,1,104,4,3,1,3 -5147,0,1830,0,1820,1,1,47,2,1,2,,1,2,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,1,1,2,2,2,2,,,2,3,1,108,1,22,1,95,3,1,2,3 -5148,0,1834,0,,2,1,10,3,5,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,3,3,4,4: Speed Unknown,,,1,,,,4,,2,,1,3,1,2,2,2,3,3,,,3,2,1,106,1,24,1,146,4,1,1,3 -5149,0,1505,0,1425,1,1,49.4,1,8,2,,2,2,2,2,2,4,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,107,1,20,1,76,1,1,2,2 -5150,0,0830,0,0800,1,1,55,4,3,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,2,2,1,13,,2,2,,,1,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,1,2,2,2,2,2,,,2,2,1,124,1,16,1,77,2,1,2,3 -5151,0,1740,0,1630,1,1,25,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,133,1,23,1,86,1,1,1,3 -5152,0,1305,0,0000,1,1,20,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,131,1,24,1,128,1,1,2,2 -5153,0,0922,-1,1800,1,1,78,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,1,2,,,2,3,1,148,1,20,1,62,2,1,2,2 -5154,0,1335,0,1300,1,1,45,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,3,,,2,2,2,9,,,,,,Football tackle with hand on collision,,7,2,2,,1,2,1,2,2,2,2,2,,,2,2,1,104,1,23,1,100,1,1,2,3 -5155,0,2300,0,2000,1,1,79,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,101,1,18,1,80,2,1,2,2 -5156,0,0750,0,,2,1,50,1,3,1,2,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fell from wheelchair,,2,2,2,,2,,2,1,2,2,2,2,,,2,3,1,102,1,20,1,80,2,1,2,2 -5157,0,2015,0,1930,1,1,20,4,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,138,1,36,1,118,1,1,2,2 -5158,0,1933,0,1900,1,1,16,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,13,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,1,2,2,,,2,2,1,108,1,28,1,108,3,2,3,3 -5159,0,1200,0,1130,1,1,45,,1,2,,3,3,3,1,1,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,4,3: > 20 mph,,,2,,,,4,,1,1,1,1,1,1,2,2,3,3,,,3,2,1,95,1,6,1,126,4,4,2,3 -5160,0,1505,0,1330,1,1,31.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,109,1,24,1,100,1,1,2,2 -5161,0,1830,0,,2,1,59,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,149,1,24,1,110,1,1,3,3 -5162,0,2000,0,1900,1,1,73,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,struck during football game,,7,2,2,,1,3,2,2,2,2,2,1,2,1,2,3,1,152,1,14,1,106,4,3,2,2 -5163,0,2207,0,,2,1,18,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,2,,1,2,2,2,2,4,,,2,2,1,116,1,22,1,123,1,1,3,3 -5164,0,1412,0,1300,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,12,,2,2,,,1,2,1,6,,,,,,,,6,,2,,1,2,1,2,2,2,2,2,,,2,3,1,133,1,14,1,96,2,1,2,3 -5165,0,1810,0,1715,1,1,71,1,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,4,,2,2,2,2,3,2,,,2,3,1,130,1,16,1,71,1,1,2,2 -5166,0,0330,0,0145,1,1,46,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,1,2,2,2,2,,,2,3,1,137,1,20,1,115,2,2,2,3 -5167,0,2203,0,1900,1,1,65,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,1,2,1,2,3,1,112,1,20,1,92,1,1,2,2 -5168,0,2107,0,2030,1,1,46.7,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,138,1,21,1,103,1,1,2,2 -5169,0,1826,0,1700,1,1,81.2,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,1,2,2,2,2,,,2,3,1,147,1,18,1,84,1,1,2,2 -5170,0,1930,0,1600,1,1,28.7,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,2,2,2,2,5,,,,,2,,,5,,2,,1,1,2,2,2,2,2,1,1,3,2,2,1,120,1,20,1,90,3,1,2,2 -5171,0,0041,-1,1730,1,1,6,3,3,2,,3,3,3,2,2,3,3,3,2,2,2,2,2,1,1,1,15,,1,4,,,1,4,1,9,,,,,,Fall 2-2.5 feet onto tile/carpet,,2,2,2,,2,,1,2,2,2,2,3,,,3,4,1,87,1,30,1,120,1,1,2,3 -5172,0,2110,0,2100,1,1,95,2,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,3,4,2,2,,,2,3,1,145,1,16,1,86,1,1,2,2 -5173,0,1530,-1,2100,1,1,52,,3,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,1,2,2,2,1,3,2,2,3,1,123,1,16,1,84,1,1,1,2 -5174,0,1606,0,,2,1,5.9,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,3,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,119,1,26,1,170,1,1,2,2 -5175,0,1539,0,,2,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,108,1,16,1,78,1,1,2,2 -5176,0,2010,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,20,1,60,1,1,1,2 -5177,0,1623,0,,2,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,1,2,2,2,3,2,,,2,2,1,115,1,22,1,94,2,2,2,3 -5178,0,,0,,2,2,,,3,2,,2,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,7,1: Intentional,,,,,,,7,,1,2,2,,2,2,2,2,2,1,2,1,1,2,1,126,1,22,1,118,3,1,2,2 -5179,0,2115,0,2000,1,1,5.2,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,76,1,32,1,140,1,1,2,2 -5180,0,0920,0,0900,1,1,19,4,3,2,,2,2,2,2,2,2,1,1,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,112,1,20,1,123,2,2,1,3 -5181,0,1610,0,1500,1,1,15,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,"down water slide, struck face on friend's knee",,9,2,2,,2,,1,2,2,2,3,2,,,2,2,1,112,1,20,1,128,1,1,2,3 -5182,0,2246,0,2030,1,1,32,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,118,1,24,1,100,3,1,1,3 -5183,0,1335,0,1300,1,1,115,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,skateboarder who fell,,2,2,1,2,2,,1,2,2,2,2,2,,,2,2,1,156,1,13,1,81,1,1,2,3 -5184,0,1640,0,1545,1,1,38.5,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,1,2,1,3,1,2,2,1,133,1,24,1,120,4,3,2,3 -5185,0,1650,0,,2,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,2,2,9,,,,,,sledding versus sled,,9,2,2,,1,1,2,2,2,2,2,1,3,1,3,4,1,136,1,28,1,115,2,2,2,2 -5186,0,1420,0,1230,1,1,32.6,1,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,109,1,20,1,100,1,1,2,2 -5187,0,0815,0,0730,1,1,70,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,3,1,136,1,20,1,90,1,1,2,2 -5188,0,,0,,2,2,,,1,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,4,5,6,3,,2,3,,,3,3,3,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,3,3,,,3,3,1,99,1,16,1,119,4,3,2,3 -5189,0,2011,0,1900,1,1,61,2,2,2,,1,2,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,7,3: Unknown intentionality,,,,,,object struck chest as well,7,,2,,1,2,2,2,2,2,2,1,3,2,2,3,1,144,1,20,1,88,3,1,2,2 -5190,0,2030,0,1800,1,1,8.7,1,2,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,9,,,,,,fell from chair onto railing of play pen struck abdomen,,2,2,2,,1,1,2,2,2,2,2,3,,,3,4,1,138,1,50,1,150,2,1,2,2 -5191,0,,0,,2,2,54,1,3,1,2,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fall during football game,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,20,1,99,1,1,2,2 -5192,0,1110,0,1050,1,1,15,4,3,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,4,3,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,1,4,6,2,2,1,94,1,28,1,124,2,1,2,3 -5193,0,1333,0,1328,1,1,15,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,112,1,36,1,150,2,1,2,2 -5194,0,1600,0,1330,1,1,37,1,3,3,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,3,2,2,2,2,2,1,1,2,2,3,1,106,1,20,1,78,2,1,1,2 -5195,0,1940,0,1800,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,1,2,2,2,3,2,,,2,2,1,133,1,20,1,116,1,1,3,3 -5196,0,1757,0,,2,1,71.3,1,2,2,,4,4,4,4,4,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,144,1,18,1,60,1,1,1,2 -5197,0,1520,0,1505,1,1,45,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,143,1,22,1,115,4,3,2,3 -5198,0,0040,-1,1830,1,1,36.3,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,6,,,,,,,,6,,2,,1,2,1,2,2,2,2,1,2,1,2,2,1,129,1,16,1,111,3,2,2,3 -5199,0,1115,0,1030,1,1,65,2,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,3,2,2,,,2,2,1,155,1,12,1,84,2,1,2,2 -5200,0,1930,0,1800,1,1,11.1,1,3,3,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,32,1,135,1,1,1,2 -5201,0,2058,0,,2,1,9.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,8,,,,,,,,8,,2,,4,,2,2,2,2,2,2,,,2,3,1,92,1,32,1,120,1,1,2,2 -5202,0,1239,0,,2,1,60,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,2,9,,,,,,Fell skiing,,2,2,1,1,2,,2,2,2,2,2,2,,,2,2,1,123,1,40,1,97,2,1,2,2 -5203,0,1108,0,,2,1,63.5,1,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,3,1: 5 or less,,,,,,ED Form 1 is correct,3,,2,,4,,1,2,2,2,2,1,2,2,2,3,1,102,1,12,1,65,2,1,2,3 -5204,0,2203,0,2120,1,1,14,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,138,1,32,1,106,1,1,1,3 -5205,0,2214,0,,2,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Assaulted,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,153,1,24,1,108,1,1,2,3 -5206,0,1740,0,,2,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,137,1,24,1,99,1,1,1,2 -5207,0,1818,0,,2,1,31.5,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,struck by golf cart,,4,2,2,,2,,1,2,2,2,3,2,,,2,2,1,131,1,22,1,87,1,1,2,3 -5208,0,1711,0,1600,1,1,55,1,8,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,2,,,2,2,1,162,1,16,1,108,2,1,2,2 -5209,0,1916,0,,2,1,81,2,1,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,6,,,,,,,,6,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,118,1,22,1,79,2,1,2,3 -5210,0,1628,0,1600,1,1,70,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,128,1,16,1,93,1,1,1,3 -5211,0,1250,0,1200,1,1,70,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,1,1: < 20 mph,1,3,,,,,1,,2,,2,,2,2,2,2,2,2,,,4,4,1,122,1,76,1,72,1,1,3,2 -5212,0,1429,0,1400,1,1,60,2,1,2,,1,2,1,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,2,2,3,2,2,1,2,2,2,2,1,124,1,12,1,87,3,2,2,2 -5213,0,1920,0,,2,1,25,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,119,1,18,1,133,2,1,1,3 -5214,0,1920,0,1820,1,1,90,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,4,,,,,,1,,2,,2,,2,2,1,4,2,4,,,2,2,1,141,1,22,1,87,1,1,2,2 -5215,0,1000,-1,1800,1,1,72,1,2,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Fell from wood log onto the log,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,148,1,18,1,88,1,1,2,2 -5216,0,1030,-1,1800,1,1,61,1,3,1,1,1,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Football playing,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,148,1,18,1,52,1,1,2,2 -5217,0,1939,0,,2,1,61.2,1,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,143,1,16,1,66,1,1,2,3 -5218,0,2113,0,2030,1,1,63.6,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Struck in chest while playing football,,9,2,2,,2,,2,2,2,2,2,2,,,2,4,1,118,1,19,1,93,1,1,2,2 -5219,0,2200,0,1800,1,1,54.5,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Baseball to face,,9,2,2,,2,,1,2,2,2,2,4,,,2,2,1,121,1,23,1,101,1,1,3,3 -5220,0,0130,-1,0530,1,1,77.1,1,4,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,5,,,,,3,,,5,,1,1,2,,1,2,2,2,2,2,,,2,2,1,158,1,24,1,72,1,1,2,3 -5221,0,2135,0,,2,1,39,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,1,1,2,1,2,1,5,,,,,2,,,5,,2,,1,1,1,2,2,2,3,1,2,1,3,3,1,128,1,25,1,100,3,1,1,3 -5222,0,1405,0,,2,1,15,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,1,3,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,112,1,36,1,134,1,1,2,3 -5223,0,,0,,2,2,65,4,8,1,2,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,1,1,2,2,2,2,,,2,2,1,132,1,22,1,98,3,2,2,3 -5224,0,1955,0,1930,1,1,13,1,3,2,,3,3,3,2,2,2,2,2,1,2,2,2,2,1,2,2,13,,1,3,,,2,1,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,3,1,120,1,22,1,106,1,1,1,3 -5225,0,1720,0,,2,1,22.7,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,20,1,112,1,1,2,2 -5226,0,1327,0,,2,1,52.6,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,1,2,2,1,2,,,2,2,1,104,1,18,1,96,1,1,3,2 -5227,0,1612,0,1400,1,1,70,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,130,1,16,1,87,1,1,2,3 -5228,0,2300,0,,2,1,51.3,1,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,1,2,1,2,2,2,2,2,2,1,2,2,2,3,1,128,1,18,1,100,2,1,2,2 -5229,0,1700,0,1630,1,1,15,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,3,1,122,1,28,1,117,1,1,2,3 -5230,0,1430,0,1400,1,1,10,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,2,2,,,2,3,1,85,1,30,1,160,2,1,2,3 -5231,0,2030,0,1945,1,1,15,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,Infant Car seat improperly installed,1,,2,,2,,1,2,2,2,3,2,,,2,3,1,113,1,24,1,87,2,1,2,3 -5232,0,0023,-1,2200,1,1,56.9,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,2,2,2,2,2,2,,,2,2,1,121,1,20,1,109,3,1,2,2 -5233,0,1010,0,0900,1,1,33.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,122,1,24,1,100,1,1,1,2 -5234,0,1841,0,1800,1,1,80,4,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,1,2,2,2,2,,,2,3,1,120,1,26,1,114,1,1,3,3 -5235,0,1700,0,1600,1,1,17,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,130,1,26,1,134,2,1,2,2 -5236,0,1218,0,1000,1,1,12.1,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,3,3,2,1,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,3,2,2,2,,,2,3,1,126,1,24,1,128,1,1,2,2 -5237,0,,0,1900,1,2,59,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,5,4,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,1,1,1,1,2,2,2,3,2,,,2,2,1,122,1,18,1,97,1,1,2,3 -5238,0,1700,0,1600,1,1,22.7,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,1,2,2,2,2,2,1,1,1,1,2,2,1,123,1,24,1,107,1,1,1,2 -5239,0,1830,0,1800,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,2,1,2,2,2,2,,,2,3,1,149,1,16,1,86,1,1,2,2 -5240,0,1805,0,1700,1,1,69.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,Football Helmet,7,,2,,1,1,2,1,2,2,1,1,3,2,2,3,1,119,1,20,1,84,5,3,2,2 -5241,0,2000,0,2000,1,1,18,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,148,1,24,1,124,1,1,2,2 -5242,0,2010,0,1900,1,1,60,2,1,1,2,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,139,1,18,1,83,1,1,2,2 -5243,0,1600,0,1530,1,1,40,4,3,2,,2,2,1,1,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,1,5,,,,,3,,,5,,2,,1,1,1,1,1,1,2,1,3,1,3,3,1,149,1,30,1,102,5,5,2,3 -5244,0,0530,-1,,2,1,4.6,1,3,2,,2,2,2,2,2,3,3,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,8,,,,,,,,8,,2,,1,1,1,2,3,2,2,2,,,2,3,1,91,1,52,1,154,3,3,1,3 -5245,0,1900,0,1830,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,114,1,15,1,84,1,1,1,2 -5246,0,1551,0,1330,1,1,40,4,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,1,9,,,,,,Football collision with another football player,,7,2,2,,1,2,2,2,2,2,2,1,1,2,2,3,1,119,1,20,1,93,2,1,2,2 -5247,0,1850,0,1800,1,1,59,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,3,2,2,3,2,2,1,1,1,2,2,1,141,1,20,1,58,2,2,2,2 -5248,0,1802,0,1745,1,1,18,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,3,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,124,1,20,1,88,1,1,2,3 -5249,0,1505,0,1421,1,1,53,2,4,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,3: > 40 mph,3,,,,,,1,,1,2,1,1,2,2,2,2,2,1,3,1,2,3,1,123,1,15,1,73,4,3,2,2 -5250,0,2119,0,,2,1,12,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,1,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,1,2,3,,,2,3,1,129,1,32,1,100,3,2,1,2 -5251,0,1615,0,1515,1,1,34,4,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,108,1,22,1,87,1,1,3,2 -5252,0,2250,0,2150,1,1,64.4,4,4,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,1,4,,1,2,2,2,2,2,,,4,4,1,119,1,20,1,98,6,6,3,3 -5253,0,1509,0,1415,1,1,70,4,4,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,1,2,2,13,,2,3,,,2,3,3,6,,,,,,,,6,,1,2,1,1,1,2,2,2,2,3,,,2,3,1,150,1,20,1,120,2,1,2,3 -5254,0,1800,0,1715,1,1,73,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,3,1,138,1,20,1,98,2,1,2,3 -5255,0,2137,0,,2,1,60,4,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,9,,,,,,fall to ground while sliding into 3rd base.,,2,2,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,129,1,16,1,77,3,1,2,2 -5256,0,1310,0,1200,1,1,40.8,1,1,2,,2,2,1,4,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,3,2,2,,,2,3,1,126,1,16,1,83,1,1,1,2 -5257,0,2215,0,2015,1,1,35,4,3,1,1,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,3,2,3,6,,,,,,,,6,,2,,1,3,1,2,3,2,2,1,2,1,3,3,1,127,1,20,1,101,5,3,2,3 -5258,0,0000,-1,2000,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,1,2,2,2,2,2,2,1,2,2,2,3,1,110,1,23,1,80,3,2,1,2 -5259,0,1735,0,,2,1,22,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,121,1,26,1,117,1,1,2,3 -5260,0,1335,0,1300,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,124,1,18,1,88,1,1,2,3 -5261,0,1800,0,1400,1,1,77.7,1,3,1,4,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,Punches and Kicks to the back,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,16,1,80,1,1,2,2 -5262,0,2142,0,2100,1,1,64.5,2,8,1,1,4,4,1,3,3,1,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,7,2: Accidental,,,,,,hit by hockey stick in abdomen and chest,7,,2,,1,1,2,1,2,2,2,2,,,2,3,1,143,1,23,1,113,2,2,3,2 -5263,0,2252,0,,2,1,60,4,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,1,5,2,10,,2,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,3,,1,2,2,4,2,3,,,3,2,1,135,1,26,1,118,1,1,2,3 -5264,0,1552,0,,2,1,13.6,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,4,,,2,3,2,,1,24,1,128,1,1,2,2 -5265,0,1453,0,,2,1,27.2,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,106,1,40,1,114,1,1,2,2 -5266,0,0046,-1,2300,1,1,64.3,,3,1,4,1,2,1,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,2,2,2,2,1,129,1,18,1,94,3,1,2,2 -5267,0,1821,0,1730,1,1,10,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,1,4,5: Physician did not answer,,,2,,,,4,,1,2,1,2,1,2,2,2,2,1,1,2,3,2,1,91,1,39,1,188,3,2,1,3 -5268,0,2205,0,2115,1,1,20,4,3,2,,1,2,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,4,,1,2,2,2,2,1,1,2,2,4,1,114,1,22,1,109,3,1,2,3 -5269,0,1610,0,1520,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,1,2,,,2,3,1,117,1,28,1,87,3,2,2,3 -5270,0,1246,0,1000,1,1,11.2,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,3,3,3: > 15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,32,1,101,2,2,2,2 -5271,0,1943,0,,2,1,22.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,3,,,5,,2,,2,,1,1,3,2,2,1,1,3,2,2,1,111,1,24,1,94,1,1,2,3 -5272,0,2008,0,,2,1,66.5,1,1,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,2,3,2,3,1,144,1,20,1,104,4,2,2,3 -5273,0,1900,0,1800,1,1,12,3,3,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,2,,,2,3,1,92,1,22,1,131,2,1,2,3 -5274,0,2055,0,,2,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,4,,,2,3,1,137,1,16,1,123,1,1,2,3 -5275,0,1900,0,1900,1,1,63.5,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,138,1,23,1,74,2,1,2,3 -5276,0,1830,0,1530,1,1,6,3,8,2,,3,3,3,2,2,3,3,2,3,1,2,1,2,1,5,1,11,,1,3,,,2,3,2,2,1: < 3 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,3,3,,,3,2,1,117,2,,1,162,2,2,2,3 -5277,0,1054,0,0900,1,1,61,1,3,2,,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,1,1,2,2,3,1,118,1,20,1,66,2,1,2,3 -5278,0,1030,0,,2,1,,,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,145,1,16,1,98,1,1,2,2 -5279,0,2151,0,,2,1,49,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,2,9,,,,,,Tackled playing football,,7,2,2,,1,1,1,2,2,2,2,1,1,3,2,3,1,114,1,17,1,79,1,1,1,3 -5280,0,1333,0,,2,1,23,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,92,1,20,1,97,2,1,2,2 -5281,0,1005,0,,2,1,55.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,3,2,2,2,4,2,1,2,2,2,3,1,112,1,20,1,110,2,2,2,2 -5282,0,1851,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,26,1,128,1,1,2,2 -5283,0,0400,-1,,2,1,5,1,8,1,1,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,3,2,8,,,,,,,,8,,2,,1,3,1,1,2,2,2,3,,,3,1,1,117,1,56,1,178,2,1,1,3 -5284,0,2315,0,,2,1,26,3,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,1,5: Physician did not answer,4,,,,,,1,,2,,1,3,1,2,2,2,3,3,,,3,3,1,116,2,,1,135,4,1,2,3 -5285,0,2128,0,2030,1,1,47,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,7,1: Intentional,,,,,,,7,,1,1,2,,2,2,2,2,2,1,1,2,2,3,1,119,1,20,1,94,2,1,2,2 -5286,0,1715,0,1558,1,1,35,3,3,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,1,4,3: > 20 mph,,,1,,,,4,,1,2,1,1,1,1,2,2,3,1,2,1,2,2,1,90,1,20,1,110,4,4,2,3 -5287,0,2156,0,2100,1,1,66.2,2,2,1,1,1,2,1,2,2,1,2,4,3,2,2,2,1,1,1,1,15,,2,1,5,2,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,3,2,2,2,2,2,2,,,2,3,1,119,1,16,1,106,6,6,3,2 -5288,0,2157,0,2145,1,1,68,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,2,1,1,2,2,2,2,,,2,1,1,175,1,16,1,110,1,1,2,3 -5289,0,1037,0,1000,1,1,29,2,2,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,cross checked in back during hockey game,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,107,1,20,1,89,1,1,2,2 -5290,0,1840,0,,2,1,17,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,157,1,28,1,142,1,1,2,3 -5291,0,2331,0,2230,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,6,2,3,1,118,1,18,1,84,1,1,1,2 -5292,0,1955,0,1936,1,1,,,4,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,3,1,143,1,16,1,97,3,2,2,2 -5293,0,1602,0,1540,1,1,30,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,118,1,22,1,94,2,1,1,3 -5294,0,2140,0,,2,1,25,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,5,,,,,1,,2,,1,2,2,2,2,2,2,2,,,2,2,1,118,1,28,1,124,1,1,2,2 -5295,0,1545,0,1540,1,1,86,1,4,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,1,2,1,2,2,1,2,2,2,2,,,2,2,1,113,1,18,1,79,1,1,2,2 -5296,0,1904,0,1830,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,40,1,121,1,1,2,2 -5297,0,1950,0,1740,1,1,18,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,1,2,2,2,1,1,3,2,3,1,95,1,28,1,84,1,1,1,2 -5298,0,1152,0,,2,1,38,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,3,,,2,2,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,3,2,2,2,,,2,2,1,139,1,36,1,140,1,1,2,3 -5299,0,1724,0,1700,1,1,36,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,fell off skateboard,,2,2,2,,2,,2,2,2,2,1,2,,,2,2,1,121,1,21,1,91,1,1,2,2 -5300,0,1325,0,1300,1,1,18.5,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,2,2,1,120,1,24,1,118,2,1,2,2 -5301,0,2234,0,1730,1,1,23.3,1,3,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,100,1,20,1,75,2,1,1,2 -5302,0,0834,0,0730,1,1,45,4,3,3,,4,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,5: Physician did not answer,,,4,,,,4,,2,,1,2,1,2,3,2,2,2,,,4,4,1,106,1,20,1,108,1,1,2,3 -5303,0,1445,0,1420,1,1,,,4,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,4,,,,4,,1,1,1,1,1,1,2,2,2,1,2,3,2,3,1,115,1,23,1,84,2,1,2,3 -5304,0,0844,0,0800,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,115,1,36,1,100,1,1,2,2 -5305,0,1930,0,1830,1,1,27,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,1,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,129,1,20,1,88,1,1,2,2 -5306,0,2225,0,2200,1,1,22,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,139,1,22,1,117,1,1,2,2 -5307,0,1040,0,0830,1,1,40,2,1,2,,1,2,1,2,2,2,1,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,18,1,65,1,1,1,2 -5308,0,1530,0,1500,1,1,20,3,3,2,,2,2,2,2,2,2,4,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,1,2,,1,2,2,2,3,2,,,2,3,1,105,1,24,1,91,1,1,2,3 -5309,0,1500,0,1400,1,1,31.8,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,restrained in booster car seat with lap belt only,1,,2,,2,,1,2,2,3,1,2,,,2,3,1,113,1,18,1,102,2,2,2,3 -5310,0,2003,0,1905,1,1,50,4,4,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,2,2,2,1,2,2,2,,,2,2,1,117,1,28,1,97,1,1,2,2 -5311,0,1100,0,1030,1,1,34,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Back pushed into edge of desk during assault,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,100,1,22,1,71,1,1,2,2 -5312,0,1906,0,1825,1,1,30,,3,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,1,1,6,2,3,1,112,1,24,1,85,1,1,2,2 -5313,0,1353,0,1215,1,1,55.4,1,3,2,,1,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,1,7,3: Unknown intentionality,,,,,,,7,,2,,1,1,1,2,2,2,2,1,2,1,3,3,1,120,1,18,1,80,2,1,2,3 -5314,0,1619,0,1550,1,1,68,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,124,1,18,1,70,1,1,1,2 -5315,0,2020,0,2005,1,1,75,4,8,2,,2,1,1,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,4,3: > 20 mph,,,1,,,,4,,2,,1,2,1,1,2,2,2,1,2,2,2,2,1,155,1,24,1,113,2,2,2,3 -5316,0,1615,0,1600,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,3,1,119,1,20,1,96,1,1,2,3 -5317,0,1935,0,1745,1,1,75.3,1,3,2,,1,2,1,2,2,1,2,3,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,7,1: Intentional,,,,,,,7,,1,1,2,,2,2,2,2,1,1,3,1,2,3,1,109,1,18,1,106,3,3,2,2 -5318,0,1720,0,1700,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,18,1,88,2,1,1,2 -5319,0,2020,0,,2,1,95,2,3,2,,1,1,1,2,2,2,1,2,2,2,2,2,2,1,2,1,14,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,3,1,2,2,2,3,1,3,1,2,2,1,141,1,15,1,68,2,2,3,3 -5320,0,1410,0,,2,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,2,,,2,2,1,140,1,14,1,84,2,1,1,3 -5321,0,1332,0,1000,1,1,48.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,1,1,2,,2,2,2,2,2,1,1,2,2,3,1,113,1,18,1,95,1,1,2,2 -5322,0,1231,0,0835,1,1,50.7,1,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,2,3,2,3,1,111,1,20,1,87,1,1,2,2 -5323,0,1915,0,1430,1,1,45,1,8,3,,1,2,2,3,3,2,2,2,1,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,1,2,2,4,2,1,1,2,2,3,1,139,1,20,1,92,3,2,1,3 -5324,0,0938,0,0840,1,1,74.8,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,1,1,1,2,2,1,1,3,2,2,1,135,1,16,1,61,3,1,1,3 -5325,0,1017,0,0850,1,1,40,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,3,,,2,3,3,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,128,1,18,1,82,2,2,2,3 -5326,0,1733,0,,2,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,114,1,20,1,76,1,1,1,3 -5327,0,1606,0,1500,1,1,66,2,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,1,1,1,2,2,2,3,2,,,2,2,1,145,1,20,1,90,1,1,2,3 -5328,0,1234,0,,2,1,40,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,4: Physician did not answer,,,,,,Football,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,22,1,112,2,1,3,2 -5329,0,2129,0,2015,1,1,56.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,1,2,8,,,,,,,,8,,1,1,2,,1,2,2,2,2,2,,,2,3,1,116,1,20,1,80,1,1,3,3 -5330,0,0849,0,0800,1,1,68,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,124,1,18,1,70,1,1,2,2 -5331,0,1930,0,1845,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,116,1,24,1,133,2,2,2,3 -5332,0,1830,0,1755,1,1,67.7,1,3,1,2,1,1,4,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Ball to Left Rib Cage,,7,2,2,,2,,2,2,2,4,3,2,,,2,3,1,138,1,16,1,78,1,1,2,2 -5333,0,1725,0,1640,1,1,120,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,3,1,1,2,2,2,1,98,1,18,1,89,1,1,2,3 -5334,0,2345,0,2245,1,1,42,2,3,2,,1,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,3,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,132,1,24,1,120,2,1,3,3 -5335,0,2040,0,2000,1,1,10,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,92,1,24,1,100,1,1,1,2 -5336,0,1923,0,1900,1,1,11,3,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,2,1,4,1: < 5 mph,,,1,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,3,1,129,1,34,1,168,4,2,2,3 -5337,0,0931,0,0810,1,1,26.3,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,2,1,2,2,2,1,2,,,2,3,1,118,1,20,1,82,2,1,3,3 -5338,0,1000,0,0900,1,1,47,1,3,1,1,1,1,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,1,9,,,,,,Was pushed into metal embarkment by crowd,,7,2,2,,1,2,2,2,2,2,2,1,2,2,2,2,1,110,1,20,1,75,1,1,2,2 -5339,0,1447,0,1400,1,1,30,1,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Ran into a leg of a table when it was tilted,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,22,1,84,2,1,2,2 -5340,0,1845,0,1815,1,1,52,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,2,2,2,2,2,2,,,2,2,1,147,1,54,1,87,1,1,1,2 -5341,0,2042,0,2030,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,124,1,15,1,85,2,1,2,2 -5342,0,1830,0,1650,1,1,60.1,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,119,1,20,1,85,1,1,2,3 -5343,0,1355,0,,2,1,18,3,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,6,3,,1,3,,,3,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,3,3,,,2,2,1,150,2,,1,150,3,3,2,3 -5344,0,2159,0,1645,1,1,11,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,107,1,38,1,184,1,1,1,3 -5345,0,1705,0,1700,1,1,45,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,1,2,,1,2,2,2,2,2,,,2,3,1,134,1,19,1,117,1,1,2,3 -5346,0,1305,0,1200,1,1,68,2,2,1,4,1,2,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,3,2,2,,,2,2,1,120,1,20,1,60,1,1,3,2 -5347,0,1900,0,1700,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,3,3,3,3,3,2,2,11,,2,2,,,1,4,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,121,1,33,1,110,1,1,1,3 -5348,0,2014,0,,2,1,40,4,3,1,2,3,3,3,2,2,3,3,3,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,1,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,4,1,120,1,20,1,84,3,2,2,3 -5349,0,2258,0,,2,1,91.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,127,1,20,1,89,2,1,2,2 -5350,0,0445,0,,2,1,4.6,1,3,2,,3,3,3,2,2,3,3,2,3,1,2,1,2,4,5,3,6,,1,3,,,2,3,2,8,,,,,,,,8,,2,,1,2,1,2,2,2,2,3,,,2,3,1,107,1,41,1,118,2,1,1,3 -5351,0,0500,0,,2,1,77,1,4,1,2,3,3,3,2,2,3,3,2,2,1,1,1,1,4,5,5,4,,2,3,,,3,3,3,1,4: Speed Unknown,2,,,,,,1,,1,2,1,2,1,2,2,2,2,3,,,3,2,1,180,1,22,1,105,3,3,2,3 -5352,0,1133,0,1100,1,1,40,4,3,1,1,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,3,1,1,2,2,1,1,94,1,24,1,110,2,2,1,3 -5353,0,1735,0,1705,1,1,45,4,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,2,1,131,1,18,1,91,1,1,2,2 -5354,0,1850,0,1800,1,1,,,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,3,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,1,1,2,2,1,1,1,2,2,1,131,1,22,1,99,1,1,2,3 -5355,0,2111,0,,2,1,11.4,2,9,2,,3,3,3,2,2,3,3,1,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,9,,,,,,Brother (10 yo) fell on patient,,7,2,2,,2,,1,2,2,2,2,3,,,3,3,1,166,1,26,1,170,1,1,2,3 -5356,0,1726,0,1600,1,1,11.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,20,1,74,1,1,2,2 -5357,0,1453,0,1100,1,1,59.7,,3,2,,2,1,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,117,1,20,1,55,3,1,2,2 -5358,0,1745,0,1715,1,1,41.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,20,1,78,2,2,2,2 -5359,0,2004,0,1600,1,1,40.4,2,2,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,kicked by horse in the chest,,7,2,2,,2,,2,2,2,2,1,2,,,2,3,1,111,1,24,1,102,1,1,3,2 -5360,0,1920,0,,2,1,75,1,2,1,2,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,1,1,2,1,2,2,2,2,,,2,2,1,126,1,20,1,83,2,1,2,2 -5361,0,1203,0,,2,1,12,1,3,2,,3,3,3,2,2,3,3,4,3,2,2,1,2,1,2,2,13,,1,2,,,2,3,1,4,4: Speed Unknown,,,1,,,,4,,2,,2,,1,2,2,2,2,3,,,2,2,1,132,1,22,1,118,1,1,2,3 -5362,0,,0,,2,2,70,2,3,1,4,2,2,2,1,2,2,2,2,1,2,2,2,2,2,1,1,14,,2,1,2,1,2,1,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,3,1,2,1,2,3,1,159,1,14,1,114,3,2,2,3 -5363,0,1900,0,1700,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,9,,,,,,Playing softball and ran into another player,,7,2,2,,1,3,1,1,2,2,3,1,2,3,2,3,1,106,1,18,1,70,1,1,2,3 -5364,0,2054,0,1800,1,1,18,4,3,1,1,1,4,4,2,2,3,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,2,2,2,3,1,2,1,3,2,1,108,1,37,1,101,4,2,2,3 -5365,0,1829,0,1800,1,1,14,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,3,4,3,8,,2,3,,,2,3,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,1,2,2,1,3,2,,,2,2,1,131,1,29,1,130,2,1,2,3 -5366,0,1711,0,1700,1,1,29.4,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,3,2,1,1,4,2,3,1,105,1,18,1,85,1,1,3,2 -5367,0,1445,0,,2,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,3,1: 5 or less,,,,,,,3,,1,2,2,,1,2,2,2,3,2,,,2,2,1,110,1,19,1,105,2,1,2,3 -5368,0,2006,0,1400,1,1,7.8,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,103,1,32,1,154,1,1,2,3 -5369,0,1832,0,1730,1,1,40,4,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,109,1,24,1,104,3,1,2,3 -5370,0,0942,0,0912,1,1,17.5,,3,2,,2,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,77,1,32,1,111,1,1,3,2 -5371,0,1517,0,,2,1,9,3,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,9,,,,,,TV hit head,,9,2,1,1,2,,1,2,2,2,2,3,,,3,2,1,119,1,48,1,165,2,1,2,3 -5372,0,1327,0,1230,1,1,28,2,2,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,2,,,2,3,1,116,1,24,1,96,1,1,2,3 -5373,0,0835,0,0800,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,3,3,2,,,2,2,1,110,1,41,1,100,2,2,2,2 -5374,0,0629,-1,2200,1,1,50.5,1,1,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,7,1: Intentional,,,,,,,7,,1,2,2,,2,2,2,2,2,1,1,2,2,3,1,100,1,18,1,79,1,1,2,2 -5375,0,0900,0,0830,1,1,14,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,1,2,2,,2,2,2,2,2,1,1,1,2,2,1,110,1,20,1,124,1,1,2,2 -5376,0,1741,0,1600,1,1,73,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,9,,,,,,5 lb Toy Boat Struck Neck,,9,2,2,,2,,1,2,2,2,2,2,,,2,2,1,131,1,20,1,96,1,1,2,3 -5377,0,1900,0,1845,1,1,13,2,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,4,2: 5 - 20 mph,,,3,,,,4,,2,,2,,1,2,2,2,3,3,,,3,3,1,137,1,60,1,165,1,1,2,3 -5378,0,1942,0,,2,1,20.5,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,5,,,,,1,,,5,,2,,1,2,1,2,2,2,2,1,1,2,2,3,1,102,1,36,1,97,1,1,1,3 -5379,0,0052,0,,2,1,87,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,135,1,18,1,122,1,1,2,3 -5380,0,2155,0,2100,1,1,48.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,102,1,20,1,92,2,1,3,2 -5381,0,2030,0,1900,1,1,31,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,24,1,78,1,1,2,2 -5382,0,0039,-1,2355,1,1,55,4,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,18,1,82,1,1,2,2 -5383,0,0858,0,0800,1,1,104,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,136,1,16,1,80,2,1,1,2 -5384,0,1540,0,1430,1,1,19.5,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,1,1,1,2,2,2,2,1,1,1,2,3,1,110,1,24,1,100,1,1,2,3 -5385,0,1720,0,1700,1,1,25,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,126,1,29,1,130,1,1,2,3 -5386,0,1110,0,,2,1,18,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,5: Physician did not answer,1,6,,,,,1,,1,2,2,,2,2,2,2,3,2,,,2,3,1,126,1,30,1,116,1,1,3,2 -5387,0,2115,0,2045,1,1,19,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,14,,1,2,,,2,2,1,3,4: Unknown,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,3,1,118,1,20,1,130,1,1,1,3 -5388,0,1649,0,,2,1,54,1,8,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,1,2,2,2,2,2,9,,,,,,Snowboarding,,2,2,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,120,1,20,1,90,2,1,1,2 -5389,0,2247,0,1920,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,1,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,114,1,24,1,104,2,2,1,3 -5390,0,1629,0,1518,1,1,50,2,3,1,2,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,on minimotor bike hit by car backing up,,6,2,2,,2,,1,2,2,2,2,2,,,2,3,1,133,1,20,1,88,1,1,2,3 -5391,0,1916,0,1900,1,1,32,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,2,1,2,6,2,2,1,130,1,17,1,102,2,1,2,3 -5392,0,1902,0,1800,1,1,35,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,diving injury hitting neck and hip on board,,9,2,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,18,1,104,1,1,2,2 -5393,0,1715,0,1650,1,1,57,4,3,1,2,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,fall from a horse 4 ft,,2,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,125,1,16,1,80,3,2,2,3 -5394,0,1840,0,1825,1,1,34,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,22,1,124,1,1,1,2 -5395,0,1930,0,,2,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,1,2,1,2,2,1,134,1,19,1,112,3,1,2,2 -5396,0,1651,0,1620,1,1,52,1,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,16,1,80,1,1,2,2 -5397,0,1740,0,1715,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,16,1,88,1,1,1,2 -5398,0,2315,0,2015,1,1,25,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,109,1,30,1,123,2,1,2,3 -5399,0,1049,0,1000,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,24,1,100,1,1,1,2 -5400,0,1540,0,1500,1,1,62.2,,3,1,2,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Pt was riding bobcat - rolled over onto him,,9,2,2,,2,,1,2,2,2,2,2,,,2,3,1,124,1,18,1,84,1,1,2,3 -5401,0,1539,0,1515,1,1,70,4,8,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,9,,,,,,Longboarding downhill without helmet,,7,2,2,,2,,1,2,2,2,3,2,,,2,3,1,153,1,36,1,119,1,1,3,3 -5402,0,1830,0,1800,1,1,60,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,2,1,1,3,2,3,1,130,1,16,1,93,1,1,2,2 -5403,0,2018,0,2000,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,Child sitting on top of car,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,122,1,20,1,74,1,1,2,3 -5404,0,1024,0,1010,1,1,6.4,1,3,2,,2,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,3,,,2,3,3,,1,40,1,180,2,1,1,2 -5405,0,1911,0,,2,1,15.8,1,9,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,95,1,33,1,102,1,1,2,2 -5406,0,0631,-1,1600,1,1,95,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,123,1,23,1,80,1,1,1,2 -5407,0,1300,0,1130,1,1,34,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,16,1,86,1,1,1,2 -5408,0,1900,0,1830,1,1,40,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,140,1,26,1,101,1,1,1,2 -5409,0,1942,0,1630,1,1,40,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,9,,,,,,"on sled, fell, unknown mechanism complain of belly pain",,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,20,1,124,1,1,2,2 -5410,0,1714,0,1600,1,1,55,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,3,1,154,1,15,1,132,1,1,2,3 -5411,0,1240,0,1130,1,1,6.8,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,7,3: Unknown intentionality,,,,,,4 yo Sibling jumped on patient abdomen,7,,2,,1,1,2,2,2,1,2,2,,,3,2,1,111,1,28,1,172,3,2,2,2 -5412,0,1232,0,1030,1,1,27.7,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,101,1,26,1,100,1,1,2,2 -5413,0,2330,0,2230,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,2,,,2,3,1,120,1,20,1,81,1,1,2,2 -5414,0,1737,0,1700,1,1,7,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,91,1,32,1,114,1,1,2,2 -5415,0,1550,0,1430,1,1,90,,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,2,1,1,1,2,3,1,145,1,16,1,83,1,1,2,2 -5416,0,1557,0,,2,1,15,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,7,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,135,1,17,1,119,1,1,1,3 -5417,0,0830,0,0830,1,1,75,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,metal pipes falling onto pt's back-->fell onto ground,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,128,1,18,1,72,2,2,1,3 -5418,0,0044,-1,2340,1,1,72,2,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,131,1,15,1,78,2,2,2,3 -5419,0,1840,0,,2,1,16.1,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,3,4: Unknown,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,3,1,105,1,36,1,146,1,1,1,3 -5420,0,0945,0,0230,1,1,50,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,3,2,2,1,3: > 40 mph,3,,,,,,1,,2,,1,3,1,1,1,2,2,1,2,3,2,2,1,120,1,22,1,103,3,3,1,3 -5421,0,1734,0,1655,1,1,52.3,4,4,2,,1,1,2,2,2,3,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,124,1,20,1,105,2,2,2,3 -5422,0,1654,0,1600,1,1,,,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,2,1,128,1,30,1,86,3,1,2,3 -5423,0,2101,0,2000,1,1,31,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,37,1,94,1,1,2,2 -5424,0,1251,0,,2,1,45.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,149,1,16,1,64,1,1,2,2 -5425,0,1600,0,,2,1,25,4,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,4,2,8,,2,3,,,2,3,1,4,3: > 20 mph,,,4,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,2,1,121,1,33,1,88,2,1,2,3 -5426,0,1959,0,1925,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,3,2,2,2,2,2,1,1,4,2,3,1,131,1,20,1,111,2,1,3,2 -5427,0,1317,0,1200,1,1,,,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,1,5,6,6,,1,2,,,2,3,1,8,,,,,,,,8,,2,,1,1,1,2,2,2,2,3,,,3,2,1,126,1,30,1,167,2,2,2,3 -5428,0,2240,0,2200,1,1,65,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,122,1,18,1,81,3,1,2,2 -5429,0,0116,-1,,2,1,80,4,1,2,,3,3,3,2,2,3,3,2,1,2,2,2,1,4,4,3,7,,2,3,,,1,3,1,1,3: > 40 mph,2,,,,,,1,,1,1,1,1,1,2,2,2,3,3,,,2,2,1,164,1,29,1,61,3,3,2,3 -5430,0,2033,0,,2,1,104,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,131,1,28,1,92,1,1,3,3 -5431,0,2140,0,,2,1,65.9,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,2,3,2,2,1,132,1,27,1,108,4,2,3,2 -5432,0,1950,0,1900,1,1,20,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,1,1,1,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,2,,,2,2,1,145,1,24,1,123,2,1,2,3 -5433,0,1552,0,,2,1,3.3,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,3,2,9,,,,,,Allegedly hit in chest by father,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,88,1,32,1,140,1,1,2,3 -5434,0,1930,0,1900,1,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Stepped into open manhole,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,141,1,16,1,68,1,1,1,2 -5435,0,1145,0,1100,1,1,20,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,1,2,1,3,1,1,2,2,2,1,2,2,2,2,1,128,1,30,1,118,4,3,2,3 -5436,0,1610,0,1530,1,1,27,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,22,1,100,1,1,2,2 -5437,0,1058,-1,1200,1,1,21.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,24,1,115,1,1,2,2 -5438,0,1500,0,1445,1,1,47.2,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,105,1,16,1,83,2,2,2,2 -5439,0,1420,0,1400,1,1,65,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,4,2,2,,,2,2,1,168,1,12,1,78,1,1,2,2 -5440,0,1425,0,1300,1,1,80.5,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,130,1,18,1,62,2,1,1,2 -5441,0,1915,0,1630,1,1,64.2,1,1,2,,2,4,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,3,1: 5 or less,,,,,,,3,,2,,1,1,2,2,2,2,2,1,3,2,2,3,1,104,1,16,1,54,2,1,2,2 -5442,0,1900,0,1830,1,1,81.6,4,4,1,1,1,2,2,2,2,1,1,2,3,2,2,2,1,1,1,1,15,,1,1,2,1,1,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,2,1,1,1,2,2,1,2,1,2,2,1,136,1,18,1,110,4,2,2,3 -5443,0,2010,0,1930,1,1,80,2,1,1,1,1,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,3,1,1,2,2,3,1,146,1,16,1,92,2,2,2,3 -5444,0,1352,0,,2,1,60,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Patient was checked to right upper quadrant,,7,2,2,,1,2,2,2,2,2,2,2,,,2,2,1,138,1,16,1,60,2,1,2,2 -5445,0,1622,0,1525,1,1,50,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,1,2,1,3,2,2,2,2,2,2,,,2,3,1,151,1,16,1,92,2,1,1,2 -5446,0,2010,0,,2,1,75,,2,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,127,1,20,1,96,1,1,2,2 -5447,0,1800,0,,2,1,60,4,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,104,1,16,1,103,1,1,2,2 -5448,0,1700,0,,2,1,46.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,1,1,2,1,1,2,2,1,1,3,2,3,1,95,1,30,1,109,1,1,2,2 -5449,0,1001,0,0930,1,1,36,,1,2,,4,4,4,4,4,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,4,2,2,3,1,108,1,16,1,80,2,1,2,2 -5450,0,0828,0,,2,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,31,1,133,1,1,2,2 -5451,0,1520,0,,2,1,9,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,1,1,1,15,,1,2,,,2,2,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,86,1,22,1,126,2,1,2,3 -5452,0,2116,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,2,,,2,2,1,97,1,20,1,100,1,1,1,2 -5453,0,1515,0,1420,1,1,16.8,4,3,1,1,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,2,1,4,1,2,2,3,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,3,1,1,1,2,3,1,93,1,28,1,112,3,2,2,3 -5454,0,1050,0,0930,1,1,12,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,3,3,2,4,4: Speed Unknown,,,4,,,Golf cart,4,,2,,1,3,1,2,2,2,3,2,,,2,3,1,122,1,22,1,136,2,1,2,3 -5455,0,1433,0,1330,1,1,17,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,1,2,2,2,1,1,3,2,3,1,108,1,24,1,102,1,1,2,2 -5456,0,1619,0,,2,1,65,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,2,1,118,1,44,1,107,2,2,2,3 -5457,0,1639,0,1620,1,1,55,1,8,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,2,2,2,2,2,2,1,1,2,2,2,1,144,1,20,1,88,2,1,2,2 -5458,0,1900,0,1700,1,1,13,3,1,2,,3,3,3,2,2,3,3,3,1,1,1,1,2,4,5,6,3,,3,3,,,3,3,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,2,3,,,3,3,1,85,1,28,1,89,4,3,1,3 -5459,0,1230,0,1200,1,1,68,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,159,1,16,1,100,2,1,1,2 -5460,0,2015,0,1945,1,1,35,3,3,1,1,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,1,1,2,3,1,3,1,2,3,1,91,1,22,1,101,5,4,2,3 -5461,0,1740,0,1300,1,1,26,1,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,111,1,24,1,93,1,1,1,2 -5462,0,1500,0,1430,1,1,60,4,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,1,2,2,3,1,3,2,2,3,1,128,1,16,1,70,5,2,2,3 -5463,0,0004,-1,2330,1,1,30.7,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,3,2,2,2,,,2,3,1,133,1,20,1,105,1,1,1,2 -5464,0,0853,0,0830,1,1,60,4,8,2,,3,3,3,2,2,3,3,3,3,1,2,2,2,4,5,4,5,,2,3,,,3,3,3,4,3: > 20 mph,,,3,,,,4,,2,,1,3,1,2,2,2,2,3,,,3,2,1,127,1,12,1,69,1,1,2,3 -5465,0,2320,0,2200,1,1,55,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,2,1,128,1,18,1,115,1,1,2,2 -5466,0,0840,0,0800,1,1,52,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,1,1,2,,2,1,2,2,2,2,,,2,2,1,141,1,20,1,106,1,1,2,2 -5467,0,1730,0,1700,1,1,50,4,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,5,,,,,3,,,5,,4,,4,,1,2,2,2,2,2,,,2,3,1,118,1,30,1,77,1,1,2,3 -5468,0,0850,0,0830,1,1,25,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,48,1,140,1,1,2,3 -5469,0,1641,0,1500,1,1,110,4,8,1,1,3,3,3,2,2,3,3,2,3,1,1,1,2,4,,2,,6,2,3,,,2,3,2,4,4: Speed Unknown,,,1,,,,4,,1,2,2,,1,2,2,2,2,3,,,3,2,1,156,2,,1,80,2,2,2,3 -5470,0,1830,0,1515,1,1,14,3,8,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,8,,,,,,,,8,,2,,1,1,1,1,2,2,3,3,,,3,2,1,108,2,,1,125,2,1,2,3 -5471,0,2004,0,,2,1,75,1,2,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,3,1,116,1,20,1,78,2,1,2,2 -5472,0,2330,0,2230,1,1,45,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,3,,,2,3,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,2,2,1,3,1,1,1,2,2,1,127,1,20,1,95,5,4,2,3 -5473,0,2130,0,2045,1,1,44,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,1,3,2,2,2,,,2,3,1,110,1,40,1,110,3,2,2,3 -5474,0,1618,0,1550,1,1,30,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,3,,2,,2,2,2,2,2,2,,,2,2,1,119,1,23,1,104,1,1,2,2 -5475,0,1110,0,0730,1,1,70,4,4,2,,3,3,3,2,2,3,3,2,2,1,2,2,2,4,5,3,6,,2,3,,,2,3,3,1,4: Speed Unknown,3,,,,,,1,,1,2,1,1,1,1,1,2,1,3,,,3,2,1,120,1,10,1,110,2,2,1,3 -5476,0,1510,0,1455,1,1,21,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,5,,,,,1,,3,,1,1,2,2,2,2,2,1,1,4,2,2,1,101,1,20,1,89,3,1,2,2 -5477,0,2115,0,2000,1,1,118,1,3,2,,2,2,2,2,1,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,3,2,2,2,1,147,1,22,1,95,2,1,3,2 -5478,0,2150,0,2130,1,1,17.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,wedged between bed and wall,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,94,1,20,1,110,1,1,2,2 -5479,0,1625,0,,2,1,20,3,1,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,1,2,2,13,,2,3,,,1,3,1,9,,,,,,kicked in head by horse,,9,2,2,,1,2,1,2,2,2,3,2,,,2,2,1,115,1,33,1,102,2,1,1,3 -5480,0,0247,-1,2355,1,1,68,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,3,1,124,1,20,1,122,1,1,1,3 -5481,0,1300,-1,1600,1,1,38.3,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,1,3,2,3,1,93,1,18,1,114,1,1,2,2 -5482,0,1241,0,,2,1,58,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,149,1,18,1,90,1,1,2,2 -5483,0,0238,0,0200,1,1,60,,4,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,1,1,2,2,2,,,2,3,1,156,1,41,1,98,1,1,2,3 -5484,0,2010,0,1700,1,1,50,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,4,3,2,,,2,3,1,114,1,18,1,78,1,1,2,2 -5485,0,0856,0,0828,1,1,29.6,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,3,,2,2,2,2,3,1,1,3,2,2,1,123,1,20,1,92,2,1,2,2 -5486,0,1618,0,1540,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,1,,,,4,,2,,2,,2,2,2,4,2,2,,,2,2,1,106,1,21,1,119,1,1,2,2 -5487,0,1825,0,1725,1,1,68,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,2,1,3,2,2,5,,,,,3,,,5,,3,,1,1,1,2,2,2,3,1,2,1,2,2,1,137,1,18,1,101,3,1,2,3 -5488,0,1232,0,1150,1,1,72,1,3,2,,2,1,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,5,,,,,1,,,5,,2,,1,1,1,2,2,2,2,1,3,1,1,4,1,116,1,18,1,83,5,4,2,3 -5489,0,1520,0,1514,1,1,25,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,4,4: Speed Unknown,,,4,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,118,1,32,1,109,1,1,2,3 -5490,0,1510,0,1300,1,1,62,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,1,,,,"Car rear-ended by another car of unknown speed, pt in back seat.",1,,2,,1,1,2,2,2,2,2,1,1,4,2,3,1,115,1,16,1,74,3,2,3,2 -5491,0,2347,0,2300,1,1,63,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,121,1,14,1,50,2,2,1,3 -5492,0,1835,0,1800,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,1,2,,,2,2,1,109,1,21,1,100,1,1,2,2 -5493,0,1947,0,1930,1,1,13,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,81,1,32,1,160,2,1,1,3 -5494,0,1443,0,,2,1,54,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,111,1,16,1,109,1,1,2,3 -5495,0,2247,0,2200,1,1,70,4,3,2,,3,3,3,2,2,3,3,2,3,1,2,1,2,4,4,6,4,,2,3,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,2,1,100,2,,1,100,4,2,2,3 -5496,0,1128,0,1100,1,1,18,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,26,1,139,1,1,1,2 -5497,0,1427,0,,2,1,94.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,2,2,2,2,2,1,4,1,2,3,1,130,1,20,1,90,1,1,1,2 -5498,0,1230,0,1100,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,4,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,144,1,18,1,72,1,1,2,2 -5499,0,1945,0,,2,1,54.5,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,Fell from horse; horse fell on pt's pelvis & abdomen,2,,2,,1,3,1,2,2,2,2,2,,,2,2,1,110,1,16,1,80,1,1,2,3 -5500,0,1725,0,1400,1,1,32,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,2,2,2,1,1,3,2,2,1,148,1,20,1,96,3,3,2,3 -5501,0,1910,0,1830,1,1,13.6,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,2,2,3,2,2,2,,,2,3,3,,1,42,1,140,2,1,2,2 -5502,0,1750,-1,1850,1,1,36.3,1,2,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,1,2,2,2,1,2,2,1,3,1,122,1,14,1,68,3,3,2,2 -5503,0,2109,0,2015,1,1,65,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,146,1,16,1,84,2,2,2,3 -5504,0,1900,0,1815,1,1,42.3,1,3,2,,4,4,4,4,4,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from standing,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,105,1,22,1,72,1,1,3,2 -5505,0,0045,0,0019,1,1,60,4,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,1,1,2,2,2,,,2,3,1,132,1,16,1,99,1,1,2,3 -5506,0,1308,0,1200,1,1,15,4,8,2,,2,3,3,2,2,2,2,2,2,2,2,1,2,1,1,1,15,,1,2,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,1,2,1,2,1,1,2,2,2,2,,,2,3,1,107,1,56,1,175,2,2,2,3 -5507,0,1440,0,1420,1,1,30,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,3,,1,2,2,2,3,2,,,2,2,1,138,1,32,1,106,2,1,3,3 -5508,0,1230,0,,2,1,,,8,1,4,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,2,2,3,1,131,1,20,1,88,4,6,3,3 -5509,0,1650,0,1615,1,1,67,1,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,132,1,24,1,136,1,1,2,2 -5510,0,2109,0,2000,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,157,1,18,1,84,1,1,3,2 -5511,0,1409,0,1350,1,1,52,,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,3,2,,,2,3,1,120,1,18,1,100,1,1,2,2 -5512,0,1330,0,0930,1,1,106,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,fell into pole while skateboarding,,2,2,2,,2,,2,2,2,2,2,1,1,2,2,3,2,,1,16,1,72,2,1,1,2 -5513,0,2328,0,2230,1,1,59.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,20,1,92,1,1,2,2 -5514,0,1805,0,1705,1,1,35,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,5,,,,,3,,,5,,2,,1,1,1,2,2,2,2,1,2,1,2,2,1,119,1,16,1,92,5,1,2,3 -5515,0,2126,0,2100,1,1,,,3,2,,2,2,2,2,2,2,3,2,1,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,2,1,2,2,2,2,3,,,2,2,1,126,1,28,1,100,2,2,2,3 -5516,0,2326,0,,2,1,42,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,1,1,1,3,2,3,1,110,1,46,1,118,2,1,2,3 -5517,0,1926,0,1900,1,1,25,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,2,2,2,2,1,2,3,2,2,1,107,1,32,1,136,3,3,2,3 -5518,0,1130,0,,2,1,35,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,2,,,,shoulder harness disengaged,1,,1,1,2,,1,2,2,2,2,2,,,2,2,1,118,1,22,1,98,1,1,2,3 -5519,0,0205,0,0130,1,1,75,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,100,1,24,1,90,1,1,2,2 -5520,0,1846,0,,2,1,17,,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,4,4,2,2,2,9,,,,,,"""Fell off slide"", then ""fell off chair"" Suspicion for NAT",,2,2,2,,1,3,1,1,2,2,2,1,1,2,3,3,1,130,1,26,1,122,3,1,2,3 -5521,0,2100,0,2030,1,1,14,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,1,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,154,1,20,1,138,1,1,2,3 -5522,0,2019,0,1930,1,1,43.1,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,1,2,1,2,3,1,143,1,24,1,56,2,1,2,3 -5523,0,2100,0,2000,1,1,67,1,8,2,,3,3,3,2,2,3,3,1,1,1,1,1,2,3,4,1,10,,2,3,,,3,3,3,6,,,,,,,,6,,2,,1,2,1,2,2,3,3,3,,,3,2,1,142,1,28,1,90,3,3,2,3 -5524,0,1700,0,1640,1,1,52,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,1,2,2,1,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,1,2,2,1,1,2,3,1,1,3,2,3,1,97,1,18,1,88,3,2,2,2 -5525,0,1330,0,1130,1,1,16.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,24,1,112,2,1,2,2 -5526,0,0428,-1,2100,1,1,12,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,88,1,18,1,92,1,1,2,3 -5527,0,1527,0,,2,1,32,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,20,1,119,1,1,2,2 -5528,0,1758,0,1740,1,1,35,4,8,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,1,1,1,2,1,2,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,1,1,2,2,2,2,1,1,1,2,3,1,128,1,14,1,122,3,2,2,3 -5529,0,1840,0,1830,1,1,46,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,22,1,70,1,1,2,2 -5530,0,1814,0,1730,1,1,50,1,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,16,1,72,1,1,1,2 -5531,0,2155,-1,,2,1,13.3,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,9,,,,,,physical abuse,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,94,1,24,1,92,1,1,1,3 -5532,0,2232,0,,2,1,60,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,3,,,2,3,3,8,,,,,,,,8,,2,,1,3,1,2,2,2,2,2,,,2,2,1,95,1,32,1,106,1,1,2,3 -5533,0,1658,0,,2,1,59,1,2,2,,2,1,2,2,2,1,2,3,3,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,fell into basket (plastic),,2,2,2,,1,1,2,2,2,2,1,1,3,2,2,3,1,105,1,18,1,77,4,1,2,2 -5534,0,0444,0,0300,1,1,65,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,2,,2,2,2,4,2,2,,,2,3,1,144,1,20,1,123,1,1,2,2 -5535,0,2040,0,1850,1,1,14,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,run over by toy vehicle,,4,2,2,,2,,2,2,2,2,2,2,,,2,3,1,100,1,26,1,104,1,1,2,2 -5536,0,2030,0,1600,1,1,74,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Hit in back playing football,,7,2,2,,1,1,1,2,2,2,2,2,,,2,3,1,131,1,18,1,84,2,1,2,3 -5537,0,1602,0,,2,1,36,3,8,1,1,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,3,1,2,3,2,2,1,4,1,2,2,1,105,1,25,1,87,4,2,2,3 -5538,0,1350,0,1100,1,1,27.5,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,1,1,1,2,3,1,1,3,2,3,1,100,1,16,1,98,2,1,2,3 -5539,0,0250,0,0130,1,1,,,7,2,,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,3,1,146,1,16,1,110,2,2,2,2 -5540,0,1100,0,0100,1,1,36.5,1,3,1,2,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,Belt buckle,7,,4,,2,,1,1,2,2,2,2,,,2,3,1,99,1,32,1,75,6,6,3,3 -5541,0,0936,0,0800,1,1,36,2,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,1,2,,1,2,2,2,2,3,,,2,3,1,106,1,24,1,78,1,1,2,3 -5542,0,1032,0,0800,1,1,27.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,1,2: 20 - 40 mph,1,7,,,,,1,,2,,1,2,2,2,2,2,2,1,2,4,2,3,1,108,1,16,1,90,3,1,2,2 -5543,0,1752,0,1530,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,1,1,2,2,2,2,4,3,2,,,2,2,1,100,1,20,1,95,1,1,2,2 -5544,0,1637,0,,2,1,65,4,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,1,2,2,2,2,1,2,2,2,2,1,142,1,16,1,64,4,4,2,3 -5545,0,2100,0,,2,1,24,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,3,,,2,2,3,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,2,2,1,100,1,17,1,80,2,2,2,3 -5546,0,1849,0,1800,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,105,1,22,1,130,1,1,3,1 -5547,0,1155,-1,1800,1,1,65,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,1,1,4,2,3,1,133,1,20,1,93,1,1,2,2 -5548,0,0202,0,,2,1,27,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,23,1,91,1,1,2,3 -5549,0,2116,0,1600,1,1,2.9,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,3,1,88,1,30,1,208,1,1,2,3 -5550,0,1536,0,1455,1,1,104,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,137,1,18,1,60,1,1,2,2 -5551,0,1345,0,1215,1,1,12,,3,2,,3,3,3,2,2,1,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,3,,,2,3,1,112,1,30,1,162,2,2,2,3 -5552,0,1700,0,1630,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,91,1,26,1,99,1,1,2,3 -5553,0,1603,0,0900,1,1,50,4,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Playing football,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,145,1,26,1,115,1,1,1,3 -5554,0,1506,0,1445,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,2,,2,2,2,2,2,1,2,3,2,3,1,127,1,18,1,89,1,1,2,2 -5555,0,1812,0,1730,1,1,77,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,3,2,,,2,3,1,110,1,20,1,80,1,1,1,2 -5556,0,1918,0,1845,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,123,1,30,1,95,1,1,3,2 -5557,0,2157,0,2000,1,1,30,4,8,2,,3,3,3,2,2,3,3,2,1,1,2,2,2,4,5,6,3,,2,3,,,2,3,3,1,4: Speed Unknown,1,6,,,,,1,,2,,1,1,1,1,2,1,3,3,,,3,2,1,48,2,,1,103,5,4,2,3 -5558,0,1916,0,1830,1,1,18,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,94,1,20,1,126,1,1,3,2 -5559,0,2112,0,0500,1,1,10.4,1,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,3,1: 5 or less,,,,,,,3,,2,,2,,1,1,2,3,2,2,,,2,3,1,135,1,24,1,108,2,1,2,3 -5560,0,1801,0,1730,1,1,13.6,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,4,4: Speed Unknown,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,132,1,30,1,110,1,1,2,3 -5561,0,0127,-1,1530,1,1,34,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,Passenger,6,,2,,2,,1,2,2,2,3,2,,,2,2,1,151,1,26,1,118,1,1,1,3 -5562,0,2000,0,1900,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,3,1,1,3,2,2,1,120,1,16,1,80,2,1,2,3 -5563,0,1850,0,1800,1,1,48,2,3,2,,1,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,3,2,2,,,2,3,1,120,1,24,1,100,1,1,2,2 -5564,0,1815,0,1800,1,1,35,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,137,1,24,1,92,2,1,2,3 -5565,0,1630,0,1458,1,1,35,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,dragged 50 feet,4,,2,,3,,1,2,2,2,2,2,,,2,3,1,108,1,28,1,120,2,2,2,3 -5566,0,1800,0,1730,1,1,20,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,1,1,1,2,2,1,107,1,36,1,130,2,1,2,3 -5567,0,1817,0,,2,1,59,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,18,1,124,1,1,1,2 -5568,0,1541,0,1451,1,1,90,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,1,2,2,2,1,129,1,18,1,128,2,1,2,2 -5569,0,2230,0,1830,1,1,66,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,136,1,20,1,76,1,1,1,3 -5570,0,2300,0,1500,1,1,90,1,3,1,2,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,133,1,18,1,76,1,1,2,2 -5571,0,2204,0,2100,1,1,64.1,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,fall snowboarding,,2,2,2,,2,,2,2,3,2,3,2,,,2,3,1,117,1,16,1,84,1,1,2,2 -5572,0,1900,0,1730,1,1,23,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,1,1,2,2,2,2,1,2,,,2,3,1,102,1,26,1,110,2,1,1,2 -5573,0,1420,0,,2,1,58,4,3,1,2,1,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,Abuse,,7,2,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,122,1,20,1,100,6,6,2,2 -5574,0,1620,0,1600,1,1,17.7,1,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,1,3,,,1,3,1,1,3: > 40 mph,1,5,,,,,1,,2,,1,1,2,2,2,1,1,2,,,2,2,1,136,1,27,1,147,2,1,2,2 -5575,0,0028,-1,2300,1,1,70.3,2,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,skateboard falling over going down a hill struck a pole,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,149,1,20,1,60,1,1,2,3 -5576,0,1332,0,,2,1,70,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,122,1,16,1,96,1,1,3,3 -5577,0,0752,0,0400,1,1,70,1,3,1,1,1,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,1,1,1,1,1,2,2,2,1,2,2,2,2,1,117,1,20,1,100,4,2,2,3 -5578,0,1740,0,1700,1,1,47,4,8,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,2,,,2,2,1,116,1,24,1,87,1,1,2,2 -5579,0,0920,0,0840,1,1,27,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,3,2,,,2,2,1,152,1,22,1,78,2,1,2,2 -5580,0,1140,0,1100,1,1,65,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,122,1,16,1,72,2,1,2,2 -5581,0,0121,-1,2000,1,1,20.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,5,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,28,1,120,1,1,2,3 -5582,0,1920,0,,2,1,70,4,1,1,1,2,2,2,2,2,2,4,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,1,2,2,2,1,2,2,2,3,1,114,1,18,1,85,3,2,2,2 -5583,0,1800,0,1700,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,3,2,2,2,4,1: < 5 mph,,,1,,,sitting in front of parked car that rolled over her left arm,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,106,1,46,1,97,1,1,2,2 -5584,0,2123,0,2100,1,1,60,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,3,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,1,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,24,1,89,1,1,3,2 -5585,0,2100,0,1700,1,1,51.3,1,8,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,2,1,2,2,2,2,1,2,2,2,2,1,132,1,15,1,100,3,1,1,3 -5586,0,2045,0,1900,1,1,40,2,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,1,2,2,4: Unknown,,,,,,"Object struck abdomen, accidental",2,,1,2,1,1,1,1,2,2,2,1,2,1,2,3,1,91,1,12,1,62,5,1,1,3 -5587,0,1909,0,,2,1,64.2,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,5,,,,,3,,,5,,2,,2,,1,1,2,2,2,2,,,2,3,1,134,1,20,1,100,1,1,2,3 -5588,0,2203,0,,2,1,56,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Skateboard,,2,2,2,,2,,1,1,2,2,1,2,,,2,2,1,122,1,15,1,97,1,1,2,3 -5589,0,0449,0,0400,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,16,1,67,1,1,2,2 -5590,0,2240,0,2150,1,1,54.4,2,4,2,,2,2,2,2,2,2,1,2,1,2,2,2,1,1,1,1,15,,3,1,3,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,4,,1,1,1,2,2,2,2,1,2,3,2,3,1,120,1,22,1,100,5,4,2,3 -5591,0,2019,0,,2,1,24.8,1,3,1,1,1,2,2,1,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,4,2,1,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,1,1,2,2,3,1,111,1,24,1,125,2,1,2,3 -5592,0,1307,0,1200,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,130,1,14,1,78,1,1,2,2 -5593,0,1958,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,2,,1,1,2,2,2,2,2,1,1,3,2,2,1,101,1,17,1,78,1,1,2,2 -5594,0,2143,0,2100,1,1,30,4,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,4,3,7,,2,3,,,3,3,1,9,,,,,,Hanging,,9,2,2,,1,1,1,2,2,2,2,3,,,3,2,1,89,1,27,1,119,1,1,2,3 -5595,0,1825,0,1645,1,1,52.6,1,2,2,,2,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,1: < 20 mph,2,,,,,,1,,2,,1,3,2,2,2,3,3,1,2,2,2,3,1,136,1,22,1,112,2,1,2,2 -5596,0,1500,0,1200,1,1,68.9,1,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,9,,,,,,Wrestling-pile drive to head,,9,2,2,,2,,1,2,2,2,3,2,,,2,2,1,124,1,30,1,130,1,1,2,3 -5597,0,1806,0,,2,1,39.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,1,1,2,1,1,2,1,122,1,20,1,97,3,2,2,3 -5598,0,0048,-1,1930,1,1,22,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,Fall off scooter,,2,2,2,,2,,1,2,2,2,2,1,1,1,2,3,1,100,1,21,1,76,1,1,2,3 -5599,0,0200,-1,2030,1,1,7.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,85,1,26,1,111,1,1,2,3 -5600,0,2228,0,1430,1,1,75,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,2,1,2,2,2,2,1,1,2,2,2,1,144,1,16,1,60,2,2,2,3 -5601,0,1555,0,1455,1,1,,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,128,1,22,1,95,1,1,2,3 -5602,0,1825,0,1800,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,123,1,16,1,106,1,1,3,3 -5603,0,1607,0,1507,1,1,48.8,1,3,2,,2,4,4,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,1,3,1,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,3,2,2,1,3,1,2,3,1,121,1,16,1,108,3,2,2,2 -5604,0,1516,0,1340,1,1,31.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,146,1,18,1,82,1,1,2,2 -5605,0,1330,0,1200,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,26,1,84,1,1,2,2 -5606,0,0932,0,,2,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,2,2,2,2,1,1,1,2,2,2,1,108,1,18,1,70,1,1,2,2 -5607,0,1740,0,1345,1,1,,,8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,118,1,28,1,106,1,1,1,3 -5608,0,1430,0,1400,1,1,50,4,8,1,1,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,4,,,,4,,2,,1,1,1,1,2,2,2,2,,,2,3,1,111,1,27,1,86,4,3,2,3 -5609,0,1608,0,1530,1,1,14.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,138,1,28,1,105,1,1,2,2 -5610,0,0150,0,0100,1,1,38,2,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,103,1,24,1,101,1,1,2,2 -5611,0,1555,0,1545,1,1,68,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,155,1,24,1,134,1,1,2,2 -5612,0,1605,0,1500,1,1,16,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Hit and drug by ultra-light device,,9,2,2,,2,,1,2,2,2,2,2,,,2,3,1,111,1,28,1,110,1,1,2,3 -5613,0,2023,0,,2,1,35,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,4,,,2,2,1,9,,,,,,"Boat Accident, pulled by rope into propeller",,9,2,2,,2,,1,2,2,2,2,2,,,2,2,1,100,1,24,1,104,2,1,2,3 -5614,0,1713,0,1650,1,1,60,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,117,1,19,1,77,1,1,2,2 -5615,0,2245,0,2130,1,1,40,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,5,,,,,1,,,5,,1,2,1,1,2,1,2,2,2,1,3,1,2,3,1,148,1,19,1,117,4,2,1,2 -5616,0,1643,0,,2,1,70,1,8,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,9,,,,,,Fall from motorcycle traveling ~ 25 mph,,2,1,2,,2,,1,2,2,2,3,3,,,3,2,1,130,1,27,1,104,2,1,2,3 -5617,0,1651,0,,2,1,82,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,140,1,18,1,80,1,1,2,3 -5618,0,1822,0,,2,1,89,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,2,2,1,115,1,20,1,82,1,1,2,3 -5619,0,0000,-1,2300,1,1,65,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,1,2,2,2,3,2,,,2,2,1,123,1,16,1,89,1,1,3,3 -5620,0,1747,0,,2,1,35,4,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,138,1,22,1,130,1,1,2,3 -5621,0,1446,0,1340,1,1,36,2,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,6,,,,,,,,6,,2,,1,3,2,2,2,2,3,1,2,2,2,2,1,114,1,22,1,84,4,2,2,2 -5622,0,0035,-1,,2,1,70,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,3,1,2,2,2,2,1,1,2,2,3,1,118,1,18,1,76,2,1,1,3 -5623,0,1750,0,1500,1,1,20.7,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,98,1,16,1,79,1,1,2,3 -5624,0,1430,0,,2,1,25,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,3,1,1,1,2,3,1,125,1,32,1,114,2,2,2,2 -5625,0,2015,0,2000,1,1,65,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,2,1,1,1,2,2,1,3,2,2,3,1,136,1,22,1,88,4,4,2,3 -5626,0,1900,0,1700,1,1,36,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,14,,2,1,2,1,2,2,2,9,,,,,,Fall from Trampoline onto fence then ground,,2,2,2,,1,2,2,2,2,2,2,1,2,1,2,3,1,113,1,20,1,90,2,2,2,2 -5627,0,2000,0,,2,1,25,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,2,,2,,2,1,2,2,2,2,,,2,2,1,91,1,11,1,99,1,1,2,2 -5628,0,1550,0,1100,1,1,38,3,5,1,1,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,3,3,2,2,2,,,2,3,1,107,1,20,1,70,1,1,2,3 -5629,0,1145,0,0945,1,1,43.1,1,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,9,,,,,,collided with another student at recess,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,126,1,28,1,78,1,1,2,3 -5630,0,1714,0,1600,1,1,29.2,1,2,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,1,2,1,1,3,2,3,1,100,1,20,1,106,1,1,2,2 -5631,0,2115,0,,2,1,29.5,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,16,1,76,1,1,2,2 -5632,0,2200,0,1730,1,1,26,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell from scooter,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,94,1,16,1,89,1,1,2,3 -5633,0,1847,0,,2,1,14.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Struck by bicycle,,7,2,2,,2,,1,2,2,2,3,2,,,2,4,1,106,1,24,1,104,1,1,1,3 -5634,0,1328,0,1200,1,1,24,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,3,,2,2,2,2,2,2,,,2,3,1,108,1,18,1,89,1,1,1,2 -5635,0,2016,0,1930,1,1,68,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,141,1,16,1,68,1,1,2,2 -5636,0,1620,0,1300,1,1,69.9,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,football; fell on hip,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,18,1,68,1,1,2,2 -5637,0,2120,0,,2,1,60,4,3,2,,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,140,1,20,1,73,1,1,2,3 -5638,0,2127,0,,2,1,80,4,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,9,,,,,,"fell, rollerskating",,2,2,2,,2,,1,2,2,2,1,2,,,2,2,1,135,1,26,1,106,1,1,2,3 -5639,0,2120,0,1900,1,1,22,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,96,1,20,1,88,2,1,2,3 -5640,0,1602,0,1410,1,1,46.4,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,24,1,70,1,1,2,2 -5641,0,1740,0,,2,1,54,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall while skiing,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,80,1,90,1,1,3,2 -5642,0,0757,0,,2,1,5.5,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,3,2: 6-15,,,,,,,3,,2,,1,3,1,2,2,2,3,2,,,2,3,1,78,1,27,1,170,3,1,1,3 -5643,0,2052,0,2030,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,3,2,1,1,3,2,2,1,154,1,18,1,101,3,2,1,3 -5644,0,2130,0,2115,1,1,45,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,115,1,21,1,114,1,1,2,3 -5645,0,1813,0,1740,1,1,10,4,8,2,,3,3,3,2,2,3,3,3,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,1,2,1,2,2,2,3,,,3,2,1,106,1,36,1,180,1,1,2,2 -5646,0,0134,-1,2350,1,1,60.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,4,,4,,1,2,2,2,2,2,,,2,3,1,122,1,18,1,60,1,1,2,3 -5647,0,0204,0,0130,1,1,65.9,2,1,2,,4,4,4,4,4,2,1,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,22,1,74,1,1,3,2 -5648,0,1550,0,1200,1,1,58.3,1,8,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,2,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,88,1,20,1,58,1,1,3,2 -5649,0,2316,0,2245,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,2,2,2,3,1,2,,,2,2,1,140,1,18,1,63,1,1,2,1 -5650,0,2119,0,1745,1,1,28,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,4: Unknown,,,,,,,2,,1,2,2,,1,1,2,2,2,2,,,2,3,1,111,1,26,1,100,2,1,1,3 -5651,0,1610,0,1500,1,1,80,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,1,1,1,1,2,2,2,2,2,,,2,3,1,154,1,17,1,71,2,1,3,3 -5652,0,1625,0,1530,1,1,13.6,1,3,2,,3,3,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,4,,,4,4,4,10,,,,,,,,10,,2,,2,,2,2,2,2,2,3,,,3,3,3,,1,24,1,80,1,1,2,2 -5653,0,0355,0,,2,1,70,4,4,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fist to head- Hit Ground.,,9,2,1,2,1,1,1,2,2,2,2,2,,,2,2,1,133,1,13,1,90,2,1,2,3 -5654,0,2010,0,1930,1,1,22,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,24,1,108,2,1,1,2 -5655,0,1556,0,,2,1,120,4,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Riding lawnmower - flipped it and it ran him over - they removed blade from popliteal fossa - huge lac.,,6,2,2,,1,2,1,2,2,2,2,2,,,2,2,1,128,1,22,1,82,2,2,2,3 -5656,0,0924,0,0724,1,1,27.6,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,20,1,74,2,1,1,2 -5657,0,1935,0,,2,1,15,4,3,2,,3,3,3,2,2,3,3,2,2,1,2,2,2,,,,,3,2,3,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,2,3,,,3,2,1,106,1,26,1,133,3,2,3,3 -5658,0,1540,0,1500,1,1,56,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,4,,,,,,1,,1,2,2,,2,2,2,3,2,2,,,2,3,1,123,1,26,1,66,1,1,2,2 -5659,0,1241,0,,2,1,82.7,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,12,1,110,1,1,3,2 -5660,0,2245,0,,2,1,58,2,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,142,1,18,1,74,1,1,2,2 -5661,0,1630,0,1600,1,1,55,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,3,2,2,,,2,2,1,141,1,20,1,122,2,2,2,2 -5662,0,1947,0,1900,1,1,35,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,106,1,24,1,104,1,1,1,2 -5663,0,1800,0,,2,1,70,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,3,1,2,2,2,2,1,6,,,,,,,,6,,4,,4,,2,1,2,2,2,1,1,3,2,2,1,114,1,24,1,105,6,6,3,2 -5664,0,1947,0,,2,1,19,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,1,1,2,,2,1,1,2,3,2,,,2,2,1,119,1,36,1,100,2,1,2,2 -5665,0,2135,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,147,1,22,1,88,1,1,2,2 -5666,0,0530,0,0500,1,1,86,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,123,1,10,1,94,1,1,2,3 -5667,0,1531,0,1500,1,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,1,2,2,,2,2,2,2,1,2,,,2,3,1,117,1,18,1,90,1,1,2,2 -5668,0,0825,0,0800,1,1,50,4,3,2,,2,2,2,2,2,1,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,1,1,1,1,2,2,2,2,1,1,1,2,1,1,122,1,33,1,108,2,1,2,3 -5669,0,1017,0,0930,1,1,85,1,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,3,2,2,2,2,3,2,,,2,3,1,120,1,20,1,99,1,1,2,2 -5670,0,2012,0,,2,1,72,1,3,1,2,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,wrestling slam- mat,,7,2,2,,1,1,2,2,2,2,1,1,3,2,2,3,1,127,1,18,1,56,3,1,1,2 -5671,0,1942,0,1830,1,1,12,3,3,1,2,3,3,3,2,2,3,3,2,3,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,2,2,2,3,3,,,3,3,1,110,1,42,1,84,3,2,1,3 -5672,0,2125,0,2100,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,14,,1,3,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,1,2,2,,1,2,2,2,2,2,,,2,2,1,110,1,28,1,146,1,1,2,3 -5673,0,1713,0,,2,1,40,,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,3,,1,2,2,2,2,2,,,2,3,1,141,1,22,1,104,2,1,2,3 -5674,0,2230,0,2200,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,4,1: < 5 mph,,,1,,,Leg was run-over,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,99,1,22,1,111,1,1,1,2 -5675,0,1726,0,1635,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,20,1,112,1,1,2,2 -5676,0,1930,0,1900,1,1,12,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,"Fell back and hit his head, positive LOC",,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,109,1,40,1,148,1,1,2,2 -5677,0,2109,0,,2,1,60,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fall from horse,,2,2,2,,1,1,2,2,2,2,2,2,,,2,2,1,124,1,40,1,109,2,1,2,2 -5678,0,1151,0,,2,1,15,,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,102,1,16,1,123,1,1,2,2 -5679,0,1617,0,,2,1,40.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,2,1,122,1,28,1,112,1,1,2,2 -5680,0,1330,0,,2,1,12,3,3,2,,2,2,2,2,2,2,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,8,,,,,,,Auto vs. Peds ??,8,,2,,1,3,1,1,2,2,3,2,,,2,3,1,114,1,30,1,125,2,1,2,3 -5681,0,1109,0,1030,1,1,11,1,2,2,,2,2,2,2,2,2,3,3,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,26,1,130,1,1,2,2 -5682,0,1131,-1,1900,1,1,15.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,playing with sister on carpeted surface,,7,2,2,,2,,2,1,2,2,2,2,,,2,3,1,114,1,28,1,115,2,2,2,2 -5683,0,1500,-1,1815,1,1,45,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall onto back while dancing,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,16,1,89,1,1,2,2 -5684,0,1300,0,1200,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,125,1,20,1,114,2,1,3,2 -5685,0,1843,0,,2,1,68.2,1,9,1,2,2,2,2,2,2,1,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,9,,,,,,"skateboarding-fell positive LOC, no helmet",,2,2,2,,1,1,1,1,2,2,2,2,,,2,2,1,104,1,28,1,108,2,2,2,3 -5686,0,1645,0,1500,1,1,41.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,24,1,104,1,1,1,2 -5687,0,1930,0,1910,1,1,50,4,3,2,,2,2,2,2,2,3,3,2,1,1,1,1,2,4,5,5,4,,2,3,,,1,3,1,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,3,,,3,3,1,143,2,,1,133,1,1,2,3 -5688,0,1723,0,1545,1,1,15,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,114,1,27,1,106,4,1,1,3 -5689,0,1745,0,,2,1,60,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,1,3,3,2,10,,2,3,,,2,3,2,9,,,,,,Patient jumped from moving vehicle,,9,1,2,,1,2,2,2,2,2,3,3,,,3,3,1,139,4,,1,140,2,1,1,2 -5690,0,1504,0,1230,1,1,13,1,3,1,2,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,1,2,,,2,3,1,118,1,24,1,96,2,1,2,3 -5691,0,2355,0,2330,1,1,51,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,120,1,20,1,111,1,1,2,2 -5692,0,1321,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,skier-skier collision,,2,2,2,,1,3,2,2,2,4,2,1,2,2,2,3,1,102,1,20,1,94,2,2,2,2 -5693,0,2232,0,2200,1,1,59,1,3,1,4,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,2,2,2,2,5,,,,,3,,,5,,2,,1,3,2,2,2,2,2,1,2,2,2,3,1,123,1,30,1,86,3,2,2,2 -5694,0,0951,0,,2,1,100,4,3,1,4,1,1,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Fall off tractor, run over by tractor",,6,2,1,2,1,2,1,2,2,2,2,2,,,2,3,1,118,1,18,1,51,4,4,1,3 -5695,0,1608,0,1445,1,1,25,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,110,1,20,1,62,1,1,2,2 -5696,0,1408,0,1320,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,105,1,18,1,105,1,1,2,2 -5697,0,0937,0,0730,1,1,52.5,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,117,1,18,1,56,1,1,1,2 -5698,0,1902,0,,2,1,80.5,1,2,1,1,1,1,4,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,3,1,139,1,20,1,66,4,3,1,3 -5699,0,1815,0,1745,1,1,17,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,2,1,2,2,3,2,1,1,1,2,2,1,118,1,22,1,130,1,1,2,3 -5700,0,1817,0,1530,1,1,41.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,3,2,,,2,2,1,151,1,20,1,124,2,1,2,3 -5701,0,2000,0,1920,1,1,30,3,1,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,1,5,3,9,,2,2,,,2,2,1,9,,,,,,Kicked to head by horse,,9,2,2,,1,1,1,2,2,2,3,3,,,3,2,1,142,1,12,1,106,1,1,2,3 -5702,0,0900,0,,2,1,99,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,16,1,74,1,1,1,2 -5703,0,0126,-1,1700,1,1,32,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,1,1,3,2,2,1,128,1,20,1,96,3,1,1,3 -5704,0,1943,0,1900,1,1,65,4,3,2,,2,2,2,1,2,2,2,2,2,2,2,2,2,,,,,14,2,2,,,2,4,2,9,,,,,,Fell off car bumper,,2,2,2,,2,,1,2,2,4,2,2,,,2,3,1,108,1,21,1,86,1,1,3,3 -5705,0,1800,0,1730,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,138,1,25,1,100,1,1,2,3 -5706,0,2022,0,,2,1,89.5,1,8,2,,2,2,2,2,2,2,4,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from standing position onto buttocks,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,159,1,20,1,120,1,1,2,3 -5707,0,0635,0,,2,1,37.7,1,3,1,1,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,5: Physician did not answer,4,,,,,,1,,2,,1,2,1,1,2,2,2,2,,,2,3,1,137,1,20,1,104,2,1,2,3 -5708,0,1245,0,1230,1,1,22,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,4,,,2,3,1,135,1,24,1,110,1,1,2,2 -5709,0,1823,0,,2,1,48,4,8,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,5,4,,2,3,,,2,3,1,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,1,2,2,2,2,3,,,3,2,1,128,1,34,1,92,3,2,2,3 -5710,0,1924,0,,2,1,30,1,8,2,,2,2,2,2,1,2,2,2,2,2,2,2,2,3,3,2,10,,2,3,,,1,2,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,130,1,36,1,89,1,1,2,3 -5711,0,1831,0,1800,1,1,65,2,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,5: Physician did not answer,,,4,,,,4,,1,2,2,,2,1,2,2,2,2,,,2,2,1,145,1,28,1,112,2,2,1,2 -5712,0,1900,0,1830,1,1,65,2,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,1,1,2,2,2,2,,,2,3,1,109,1,27,1,89,1,1,2,3 -5713,0,0948,0,0830,1,1,30,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,2,1,1,1,2,2,1,3,3,2,3,1,131,1,18,1,89,4,1,3,3 -5714,0,1708,0,1700,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,3,3,3,3,1,2,2,13,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,1,1,1,1,2,2,1,104,1,14,1,100,2,1,2,2 -5715,0,2307,0,2100,1,1,,,3,2,,2,2,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,1,2,2,3,1,1,3,2,3,1,109,1,20,1,76,1,1,3,2 -5716,0,1829,0,1000,1,1,39.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,110,1,18,1,80,1,1,2,3 -5717,0,0930,-1,1000,1,1,42.7,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,1,1,4,2,3,1,103,1,18,1,76,1,1,2,2 -5718,0,1815,0,1100,1,1,43.6,1,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Snowboarding-collided with railing,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,133,1,16,1,101,1,1,1,3 -5719,0,1237,0,1100,1,1,31,2,3,2,,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,1,2,2,,2,2,2,2,2,2,,,2,3,3,,1,22,1,110,1,1,2,2 -5720,0,0820,0,0800,1,1,47,1,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,1,1,2,2,2,1,1,4,2,3,1,150,1,18,1,100,2,2,2,3 -5721,0,1800,0,,2,1,56.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,2,,1,20,1,90,1,1,1,2 -5722,0,2103,0,,2,1,,3,3,1,4,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,3,2,,,1,3,4,4,1: < 5 mph,,,3,,,,4,,1,1,2,,2,1,2,2,3,2,,,2,2,1,93,1,40,1,145,2,1,2,2 -5723,0,1600,-1,,2,1,75,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,5,,,,,2,,,5,,1,2,2,,2,2,2,2,3,2,,,2,3,1,133,1,18,1,96,2,1,2,2 -5724,0,1503,0,1445,1,1,28.1,1,2,2,,4,4,4,4,4,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,4,2,2,1,110,1,20,1,74,2,1,2,2 -5725,0,1605,0,,2,1,,,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,3,2,2,2,2,2,2,,,2,3,1,110,1,22,1,97,1,1,3,2 -5726,0,1930,0,1900,1,1,120,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,93,1,18,1,99,1,1,3,2 -5727,0,0816,0,0805,1,1,22.7,1,1,2,,1,1,2,2,2,2,1,2,3,2,2,2,2,2,1,1,14,,2,3,,,2,3,1,1,3: > 40 mph,1,6,,,,,1,,2,,1,3,1,1,1,2,3,1,2,1,2,3,1,117,1,28,1,101,5,3,2,3 -5728,0,1703,0,1020,1,1,21,1,11,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Picked up by brother and dropped onto back on floor,,2,2,2,,1,2,2,2,2,2,2,2,,,2,3,1,106,1,22,1,92,1,1,1,2 -5729,0,2250,0,,2,1,68,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,1,2,2,,2,1,2,2,3,2,,,2,3,1,117,1,20,1,117,1,1,2,2 -5730,0,0945,0,0920,1,1,42,2,2,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,1,2,2,2,,,2,2,1,113,1,18,1,72,1,1,2,2 -5731,0,1759,0,,2,1,62,,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,Football injury - pushed down and fell onto helmet of another player,,7,2,2,,1,1,1,2,2,2,2,1,3,1,1,3,1,147,1,16,1,84,5,5,2,3 -5732,0,1530,0,1430,1,1,62,1,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,3,2,2,2,2,3,1,2,2,2,2,1,127,1,16,1,85,2,2,2,2 -5733,0,,0,0930,1,2,100,4,1,3,,1,4,1,2,2,1,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,18,1,81,1,1,2,2 -5734,0,2230,0,2200,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,123,1,23,1,138,1,1,1,3 -5735,0,2100,0,2045,1,1,8.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,Kicked by teen in stomach,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,32,1,120,1,1,1,2 -5736,0,2148,0,2125,1,1,70,4,1,2,,3,3,3,2,2,3,3,2,2,1,1,1,1,4,5,6,3,,1,3,,,1,3,3,9,,,,,,Fall From ground height,,2,2,1,2,2,,1,2,2,2,3,3,,,3,2,1,94,2,,1,119,1,1,1,3 -5737,0,2000,0,1900,1,1,10,3,1,2,,2,3,3,2,2,2,2,2,1,1,2,2,2,4,5,2,7,,1,3,,,1,3,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,3,1,2,2,2,2,3,,,2,3,1,98,1,24,1,140,2,2,3,3 -5738,0,1440,0,1415,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,114,1,26,1,106,2,1,2,2 -5739,0,1830,0,1730,1,1,52.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Collision on coaster ride in Park City,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,94,1,16,1,80,1,1,3,2 -5740,0,1317,0,0730,1,1,67.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,2,1,2,3,1,140,1,27,1,102,1,1,2,2 -5741,0,1558,0,1520,1,1,55,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,3,1,120,1,22,1,87,1,1,1,2 -5742,0,2106,0,,2,1,24,4,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,22,1,110,1,1,3,2 -5743,0,1415,-1,1700,1,1,67.5,2,2,2,,2,2,1,2,2,2,3,3,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,fall while snowboarding- fell flat on stomach,,2,2,1,2,1,1,2,2,2,2,2,1,1,2,2,3,1,138,1,16,1,66,2,2,2,2 -5744,0,1756,0,1700,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,2,2,1,2,2,2,,,2,3,1,100,1,22,1,144,1,1,3,2 -5745,0,2150,0,2130,1,1,44,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,136,1,16,1,85,2,1,2,2 -5746,0,1525,0,,2,1,55,,3,2,,3,3,3,2,2,3,3,2,1,1,2,2,2,4,5,6,3,,1,3,,,2,3,3,4,4: Speed Unknown,,,2,,,,4,,1,2,1,2,1,2,2,2,1,3,,,3,2,1,73,2,,1,130,2,1,2,3 -5747,0,1930,0,1600,1,1,26.2,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,fell to ground onto a pole laying on ground.,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,20,1,135,1,1,1,2 -5748,0,1813,0,1730,1,1,13.6,2,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,fell and hit side on table,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,20,1,120,1,1,2,2 -5749,0,0304,-1,2030,1,1,93,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,144,1,22,1,111,1,1,2,3 -5750,0,2019,0,1900,1,1,49.9,4,4,2,,2,2,2,2,2,1,2,4,2,2,2,2,2,1,2,1,14,,2,1,3,1,3,2,2,4,4: Speed Unknown,,,3,,,,4,,1,2,1,1,1,2,2,2,2,1,2,2,2,2,1,123,1,18,1,95,3,3,2,3 -5751,0,1441,0,1200,1,1,15,1,8,2,,2,2,2,2,2,3,3,3,1,2,2,2,2,1,1,1,15,,1,3,,,3,3,3,2,3: > 10 ft.,,,,,,,2,,1,1,1,2,1,1,2,1,2,3,,,3,3,1,189,1,33,1,135,3,3,2,3 -5752,0,1910,0,1810,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,1,4: Speed Unknown,1,6,,,,,1,,1,1,1,3,1,1,1,1,3,1,2,1,2,2,1,123,1,23,1,162,1,1,2,3 -5753,0,1730,0,,2,1,54.9,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,2,2,2,1,1,1,2,3,1,116,1,20,1,113,2,1,2,2 -5754,0,2036,0,2000,1,1,52,1,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,jet ski crash,,6,2,2,,2,,1,2,2,2,2,2,,,2,2,1,116,1,28,1,125,1,1,2,3 -5755,0,0956,0,,2,1,13,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,106,1,22,1,110,1,1,2,2 -5756,0,,0,,2,2,20,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,dragged 35 feet under trailer,,4,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,132,1,29,1,118,1,1,2,3 -5757,0,0032,-1,,2,1,62,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,20,1,100,1,1,3,2 -5758,0,1145,0,1015,1,1,43,3,3,1,1,3,3,3,2,2,3,3,2,1,1,2,1,2,4,5,3,6,,2,3,,,3,3,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,1,3,,,3,2,1,108,2,,1,121,2,2,1,3 -5759,0,1306,0,1200,1,1,24,3,3,1,4,2,2,2,2,2,3,1,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,3,1,3,1,4: Speed Unknown,4,,,,,,1,,1,2,1,1,1,1,1,1,3,1,3,1,3,2,1,202,1,22,1,115,5,5,2,3 -5760,0,1430,0,1330,1,1,17,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,3,3,,,3,2,1,125,1,24,1,111,1,1,2,3 -5761,0,1928,0,1900,1,1,18,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,136,1,24,1,102,1,1,1,3 -5762,0,1820,0,,2,1,55.5,1,1,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,fell down on arm against abdomen,,7,2,1,1,2,,2,2,2,2,3,1,1,2,2,3,1,119,1,16,1,85,2,1,2,2 -5763,0,1426,0,,2,1,50,4,2,1,1,1,1,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,1,5,,,,,1,,,5,,1,1,1,1,1,1,2,2,2,1,1,2,2,2,1,118,1,21,1,74,2,1,2,3 -5764,0,1400,0,1330,1,1,22,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,105,1,22,1,90,1,1,2,2 -5765,0,1740,0,1700,1,1,60,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,112,1,31,1,65,1,1,2,2 -5766,0,2008,0,1930,1,1,28,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,3,1,1,2,2,3,1,123,1,18,1,67,4,2,3,3 -5767,0,1500,0,1400,1,1,56,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,motorized scooter fall while riding,,6,2,2,,2,,2,2,2,2,2,2,,,2,2,1,131,1,16,1,88,1,1,2,2 -5768,0,1608,0,,2,1,15,,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,2,2,9,,,,,,kicked by horse in back,,7,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,96,1,24,1,92,2,1,2,3 -5769,0,1130,0,1030,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,85,1,50,1,170,1,1,2,2 -5770,0,2133,0,,2,1,,,3,1,1,4,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,4,,4,,1,2,2,2,2,2,,,2,3,1,146,1,20,1,98,6,6,3,3 -5771,0,1552,0,1545,1,1,15,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,125,1,47,1,132,1,1,1,2 -5772,0,1737,0,1700,1,1,6.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,81,1,28,1,140,1,1,3,2 -5773,0,1012,0,0930,1,1,13.8,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Dresser fell on patient,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,30,1,132,1,1,2,2 -5774,0,2212,0,2200,1,1,18.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,104,1,20,1,104,1,1,2,2 -5775,0,1100,-1,1300,1,1,38.5,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Pushed, fell into soccer goal post",,7,2,2,,1,1,1,2,2,2,2,2,,,2,3,1,128,1,18,1,105,1,1,1,3 -5776,0,1900,0,1600,1,1,11,3,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,1,2,2,,,2,3,1,125,1,20,1,157,3,3,2,3 -5777,0,1719,0,,2,1,12.8,1,1,2,,2,2,2,2,2,3,3,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,114,1,20,1,126,2,1,2,2 -5778,0,1930,0,,2,1,33,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,1,,,,"rear passenger side, seat reclined at time of collision",1,,2,,1,2,2,2,2,2,2,1,1,1,2,3,1,106,1,20,1,92,2,2,2,2 -5779,0,1730,0,,2,1,16,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,2,2,,,2,2,1,100,1,24,1,128,1,1,2,3 -5780,0,1922,0,1900,1,1,15,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,22,1,113,1,1,2,2 -5781,0,1745,0,1700,1,1,41,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,122,1,20,1,80,1,1,2,3 -5782,0,1423,0,1340,1,1,,,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,119,1,22,1,100,3,2,2,3 -5783,0,1815,0,1815,1,1,68,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,1,1,1,2,2,2,2,2,,,2,2,3,,1,15,3,,1,1,1,3 -5784,0,1955,0,1645,1,1,28,3,5,2,,3,3,3,2,2,3,3,2,2,2,2,1,2,4,5,2,7,,2,3,,,2,3,2,5,,,,,3,,,5,,2,,2,,1,1,2,2,3,3,,,3,2,1,105,1,36,1,141,1,1,1,3 -5785,0,1133,-1,1820,1,1,54.1,1,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,fell forward onto concrete curb,,7,2,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,121,1,16,1,68,6,4,1,3 -5786,0,1515,0,1500,1,1,50,2,3,1,1,1,2,1,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,1,2,2,3,1,2,2,3,3,1,107,1,28,1,90,4,3,2,3 -5787,0,1500,0,,2,1,60,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,20,1,86,1,1,1,3 -5788,0,1802,0,,2,1,59,1,8,1,1,1,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,7,2: Accidental,,,,,,Lacrosse ball struck chest,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,130,1,16,1,86,1,1,2,2 -5789,0,,0,2100,1,2,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,4,1,2,2,6,,,,,,,,6,,2,,1,1,2,2,2,2,2,1,2,3,2,4,3,,1,18,1,107,3,2,2,2 -5790,0,0404,0,,2,1,71.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,22,1,80,1,1,2,2 -5791,0,1855,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,101,1,32,1,120,2,1,1,2 -5792,0,1545,0,0600,1,1,46.3,1,8,2,,1,2,2,2,2,2,2,2,1,3,3,3,3,,,,,15,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,4,,1,2,2,2,2,2,,,2,3,1,111,1,18,1,102,1,1,2,3 -5793,0,1908,0,1810,1,1,83,1,3,2,,1,2,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,137,1,28,1,73,2,1,2,3 -5794,0,1615,0,,2,1,59.1,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,20,1,93,1,1,1,2 -5795,0,2205,0,2130,1,1,36,3,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,1,1,1,2,2,2,3,1,2,3,2,2,1,116,1,20,1,80,2,2,2,3 -5796,0,1203,0,1134,1,1,34.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,1,1,2,,2,1,2,2,2,1,3,2,2,3,1,122,1,24,1,74,1,1,2,2 -5797,0,2045,0,1330,1,1,35,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,2,2,2,2,3,1,3,2,2,2,1,116,1,22,1,130,3,1,2,2 -5798,0,1900,0,1400,1,1,18,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,3,2,2,11,,2,3,,,3,3,1,9,,,,,,Kicked in head by horse,,9,2,2,,2,,1,2,2,4,3,2,,,2,2,1,114,1,35,1,144,2,1,1,3 -5799,0,0840,0,0745,1,1,35,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,1,2,2,4,3,2,,,2,2,1,117,1,22,1,92,2,1,1,3 -5800,0,1306,0,,2,1,12,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,2,13,,1,4,,,3,3,1,1,4: Speed Unknown,1,4,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,118,1,22,1,176,3,2,3,3 -5801,0,0200,0,0130,1,1,15,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,24,1,113,1,1,2,2 -5802,0,1327,0,1200,1,1,54.5,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,2,1,120,1,20,1,89,1,1,3,2 -5803,0,2013,0,1900,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,1,2,2,2,2,,,2,3,3,,1,12,3,,1,1,3,2 -5804,0,1610,0,,2,1,38,3,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,2,1,14,,2,1,2,2,2,2,2,9,,,,,,Snowboard accident- unwitnessed,,2,2,1,1,1,1,1,2,2,2,2,1,2,2,2,3,1,118,1,20,1,117,2,1,1,3 -5805,0,1531,-1,1815,1,1,61.2,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,133,1,16,1,54,1,1,2,2 -5806,0,0054,-1,,2,1,7,3,3,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,3,,2,,1,2,2,2,2,2,,,3,3,1,94,1,54,1,184,1,1,1,3 -5807,0,1420,0,1130,1,1,18,3,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,4,,,,,Fell out of moving vehicle,1,,1,1,2,,1,1,3,2,2,2,,,2,2,1,126,1,34,1,130,1,1,2,3 -5808,0,0002,-1,1800,1,1,56,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,6,,,,,,,,6,,2,,2,,1,2,2,3,3,2,,,2,3,1,123,1,20,1,122,1,1,2,3 -5809,0,1700,0,1400,1,1,70,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,144,1,18,1,118,3,3,2,3 -5810,0,,0,,2,2,80,4,1,1,2,3,3,3,2,2,3,3,2,3,2,2,2,1,4,4,2,8,,2,3,,,2,3,1,4,4: Speed Unknown,,,4,,,,4,,2,,1,2,1,1,2,2,3,3,,,3,2,1,168,1,16,1,140,3,2,2,3 -5811,0,1714,0,1700,1,1,36.1,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,118,1,24,1,87,1,1,2,3 -5812,0,1610,0,1530,1,1,40,4,8,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,9,,,,,,hit on chest by fist,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,30,1,85,1,1,1,2 -5813,0,1428,0,1330,1,1,16.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,107,1,36,1,100,1,1,2,2 -5814,0,2130,0,2100,1,1,24,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,100,1,16,1,110,1,1,2,2 -5815,0,1405,0,1330,1,1,10,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,1,2,2,2,2,2,,,2,2,1,115,1,24,1,128,1,1,1,3 -5816,0,1900,0,1600,1,1,45,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,108,1,18,1,94,1,1,3,3 -5817,0,2030,0,1800,1,1,35,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,1,1,3,2,3,1,122,1,16,1,105,1,1,2,2 -5818,0,0045,-1,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,20,1,92,1,1,2,2 -5819,0,1800,0,1700,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,110,1,16,1,90,1,1,3,2 -5820,0,1955,0,1830,1,1,38,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,6,,,,,,,,6,,4,,1,3,1,1,2,1,2,1,1,1,2,3,1,116,1,20,1,106,3,1,1,3 -5821,0,1430,-1,1600,1,1,68,1,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,9,,,,,,Football Tackle pile,,7,2,2,,1,1,1,2,2,1,2,1,3,2,2,3,1,118,1,16,1,68,3,2,2,3 -5822,0,2100,0,2045,1,1,23,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,2,2,2,2,2,2,1,1,1,2,2,1,110,1,14,1,86,2,1,2,2 -5823,0,1604,0,1530,1,1,44,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,3,2,2,,,2,2,1,107,1,22,1,88,1,1,2,2 -5824,0,1230,0,1200,1,1,70,1,4,1,1,3,3,3,2,2,3,3,3,1,1,1,1,2,4,5,2,7,,2,3,,,3,3,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,1,2,1,2,2,1,2,3,,,3,2,1,147,1,14,1,86,4,2,1,3 -5825,0,0554,0,0100,1,1,75.9,1,8,2,,1,1,1,2,2,1,2,2,4,2,2,2,2,1,1,1,15,,2,4,,,2,2,2,9,,,,,,assaulted; hit with hand,,7,2,2,,2,,2,2,2,2,2,1,1,3,2,2,1,128,1,20,1,90,1,1,2,2 -5826,0,1930,0,1900,1,1,,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,5,,,,,2,,,5,,1,2,2,,1,2,2,2,2,2,,,2,2,1,114,1,22,1,75,1,1,2,3 -5827,0,0755,0,0530,1,1,84,2,3,2,,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,4,2,,,2,3,1,152,1,16,1,78,1,1,3,2 -5828,0,2235,0,2135,1,1,60,1,1,2,,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,1,2,2,,2,2,2,4,3,2,,,2,3,1,134,1,18,1,73,1,1,2,2 -5829,0,2130,0,2100,1,1,28,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,1,1,1,1,2,2,,,2,2,1,135,1,20,1,109,2,1,2,3 -5830,0,1610,0,1100,1,1,40,2,8,1,2,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,4: Unknown,,,,,,7300 feet,2,,1,1,1,3,1,1,2,2,2,2,,,2,2,1,112,1,29,1,111,3,2,2,3 -5831,0,2021,0,,2,1,,,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,2,3,,,3,2,1,110,1,28,1,174,1,1,2,2 -5832,0,1130,0,,2,1,30,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,6,,,,,,,,6,,1,2,1,1,2,1,2,2,2,1,2,1,2,3,1,119,1,18,1,92,3,2,2,2 -5833,0,1905,0,1730,1,1,26,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,1,1,3,2,2,1,108,1,18,1,102,2,1,2,3 -5834,0,1404,0,,2,1,40,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,1,2,1,2,2,1,112,1,12,1,85,5,2,2,3 -5835,0,1611,0,1400,1,1,18.6,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,2,,1,2,2,2,2,2,,,2,3,1,90,1,22,1,91,1,1,2,3 -5836,0,2037,0,2000,1,1,30,4,1,2,,2,2,2,2,2,3,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,1,4: Speed Unknown,3,,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,130,1,30,1,120,2,1,1,3 -5837,0,0145,0,0000,1,1,68,2,1,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,3,2,2,2,2,2,1,1,2,2,3,1,130,1,18,1,79,1,1,3,2 -5838,0,0915,0,,2,1,110,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,135,1,28,1,105,1,1,2,2 -5839,0,1810,0,1130,1,1,8.4,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,121,1,32,1,130,1,1,2,3 -5840,0,1956,0,,2,1,27.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,1,2,2,,2,2,2,2,2,1,1,2,2,2,1,90,1,22,1,86,1,1,1,2 -5841,0,2112,0,2030,1,1,11.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,88,1,24,1,128,1,1,3,2 -5842,0,2100,0,2000,1,1,20,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,2,2,2,2,9,,,,,,adult fell on her belly,,7,2,2,,1,1,2,1,2,2,2,1,1,2,2,3,1,82,1,16,1,68,2,1,2,2 -5843,0,2105,0,2030,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,2,,,2,2,2,1,2: 20 - 40 mph,3,,,,,,1,,1,2,1,2,1,2,2,2,3,2,,,3,2,1,141,1,26,1,105,2,1,2,3 -5844,0,1725,0,1700,1,1,36,2,3,1,1,2,2,1,2,2,2,2,1,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,1,2,2,2,1,3,1,2,3,1,118,1,20,1,90,5,3,2,3 -5845,0,1745,0,1720,1,1,,,1,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,1,2,1,2,,,2,3,1,112,1,22,1,110,1,1,2,2 -5846,0,1508,0,1330,1,1,20.5,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,6,,,,,,,,6,,2,,1,2,1,2,2,2,2,1,2,1,2,2,1,123,1,26,1,98,3,1,1,3 -5847,0,2215,0,,2,1,68,2,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,3,,,5,,2,,1,1,1,2,2,2,2,1,2,3,2,3,1,131,1,20,1,98,4,2,2,3 -5848,0,2212,0,2100,1,1,27,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,4,2,11,,2,3,,,3,3,3,3,2: 6-15,,,,,,,3,,2,,1,1,1,2,2,2,2,3,,,2,3,1,124,1,40,1,120,1,1,2,3 -5849,0,1337,0,,2,1,5.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,4,,,4,4,4,10,,,,,,,,10,,2,,2,,2,2,2,2,2,2,,,2,2,1,88,1,28,1,132,1,1,2,2 -5850,0,2330,0,2315,1,1,30,4,3,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,3,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,129,1,18,1,138,2,2,2,3 -5851,0,1824,0,1800,1,1,26,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,105,1,16,1,97,1,1,2,2 -5852,0,2038,0,2015,1,1,62,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,4,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,2,1,141,1,18,1,80,2,1,2,2 -5853,0,2045,0,2000,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,3,2,,,2,3,1,128,1,28,1,75,1,1,3,3 -5854,0,1530,0,1458,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,2,,,2,3,1,88,1,24,1,92,1,1,2,2 -5855,0,1322,0,1250,1,1,24,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,3,,,,4,,1,1,2,,1,2,2,2,2,1,2,2,2,2,1,140,1,19,1,107,4,2,1,3 -5856,0,2353,0,1800,1,1,30,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,108,1,20,1,80,1,1,2,3 -5857,0,1823,0,1820,1,1,45.4,1,3,2,,2,2,2,2,2,3,3,3,1,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,3,1,2,1,3,3,1,102,1,30,1,150,4,3,1,3 -5858,0,1530,0,1500,1,1,60,4,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,3,1,127,1,24,1,86,2,1,1,3 -5859,0,1344,0,1315,1,1,30.4,1,8,1,1,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,1,2,2,2,3,,,3,3,1,119,1,22,1,96,1,1,1,2 -5860,0,2050,0,2000,1,1,53,2,3,2,,2,2,2,2,2,2,2,3,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,3,3,2,,,2,3,1,134,1,20,1,109,2,1,2,2 -5861,0,1929,0,1800,1,1,88.4,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,164,1,20,1,95,2,2,2,3 -5862,0,1749,0,1730,1,1,15,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,108,1,28,1,135,1,1,1,2 -5863,0,1640,0,1620,1,1,30,4,3,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,3,4,2,9,,2,3,,,2,3,3,4,4: Speed Unknown,,,3,,,,4,,1,1,1,1,1,2,2,2,2,3,,,3,2,1,112,1,24,1,97,2,1,2,3 -5864,0,1731,0,1700,1,1,13,3,8,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,129,1,24,1,120,1,1,1,2 -5865,0,2004,0,1900,1,1,40.3,1,1,1,1,1,1,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,checked during a hockey game,,7,2,2,,1,1,1,2,2,2,2,1,3,2,2,3,1,115,1,16,1,72,3,2,2,3 -5866,0,2318,0,2300,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,3,1,117,1,20,1,86,2,1,2,2 -5867,0,2106,0,2000,1,1,82,1,3,1,1,4,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,2,2,2,4,2,2,,,2,2,1,122,1,20,1,70,1,1,2,2 -5868,0,2326,0,2230,1,1,58,4,4,2,,2,2,1,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,2,2,2,2,3,2,,,2,3,1,128,1,18,1,90,1,1,2,2 -5869,0,2221,0,2128,1,1,35.4,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall Off Motocross Bike,,6,2,2,,2,,1,2,2,2,2,2,,,2,2,1,104,1,20,1,98,1,1,3,3 -5870,0,2203,0,2130,1,1,70,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,kick to LUQ during football game,,7,2,2,,1,1,1,1,2,2,2,1,1,2,2,3,1,131,1,20,1,76,2,1,2,3 -5871,0,1918,0,1800,1,1,22.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,3,1,98,1,20,1,85,1,1,2,2 -5872,0,2228,0,,2,1,12,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,152,1,32,1,186,3,3,2,3 -5873,0,2350,0,2000,1,1,15,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,2,2,2,2,2,1,1,1,2,3,1,114,1,28,1,108,1,1,2,2 -5874,0,1445,0,1400,1,1,20,3,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,2,1,2,2,2,2,1,1,2,2,3,1,113,1,24,1,100,3,1,1,3 -5875,0,1844,0,1730,1,1,26,2,1,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,2,1,2,2,3,1,1,2,2,3,1,116,1,16,1,80,2,1,2,2 -5876,0,1540,0,1500,1,1,10,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,3,3: > 15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,30,1,130,1,1,2,2 -5877,0,0400,-1,1920,1,1,24,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,2,2,2,2,1,2,2,2,3,3,,1,18,1,84,1,1,2,2 -5878,0,2109,0,2030,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,144,1,20,1,108,1,1,2,2 -5879,0,,0,2040,1,2,3,2,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,3,9,,,,,,Thrown,,2,2,2,,1,2,1,2,2,2,2,3,,,3,3,1,98,1,36,1,160,3,1,2,3 -5880,0,1300,0,1230,1,1,34.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,1,1,3,2,3,1,108,1,22,1,93,2,1,1,2 -5881,0,2100,0,2025,1,1,20,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,4,,,,4,,1,2,2,,2,2,2,2,2,1,1,2,2,4,1,149,1,45,1,107,1,1,2,2 -5882,0,1510,0,1440,1,1,40,2,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,121,1,22,1,99,1,1,2,2 -5883,0,1316,0,1130,1,1,54,3,8,2,,2,2,2,2,2,2,4,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,3,1,2,2,2,2,2,,,2,2,1,130,1,19,1,93,1,1,3,3 -5884,0,2232,0,,2,1,22,4,3,2,,4,4,4,4,4,1,4,4,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,1,1,2,2,2,1,1,6,2,2,1,120,1,20,1,110,2,1,2,3 -5885,0,1830,0,1800,1,1,15,4,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,3,1,4: Speed Unknown,1,4,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,103,1,35,1,146,2,2,3,3 -5886,0,0019,0,0000,1,1,50,4,3,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,2,3,2,3,1,110,1,48,1,90,2,1,2,3 -5887,0,0839,0,,2,1,32,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,2,1,2,2,1,118,1,18,1,100,1,1,2,2 -5888,0,1620,0,1600,1,1,12,4,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,,,,,10,1,3,,,1,3,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,2,1,108,1,30,1,114,3,2,1,3 -5889,0,2120,0,2050,1,1,7,1,1,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,2,1,1,14,,1,3,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,3,,,3,3,1,138,1,32,1,134,1,1,1,3 -5890,0,2200,0,2030,1,1,15,4,3,2,,3,1,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,1,3,2,1,2,2,1,1,1,2,2,2,1,112,1,22,1,112,2,1,2,2 -5891,0,2151,0,2100,1,1,47.9,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,109,1,24,1,88,1,1,2,2 -5892,0,0915,0,,2,1,35,2,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,138,1,16,1,94,1,1,2,2 -5893,0,0817,0,,2,1,61.5,1,2,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,1: < 3 ft.,,,,,,tripped and fell,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,97,1,22,1,84,1,1,1,2 -5894,0,0740,0,0730,1,1,35,3,3,2,,3,3,3,2,1,3,3,2,1,1,1,1,2,4,4,5,5,,2,3,,,2,3,3,4,3: > 20 mph,,,3,,,,4,,2,,1,2,1,1,2,2,3,3,,,3,2,1,94,1,16,1,121,5,4,2,3 -5895,0,1425,0,,2,1,13,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,144,1,60,1,168,1,1,2,3 -5896,0,1341,-1,,2,1,82,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,121,1,18,1,62,1,1,1,2 -5897,0,2148,0,,2,1,23,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,105,1,32,1,110,1,1,2,3 -5898,0,1950,0,1900,1,1,5,4,2,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,sibling landed on abdomen,,7,2,2,,1,1,2,2,2,2,2,2,,,2,2,3,,1,40,1,136,2,2,2,2 -5899,0,1715,0,,2,1,103.7,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,1,2,,,2,3,1,137,1,16,1,78,1,1,2,3 -5900,0,1655,0,1600,1,1,105,2,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,3,,1,2,2,2,2,2,,,2,2,1,120,1,20,1,104,1,1,2,3 -5901,0,1437,-1,1700,1,1,50.4,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,lacrosse stick,7,,2,,1,1,2,4,2,2,2,2,,,2,3,1,116,1,20,1,55,2,2,2,2 -5902,0,1603,0,1120,1,1,17.9,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,115,1,28,1,125,1,1,2,3 -5903,0,1530,0,,2,1,,,8,1,4,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,1,2,2,3,1,125,1,27,1,97,4,1,1,3 -5904,0,1915,0,1900,1,1,30,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,132,1,41,1,111,1,1,2,1 -5905,0,2000,0,1800,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,3,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,20,1,112,2,1,2,2 -5906,0,1814,0,0100,1,1,113,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,1,1,2,1,1,2,2,1,1,3,2,3,1,127,1,19,1,103,1,1,2,2 -5907,0,1916,0,1832,1,1,27,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,3,2,2,1,108,1,18,1,110,2,1,2,2 -5908,0,1235,0,1120,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,100,1,30,1,120,2,2,1,3 -5909,0,1331,0,1200,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,3,,,2,3,1,1,3: > 40 mph,3,,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,2,1,129,1,22,1,106,3,3,2,3 -5910,0,1814,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,101,1,24,1,106,1,1,2,2 -5911,0,0922,0,0910,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,2,1,2,2,2,2,1,2,1,2,2,1,109,1,24,1,114,2,3,2,3 -5912,0,1827,0,1800,1,1,75,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,9,,,,,,football injury,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,136,1,19,1,64,1,1,2,3 -5913,0,2120,0,2030,1,1,30,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,22,1,114,1,1,1,2 -5914,0,1017,0,0920,1,1,5.4,2,3,2,,3,3,3,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,123,1,41,1,211,1,1,2,3 -5915,0,0940,0,,2,1,20,4,3,2,,3,3,3,1,3,3,3,2,1,1,2,2,2,4,5,6,3,,2,3,,,3,3,3,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,2,3,,,3,2,1,55,2,,1,56,4,3,1,3 -5916,0,0706,0,,2,1,77,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,148,1,18,1,81,1,1,2,2 -5917,0,1700,0,1615,1,1,45,2,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,horse fell on her,,7,2,2,,1,1,1,2,2,2,2,1,2,3,2,2,1,108,1,20,1,146,4,2,2,3 -5918,0,0814,0,,2,1,10.9,,3,1,4,3,3,3,2,2,3,3,2,3,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,9,,,,,,suspected nonaccidental trauma,,7,2,2,,1,3,2,2,2,2,2,3,,,3,3,1,119,1,27,1,80,3,1,1,2 -5919,0,0741,0,0600,1,1,66,2,1,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,3: > 15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,134,1,18,1,71,2,2,2,2 -5920,0,1540,0,1500,1,1,,,1,1,4,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,struck in left side while playing football.,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,149,1,20,1,63,2,2,1,2 -5921,0,2054,0,2000,1,1,10,4,8,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,4,4: Speed Unknown,,,2,,,,4,,1,3,2,,1,2,2,2,2,3,,,2,3,1,105,1,43,1,129,2,1,2,3 -5922,0,1622,0,,2,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,3,1,1,1,2,3,1,3,1,2,2,1,110,1,20,1,119,5,5,2,3 -5923,0,1728,0,1630,1,1,72,,3,1,2,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,4,,,2,1,2,9,,,,,,"snowboarding, hit left flank and abdomen on a rail",,2,2,2,,1,1,2,2,2,2,2,1,1,2,1,3,1,143,1,20,1,54,2,2,2,2 -5924,0,1223,-1,1500,1,1,81.6,1,3,2,,1,4,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Assaulted-unsure if torso hit,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,133,1,16,1,83,1,1,2,2 -5925,0,2200,0,2000,1,1,62,1,1,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,9,,,,,,snowboarding - fall onto rail to left flank,,2,2,1,2,1,1,1,2,2,2,2,1,3,2,2,3,1,103,1,20,1,84,4,2,2,3 -5926,0,2040,0,,2,1,12,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,90,1,24,1,120,1,1,1,3 -5927,0,1800,0,1745,1,1,8.8,1,1,1,4,2,2,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,3,2,2,2,,,2,3,1,90,1,24,1,124,1,1,3,2 -5928,0,2100,0,1900,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,2,3: > 10 ft.,,,,,,,2,,4,,4,,1,2,3,2,2,4,,,4,4,1,141,1,28,1,109,1,6,3,3 -5929,0,0430,0,0400,1,1,72.6,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,1,2,1,2,,,2,2,1,121,1,20,1,78,1,1,2,3 -5930,0,1930,0,,2,1,4.4,1,3,1,4,3,3,3,4,4,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,4,8,,,,,,,? NAT,8,,2,,2,,1,2,2,2,2,2,,,2,3,1,86,1,40,1,170,1,1,1,3 -5931,0,0752,0,0730,1,1,70,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,2,1,126,1,16,1,115,1,1,2,2 -5932,0,1830,0,1800,1,1,15,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,14,,2,1,1,1,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,1,2,1,2,3,1,100,1,22,1,92,3,2,2,3 -5933,0,1323,0,1300,1,1,100,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,3,,,5,,2,,1,1,2,2,2,2,2,2,,,2,2,1,136,1,18,1,74,4,3,2,2 -5934,0,1745,0,1600,1,1,9,,3,2,,2,2,4,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,124,1,40,1,162,1,1,2,3 -5935,0,1620,0,1400,1,1,12,4,3,1,1,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,3,3,3,7,2: Accidental,,,,,,,7,,2,,1,1,1,1,2,1,2,1,2,1,3,2,1,107,1,38,1,79,3,1,2,3 -5936,0,1604,0,,2,1,36,4,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,3,4,2,9,,2,3,,,2,3,3,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,2,3,,,3,2,1,77,1,30,1,130,1,1,2,3 -5937,0,1700,0,1630,1,1,50.5,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,1,1,2,2,2,2,2,1,1,3,2,3,1,132,1,22,1,82,1,1,1,2 -5938,0,1953,0,1930,1,1,70,4,3,1,3,3,3,3,2,2,3,3,2,1,1,2,2,2,4,5,6,3,,2,3,,,1,3,3,9,,,,,,Crushed under car,,7,2,2,,1,2,1,1,2,1,1,3,,,3,3,1,135,1,29,1,139,5,5,2,3 -5939,0,1542,0,1145,1,1,9.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,4,2,2,,,2,3,1,104,1,38,1,139,1,1,2,3 -5940,0,1200,0,1130,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,forward flip with overextension of back,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,109,1,20,1,84,1,1,2,2 -5941,0,1621,0,,2,1,5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,84,1,32,1,126,1,1,1,3 -5942,0,1300,0,1230,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,134,1,16,1,101,1,1,1,2 -5943,0,1958,0,,2,1,22,4,8,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,1,2,2,2,2,,,2,2,1,127,1,17,1,118,1,1,1,2 -5944,0,1731,0,1700,1,1,15,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,1,2,2,,1,1,2,2,2,2,,,2,3,1,152,1,35,1,169,1,1,2,3 -5945,0,0900,0,0830,1,1,22.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,98,1,30,1,109,1,2,2,2 -5946,0,,0,,2,2,12,3,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,6,3,,1,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,2,2,2,3,3,,,3,2,1,138,1,32,1,123,2,2,2,3 -5947,0,1912,0,,2,1,70,,3,1,1,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,1,3,2,2,1,1,2,2,2,1,122,1,18,1,73,2,2,2,2 -5948,0,0945,0,0900,1,1,15.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,5: Physician did not answer,,,4,,,,4,,2,,2,,2,2,2,4,2,2,,,2,2,3,,1,24,1,122,1,1,1,2 -5949,0,1509,0,1430,1,1,22,3,8,1,4,3,3,3,2,2,3,2,2,3,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,1,3: > 40 mph,1,5,,,,,1,,2,,1,1,1,1,3,2,4,2,,,2,2,1,118,1,16,1,130,4,2,1,3 -5950,0,1423,0,1230,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,6,,,,,,,,6,,1,2,1,1,2,1,2,2,2,1,3,3,1,2,1,127,1,16,1,77,5,5,1,2 -5951,0,1943,0,,2,1,20,4,8,2,,3,3,3,2,2,3,2,2,1,2,2,2,2,3,2,3,10,,2,3,,,2,3,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,1,2,2,2,2,,,3,3,1,118,1,20,1,109,4,4,2,3 -5952,0,1421,0,1405,1,1,62,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,14,1,88,1,1,2,2 -5953,0,0300,-1,2155,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,12,,2,3,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,3,1,1,1,2,3,1,111,1,16,1,113,3,2,2,3 -5954,0,2306,0,1900,1,1,14,4,3,2,,3,3,3,2,2,3,3,2,2,1,2,1,2,2,5,1,10,,2,3,,,1,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,3,2,3,,,3,2,1,136,2,,1,180,1,1,2,3 -5955,0,1445,0,1400,1,1,39.5,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,107,1,20,1,102,2,1,2,2 -5956,0,0748,0,,2,1,60,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,3,2,2,,,2,3,1,135,1,18,1,82,1,1,3,2 -5957,0,1928,0,,2,1,50,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,1,2,,,2,3,1,117,1,18,1,95,1,1,1,3 -5958,0,2242,0,1330,1,1,18.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,2,,,2,3,1,118,1,24,1,95,2,2,2,2 -5959,0,1807,0,,2,1,45,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,hit by boat in lake,,9,2,2,,1,3,1,2,2,2,2,2,,,2,2,1,93,1,20,1,97,1,1,2,3 -5960,0,1814,0,1800,1,1,50,2,3,2,,4,4,4,4,4,1,1,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,1,1,1,1,2,2,2,2,1,2,3,2,2,1,130,1,18,1,100,2,1,2,3 -5961,0,1708,0,1700,1,1,40,4,3,3,,4,4,4,4,4,4,4,4,4,2,2,2,2,1,1,1,15,,3,4,,,4,4,4,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,1,4,3,4,4,4,,,4,4,1,109,1,22,1,96,1,1,2,3 -5962,0,1918,0,1830,1,1,80,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,2,3,1,148,1,20,1,54,1,1,1,3 -5963,0,,0,,2,2,52,2,3,2,,1,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,14,,2,1,2,1,2,1,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,3,1,2,1,2,3,1,124,1,16,1,107,2,1,3,3 -5964,0,1555,0,1430,1,1,40,4,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,1,1,3,2,3,1,142,1,18,1,126,2,1,2,3 -5965,0,1400,0,,2,1,62.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,2: 3 - 10 ft.,,,,,,Fell snowboarding,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,137,1,18,1,84,1,1,2,2 -5966,0,1700,0,1645,1,1,70,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Slipped and fell,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,16,1,91,1,1,2,2 -5967,0,2040,0,1930,1,1,54,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Alleged assault by group of boys - kicked, punched in head, chest ? abdomen",,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,23,1,84,1,1,2,2 -5968,0,2222,0,2130,1,1,52,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,125,1,16,1,92,1,1,2,2 -5969,0,,0,2000,1,2,18,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,2,1,2,2,2,2,1,1,3,2,3,1,117,1,28,1,143,1,1,1,3 -5970,0,1530,0,1430,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,100,1,41,1,123,2,1,1,3 -5971,0,2145,0,,2,1,12.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,9,,,,,,"Pulled 27"" TV over on himself",,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,136,1,26,1,114,1,1,2,3 -5972,0,1610,0,,2,1,18,1,3,2,,3,3,3,1,1,3,3,2,1,1,1,1,2,4,5,6,3,,3,4,,,4,4,4,9,,,,,,"A TV & dresser fell, hitting him",,7,2,2,,1,3,1,1,2,2,3,3,,,3,2,1,90,1,25,1,130,3,3,2,3 -5973,0,1905,0,,2,1,50,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,4,6,2,2,1,124,1,20,1,92,1,1,1,3 -5974,0,1954,0,1830,1,1,30,4,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,155,1,20,1,118,1,1,2,2 -5975,0,2015,0,1945,1,1,13.1,1,1,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,3,2,2,,,2,3,1,93,1,32,1,112,1,1,2,2 -5976,0,0921,0,0900,1,1,16,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,110,1,20,1,120,1,1,2,3 -5977,0,1720,0,1700,1,1,80,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,127,1,32,1,88,3,2,2,3 -5978,0,2216,0,2150,1,1,100,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,110,1,30,1,120,2,2,2,3 -5979,0,1815,0,1745,1,1,20,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Horse landed on child,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,24,1,116,1,1,2,2 -5980,0,1734,0,,2,1,70.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,130,1,16,1,64,1,1,1,3 -5981,0,2118,0,2030,1,1,46.7,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,130,1,24,1,88,4,2,1,3 -5982,0,1730,0,,2,1,18,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,7,2: Accidental,,,,,,,7,,2,,1,3,1,2,2,2,2,1,1,1,2,3,1,114,1,22,1,100,3,2,2,3 -5983,0,2000,0,1615,1,1,22,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,114,1,22,1,86,1,1,2,3 -5984,0,0935,-1,2000,1,1,18.6,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,9,,,,,,ran into a parked car,,7,2,1,2,1,1,1,2,2,2,2,1,2,2,2,2,1,121,1,24,1,100,4,1,1,3 -5985,0,1717,0,1400,1,1,51,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,99,1,20,1,100,4,2,1,3 -5986,0,1145,0,1045,1,1,11,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,3,2,2,2,,,4,4,3,,1,22,1,113,1,1,3,2 -5987,0,2147,0,1600,1,1,3.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,1,1: < 20 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,96,1,38,1,148,1,1,2,3 -5988,0,0030,-1,2330,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,18,1,102,1,1,2,2 -5989,0,2318,0,2300,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,20,1,76,1,1,2,2 -5990,0,2000,0,1830,1,1,5,1,1,2,,2,2,2,2,2,3,4,4,2,2,2,2,2,1,1,1,15,,1,4,,,4,4,4,1,2: 20 - 40 mph,1,4,,,,,1,,2,,1,2,1,2,2,2,2,1,2,1,2,3,1,100,1,36,1,139,3,1,2,3 -5991,0,0055,0,,2,1,43,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,18,1,88,1,1,2,2 -5992,0,1945,0,1900,1,1,20,4,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,3,3,8,,2,3,,,3,3,1,4,3: > 20 mph,,,1,,,,4,,2,,1,1,1,1,2,2,2,3,,,2,2,1,129,2,,1,136,3,1,2,3 -5993,0,1935,0,1930,1,1,71.1,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,2,,,5,,2,,1,1,2,2,2,2,2,1,3,3,2,3,1,116,1,16,1,94,1,1,2,2 -5994,0,1552,0,1500,1,1,18.2,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,32,1,120,1,1,1,2 -5995,0,1927,0,,2,1,27.2,1,11,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,6,,,,,,,,6,,1,2,1,1,1,2,2,2,2,1,2,1,2,2,1,153,1,20,1,82,2,1,2,3 -5996,0,1923,0,1345,1,1,35,4,3,1,4,1,2,2,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,6,,,,,,,,6,,2,,1,2,1,2,2,2,3,1,2,1,2,3,1,100,1,20,1,105,4,2,1,3 -5997,0,1648,0,1600,1,1,50,4,3,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,1,1,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,2,1,2,2,2,3,1,1,1,2,2,1,115,1,22,1,107,2,2,2,3 -5998,0,0328,0,0000,1,1,70,4,3,2,,1,1,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,4,1,145,1,20,1,80,1,1,2,3 -5999,0,0010,-1,1345,1,1,68.9,1,3,2,,1,2,1,2,2,1,2,2,4,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,1,1,2,,2,1,2,2,2,1,2,3,2,3,1,131,1,18,1,66,2,2,2,2 -6000,0,0950,0,0930,1,1,26,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,1,1,2,,1,2,2,2,2,2,,,2,2,1,130,1,20,1,110,1,1,2,3 -6001,0,1601,0,1530,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,1: < 20 mph,2,,,,,,1,,1,2,2,,2,2,2,2,2,1,1,1,2,2,1,119,1,20,1,114,1,1,2,2 -6002,0,2301,0,,2,1,,,3,2,,3,3,3,2,2,3,3,2,3,1,2,2,2,4,5,6,3,,1,3,,,4,3,3,9,,,,,,Suspected child abuse,,7,2,2,,2,,1,2,2,2,2,3,,,3,2,1,80,2,,1,140,2,2,2,3 -6003,0,0840,0,0800,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,1: < 5 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,90,1,20,1,110,1,1,2,3 -6004,0,2008,0,1900,1,1,35,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,2,,,2,2,1,122,1,21,1,109,1,1,2,2 -6005,0,1828,0,,2,1,25,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,101,1,18,1,88,1,1,1,3 -6006,0,1610,0,1530,1,1,43,2,8,1,2,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,2,,,2,3,1,137,1,24,1,93,1,1,2,2 -6007,0,1655,0,1400,1,1,10,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,86,1,44,1,126,1,1,1,2 -6008,0,1452,0,1345,1,1,49.4,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,18,1,77,1,1,2,2 -6009,0,2017,0,,2,1,40,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,120,4,,1,110,1,1,2,3 -6010,0,2005,0,1855,1,1,117.9,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,2,1,2,2,2,1,1,2,2,3,1,128,1,16,1,72,2,1,1,2 -6011,0,1850,0,1800,1,1,49.4,1,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,136,1,32,1,120,1,1,1,3 -6012,0,1315,0,0845,1,1,28,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell into a table,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,20,1,100,1,1,3,2 -6013,0,1231,0,,2,1,42,2,2,2,,1,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,7,1: Intentional,,,,,,kick to right flank,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,96,1,18,1,80,1,1,2,2 -6014,0,1458,0,,2,1,42,,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Hit in abdomen playing football,,7,2,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,106,1,20,1,73,2,2,2,2 -6015,0,1336,0,,2,1,50.3,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,1,2,1,1,1,1,2,2,1,2,,,2,2,1,157,1,20,1,100,2,1,2,3 -6016,0,2200,0,1500,1,1,22.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,3,2,2,2,2,2,1,3,2,2,3,1,104,1,22,1,135,2,2,2,2 -6017,0,1745,0,1720,1,1,70,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,1,1,1,3,2,3,1,118,1,16,1,104,1,1,2,2 -6018,0,1921,0,,2,1,50,4,3,1,3,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,1,2,2,1,2,2,2,1,1,2,2,3,1,125,1,30,1,114,2,1,2,2 -6019,0,2112,0,,2,1,21,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,1,2,2,1,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,4,4,1,2,3,2,2,1,112,1,19,1,103,3,1,2,3 -6020,0,0000,-1,1930,1,1,37.9,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,1,1,2,2,3,1,110,1,24,1,76,1,1,2,2 -6021,0,1042,0,1010,1,1,66,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,18,1,80,1,1,2,2 -6022,0,2203,0,2100,1,1,83.9,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,1,1,1,2,2,2,2,2,,,2,2,1,126,1,16,1,104,2,1,2,3 -6023,0,1700,0,1616,1,1,65,4,3,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,13,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,3,1,104,1,18,1,109,2,1,2,3 -6024,0,2050,0,1800,1,1,41,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,118,1,34,1,84,1,1,1,3 -6025,0,1925,0,1830,1,1,60,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,127,1,16,1,82,1,1,1,2 -6026,0,1645,0,1630,1,1,64,2,3,1,1,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,2,2,2,1,1,2,1,2,2,1,130,1,28,1,110,2,2,1,3 -6027,0,0007,-1,2207,1,1,15.9,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,2,13,,1,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,136,1,56,1,166,1,1,1,3 -6028,0,1800,0,,2,1,22,3,3,1,1,3,3,3,2,2,3,3,2,2,1,1,1,2,4,3,2,9,,1,3,,,2,3,3,4,3: > 20 mph,,,4,,,,4,,2,,1,3,1,1,2,2,2,2,,,2,3,1,90,1,12,1,80,3,3,1,3 -6029,0,1100,0,1030,1,1,65,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,1,2,2,,2,2,2,2,3,2,,,2,3,1,128,1,20,1,117,1,1,2,2 -6030,0,1306,0,1230,1,1,51.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,4,,1,2,2,2,2,1,1,2,2,2,1,127,1,16,1,82,2,1,2,3 -6031,0,0820,0,0800,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,137,1,16,1,84,1,1,1,2 -6032,0,1957,0,1900,1,1,60,4,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,125,1,16,1,93,2,1,2,3 -6033,0,2200,0,1800,1,1,18.6,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,1,,,,4,,2,,1,1,1,1,2,2,2,1,1,2,2,2,1,107,1,22,1,100,4,1,2,3 -6034,0,1900,0,1530,1,1,30,4,2,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,108,1,20,1,78,2,2,1,2 -6035,0,2000,0,1915,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,1,1,1,2,3,1,2,1,2,3,1,128,1,28,1,150,2,1,1,3 -6036,0,1717,0,1645,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,1,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,128,1,17,1,106,2,2,2,3 -6037,0,2200,0,1930,1,1,36,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,2,2,1,13,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,Riding on top of car running,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,129,1,11,1,93,1,1,2,3 -6038,0,1849,0,1800,1,1,53,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,1,1,1,2,2,1,128,1,16,1,88,1,1,2,3 -6039,0,1739,0,1630,1,1,25,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,115,1,24,1,105,1,1,1,2 -6040,0,1200,0,1100,1,1,64,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,1,2,2,2,2,2,2,1,1,3,2,3,1,98,1,20,1,76,3,2,1,2 -6041,0,2304,0,2200,1,1,70,4,1,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,6,,,,,,,,6,,2,,1,2,1,2,2,2,2,1,1,1,2,2,1,125,1,18,1,88,2,2,2,3 -6042,0,1230,0,1200,1,1,11.4,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,9,,,,,,crushed by garage door,,7,2,2,,1,2,1,2,2,2,2,2,,,2,2,1,102,1,24,1,178,2,2,2,3 -6043,0,1710,0,1700,1,1,65,4,3,2,,1,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,7,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,18,1,80,1,1,2,2 -6044,0,1521,0,,2,1,130,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,4,,,2,2,1,121,1,16,1,79,1,1,2,2 -6045,0,1154,0,1109,1,1,13,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,92,1,22,1,100,1,1,2,2 -6046,0,1705,0,1645,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,131,1,23,1,106,2,1,2,3 -6047,0,2228,0,,2,1,13,4,8,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,4,2,2,10,,1,3,,,2,3,1,9,,,,,,TV fell on patient,,7,2,2,,1,3,1,2,2,2,2,3,,,3,3,1,118,1,32,1,172,2,2,2,3 -6048,0,1853,0,1230,1,1,18,1,2,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,91,1,20,1,94,1,1,2,3 -6049,0,,0,2100,1,2,,,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,3,4,4,4,,,4,4,1,120,1,16,1,80,2,1,2,2 -6050,0,1958,0,1900,1,1,69.7,1,2,1,1,1,1,2,3,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,wrestling match; pt. flipped over and thrown on back,,7,2,2,,1,1,2,2,2,2,2,2,,,2,3,1,117,1,16,1,76,4,2,1,2 -6051,0,1400,0,1305,1,1,,,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,103,1,28,1,86,1,1,2,3 -6052,0,1000,-1,,2,1,53.5,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,"Fell from standing, tripped, landed on abdomen and slid",,2,2,2,,2,,2,2,2,3,3,1,1,2,2,3,1,117,1,18,1,74,1,1,2,2 -6053,0,1445,0,,2,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,patient fell from standing position,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,129,1,20,1,82,1,1,2,3 -6054,0,1600,0,1515,1,1,25,1,3,2,,3,3,3,2,2,3,3,2,2,1,2,2,2,4,5,6,3,,2,3,,,3,3,3,6,,,,,,,,6,,2,,1,2,1,2,2,2,1,3,,,3,2,1,104,4,,1,84,2,2,1,3 -6055,0,0815,0,0745,1,1,60,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,134,1,40,1,80,1,1,2,2 -6056,0,2100,0,1800,1,1,41.3,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,105,1,24,1,76,1,1,2,2 -6057,0,1714,0,,2,1,35.6,1,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,1,2,1,1,2,2,2,2,3,1,2,2,2,3,1,125,1,20,1,79,3,1,2,2 -6058,0,0024,-1,1615,1,1,16.4,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,4,4,1,105,1,29,1,111,1,1,2,3 -6059,0,1855,0,1730,1,1,45,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,124,1,20,1,111,1,1,2,3 -6060,0,2137,0,1200,1,1,75,1,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,Fell and hit flank on curb edge while playing football,,7,2,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,134,1,18,1,58,5,4,2,3 -6061,0,1830,0,1750,1,1,58,2,8,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,1,2,2,2,2,2,1,1,2,3,2,2,1,121,1,16,1,100,2,1,2,2 -6062,0,0400,0,0100,1,1,70,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,Stepped on after falling down,,2,2,1,1,2,,2,2,2,2,2,1,1,1,2,3,1,140,1,18,1,83,1,1,2,2 -6063,0,2055,0,,2,1,58,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,142,1,18,1,93,2,2,1,3 -6064,0,1653,0,1615,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,22,1,85,1,1,2,2 -6065,0,2109,0,2049,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,146,1,24,1,98,1,1,2,2 -6066,0,1505,0,,2,1,50,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,1,4: Speed Unknown,2,,,,,,1,,1,2,2,,2,2,2,2,2,1,1,1,2,2,1,97,1,16,1,64,2,1,2,2 -6067,0,1956,0,,2,1,19.5,1,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,3: Unknown intentionality,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,147,1,24,1,140,1,1,1,2 -6068,0,1254,0,1230,1,1,11,2,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,2,1,117,1,32,1,108,1,1,2,3 -6069,0,2211,0,,2,1,20,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,112,1,24,1,99,1,1,3,2 -6070,0,2007,0,1600,1,1,35,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,2,4: Unknown,,,,,,,2,,2,,2,,1,2,2,2,2,1,1,3,2,3,1,115,1,16,1,88,1,1,2,3 -6071,0,1230,0,1208,1,1,13,3,3,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,3,4,3,8,,2,3,,,2,2,1,9,,,,,,Run over by a car at low speed,,4,2,2,,1,1,1,1,2,1,3,3,,,3,3,1,150,1,29,1,114,4,2,2,3 -6072,0,2116,0,2030,1,1,55,2,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall cheerleading-another girl fell on her while she was standing at the bottom of pyramid,,2,2,4,,2,,2,2,2,2,3,2,,,2,2,1,122,1,24,1,140,1,1,2,2 -6073,0,1800,0,1740,1,1,10,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,96,1,30,1,162,1,1,2,2 -6074,0,1013,0,,2,1,15,2,3,2,,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,1,2,2,,2,2,2,2,1,2,,,2,2,1,105,1,24,1,122,1,1,3,2 -6075,0,1900,0,,2,1,22,3,3,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,1,2,2,2,1,2,1,2,2,1,117,1,24,1,116,2,1,1,3 -6076,0,1124,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,5: Physician did not answer,,,3,,,,4,,2,,2,,2,2,2,2,2,4,,,2,3,1,131,1,18,1,104,1,1,3,2 -6077,0,0900,0,0600,1,1,80,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,126,1,20,1,76,1,1,2,2 -6078,0,1603,0,,2,1,,,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,1,2,2,1,2,,,2,3,1,129,1,20,1,100,2,1,2,2 -6079,0,1506,0,,2,1,22,1,3,1,2,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,3,3,2,,,2,2,1,170,1,19,1,90,1,1,2,2 -6080,0,1624,0,1600,1,1,5.5,1,2,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,3,,,3,3,1,104,1,36,1,128,1,1,2,2 -6081,0,1659,0,1615,1,1,61.8,,3,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,147,1,16,1,78,2,1,2,3 -6082,0,1201,0,0200,1,1,5.4,1,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,9,,,,,,possible abuse,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,99,1,34,1,156,2,1,2,2 -6083,0,1700,0,1600,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,2,2,,,1,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,3,1,130,1,33,1,99,1,1,2,3 -6084,0,2116,0,,2,1,10,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,106,1,22,1,134,1,1,2,2 -6085,0,1800,0,1615,1,1,55,4,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,1,4,2,2,1,128,1,18,1,67,1,1,2,3 -6086,0,1135,0,0915,1,1,60,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,1,2,7,3: Unknown intentionality,,,,,,,7,,1,2,2,,2,2,2,2,3,1,2,2,2,3,1,119,1,20,1,90,1,1,3,2 -6087,0,1900,0,1700,1,1,17.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,1,1,2,1,2,2,9,,,,,,kicked in stomach by 10yo,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,135,1,24,1,110,1,1,3,2 -6088,0,0907,-1,,2,1,16.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,1,1,3,2,2,2,1,2,2,,,2,3,2,,1,24,1,82,2,1,3,2 -6089,0,1745,0,1720,1,1,20,1,8,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,5,,,,,1,,2,,4,,1,1,1,2,2,2,,,2,3,1,113,1,20,1,102,1,1,2,3 -6090,0,0229,-1,1400,1,1,35,,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,sled spun around pt hit back on metal pole,,9,2,2,,2,,2,2,2,3,1,2,,,2,3,1,123,1,22,1,80,1,1,1,2 -6091,0,1840,0,1730,1,1,70,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,154,1,16,1,70,2,1,2,3 -6092,0,1430,0,1300,1,1,86,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,2,1,2,2,2,2,2,,,2,3,1,133,1,15,1,103,6,6,3,3 -6093,0,1605,0,1500,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,3,1,115,1,24,1,117,1,1,3,3 -6094,0,1453,0,1400,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,92,1,28,1,109,1,1,2,2 -6095,0,0050,0,,2,1,22.7,,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,1,1,1,2,2,1,2,2,2,2,1,79,1,48,1,148,4,3,2,3 -6096,0,1725,0,1700,1,1,62.6,4,2,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,1,2,1,1,1,2,2,2,3,1,2,2,2,3,1,116,1,16,1,81,1,1,2,3 -6097,0,1530,0,1505,1,1,59,1,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,1,2,2,1,6,,,,,,,,6,,2,,1,2,1,1,2,2,1,1,1,3,2,2,1,130,1,20,1,87,3,2,1,3 -6098,0,1919,0,1900,1,1,20,,3,1,1,1,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,3,3,,,3,3,3,1,4: Speed Unknown,1,5,,,,,1,,2,,1,3,1,2,2,2,3,3,,,3,1,1,111,1,17,1,189,3,2,2,3 -6099,0,1300,0,1200,1,1,60,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,147,1,22,1,102,1,1,2,3 -6100,0,0914,0,0845,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,1,2,,2,2,2,2,3,1,1,1,2,2,1,138,1,18,1,79,1,1,2,2 -6101,0,1652,0,1630,1,1,,,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,3,3,3,9,,2,3,,,3,3,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,2,1,126,1,24,1,136,3,3,2,3 -6102,0,1645,0,1630,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,140,1,18,1,130,1,1,2,2 -6103,0,1415,0,1200,1,1,10,2,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,98,1,49,1,150,1,1,2,3 -6104,0,1843,0,,2,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Near drowning,,9,2,2,,2,,1,2,2,2,2,2,,,2,2,1,100,1,24,1,102,1,1,3,3 -6105,0,1855,0,,2,1,31,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,80,1,20,1,148,1,1,2,2 -6106,0,1249,0,1200,1,1,19.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,1,1,2,1,2,3,1,103,1,16,1,102,3,1,1,3 -6107,0,1800,0,1527,1,1,49,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,9,,,,,,skiing accident,,2,2,1,2,1,3,1,2,2,2,2,1,2,1,2,2,1,125,1,24,1,83,2,1,2,3 -6108,0,1123,0,,2,1,65,,8,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,2,,2,,2,1,2,2,2,1,2,3,2,2,1,155,1,20,1,100,1,1,2,2 -6109,0,1535,0,1500,1,1,22,1,3,2,,1,3,3,2,2,2,3,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,1,2,2,1,125,1,28,1,129,4,2,1,3 -6110,0,1207,0,,2,1,10,4,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,3,,,2,3,1,97,1,36,1,152,1,1,2,2 -6111,0,1030,0,1000,1,1,40,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,1,2: 20 - 40 mph,3,,,,,,1,,2,,1,3,2,2,2,2,2,1,1,2,2,3,1,122,1,24,1,96,2,1,2,2 -6112,0,1520,0,1500,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,9,,,,,,Unhelmeted Skateboard,,2,2,2,,2,,1,1,2,2,2,2,,,2,2,1,142,1,94,1,20,1,1,3,3 -6113,0,1857,0,1430,1,1,52,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,2,2,2,3,2,,,2,2,1,96,1,24,1,84,1,1,2,2 -6114,0,2025,0,1400,1,1,27.2,1,1,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,1,1,1,2,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,1,1,1,2,2,2,2,2,1,1,2,2,3,1,125,1,16,1,88,3,2,2,2 -6115,0,2133,0,,2,1,66.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,3,2,2,2,1,123,1,44,1,124,5,5,1,3 -6116,0,1956,0,1900,1,1,95.4,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,164,1,26,1,94,2,1,2,3 -6117,0,1656,0,,2,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,Pt on skateboard and collided with a bike-rider,,2,2,2,,1,1,2,1,2,2,2,1,3,2,2,3,1,140,1,22,1,99,3,2,1,2 -6118,0,1310,0,1258,1,1,97,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,1,2,2,,2,2,2,2,2,2,,,2,2,1,142,1,18,1,72,1,1,2,2 -6119,0,,0,,2,2,79.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,1,2,2,1,2,2,2,1,2,1,2,2,1,144,1,25,1,116,3,1,2,2 -6120,0,2230,0,1200,1,1,71,1,2,1,1,1,1,4,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,7,4: Physician did not answer,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,108,1,16,1,76,3,2,2,2 -6121,0,2120,0,2050,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,2,2,12,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,3,2,,,2,2,1,107,1,40,1,167,2,2,2,3 -6122,0,0130,0,,2,1,70,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,1,14,,2,1,4,1,1,2,2,9,,,,,,Poor historian(EtOH)- c/o abdominal pain and states he was hit in abdomen,,7,2,2,,1,1,1,2,2,2,3,1,2,1,2,3,3,,4,,3,,3,3,2,3 -6123,0,2152,0,,2,1,,,3,2,,3,3,3,1,2,3,3,2,1,1,1,1,1,2,5,2,9,,2,3,,,3,3,1,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,1,3,,,3,2,3,,4,,3,,2,1,2,3 -6124,0,1655,0,1630,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,121,1,24,1,106,1,1,2,2 -6125,0,2030,0,2000,1,1,20,4,8,2,,3,2,2,2,2,3,3,3,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,3,,,3,2,1,126,1,26,1,90,1,1,2,2 -6126,0,2345,0,1800,1,1,60,4,1,2,,1,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,1,2,2,3,1,2,4,2,3,1,111,1,16,1,59,1,1,2,2 -6127,0,2014,0,0930,1,1,43.3,1,1,1,1,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,2,2,2,3,1,104,1,24,1,102,2,1,2,3 -6128,0,0820,0,,2,1,,,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,3,2,2,2,2,2,1,2,2,2,3,1,106,1,16,1,73,2,1,3,2 -6129,0,1410,0,1230,1,1,50,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,1,1,1,3,2,3,2,1,85,1,18,1,102,5,4,1,3 -6130,0,2200,0,1815,1,1,40,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,1,1,2,2,5,,,,,3,,,5,,2,,1,1,1,2,2,2,2,1,1,2,2,3,1,134,1,18,1,84,2,1,2,3 -6131,0,1300,0,,2,1,30,4,3,2,,2,2,2,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,1,3,1,1,1,2,2,1,100,1,30,1,116,3,2,2,3 -6132,0,2235,0,1800,1,1,60,4,3,1,3,3,3,3,2,1,3,3,2,2,1,1,1,2,4,5,4,5,,2,3,,,3,3,3,4,4: Speed Unknown,,,3,,,,4,,2,,1,2,1,1,2,2,1,3,,,3,2,1,110,2,,1,83,4,2,2,3 -6133,0,1815,0,1752,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,4,,,,4,,1,1,2,,2,2,2,2,2,1,1,6,2,3,1,139,1,21,1,124,1,1,2,2 -6134,0,1405,0,,2,1,109,,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,128,1,20,1,92,2,2,3,2 -6135,0,1827,0,1800,1,1,40,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,3,,,2,2,3,4,4: Speed Unknown,,,4,,,,4,,2,,1,1,1,2,2,2,3,2,,,2,2,1,127,1,20,1,91,2,1,2,3 -6136,0,1100,0,,2,1,45,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,1,1,1,2,2,1,3,3,2,3,1,123,1,16,1,108,4,2,3,3 -6137,0,1729,0,1700,1,1,18.2,1,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,4,,,4,2,2,1,3: > 40 mph,4,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,90,1,24,1,120,1,1,2,2 -6138,0,1504,0,1400,1,1,75,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,"Riding on car bumber, fell off",,9,1,1,1,2,,2,2,2,2,2,2,,,2,2,1,99,1,16,1,100,1,1,2,2 -6139,0,0730,-1,,2,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,118,1,14,1,106,1,1,2,3 -6140,0,2122,0,,2,1,32,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,3,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,124,1,13,1,140,1,1,2,3 -6141,0,1143,0,1100,1,1,70,4,1,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,9,,,,,,"Dove to catch baseball, landed on abd/chest",,7,2,1,2,1,1,1,2,2,2,2,1,3,2,2,3,1,91,1,18,1,62,4,3,2,3 -6142,0,1847,0,,2,1,48.1,1,1,2,,2,2,2,2,2,3,1,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,4,4,2: 5 - 20 mph,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,124,1,24,1,111,1,1,2,3 -6143,0,1540,0,,2,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,138,1,20,1,68,1,1,2,3 -6144,0,1108,0,,2,1,4.5,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,100,1,30,1,154,1,1,1,3 -6145,0,1317,0,1215,1,1,70,2,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,9,,,,,,Pedestrian struck by ATV - 20/30 mph,,4,1,2,,2,,2,2,2,2,2,1,1,4,2,3,1,126,1,12,1,88,1,1,1,2 -6146,0,2047,0,1915,1,1,70,4,4,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,1,1,4,2,1,2,1,2,2,1,123,1,16,1,81,4,4,2,3 -6147,0,1742,0,,2,1,28,3,8,1,4,3,3,3,1,1,3,3,2,1,2,2,2,2,1,1,1,15,,2,2,,,3,1,1,1,3: > 40 mph,3,,,,,,1,,2,,1,2,1,2,2,1,3,3,,,3,2,1,137,1,60,1,120,4,3,1,3 -6148,0,1837,0,1810,1,1,50,2,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,2,2,2,2,1,2,,,2,3,1,116,1,14,1,100,1,1,1,2 -6149,0,1923,0,1820,1,1,63.5,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,1,3,1,2,2,2,2,2,,,2,2,1,132,1,24,1,88,1,1,2,3 -6150,0,1932,0,1830,1,1,80,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,122,1,14,1,50,2,2,2,2 -6151,0,1307,0,1145,1,1,44,1,3,1,1,4,4,1,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,4,1,2,2,2,,,2,2,1,117,1,20,1,80,1,1,2,2 -6152,0,1225,-1,,2,1,32,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,9,,,,,,pt fell on a water pump,,2,2,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,125,1,24,1,145,2,2,2,2 -6153,0,1900,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,2,1,98,1,28,1,138,1,1,2,3 -6154,0,0850,0,0830,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,7,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,119,1,37,1,92,1,1,2,3 -6155,0,1847,0,1615,1,1,11.8,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,106,1,26,1,132,1,1,2,2 -6156,0,0920,0,0830,1,1,50,4,3,3,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,111,1,12,1,69,1,1,2,2 -6157,0,1944,0,,2,1,10,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,1,2,2,1,2,3,,,3,2,1,106,1,57,1,165,2,3,2,3 -6158,0,1328,0,,2,1,61.3,1,3,1,4,1,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,3,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,135,1,20,1,92,1,1,1,1 -6159,0,0914,0,,2,1,50,4,3,1,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,30,1,101,1,1,2,2 -6160,0,2032,0,,2,1,38.1,2,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,112,1,24,1,96,1,1,2,2 -6161,0,2020,0,1930,1,1,,,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,1,2,2,1,1,2,2,2,2,1,114,1,20,1,113,4,3,2,3 -6162,0,1315,-1,1500,1,1,18,2,8,2,,1,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,9,,,,,,"Ran into open drawer while running, hitting mid-L abdomen",,7,2,2,,1,1,1,1,2,2,1,1,1,1,2,2,1,90,1,16,1,134,3,3,2,3 -6163,0,2208,0,2030,1,1,96.9,1,3,2,,2,2,2,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,4,4,1,126,1,16,1,90,3,1,2,2 -6164,0,1258,0,,2,1,30,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,1,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,112,1,24,1,101,2,1,2,3 -6165,0,2220,0,2130,1,1,20,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,88,1,24,1,118,1,1,2,2 -6166,0,1934,0,,2,1,68,1,8,1,1,1,2,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,2,1,4,1,2,1,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,2,2,2,3,1,2,2,2,3,1,120,1,18,1,100,4,2,1,3 -6167,0,2125,0,1700,1,1,35.4,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,5: Physician did not answer,1,2,,,,,1,,1,2,1,1,1,1,1,2,2,1,2,3,2,3,1,112,1,26,1,114,2,1,2,3 -6168,0,1959,0,1925,1,1,30,2,2,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,151,1,22,1,130,1,1,2,3 -6169,0,1959,0,,2,1,23,4,8,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,3,1,1,2,2,2,2,,,2,2,1,105,1,22,1,97,1,1,1,3 -6170,0,1600,0,1530,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,119,1,16,1,95,1,1,2,3 -6171,0,2034,0,,2,1,71,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,1,2,2,3,1,2,,,2,2,1,140,1,20,1,92,1,1,1,3 -6172,0,2140,0,1700,1,1,4,1,3,2,,2,2,2,2,2,2,4,4,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,3,2,,,2,3,1,87,1,25,1,156,1,1,3,3 -6173,0,2132,0,2100,1,1,60,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,tackled playing football,,7,2,2,,2,,2,2,2,2,3,2,,,2,3,1,120,1,16,1,79,1,1,2,2 -6174,0,2245,0,2215,1,1,25,4,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,1,1,5: Physician did not answer,1,1,,,,,1,,2,,1,1,1,1,1,4,3,1,2,3,2,2,1,133,1,32,1,131,3,2,2,3 -6175,0,1409,0,,2,1,3.5,,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,9,,,,,,abuse/assault,,7,2,2,,3,,1,2,2,2,2,2,,,2,3,1,57,1,36,1,164,2,2,1,3 -6176,0,1747,0,,2,1,50,4,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,3,6,,2,3,,,2,3,3,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,3,3,,,3,2,1,130,2,,1,78,3,2,2,3 -6177,0,1206,0,0001,1,1,53.4,1,3,2,,2,2,2,2,2,2,2,3,3,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,132,1,26,1,104,1,1,2,2 -6178,0,2330,0,2100,1,1,45,4,3,2,,4,4,4,4,4,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,3,3,,,3,2,1,123,2,,1,112,3,2,2,3 -6179,0,1200,0,1100,1,1,31.8,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Hit by steel beam,,7,2,2,,2,,1,2,2,2,3,2,,,2,3,1,119,1,22,1,79,1,1,1,3 -6180,0,2248,0,,2,1,65,,8,2,,2,2,2,2,2,4,1,1,1,1,1,1,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,2,1,116,1,37,1,116,4,4,2,3 -6181,0,1513,0,1430,1,1,60,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall Ground Level,,2,2,2,,2,,1,2,2,2,3,2,,,2,2,1,122,1,24,1,86,1,1,3,3 -6182,0,1100,-1,2000,1,1,60,2,3,1,4,2,1,2,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,126,1,16,1,73,4,3,2,3 -6183,0,2051,0,1900,1,1,67.2,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,1,1,3,2,3,1,131,1,20,1,79,1,1,2,2 -6184,0,1443,0,1400,1,1,5.1,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,2,13,,1,3,,,2,3,2,2,1: < 3 ft.,,,,,,,2,,2,,4,,1,2,2,2,2,3,,,2,2,1,103,1,55,1,137,2,1,2,3 -6185,0,1430,-1,2000,1,1,55.7,1,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,136,1,8,1,66,1,1,2,2 -6186,0,1253,0,1145,1,1,52.5,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,5,,,,,2,,,5,,1,2,1,2,2,2,2,2,2,2,,,2,3,1,118,1,18,1,79,1,1,3,2 -6187,0,2010,0,1930,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,115,1,15,1,74,1,1,2,2 -6188,0,1645,0,,2,1,52.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Crashed into wall while playing hockey,,7,2,2,,1,1,2,2,2,2,2,1,2,2,2,2,1,115,1,18,1,82,2,2,2,2 -6189,0,2200,0,2120,1,1,80,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,5: Physician did not answer,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,141,1,28,1,87,1,1,2,3 -6190,0,1114,0,0900,1,1,,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,126,1,16,1,60,1,1,3,2 -6191,0,1420,0,1330,1,1,59,4,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Slipped on water & fell onto back,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,96,1,18,1,78,1,1,2,2 -6192,0,1800,0,1730,1,1,20,4,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,129,1,16,1,88,1,1,2,2 -6193,0,1950,0,,2,1,55,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,139,1,18,1,90,1,1,1,3 -6194,0,1815,0,1615,1,1,64.5,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Body or knee to left flank during soccer,,7,2,2,,1,3,2,2,2,2,2,1,1,2,2,3,1,125,1,22,1,69,2,1,2,2 -6195,0,1514,0,,2,1,50,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,98,1,24,1,120,3,3,2,3 -6196,0,1601,0,1550,1,1,65,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,1,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,2,1,1,1,2,2,1,124,1,20,1,63,2,2,3,3 -6197,0,1958,0,1930,1,1,52.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,24,1,93,1,1,2,2 -6198,0,1907,0,1810,1,1,56.8,2,11,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,5,,,,,3,,,5,,2,,2,,1,1,2,2,2,2,,,2,3,1,126,1,20,1,95,1,1,2,3 -6199,0,1910,0,,2,1,5.4,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,3,2,1,95,1,30,1,138,1,1,3,3 -6200,0,1600,0,1530,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,2,2,2,2,1,2,1,2,3,1,131,1,33,1,143,2,1,2,3 -6201,0,2035,0,2000,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,116,1,29,1,112,1,1,3,3 -6202,0,1901,0,1805,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,9,,,,,,Hit from behind while playing soccer,,7,2,1,2,2,,2,2,2,2,2,2,,,2,2,1,126,1,16,1,58,1,1,2,2 -6203,0,1730,0,1710,1,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,110,1,22,1,80,1,1,3,3 -6204,0,1712,0,1612,1,1,35,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,1,2,4,3,2,,,2,2,1,144,1,28,1,71,1,1,2,2 -6205,0,1819,0,1730,1,1,60,,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,2,1,14,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,1,2,1,1,1,2,2,1,3,3,1,2,1,154,1,13,1,64,3,2,2,3 -6206,0,1915,0,1850,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,"Scooter vs Motorcycle, 25 MPH",,4,1,2,,2,,1,2,3,2,3,2,,,2,2,1,136,1,24,1,119,1,1,3,3 -6207,0,1250,0,1200,1,1,50,2,1,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,110,1,14,1,92,3,1,2,3 -6208,0,1609,0,1430,1,1,24.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,fell while sledding,,2,2,2,,1,1,2,2,2,2,2,2,,,2,2,1,130,1,28,1,100,1,1,2,2 -6209,0,1657,0,,2,1,74.5,,3,2,,2,2,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,2,,,5,,2,,1,2,1,1,2,2,2,1,3,2,3,3,1,133,1,22,1,86,4,2,3,3 -6210,0,1228,0,,2,1,65,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,118,1,15,1,80,1,1,1,2 -6211,0,1730,0,1700,1,1,77,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,125,1,21,1,95,1,1,3,2 -6212,0,1938,0,,2,1,45,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,22,1,96,2,1,2,2 -6213,0,1735,0,1700,1,1,30,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,116,1,28,1,106,1,1,2,2 -6214,0,0055,0,,2,1,24,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,1,2,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,2,2,2,1,125,1,16,1,92,3,1,1,2 -6215,0,0010,-1,,2,1,14.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,128,1,16,1,109,1,1,2,3 -6216,0,2030,0,,2,1,90,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,18,1,110,1,1,2,2 -6217,0,2002,0,1800,1,1,51.4,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,3,1,2,3,2,2,1,2,1,2,2,1,126,1,26,1,82,2,1,2,3 -6218,0,,0,,2,2,55,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,9,,,,,,hit on head,,9,2,2,,2,,2,2,2,2,1,2,,,2,3,1,118,1,20,1,133,1,1,2,2 -6219,0,1729,0,1700,1,1,29.3,1,8,1,4,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,4,,2,2,2,2,2,2,,,2,2,1,88,1,16,1,88,1,1,2,2 -6220,0,2236,0,2215,1,1,60,4,8,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,4,,,,4,,1,1,2,,2,2,3,2,2,2,,,2,3,1,135,1,23,1,109,1,1,2,2 -6221,0,1255,0,1215,1,1,52,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,24,1,69,1,1,2,2 -6222,0,1641,0,1100,1,1,9,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,28,1,130,1,1,3,2 -6223,0,2228,0,2200,1,1,59,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,1,1,1,2,2,1,119,1,21,1,102,2,1,2,2 -6224,0,1915,0,1845,1,1,20,1,8,2,,2,2,2,2,2,2,3,3,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,1,,,5,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,110,1,22,1,87,4,4,2,2 -6225,0,1635,0,1600,1,1,79.4,2,4,1,1,2,2,2,2,2,3,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,3,1,4: Speed Unknown,1,1,,,,,1,,1,1,1,1,1,1,1,2,3,2,,,2,2,1,158,1,15,1,104,2,1,2,3 -6226,0,0050,-1,2300,1,1,41.6,1,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,20,1,88,1,1,1,2 -6227,0,0004,-1,2330,1,1,20.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,24,1,110,1,1,2,2 -6228,0,1344,0,1250,1,1,31,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,40,1,121,1,1,2,2 -6229,0,2100,0,2000,1,1,32,1,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,2,,,5,,2,,1,1,1,1,2,2,1,1,2,3,2,3,1,115,1,20,1,82,3,1,2,3 -6230,0,1020,0,1000,1,1,30,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,115,1,40,1,142,1,1,2,2 -6231,0,1705,0,1510,1,1,72.7,2,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,2,2,2,2,1,1,1,1,2,3,1,129,1,20,1,103,1,1,2,2 -6232,0,2028,0,2000,1,1,54.5,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,101,1,18,1,60,2,1,2,3 -6233,0,2300,0,1915,1,1,75,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,4,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,2,6,2,3,1,130,1,22,1,111,2,1,2,2 -6234,0,2244,0,2115,1,1,16.3,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,3,2: 6-15,,,,,,,3,,2,,1,3,2,2,2,2,2,1,2,2,2,3,2,,1,22,1,136,2,1,2,2 -6235,0,1500,0,1430,1,1,35,4,8,2,,2,2,2,2,1,3,3,2,1,1,1,1,2,4,4,3,7,,2,3,,,2,3,3,5,,,,,3,,,5,,2,,1,1,1,1,2,2,2,3,,,3,2,1,153,1,30,1,119,5,4,1,3 -6236,0,0615,0,0600,1,1,65,4,3,1,2,2,2,2,2,2,1,2,2,3,2,2,2,1,1,1,1,15,,2,1,1,1,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,1,1,1,1,1,2,2,2,1,2,1,2,1,1,141,1,32,1,94,4,2,2,3 -6237,0,1621,0,1600,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,113,1,16,1,90,1,1,2,2 -6238,0,2230,0,,2,1,50,4,8,2,,3,3,3,2,2,3,3,2,3,1,2,1,2,4,5,4,5,,2,3,,,3,3,3,5,,,,,3,,,5,,2,,1,3,1,2,2,4,3,3,,,3,2,1,120,2,,1,100,3,2,2,3 -6239,0,1207,0,1130,1,1,10,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,36,1,170,1,1,1,2 -6240,0,1900,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,3,,,2,3,2,9,,,,,,Pedestrian struck by bicycle,,4,2,2,,1,3,2,2,2,2,3,2,,,2,2,1,114,1,20,1,108,1,1,2,2 -6241,0,1348,0,1115,1,1,65,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,9,,,,,,Hit in face by elbow during gym,,9,2,2,,2,,1,2,2,2,2,1,1,2,2,2,1,120,1,17,1,97,1,1,2,3 -6242,0,1945,0,1900,1,1,50,4,3,2,,1,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,132,1,28,1,92,1,1,2,2 -6243,0,1729,0,,2,1,40,4,8,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,124,1,18,1,86,1,1,2,3 -6244,0,1839,0,,2,1,44,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,9,,,,,,Elbow struck patient while playing soccer,,7,2,2,,1,3,2,2,2,2,2,1,3,2,2,3,1,114,1,18,1,72,5,3,2,2 -6245,0,2230,0,,2,1,22,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,1,1,2,2,1,1,3,2,2,1,120,1,24,1,127,1,1,2,2 -6246,0,2130,0,2015,1,1,54.9,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,132,1,24,1,102,1,1,3,2 -6247,0,0038,0,0030,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,111,1,14,1,75,6,6,3,3 -6248,0,2230,0,2130,1,1,65,4,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,139,1,16,1,98,1,1,2,2 -6249,0,0828,0,0800,1,1,39.2,1,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,1,2,,2,1,1,2,2,1,1,3,2,3,1,108,1,22,1,82,1,1,2,2 -6250,0,2106,0,,2,1,13,3,3,2,,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,3,,1,2,3,4,2,4,,,2,3,1,87,1,40,1,187,4,1,2,3 -6251,0,,0,1445,1,2,55,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Doing vault and missed,Patient with isolated spinal injury (suspected thoracic); Patient with paraphasia and sensory level T3 on arrival.,2,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,114,1,14,1,56,1,1,2,3 -6252,0,1120,0,1050,1,1,13,4,3,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,3,3,3,9,,1,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,2,2,2,3,3,,,3,2,1,110,1,17,1,104,3,2,2,3 -6253,0,0029,-1,2330,1,1,60,2,8,2,,1,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,2,2,2,2,2,2,,,2,3,1,118,1,20,1,64,1,1,1,2 -6254,0,1354,0,1300,1,1,20,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,9,,,,,,collision with other running student; unclear mechanism,,7,2,2,,2,,2,2,2,2,2,1,1,1,2,3,1,112,1,20,1,116,1,1,2,2 -6255,0,1800,0,,2,1,67,2,3,2,,3,3,3,2,2,3,3,2,1,2,2,2,1,1,2,1,14,,2,3,,,3,3,1,4,5: Physician did not answer,,,4,,,,4,,2,,1,3,1,2,2,2,3,3,,,3,3,1,110,1,15,1,140,3,2,2,3 -6256,0,1907,0,1500,1,1,59.6,1,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,2,1: < 3 ft.,,,,,,Fell playing basketball on R4Q,2,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,115,1,20,1,83,4,1,2,2 -6257,0,1415,0,1400,1,1,65,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Assault,,7,2,1,1,2,,2,2,2,2,2,2,,,2,2,1,115,1,22,1,84,1,1,2,2 -6258,0,1950,0,,2,1,8.7,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,8,,,,,,,,8,,2,,2,,1,2,2,2,2,2,,,2,2,1,106,1,20,1,123,1,1,1,3 -6259,0,1549,0,1500,1,1,28.6,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,20,1,68,1,1,1,2 -6260,0,2102,0,,2,1,60,4,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,2,1,1,1,2,2,1,133,1,43,1,124,2,2,2,3 -6261,0,0757,0,,2,1,50,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,4,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,1,3,1,1,2,2,2,1,1,3,2,2,1,129,1,16,1,76,2,1,2,3 -6262,0,1630,0,,2,1,,,3,1,2,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,105,1,15,1,72,1,1,2,2 -6263,0,0026,0,0000,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,18,1,84,1,1,2,2 -6264,0,1329,0,1300,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Fall skateboarding,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,160,1,22,1,105,2,2,1,3 -6265,0,1310,0,1200,1,1,60,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,16,1,82,2,1,2,2 -6266,0,0155,0,0020,1,1,70,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,4,,1,1,2,2,2,2,2,1,2,1,1,3,1,117,1,18,1,87,1,1,2,2 -6267,0,2220,0,2100,1,1,58,1,2,1,4,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,1,1,2,3,2,3,1,132,1,26,1,107,2,2,2,2 -6268,0,1927,0,1830,1,1,99.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,141,1,20,1,68,1,1,3,2 -6269,0,1759,0,1735,1,1,55,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,132,1,23,1,123,3,2,2,3 -6270,0,1950,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,1,1,2,1,2,2,2,1,2,2,3,3,1,131,1,16,1,78,4,3,2,2 -6271,0,2230,0,2200,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,1,2,,2,2,2,2,1,2,,,2,3,1,122,1,16,1,71,1,1,2,2 -6272,0,2020,0,1945,1,1,40,4,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,body slammed; head/neck impact.,,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,115,1,20,1,80,1,1,2,2 -6273,0,2133,0,2100,1,1,50,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Skateboard Accident,,2,2,2,,2,,1,2,2,2,2,3,,,2,2,1,115,1,10,1,97,1,1,2,3 -6274,0,1740,0,,2,1,60,1,1,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,20,1,84,1,1,2,2 -6275,0,1348,0,,2,1,13,4,2,1,1,3,3,3,2,2,3,3,2,1,2,2,2,2,4,4,2,8,,2,3,,,1,3,1,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,2,1,1,2,2,3,3,,,2,2,1,108,1,26,1,102,4,3,2,3 -6276,0,0035,0,0000,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,2,2,2,2,2,2,,,2,2,1,130,1,24,1,103,1,1,1,2 -6277,0,1745,0,1720,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,25,1,130,1,1,2,2 -6278,0,1930,0,1630,1,1,60,4,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,2,1,2,2,2,2,1,2,2,2,3,1,133,1,22,1,101,3,3,2,3 -6279,0,2100,0,2015,1,1,12.7,2,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,1,2,2,3,1,1,1,2,2,1,100,1,28,1,104,2,2,2,2 -6280,0,1030,0,,2,1,,,8,2,,3,3,3,3,3,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,3,,,,4,,4,,3,,2,2,2,2,2,2,,,2,4,1,111,1,18,1,85,2,1,2,2 -6281,0,1951,0,,2,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,3,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,4,2,4,,,2,3,1,144,1,44,1,112,1,1,2,3 -6282,0,1900,0,1830,1,1,30,2,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,1,1,1,2,2,3,1,3,1,2,2,1,124,1,18,1,113,5,4,2,3 -6283,0,1838,0,1800,1,1,59.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,24,1,118,2,1,1,2 -6284,0,0652,0,0600,1,1,14,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,4,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,1,3,1,2,2,2,3,1,1,2,2,2,1,100,1,24,1,90,3,2,2,3 -6285,0,0255,-1,2030,1,1,68,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,9,,,,,,Hit in abdomen during football game,,7,2,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,147,1,20,1,73,2,1,2,2 -6286,0,1930,0,1800,1,1,50,4,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,2,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,118,1,20,1,100,1,1,2,2 -6287,0,1914,0,1900,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,109,1,26,1,127,1,1,2,2 -6288,0,1200,0,1100,1,1,40,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,1,1,1,2,2,2,3,2,,,2,2,1,120,1,20,1,65,2,2,2,3 -6289,0,0250,0,0130,1,1,,,7,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,18,1,96,1,1,2,2 -6290,0,2001,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,1,1,2,2,3,1,97,1,34,1,120,2,1,2,3 -6291,0,1615,0,1518,1,1,18,4,3,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,1,4,2,2,1,120,1,32,1,112,2,2,2,3 -6292,0,1753,0,,2,1,65.9,1,8,2,,2,2,2,3,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,4,,1,2,2,2,3,2,,,2,3,1,117,1,18,1,105,1,1,2,3 -6293,0,,0,,2,2,93,1,1,1,1,1,3,3,1,1,3,1,3,1,2,2,1,2,2,2,1,13,,2,3,,,3,3,1,1,4: Speed Unknown,3,,,,,,1,,1,2,1,2,1,1,2,3,2,1,2,1,3,2,1,119,1,16,1,104,5,4,2,3 -6294,0,1400,0,,2,1,11,1,8,1,1,3,3,3,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,1,2,,,3,3,1,90,1,34,1,188,1,1,2,2 -6295,0,,0,,2,2,80,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,3,1,2,2,2,1,2,,,2,2,1,113,1,20,1,123,1,1,2,3 -6296,0,1800,0,1715,1,1,63.4,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"wrestling, thrown onto back onto matted floor",,7,2,2,,2,,2,2,3,2,2,1,1,5,2,3,1,109,1,20,1,92,1,1,1,2 -6297,0,2300,0,2230,1,1,50,4,3,1,2,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,144,1,20,1,98,1,1,2,2 -6298,0,1445,0,1430,1,1,40,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,1,1,1,2,3,2,2,2,,,2,2,1,139,1,18,1,96,1,1,2,3 -6299,0,0015,-1,1900,1,1,38,2,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,130,1,16,1,72,1,1,2,2 -6300,0,1215,0,1130,1,1,45,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,4,4: Speed Unknown,,,4,,,,4,,3,,1,2,1,1,2,2,2,1,2,1,2,2,1,136,1,30,1,112,2,1,1,3 -6301,0,2039,0,1800,1,1,29.8,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,4,,4,,1,2,2,2,2,1,1,4,2,3,1,117,1,24,1,112,2,1,2,3 -6302,0,1300,-1,,2,1,4,4,3,2,,3,3,3,2,2,3,3,3,3,2,2,2,2,,,,,5,1,3,,,2,3,3,7,3: Unknown intentionality,,,,,,,7,,2,,1,1,1,2,2,2,2,3,,,3,1,1,52,1,52,1,120,4,3,2,3 -6303,0,1502,0,,2,1,15,3,8,1,1,3,3,3,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,3,2,9,,,,,,Horse stepped on abdomen,,7,2,3,,1,3,1,2,2,2,3,1,1,5,2,3,1,111,1,29,1,146,4,2,1,3 -6304,0,1927,0,1600,1,1,68,2,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,18,1,57,1,6,3,2 -6305,0,1356,-1,1900,1,1,21.7,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,4,,,2,2,1,110,1,20,1,93,1,1,2,2 -6306,0,2115,0,1800,1,1,13.6,1,3,2,,3,3,3,2,2,2,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,4,2,3,,,3,3,1,122,1,36,1,160,1,1,2,3 -6307,0,1747,0,,2,1,40,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,1,2,1,2,2,2,8,,,,,,,,8,,2,,3,,1,2,2,2,2,1,2,1,2,3,1,107,1,20,1,65,1,1,2,3 -6308,0,1725,-1,2200,1,1,42,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,12,1,72,1,1,2,2 -6309,0,1740,0,1600,1,1,5.6,1,8,2,,3,3,3,2,2,3,3,3,2,2,2,2,2,3,3,3,9,,1,3,,,1,3,3,1,2: 20 - 40 mph,1,4,,,,,1,,2,,1,1,1,3,2,2,2,3,,,3,3,1,89,1,28,1,135,1,1,2,3 -6310,0,2150,0,2130,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,114,1,14,1,104,2,1,2,3 -6311,0,2016,0,1900,1,1,14,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,5,,,,,1,,1,1,1,2,1,2,2,1,1,2,,,2,2,1,133,1,28,1,145,4,3,1,3 -6312,0,1850,0,1615,1,1,80,1,8,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,assault,,7,2,2,,2,,2,2,2,2,2,1,2,1,2,3,1,129,1,16,1,53,1,1,2,2 -6313,0,1148,-1,,2,1,37.6,1,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,16,1,72,1,1,3,2 -6314,0,0934,0,0900,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,113,1,18,1,73,1,1,2,2 -6315,0,1833,0,1800,1,1,33,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,1,2,,2,1,2,2,2,1,1,3,2,3,1,118,1,22,1,103,2,2,2,2 -6316,0,1535,-1,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,99,1,26,1,106,1,1,1,2 -6317,0,1043,0,,2,1,70,,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,1,2,2,,1,2,2,2,2,2,,,2,2,1,134,1,24,1,60,2,2,2,3 -6318,0,1936,0,1900,1,1,24,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,2,1,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,1,2,1,2,3,1,121,1,24,1,125,3,1,2,3 -6319,0,1943,0,,2,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,3,,1,1,1,2,2,2,1,1,1,1,2,2,1,115,1,29,1,100,1,1,2,3 -6320,0,1135,0,1000,1,1,49,2,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,24,1,86,1,1,3,2 -6321,0,1153,0,0800,1,1,56.5,1,2,2,,1,2,1,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,135,1,18,1,78,1,1,2,3 -6322,0,1815,0,,2,1,,,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,1,3: > 40 mph,1,1,,,,,1,,1,1,2,,2,1,1,2,2,1,1,2,2,3,1,138,1,20,1,88,1,1,1,2 -6323,0,1616,0,,2,1,61.4,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,148,1,16,1,86,1,1,2,3 -6324,0,1956,0,,2,1,31.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,28,1,106,1,1,1,2 -6325,0,2110,0,,2,1,61,4,3,2,,1,2,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,1,3,1,1,2,1,143,1,30,1,114,5,3,2,3 -6326,0,2140,0,1915,1,1,,3,3,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,golf cart vs car,1,,2,,2,,1,1,2,2,3,2,,,2,3,1,106,1,24,1,130,1,1,2,3 -6327,0,1940,0,1830,1,1,61.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,1,2,1,2,1,2,2,2,2,1,2,1,2,2,1,131,1,18,1,83,1,1,1,3 -6328,0,1742,0,,2,1,50,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,16,1,90,1,1,2,2 -6329,0,1900,0,1845,1,1,30,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,1,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,84,1,24,1,88,1,1,2,2 -6330,0,2141,0,2120,1,1,23,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,22,1,108,1,1,2,2 -6331,0,0948,0,0800,1,1,63.5,1,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,114,1,16,1,78,1,1,2,2 -6332,0,2327,0,1900,1,1,25,2,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,1,3,1,2,2,2,6,,,,,,,,6,,2,,1,1,1,1,2,1,1,1,2,1,2,2,1,119,1,18,1,90,5,2,2,3 -6333,0,2103,0,2030,1,1,15,2,8,1,4,3,3,3,2,2,3,3,4,2,2,2,2,2,1,2,1,14,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,2,1,121,1,26,1,140,3,2,2,3 -6334,0,1652,0,,2,1,31.2,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,4,2,2,1,127,1,20,1,79,1,1,2,2 -6335,0,0830,0,0745,1,1,64,1,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,2,2,4,4,6,,,,,,,Motorcycle off jump at 30 mph,6,,2,,1,2,1,2,3,4,4,4,,,4,4,1,104,1,18,1,78,2,1,2,3 -6336,0,1540,0,1230,1,1,10.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,95,1,24,1,128,1,1,3,2 -6337,0,2043,0,,2,1,75,4,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,4,4,1,131,1,20,1,90,1,1,2,3 -6338,0,2046,0,2022,1,1,59,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,150,1,20,1,94,1,1,2,3 -6339,0,1846,0,1500,1,1,19.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,1,1,1,2,3,1,116,1,26,1,128,1,1,1,3 -6340,0,0904,0,0850,1,1,6,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,1,2,3,1: 5 or less,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,3,1,104,1,44,1,168,1,1,2,3 -6341,0,1720,0,,2,1,18,3,8,2,,2,2,1,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,1,2,2,3,1,134,1,30,1,112,6,6,3,3 -6342,0,1722,0,1700,1,1,72.6,1,1,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,dragged by car,,4,2,2,,2,,1,2,2,3,3,2,,,2,2,1,152,1,18,1,76,1,1,2,3 -6343,0,1910,0,1830,1,1,38.5,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,151,1,31,1,104,1,1,2,2 -6344,0,1630,0,1220,1,1,54.8,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,4: Physician did not answer,,,,,,"physician documented Other: ""got kneed in abdomen wrestling with friends""",7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,158,1,20,1,75,4,4,2,2 -6345,0,1515,0,1400,1,1,68,1,3,1,1,3,3,3,2,2,3,3,2,1,1,2,1,2,1,5,3,9,,2,3,,,1,3,1,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,1,2,2,2,2,3,,,3,2,1,155,1,22,1,65,3,3,2,3 -6346,0,1324,0,1205,1,1,12,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,87,1,20,1,136,1,1,2,3 -6347,0,2350,0,2130,1,1,80,2,3,2,,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,3,1,2,2,3,2,2,,,2,3,1,130,1,28,1,90,2,2,3,3 -6348,0,1130,0,0900,1,1,40,,3,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,2,1,1,14,,2,1,1,1,1,2,1,9,,,,,,wrestling,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,112,1,17,1,87,1,1,2,3 -6349,0,1525,0,1445,1,1,45,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,22,1,100,1,1,2,2 -6350,0,0026,,,2,1,50,4,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,2,2,2,4,2,2,,,2,3,1,139,1,18,1,77,1,1,2,2 -6351,0,0924,0,0825,1,1,18,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,22,1,126,1,1,2,2 -6352,0,1019,0,,2,1,12,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,126,1,32,1,188,2,1,2,3 -6353,0,1506,0,,2,1,6.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,Struck in face with remote control-concern for non-accidental trauma,,9,2,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,36,1,150,6,1,2,2 -6354,0,1827,0,1745,1,1,62,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,1,1,1,2,2,1,118,1,24,1,88,1,1,2,2 -6355,0,1232,0,1130,1,1,41,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,112,1,22,1,110,1,1,2,2 -6356,0,1843,0,1830,1,1,85,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,120,1,20,1,80,1,1,2,3 -6357,0,1916,0,,2,1,21.8,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,9,,,,,,Fell over deck chair,,2,2,2,,2,,2,2,2,2,2,1,1,1,2,3,1,131,1,22,1,84,1,1,2,2 -6358,0,1929,0,1900,1,1,12,2,8,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,1,3,1,13,,1,2,,,2,3,1,4,2: 5 - 20 mph,,,1,,,,4,,1,2,1,1,1,1,2,2,2,3,,,2,2,1,129,1,16,1,120,2,1,2,3 -6359,0,0935,0,0900,1,1,26.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,24,1,120,2,1,2,2 -6360,0,1818,0,1708,1,1,48,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,3,1,129,1,20,1,112,1,1,2,2 -6361,0,1852,0,0930,1,1,62.7,1,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,object struck chest,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,129,1,16,1,66,1,1,3,3 -6362,0,1945,0,,2,1,40,,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,1,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,1,1,1,2,2,2,1,2,1,2,3,1,124,1,19,1,80,5,4,2,3 -6363,0,2125,0,2045,1,1,55,1,11,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,"Fall from standing,through glass window",,2,2,2,,2,,2,1,2,2,2,2,,,2,3,1,140,1,17,1,100,1,1,2,2 -6364,0,,-1,2000,1,2,23,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,9,,,,,,fell in shower,,2,2,2,,2,,2,1,2,2,2,2,,,4,4,1,102,1,20,1,84,1,1,2,2 -6365,0,1341,0,1250,1,1,31.8,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,1,1,4,2,3,1,113,1,20,1,80,1,1,2,2 -6366,0,1100,0,1020,1,1,55,4,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"sports:football, tackling; his helmet vs knee. c/o pain in upper back",,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,140,1,20,1,76,1,1,2,2 -6367,0,1033,0,0930,1,1,68.2,4,4,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,1,1,1,2,2,1,1,2,2,3,1,145,1,18,1,93,4,1,2,3 -6368,0,2130,0,1800,1,1,48,2,2,2,,2,2,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,3,1,3,2,2,2,2,5,,,,,2,,,5,,4,,1,1,1,1,2,2,2,1,2,2,2,3,1,127,1,24,1,108,2,2,2,3 -6369,0,1644,-1,,2,1,12,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,8,,,,,,,,8,,2,,1,2,1,2,2,2,2,2,,,2,2,1,117,1,22,1,148,3,2,3,3 -6370,0,2054,0,,2,1,65,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,3,2,2,2,,,4,3,1,115,1,20,1,59,1,1,2,3 -6371,0,1303,0,,2,1,10,1,3,1,4,3,3,3,2,2,3,3,2,2,1,1,1,2,3,5,3,7,,1,3,,,1,3,3,8,,,,,,,,8,,1,2,1,1,1,1,2,1,3,3,,,3,2,1,104,1,36,1,180,4,2,1,3 -6372,0,1754,0,,2,1,40,4,3,2,,2,2,2,2,2,2,1,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,5: Physician did not answer,,,4,,,,4,,2,,1,3,1,2,3,2,2,2,,,2,2,1,117,1,33,1,90,1,1,2,3 -6373,0,0942,0,0852,1,1,37.8,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,1,4: Speed Unknown,2,,,,,Trolley accident,1,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,112,1,18,1,72,1,1,2,2 -6374,0,1202,0,1100,1,1,60,4,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,18,1,80,1,1,2,2 -6375,0,1720,0,1630,1,1,15,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,1,3,,,1,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,127,1,21,1,119,2,1,2,3 -6376,0,1800,0,,2,1,20,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,115,1,21,1,100,1,1,2,2 -6377,0,2004,0,,2,1,,,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,1,2,1,2,3,1,107,1,22,1,102,3,1,3,2 -6378,0,1700,0,1630,1,1,70,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,130,1,24,1,80,1,1,2,2 -6379,0,1215,0,1130,1,1,25,4,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,119,1,38,1,140,2,1,2,3 -6380,0,1330,0,1230,1,1,63,2,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,1,1,3,2,2,1,128,1,17,1,83,2,1,2,3 -6381,0,2100,0,1945,1,1,47.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,go cart accident unknown speed,,6,2,2,,2,,2,1,2,2,2,2,,,2,2,1,126,1,20,1,90,1,1,2,2 -6382,0,1836,0,1800,1,1,20,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,3,1,2,2,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,1,2,1,2,2,1,1,1,2,1,2,3,2,3,1,123,1,24,1,92,2,2,1,2 -6383,0,1934,0,1700,1,1,70,4,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,3,2,1,2,2,2,2,1,133,1,16,1,64,1,1,2,3 -6384,0,1724,0,1700,1,1,80,4,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,3,9,,,,,,Diving into pool with head trauma,,9,2,2,,1,3,2,2,2,2,2,1,2,1,2,2,1,139,1,20,1,91,1,1,2,2 -6385,0,1105,0,1000,1,1,30,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,fell onto lacrosse stick,7,,2,,1,3,2,1,2,2,4,1,1,2,2,2,1,115,1,19,1,85,1,1,2,2 -6386,0,1118,0,1015,1,1,84,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,3,2,,,2,3,1,119,1,14,1,90,1,1,2,2 -6387,0,1643,0,1530,1,1,60,2,4,1,1,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,1,1,2,2,1,2,1,2,2,1,156,1,12,1,79,3,2,2,3 -6388,0,1720,0,1630,1,1,20,3,3,2,,3,3,3,2,2,2,4,2,1,1,1,1,2,4,5,5,4,,2,3,,,3,3,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,4,3,3,,,3,2,1,77,2,,1,124,1,1,2,3 -6389,0,1955,0,1840,1,1,50,4,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,1,1,1,1,2,2,2,3,2,,,2,2,1,112,1,13,1,100,1,1,2,3 -6390,0,1127,0,1030,1,1,13.4,1,2,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,24,1,122,1,1,2,2 -6391,0,1234,0,1130,1,1,70,,1,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,1: < 3 ft.,,,,,,football collison then fall to ground,2,,2,,2,,2,2,2,2,2,1,2,2,2,2,1,107,1,20,1,82,1,1,1,2 -6392,0,2132,0,2000,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,125,1,20,1,158,1,1,3,3 -6393,0,1347,0,,2,1,38,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,1,1,1,2,3,1,119,1,24,1,106,2,1,1,3 -6394,0,2340,0,2300,1,1,61,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,26,1,98,1,1,1,2 -6395,0,2331,0,2230,1,1,29.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,1,1,1,2,2,3,1,125,1,21,1,105,2,2,2,2 -6396,0,2215,0,2200,1,1,24,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,107,1,20,1,84,1,1,3,2 -6397,0,2035,0,,2,1,,,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,99,1,26,1,113,1,1,2,2 -6398,0,2253,0,2130,1,1,9.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,3,3,,1,24,1,120,1,1,2,3 -6399,0,1916,0,,2,1,35,2,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,125,1,43,1,91,1,1,2,3 -6400,0,1704,0,,2,1,68,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,1,1,2,3,2,,,2,2,1,84,1,16,1,92,3,2,1,3 -6401,0,1430,0,1355,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Fall from roof after electrical burn,,2,2,2,,2,,1,2,2,2,4,2,,,2,2,1,119,1,18,1,123,1,1,1,3 -6402,0,2106,0,,2,1,13,3,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,1,3,2,,,2,3,1,108,1,24,1,106,2,1,3,3 -6403,0,1932,0,1900,1,1,55,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,20,1,89,1,1,2,2 -6404,0,1609,0,,2,1,80,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,1,2,2,2,2,,,2,2,1,124,1,14,1,60,2,1,2,3 -6405,0,2230,0,,2,1,68,4,4,1,1,3,3,3,2,2,3,3,2,1,1,1,1,2,1,5,1,11,,2,3,,,3,3,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,2,1,2,2,1,3,3,,,3,2,1,107,1,13,1,95,3,3,1,3 -6406,0,1220,0,1200,1,1,60,4,3,1,4,2,2,2,1,1,2,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,1,1,3,1,2,2,2,2,2,,,2,2,1,123,1,23,1,97,1,1,2,3 -6407,0,2015,0,,2,1,18,3,1,2,,2,2,2,2,2,3,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,2,2,,1,2,2,2,3,2,,,2,3,1,133,1,26,1,133,2,1,2,3 -6408,0,1820,0,1800,1,1,30,4,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,100,1,28,1,120,1,1,2,2 -6409,0,2339,0,2200,1,1,31,4,3,1,2,1,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,114,1,24,1,114,1,1,3,3 -6410,0,0650,0,0550,1,1,67.1,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,2,1,2,3,1,2,1,2,1,2,2,1,145,1,18,1,79,1,1,2,3 -6411,0,1635,0,1600,1,1,23,1,8,3,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,1,4,2: 5 - 20 mph,,,1,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,132,1,20,1,145,1,1,3,3 -6412,0,1700,0,1640,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,124,1,26,1,139,1,1,2,3 -6413,0,2159,0,2040,1,1,9,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,27,1,132,1,1,2,2 -6414,0,0700,0,0630,1,1,58.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,20,1,78,1,1,2,2 -6415,0,1247,0,1115,1,1,10,4,8,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,3,6,,1,3,,,2,2,3,1,4: Speed Unknown,1,4,,,,,1,,2,,1,2,1,2,2,2,3,3,,,3,2,1,120,1,20,1,120,3,2,2,3 -6416,0,2112,0,2030,1,1,70,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,14,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,138,1,22,1,123,2,1,1,3 -6417,0,1700,0,1630,1,1,15,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,35,1,130,1,1,1,2 -6418,0,1200,-1,2000,1,1,36,1,2,2,,2,2,1,2,2,2,4,4,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,3,2,2,3,1,103,1,14,1,72,5,5,2,3 -6419,0,2000,0,,2,1,50,4,8,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,3,6,,2,3,,,3,3,3,9,,,,,,skateboarding injury - unknown mechanism,,2,2,2,,1,1,1,2,2,3,3,3,,,3,2,1,160,2,,1,70,2,1,2,3 -6420,0,1953,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,1,3,2,,2,1,2,2,2,1,1,3,2,3,1,102,1,20,1,120,2,2,2,2 -6421,0,1410,0,,2,1,75,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,14,2,1,2,2,2,2,2,5,,,,,3,,,5,,1,1,1,1,1,2,2,2,2,1,2,2,2,2,1,119,1,30,1,88,3,2,3,3 -6422,0,1955,0,1930,1,1,,,8,2,,2,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,3,2,2,2,2,2,1,2,1,2,3,1,113,1,44,1,123,3,2,1,2 -6423,0,1800,0,,2,1,40,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,4,4,2,8,,2,3,,,1,3,3,9,,,,,,ran into a goal post,,7,2,2,,2,,1,2,2,2,2,1,1,1,2,2,1,107,1,23,1,115,1,1,2,3 -6424,0,1925,0,1845,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,116,1,18,1,114,1,1,2,2 -6425,0,1310,0,1300,1,1,55,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,4,4: Speed Unknown,,,2,,,Bike COllision/Fall from bike plus peds struck,4,,1,2,2,,2,2,2,2,2,1,1,3,2,2,1,110,1,20,1,105,1,1,1,2 -6426,0,1316,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,2,2,2,2,1,1,3,2,3,1,100,1,32,1,79,2,1,2,3 -6427,0,2346,0,2330,1,1,20,4,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,3,4,4,7,,2,3,,,2,3,3,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,4,2,3,,,3,2,1,156,1,20,1,102,1,1,2,3 -6428,0,2056,0,1500,1,1,,,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,snowmobile vs tree,,6,2,2,,2,,1,2,3,2,3,2,,,2,2,1,124,1,16,1,100,2,1,2,3 -6429,0,1200,0,1120,1,1,15.4,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,22,1,104,1,1,2,2 -6430,0,1315,0,1300,1,1,52,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,20,1,90,1,1,2,2 -6431,0,1940,0,1700,1,1,40,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,3,2,2,1,130,1,17,1,116,3,1,2,3 -6432,0,2258,0,2240,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,1,14,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,1,2,2,2,2,,,2,2,1,150,1,20,1,109,1,1,2,2 -6433,0,1130,0,1100,1,1,20,3,1,2,,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,1,1,2,2,2,,,2,3,1,110,1,30,1,90,2,1,1,3 -6434,0,1628,0,,2,1,54,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,110,1,26,3,,1,1,2,2 -6435,0,2122,0,,2,1,28.1,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,3,1,2,2,2,1,2,,,2,2,1,119,1,18,1,136,1,1,3,3 -6436,0,1630,0,,2,1,25,1,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,3,6,,2,3,,,2,3,3,9,,,,,,passenger in horsedrawn buggy vs car,,4,2,1,2,1,1,1,2,2,1,3,3,,,3,2,1,122,1,24,1,70,2,1,1,3 -6437,0,1300,0,1200,1,1,12,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,1,2,2,4,2,2,,,2,3,1,118,1,24,1,142,1,1,3,3 -6438,0,2337,0,2315,1,1,18,3,8,2,,4,3,3,2,2,3,3,1,2,2,2,2,2,1,1,1,15,,1,1,4,3,2,3,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,3,,,2,3,1,110,1,44,1,115,1,1,3,2 -6439,0,2258,0,2230,1,1,65,4,8,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,2,1,1,2,2,1,3,1,1,3,1,122,1,22,1,110,3,2,2,2 -6440,0,2123,0,,2,1,14.4,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,3,,,1,2,2,7,2: Accidental,,,,,,,7,,2,,1,2,1,1,2,2,2,1,1,2,2,3,1,140,1,22,1,88,2,2,1,3 -6441,0,2016,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,1,2,7,2: Accidental,,,,,,Dumbell bar tipped over and struck stand by child,7,,2,,1,1,1,1,2,2,1,2,,,2,2,1,105,1,44,1,140,4,2,1,3 -6442,0,1400,0,,2,1,14,3,8,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,8,,,,,,,,8,,2,,1,3,1,2,3,2,2,2,,,2,2,1,85,1,15,1,101,1,1,2,3 -6443,0,1630,0,1500,1,1,63.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,collided with fellow baseball player,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,24,1,112,1,1,1,2 -6444,0,1837,0,,2,1,48,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,2,1,3,2,2,3,1,118,1,24,1,68,2,1,2,3 -6445,0,0010,-1,,2,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,147,1,24,1,122,1,1,2,3 -6446,0,1941,0,1900,1,1,58,4,8,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,133,1,33,1,67,1,1,2,2 -6447,0,2307,0,2030,1,1,24.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,1,1,3,3,2,3,1,120,1,18,1,91,4,2,2,3 -6448,0,1005,0,,2,1,24,3,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,1,2,2,2,2,,,2,3,1,117,1,33,1,107,2,1,2,3 -6449,0,1929,0,,2,1,20,1,8,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,109,1,20,1,152,1,1,2,3 -6450,0,1810,0,1750,1,1,8.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,4,1,106,1,30,1,120,1,1,2,2 -6451,0,1726,0,1700,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,117,1,36,1,123,1,1,1,3 -6452,0,1815,0,,2,1,70,4,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,2,,,2,2,1,118,1,52,1,100,2,1,2,3 -6453,0,0715,0,0650,1,1,68,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,114,1,16,1,92,1,1,2,2 -6454,0,1837,0,1730,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,174,1,28,1,112,1,1,2,3 -6455,0,1634,0,,2,1,90,2,2,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,assaulted/kicked in the abdomen,,7,2,2,,1,1,2,2,2,2,1,1,2,2,1,3,1,124,1,24,1,105,1,1,3,2 -6456,0,2356,0,2220,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,136,1,18,1,110,1,1,2,3 -6457,0,1540,0,1515,1,1,12,4,3,2,,3,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,1,3,,,2,2,1,112,1,27,1,160,2,1,2,3 -6458,0,1935,0,,2,1,8.4,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,1,2,2,2,2,,,2,3,1,92,1,28,1,119,1,1,2,2 -6459,0,1045,0,0915,1,1,80,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Struck in left flank by other player in football game,,7,2,2,,2,,2,2,3,2,2,2,,,2,3,1,118,1,16,1,68,1,1,2,2 -6460,0,1350,0,1330,1,1,12,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,2,3,1,101,1,20,1,188,2,2,2,2 -6461,0,1645,0,1625,1,1,56,1,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,"football - tackle, hit left side",,7,2,4,,1,3,2,2,2,2,2,2,,,2,3,1,128,1,20,1,104,3,1,2,2 -6462,0,0411,0,0330,1,1,95.3,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from standing,,2,2,1,2,2,,2,2,2,2,2,2,,,2,2,1,154,1,14,1,64,1,1,2,2 -6463,0,1335,0,,2,1,15,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,2,,,,,,1,,1,2,1,2,1,2,2,2,2,1,2,4,2,2,1,106,1,30,1,150,3,2,2,3 -6464,0,0054,-1,1930,1,1,24,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,3,2,1,2,2,2,1,1,2,2,3,1,117,1,20,1,95,2,1,3,2 -6465,0,2301,0,1800,1,1,22,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,1,2,,1,2,2,2,2,2,,,2,3,1,96,1,20,1,100,1,1,2,3 -6466,0,1450,0,1430,1,1,70,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,1,2,1,1,1,2,2,2,3,2,,,2,3,1,118,1,18,1,88,2,1,2,3 -6467,0,1813,0,1500,1,1,3.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,98,1,55,1,192,1,1,2,2 -6468,0,2222,0,1530,1,1,17.5,1,1,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,3,1,2,2,2,3,3,,1,26,1,111,2,2,1,2 -6469,0,1356,0,,2,1,77.7,1,2,2,,2,2,2,2,2,1,4,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from stand-landed on back; slipped on wet floor,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,14,1,74,1,1,2,2 -6470,0,2115,0,2100,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,100,1,24,1,90,1,1,1,2 -6471,0,1320,0,,2,1,36,4,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,4,4,,,2,2,1,120,1,22,1,68,2,2,2,2 -6472,0,2100,0,1800,1,1,65,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,5: Physician did not answer,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,144,1,18,1,84,1,1,2,2 -6473,0,0630,0,0115,1,1,23,2,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,1,1,1,2,2,1,2,1,2,2,1,111,1,22,1,118,3,3,1,3 -6474,0,1830,0,1730,1,1,60,4,1,1,2,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,6,,,,,,,,6,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,150,1,20,1,115,2,2,2,3 -6475,0,1855,0,0730,1,1,48.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,20,1,88,1,1,2,2 -6476,0,1919,0,,2,1,24.6,1,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,1,2,2,1,2,,,2,2,1,131,1,24,1,120,1,1,2,2 -6477,0,2030,0,2000,1,1,60,1,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,2,2,2,2,2,1,1,3,2,3,1,131,1,18,1,80,1,1,2,2 -6478,0,1145,0,1130,1,1,55,,3,2,,2,2,2,2,2,1,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Kicked in right flank and fell playing basketball,,7,2,4,,4,,2,2,2,3,2,2,,,2,3,1,138,1,28,1,70,1,1,2,2 -6479,0,0845,0,0800,1,1,90,4,3,2,,2,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,1,1,2,2,2,2,2,6,,,,,,,,6,,1,2,1,1,2,1,2,2,2,1,2,2,2,2,1,133,1,16,1,93,1,1,2,2 -6480,0,2350,0,2230,1,1,46.8,2,8,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,1,2,3,2,2,1,2,1,2,2,1,136,1,20,1,76,3,3,2,3 -6481,0,1039,0,,2,1,72.6,1,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Tackle - football,,7,2,2,,2,,2,2,2,4,2,2,,,2,3,1,126,1,20,1,60,1,1,2,2 -6482,0,0945,0,0900,1,1,,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,22,1,98,1,1,2,2 -6483,0,2300,0,,2,1,15,3,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,2,,1,2,2,2,2,3,,,3,3,1,121,1,30,1,150,1,1,2,3 -6484,0,2013,0,,2,1,15,3,3,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,2,1,2,13,,1,3,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,3,2,,,2,2,1,122,1,28,1,153,3,3,2,3 -6485,0,1834,0,1800,1,1,54,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,132,1,18,1,115,4,3,2,3 -6486,0,1718,0,,2,1,27,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,110,1,30,1,110,3,2,3,3 -6487,0,0015,-1,,2,1,100,4,4,2,,2,2,2,2,2,2,2,2,1,1,1,1,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,3,1,157,4,,1,87,1,1,1,3 -6488,0,1535,0,1430,1,1,69,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,1,2,2,2,2,2,,,2,2,1,129,1,19,1,80,1,1,2,3 -6489,0,1828,0,1730,1,1,26.1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,1,1,1,2,2,2,9,,,,,,cow vs. patient.,,7,2,1,1,2,,2,2,2,2,3,2,,,2,3,1,87,1,24,1,95,1,1,2,2 -6490,0,1432,0,1400,1,1,53,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,2,3,1,132,1,20,1,76,2,1,2,3 -6491,0,1850,0,1830,1,1,16,3,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,2,3,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,3,2,3,2,,,2,2,1,98,1,38,1,160,1,1,2,3 -6492,0,1923,0,1900,1,1,53,2,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,6,,,,,,,,6,,1,2,1,1,2,2,2,2,2,1,1,1,2,3,1,93,1,16,1,74,4,4,2,2 -6493,0,1830,0,1600,1,1,9,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,1,2,,,2,3,3,2,4: Unknown,,,,,,Unwitnessed,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,105,1,44,1,177,1,1,2,3 -6494,0,1545,0,1450,1,1,55,1,3,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,1,3,1,110,1,18,1,80,4,2,2,2 -6495,0,1100,-1,,2,1,49.9,1,2,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,1,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,1,1,2,2,2,3,1,119,1,18,1,80,1,1,2,3 -6496,0,2248,0,,2,1,50,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,136,1,14,1,105,1,2,2,3 -6497,0,1255,0,1220,1,1,48,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,2,,2,2,3,2,2,1,4,3,2,3,1,110,1,16,1,74,6,6,3,2 -6498,0,1704,0,,2,1,32.5,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,128,1,18,1,100,1,1,2,3 -6499,0,1840,0,1830,1,1,12,4,8,2,,2,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,30,1,124,1,1,2,2 -6500,0,2100,0,2030,1,1,22,4,8,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,126,1,18,1,145,1,1,1,2 -6501,0,,0,1700,1,2,,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,6,,,,,,,,6,,2,,1,3,2,2,2,2,1,1,2,3,2,3,1,127,1,16,1,81,1,1,3,2 -6502,0,1251,0,,2,1,41,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,161,1,14,1,73,1,1,2,3 -6503,0,1450,0,1430,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Assaulted, picked up and thrown, landed on sidewalk",,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,100,1,21,1,73,1,1,2,2 -6504,0,1733,0,1715,1,1,47.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,3,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,109,1,21,1,91,2,1,2,2 -6505,0,1625,0,,2,1,35,4,3,2,,2,2,2,2,2,3,3,4,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,lockers in school fell (on her),,7,2,2,,3,,2,2,2,2,2,1,1,4,3,3,1,107,1,22,1,116,1,1,3,2 -6506,0,1800,0,1730,1,1,25,,8,2,,4,4,4,2,2,4,4,4,1,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,1,1,2: 20 - 40 mph,1,2,,,,,1,,2,,1,1,1,1,1,2,2,1,1,6,2,2,1,119,1,21,1,104,2,2,2,3 -6507,0,1730,0,,2,1,19,,8,1,2,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,2,1,115,4,,1,120,3,2,2,3 -6508,0,1215,0,0815,1,1,138,1,8,2,,2,1,2,2,2,1,2,3,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,2,2,2,2,1,115,1,16,1,60,1,1,1,2 -6509,0,1937,0,1900,1,1,7,,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,101,1,38,1,128,1,1,2,2 -6510,0,1829,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,90,1,20,1,133,1,1,2,2 -6511,0,0750,0,0700,1,1,57.8,4,3,2,,3,3,3,2,2,3,3,2,1,1,2,2,2,4,5,5,4,,2,3,,,3,3,3,4,3: > 20 mph,,,2,,,,4,,1,2,1,3,1,2,2,2,3,3,,,3,3,1,145,2,,1,67,2,1,3,3 -6512,0,1647,0,,2,1,27,,8,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,3,,1,2,2,2,2,2,,,2,2,1,112,1,16,1,68,1,1,3,3 -6513,0,2145,0,2100,1,1,28,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,2,1,2,2,1,94,1,30,1,82,3,2,2,3 -6514,0,0945,0,0900,1,1,125,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,1,3,1,1,2,2,2,1,1,6,2,2,1,110,1,16,1,114,3,1,1,3 -6515,0,1321,0,1300,1,1,10,1,2,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,1,3,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,128,1,24,1,120,2,2,2,3 -6516,0,2205,0,2130,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,2,3,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,4,,1,2,2,2,2,2,,,2,2,1,103,1,35,1,139,2,1,1,3 -6517,0,0230,0,0200,1,1,16,3,3,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,1,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,1,2,1,1,1,1,3,1,2,1,3,3,1,67,4,,1,147,5,4,2,3 -6518,0,1945,0,1645,1,1,28.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,2,3,,1,24,1,100,1,1,1,2 -6519,0,1500,0,,2,1,68,4,3,1,1,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,3,,2,1,2,2,2,1,1,3,2,3,1,133,1,21,1,72,1,1,2,2 -6520,0,1150,0,,2,1,30,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,101,1,22,1,72,1,1,2,2 -6521,0,1830,0,,2,1,34,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,149,1,18,1,112,1,1,2,2 -6522,0,0645,0,0630,1,1,7,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,3: > 40 mph,1,4,,,,Infant in car seat not secured,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,40,1,200,1,1,2,2 -6523,0,1004,-1,1400,1,1,18.7,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,1,1,1,2,1,1,1,1,2,3,1,104,1,16,1,87,2,2,2,3 -6524,0,1816,0,1000,1,1,21,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,96,1,58,1,90,1,1,2,2 -6525,0,1641,0,1615,1,1,57,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,20,1,77,1,1,2,2 -6526,0,0621,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,1,1,2,2,1,13,,2,2,,,1,2,2,6,,,,,,,,6,,1,2,1,3,1,2,2,2,2,2,,,2,2,1,135,1,18,1,55,2,1,1,3 -6527,0,2315,0,2100,1,1,20,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,1,1: < 20 mph,1,2,,,,MVC in a go kart.,1,,2,,1,1,2,2,1,2,2,2,,,2,3,1,104,1,20,1,90,3,2,2,2 -6528,0,1536,0,1130,1,1,4,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,108,1,47,1,185,2,1,2,3 -6529,0,2143,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,129,1,24,1,97,2,1,3,3 -6530,0,0749,-1,,2,1,84.5,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,1,2,2,2,2,,,2,2,1,125,1,22,1,81,1,1,2,2 -6531,0,1515,-1,2000,1,1,19.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,1,1,4,2,3,3,,1,28,1,144,1,1,2,2 -6532,0,1344,0,,2,1,33,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,113,1,20,1,126,2,2,1,3 -6533,0,1015,0,0930,1,1,14,3,1,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,3,5,4,6,,2,2,,,2,2,3,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,3,3,1,107,1,12,1,200,3,2,2,3 -6534,0,1844,0,1800,1,1,70,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,136,1,20,1,85,1,1,3,2 -6535,0,1100,-1,1900,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,20,1,83,1,1,2,2 -6536,0,1650,0,1100,1,1,19,2,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,2,1: < 3 ft.,,,,,,,2,,1,1,2,,1,2,2,2,3,2,,,2,3,1,83,1,16,1,91,1,1,1,3 -6537,0,2059,0,,2,1,70,4,2,1,1,1,1,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,3,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,2,1,119,1,18,1,109,2,2,2,2 -6538,0,2124,0,2035,1,1,21,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,3,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,114,1,26,1,130,1,1,3,2 -6539,0,1313,0,1230,1,1,36,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,2,1,154,1,24,1,124,1,1,2,3 -6540,0,1008,0,0945,1,1,79,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,16,1,88,1,1,1,2 -6541,0,0025,0,0000,1,1,65,4,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,3,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,109,1,29,1,77,1,1,2,3 -6542,0,1159,0,1100,1,1,60,4,11,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,120,1,22,1,98,3,1,2,3 -6543,0,1730,0,1615,1,1,13,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,1,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,99,1,26,1,122,2,1,2,3 -6544,0,2137,0,2045,1,1,38.7,1,8,1,1,1,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,4,,1,3,1,1,2,2,2,1,2,4,2,2,1,119,1,22,1,119,4,4,2,3 -6545,0,2023,0,,2,1,38.6,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,159,1,24,1,91,1,1,2,2 -6546,0,1700,0,1530,1,1,50,4,1,1,2,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,20,1,81,1,1,2,2 -6547,0,1455,0,,2,1,78,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,1,1,2,2,3,1,145,1,16,1,59,1,1,2,2 -6548,0,2215,0,2100,1,1,80,1,3,2,,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,2,2,2,2,1,1,2,2,2,1,141,1,16,1,72,3,2,2,3 -6549,0,0027,-1,2330,1,1,16,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,2,1,102,1,22,1,112,1,1,2,2 -6550,0,1452,0,1400,1,1,10,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,2,1,121,1,32,1,148,2,1,2,3 -6551,0,0130,0,0030,1,1,30,4,3,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,1,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,1,1,1,2,3,1,1,2,2,3,1,118,1,30,1,112,2,2,2,3 -6552,0,2327,0,,2,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,73,1,52,1,152,1,1,2,2 -6553,0,1415,0,1400,1,1,50,4,3,1,1,3,3,3,1,1,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,1,1,3: > 40 mph,2,,,,,,1,,2,,1,2,1,2,2,1,1,3,,,3,2,1,102,1,20,1,122,4,4,1,3 -6554,0,1222,0,,2,1,13,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,131,1,24,1,104,1,1,2,2 -6555,0,1610,0,1410,1,1,96,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,2,,2,2,2,2,2,1,1,6,2,3,1,125,1,18,1,80,1,1,1,2 -6556,0,0801,-1,1300,1,1,72.6,1,8,1,2,4,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,20,1,59,1,1,2,2 -6557,0,0229,0,0115,1,1,85,4,4,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,2,2,1,1,2,2,1,2,3,2,3,1,122,1,14,1,88,1,1,2,2 -6558,0,1821,0,,2,1,77.2,4,9,1,1,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Rafting accident,,9,2,2,,1,1,2,1,2,2,2,1,2,2,2,2,1,137,1,20,1,107,2,2,3,2 -6559,0,0856,0,0825,1,1,15.7,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,2,1,114,1,20,1,100,1,1,1,3 -6560,0,1100,0,1000,1,1,16,1,1,2,,2,2,2,2,2,3,3,4,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,4,3,3,,,2,3,1,147,1,27,1,148,4,2,2,3 -6561,0,2155,0,2140,1,1,55.2,1,8,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,106,1,20,1,76,3,1,2,2 -6562,0,0730,-1,2130,1,1,44,1,3,2,,2,2,2,3,3,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,1,2,2,3,2,,,2,3,1,114,1,24,1,72,1,1,2,2 -6563,0,2148,0,,2,1,24,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,113,1,20,1,84,1,1,1,2 -6564,0,2344,0,2315,1,1,18,3,3,1,1,3,3,3,1,2,3,3,2,2,2,2,2,2,4,5,6,3,,1,2,,,2,2,3,2,4: Unknown,,,,,,,2,,2,,1,3,1,2,2,2,3,3,,,3,2,1,108,1,30,1,97,3,2,2,3 -6565,0,1544,0,1530,1,1,55,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,1,1,1,3,2,2,1,105,1,16,1,78,2,1,2,2 -6566,0,1100,-1,,2,1,71.8,1,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,1,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,2,2,2,3,1,123,1,20,1,96,3,2,2,2 -6567,0,1354,0,,2,1,26.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,7,1: Intentional,,,,,,,7,,2,,1,3,2,2,2,2,2,1,2,4,2,3,1,126,1,20,1,90,2,2,2,2 -6568,0,2356,0,2330,1,1,18.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,20,1,86,1,1,1,2 -6569,0,0950,0,0915,1,1,59.4,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,120,1,20,1,84,1,1,3,2 -6570,0,1712,0,,2,1,52.2,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,5,4,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,20,1,77,1,1,2,2 -6571,0,1429,0,,2,1,10.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,Suspected child abuse,Discharged to Child Protective Services,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,16,1,74,2,1,2,2 -6572,0,1548,0,,2,1,65,4,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,30 Foot slide down steep rocky embankment,,2,2,2,,1,1,1,2,2,2,3,2,,,2,2,1,110,1,18,1,94,2,1,3,3 -6573,0,1532,0,,2,1,,,1,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,2,2,1,3: > 40 mph,3,,,,,,1,,2,,1,1,2,2,2,2,1,3,,,3,3,1,119,1,67,1,131,3,3,2,2 -6574,0,1334,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,3,4,,,2,2,1,1,3: > 40 mph,3,,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,3,1,117,1,36,1,105,1,1,2,3 -6575,0,2145,0,,2,1,65,4,8,2,,3,3,3,2,2,3,3,2,2,1,2,1,2,4,5,3,6,,2,3,,,2,3,3,9,,,,,,skiing accident,,2,2,2,,1,3,1,2,2,2,2,3,,,3,2,1,164,1,34,1,135,2,2,2,3 -6576,0,1800,0,1700,1,1,70,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,1,1,1,2,2,2,,,2,3,1,140,1,18,1,71,2,2,2,3 -6577,0,2045,0,2040,1,1,17,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,131,1,46,1,139,1,1,2,3 -6578,0,1430,-1,1745,1,1,58,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,9,,,,,,Tackled during football,,7,2,1,1,1,1,1,2,2,2,2,1,2,1,2,3,1,104,1,20,1,85,5,2,2,3 -6579,0,1911,0,1800,1,1,55,1,4,1,3,1,1,2,1,2,1,1,2,3,2,2,2,1,1,2,1,14,,2,1,2,1,2,2,2,1,4: Speed Unknown,3,,,,,,1,,1,2,1,2,1,2,2,2,2,1,2,1,2,2,1,110,1,35,1,110,4,4,2,3 -6580,0,1934,-1,2030,1,1,68,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Hit by friend on hip,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,18,1,79,2,2,3,2 -6581,0,2318,0,,2,1,80,4,2,2,,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,1,2,2,2,2,2,,,2,3,1,172,1,17,1,71,1,1,2,3 -6582,0,1019,0,,2,1,5.6,1,8,1,1,2,2,2,2,2,2,2,2,2,2,2,1,2,3,3,2,10,,1,3,,,2,2,3,8,,,,,,,,8,,2,,1,3,1,2,2,2,2,2,,,3,2,1,94,1,49,1,140,3,3,1,3 -6583,0,1920,0,1850,1,1,,,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,124,1,22,1,91,2,1,2,2 -6584,0,1830,0,1800,1,1,18.6,3,1,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,4,5,5,,2,3,,,3,3,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,3,1,141,1,32,1,69,2,2,2,3 -6585,0,1115,0,,2,1,12,4,3,2,,4,4,4,4,4,3,3,3,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,1,3,1,1,1,2,2,3,,,2,2,1,118,1,31,1,159,4,2,2,3 -6586,0,2100,0,1730,1,1,71,1,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,3: Unknown intentionality,,,,,,football helmet,7,,4,,1,1,2,2,2,2,2,1,3,2,2,3,1,143,1,18,1,90,1,1,2,2 -6587,0,1309,0,,2,1,65.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,1,1,1,2,2,1,130,1,22,1,94,1,1,2,3 -6588,0,1845,0,,2,1,16,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,3,2,1,12,,1,3,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,2,,4,,1,2,2,2,2,2,,,2,3,1,127,1,40,1,88,1,1,2,3 -6589,0,0851,0,0730,1,1,25,,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,4,2,4,,,2,2,1,118,1,20,1,100,1,1,2,2 -6590,0,1552,0,1530,1,1,28,2,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,6,,,,,,,,6,,2,,1,2,2,1,2,2,2,1,2,1,2,2,1,108,1,23,1,93,2,2,2,2 -6591,0,1934,0,1730,1,1,63.3,1,1,3,,1,1,4,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,2,,1,1,2,1,3,2,2,2,,,2,3,1,141,1,20,1,85,3,2,1,2 -6592,0,1024,0,,2,1,80,,3,1,4,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,1,2,1,3,1,1,2,2,2,2,,,2,2,1,127,1,20,1,60,2,1,2,3 -6593,0,1930,0,1900,1,1,,,8,2,,2,2,2,2,2,2,1,1,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,102,1,22,1,95,1,1,2,2 -6594,0,2144,0,,2,1,30,3,1,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,2,3,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,3,,,3,3,1,120,1,12,1,86,2,1,2,3 -6595,0,1417,0,1345,1,1,84,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,20,1,96,2,1,1,2 -6596,0,1340,0,1230,1,1,12,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,95,1,28,1,118,1,1,2,3 -6597,0,0900,0,0830,1,1,30,,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,4,2,1,146,1,32,1,130,1,1,3,3 -6598,0,1616,0,1500,1,1,32.3,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,1,2,2,2,2,,,2,3,1,123,1,18,1,85,1,1,2,2 -6599,0,0913,0,0600,1,1,54.4,1,3,1,4,3,3,3,2,2,3,3,2,1,1,2,2,2,4,5,6,3,,2,3,,,3,3,1,4,3: > 20 mph,,,3,,,,4,,1,2,2,,1,2,2,1,3,3,,,3,3,1,65,2,,1,97,5,5,2,3 -6600,0,2200,0,2100,1,1,60,4,1,2,,3,3,3,2,2,3,3,2,2,1,1,1,1,4,5,6,3,,2,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,1,2,1,1,1,2,2,2,3,3,,,3,2,1,113,1,18,1,78,3,2,1,3 -6601,0,2130,0,2015,1,1,90.3,1,3,2,,2,2,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,1,1,1,2,2,2,1,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,2,4,2,3,1,134,1,18,1,100,2,1,2,2 -6602,0,2057,0,,2,1,75,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,144,1,20,1,116,1,1,2,2 -6603,0,1800,0,1700,1,1,60,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,3,2,2,2,2,2,1,3,2,2,3,3,,1,20,1,81,4,3,2,2 -6604,0,0330,-1,1530,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,Hit Head After Ski Jump,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,113,1,18,1,71,2,1,2,3 -6605,0,1445,0,,2,1,24,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,93,1,24,1,94,1,1,1,3 -6606,0,2215,0,2200,1,1,60,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,2,2,2,2,2,1,1,2,6,2,2,1,138,1,28,1,101,2,1,1,2 -6607,0,1805,0,1500,1,1,25,4,8,2,,3,3,3,2,2,3,3,4,3,1,1,1,2,1,2,2,13,,2,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,2,3,1,120,1,40,1,115,1,1,1,3 -6608,0,2230,0,2100,1,1,61,1,2,1,4,1,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,4,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,2,,,2,4,1,116,1,16,1,65,2,2,3,2 -6609,0,1910,0,1600,1,1,15,2,3,2,,4,4,4,4,4,2,4,4,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,4,1: < 5 mph,,,4,,,,4,,2,,2,,2,2,3,4,4,4,,,4,4,1,110,1,22,1,80,1,1,2,2 -6610,0,1611,0,1100,1,1,42.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,18,1,100,1,1,2,2 -6611,0,1540,0,1510,1,1,,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,2,,2,2,2,2,3,2,,,2,3,1,114,1,36,1,87,2,1,2,2 -6612,0,1930,0,1930,1,1,30.3,1,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,118,1,20,1,92,1,1,1,2 -6613,0,1530,0,1500,1,1,30,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,140,1,18,1,94,1,1,2,2 -6614,0,2200,0,1930,1,1,66,2,2,2,,2,1,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,face mask during football,7,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,135,1,16,1,72,1,1,2,2 -6615,0,1718,0,1130,1,1,66,2,8,1,1,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,131,1,17,1,110,2,1,1,3 -6616,0,1900,0,1630,1,1,30,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,10,,,,,,,,10,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,114,1,24,1,88,1,1,2,2 -6617,0,1823,0,,2,1,40,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,4,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,3,1,116,1,20,1,109,1,1,1,3 -6618,0,1528,0,,2,1,49,1,1,2,,1,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,1,2,2,,2,2,2,2,1,2,,,2,4,1,118,1,16,1,78,1,1,2,2 -6619,0,1501,0,1400,1,1,70,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,2,3,2,3,1,99,1,18,1,96,2,2,2,3 -6620,0,1028,-1,2230,1,1,63.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,20,1,80,1,1,1,2 -6621,0,1115,0,1040,1,1,65.7,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,direct trauma to hip during ice-hockey game,,7,2,2,,2,,2,2,2,3,2,2,,,3,3,1,113,1,16,1,88,1,1,2,2 -6622,0,0946,0,0900,1,1,18,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,2,,1,24,1,108,1,1,2,2 -6623,0,2252,0,2000,1,1,25,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,3: > 20 mph,,,4,,,,4,,2,,2,,1,1,2,2,1,2,,,2,3,1,133,1,25,1,92,1,1,2,3 -6624,0,2056,0,,2,1,53.5,1,8,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,2,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,135,1,18,1,70,1,1,2,2 -6625,0,1700,0,1600,1,1,32,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,2,1,2,2,1,109,1,20,1,76,1,1,2,2 -6626,0,2054,0,1930,1,1,39,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,Dragged by her arm by person in a car,,4,2,2,,2,,2,1,2,2,2,2,,,2,3,1,122,1,20,1,81,1,1,2,2 -6627,0,1847,0,1800,1,1,68,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,16,1,76,1,1,2,2 -6628,0,1648,0,1615,1,1,35,2,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,14,1,96,1,1,2,1 -6629,0,1621,0,1530,1,1,22.7,1,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,4,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,1,2,1,2,2,1,112,1,16,1,76,2,1,1,2 -6630,0,1927,0,1900,1,1,22,3,3,2,,2,2,2,2,2,2,2,2,1,1,1,1,2,2,2,2,12,,2,2,,,2,2,1,9,,,,,,200 lb counter top fell on top of pt,,7,2,2,,1,1,1,2,2,2,2,2,,,2,3,1,100,1,20,1,140,2,1,1,3 -6631,0,,0,,2,2,140,2,1,1,2,2,2,2,2,2,2,4,4,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,9,,,,,,"Skateboard high speed, no helmet",,2,2,2,,3,,1,2,3,4,4,4,,,4,4,1,148,1,22,1,107,1,1,1,3 -6632,0,2157,0,,2,1,13.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,1,3,,,2,2,2,9,,,,,,Television fell on top of her,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,114,1,22,1,155,1,1,2,3 -6633,0,0015,-1,2200,1,1,17,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,1: < 20 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,26,1,120,1,1,2,2 -6634,0,1940,0,,2,1,,,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,3,,3,,2,2,2,2,2,2,,,2,2,1,80,1,48,1,163,1,1,2,2 -6635,0,0015,-1,,2,1,,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,2,13,,2,4,,,2,2,2,1,4: Speed Unknown,4,,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,2,1,123,1,16,1,70,2,1,3,3 -6636,0,1609,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,139,1,16,1,99,1,1,2,3 -6637,0,0210,0,0130,1,1,10,4,3,2,,2,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,4: Speed Unknown,3,,,,,,1,,2,,2,,1,1,2,2,3,2,,,2,3,1,109,1,48,1,193,1,1,2,3 -6638,0,,-1,2045,1,2,20,2,1,2,,2,2,2,2,2,2,1,2,1,2,2,1,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Fell from motocross bike, then sruck by moving vehicle/run over by motocross bike",,6,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,136,1,18,1,104,2,1,2,3 -6639,0,0823,0,0725,1,1,63.5,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,7,1: Intentional,,,,,,,7,,1,2,1,1,2,2,2,2,2,2,,,2,3,1,113,1,12,1,91,1,1,1,2 -6640,0,1912,0,1815,1,1,50,1,1,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,135,1,20,1,98,1,1,2,2 -6641,0,2209,0,1930,1,1,52,1,1,1,1,2,1,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,1,2,2,2,2,,,2,3,1,105,1,20,1,90,1,1,2,2 -6642,0,0725,0,0322,1,1,75,4,4,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,1,1,1,1,2,2,2,2,2,,,2,2,1,140,1,20,1,119,2,1,2,3 -6643,0,0024,-1,2300,1,1,45.3,,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,4,2,,,2,3,1,119,1,24,1,122,2,1,1,2 -6644,0,1530,0,1500,1,1,30,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,4,,,,4,,1,1,2,,1,2,2,2,2,2,,,2,3,1,123,1,24,1,94,1,1,2,3 -6645,0,,0,,2,2,33.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,20,1,76,3,1,1,2 -6646,0,1105,-1,1700,1,1,18,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,1,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,106,1,26,1,142,1,1,2,2 -6647,0,1604,0,1500,1,1,10,3,1,2,,3,3,3,2,2,3,3,2,3,1,2,2,2,4,5,6,3,,1,3,,,3,3,3,1,3: > 40 mph,3,,,,,,1,,2,,1,1,1,2,2,1,1,3,,,3,3,1,60,1,24,1,153,4,4,2,3 -6648,0,0437,0,,2,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,97,1,26,1,103,1,1,2,2 -6649,0,1345,0,1215,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,7,,,,,1,,2,,2,,2,2,2,4,3,2,,,2,2,1,144,1,16,1,102,1,1,2,2 -6650,0,1638,0,,2,1,4.1,1,1,2,,2,2,2,2,2,3,2,2,1,2,2,2,2,1,2,1,14,,1,4,,,1,3,1,9,,,,,,possible blunt trauma - child abuse,,7,2,1,2,1,1,1,2,2,2,2,2,,,2,3,1,98,1,88,1,180,4,2,2,3 -6651,0,2125,0,2045,1,1,35.8,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Baseball struck left upper chest,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,24,1,90,1,1,2,2 -6652,0,2039,0,,2,1,,,3,1,3,1,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Dog bite with fall,,9,2,2,,2,,2,1,2,2,3,2,,,2,3,1,122,1,40,1,147,1,1,3,2 -6653,0,2346,0,2146,1,1,25.5,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,124,1,22,1,114,1,1,3,3 -6654,0,1927,0,1830,1,1,32,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,108,1,23,1,100,1,1,2,3 -6655,0,1920,0,1900,1,1,100,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,22,1,86,1,1,2,2 -6656,0,,0,1155,1,2,85.7,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,1,2,,,2,2,1,144,1,30,1,109,1,1,1,3 -6657,0,1606,0,,2,1,100,1,8,1,4,2,2,2,2,2,4,4,4,2,2,2,2,2,1,2,1,14,,3,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,149,1,32,1,87,1,1,2,2 -6658,0,2122,0,2030,1,1,39,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,3,,,5,,2,,2,,2,1,2,2,2,1,1,2,2,2,1,128,1,16,1,84,1,1,2,2 -6659,0,1030,-1,1845,1,1,74,1,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,110,1,22,1,75,1,1,2,2 -6660,0,1628,0,1400,1,1,80,1,3,1,1,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Patient skiid into tree >10 mph,,7,2,2,,1,1,1,2,2,2,2,1,3,2,2,3,1,115,1,20,1,62,1,1,2,3 -6661,0,0300,0,0030,1,1,80,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,145,1,12,1,77,1,1,2,3 -6662,0,2057,0,,2,1,67.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,150,1,12,1,78,1,1,2,2 -6663,0,0716,0,0700,1,1,48,4,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,3,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,115,1,16,1,119,2,1,1,3 -6664,0,1344,0,,2,1,18.5,1,1,1,3,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,2,4: Unknown,,,,,,,2,,1,2,1,2,1,1,2,2,3,3,,,3,2,1,114,1,20,1,107,2,1,1,3 -6665,0,1325,0,1305,1,1,9.5,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,2,,,2,3,1,132,1,24,1,170,1,1,2,2 -6666,0,1412,0,,2,1,31,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,102,1,26,1,104,1,1,2,2 -6667,0,1809,0,1700,1,1,94,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,4,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,2,2,1,2,3,1,2,3,2,2,1,120,1,14,1,96,2,2,2,2 -6668,0,2002,0,1930,1,1,16,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,Possible Death,1,,1,2,2,,1,2,2,2,2,2,,,2,2,1,128,1,25,1,125,3,1,2,3 -6669,0,1739,0,1650,1,1,70,,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,6,,,,,,,auto vs. go cart,6,,2,,2,,1,2,2,2,1,2,,,2,2,1,142,1,19,1,87,1,1,2,3 -6670,0,1118,0,,2,1,,,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,5,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,3,1,145,1,25,1,123,1,1,2,2 -6671,0,2051,0,0700,1,1,103,1,8,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,3,1,1,2,2,3,3,,1,16,1,96,1,1,2,2 -6672,0,1930,0,1845,1,1,45,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell from horse with friend - Both trauma IIs,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,116,1,24,1,100,1,1,2,3 -6673,0,2138,0,1900,1,1,42.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,5,,,,,1,,,5,,2,,1,3,1,1,2,2,3,1,2,3,2,3,1,129,1,22,1,99,4,3,2,3 -6674,0,1956,0,1910,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,1,1,3,2,3,1,122,1,16,1,88,2,1,2,3 -6675,0,0200,-1,1930,1,1,30.8,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,20,1,88,1,1,2,2 -6676,0,2044,0,,2,1,51.7,2,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,2,2,2,3,1,146,1,18,1,89,2,1,2,2 -6677,0,2200,0,2145,1,1,75,,1,1,1,1,1,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,1,2,2,1,2,1,2,2,1,110,1,18,1,82,3,2,2,3 -6678,0,2219,0,,2,1,17,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,4,2,2,,,2,2,1,115,1,23,1,84,1,1,1,3 -6679,0,0905,0,0800,1,1,50,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,3,,2,,2,2,2,2,2,2,,,2,3,1,106,1,20,1,96,1,1,2,2 -6680,0,0126,-1,1900,1,1,80,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,1,1,1,2,2,2,3,2,,,2,2,1,148,1,24,1,100,1,1,1,3 -6681,0,1842,0,1830,1,1,40,2,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,1,2,,,2,2,1,131,1,16,1,92,2,2,2,3 -6682,0,1900,0,1845,1,1,50,4,2,1,1,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,2,,,2,3,1,127,1,30,1,107,2,1,2,2 -6683,0,1116,0,1045,1,1,87,2,2,2,,1,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,141,1,26,1,62,3,2,2,2 -6684,0,1845,0,1830,1,1,25,4,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,3,1,2,1,2,3,1,116,1,22,1,99,3,1,2,2 -6685,0,1711,0,1640,1,1,,,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,1,1,1,2,2,1,2,3,2,2,1,140,1,16,1,104,4,2,3,3 -6686,0,1507,0,1430,1,1,47,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Jumping on trampoline onto trampoline metal track-hit RLQ,,2,2,2,,2,,1,2,2,3,2,2,,,2,3,1,129,1,21,1,88,1,1,2,3 -6687,0,1757,0,,2,1,62,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Fall from horse- then horse toppled over,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,114,1,16,1,119,2,1,2,3 -6688,0,2115,0,1930,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,4,2,3,1,98,1,16,1,96,1,1,2,2 -6689,0,1200,-1,2300,1,1,56.6,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,1,2,2,1,1,3,2,2,3,,1,18,1,72,1,1,2,2 -6690,0,2019,0,,2,1,68,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,football injury,,7,2,3,,2,,1,2,2,2,2,2,,,2,2,1,122,1,11,1,64,1,1,2,3 -6691,0,1600,0,,2,1,6,4,3,2,,3,3,3,2,2,3,3,2,3,1,2,1,2,4,5,4,5,,1,3,,,3,3,3,8,,,,,,,,8,,2,,1,1,1,2,2,1,3,3,,,3,3,1,122,1,20,1,92,3,1,2,3 -6692,0,2145,0,1600,1,1,11,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,20,1,110,1,1,2,2 -6693,0,1844,0,0345,1,1,32,4,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,102,1,22,1,86,2,1,2,2 -6694,0,1553,0,1530,1,1,75,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,3,1,13,,2,2,,,2,2,2,9,,,,,,"Attempted to jump on moving car, fell, hit head on pavement.",,7,2,1,2,2,,1,2,2,2,2,2,,,2,2,1,136,1,42,1,118,2,2,2,3 -6695,0,0900,-1,2000,1,1,14,1,1,2,,2,4,4,2,2,3,3,2,4,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,60,1,24,1,114,1,1,2,3 -6696,0,0930,0,0830,1,1,,,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,3,3,3,9,,2,3,,,2,3,3,1,3: > 40 mph,3,,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,2,1,110,1,32,1,110,2,2,2,3 -6697,0,0946,0,0920,1,1,55,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,134,1,20,1,96,1,1,3,2 -6698,0,1819,0,1730,1,1,25,1,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,"Fall at playground, bar hit right side",7,,2,,1,1,2,1,2,2,2,1,2,2,2,3,1,123,1,18,1,88,2,1,2,2 -6699,0,1645,0,1500,1,1,93.8,1,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,3,1,123,1,20,1,81,2,1,3,2 -6700,0,2120,0,2000,1,1,45,1,2,2,,4,4,4,4,4,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,3,2: 6-15,,,,,,,3,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,109,1,18,1,84,3,2,2,2 -6701,0,1048,0,0945,1,1,59,1,4,2,,3,3,3,1,1,3,3,2,2,1,1,2,2,4,5,6,3,,2,3,,,3,3,2,1,4: Speed Unknown,1,6,,,,,1,,1,1,1,2,1,2,2,2,3,3,,,3,2,1,110,1,12,1,68,1,1,2,3 -6702,0,0520,-1,2300,1,1,78,3,1,1,2,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,3,1,1,2,2,2,1,1,2,2,3,1,123,1,20,1,98,2,2,2,3 -6703,0,1847,0,,2,1,21,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,1,3,1,1,1,2,2,2,,,2,2,1,115,1,15,1,113,4,1,1,3 -6704,0,2041,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,1,3,2,2,2,,,2,2,1,147,1,22,1,102,6,2,3,3 -6705,0,1653,0,1620,1,1,60,4,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,1,5: Physician did not answer,3,,,,,,1,,2,,1,1,1,2,2,2,2,3,,,3,2,1,98,2,,1,145,1,1,2,3 -6706,0,,0,,2,2,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,128,1,16,1,84,3,2,3,3 -6707,0,1430,0,1415,1,1,40,2,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,20,1,90,1,1,2,2 -6708,0,1458,0,1430,1,1,27,4,8,1,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,3,1,110,1,24,1,112,1,1,1,3 -6709,0,1652,0,1640,1,1,13,3,1,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,4,4: Speed Unknown,,,1,,,,4,,2,,2,,1,2,2,2,2,3,,,3,2,1,98,1,22,1,120,1,1,2,3 -6710,0,1830,0,1800,1,1,64.4,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,127,1,18,1,80,1,1,2,2 -6711,0,1630,0,1400,1,1,58,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,2,3,2,2,1,111,1,16,1,66,1,1,2,2 -6712,0,1522,0,1322,1,1,50,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,20,1,90,1,1,2,2 -6713,0,2102,0,2000,1,1,54.4,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,5,1,11,,2,2,,,2,2,3,9,,,,,,Player injured in hockey game,,7,2,1,2,1,2,2,2,2,2,2,2,,,2,2,1,120,1,16,1,90,1,1,1,1 -6714,0,0842,0,0044,1,1,39,4,8,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,1,1,2,1,2,2,2,2,2,,,2,2,1,126,1,16,1,120,3,1,2,3 -6715,0,1917,0,1400,1,1,57,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Baseball to face,,9,2,2,,2,,1,2,2,2,2,2,,,2,3,1,139,1,18,1,89,1,1,2,3 -6716,0,1722,0,1510,1,1,6,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,3,3,2,9,,,,,,Fell on by older sibling,,2,2,2,,2,,1,2,2,2,3,3,,,3,2,1,119,1,40,1,110,1,1,2,3 -6717,0,1535,0,1510,1,1,23.6,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,141,1,18,1,110,1,1,2,2 -6718,0,1352,0,1340,1,1,4.3,1,3,2,,4,4,4,4,4,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,9,,,,,,Fall from standing with mother (in mother's arms),,2,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,85,1,58,1,176,1,1,2,3 -6719,0,1626,0,,2,1,24,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,3,2,1,2,2,2,3,1,91,1,20,1,72,2,1,2,3 -6720,0,0919,0,0730,1,1,63,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Slipped on ice and fell from standing.,,2,2,2,,2,,2,2,2,2,4,2,,,2,2,1,114,1,16,1,66,1,1,2,2 -6721,0,0145,-1,2200,1,1,4,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,3,1: 5 or less,,,,,,,3,,2,,2,,1,2,2,2,2,3,,,3,3,1,75,1,40,1,147,1,1,2,3 -6722,0,1222,0,1115,1,1,77.1,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,2,,,2,2,1,150,1,22,1,85,1,1,1,2 -6723,0,1145,0,,2,1,21.8,1,11,2,,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,126,1,28,1,124,1,1,2,3 -6724,0,0026,-1,2330,1,1,66,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,1,2,2,3,1,2,3,2,3,1,112,1,20,1,75,2,1,2,2 -6725,0,1751,0,1130,1,1,54,1,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,1,1,3,2,3,1,110,1,20,1,59,1,1,2,3 -6726,0,1713,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,2,1,2,2,13,,2,2,,,2,2,3,4,3: > 20 mph,,,2,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,2,,3,,2,,1,1,2,3 -6727,0,1425,0,1415,1,1,20,1,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,3: > 20 mph,,,2,,,,4,,3,,3,,2,2,2,2,1,1,1,1,2,3,1,118,1,20,1,108,2,1,2,2 -6728,0,2330,0,,2,1,15,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,2,1,120,1,25,1,115,2,1,3,3 -6729,0,2130,0,1930,1,1,25,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,4,1,1,2,5,,,,,1,,,5,,2,,2,,2,1,3,1,2,1,1,3,2,3,1,96,1,22,1,87,1,1,2,2 -6730,0,2230,0,,2,1,45,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,ran into lamppost on foot,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,124,1,37,1,79,1,1,2,2 -6731,0,2239,0,2000,1,1,34,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,2: Accidental,,,,,,,7,,2,,3,,2,1,3,2,2,1,1,3,2,2,1,128,1,24,1,122,2,2,2,2 -6732,0,1011,0,0930,1,1,21,2,3,1,2,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,20,1,85,1,1,2,2 -6733,0,2014,0,1400,1,1,55,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,blunt trauma to chest,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,139,1,20,1,77,1,1,2,2 -6734,0,1145,0,1100,1,1,75.3,1,3,2,,1,1,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,3,1,4,1,2,2,3,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,2,2,2,2,1,2,1,2,2,1,103,1,16,1,86,4,4,1,3 -6735,0,1208,0,,2,1,18.8,1,1,1,4,1,3,3,2,2,2,2,4,4,2,2,2,2,1,2,2,13,,2,1,2,4,2,3,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,1,1,1,1,3,2,3,1,2,1,3,3,1,113,1,36,1,147,4,2,3,3 -6736,0,1423,0,,2,1,39.1,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,1,2,2,2,1,2,3,2,2,1,99,1,16,1,82,1,1,1,2 -6737,0,1018,0,0900,1,1,15,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,2,2,1,136,1,40,1,160,1,1,2,2 -6738,0,1950,0,,2,1,65,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,1,9,,,,,,Fall from scooter,,2,2,2,,2,,1,2,2,2,2,1,2,1,2,2,1,122,1,16,1,82,2,1,1,3 -6739,0,1753,0,1500,1,1,61,1,3,1,4,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,1,1,2,,2,2,2,2,2,2,,,2,3,1,137,1,18,1,92,1,1,2,2 -6740,0,1734,0,1700,1,1,50,4,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,142,1,20,1,132,2,2,3,2 -6741,0,2300,0,2130,1,1,58.2,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,WRESTLING WITH COUSIN,,7,2,1,3,1,1,1,2,2,2,3,1,2,2,2,2,1,120,1,24,1,104,4,3,2,3 -6742,0,1905,0,,2,1,14,3,3,1,4,3,3,3,1,2,3,3,2,1,2,2,1,2,4,3,2,9,,2,3,,,1,3,3,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,3,,,3,2,1,200,1,29,1,130,2,1,2,3 -6743,0,2213,0,1945,1,1,32.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,1,2,2,3,1,133,1,24,1,93,2,1,2,2 -6744,0,1938,0,,2,1,149,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,3,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,1,2,1,2,2,3,2,2,,,2,2,1,147,1,20,1,95,2,2,1,3 -6745,0,1614,0,1530,1,1,7.6,4,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,3,3: > 15,,,,,,,3,,2,,1,1,2,2,2,2,2,2,,,2,2,1,112,1,28,1,112,1,1,2,2 -6746,0,1137,0,1030,1,1,24.5,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,127,1,19,1,81,1,1,2,3 -6747,0,1900,0,1700,1,1,27.9,1,8,2,,1,4,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,4,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,100,1,18,1,72,1,1,2,2 -6748,0,1730,-1,1820,1,1,70,2,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,3,1,2,2,2,2,1,1,1,2,2,1,100,1,20,1,104,4,2,2,3 -6749,0,1230,0,0900,1,1,10.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,2,2,9,,,,,,Fell onto chair & hit abdomen on arm rest,,2,2,1,1,1,1,2,2,2,2,2,1,2,2,2,3,1,104,1,20,1,140,2,2,2,2 -6750,0,1300,0,1200,1,1,35,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,6,,,,,,,,6,,2,,1,2,1,2,2,2,2,1,3,2,1,3,1,94,1,22,1,99,5,4,2,3 -6751,0,1400,0,1230,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,20,1,76,1,1,2,2 -6752,0,2156,0,2130,1,1,43,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,4,1: < 5 mph,,,1,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,26,1,116,1,1,2,2 -6753,0,1912,0,1800,1,1,50,1,1,2,,4,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,4,2,,,2,3,1,131,1,20,1,122,1,1,3,2 -6754,0,0245,0,,2,1,30,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,2,1,1,3,2,2,1,120,1,22,1,88,1,1,2,3 -6755,0,1746,0,1705,1,1,32,3,8,1,1,1,4,4,1,1,2,2,2,2,2,2,2,2,2,1,1,14,,2,1,2,2,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,3,1,2,2,2,2,1,121,1,28,1,92,3,1,3,3 -6756,0,2300,0,2141,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,2,2,2,1,2,1,1,3,2,3,1,129,1,34,1,92,2,2,2,2 -6757,0,0109,0,0001,1,1,19.6,1,3,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,1,2,2,1,2,,,2,3,1,123,1,26,1,110,3,2,1,2 -6758,0,,0,1630,1,2,45,,1,2,,1,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,9,,,,,,Skiing accident-Intermediate slope fall over another skiier,,2,2,2,,1,1,2,2,2,2,2,1,3,1,2,3,1,104,1,20,1,87,2,2,2,2 -6759,0,2115,0,2030,1,1,12.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,26,1,100,1,1,2,2 -6760,0,1530,0,,2,1,35.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,4,2,11,,2,2,,,1,2,3,2,4: Unknown,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,110,1,20,1,88,1,1,1,3 -6761,0,1558,0,1500,1,1,41,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall off swing,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,114,1,16,1,98,1,1,2,2 -6762,0,0930,0,0915,1,1,80,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,102,1,16,1,80,1,1,2,2 -6763,0,1840,0,1800,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,122,1,22,1,114,2,1,2,2 -6764,0,1730,0,1700,1,1,50,4,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,1,2,2,2,1,151,1,35,1,102,2,1,2,3 -6765,0,1022,0,0830,1,1,10.7,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,97,1,30,1,130,1,1,2,2 -6766,0,1655,0,1600,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,161,1,20,1,85,1,1,2,3 -6767,0,1445,0,1400,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,,,,,6,2,3,,,2,2,2,9,,,,,,Fell from bottom of a slide,,2,2,2,,2,,1,2,2,2,1,2,,,2,2,1,111,1,27,1,112,6,6,2,3 -6768,0,0930,-1,1930,1,1,17,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,5,,,,,1,,,5,,2,,1,1,1,2,2,2,1,1,2,1,2,3,1,100,1,22,1,115,4,4,2,3 -6769,0,1607,0,1540,1,1,31.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,2,2,2,2,2,2,1,2,2,2,2,1,120,1,18,1,119,3,1,2,2 -6770,0,1600,0,1600,1,1,24,1,8,2,,4,4,4,4,4,2,4,4,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,3,4,4,4,,,4,4,1,118,1,24,1,101,1,1,1,2 -6771,0,1330,0,1145,1,1,14,3,3,2,,2,2,4,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,1,,,,4,,2,,2,,1,2,2,4,3,2,,,2,2,1,103,1,40,1,130,1,1,2,3 -6772,0,2144,0,1930,1,1,,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,1,2,2,2,2,,,2,2,1,122,1,34,1,131,2,1,2,3 -6773,0,0030,0,,2,1,,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,3,2,,,2,2,1,134,1,20,1,92,1,1,2,2 -6774,0,2345,0,,2,1,8.6,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,7,1: Intentional,,,,,,,7,,2,,3,,1,2,3,2,2,1,4,6,2,3,1,80,1,24,1,186,2,1,2,3 -6775,0,1631,0,1600,1,1,11.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,2,2,2,2,3,2,,,2,2,1,97,1,32,1,158,1,1,2,2 -6776,0,0556,0,,2,1,80,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,1,1,1,1,2,2,1,147,1,21,1,117,2,1,2,2 -6777,0,1643,0,1600,1,1,10.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,30,1,134,1,1,2,2 -6778,0,1736,0,,2,1,23.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,2,,,2,2,1,109,1,18,1,90,3,3,1,3 -6779,0,1840,0,1750,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,1,2,,,2,2,1,112,1,20,1,92,1,1,2,3 -6780,0,1310,0,1200,1,1,63.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,114,1,20,1,80,1,1,2,2 -6781,0,1438,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,4,,,,,Car fell 20 feet,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,93,1,28,1,102,1,1,2,2 -6782,0,1943,0,1900,1,1,6,3,8,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,9,,,,,,Hit by baseball,,7,2,2,,2,,2,2,2,2,2,3,,,2,3,1,96,1,49,1,175,1,1,1,2 -6783,0,1913,0,,2,1,48.5,1,2,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,113,1,18,1,90,1,1,2,2 -6784,0,1358,0,1300,1,1,15,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,104,1,28,1,120,1,1,2,3 -6785,0,1747,0,1715,1,1,27,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,20,1,105,1,1,1,2 -6786,0,1915,0,,2,1,19,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,4,3,2,1,2: 20 - 40 mph,1,1,,,,no booster car seat,1,,2,,1,1,1,2,2,2,2,1,1,1,2,3,1,122,1,35,1,127,2,1,2,3 -6787,0,1400,0,1150,1,1,59,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,1,2,2,2,1,2,1,2,3,1,104,1,20,1,72,6,6,2,2 -6788,0,2155,0,,2,1,75,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,3,2,2,,,2,3,1,130,1,16,1,85,1,1,2,2 -6789,0,0825,0,0800,1,1,24,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,3,2,2,2,,,2,3,1,104,1,24,1,110,1,1,1,2 -6790,0,1245,0,1100,1,1,27,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,1,1,1,2,2,2,,,2,2,1,126,1,74,1,127,5,5,2,3 -6791,0,2010,0,1915,1,1,17,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,4,2: 5 - 20 mph,,,1,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,126,1,25,1,80,1,1,2,3 -6792,0,1501,0,1430,1,1,38,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,123,1,14,1,101,1,1,2,2 -6793,0,1030,0,0630,1,1,26.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,1,2,2,1,1,1,2,2,3,1,111,1,18,1,100,1,1,2,2 -6794,0,1800,0,,2,1,50.2,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"hit in back while jumping, landed on back",,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,101,1,16,1,68,1,1,2,2 -6795,0,1646,0,0700,1,1,12.7,1,1,2,,4,4,4,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,3,2,8,,,,,,,,8,,1,2,1,1,2,2,2,2,3,1,2,3,3,3,1,104,1,28,1,166,4,2,2,2 -6796,0,2110,0,,2,1,34.2,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,1,2,2,2,1,2,5,2,2,3,,1,24,1,100,2,1,1,2 -6797,0,1021,0,0830,1,1,60,4,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,4,5,,2,3,,,1,3,3,9,,,,,,Hit by car while riding horse,,4,2,2,,1,1,1,2,2,2,3,3,,,3,2,1,137,1,20,1,74,1,1,2,3 -6798,0,1839,0,1800,1,1,62,2,2,1,1,2,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,2,1,2,1,2,,,2,3,1,122,1,24,1,56,4,4,2,3 -6799,0,1503,0,1400,1,1,59,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,109,1,20,1,70,1,1,2,2 -6800,0,1137,-1,,2,1,9.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,Non-accidental trauma by parent with either hand or object,7,,2,,2,,1,1,2,2,2,2,,,2,3,1,82,1,24,1,101,2,1,2,3 -6801,0,2100,0,1900,1,1,90,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,1,2,2,2,1,1,2,2,2,1,128,1,16,1,100,1,1,2,2 -6802,0,1609,0,1515,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,2,2,,,2,2,1,160,1,35,1,103,2,1,2,3 -6803,0,2130,0,2030,1,1,65,4,8,2,,2,2,2,1,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,3,1,138,1,41,1,125,2,2,2,3 -6804,0,0822,0,0800,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,3,3,1,107,1,20,1,79,2,1,1,3 -6805,0,2352,0,2200,1,1,70,1,11,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,3,2,2,3,1,153,1,16,1,92,3,1,2,2 -6806,0,1837,0,1700,1,1,70,2,3,2,,1,1,2,2,2,1,2,4,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,skateboard fall to concrete,,2,2,2,,1,1,1,2,2,4,1,1,2,2,2,3,1,130,1,18,1,110,2,1,2,3 -6807,0,1620,0,1600,1,1,11,,1,2,,3,3,3,2,2,2,3,3,2,2,2,2,2,1,2,1,14,,2,3,,,1,3,3,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,2,3,1,121,1,32,1,155,1,1,2,3 -6808,0,0730,0,0700,1,1,104,1,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,132,1,16,1,86,1,1,1,2 -6809,0,0130,0,0045,1,1,85,2,4,1,2,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,1,2,1,2,1,2,2,3,2,2,,,2,2,1,127,1,28,1,82,2,2,3,3 -6810,0,1630,0,1419,1,1,48,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,1,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,1,1,1,2,2,1,3,4,2,2,1,92,1,22,1,85,5,5,2,3 -6811,0,1545,0,1500,1,1,51,2,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,18,1,74,1,1,2,2 -6812,0,1410,0,1400,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,2,2,2,2,9,,,,,,Snowboarder vs. tree,,2,2,2,,1,3,2,2,2,2,2,1,2,2,2,3,1,110,1,52,1,16,1,1,2,2 -6813,0,0100,0,0030,1,1,26.9,,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,1,2,,2,1,2,2,2,1,1,2,2,3,1,117,1,16,1,104,1,1,2,2 -6814,0,2007,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,2,2,2,2,2,1,1,2,2,3,1,131,1,16,1,113,2,2,2,2 -6815,0,1650,0,1430,1,1,3.8,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,79,1,36,1,147,1,1,3,3 -6816,0,1850,0,,2,1,18,4,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,2,2,5,1,10,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,4,,1,2,2,2,2,2,,,2,2,1,111,1,29,1,101,1,1,2,3 -6817,0,1503,0,1400,1,1,76,1,8,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,2,1,14,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,136,1,18,1,96,2,1,2,2 -6818,0,0545,0,,2,1,45,2,1,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,2,,,2,3,1,125,1,18,1,83,2,1,2,3 -6819,0,1721,-1,,2,1,16,1,3,1,1,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,1,2,2,2,2,,,2,3,1,138,1,40,1,115,1,1,3,2 -6820,0,1513,0,1350,1,1,45,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,6,,,,,,,,6,,2,,1,2,2,2,2,2,2,1,1,4,2,2,1,118,1,22,1,130,4,3,3,2 -6821,0,0540,0,0230,1,1,48.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,4,2,2,,,2,2,1,120,1,22,1,82,1,1,2,2 -6822,0,1722,0,1630,1,1,,,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,109,1,50,1,80,1,1,3,2 -6823,0,2042,0,1300,1,1,21.7,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,133,1,28,1,120,2,1,2,3 -6824,0,2226,0,,2,1,,,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,3,1,158,1,27,1,89,1,1,2,3 -6825,0,0851,-1,,2,1,16.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,8,,,,,,,,8,,2,,2,,2,2,2,2,2,2,,,2,2,1,90,1,26,1,120,2,1,2,2 -6826,0,1655,0,1600,1,1,15.9,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,4,1,2,2,1,2,4: Unknown,,,,,,,2,,2,,1,1,1,2,2,2,1,1,1,2,2,3,1,102,1,24,1,110,2,2,2,3 -6827,0,1730,0,1700,1,1,48,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,1,2,2,2,2,1,2,3,2,2,1,167,1,20,1,94,2,1,3,3 -6828,0,2035,0,2015,1,1,49.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,139,1,16,1,92,1,1,1,3 -6829,0,1055,0,1000,1,1,59,1,3,2,,2,4,4,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,1,1,2,2,1,1,3,2,2,1,125,1,16,1,87,3,2,3,3 -6830,0,1746,0,1723,1,1,10.2,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,4: Unknown,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,98,1,32,1,136,2,2,2,3 -6831,0,1505,0,1300,1,1,44.6,1,8,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Skateboard fall,,2,2,2,,1,2,2,2,2,2,2,1,2,4,2,3,1,122,1,18,1,84,4,1,2,2 -6832,0,0250,0,0122,1,1,58,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,2,1,1,2,2,2,,,2,3,1,129,1,20,1,94,1,1,2,2 -6833,0,1600,0,1530,1,1,40,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,149,1,26,1,110,1,1,2,3 -6834,0,1115,0,1000,1,1,10.5,1,1,2,,4,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,147,1,22,1,147,1,1,2,2 -6835,0,2001,0,,2,1,21.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,2,,,2,3,1,122,1,23,1,93,1,1,2,2 -6836,0,1533,0,1500,1,1,48.3,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,3: Unknown intentionality,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,116,1,24,1,100,1,1,2,2 -6837,0,1353,0,1230,1,1,31,2,1,2,,1,1,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,6,,,,,1,,2,,1,2,1,2,2,2,2,1,1,2,2,2,1,137,1,20,1,116,2,1,2,3 -6838,0,1753,0,1715,1,1,77.2,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,144,1,16,1,85,2,1,2,2 -6839,0,1735,0,,2,1,25,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,1,2,2,2,2,2,1,1,3,1,2,3,1,127,1,28,1,94,4,3,2,2 -6840,0,1738,0,,2,1,40,1,8,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,2,2,2,2,2,2,2,,,2,3,1,135,1,10,1,118,1,1,2,2 -6841,0,1203,0,1130,1,1,13,4,3,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,4: Unknown,,,,,,unwitnessed fall from either steps or porch; physician also checked other and indicated suspicion of child abuse,2,,2,,1,1,1,1,2,2,2,3,,,2,3,1,105,1,28,1,110,5,3,1,3 -6842,0,1300,0,,2,1,25,4,8,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,1,4,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,3,,,3,2,1,122,1,20,1,109,3,2,2,3 -6843,0,1940,0,1930,1,1,60,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,143,1,13,1,58,1,1,2,3 -6844,0,2118,0,2100,1,1,64,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,105,1,14,1,74,1,1,2,2 -6845,0,2059,0,1900,1,1,20,3,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"200 lb. water heater fell on patient's chest, no LOC",,7,2,2,,2,,2,2,2,3,2,2,,,2,3,1,112,1,20,1,119,1,1,2,2 -6846,0,2130,0,,2,1,70,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,136,1,15,1,81,1,1,2,3 -6847,0,1255,0,1200,1,1,20.5,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,110,1,26,1,92,1,1,2,2 -6848,0,1808,0,1200,1,1,39.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,2,1,2,2,1,1,2,3,2,3,1,100,1,20,1,84,2,2,3,2 -6849,0,1835,0,,2,1,63.3,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,2,1,2,2,2,1,2,3,2,3,1,112,1,37,1,87,2,1,2,2 -6850,0,1501,0,1440,1,1,17.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,3,2,1,3: > 40 mph,1,4,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,109,1,30,1,168,3,1,2,2 -6851,0,1544,0,1430,1,1,46.4,1,3,2,,4,4,4,4,4,1,2,4,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,4,,1,1,2,1,2,2,3,1,3,2,2,3,1,129,1,18,1,103,1,1,2,2 -6852,0,1815,0,1230,1,1,24,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,114,1,30,1,129,1,1,2,2 -6853,0,0045,-1,1130,1,1,73,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,1,2,1,4,3,1,3,1,134,1,18,1,77,5,4,1,3 -6854,0,2100,0,2000,1,1,60,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,3,2,3,1,141,1,18,1,121,2,2,2,3 -6855,0,2130,0,1830,1,1,53.6,1,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,2,1,1,1,2,3,1,123,1,20,1,85,2,1,2,2 -6856,0,2055,0,2000,1,1,35,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,32,1,73,1,1,2,2 -6857,0,0315,0,0100,1,1,83.9,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,3,1,142,1,20,1,105,1,1,2,2 -6858,0,2011,0,1930,1,1,42.1,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,kicked left side during karate,,7,2,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,106,1,20,1,90,2,1,2,2 -6859,0,1848,0,1800,1,1,17,4,8,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,98,1,24,1,132,1,1,2,3 -6860,0,0701,0,,2,1,90,4,1,1,2,3,3,3,2,1,3,3,2,2,1,2,2,2,4,5,6,3,,2,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,1,1,1,1,1,2,2,2,1,3,,,3,1,1,166,2,,1,60,3,3,2,3 -6861,0,1944,0,1900,1,1,29.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,104,1,18,1,85,4,3,2,3 -6862,0,1906,0,1830,1,1,30,4,2,2,,3,3,3,2,2,3,3,4,1,1,1,1,2,3,2,3,10,,2,3,,,1,3,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,3,3,,,3,3,1,138,2,,1,76,4,2,2,3 -6863,0,1120,0,1100,1,1,12,4,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,4,1: < 5 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,3,,,2,3,1,109,1,16,1,108,1,1,2,2 -6864,0,1745,0,1730,1,1,35.6,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,123,1,22,1,92,1,1,2,3 -6865,0,0900,0,0800,1,1,60,4,1,2,,3,3,3,2,2,3,3,2,4,1,1,1,2,4,5,6,3,,2,3,,,3,3,1,4,4: Speed Unknown,,,3,,,,4,,1,1,1,1,1,2,2,2,3,3,,,3,2,1,84,2,,1,135,4,4,2,3 -6866,0,1539,0,,2,1,21,1,3,1,2,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,9,,,,,,Fall off horse,,2,2,2,,2,,2,2,2,2,2,1,2,1,2,2,1,110,1,18,1,90,2,1,2,2 -6867,0,0146,-1,2130,1,1,31,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,1,3,3,3,2,1,125,1,18,1,106,4,2,1,3 -6868,0,2025,0,1900,1,1,36,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,22,1,100,1,1,1,2 -6869,0,0805,0,0740,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,2,1,109,1,24,1,109,1,1,2,3 -6870,0,1312,0,1240,1,1,13,3,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,3: > 10 ft.,,,,,,,2,,1,1,2,,1,2,2,2,2,2,,,2,2,1,111,1,24,1,124,1,1,2,3 -6871,0,1944,0,1845,1,1,61.4,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,144,1,19,1,117,1,1,2,3 -6872,0,0740,0,0710,1,1,90,2,3,2,,2,2,2,2,2,2,1,3,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,3,2,,,2,3,1,144,1,16,1,99,3,2,3,3 -6873,0,0858,0,,2,1,66.5,1,1,1,1,1,1,2,2,2,1,1,2,1,2,2,2,2,1,2,1,14,,2,1,3,1,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,2,1,2,2,2,3,1,102,1,22,1,90,3,3,3,3 -6874,0,1451,0,,2,1,9.1,1,3,2,,2,3,3,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,2,1,9,,,,,,fell onto rails of crib striking abd and thigh,,2,2,2,,1,2,1,2,2,2,2,3,,,3,3,1,153,1,16,1,111,6,1,1,3 -6875,0,1753,0,,2,1,65,4,8,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,3,,1,2,2,2,2,2,,,2,2,1,116,1,14,1,99,2,2,2,3 -6876,0,,0,,2,2,25,4,8,2,,2,2,2,2,2,2,4,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,4,,2,,1,2,3,2,2,2,,,2,2,1,133,1,24,1,127,1,1,3,3 -6877,0,0000,-1,1830,1,1,11,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,113,1,24,1,136,1,1,1,3 -6878,0,,0,2010,1,2,63.5,4,4,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,1,2,2,,2,2,2,2,2,2,,,2,2,1,148,1,18,1,90,1,1,2,2 -6879,0,,0,,2,2,31.8,1,2,2,,2,2,2,2,2,1,1,1,1,2,2,2,2,1,1,1,15,,2,1,3,4,2,2,2,2,5: Physician did not answer,,,,,,off of a horse,2,,2,,1,2,1,2,3,2,2,3,,,1,4,1,84,1,18,1,92,5,5,2,3 -6880,0,1047,0,0900,1,1,57.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,"Assault by father, fist to abdomen",7,,2,,2,,1,2,2,2,2,2,,,2,3,1,126,1,20,1,89,1,1,2,3 -6881,0,,0,,2,2,27,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,122,1,18,1,88,1,1,2,3 -6882,0,0525,-1,2100,1,1,20.5,2,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,5,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,131,1,26,1,121,1,1,2,3 -6883,0,2100,0,2030,1,1,34,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,4,4,1,144,1,20,1,96,1,1,2,2 -6884,0,1955,0,,2,1,18,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,1,5,4,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,1,1,1,2,1,2,1,2,3,1,103,1,20,1,142,4,2,1,3 -6885,0,1350,0,,2,1,37.5,1,1,3,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,108,1,20,1,76,2,2,1,2 -6886,0,0037,-1,2230,1,1,60,4,8,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,APA,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,18,1,93,1,1,2,2 -6887,0,1511,0,1415,1,1,29,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,20,1,95,1,1,2,2 -6888,0,1034,0,1000,1,1,80,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,16,1,69,1,1,2,2 -6889,0,0938,0,0838,1,1,12.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,24,1,108,1,1,3,2 -6890,0,2050,0,2030,1,1,,,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,102,1,26,1,72,2,2,1,3 -6891,0,1740,0,1200,1,1,9,3,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,,,,,15,1,3,,,2,3,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,102,1,37,1,150,1,1,2,3 -6892,0,0854,-1,,2,1,86.1,1,2,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Football, lower back injury",,7,2,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,16,1,58,1,1,2,2 -6893,0,1940,0,,2,1,14,,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,1: < 5 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,4,4,1,119,1,44,1,156,1,6,2,2 -6894,0,2150,0,2100,1,1,5,4,8,2,,2,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,3,1,137,1,44,1,164,1,1,2,3 -6895,0,2142,0,,2,1,,,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,3,4,5,3,6,,3,3,,,3,3,3,9,,,,,,wrestling match accident,,7,2,2,,1,3,1,2,3,4,3,3,,,3,2,1,142,1,22,1,99,1,1,2,3 -6896,0,1926,0,1900,1,1,22.5,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,5,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,110,1,24,1,116,1,1,2,2 -6897,0,1816,0,,2,1,16,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,4,1,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,1,2,2,2,3,2,,,2,2,1,122,1,20,1,120,1,1,3,3 -6898,0,1826,0,1800,1,1,60,4,8,2,,1,1,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,1,2,1,2,2,2,3,1,2,1,3,2,1,131,1,21,1,116,3,2,1,3 -6899,0,1125,0,0950,1,1,54,4,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,119,1,24,1,91,1,1,1,2 -6900,0,2030,0,1930,1,1,17,1,3,1,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,3,,1,1,2,2,3,2,,,2,3,1,122,1,28,1,159,2,1,2,3 -6901,0,2128,0,,2,1,13,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,3,3,2,7,3: Unknown intentionality,,,,,,,7,,2,,1,1,1,2,2,2,2,2,,,2,2,1,89,1,23,1,135,1,1,3,3 -6902,0,1510,0,1300,1,1,74,4,11,2,,4,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,1,2,2,2,1,2,3,2,3,1,139,1,24,1,70,1,1,2,3 -6903,0,1840,0,1715,1,1,59,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,18,1,82,1,1,2,2 -6904,0,1609,0,1500,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,3,1,2,2,2,2,1,123,1,24,1,112,5,4,2,3 -6905,0,1724,0,,2,1,70,4,1,2,,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,2,1,2,3,2,2,1,122,1,20,1,60,2,1,2,2 -6906,0,0443,0,0100,1,1,25.6,1,3,1,1,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,1,2,1,2,2,2,1,1,1,2,2,1,106,1,24,1,122,2,1,2,2 -6907,0,0900,0,0830,1,1,66,1,8,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,1,2,2,2,2,1,2,2,2,3,1,143,1,18,1,123,2,1,2,3 -6908,0,1426,0,1300,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,1,1,2,1,2,2,4,1,11,,2,3,,,1,3,1,6,,,,,,,,6,,2,,1,2,1,2,2,2,2,1,1,3,2,2,1,130,2,,1,121,2,2,2,3 -6909,0,1240,0,,2,1,60,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,1,2,1,2,2,1,103,1,20,1,113,2,1,1,3 -6910,0,1400,0,1230,1,1,15,4,8,1,1,3,3,3,2,2,3,3,2,1,1,2,1,2,4,5,6,3,,1,3,,,2,3,1,1,3: > 40 mph,1,6,,,,,1,,2,,1,1,1,1,1,2,2,3,,,3,2,1,113,2,,1,108,2,2,2,3 -6911,0,1900,0,1800,1,1,15,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,4,4: Speed Unknown,,,1,,,(back-up),4,,2,,1,3,1,2,2,2,2,2,,,2,1,1,116,1,26,1,166,3,2,2,3 -6912,0,1501,0,1300,1,1,60,4,1,1,1,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,1,1,1,2,2,3,1,121,1,18,1,110,2,1,2,2 -6913,0,1634,0,1550,1,1,35,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,1,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,2,1,124,1,22,1,79,1,1,2,2 -6914,0,1407,0,,2,1,34.5,1,3,2,,2,2,2,2,2,3,3,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,3,,,2,3,1,94,1,16,1,67,2,1,2,2 -6915,0,0158,-1,,2,1,9.5,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,9,,,,,,Unwitnessed fall post playing with cousin,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,93,1,26,1,120,1,1,2,2 -6916,0,2035,0,2000,1,1,100,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,1,3,2,2,2,2,2,2,,,4,4,1,152,1,20,1,95,1,1,2,2 -6917,0,1739,0,1655,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,111,1,28,1,108,1,1,2,3 -6918,0,2133,0,,2,1,87.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,1,1,2,2,2,,,2,2,1,131,1,19,1,90,2,1,2,3 -6919,0,1744,0,,2,1,50,4,3,2,,3,3,3,2,2,3,3,2,2,1,1,2,2,,,,,6,2,3,,,1,3,1,6,,,,,,,,6,,1,2,1,1,1,2,2,2,1,3,,,3,2,1,143,1,16,1,104,4,4,2,3 -6920,0,1701,0,1530,1,1,18,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,1,2,3,3,1,2,1,3,3,1,99,1,20,1,101,5,3,2,3 -6921,0,1413,0,1330,1,1,50,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,3,1,2,1,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,124,1,32,1,83,2,1,2,2 -6922,0,1746,0,1715,1,1,21,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,121,1,20,1,116,2,1,1,3 -6923,0,1750,0,1700,1,1,24,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,127,1,20,1,82,1,1,2,2 -6924,0,1353,0,1215,1,1,88.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,2,,2,2,2,2,2,1,2,4,2,3,1,125,1,18,1,85,2,1,2,2 -6925,0,2015,0,,2,1,30,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,3,2,2,2,,,2,2,1,100,1,20,1,110,2,1,3,3 -6926,0,1115,0,,2,1,24,3,3,2,,4,4,4,4,4,3,3,2,3,1,3,3,3,4,5,6,3,,1,3,,,3,3,3,1,5: Physician did not answer,3,,,,,,1,,2,,1,1,1,2,3,4,4,4,,,4,4,1,107,2,,1,175,2,1,2,3 -6927,0,,0,,2,2,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,92,1,38,1,131,1,1,2,3 -6928,0,1938,0,,2,1,25,1,8,2,,2,2,2,2,2,3,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,3,,1,2,2,2,2,2,,,2,3,1,116,1,18,1,83,2,2,2,3 -6929,0,1830,0,1730,1,1,,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,140,1,24,1,100,1,1,2,3 -6930,0,1907,0,,2,1,25,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,1,6,2,2,1,107,1,24,1,110,1,1,2,3 -6931,0,1840,0,,2,1,40,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,4,4,2,5,,,,,2,,,5,,2,,2,,1,2,3,4,4,4,,,2,2,1,118,1,16,1,77,1,1,2,3 -6932,0,2105,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,3,2,,,2,3,1,131,1,40,1,84,1,1,2,2 -6933,0,1739,0,1430,1,1,,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,145,1,18,1,136,1,1,2,2 -6934,0,1540,0,1520,1,1,65,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,102,1,24,1,84,2,2,2,3 -6935,0,1211,0,1210,1,1,61.2,4,4,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Attempting Tackle, Thrown Backwards, Landed on Back",,7,2,1,2,1,1,1,2,2,2,2,2,,,2,2,1,142,1,21,1,88,4,1,3,3 -6936,0,1626,0,1600,1,1,,,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,3,2,2,2,1,96,1,32,1,100,4,2,2,3 -6937,0,1430,0,1350,1,1,80,4,1,1,2,3,3,3,2,2,3,3,2,1,2,2,2,2,3,4,2,9,,2,3,,,2,3,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,2,1,173,1,6,1,102,3,2,2,3 -6938,0,1610,0,1530,1,1,26,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,1,1: < 20 mph,4,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,24,1,96,1,1,2,2 -6939,0,1623,-1,,2,1,9.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,3,,,2,2,3,,1,22,1,156,1,1,1,2 -6940,0,0615,0,0530,1,1,,,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,5: Physician did not answer,2,,,,,,1,,2,,2,,1,2,2,2,2,1,1,3,2,2,1,128,1,31,1,132,3,2,2,3 -6941,0,1545,0,1533,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,112,1,22,1,110,1,1,1,2 -6942,0,1900,-1,2000,1,1,54.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,4,,,4,4,4,10,,,,,,,,10,,2,,1,1,1,1,2,2,2,1,3,2,4,3,1,100,1,18,1,71,3,1,2,3 -6943,0,1510,0,1400,1,1,27,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,1,2,2,,2,1,2,2,2,1,1,2,2,3,1,100,1,24,1,79,1,1,2,2 -6944,0,1230,0,1130,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,1,2,,2,2,2,2,2,2,,,2,3,1,115,1,16,1,76,1,1,2,2 -6945,0,2024,0,,2,1,23,1,1,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,3,2: 6-15,,,,,,,3,,2,,1,1,2,2,2,2,2,1,2,2,2,2,1,119,1,18,1,104,3,2,2,2 -6946,0,1833,0,1530,1,1,20,3,3,2,,3,3,3,2,1,3,3,2,2,1,1,1,2,4,5,2,7,,2,3,,,2,3,3,9,,,,,,Biked beneath a horse & was kicked- known skull fracture,,5,2,1,2,1,1,1,1,2,2,2,3,,,3,3,1,96,2,,1,96,3,1,1,3 -6947,0,1637,0,1615,1,1,,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,143,1,34,1,131,1,1,2,3 -6948,0,1001,0,0900,1,1,8.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,3,2: 6-15,,,,,,,3,,2,,3,,2,2,3,2,3,2,,,2,3,1,94,1,40,1,115,1,1,2,2 -6949,0,,0,,2,2,9.1,1,2,3,,4,4,4,4,4,3,3,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,2,3: > 10 ft.,,,,,,,2,,2,,1,3,2,1,2,2,2,3,,,3,3,3,,1,34,1,171,3,3,3,2 -6950,0,1846,0,,2,1,29.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,123,1,28,1,108,1,1,2,1 -6951,0,1213,0,0845,1,1,13,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,2,,1,20,1,82,6,6,3,2 -6952,0,1009,0,0745,1,1,53.5,,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,18,1,72,1,1,2,2 -6953,0,1130,0,0800,1,1,51.8,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,18,1,87,1,1,2,2 -6954,0,0911,0,0800,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,123,1,28,1,126,2,1,2,3 -6955,0,2300,0,1800,1,1,36.7,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,117,1,24,1,80,4,2,1,2 -6956,0,1137,0,1050,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,3,1,113,1,24,1,126,1,1,3,2 -6957,0,1114,0,,2,1,37.1,1,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,1,1,3,2,1,2,1,125,1,22,1,128,5,5,2,3 -6958,0,1751,0,,2,1,26.8,,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,101,1,21,1,96,1,1,2,2 -6959,0,1710,0,1640,1,1,27.2,1,8,1,3,1,3,3,2,2,1,1,2,2,2,2,2,2,2,1,1,14,,2,1,4,1,2,2,2,6,,,,,,,,6,,2,,1,2,1,1,2,2,2,1,2,1,2,2,1,125,1,24,1,102,4,3,2,3 -6960,0,,0,,2,2,35,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,3,2,,,2,2,1,123,1,22,1,104,1,1,2,3 -6961,0,1755,0,1430,1,1,13,3,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,,,,,15,2,2,,,1,2,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,4,1,100,1,26,1,105,1,1,2,3 -6962,0,2031,0,1930,1,1,45,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,gymnastic summersalt(ended on back),,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,119,1,22,1,84,1,1,2,3 -6963,0,0227,0,0150,1,1,,,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,115,1,22,1,100,4,3,2,3 -6964,0,1900,0,1815,1,1,27,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,110,1,20,1,118,1,1,2,3 -6965,0,1536,0,,2,1,40,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,108,1,18,1,80,1,1,2,3 -6966,0,1852,0,1800,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,7,,,,,1,,2,,2,,1,2,2,4,2,2,,,2,2,1,111,1,20,1,112,1,1,2,3 -6967,0,2354,0,,2,1,36,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Patient was tackled and people fell on him,,9,2,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,22,1,110,1,1,1,2 -6968,0,1955,0,,2,1,65,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,3,,2,2,2,2,2,2,,,2,3,1,117,1,22,1,103,2,1,2,2 -6969,0,2019,0,,2,1,8.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,4,,2,2,2,2,2,2,,,2,3,1,126,1,32,1,120,1,1,2,2 -6970,0,1910,0,,2,1,5.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,"Fell off of car seat, landed on concrete",,2,2,2,,2,,2,2,2,2,2,2,,,4,4,1,104,1,36,1,136,2,2,2,2 -6971,0,0930,0,0900,1,1,57,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,144,1,20,1,144,1,1,2,3 -6972,0,1143,0,1100,1,1,34.5,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,3,2,,,2,2,1,121,1,32,1,93,1,1,2,3 -6973,0,1045,0,1000,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,108,1,34,1,154,1,1,2,2 -6974,0,2121,0,2030,1,1,40.8,1,4,1,4,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,1,2,1,2,2,2,,,2,3,1,85,1,25,1,110,1,1,2,3 -6975,0,1905,0,,2,1,15.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,116,1,24,1,120,1,1,2,3 -6976,0,1340,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,5,,,,,3,,,5,,2,,3,,2,2,2,2,3,2,,,2,3,1,137,1,36,1,112,2,1,2,2 -6977,0,1925,0,,2,1,65,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,1,1,2,2,2,1,116,1,77,1,102,1,1,2,3 -6978,0,2018,0,1945,1,1,88.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,119,1,16,1,85,1,1,1,2 -6979,0,2011,0,,2,1,36.4,1,3,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Blunt trauma to back and fall to ground with multiple people landing on him during football game.,,7,2,2,,1,2,2,2,2,2,2,1,2,1,2,3,1,133,1,18,1,92,1,1,2,2 -6980,0,2058,0,2000,1,1,60,4,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,2,2,1,1,2,2,1,2,2,2,3,1,153,1,16,1,87,4,1,2,2 -6981,0,1840,0,1730,1,1,63.6,1,3,1,1,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,2,1,2,3,1,115,1,20,1,83,3,1,2,2 -6982,0,2151,0,1700,1,1,33,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,30,1,74,1,1,2,2 -6983,0,1751,0,,2,1,17,4,3,2,,3,3,3,1,2,3,3,2,2,1,1,1,2,4,5,6,3,,3,4,,,4,4,4,10,,,,,,,,10,,2,,1,3,1,2,2,2,3,3,,,3,2,1,169,2,,1,180,2,2,3,3 -6984,0,1830,0,1800,1,1,34,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,121,1,18,1,92,1,1,2,2 -6985,0,1824,0,,2,1,18,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,1,2: 20 - 40 mph,3,,,,,,1,,2,,1,2,2,2,2,2,2,2,,,2,2,1,117,1,22,1,120,1,1,2,2 -6986,0,2250,0,0700,1,1,28.8,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,4,,4,,2,2,3,2,2,1,2,1,2,2,1,105,1,20,1,77,6,6,3,2 -6987,0,1217,0,1145,1,1,77,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,2,1: < 3 ft.,,,,,,making basketball layup - collision - does not recall event awoke on friend,2,,2,,2,,2,2,2,2,2,1,2,3,2,4,1,125,1,12,1,72,2,2,2,2 -6988,0,1617,0,1540,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,109,1,27,1,113,1,1,2,2 -6989,0,2025,0,2000,1,1,59,1,8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,131,1,34,1,102,5,4,1,3 -6990,0,1430,0,,2,1,54.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,2,,2,2,2,4,2,2,,,2,3,1,120,1,20,1,80,1,1,1,2 -6991,0,1730,0,1630,1,1,54.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,1,2,2,,2,2,2,2,2,1,1,3,2,3,1,132,1,18,1,76,1,1,2,2 -6992,0,1642,0,,2,1,60,4,1,2,,3,3,3,1,2,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,3,3,2,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,1,2,2,2,3,3,,,3,2,1,164,1,21,1,132,2,1,2,3 -6993,0,0300,0,0030,1,1,56.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,1,2,2,,2,2,2,2,2,1,1,3,2,2,1,133,1,18,1,95,2,1,2,2 -6994,0,2344,0,2130,1,1,18,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,103,1,16,1,102,1,1,2,2 -6995,0,1225,0,0900,1,1,21.3,1,3,1,1,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,1,2,1,2,1,1,2,2,2,2,,,2,2,1,113,1,32,1,111,3,1,1,3 -6996,0,1649,0,1630,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,1,2,,,2,2,1,94,1,40,1,170,1,1,2,2 -6997,0,2146,0,2045,1,1,61.2,1,4,2,,2,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,1,1,2,2,2,2,3,2,2,,,2,3,1,135,1,30,1,102,1,1,2,2 -6998,0,1650,0,,2,1,100,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,3,4,3,2,,,2,2,1,124,1,28,1,87,1,6,3,3 -6999,0,1845,0,,2,1,60,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,14,1,81,1,1,2,2 -7000,0,2134,0,2000,1,1,61.5,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,132,1,16,1,74,2,1,2,3 -7001,0,1745,0,1700,1,1,70,4,8,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,3: > 20 mph,,,4,,,,4,,2,,1,2,1,1,3,1,3,1,2,1,2,2,1,146,1,17,1,101,3,2,2,3 -7002,0,1830,0,,2,1,5.6,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,137,1,16,1,61,1,1,2,2 -7003,0,1730,0,1700,1,1,50,4,3,2,,2,2,1,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,2,1,2,2,2,2,1,1,2,2,2,1,128,1,18,1,82,1,1,2,3 -7004,0,1600,0,1515,1,1,93,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,4,3: > 20 mph,,,4,,,,4,,2,,1,1,1,1,2,4,3,1,2,3,2,3,1,124,1,14,1,92,3,1,2,3 -7005,0,0240,0,0052,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,122,1,34,1,158,1,1,2,2 -7006,0,2327,0,2245,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,3,2,,,2,3,1,102,1,25,1,94,1,1,2,2 -7007,0,1945,0,1820,1,1,20,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,108,1,24,1,125,1,1,2,3 -7008,0,1853,0,1730,1,1,68,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,2,1,2,2,2,2,2,,,2,2,1,119,1,20,1,95,2,2,1,3 -7009,0,1930,0,1915,1,1,27,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,150,1,26,1,144,2,1,1,2 -7010,0,0000,-1,1430,1,1,70,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Assult,,7,2,2,,2,,1,2,2,2,3,2,,,2,3,1,112,1,12,1,62,1,1,2,3 -7011,0,1802,0,,2,1,20.4,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,142,1,28,1,107,1,1,2,2 -7012,0,1645,-1,1900,1,1,47,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,1,3,4,2,2,1,102,1,20,1,96,1,1,2,2 -7013,0,2340,0,1630,1,1,32.4,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Fall (trip on hose) onto metal edge of window well,,2,2,1,2,1,1,2,1,2,2,2,1,1,2,2,3,1,118,1,20,1,86,3,1,2,2 -7014,0,1848,0,0500,1,1,61.4,1,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,7,1: Intentional,,,,,,,7,,1,1,2,,2,2,2,2,2,1,1,2,2,3,1,106,1,18,1,84,1,1,2,2 -7015,0,2038,0,1700,1,1,46.7,2,2,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell 5ft off of pyramid during cheerleading,,2,2,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,108,1,16,1,94,2,1,2,2 -7016,0,1355,0,1130,1,1,17.7,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,1,2,1,1,2,2,2,2,,,2,2,1,140,1,36,1,120,2,1,1,3 -7017,0,2031,0,1730,1,1,54,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,4,,1,1,1,2,2,2,2,1,3,2,2,3,1,132,1,18,1,78,4,1,2,3 -7018,0,1832,0,1730,1,1,52.6,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Ejected off horse,,9,2,1,2,1,1,2,2,2,2,2,1,1,4,2,3,1,124,1,12,1,83,2,1,2,2 -7019,0,1600,0,1300,1,1,50,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,4,,,2,3,1,120,1,18,1,107,1,1,2,2 -7020,0,2045,0,,2,1,63.6,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,3,,,3,3,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,3,2,,,2,3,1,148,1,18,1,100,2,1,1,3 -7021,0,1330,0,1300,1,1,45,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,1,1,1,2,2,2,2,1,2,3,2,2,1,118,1,20,1,106,2,2,2,3 -7022,0,2052,0,,2,1,44,1,3,2,,2,2,2,2,2,1,1,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,3,,2,2,2,2,2,1,1,3,2,3,1,114,1,19,1,98,2,1,2,2 -7023,0,1700,0,1630,1,1,31,,8,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,18,1,90,1,1,2,2 -7024,0,0102,0,,2,1,60,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,4,,1,1,2,2,2,2,2,2,,,2,2,1,106,1,18,1,55,3,1,2,2 -7025,0,1509,0,1420,1,1,60,2,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,118,1,20,1,98,1,1,1,2 -7026,0,1850,0,1700,1,1,,,3,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,1,4,,,2,3,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,82,1,36,1,180,1,1,2,2 -7027,0,1850,0,1545,1,1,,,8,2,,3,3,3,2,2,3,3,3,3,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,2,4: Unknown,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,2,1,143,1,24,1,84,1,1,2,3 -7028,0,0132,-1,1600,1,1,60,4,3,2,,3,3,3,2,2,3,3,2,3,1,2,1,2,4,5,6,3,,2,3,,,3,3,3,9,,,,,,assault-pushed against a wall,,7,2,2,,1,3,1,2,2,2,3,3,,,3,2,1,152,2,,1,70,2,1,1,3 -7029,0,1900,0,,2,1,29,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,1,2,2,2,4: Unknown,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,109,1,22,1,114,1,1,2,3 -7030,0,,0,2000,1,2,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,14,,1,3,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,1,2,2,2,2,2,1,2,,,2,3,1,105,1,28,1,118,2,2,1,2 -7031,0,1921,0,,2,1,40,,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,2,7,,2,3,,,1,3,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,2,2,2,3,3,,,3,2,1,116,1,32,1,72,3,1,2,3 -7032,0,2050,0,,2,1,62.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,18,1,94,1,1,1,2 -7033,0,1625,0,,2,1,,,1,2,,2,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,4,,2,,2,2,2,2,2,2,,,2,2,1,117,1,19,1,94,1,1,2,2 -7034,0,1445,0,1400,1,1,43,2,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,2,4: Unknown,,,,,,,2,,2,,1,3,2,2,2,2,3,1,2,2,2,3,1,110,1,18,1,113,3,2,2,2 -7035,0,1534,0,,2,1,50,1,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,152,1,16,1,106,1,1,1,3 -7036,0,1302,0,,2,1,45,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Snowboard fall. helmet.,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,91,1,20,1,77,1,1,3,2 -7037,0,2051,0,1800,1,1,45,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Assault,,7,2,2,,2,,2,2,2,2,2,1,2,2,2,2,1,136,1,80,1,94,1,1,1,2 -7038,0,1956,0,1900,1,1,72.5,4,4,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,1,1,1,1,1,2,2,3,2,,,2,2,1,145,1,20,1,66,2,1,2,3 -7039,0,1444,0,,2,1,45,1,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,131,1,16,1,87,1,1,2,2 -7040,0,0105,0,0045,1,1,72,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,18,1,64,1,1,2,2 -7041,0,2325,0,2130,1,1,35.4,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,1,1,2,1,1,2,2,1,1,3,2,3,1,111,1,22,1,109,2,1,2,2 -7042,0,1415,0,1340,1,1,10,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,2,,3,,1,2,2,1,3,3,,,3,2,1,105,1,69,1,186,2,2,2,3 -7043,0,1844,0,,2,1,10.4,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,114,1,24,1,120,2,1,1,3 -7044,0,0115,0,0030,1,1,45,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,3,2,,,2,3,1,132,1,12,1,76,1,1,2,2 -7045,0,2137,0,1755,1,1,30.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,1,3,2,2,1,106,1,24,1,108,2,1,1,2 -7046,0,0940,0,0900,1,1,57,1,11,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,150,1,16,1,61,1,1,1,3 -7047,0,2045,0,2030,1,1,30,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,20,1,82,2,2,1,2 -7048,0,1650,0,1630,1,1,,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,3,2,,,2,3,1,140,1,18,1,80,1,1,1,2 -7049,0,1800,0,1300,1,1,42,1,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,102,1,18,1,76,1,1,2,2 -7050,0,2202,0,2130,1,1,30,4,2,1,4,1,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,14,,2,1,1,1,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,1,2,3,1,1,1,2,3,1,139,1,23,1,114,2,2,2,3 -7051,0,2211,0,1130,1,1,52.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,tackled by player in front-abdomen,,7,2,4,,1,2,2,2,2,2,2,2,,,2,2,1,105,1,14,1,72,1,1,1,2 -7052,0,2151,0,2000,1,1,65,1,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,114,1,20,1,86,1,1,2,2 -7053,0,2230,0,1600,1,1,21.8,1,3,2,,2,2,2,2,2,2,3,3,1,2,2,2,2,1,1,1,15,,2,1,4,2,1,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,1,3,2,3,3,1,129,4,,1,122,3,1,2,3 -7054,0,1600,0,,2,1,9.1,1,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,24,1,120,3,1,2,2 -7055,0,1811,0,1715,1,1,17.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,2,,,2,3,1,112,1,24,1,108,3,1,2,2 -7056,0,1723,0,1600,1,1,68,2,4,2,,2,2,2,2,2,2,2,2,1,1,1,1,1,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,6,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,141,1,15,1,86,2,2,2,3 -7057,0,0814,0,0700,1,1,32,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,1: < 5 mph,,,3,,,,4,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,115,1,20,1,67,1,1,2,2 -7058,0,1415,0,1330,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,"Pt on top of car ""car surfing""",2,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,20,1,82,3,1,2,3 -7059,0,1627,0,1500,1,1,69,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,134,1,16,1,62,1,1,2,2 -7060,0,1510,0,1415,1,1,42,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,116,1,18,1,96,1,1,3,2 -7061,0,1818,0,,2,1,51.8,1,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,9,,,,,,rough housing with cousin who fell on top of patient,,7,2,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,127,1,18,1,76,2,1,2,2 -7062,0,0900,0,0800,1,1,47,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,104,1,16,1,80,1,1,1,2 -7063,0,1000,0,,2,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,2,2,2,2,2,1,1,2,2,2,1,118,1,30,1,108,2,2,2,2 -7064,0,0012,-1,1200,1,1,20.8,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,6,,,,,,,fell backwards off golf cart,6,,2,,2,,1,2,2,2,1,2,,,2,3,1,93,1,18,1,98,1,1,2,3 -7065,0,1800,0,1730,1,1,48,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,20,1,108,1,1,2,2 -7066,0,0940,0,0715,1,1,26,3,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,3,1,114,1,14,1,112,1,1,2,2 -7067,0,2355,0,2330,1,1,60,4,1,2,,2,3,3,2,2,2,1,2,1,2,2,2,2,1,4,2,11,,3,2,,,3,1,1,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,1,2,2,2,3,3,,,2,2,1,91,1,20,1,144,3,1,3,3 -7068,0,0852,0,,2,1,34.4,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,3,,2,2,2,2,3,1,1,2,2,3,1,117,1,20,1,71,2,1,2,2 -7069,0,2040,0,2000,1,1,84.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,2,2,2,2,3,1,2,2,2,3,1,110,1,16,1,80,3,1,2,2 -7070,0,2340,0,2300,1,1,70,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,2,1,1,1,2,3,1,153,1,16,1,93,1,1,2,2 -7071,0,1915,0,,2,1,18,3,8,1,4,3,3,3,2,1,3,3,2,3,2,2,2,2,4,5,6,3,,2,3,,,3,3,3,1,4: Speed Unknown,2,,,,,,1,,1,1,1,2,1,2,2,2,3,3,,,3,2,3,,4,,3,,2,2,3,3 -7072,0,1413,0,1200,1,1,25,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,100,1,20,1,81,3,3,2,2 -7073,0,2000,0,1900,1,1,58,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,3,2,1: < 3 ft.,,,,,,,2,,2,,1,2,2,2,2,2,2,1,3,1,2,2,1,122,1,28,1,128,2,2,2,2 -7074,0,1500,0,1400,1,1,60,,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,3,1,117,1,16,1,64,1,1,1,2 -7075,0,1046,0,0930,1,1,18.6,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,2,2,1,2,2,2,1,2,3,2,3,1,107,1,20,1,98,3,3,1,2 -7076,0,1511,0,1400,1,1,68.6,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,1,1,2,,2,2,2,2,2,1,1,2,2,3,1,113,1,18,1,88,2,1,3,2 -7077,0,1658,0,1600,1,1,28,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,20,1,100,1,1,2,2 -7078,0,1250,0,1145,1,1,11,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,2,,,2,2,1,124,1,24,1,130,2,1,3,3 -7079,0,2209,0,2100,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,117,1,20,1,86,1,1,2,3 -7080,0,1734,-1,2330,1,1,53.6,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,119,1,14,1,68,1,1,2,2 -7081,0,2104,0,,2,1,60.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,132,1,26,1,124,1,1,1,2 -7082,0,1645,0,,2,1,30,2,8,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,1,2,,,2,2,1,114,1,28,1,114,1,1,1,3 -7083,0,2200,0,2100,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,116,1,20,1,89,1,1,2,3 -7084,0,1141,0,,2,1,,,3,1,3,3,3,3,2,2,3,3,2,3,2,2,2,2,4,2,1,11,,1,4,,,3,3,3,8,,,,,,,appears to be physically abused- assaulted,8,,2,,1,1,1,2,2,2,2,3,,,3,3,1,95,1,27,1,176,5,3,2,3 -7085,0,1720,0,,2,1,70,,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,4,,1,3,2,2,2,2,2,1,2,4,2,3,1,132,1,16,1,80,3,1,1,2 -7086,0,1435,0,1415,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,1,3,,,2,3,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,113,1,24,1,128,2,1,2,3 -7087,0,2000,0,2000,1,1,70,4,3,1,2,1,1,1,2,2,3,3,2,1,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,1,2,1,1,2,2,3,2,,,2,2,1,90,1,22,1,105,5,5,2,3 -7088,0,2103,0,,2,1,43.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,2,2,3,2,,,2,3,1,111,1,22,1,96,1,1,2,2 -7089,0,1633,0,1430,1,1,45,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,24,1,107,1,1,2,2 -7090,0,1048,0,0845,1,1,50,4,8,2,,2,2,2,2,2,1,1,2,1,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,1,2,2,,1,1,3,2,3,1,3,3,2,3,1,112,1,30,1,110,5,5,2,3 -7091,0,1645,0,1630,1,1,32,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,134,1,28,1,130,2,1,1,3 -7092,0,1821,0,1749,1,1,17,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,110,1,24,1,112,1,1,2,2 -7093,0,1730,0,1700,1,1,45,1,3,2,,2,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,18,1,80,1,1,1,2 -7094,0,2230,0,,2,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,3,2,2,,,2,2,1,115,1,20,1,150,1,1,2,2 -7095,0,1530,0,1500,1,1,23.5,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,4,,1,1,1,1,2,2,2,1,2,2,2,3,1,119,1,18,1,86,1,1,2,3 -7096,0,1720,0,1600,1,1,36.4,1,8,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,2,2,1,2,1,111,1,22,1,77,4,2,2,3 -7097,0,0130,0,0100,1,1,14.5,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,1,2,2,2,2,2,2,2,,,2,2,1,94,1,20,1,120,2,2,2,2 -7098,0,2000,0,1930,1,1,52,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,helmet to helmet collision,,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,18,1,103,2,2,2,2 -7099,0,1525,0,1415,1,1,60,1,8,1,2,1,2,2,2,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Physical Assault,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,18,1,83,1,1,2,2 -7100,0,2100,0,1900,1,1,6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,99,1,36,1,120,1,1,2,2 -7101,0,1139,0,,2,1,81.6,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,4,2,5,,,,,2,,,5,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,153,1,16,1,103,1,1,2,2 -7102,0,1615,0,1600,1,1,79,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,127,1,18,1,84,2,1,2,3 -7103,0,0520,0,,2,1,,,3,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,1,2,9,,,,,,Assult,,7,2,2,,2,,2,2,2,2,3,1,1,2,2,3,1,136,1,20,1,91,1,1,2,2 -7104,0,1910,0,1830,1,1,20,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,1,4,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,2,,,2,2,1,118,1,37,1,128,2,2,2,3 -7105,0,1635,0,,2,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,150,1,26,1,90,1,1,1,2 -7106,0,1537,0,1430,1,1,37.2,1,3,2,,1,2,2,2,2,1,2,1,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,105,1,22,1,88,1,1,2,2 -7107,0,1645,0,1500,1,1,17.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,1: < 20 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,102,1,28,1,120,1,1,3,2 -7108,0,1951,0,,2,1,8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,4,2,9,,,,,,suspected abuse,,7,2,2,,4,,2,2,2,2,2,2,,,2,3,1,99,1,36,1,132,2,1,2,2 -7109,0,1529,0,1515,1,1,100,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,3,1,2,,,2,2,1,109,1,21,1,84,1,1,3,3 -7110,0,1530,0,1430,1,1,55,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Patient fell from jet ski onto water,,9,2,2,,2,,1,2,2,2,2,2,,,2,4,1,122,1,18,1,98,2,1,3,3 -7111,0,1326,0,1200,1,1,33.6,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,4,2,2,,,2,2,1,138,1,16,1,98,1,1,2,2 -7112,0,1911,0,1900,1,1,22.5,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,5,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,111,1,24,1,108,1,1,3,2 -7113,0,1708,0,1645,1,1,,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,3,1,121,1,25,1,76,1,1,2,3 -7114,0,1929,0,,2,1,14,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,riding on motorcycle,5,,2,,2,,2,2,2,3,3,2,,,2,2,1,142,1,24,1,154,1,1,1,2 -7115,0,1711,0,,2,1,40.6,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,1,2,2,2,2,,,2,3,3,,1,20,1,100,1,1,1,2 -7116,0,1825,0,0030,1,1,56,1,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,2,3,2,3,1,126,1,22,1,119,1,1,1,1 -7117,0,1043,0,,2,1,68,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,115,1,16,1,78,1,1,1,3 -7118,0,1635,0,,2,1,53.8,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,2,,,5,,2,,1,1,2,2,2,2,2,1,1,3,2,4,1,114,1,16,1,82,4,3,2,2 -7119,0,1437,0,,2,1,90,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,7,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,144,1,18,1,85,2,1,2,2 -7120,0,,0,,2,2,22,1,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,20,1,118,1,1,2,2 -7121,0,2058,0,1950,1,1,16.8,2,2,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,24,1,114,1,1,2,2 -7122,0,1727,0,1700,1,1,75,4,1,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,5,4,,2,3,,,3,3,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,1,3,2,2,3,,,3,2,1,100,1,28,1,152,2,2,2,3 -7123,0,1824,0,,2,1,60,4,8,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,skiing accident,,2,2,2,,1,1,1,2,2,2,2,1,3,1,2,3,1,115,1,24,1,120,3,2,2,3 -7124,0,0030,-1,1830,1,1,12,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,1: < 3 ft.,,,,,,,2,,2,,1,2,1,2,2,2,3,2,,,2,2,1,113,1,26,1,95,1,1,3,3 -7125,0,1730,0,1700,1,1,45,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,2,2,2,2,2,1,1,2,2,2,1,127,1,18,1,99,1,1,2,2 -7126,0,0834,0,0700,1,1,65,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,11,1,52,1,1,1,2 -7127,0,0741,0,0710,1,1,44.5,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,4,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,134,1,32,1,115,1,1,2,2 -7128,0,1301,0,,2,1,,,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,162,1,35,1,91,1,1,2,2 -7129,0,2200,0,,2,1,60,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,3,1,1,2,2,3,1,102,1,18,1,73,2,1,2,2 -7130,0,1603,0,1530,1,1,44.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,15,1,90,1,1,1,2 -7131,0,1845,0,1800,1,1,63,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,3,2,,,2,3,1,137,1,30,1,92,1,1,2,3 -7132,0,0359,0,0309,1,1,70,4,3,2,,2,2,1,1,2,2,1,2,2,2,2,2,1,1,2,1,14,,1,1,3,2,2,1,2,1,3: > 40 mph,2,,,,,,1,,2,,1,3,1,2,2,2,2,1,3,2,2,3,1,104,1,22,1,119,4,2,2,3 -7133,0,1549,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,16,1,100,1,1,2,2 -7134,0,1957,0,1915,1,1,69,4,4,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,5: Physician did not answer,4,,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,159,1,18,1,68,1,1,2,3 -7135,0,2317,0,1900,1,1,48.9,1,8,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,knee vs left flank during soccer game,,7,2,2,,1,2,1,2,2,2,3,1,1,5,2,3,1,115,1,18,1,88,4,1,1,3 -7136,0,1755,0,1715,1,1,12,4,3,2,,3,3,3,1,1,3,3,2,4,1,1,1,2,3,4,2,9,,1,3,,,3,3,3,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,1,3,3,,,3,3,1,80,1,40,1,170,4,2,3,3 -7137,0,2337,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,146,1,18,1,86,1,1,1,2 -7138,0,0015,-1,2345,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,1,2,2,2,2,,,2,3,1,148,1,36,1,121,1,1,2,2 -7139,0,1910,0,1800,1,1,56,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"sledding, went over bump 3 feet in air, landed on front",,9,2,2,,2,,2,2,2,2,2,1,1,4,2,3,1,124,1,20,1,119,1,1,2,2 -7140,0,0530,0,0435,1,1,60,2,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,2,,,,,1,,1,2,1,3,1,2,2,2,2,2,,,2,3,1,149,1,16,1,64,2,2,2,3 -7141,0,2222,0,,2,1,22.7,1,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,3,1,101,1,20,1,90,2,1,2,3 -7142,0,0720,0,0700,1,1,50,4,1,2,,1,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,110,1,22,1,120,1,1,2,3 -7143,0,1110,0,,2,1,15,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,106,1,23,1,120,1,1,2,2 -7144,0,1330,-1,,2,1,69,1,2,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,1,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,16,1,74,2,1,2,2 -7145,0,0949,0,0930,1,1,5.5,2,3,2,,2,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,1,4,,,,but seat not clicked into base,1,,2,,2,,2,2,2,2,4,2,,,3,3,1,99,1,47,1,220,1,1,2,2 -7146,0,1748,0,,2,1,15,,8,2,,3,3,3,2,2,3,3,2,3,1,1,1,1,4,5,6,3,,2,3,,,3,3,3,9,,,,,,found unresponsive with a bruise on forehead,,9,2,2,,1,1,1,2,2,2,2,3,,,3,3,1,116,2,,1,114,3,1,1,3 -7147,0,2215,0,1600,1,1,28,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,1,3,2,1,2,2,2,1,1,2,2,3,1,110,1,18,1,90,2,1,1,2 -7148,0,2359,0,2300,1,1,75,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,16,1,94,1,1,2,2 -7149,0,1718,0,1700,1,1,51,2,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,kicked and punched,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,140,1,18,1,112,1,1,2,2 -7150,0,0730,0,0700,1,1,30,4,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,3,3,8,,2,3,,,3,3,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,1,3,3,,,3,3,1,98,1,24,1,170,4,3,2,3 -7151,0,2345,0,,2,1,70,4,8,2,,3,3,3,2,2,3,3,2,2,1,1,1,1,4,5,2,7,,2,3,,,3,3,1,9,,,,,,Jumped from moving car @ 30 mph,,9,1,2,,2,,1,2,2,2,3,3,,,3,3,1,113,2,,1,78,2,1,2,3 -7152,0,1400,0,1330,1,1,13,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,4,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,1,2,,,2,3,1,110,1,30,1,90,1,1,3,3 -7153,0,2113,0,1930,1,1,,,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Football Tackle,,7,2,2,,1,3,2,2,2,2,3,1,1,1,2,3,1,150,1,18,1,92,1,1,2,2 -7154,0,1930,0,1900,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,152,1,21,1,90,1,1,2,3 -7155,0,0822,-1,1300,1,1,52,1,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Patient was kicking ball,,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,121,1,16,1,62,1,1,3,2 -7156,0,2030,0,1700,1,1,31,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,4,,,,,,1,,2,,2,,2,2,2,2,3,1,1,1,2,3,1,92,1,20,1,73,1,1,1,2 -7157,0,1345,-1,2000,1,1,90,2,2,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,pushed while in air in chest while playing basketball,,7,2,2,,1,3,2,2,2,2,2,1,2,1,2,3,1,150,1,24,1,84,3,1,2,2 -7158,0,1500,0,1400,1,1,70,4,1,2,,4,4,4,4,4,2,1,2,1,2,2,2,2,,2,,,14,2,2,,,2,2,1,9,,,,,,Horse fall,,2,2,2,,1,1,1,2,2,2,3,2,,,2,3,1,102,1,16,1,103,3,1,2,3 -7159,0,1917,0,1900,1,1,55,4,8,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,121,1,18,1,88,1,1,2,2 -7160,0,1630,0,1430,1,1,50,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Snowboarding accident,,2,2,2,,2,,2,2,2,2,3,2,,,2,3,1,120,1,18,1,100,1,1,2,2 -7161,0,2057,0,2000,1,1,15.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,22,1,110,1,1,2,2 -7162,0,1904,0,1800,1,1,19,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,2,,,2,2,1,115,1,24,1,88,1,1,2,2 -7163,0,2000,0,1900,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,2,2,2,2,1,2,1,2,1,2,3,1,142,1,24,1,130,3,3,1,2 -7164,0,1546,0,,2,1,35,4,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,124,1,20,1,69,1,1,1,2 -7165,0,2207,0,,2,1,,,2,2,,2,2,2,2,2,2,2,2,2,1,1,1,2,1,1,1,15,,1,3,,,2,3,1,8,,,,,,,,8,,2,,2,,1,2,2,2,3,2,,,2,3,1,75,1,24,1,175,1,1,2,3 -7166,0,1355,0,1330,1,1,18,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,1,2,1,1,1,2,2,2,3,1,1,2,2,2,1,98,1,36,1,133,3,1,2,3 -7167,0,1930,0,1900,1,1,35,1,1,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,118,1,20,1,98,1,1,3,3 -7168,0,2151,0,2100,1,1,75,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,100,1,16,1,84,1,1,2,2 -7169,0,1500,0,,2,1,18,4,3,1,4,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,ATV,,6,2,1,2,2,,1,2,2,2,2,2,,,2,3,1,105,1,37,1,105,2,2,2,3 -7170,0,1400,0,,2,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,126,1,24,1,116,1,1,2,3 -7171,0,1757,0,1730,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,12,,2,1,4,3,2,2,3,4,3: > 20 mph,,,4,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,140,1,20,1,106,2,2,2,3 -7172,0,0850,-1,1800,1,1,73.3,1,3,1,2,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Climbing barb wire fence-cut back; denies fall,,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,20,1,88,1,1,2,2 -7173,0,0825,0,0730,1,1,41,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,104,1,20,1,112,5,4,1,3 -7174,0,,0,,2,2,70,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,3,1,122,1,11,1,112,1,1,2,3 -7175,0,0810,-1,1600,1,1,38,1,3,2,,1,1,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,2,2,2,2,3,1,2,3,2,2,1,122,1,16,1,71,2,1,2,2 -7176,0,0838,0,,2,1,24.9,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,4,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,98,1,16,1,85,1,1,2,2 -7177,0,2306,0,2200,1,1,75.7,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,1,1,1,3,1,2,2,2,2,2,,,2,2,1,140,1,20,1,110,2,1,2,3 -7178,0,1834,0,,2,1,8.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,109,1,42,1,201,2,1,2,3 -7179,0,1046,0,1001,1,1,49.8,1,3,3,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,3,4,,,4,4,4,1,5: Physician did not answer,4,,,,,,1,,4,,4,,2,4,2,2,2,4,,,2,2,1,121,1,20,1,68,1,1,3,2 -7180,0,0850,0,0800,1,1,88.4,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,4,2,1,1,2,2,3,1,151,1,18,1,89,2,1,2,2 -7181,0,1646,0,,2,1,9.5,,8,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,2,2,13,,1,3,,,2,3,3,8,,,,,,,,8,,2,,2,,1,2,2,2,2,3,,,3,2,1,59,1,48,1,195,2,1,1,3 -7182,0,2013,0,2000,1,1,,,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,3,1,8,,,,,,,Burns with elevated LFT's,8,,2,,1,3,1,2,2,2,2,1,1,1,2,3,2,,1,28,1,160,4,2,1,3 -7183,0,,0,,2,2,45,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,115,1,15,1,88,1,1,2,3 -7184,0,1800,0,1700,1,1,45,1,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,2,2,2,2,2,2,1,2,2,2,3,1,118,1,20,1,90,3,2,1,2 -7185,0,1752,0,1700,1,1,61.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,102,1,26,1,96,1,1,2,3 -7186,0,1601,0,1445,1,1,56,1,3,2,,2,2,2,2,2,1,1,1,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,2,,,2,2,1,116,1,18,1,93,2,2,2,3 -7187,0,1745,0,1700,1,1,29,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,2,,1,2,2,2,2,1,1,1,2,2,1,106,1,28,1,100,3,2,1,3 -7188,0,1637,0,1530,1,1,38,1,3,2,,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,3,1,2,1,2,3,1,104,1,18,1,116,4,2,1,3 -7189,0,1640,0,1600,1,1,55,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,1,1,4: Speed Unknown,1,2,,,,,1,,2,,1,3,1,1,1,2,3,1,1,2,2,2,1,128,1,24,1,106,2,2,2,3 -7190,0,1443,0,,2,1,60,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,2,,2,2,2,2,1,1,1,1,2,3,1,100,1,24,1,74,1,1,2,2 -7191,0,1805,0,1653,1,1,17.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,4,1,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,105,4,,1,130,1,1,2,2 -7192,0,1421,0,1100,1,1,69,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,18,1,88,1,1,2,2 -7193,0,1954,0,,2,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,1,2,3,2,2,1,1,2,2,3,1,131,1,24,1,126,3,2,2,3 -7194,0,0800,0,0705,1,1,59,,3,2,,2,2,2,2,2,1,4,4,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,124,1,22,1,96,1,1,2,2 -7195,0,2016,0,1940,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,115,1,22,1,125,1,1,2,3 -7196,0,1500,0,0400,1,1,59.1,2,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,140,1,16,1,75,1,1,1,2 -7197,0,1723,0,1430,1,1,68.8,1,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,16,1,80,1,1,2,2 -7198,0,2326,0,,2,1,55,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,2,1,2: 20 - 40 mph,1,7,,,,,1,,2,,1,3,2,1,1,2,1,1,2,3,2,3,1,119,1,35,1,120,3,2,2,2 -7199,0,2055,0,2030,1,1,21,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,4,,,5,,2,,2,,2,1,2,2,1,2,,,2,3,1,113,1,20,1,108,1,1,1,2 -7200,0,1200,0,1100,1,1,45,4,3,3,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from horse,,2,2,2,,1,1,1,2,2,2,2,2,,,2,3,1,122,1,18,1,94,4,2,2,3 -7201,0,1323,0,,2,1,30.2,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,106,1,20,1,93,1,1,2,2 -7202,0,2104,0,,2,1,13,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,3,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,119,1,32,1,154,1,1,2,2 -7203,0,0705,0,0650,1,1,77,1,3,2,,1,1,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,3,1,2,3,1,144,1,24,1,89,2,1,2,3 -7204,0,1902,0,1830,1,1,25,3,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,3,1,100,1,24,1,97,1,1,2,3 -7205,0,1210,0,1115,1,1,,,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,112,1,12,1,93,1,1,2,3 -7206,0,1330,0,0930,1,1,36,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,4,2,1,3: > 40 mph,1,2,,,,,1,,2,,2,,1,1,1,2,2,2,,,2,3,1,99,1,24,1,80,1,1,2,3 -7207,0,0802,0,0700,1,1,65,4,1,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,3,1,2,2,2,3,1,129,1,20,1,100,2,1,2,2 -7208,0,2146,0,2100,1,1,15,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,2,,,2,3,3,,1,18,1,94,1,1,1,2 -7209,0,0934,-1,,2,1,42,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,1,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,130,1,16,1,130,4,2,2,2 -7210,0,1407,0,1330,1,1,14.7,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,56,1,146,2,1,2,2 -7211,0,2330,0,2300,1,1,70,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,1,2,,,2,2,1,139,1,16,1,72,1,1,2,2 -7212,0,1620,0,1600,1,1,50,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,1,1,2,2,3,2,2,1,1,2,2,2,1,122,1,20,1,90,1,1,2,2 -7213,0,1920,0,1830,1,1,30,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,124,1,18,1,99,1,1,2,2 -7214,0,1118,0,1030,1,1,,,1,1,4,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,1,1,2,2,1,2,1,2,2,1,110,1,22,1,110,4,2,2,3 -7215,0,1327,0,,2,1,,,8,2,,2,2,2,1,1,3,2,2,2,2,2,2,2,2,1,1,14,,2,1,3,1,2,1,2,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,2,2,2,3,1,3,1,3,2,1,103,1,36,1,108,5,4,1,3 -7216,0,1958,0,1600,1,1,33.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,129,1,20,1,100,1,1,1,2 -7217,0,0800,0,0700,1,1,50,4,1,2,,3,3,3,2,2,3,3,4,1,1,1,1,2,3,4,3,8,,2,3,,,3,3,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,4,3,2,2,3,,,3,3,1,129,1,11,1,95,5,5,2,3 -7218,0,2041,0,,2,1,50,,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,2,,2,1,2,2,2,1,2,2,2,2,1,138,1,18,1,98,1,1,2,2 -7219,0,1143,0,1100,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Kicked in neck during soccer,,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,28,1,73,1,1,3,2 -7220,0,1900,0,1800,1,1,65,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,2,,,2,2,1,119,1,18,1,92,3,3,2,3 -7221,0,2015,0,1930,1,1,60,4,3,1,1,1,2,2,2,1,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,2,1,1,2,2,2,2,,,2,3,1,139,1,24,1,130,4,2,2,3 -7222,0,1851,0,,2,1,40,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,3,5,,,,,1,,,5,,1,1,3,,2,2,3,2,2,1,1,2,2,3,1,123,1,31,1,92,2,1,2,2 -7223,0,1548,0,1530,1,1,67,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,130,1,18,1,80,2,2,2,3 -7224,0,0445,-1,2000,1,1,19,3,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Thrown by horse,,2,2,2,,2,,1,2,2,2,1,2,,,2,3,1,101,1,25,1,108,1,1,2,3 -7225,0,0800,0,0745,1,1,40,4,1,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,3,2,2,3,1,114,1,15,1,80,3,1,2,3 -7226,0,2215,0,2145,1,1,50,4,8,2,,2,2,2,2,2,1,1,2,2,2,2,2,1,1,2,1,14,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,2,,2,2,2,2,3,1,2,3,2,3,1,106,1,20,1,80,2,1,2,2 -7227,0,1515,0,,2,1,40,4,8,1,1,3,3,3,1,1,3,3,2,3,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,2,2,2,3,3,,,3,2,1,134,2,,1,130,4,3,2,3 -7228,0,0956,0,,2,1,13,1,3,1,3,1,1,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,8,,,,,,,Suspect NAT,8,,2,,1,1,1,1,2,1,2,1,3,2,1,3,1,82,1,24,1,117,5,5,2,3 -7229,0,1155,0,1115,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,9,,,,,,Assault to Head by Hammer Plus Loss of Consciousness,,7,2,2,,1,1,1,2,2,2,2,2,,,2,3,1,143,1,18,1,101,1,1,2,3 -7230,0,2012,0,1800,1,1,37,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,5,,,,,3,,,5,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,119,1,20,1,104,2,2,3,3 -7231,0,1639,0,1600,1,1,35,2,3,1,1,2,2,2,2,2,2,1,2,2,2,2,2,2,2,2,2,12,,2,3,,,2,3,1,4,3: > 20 mph,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,90,1,24,1,120,1,1,2,3 -7232,0,1551,0,1515,1,1,24,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,105,1,22,1,110,1,1,1,2 -7233,0,1408,-1,,2,1,,,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,sledding accident,,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,115,1,16,1,87,1,1,2,2 -7234,0,1817,0,1600,1,1,61,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,pt. sledding accident when being pulled by ATV,,9,2,2,,2,,1,2,2,4,2,2,,,2,2,1,137,1,30,1,112,1,1,2,3 -7235,0,2054,0,,2,1,70,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,121,1,19,1,101,2,1,2,1 -7236,0,2145,0,2115,1,1,10,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,2: 20 - 40 mph,1,7,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,36,1,128,1,1,2,2 -7237,0,0137,-1,2345,1,1,69,2,2,1,3,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,patient assaulted by 4 people with shoes and fist,7,,2,,1,1,2,1,2,2,2,2,,,2,3,1,149,1,16,1,89,1,1,2,2 -7238,0,2049,0,,2,1,52,1,8,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,2,,1,2,2,4,2,2,,,2,2,1,134,1,20,1,98,1,1,2,3 -7239,0,1837,0,1800,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,16,1,83,1,1,2,2 -7240,0,1443,0,1430,1,1,40,4,3,2,,2,2,2,2,2,2,2,4,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,2,,,,,1,,1,2,1,1,1,1,1,2,2,1,2,3,2,2,1,112,1,20,1,97,2,2,2,3 -7241,0,1600,0,1530,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,119,1,20,1,117,1,1,2,3 -7242,0,2105,0,1915,1,1,22.6,1,8,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,1,2,2,2,3,1,100,1,22,1,98,3,2,1,3 -7243,0,1430,0,1400,1,1,72,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,18,1,113,1,1,1,2 -7244,0,1838,0,1800,1,1,37.8,1,8,1,3,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,2,,,5,,2,,1,3,2,1,2,2,2,1,2,3,2,3,1,102,1,24,1,122,4,2,3,2 -7245,0,1831,0,1130,1,1,50,4,3,2,,2,2,2,2,2,2,1,1,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,1,2,2,4,1,1,3,2,3,1,92,1,18,1,78,3,2,2,3 -7246,0,1840,0,,2,1,73,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,4,,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,2,1,122,1,20,1,56,1,1,2,2 -7247,0,0843,0,0800,1,1,18,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,1,1,2,2,2,2,1,2,1,2,2,1,110,1,22,1,102,4,3,2,3 -7248,0,1447,0,1330,1,1,77,1,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,1,2,2,2,2,,,2,2,1,121,1,38,1,119,3,2,2,3 -7249,0,1734,0,1700,1,1,60,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,2,2,2,2,2,1,1,1,2,3,1,132,1,30,1,124,2,2,3,2 -7250,0,1946,0,1900,1,1,70,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,142,1,30,1,93,1,1,2,3 -7251,0,0003,-1,2311,1,1,70,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,97,1,21,1,91,1,1,2,3 -7252,0,1749,0,1630,1,1,,,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,3,1,3,2,2,3,1,137,1,16,1,109,2,1,2,3 -7253,0,2231,0,,2,1,90,,8,2,,4,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,6,,,,,,,,6,,2,,1,3,1,2,2,1,3,1,3,1,2,2,1,111,1,16,1,73,5,4,2,3 -7254,0,1944,0,1900,1,1,,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,1,2,2,2,2,,,2,2,1,140,1,20,1,140,2,1,2,3 -7255,0,2054,0,,2,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,1,2,2,2: 3 - 10 ft.,,,,,,Fall from horse,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,115,1,20,1,88,1,1,2,3 -7256,0,1411,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,102,1,22,1,107,1,1,2,2 -7257,0,1816,0,1800,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,3,2,11,,2,2,,,2,2,3,9,,,,,,riding scooter,fell/flipped over handlebars,9,2,2,,2,,1,2,2,2,1,1,1,1,2,2,1,132,1,24,1,92,1,1,2,3 -7258,0,0935,0,,2,1,4.3,1,8,2,,2,2,2,3,3,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,1,3,3,,,3,3,1,107,1,45,1,136,1,1,2,3 -7259,0,1530,0,1500,1,1,80,4,1,2,,1,1,2,1,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,3,2,1,1,3,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,1,2,3,2,2,1,107,1,24,1,114,4,2,2,3 -7260,0,2014,0,1930,1,1,61.3,2,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,6,,,,,,,,6,,1,2,1,1,1,1,2,2,2,1,3,1,1,2,1,133,1,20,1,84,5,3,2,3 -7261,0,2100,0,2000,1,1,30,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,1,1,4,2,2,,,2,3,1,114,1,22,1,121,1,1,2,2 -7262,0,1528,0,1500,1,1,36.3,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Go cart VS tree,,6,2,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,28,1,90,1,1,2,2 -7263,0,1730,0,1700,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,18,1,82,1,1,1,2 -7264,0,2356,0,,2,1,65,,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,141,1,27,1,110,1,1,2,2 -7265,0,2220,0,1800,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,102,1,16,1,112,1,1,2,3 -7266,0,0410,0,0315,1,1,76,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,1,14,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,133,1,30,1,88,2,2,3,3 -7267,0,1624,0,1555,1,1,38.6,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,108,1,18,1,77,1,1,2,2 -7268,0,1246,0,1200,1,1,73,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,24,1,76,1,1,3,2 -7269,0,2007,0,1945,1,1,27.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,102,1,26,1,104,1,1,2,2 -7270,0,2313,0,1900,1,1,15,4,1,1,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,4: Speed Unknown,,,3,,,,4,,1,2,1,1,1,1,2,2,2,2,,,2,3,1,124,1,25,1,126,3,2,2,3 -7271,0,2355,0,,2,1,10.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,5,,,,,3,,,5,,2,,1,2,1,2,2,2,2,2,,,2,3,1,100,1,30,1,120,5,4,2,3 -7272,0,2220,0,1830,1,1,25,4,3,1,2,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,Run over by ATV,6,,1,2,2,,2,1,2,2,2,2,,,2,3,1,99,1,22,1,96,2,1,1,2 -7273,0,2040,0,1800,1,1,47.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,Physical Assault,,7,2,2,,2,,2,2,2,2,2,1,1,3,2,3,1,106,1,18,1,76,1,1,2,2 -7274,0,1810,0,1730,1,1,50,4,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,129,1,24,1,110,2,1,2,3 -7275,0,1828,0,,2,1,30,4,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,,,,,6,2,3,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,2,1,2,2,2,2,3,,,3,2,1,132,1,14,1,96,2,2,2,3 -7276,0,0150,0,0115,1,1,26,3,8,1,4,2,3,3,2,4,3,1,2,1,2,2,2,2,2,1,1,14,,2,1,2,1,2,2,1,1,4: Speed Unknown,1,2,,,,,1,,1,1,1,3,1,1,1,1,3,1,2,1,3,2,1,130,1,20,1,112,5,4,2,3 -7277,0,1216,0,,2,1,68,2,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,6,,,,,,,,6,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,111,1,18,1,72,3,1,2,2 -7278,0,1440,0,1420,1,1,40,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,2,2,2,2,3,1,1,1,2,2,1,122,1,24,1,100,1,1,3,2 -7279,0,1530,0,1500,1,1,25,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,1,2,,,2,3,1,112,1,26,1,141,1,1,2,3 -7280,0,1500,0,1430,1,1,38.5,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,1,2,2,,2,2,2,2,2,2,,,2,3,1,134,1,22,1,112,1,1,2,2 -7281,0,1700,-1,2100,1,1,13,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,101,1,22,1,125,1,1,2,3 -7282,0,1210,0,1140,1,1,40,4,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,2,,1,1,2,2,2,2,,,2,2,1,131,1,35,1,68,2,1,2,3 -7283,0,2000,0,1637,1,1,30,1,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,139,1,15,1,73,1,1,2,2 -7284,0,1333,0,1215,1,1,5.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,1,2,,,2,3,1,116,1,38,1,185,1,1,2,2 -7285,0,1623,0,,2,1,70,4,1,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,5,4,,2,3,,,2,1,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,2,2,2,3,3,,,3,2,1,150,1,23,1,108,4,2,2,3 -7286,0,2350,0,2130,1,1,70,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,4,,2,,2,2,2,2,1,2,,,2,3,1,137,1,16,1,100,1,1,1,2 -7287,0,2218,0,,2,1,,,8,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Fell off horse and stepped on by horse,,2,2,2,,1,3,1,2,2,2,2,1,2,2,2,2,1,118,1,12,1,104,4,4,1,3 -7288,0,2040,0,,2,1,11,3,3,2,,3,3,3,3,3,3,3,3,1,1,2,2,2,4,5,6,3,,1,3,,,3,3,3,9,,,,,,Drowning,,9,2,2,,2,,1,2,2,3,3,3,,,3,3,2,,2,,2,,2,1,2,3 -7289,0,1505,0,1430,1,1,50,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,132,1,24,1,96,2,1,2,2 -7290,0,2220,0,2000,1,1,56,2,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,152,1,18,1,80,1,1,2,3 -7291,0,0750,0,0330,1,1,88.6,2,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,1,2,6,2,3,1,157,1,20,1,78,6,6,2,2 -7292,0,1820,0,1230,1,1,11,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,3,2,2,2,,,2,3,1,102,1,28,1,144,1,1,2,3 -7293,0,1408,0,1130,1,1,64.7,1,3,1,4,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,4,2,2,2,2,,,2,2,1,139,1,16,1,60,1,1,2,2 -7294,0,1640,0,1530,1,1,70,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,1,2,1,2,2,2,2,2,1,2,,,2,3,3,,1,16,3,,1,1,2,2 -7295,0,0825,0,0720,1,1,,,1,2,,2,2,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,16,1,76,1,1,2,2 -7296,0,0015,-1,1730,1,1,60,2,8,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,2,1,2,2,2,2,1,1,2,2,3,1,134,1,17,1,81,2,1,2,3 -7297,0,2045,0,2015,1,1,7.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,98,1,40,1,128,1,1,2,2 -7298,0,1330,0,,2,1,45.8,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,struck tree,,7,2,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,110,1,20,1,100,3,2,2,2 -7299,0,0041,-1,2340,1,1,72.6,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,3,1,134,1,16,1,106,2,2,3,2 -7300,0,1909,0,1840,1,1,26,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,142,1,20,1,104,3,3,1,2 -7301,0,1754,0,1700,1,1,50,1,1,3,,4,4,4,4,4,2,2,2,2,3,3,3,3,,,,,15,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,127,1,16,1,93,1,1,2,2 -7302,0,1706,0,1630,1,1,50,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,149,1,28,1,135,1,1,2,3 -7303,0,1815,0,1730,1,1,25,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,18,1,118,1,1,2,2 -7304,0,1226,0,,2,1,,,3,1,1,2,2,2,1,2,2,2,2,1,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,124,1,26,1,119,2,2,2,3 -7305,0,0815,0,,2,1,65,1,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,143,1,16,1,82,1,1,2,2 -7306,0,0111,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,1,2,2,2,1,1,2,2,3,1,119,1,36,1,114,1,1,2,2 -7307,0,2148,0,1920,1,1,44.7,1,3,2,,1,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,checked into the board- hockey,,7,2,2,,4,,2,2,2,2,2,2,,,2,4,1,129,1,16,1,80,6,1,2,2 -7308,0,1758,0,1730,1,1,100,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,4,4: Speed Unknown,,,2,,,,4,,2,,1,3,1,2,2,2,3,2,,,2,2,1,114,1,14,1,133,1,1,2,3 -7309,0,1833,0,1800,1,1,60,4,3,2,,2,4,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,1: < 5 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,129,1,18,1,72,1,1,2,2 -7310,0,1805,0,1700,1,1,95,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,20,1,75,1,1,2,2 -7311,0,1035,0,0900,1,1,78,,8,2,,1,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,18,1,78,1,1,2,2 -7312,0,1552,0,1445,1,1,68,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,144,1,14,1,125,1,1,2,2 -7313,0,1700,0,,2,1,60,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,1,2,2,2,3,1,3,1,1,2,1,131,1,20,1,105,5,4,2,3 -7314,0,1243,0,,2,1,22.7,,3,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,109,1,28,1,96,1,1,2,2 -7315,0,1632,0,1530,1,1,60,4,8,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,136,1,24,1,99,1,1,2,2 -7316,0,1600,0,,2,1,50,4,3,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,126,1,18,1,110,1,1,2,3 -7317,0,1130,0,1040,1,1,90,2,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,2,2,2,2,2,2,,,2,2,1,175,1,75,1,95,1,1,1,2 -7318,0,1922,0,1830,1,1,8.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,128,1,44,1,200,1,1,2,2 -7319,0,1949,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,3,2,2,8,,,,,,,,8,,2,,2,,1,2,2,2,2,2,,,2,3,1,100,1,18,1,101,2,1,2,3 -7320,0,2155,0,,2,1,63.6,1,8,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,6,,,,,,,,6,,2,,1,3,1,2,2,2,2,1,2,1,2,4,1,119,1,18,1,82,2,1,2,3 -7321,0,1900,0,1843,1,1,21.7,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,run over by 4 wheeler,,4,2,2,,1,3,2,2,2,2,2,1,1,2,2,3,1,99,1,24,1,102,2,1,2,2 -7322,0,1745,0,1700,1,1,41,2,1,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Hosckey injury slid into goal post,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,24,1,104,2,2,2,2 -7323,0,1851,0,1820,1,1,51,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,3,2,3,1,130,1,20,1,100,3,3,2,3 -7324,0,2005,0,1850,1,1,68,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,2,2,2,2,3,2,,,2,2,1,147,1,24,1,112,1,1,2,2 -7325,0,1730,0,1650,1,1,79,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,pedestrian struck,,4,2,1,1,2,,2,2,2,2,2,2,,,2,2,1,140,1,24,1,100,1,1,2,2 -7326,0,1838,0,,2,1,39,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,20,1,108,1,1,2,2 -7327,0,0800,0,,2,1,12,3,3,2,,3,3,3,2,1,3,3,3,4,1,1,1,2,4,5,3,6,,2,4,,,1,1,2,1,3: > 40 mph,1,5,,,,,1,,2,,1,1,1,2,2,1,2,3,,,3,3,1,137,2,,1,133,4,3,3,3 -7328,0,2140,0,1730,1,1,59,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,9,,,,,,checked into bands while playing,,7,2,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,114,1,16,1,88,2,2,2,3 -7329,0,0937,0,,2,1,22.7,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,4,2,2,,,2,3,1,151,1,24,1,102,1,1,2,2 -7330,0,1719,0,1500,1,1,65.6,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,130,1,69,1,98,1,1,1,2 -7331,0,1724,-1,2130,1,1,35.8,1,2,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,115,1,16,1,82,1,1,2,2 -7332,0,1758,-1,,2,1,8.6,1,3,1,1,3,3,3,2,3,3,3,2,3,2,2,2,2,1,1,1,15,,1,3,,,1,3,3,9,,,,,,Falls down a lot and tosses and turns in metal crib. 6 y/o brother plays rough with him. Suspected abuse.,,7,2,2,,1,1,1,1,2,2,2,3,,,3,3,1,131,1,30,1,108,4,1,3,3 -7333,0,0720,0,,2,1,30,4,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,1,2,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,108,1,24,1,92,1,1,2,2 -7334,0,1450,0,1430,1,1,40,4,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,4,3: > 20 mph,,,3,,,,4,,2,,1,3,1,2,2,2,3,2,,,2,2,1,141,1,30,1,100,2,2,2,3 -7335,0,1845,0,1830,1,1,20,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,3,1,2,2,2,2,2,,,2,3,1,117,1,18,1,90,2,1,1,3 -7336,0,0900,0,0800,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,90,1,16,1,86,1,1,3,2 -7337,0,1743,0,1630,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,Thrown by horse,2,,2,,2,,2,2,2,2,1,2,,,2,3,1,104,1,21,1,97,1,1,2,2 -7338,0,0950,0,0800,1,1,59,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,3,2,2,,,2,2,1,123,1,18,1,94,1,1,2,2 -7339,0,1500,0,1200,1,1,60,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,pedestrian on bike going down hill and hit a moving car,,4,2,2,,2,,2,2,2,2,2,2,,,2,2,1,129,1,21,1,64,1,1,2,2 -7340,0,0912,0,0835,1,1,22.7,1,8,2,,4,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,20,1,62,1,1,1,2 -7341,0,2016,0,2000,1,1,20,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,5,,,,,2,,,5,,2,,2,,2,2,2,2,1,2,,,2,3,1,105,1,16,1,86,1,1,1,2 -7342,0,2120,0,2100,1,1,15,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,1,3,3,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,2,2,4,2,3,,,2,3,1,158,1,36,1,152,3,2,1,3 -7343,0,1530,0,,2,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,118,1,21,1,106,1,1,1,3 -7344,0,1952,0,1830,1,1,54.5,1,3,1,1,1,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,2,2,2,1,1,2,2,3,1,119,1,22,1,90,1,1,2,2 -7345,0,1005,-1,1600,1,1,37.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,20,1,78,1,1,2,2 -7346,0,2014,0,1930,1,1,12,,8,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,3,9,,,,,,Fell from stool,,2,2,1,1,2,,1,2,2,2,2,2,,,2,2,1,103,1,20,1,103,1,1,2,3 -7347,0,2104,0,,2,1,13,3,8,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,4,4,6,,2,3,,,1,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,2,1,2,2,1,3,3,,,2,3,1,90,2,,1,143,4,3,1,3 -7348,0,2130,0,2100,1,1,6,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,2,1,7,2: Accidental,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,2,3,1,118,1,27,1,200,2,1,2,3 -7349,0,0700,0,0300,1,1,68,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,1,2,2,2,2,1,134,1,16,1,84,4,3,2,2 -7350,0,1235,0,1200,1,1,51,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Fall from skateboard/scooter,,2,2,2,,2,,1,2,2,4,3,2,,,2,3,1,113,1,16,1,99,1,1,2,3 -7351,0,1535,0,1400,1,1,,,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,MCC,,6,2,2,,2,,2,2,2,2,2,2,,,2,3,1,138,1,16,1,87,1,1,2,2 -7352,0,1835,0,1700,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,2,,1,2,2,3,2,2,,,2,2,1,119,1,29,1,86,1,1,2,3 -7353,0,2330,0,,2,1,120,4,3,2,,2,3,3,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,3,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,2,4,2,3,1,150,1,36,1,115,3,3,2,3 -7354,0,1506,0,,2,1,31.3,1,8,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,1,2,,2,1,2,2,2,2,,,2,3,1,107,1,18,1,80,2,1,1,2 -7355,0,1345,0,1300,1,1,20,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,22,1,100,1,1,2,2 -7356,0,1900,0,1700,1,1,30,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,1,1,1,1,1,2,2,2,,,2,4,1,122,1,20,1,108,2,1,2,3 -7357,0,2152,0,2100,1,1,24.5,1,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,104,1,20,1,94,1,1,1,2 -7358,0,2300,0,1600,1,1,86.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,got kicked in abdomen,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,130,1,18,1,79,1,1,2,2 -7359,0,1445,0,1430,1,1,55,2,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,107,1,17,1,75,1,1,3,2 -7360,0,0449,0,0130,1,1,14.2,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Suspected child maltreatment,,7,2,2,,2,,1,2,2,2,3,2,,,2,3,1,97,1,24,1,128,1,1,2,3 -7361,0,2322,0,0730,1,1,27.2,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,7,4: Physician did not answer,,,,,,,7,,2,,1,3,1,2,2,2,2,1,1,2,2,3,1,129,1,22,1,100,1,1,2,3 -7362,0,2210,0,2100,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,141,1,20,1,102,1,1,2,2 -7363,0,1450,0,1315,1,1,9.5,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,3,2: 6-15,,,,,,,3,,2,,1,3,1,2,2,2,2,2,,,2,2,1,106,1,28,1,146,1,1,2,3 -7364,0,1936,0,1800,1,1,40,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,9,,,,,,FALL FROM A HORSE,,2,2,2,,1,1,1,2,2,2,3,1,1,4,2,2,1,118,1,28,1,104,1,1,1,3 -7365,0,0147,0,,2,1,35.8,1,2,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,3,4,4,4,,,4,4,1,116,1,24,1,100,2,1,2,2 -7366,0,1910,0,1800,1,1,54.4,1,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Hit in Abdomen or thrown to the ground,,7,2,2,,2,,2,2,2,2,2,1,1,3,2,3,1,130,1,32,1,92,1,1,2,2 -7367,0,2225,0,2128,1,1,43.3,4,3,1,1,3,3,3,2,2,3,3,2,1,1,2,2,2,4,5,6,3,,2,3,,,2,3,3,1,3: > 40 mph,2,,,,,,1,,2,,1,2,1,2,2,2,3,3,,,3,2,1,66,2,,1,127,5,5,2,3 -7368,0,1620,0,1600,1,1,30,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,126,1,26,1,95,2,1,1,3 -7369,0,1730,0,,2,1,34,2,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,6,,,,,,,,6,,2,,1,2,2,2,2,2,2,2,,,2,3,1,121,1,21,1,96,4,2,2,2 -7370,0,1519,0,,2,1,34.2,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Trip over shoe laces fell back onto wall and hit floor,,2,2,2,,1,1,2,1,2,2,2,2,,,2,3,1,123,1,20,1,123,1,1,1,2 -7371,0,1629,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,4,2,1,2,3,2,3,1,131,1,17,1,118,2,1,2,3 -7372,0,2320,0,,2,1,16,3,8,2,,3,3,3,4,4,3,3,2,2,1,3,1,2,4,5,2,7,,2,3,,,4,3,1,9,,,,,,Kicked in head by horse,,9,2,1,1,2,,1,2,2,2,4,3,,,3,2,1,102,2,,1,105,1,1,2,3 -7373,0,2015,0,,2,1,40,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,3,2,6,,,,,,,,6,,2,,2,,2,2,2,4,2,2,,,2,2,1,126,1,26,1,99,1,1,2,2 -7374,0,1828,0,,2,1,6.5,2,9,2,,2,2,2,2,2,2,4,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,3,2,2,2,,,2,3,1,96,1,48,1,150,1,1,2,2 -7375,0,1845,0,,2,1,22,4,3,1,4,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,1,2: 20 - 40 mph,1,6,,,,,1,,2,,1,1,1,1,1,2,3,1,1,2,2,3,1,101,1,21,1,92,5,3,2,3 -7376,0,1850,0,1830,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,1,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,20,1,92,1,1,2,2 -7377,0,2058,0,2030,1,1,60,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,132,1,16,1,68,1,1,2,2 -7378,0,1700,0,1530,1,1,19,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,3,3,1,135,1,34,1,141,1,1,2,2 -7379,0,2000,0,1930,1,1,69.5,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,20,1,96,1,1,3,2 -7380,0,1130,0,,2,1,74.8,1,8,2,,2,2,2,2,2,1,2,2,1,2,2,2,2,,,,,15,2,1,1,1,1,2,2,5,,,,,3,,,5,,2,,1,1,2,1,2,2,2,1,1,1,2,2,1,148,1,16,1,62,2,1,2,2 -7381,0,1722,0,,2,1,27,,3,2,,4,4,4,4,4,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,116,1,22,1,108,1,1,2,2 -7382,0,2115,0,2000,1,1,70,1,3,1,1,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,4,3: > 20 mph,,,4,,,,4,,2,,1,2,1,1,2,2,3,1,2,2,2,3,1,120,1,30,1,108,5,3,1,3 -7383,0,1600,0,1530,1,1,70,4,1,1,1,1,3,3,1,2,2,2,2,1,2,2,2,2,2,2,1,13,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,1,1,1,1,2,2,3,2,,,2,2,1,170,1,24,1,120,5,3,2,3 -7384,0,1541,0,1500,1,1,18.2,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,4,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,40,1,145,1,1,2,2 -7385,0,1530,0,1209,1,1,12,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,3,2,3,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,1,1,2,2,2,3,1,98,1,20,1,141,2,1,2,2 -7386,0,1710,0,1615,1,1,47,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,126,1,20,1,115,1,1,2,3 -7387,0,1725,-1,2200,1,1,68.7,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,136,1,18,1,96,1,1,2,3 -7388,0,0432,0,,2,1,3.4,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,9,,,,,,Concern of non-accidental trauma due to humerus fx found at OSH,,7,2,2,,4,,2,2,2,2,2,2,,,2,3,2,,1,63,1,142,2,2,2,2 -7389,0,1700,0,,2,1,15,,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,2,13,,1,3,,,2,3,2,9,,,,,,"Altered mental status, ? fall",,2,2,2,,1,3,1,2,2,2,2,3,,,3,3,1,94,1,26,1,134,2,1,2,3 -7390,0,1825,0,1500,1,1,40.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,4,2,2,1,124,1,18,1,106,2,1,2,2 -7391,0,1135,-1,1630,1,1,2.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,67,1,48,1,150,1,1,2,2 -7392,0,1802,0,1600,1,1,75,4,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,136,1,20,1,112,1,1,2,2 -7393,0,1220,0,1145,1,1,45,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,friend jumped on back during PE at school,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,20,1,60,1,1,2,2 -7394,0,1039,0,0830,1,1,41.3,1,3,3,,1,1,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,3,2,1,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,106,1,24,1,106,5,5,1,3 -7395,0,1619,0,0800,1,1,37,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,97,1,20,1,89,1,1,2,2 -7396,0,0900,-1,,2,1,55.7,1,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,20,1,80,1,1,2,2 -7397,0,2036,0,1900,1,1,45,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,24,1,83,1,1,2,2 -7398,0,1130,0,1100,1,1,58,2,8,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,20,1,68,1,1,2,2 -7399,0,1909,0,1700,1,1,57.1,1,8,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Sledding accident,,9,2,2,,1,2,1,2,2,2,1,1,2,2,2,2,1,132,1,18,1,90,3,2,1,3 -7400,0,1123,0,0923,1,1,30.4,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,4,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,101,1,20,1,68,1,1,2,2 -7401,0,1659,0,1600,1,1,86.2,4,3,1,1,1,4,1,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,1,3,5: Physician did not answer,,,,,,,3,,2,,2,,2,2,3,2,2,1,3,2,2,3,1,138,1,16,1,68,5,4,2,2 -7402,0,1645,0,1600,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,32,1,148,3,1,2,2 -7403,0,1330,0,1320,1,1,90,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,16,1,109,2,1,2,2 -7404,0,1319,0,1100,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,14,,2,1,2,2,1,2,2,5,,,,,3,,,5,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,117,1,21,1,92,4,2,2,3 -7405,0,1525,0,1500,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,24,1,105,1,1,2,2 -7406,0,1620,0,1610,1,1,77,2,3,2,,2,2,2,4,4,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,1,1,1,2,2,1,134,1,20,1,98,1,1,2,3 -7407,0,1240,0,1200,1,1,13,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,102,1,26,1,148,2,1,2,3 -7408,0,2241,0,2146,1,1,25,4,3,2,,4,4,4,4,4,2,4,4,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,4,,,5,,1,3,1,3,1,2,3,4,4,4,,,4,4,1,117,1,24,1,91,1,1,3,3 -7409,0,1907,0,,2,1,8,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,109,1,40,1,138,1,1,1,2 -7410,0,1423,0,1030,1,1,40,4,8,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,2,,,1,2,2,9,,,,,,TACKLED DURING FOOTBALL. FELL ON HEAD.,,7,2,2,,2,,1,2,2,2,2,1,1,3,2,2,1,101,1,40,1,102,1,1,1,3 -7411,0,2226,0,2200,1,1,63,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,2,2,2,2,2,1,1,3,2,3,1,136,1,20,1,119,1,1,2,2 -7412,0,2006,0,1730,1,1,22,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,95,1,22,1,98,1,1,2,2 -7413,0,1110,0,1015,1,1,41,1,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,3,1,1,1,15,,3,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,3,2,2,2,,,2,3,1,125,1,18,1,88,6,6,1,2 -7414,0,1450,0,1415,1,1,,,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,104,1,18,1,84,1,1,2,2 -7415,0,0406,0,0100,1,1,79.4,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,2,3,1,117,1,18,1,100,2,1,1,2 -7416,0,1823,0,,2,1,12,4,3,2,,2,3,3,2,2,3,2,2,2,2,2,2,2,1,2,2,13,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,3,1,3,3,,,3,4,1,112,1,31,1,137,3,2,2,3 -7417,0,2136,0,,2,1,20,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,16,1,110,1,1,3,3 -7418,0,1810,0,1720,1,1,55,4,8,1,1,1,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Fall from horse; horse then fell on chest,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,133,1,20,1,102,1,1,2,3 -7419,0,1827,0,1400,1,1,61.4,1,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,"assault, kicked by 10 boys and punched",,7,2,2,,2,,2,2,2,2,2,1,1,1,2,3,1,130,1,18,1,91,2,1,2,2 -7420,0,1604,0,1500,1,1,,,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,137,1,10,1,107,1,1,2,2 -7421,0,0947,0,0915,1,1,26.2,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,2,2,2,3,1,98,1,20,1,84,1,1,2,3 -7422,0,1720,0,1620,1,1,50,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,1,2,2,2,2,,,2,2,1,119,1,20,1,120,4,4,2,3 -7423,0,1715,0,1705,1,1,56,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,142,1,17,1,93,1,1,3,2 -7424,0,1800,0,1700,1,1,28,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,22,1,118,1,1,2,2 -7425,0,2200,0,,2,1,60,4,1,2,,3,3,3,2,2,3,3,2,2,1,1,1,1,3,3,2,10,,2,3,,,1,3,3,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,3,1,100,1,12,1,83,1,1,2,3 -7426,0,1754,0,1710,1,1,30,4,8,1,4,2,2,2,2,2,2,2,2,3,2,2,2,2,2,3,3,10,,2,3,,,2,3,1,4,4: Speed Unknown,,,2,,,,4,,1,2,1,3,1,2,2,2,2,3,,,2,1,1,122,1,27,1,81,1,1,2,3 -7427,0,1751,0,1730,1,1,57.2,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,20,1,84,1,1,2,2 -7428,0,0051,0,0000,1,1,60,2,3,3,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,4,2,,,2,2,1,118,1,20,1,90,1,1,1,2 -7429,0,2045,0,1800,1,1,35,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,2,1,2,3,1,107,1,19,1,89,2,1,2,3 -7430,0,1621,0,1600,1,1,150,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,163,1,16,1,128,1,1,2,2 -7431,0,0140,0,0100,1,1,14.5,2,2,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,1,2,2,1,1,2,2,2,,,2,2,1,94,1,20,1,120,2,2,2,2 -7432,0,1845,0,1800,1,1,26.3,1,1,1,1,1,1,4,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,6,,,,,,,,6,,2,,1,1,1,2,3,2,2,1,1,1,1,3,1,97,1,20,1,67,4,2,2,3 -7433,0,1357,0,1100,1,1,13.6,1,3,2,,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,2,1,3,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,2,1,2,2,2,3,1,110,1,24,1,138,4,2,1,3 -7434,0,1016,0,,2,1,7.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,8,,,,,,,,8,,2,,2,,2,2,2,2,2,2,,,2,3,1,85,1,40,1,124,2,1,1,2 -7435,0,0355,0,0330,1,1,65,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,132,1,50,1,88,2,1,2,2 -7436,0,1955,0,1940,1,1,65,4,8,1,4,3,3,3,1,2,3,3,3,1,1,2,2,2,4,5,6,3,,2,3,,,3,3,3,1,4: Speed Unknown,2,,,,,,1,,2,,3,,1,2,2,1,3,3,,,3,2,1,108,2,,1,120,5,5,1,3 -7437,0,1054,-1,,2,1,45.6,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"fall, bike and friend fell on her",,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,16,1,78,1,1,2,2 -7438,0,0230,-1,,2,1,60,4,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,1,4,5,6,3,,2,3,,,2,3,3,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,3,,,3,2,1,130,2,,1,103,2,1,2,3 -7439,0,1315,0,,2,1,58,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,kicked in back (accidental),,7,2,1,1,2,,2,2,2,2,2,2,,,2,3,1,117,1,20,1,79,1,1,3,2 -7440,0,1054,0,,2,1,,,3,1,1,1,2,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,4,4,4,4,1,4: Speed Unknown,4,,,,,,1,,2,,1,1,1,1,2,2,2,1,1,3,2,2,1,94,1,18,1,80,2,2,2,3 -7441,0,2000,0,1800,1,1,65,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Tripped and fell on concrete,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,16,1,91,1,1,3,2 -7442,0,1602,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,4: Physician did not answer,,,,,,"Skiing, fell on ski tip to abdomen",7,,2,,1,1,2,2,3,2,2,1,4,2,2,3,1,106,1,20,1,81,2,1,3,2 -7443,0,2043,0,,2,1,58.6,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,130,1,21,1,100,2,1,2,3 -7444,0,1621,0,1606,1,1,,,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,139,1,18,1,92,1,1,2,2 -7445,0,1645,0,1600,1,1,58,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,1,1,2,,2,2,2,2,1,2,,,2,4,1,130,1,20,1,104,1,1,2,2 -7446,0,1720,0,1620,1,1,26,1,3,2,,2,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,1,3,2,,,2,3,1,105,1,32,1,103,2,1,2,2 -7447,0,2123,0,,2,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,4,2,2,,,2,2,1,119,1,27,1,107,1,1,2,2 -7448,0,2129,0,,2,1,44,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,5,,,,,2,,,5,,2,,4,,1,2,2,2,2,1,1,6,2,2,1,136,1,22,1,85,1,1,2,3 -7449,0,1829,0,,2,1,15,1,3,1,1,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,1,1,2,2,3,1,1,1,3,3,1,94,1,18,1,99,2,1,1,3 -7450,0,1858,0,1730,1,1,40,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,138,1,34,1,82,2,1,2,3 -7451,0,2230,0,2200,1,1,5,4,3,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,92,1,24,1,132,1,1,2,3 -7452,0,1353,0,1300,1,1,53.4,1,3,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,2,5,,,,,1,,,5,,1,1,2,,2,1,2,2,2,2,,,2,3,1,145,1,22,1,115,1,1,2,2 -7453,0,1840,0,1800,1,1,26.8,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,3,,2,,1,2,2,2,2,2,,,2,3,1,126,1,26,1,118,1,1,1,3 -7454,0,1317,0,1300,1,1,15,3,3,1,1,3,3,3,2,2,3,3,2,2,2,2,2,2,2,2,1,13,,1,3,,,2,3,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,2,1,1,2,2,2,1,2,1,3,2,1,123,1,30,1,144,5,4,1,3 -7455,0,2240,-1,,2,1,13.6,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,9,,,,,,"possibly injured jumping on bed, inclear. Concerning for non-accidental trauma.",,7,2,2,,1,1,1,1,2,1,1,1,2,1,3,3,1,96,1,22,1,142,2,2,1,3 -7456,0,1345,0,,2,1,35,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,108,1,24,1,108,1,1,2,2 -7457,0,0809,0,0700,1,1,52,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,3,1: 5 or less,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,3,1,99,1,16,1,72,1,1,2,3 -7458,0,1717,0,1629,1,1,68.2,1,3,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,150,1,16,1,96,1,1,3,3 -7459,0,1505,0,1400,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,108,1,20,1,88,2,1,2,3 -7460,0,1802,0,,2,1,29,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,1,2,,,2,2,1,113,1,22,1,99,1,1,2,2 -7461,0,1017,0,,2,1,51.8,1,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,152,1,18,1,109,1,1,2,2 -7462,0,1715,0,1630,1,1,60,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,6,,,,,,,,6,,2,,1,3,1,2,2,2,3,1,2,3,2,2,1,158,1,18,1,138,3,2,2,3 -7463,0,2045,0,2030,1,1,45,2,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,3,1,117,1,32,1,103,1,1,2,2 -7464,0,1556,0,,2,1,50,,8,2,,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,3,4,4,2,,,2,2,1,110,1,18,1,100,2,2,2,3 -7465,0,2225,0,2050,1,1,11,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,1,2,,,2,3,1,116,1,31,1,156,1,1,1,2 -7466,0,1915,0,1800,1,1,80,2,8,1,1,1,1,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,2,,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,2,1,140,1,35,1,125,2,1,2,3 -7467,0,0730,0,,2,1,27,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,2,1,2,2,1,110,1,16,1,80,1,1,3,3 -7468,0,2101,0,2030,1,1,10.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,2,1,72,1,27,1,131,1,1,1,3 -7469,0,,0,,2,2,,,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,3,1,2,3,1,132,1,20,1,114,3,1,2,2 -7470,0,1950,0,1800,1,1,,,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,7,2: Accidental,,,,,,soccer collison w/another player,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,18,1,84,1,1,2,2 -7471,0,1600,0,1530,1,1,30,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,24,1,75,1,1,2,2 -7472,0,2150,0,1300,1,1,82,1,8,1,1,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,3,1,1,2,2,3,2,,,2,3,1,138,1,10,1,89,2,1,2,3 -7473,0,1656,0,1600,1,1,15,3,8,2,,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,"Sledding, hit pole",,9,2,2,,2,,1,4,3,2,2,2,,,2,3,1,105,1,30,1,100,1,1,3,3 -7474,0,1700,0,1615,1,1,16.2,1,3,2,,1,4,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,3,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,1,2,1,2,1,2,3,1,123,1,36,1,148,5,3,2,3 -7475,0,2256,0,2250,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,148,1,22,1,110,1,1,2,3 -7476,0,2320,0,,2,1,,,8,2,,3,3,3,3,3,3,3,2,2,2,2,2,2,1,1,1,15,,2,3,,,3,3,3,9,,,,,,Pulled behind car injury,,9,2,2,,1,3,1,3,2,2,4,3,,,2,2,1,103,1,23,1,55,6,6,3,3 -7477,0,0900,0,0800,1,1,85,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,1: < 20 mph,4,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,127,1,16,1,80,1,1,2,2 -7478,0,1900,0,,2,1,70,4,8,1,1,3,3,3,2,2,3,3,2,1,2,2,2,1,4,5,6,3,,2,3,,,1,3,3,9,,,,,,fell from back of moving vehicle,,9,1,2,,1,1,1,1,2,2,2,3,,,3,2,1,114,1,20,1,98,3,2,2,3 -7479,0,1838,0,1645,1,1,52.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,121,1,12,1,100,1,1,2,2 -7480,0,2015,0,1800,1,1,38,4,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,1,2,1,4: Speed Unknown,1,6,,,,,1,,1,1,1,3,1,1,2,1,2,1,2,1,3,2,1,72,1,30,1,144,4,4,2,3 -7481,0,1930,0,1830,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,102,1,24,1,108,1,1,2,2 -7482,0,1805,0,1745,1,1,25.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,20,1,100,1,1,2,2 -7483,0,2011,0,,2,1,50,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,2,4,2,2,1,128,1,16,1,78,2,2,2,3 -7484,0,2117,0,,2,1,60,4,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,1,2,1,2,2,1,3,2,,,2,2,1,145,1,18,1,100,3,1,1,3 -7485,0,1245,0,1230,1,1,47.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,patient fell and someone stepped on her back (basketball),,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,135,1,26,1,80,2,1,2,2 -7486,0,0753,0,,2,1,70,,3,2,,2,3,3,2,2,3,2,2,1,2,2,2,2,2,2,1,13,,2,3,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,106,1,25,1,83,2,1,1,3 -7487,0,2300,0,2230,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,18,1,125,1,1,2,2 -7488,0,1724,0,1624,1,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,3,2,2,2,2,3,1,1,3,2,3,1,120,1,24,1,118,3,2,2,2 -7489,0,1727,0,,2,1,,,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,6,,,,,,,,6,,2,,1,3,1,2,2,2,1,2,,,2,3,1,153,1,22,1,86,6,6,3,3 -7490,0,1714,0,1500,1,1,15,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,4,1,12,,1,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,1,1,2,2,2,2,,,2,2,1,116,1,50,1,115,1,1,2,3 -7491,0,1444,0,1415,1,1,12,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,1,2,2,2,2,,,2,2,1,122,1,24,1,130,1,1,2,3 -7492,0,1543,0,1430,1,1,70,4,4,2,,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,1,2,1,1: < 20 mph,1,1,,,,,1,,1,2,1,3,2,2,2,2,2,2,,,2,2,1,131,1,19,1,82,1,1,1,2 -7493,0,1533,0,,2,1,,,3,1,1,3,3,3,2,2,3,3,2,3,1,1,1,2,4,4,3,7,,2,3,,,3,3,1,1,3: > 40 mph,3,,,,,,1,,2,,1,3,1,1,2,2,2,2,,,2,2,1,170,2,,1,116,4,4,1,3 -7494,0,2354,0,,2,1,12.5,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,14,,1,3,,,2,2,1,2,4: Unknown,,,,,,,2,,4,,3,,1,2,2,1,3,4,,,2,2,1,100,1,32,1,132,2,1,3,3 -7495,0,1450,0,,2,1,70,4,3,2,,4,4,4,4,4,2,2,4,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,4,,,2,2,1,121,1,14,1,83,1,1,2,3 -7496,0,1958,0,,2,1,57.2,,3,2,,2,4,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,9,,,,,,"playing in backyard, fall into hole 2ft deep",,2,2,2,,1,1,1,1,2,2,2,2,,,2,2,1,135,1,20,1,88,3,2,2,3 -7497,0,1630,0,1550,1,1,17,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,137,1,27,1,119,1,1,2,3 -7498,0,0224,0,0100,1,1,72.1,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,2,2,2,2,2,1,2,1,2,3,1,135,1,33,1,91,2,1,2,2 -7499,0,1440,0,1345,1,1,86.4,2,3,2,,1,2,1,2,2,4,2,2,2,2,2,2,2,2,1,1,14,,2,1,3,1,2,1,2,9,,,,,,Football Tackle Injury,,7,2,2,,1,1,1,2,2,2,4,1,3,1,1,3,1,124,1,20,1,73,4,1,1,3 -7500,0,0330,0,0047,1,1,70,4,3,2,,2,2,2,2,4,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,3,,1,20,1,94,1,1,2,2 -7501,0,2054,0,,2,1,20,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Sledding accident,,9,2,2,,2,,1,2,3,2,3,2,,,2,3,1,92,1,15,1,107,1,1,1,3 -7502,0,2200,0,2110,1,1,15,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,3,1,2,3,2,3,2,,,2,2,1,119,1,24,1,119,3,2,2,3 -7503,0,1020,0,0830,1,1,40,2,1,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,2,2,13,,2,3,,,1,3,3,5,,,,,1,,,5,,2,,1,1,1,2,2,3,2,1,1,2,2,3,1,111,1,18,1,96,2,1,2,3 -7504,0,0229,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,140,1,15,1,110,1,1,2,3 -7505,0,2341,0,2250,1,1,70,4,4,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,Fall while standing on top of moving vehicle,2,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,150,1,20,1,93,2,1,2,3 -7506,0,1325,0,,2,1,23.9,1,1,1,4,1,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,20,1,109,1,1,2,2 -7507,0,0221,-1,1100,1,1,65.8,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,16,1,89,1,1,3,2 -7508,0,1550,0,1545,1,1,20,4,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,109,1,26,1,157,1,1,1,3 -7509,0,1500,0,,2,1,52.3,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,121,1,20,1,110,4,2,2,2 -7510,0,1957,0,,2,1,13,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,14,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,2,1,102,1,25,1,128,1,1,3,2 -7511,0,0900,-1,,2,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,102,1,16,1,72,1,1,2,2 -7512,0,1008,0,0745,1,1,51,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,118,1,18,1,82,1,1,2,2 -7513,0,1844,0,1815,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,1,2,2,2,2,2,2,1,1,1,2,2,1,126,1,18,1,96,1,1,2,2 -7514,0,1000,0,0845,1,1,40.4,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,20,1,100,1,1,2,2 -7515,0,1808,0,,2,1,11,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,3,2,2,2,2,3,2,,,2,2,1,105,1,26,1,124,2,1,1,2 -7516,0,1957,0,1830,1,1,61.6,1,8,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,129,1,20,1,66,1,1,2,2 -7517,0,1511,0,1500,1,1,40,4,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,2,3,1,12,,2,3,,,2,3,1,4,4: Speed Unknown,,,2,,,,4,,1,1,1,2,1,2,2,2,2,3,,,3,2,1,178,1,24,1,101,2,2,1,3 -7518,0,2000,0,,2,1,10,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,4,,,2,3,1,8,,,,,,,,8,,2,,2,,1,2,2,2,2,2,,,2,2,1,123,1,40,1,105,1,1,1,3 -7519,0,1724,0,1715,1,1,72.6,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,3,2,2,2,,,2,3,1,124,1,24,1,100,1,1,2,2 -7520,0,1900,0,,2,1,50,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,4,2,2,,,2,3,1,133,1,18,1,84,1,1,2,3 -7521,0,1845,0,,2,1,25,1,5,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,1,3,3,4,3: > 20 mph,,,3,,,,4,,2,,1,2,1,1,3,2,3,3,,,3,2,1,98,1,16,1,108,3,1,2,3 -7522,0,1611,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,138,1,21,1,90,1,1,2,2 -7523,0,1340,0,,2,1,80,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,110,1,18,1,68,1,1,2,2 -7524,0,2130,0,2045,1,1,70,2,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,1,,,,4,,1,2,2,,1,1,2,2,2,2,,,2,2,1,143,1,20,1,53,2,1,2,3 -7525,0,1756,0,1600,1,1,10,4,8,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fell going downhill,,2,2,2,,2,,2,1,2,2,2,3,,,2,2,1,118,1,24,1,120,1,1,2,2 -7526,0,1830,0,1800,1,1,17,4,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,1,2,1,4,2: 5 - 20 mph,,,1,,,,4,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,138,1,56,1,146,3,2,1,3 -7527,0,1453,0,1400,1,1,23.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,103,1,32,1,120,1,1,1,2 -7528,0,2234,0,1630,1,1,33.5,1,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,2,,,2,3,1,110,1,20,1,118,2,1,2,3 -7529,0,2050,0,2000,1,1,,,4,1,1,3,3,3,2,2,3,3,2,1,1,2,2,2,4,5,6,3,,2,3,,,2,3,3,4,4: Speed Unknown,,,3,,,,4,,1,2,2,,1,1,2,1,3,3,,,3,3,1,90,1,18,1,140,5,5,2,3 -7530,0,1900,0,1700,1,1,50,2,3,1,2,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Did a wheelie on a bicycle, fell back struck back on curb",,5,2,2,,2,,2,2,2,2,2,2,,,2,2,1,123,1,20,1,90,1,1,2,2 -7531,0,1920,0,1900,1,1,55,2,3,1,1,3,3,3,2,2,3,3,2,1,2,2,2,2,1,2,1,14,,2,1,4,1,2,3,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,3,1,110,1,24,1,120,2,2,1,3 -7532,0,1230,0,1120,1,1,20,4,8,2,,3,3,3,1,2,3,3,3,1,1,2,1,2,4,5,6,3,,2,3,,,3,3,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,2,1,2,2,2,3,3,,,3,2,1,80,1,24,1,62,4,4,2,3 -7533,0,1910,0,1820,1,1,11.4,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,14,,1,2,,,2,2,2,7,2: Accidental,,,,,,dresser fell on abdomen,7,,2,,1,3,2,2,2,2,2,2,,,2,2,1,133,1,45,1,106,1,1,2,2 -7534,0,1541,0,1400,1,1,75,2,3,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,object struck back,7,,2,,2,,1,2,2,2,2,2,,,2,3,1,127,1,20,1,83,1,1,2,3 -7535,0,1359,0,1300,1,1,22,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,112,1,22,1,99,2,1,2,2 -7536,0,1603,0,1540,1,1,58.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,3,2,2,2,,,2,3,1,128,1,14,1,103,1,1,3,2 -7537,0,2102,0,2040,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,33,1,94,1,1,2,2 -7538,0,1610,0,1515,1,1,80,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,143,1,18,1,91,1,1,2,2 -7539,0,2230,0,1730,1,1,8.6,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,1,3: > 40 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,3,,,2,3,1,112,1,36,1,110,1,1,2,3 -7540,0,1559,0,1500,1,1,50,4,8,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,3,2,3,10,,2,3,,,2,2,3,4,4: Speed Unknown,,,4,,,,4,,1,2,1,3,1,1,2,2,2,3,,,2,3,1,120,1,24,1,110,4,2,2,3 -7541,0,1625,0,1600,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,120,1,20,1,90,1,1,2,2 -7542,0,2109,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,106,1,16,1,100,1,1,2,2 -7543,0,1823,0,1700,1,1,11,3,1,1,4,1,2,1,2,2,2,2,2,2,2,2,2,2,2,3,2,11,,1,3,,,2,3,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,1,2,2,2,1,3,2,2,3,1,120,1,36,1,179,3,2,2,3 -7544,0,1015,0,0930,1,1,63,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,16,1,95,1,1,2,2 -7545,0,1843,0,1330,1,1,9,3,8,2,,2,2,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,3,2,3,2,,,2,3,1,116,1,36,1,176,1,1,2,3 -7546,0,1647,0,1615,1,1,15,4,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,81,1,32,1,154,1,1,3,2 -7547,0,,0,,2,2,,,3,2,,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,4,1,1,3,2,3,1,132,1,20,1,110,1,1,3,2 -7548,0,0955,0,0945,1,1,56.5,1,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,146,1,18,1,100,1,1,2,2 -7549,0,1010,0,0845,1,1,60,4,3,2,,3,3,3,2,2,3,3,4,3,2,2,2,2,1,5,6,6,,2,3,,,2,3,3,9,,,,,,Fall from standing immediatly after sports,,2,2,2,,2,,1,2,2,2,3,3,,,3,2,1,129,1,18,1,77,1,1,2,3 -7550,0,1609,0,1530,1,1,21.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,16,1,100,2,1,2,2 -7551,0,2328,0,,2,1,20,4,3,1,1,3,3,3,2,2,3,3,2,1,1,1,1,2,1,2,2,13,,2,3,,,2,3,1,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,3,,,3,2,1,128,1,28,1,144,2,1,2,3 -7552,0,0542,0,,2,1,10,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,129,1,24,1,128,1,1,2,2 -7553,0,1820,0,,2,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,1,2,2,1,2,,,2,3,1,99,1,22,1,96,1,1,2,2 -7554,0,0130,-1,2000,1,1,14,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,1: < 3 ft.,,,,,,Possible Abuse,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,105,1,24,1,151,2,1,2,3 -7555,0,1502,0,1300,1,1,81.6,1,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,1,1,2,,1,2,2,2,2,2,,,2,2,1,116,1,13,1,115,1,1,2,3 -7556,0,1336,0,0950,1,1,26.9,1,8,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,3,1,95,1,22,1,110,1,1,2,2 -7557,0,1120,0,,2,1,72.7,2,4,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,30-40 Foot fall while climbing rock wall with bolder roll over chest/abdomen,,2,1,1,2,1,1,2,2,2,2,1,2,,,2,3,3,,1,18,3,,2,1,1,2 -7558,0,1636,0,,2,1,15,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,2,1,2,2,2,3,1,1,1,2,3,1,112,1,24,1,92,3,1,1,3 -7559,0,2330,0,1800,1,1,29.5,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,4,,,2,3,1,130,1,28,1,128,1,1,2,2 -7560,0,1330,0,1230,1,1,79,2,3,2,,1,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,3,2,2,2,2,3,1,1,1,2,3,1,109,1,20,1,99,2,1,2,2 -7561,0,1315,0,0730,1,1,60,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Punch and kick to upper abdomen,,7,2,2,,2,,2,2,2,2,2,1,2,2,2,3,1,141,1,20,1,86,1,1,1,2 -7562,0,1435,0,1350,1,1,42.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,16,1,98,1,1,1,2 -7563,0,2200,0,2130,1,1,77,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,108,1,22,1,108,1,1,3,3 -7564,0,0800,0,,2,1,10,3,1,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,4,2,1,11,,1,3,,,2,3,1,4,3: > 20 mph,,,3,,,While held in mother's arms,4,,2,,1,3,1,2,2,2,2,1,1,2,2,3,1,105,1,30,1,168,4,2,2,3 -7565,0,1801,0,1630,1,1,65,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,111,1,16,1,80,1,1,2,3 -7566,0,1059,0,0945,1,1,14,2,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,7,2: Accidental,,,,,,,7,,2,,3,,1,2,3,2,3,2,,,2,3,1,107,1,30,1,105,1,1,2,3 -7567,0,1845,0,1800,1,1,45,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,1,2,2,2,2,,,2,3,1,110,1,30,1,94,1,1,1,2 -7568,0,2010,0,,2,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,1,3,1,2,3,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,1,2,1,3,1,2,2,1,91,1,38,1,116,4,3,2,3 -7569,0,1100,0,1000,1,1,45,1,3,2,,1,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,138,1,38,1,100,1,1,2,2 -7570,0,1800,0,1700,1,1,60,4,1,2,,2,2,2,2,2,1,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,142,1,20,1,122,3,2,2,3 -7571,0,2340,0,1230,1,1,111,1,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Sandwiched between two people while playing football,,7,2,2,,2,,2,2,2,3,1,2,,,2,2,1,127,1,16,1,84,1,1,2,2 -7572,0,1242,-1,,2,1,43,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,105,1,20,1,120,1,1,2,2 -7573,0,2052,0,1852,1,1,65,4,3,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,4,,1,2,3,2,1,2,,,2,2,1,141,1,13,1,70,1,1,2,3 -7574,0,1230,0,1000,1,1,35,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,100,1,20,1,80,1,1,2,2 -7575,0,1246,0,1244,1,1,,,3,2,,3,3,3,2,1,3,3,2,1,2,2,2,2,4,5,5,4,,1,3,,,3,3,1,3,3: > 15,,,,,,reported fall but abuse suspected,3,,2,,1,1,1,1,2,2,3,2,,,3,2,1,161,2,,1,122,4,3,2,3 -7576,0,1725,0,1700,1,1,40,4,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,135,1,20,1,116,2,1,2,2 -7577,0,1002,-1,1830,1,1,35.6,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,1,1,2,,1,2,2,2,2,2,,,2,3,1,109,1,24,1,100,3,1,2,3 -7578,0,1745,0,1712,1,1,66.4,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,2,2,2,1,3,1,2,1,2,2,1,141,1,19,1,106,3,2,2,2 -7579,0,0840,0,0740,1,1,36,1,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,118,1,16,1,82,1,1,2,3 -7580,0,1445,0,1015,1,1,33,1,3,1,2,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,2,1,102,1,20,1,86,1,1,1,2 -7581,0,1615,0,1530,1,1,91,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,1: < 3 ft.,,,,,,Object accidently struck the abdomen.,2,,2,,2,,2,1,2,2,2,1,1,3,2,3,1,127,1,18,1,100,2,2,2,2 -7582,0,1653,0,,2,1,43,4,8,2,,3,3,3,2,2,3,3,2,2,3,3,3,3,4,5,5,4,,2,3,,,2,3,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,3,1,2,2,2,3,3,,,3,2,1,104,1,24,1,130,4,3,1,3 -7583,0,1700,0,1616,1,1,45,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,1,1,1,2,1,1,3,4,2,3,1,118,1,18,1,100,3,2,2,3 -7584,0,2353,0,2220,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,129,1,21,1,65,1,1,2,3 -7585,0,,0,,2,2,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,20,1,104,1,1,2,2 -7586,0,0020,-1,,2,1,18,3,3,1,3,3,3,3,2,2,3,3,2,1,1,2,1,2,3,5,3,7,,2,3,,,3,3,1,1,3: > 40 mph,3,,,,,,1,,2,,1,3,1,1,2,1,2,3,,,3,2,1,110,2,,1,105,4,2,2,3 -7587,0,,-1,,2,2,4.9,1,3,2,,3,3,3,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,4,,,2,3,3,9,,,,,,Child maltreatment,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,124,1,30,1,142,2,1,2,3 -7588,0,1550,0,,2,1,47.7,1,9,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,3,1,1,1,2,2,1,3,3,2,3,1,126,1,20,1,127,3,3,1,3 -7589,0,2045,0,2000,1,1,35,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,2,6,,,,,,,,6,,2,,1,2,1,2,2,2,2,2,,,2,2,1,133,1,24,1,110,1,1,2,3 -7590,0,2345,0,2335,1,1,60,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Hood surfing on car; thrown off,,9,1,2,,2,,1,2,2,2,3,2,,,2,2,1,148,1,22,1,110,1,1,1,3 -7591,0,1530,0,1400,1,1,110,,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,1,3: > 40 mph,2,,,,,,1,,1,1,1,1,1,2,2,2,2,1,2,1,2,2,1,87,1,18,1,118,2,2,2,3 -7592,0,2039,0,1800,1,1,47.7,2,8,1,1,1,1,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,1,1,2,,1,2,2,2,2,2,,,2,3,1,115,1,22,1,84,2,1,2,3 -7593,0,1820,0,1700,1,1,31,1,1,2,,2,2,2,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,1,2,2,3,2,,,2,3,1,128,1,20,1,107,1,1,2,2 -7594,0,1743,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,6,,,,,,,,6,,2,,1,1,2,2,2,4,3,1,1,3,2,3,1,111,1,20,1,76,1,1,3,2 -7595,0,1746,0,1625,1,1,90,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,138,1,16,1,70,3,2,1,3 -7596,0,1357,0,1330,1,1,65,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,132,1,16,1,71,1,1,2,2 -7597,0,1728,0,1700,1,1,63.5,2,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,16,1,85,1,1,2,2 -7598,0,1018,0,,2,1,38.6,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,1,1,1,2,2,3,1,107,1,16,1,93,1,1,3,2 -7599,0,1834,0,1700,1,1,35,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,1,2,1,1,2,3,2,2,1,116,1,20,1,91,2,2,2,3 -7600,0,1800,0,1715,1,1,60,2,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,3,1,1,1,2,3,1,134,1,20,1,71,2,1,2,2 -7601,0,1610,0,1600,1,1,77.3,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,16,1,127,1,1,2,2 -7602,0,1800,0,1730,1,1,15,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,2,,1,1,2,2,2,2,,,3,3,1,130,1,56,1,156,2,1,2,3 -7603,0,1704,0,,2,1,50.9,1,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,20,1,61,1,1,2,2 -7604,0,2034,0,2000,1,1,20,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,116,1,31,1,102,1,1,2,3 -7605,0,2017,0,1630,1,1,70,4,3,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,5: Physician did not answer,1,1,,,,,1,,2,,1,2,2,2,2,4,1,1,1,3,2,2,1,130,1,16,1,78,2,2,2,2 -7606,0,1400,0,1200,1,1,48,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,5,,,,,3,,,5,,1,1,2,,2,1,2,2,2,1,2,3,2,3,1,105,1,22,1,100,1,1,2,2 -7607,0,1230,0,0945,1,1,10,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,4,5,3,6,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,1,2,3,2,2,2,,,2,2,1,104,1,26,1,57,1,1,3,3 -7608,0,1737,0,1630,1,1,105,1,1,2,,1,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,1,1,2,2,2,1,3,2,2,3,1,125,1,18,1,76,3,2,2,3 -7609,0,2005,0,1845,1,1,20,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,3,,2,,2,2,2,2,2,2,,,2,3,1,113,1,24,1,77,1,1,2,2 -7610,0,1110,0,1030,1,1,22.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,3,2,2,,,2,3,1,108,1,24,1,94,1,1,2,2 -7611,0,0226,0,,2,1,21.5,1,1,1,1,1,2,1,2,2,2,2,4,2,2,2,2,2,1,2,1,14,,2,2,,,3,2,1,1,4: Speed Unknown,3,,,,,,1,,3,,1,3,1,1,1,2,2,2,,,2,2,1,114,1,30,1,120,2,1,1,3 -7612,0,2051,0,2030,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,101,1,29,1,139,1,1,3,2 -7613,0,2120,0,1700,1,1,19.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,4,1,1,2,2,7,2: Accidental,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,2,2,1,121,1,22,1,120,1,1,1,3 -7614,0,1713,0,1650,1,1,,,3,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,1,2,1,3,1,3,1,4,3,1,125,1,26,1,94,4,2,1,3 -7615,0,0837,0,0710,1,1,61,2,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,148,1,24,1,102,1,1,2,2 -7616,0,1910,0,1900,1,1,30,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,4,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,108,1,20,1,114,1,1,2,3 -7617,0,0723,0,0630,1,1,65,2,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,1,3,2,2,1,131,1,25,1,80,2,1,2,3 -7618,0,1652,0,1550,1,1,68,1,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,2,2,2,2,1,2,,,2,2,1,117,1,16,1,97,1,1,2,2 -7619,0,,0,,2,2,63,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,151,1,22,1,99,1,1,2,2 -7620,0,0132,-1,1415,1,1,77,2,1,2,,2,2,2,2,2,3,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,3,2,1,9,,,,,,hit tree in snowmobile accident,,6,2,2,,2,,1,2,2,2,2,2,,,2,3,1,166,1,20,1,124,1,1,1,3 -7621,0,1120,0,1040,1,1,50,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,4,1,125,1,22,1,82,1,1,2,2 -7622,0,1930,0,1500,1,1,18,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,6,,,,,,,,6,,4,,2,,1,2,2,2,2,2,,,2,3,1,109,1,19,1,103,1,1,1,3 -7623,0,1645,0,1630,1,1,43,1,1,1,1,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,2,1,2,2,2,,,2,3,1,133,1,24,1,105,2,1,2,3 -7624,0,1706,0,1530,1,1,50,4,8,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,5,,,,,2,,,5,,1,1,2,,1,2,2,2,2,1,2,3,2,2,1,135,1,18,1,91,1,1,2,3 -7625,0,0342,0,0130,1,1,60,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,1,1,2,,2,2,2,2,2,2,,,2,2,1,137,1,26,1,104,1,1,2,2 -7626,0,2001,0,1930,1,1,60,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,145,1,20,1,108,1,1,2,2 -7627,0,1500,0,1400,1,1,65,4,3,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,6,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,2,1,159,1,18,1,94,2,2,2,3 -7628,0,1020,0,0720,1,1,35.5,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,2,,2,2,3,4,2,2,,,2,3,1,115,1,22,1,80,1,1,2,2 -7629,0,1710,0,,2,1,19.2,3,1,2,,2,2,2,2,2,3,1,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,1,1,1,2,3,1,2,1,3,3,1,100,1,46,1,131,5,4,2,3 -7630,0,1404,0,1304,1,1,6.9,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,124,1,36,1,140,2,1,1,3 -7631,0,2030,0,2000,1,1,12,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,2,2,4,1: < 5 mph,,,3,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,120,1,20,1,130,1,1,2,2 -7632,0,2021,0,,2,1,45.2,1,3,2,,2,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,3,,3,,2,2,2,2,2,2,,,2,3,1,120,1,33,1,73,1,1,2,2 -7633,0,1630,0,1600,1,1,30,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,1,1,1,2,1,1,2,2,1,1,2,2,2,3,1,141,1,20,1,100,3,2,2,3 -7634,0,1934,0,1910,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,2,2,,,3,3,3,9,,,,,,Skateboarding without helmet,,2,2,2,,1,3,1,2,2,2,3,2,,,2,3,1,116,1,41,1,139,1,1,2,3 -7635,0,1611,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,18,1,74,1,1,2,2 -7636,0,1630,0,,2,1,18.6,1,3,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,3,3,3,5,,,,,3,,,5,,2,,1,2,1,2,2,2,2,3,,,2,2,1,130,1,24,1,140,3,3,1,3 -7637,0,1740,0,1645,1,1,63.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,"assault hitting back, face, knee, and abdomen and kicked",,7,2,2,,2,,2,2,2,2,2,1,1,2,2,2,1,112,1,18,1,82,2,6,2,2 -7638,0,2311,0,,2,1,70,4,3,1,1,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,5,,,,,3,,,5,,2,,1,2,1,2,2,2,3,1,2,2,2,3,1,138,1,16,1,57,3,2,2,3 -7639,0,2049,0,2030,1,1,13,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,92,1,26,1,111,1,1,3,2 -7640,0,0710,-1,1700,1,1,59,1,3,2,,1,2,2,2,2,4,4,4,4,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,"Bench pressing, bar hit chest",,7,2,2,,2,,2,4,3,4,4,4,,,4,4,1,133,1,18,1,52,1,1,2,2 -7641,0,1810,0,1700,1,1,,,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,12,,2,3,,,1,3,2,1,3: > 40 mph,1,4,,,,,1,,2,,1,1,2,2,2,2,2,3,,,2,3,1,100,1,24,1,120,2,1,2,2 -7642,0,1550,0,1515,1,1,30,1,8,1,1,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,1,2,,,2,2,1,118,1,18,1,104,2,1,2,3 -7643,0,0918,0,,2,1,120,2,3,1,1,3,3,3,2,2,3,3,3,1,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,1,4: Speed Unknown,1,6,,,,,1,,2,,1,2,1,1,1,2,2,3,,,3,4,1,132,3,,1,109,5,4,1,3 -7644,0,1754,0,,2,1,35,4,3,2,,3,3,3,1,2,3,3,2,3,2,2,2,2,3,2,1,12,,2,3,,,2,2,1,8,,,,,,,,8,,2,,1,1,1,2,2,2,2,3,,,2,3,1,114,1,16,1,85,3,2,2,3 -7645,0,2301,0,2000,1,1,35,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,5,,,,,3,,,5,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,111,1,24,1,98,1,1,2,2 -7646,0,1211,0,,2,1,50,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,123,1,17,1,93,1,1,2,3 -7647,0,1439,0,,2,1,10.2,1,3,2,,3,3,3,2,2,3,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,8,,,,,,,,8,,2,,2,,1,2,2,2,2,3,,,2,3,1,97,1,28,1,110,2,2,2,3 -7648,0,2057,0,,2,1,55,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,2,3,2,2,1,139,1,25,1,121,2,1,2,3 -7649,0,1513,0,,2,1,19.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,109,1,24,1,122,1,1,1,2 -7650,0,1540,0,1530,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,100,1,18,1,72,2,1,2,2 -7651,0,0939,0,0915,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,99,1,43,1,166,1,1,3,3 -7652,0,2100,0,1830,1,1,22.3,1,3,2,,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,94,1,20,1,120,1,1,2,2 -7653,0,2034,0,,2,1,,,8,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,1,1,2,2,2,,,2,2,1,126,1,26,1,101,2,2,2,3 -7654,0,2024,0,1900,1,1,85,4,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Cheerleading Accident- Pt had team mate fall from 5-8' ontop of her,,7,2,2,,2,,1,2,2,3,2,2,,,2,2,1,113,1,12,1,88,1,1,1,3 -7655,0,1612,0,1200,1,1,29,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,4,2,3,1,108,1,22,1,95,1,1,2,2 -7656,0,1346,0,1245,1,1,28.1,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,1,2,1,2,2,2,2,1,2,2,2,3,1,128,1,22,1,80,4,2,1,3 -7657,0,2002,0,1915,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,142,1,19,1,104,1,1,2,3 -7658,0,1510,0,,2,1,50,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,2,1,120,1,18,1,78,1,1,2,2 -7659,0,1416,0,1300,1,1,49,4,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall off house,,2,2,2,,1,1,2,2,2,2,2,2,,,2,3,1,125,1,18,1,121,3,1,2,2 -7660,0,1620,0,,2,1,12,4,8,2,,3,3,3,2,2,2,2,2,3,2,2,2,2,1,3,2,12,,1,3,,,3,3,1,1,4: Speed Unknown,1,4,,,,,1,,2,,1,1,1,2,2,1,2,3,,,2,2,1,87,1,40,1,168,4,2,2,3 -7661,0,2036,0,2000,1,1,50,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,119,1,18,1,80,2,1,2,2 -7662,0,2120,0,2100,1,1,,,3,1,3,1,2,2,2,2,1,1,2,2,2,2,2,2,1,2,1,14,,2,1,1,2,2,2,2,9,,,,,,Motor Cross Crash,,6,2,2,,2,,1,2,2,2,2,1,1,3,2,2,1,110,1,32,1,168,2,2,2,3 -7663,0,2118,0,1800,1,1,32.6,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,fell off of skateboard,,2,2,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,113,1,16,1,98,4,2,2,3 -7664,0,1357,0,1300,1,1,41,,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,3,1,139,1,18,1,72,2,1,1,3 -7665,0,2215,0,1730,1,1,72.8,1,1,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,2,,,2,3,1,110,1,51,1,71,1,1,2,2 -7666,0,1618,0,,2,1,20,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,88,1,22,1,93,1,1,2,2 -7667,0,1927,0,,2,1,29.5,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,4,,2,2,2,2,2,2,,,2,2,1,116,1,20,1,96,1,1,2,2 -7668,0,1606,0,1520,1,1,100,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,135,1,16,1,96,1,1,1,2 -7669,0,1911,0,,2,1,25.8,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,Falling Backward,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,125,1,24,1,106,1,1,2,3 -7670,0,2028,0,1900,1,1,28.6,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,2,3,2,3,1,120,1,18,1,87,1,1,3,2 -7671,0,2030,0,,2,1,26,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,2,,,,,1,,1,2,1,1,1,1,1,1,2,1,1,3,2,2,1,128,1,22,1,120,2,2,1,3 -7672,0,1416,0,1245,1,1,59,1,1,1,1,1,2,1,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,skateboard injury (fell off skateboard),,2,2,2,,1,1,2,1,2,2,2,1,1,1,2,3,1,114,1,14,1,83,2,1,2,2 -7673,0,1652,0,1600,1,1,44.5,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,120,1,16,1,96,1,1,2,2 -7674,0,0900,0,0830,1,1,32,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,1,2,2,2,3,2: 6-15,,,,,,,3,,2,,1,1,2,2,2,2,2,1,1,1,2,2,1,118,1,20,1,70,2,1,2,2 -7675,0,1417,0,,2,1,13.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,110,1,22,1,158,1,1,1,2 -7676,0,1550,0,1500,1,1,30,4,1,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,2,4,2,10,,2,3,,,2,3,2,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,2,2,2,2,3,,,3,2,1,86,1,20,1,120,4,4,2,3 -7677,0,1259,0,,2,1,68,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,99,1,32,1,74,1,1,2,2 -7678,0,1638,0,,2,1,70,4,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,1,1,2,1,2,,,2,2,1,121,1,20,1,98,2,1,1,2 -7679,0,2000,0,1330,1,1,30,2,3,2,,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,3,2,,,4,4,1,103,1,20,1,92,1,1,1,3 -7680,0,1600,0,1500,1,1,60,4,8,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,1,2,1,14,,2,3,,,1,3,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,2,1,153,1,19,1,111,1,1,1,3 -7681,0,1552,0,1510,1,1,68,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,4,4: Speed Unknown,,,1,,,,4,,1,1,1,1,2,2,2,2,3,1,2,2,2,2,1,133,1,20,1,81,3,2,2,2 -7682,0,2323,0,,2,1,14,1,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,3,6,,1,3,,,1,2,3,2,3: > 10 ft.,,,,,,,2,,1,2,2,,1,2,2,2,2,3,,,3,2,1,102,1,18,1,145,2,1,1,3 -7683,0,2302,0,,2,1,45,,3,1,4,3,3,3,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,2,,,2,2,1,123,1,20,1,102,3,2,2,3 -7684,0,1702,0,,2,1,4.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,8,,,,,,,,8,,2,,2,,2,2,2,2,2,2,,,2,2,1,109,1,24,1,143,1,1,1,2 -7685,0,1000,0,0900,1,1,62.9,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from skating,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,18,1,98,1,1,2,2 -7686,0,2119,0,2000,1,1,30,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,114,1,20,1,112,1,1,2,2 -7687,0,1632,0,1432,1,1,47,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,1,2,2,2,3,2,,,2,2,1,107,1,24,1,124,2,1,2,3 -7688,0,1736,0,1700,1,1,66.2,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,127,1,18,1,64,2,1,2,2 -7689,0,0435,0,,2,1,68.1,1,3,1,4,1,1,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,3: > 40 mph,1,6,,,,,1,,2,,1,3,1,2,2,2,2,1,1,2,2,2,1,133,1,21,1,76,2,2,1,3 -7690,0,2328,0,,2,1,10,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,82,1,26,1,113,1,1,2,3 -7691,0,2023,0,1900,1,1,60,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,133,1,28,1,130,1,1,2,2 -7692,0,1818,0,1730,1,1,52.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,111,1,24,1,122,1,1,1,3 -7693,0,1543,0,1430,1,1,60,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,1,2,2,2,2,,,2,3,1,110,1,20,1,64,1,1,2,2 -7694,0,1737,0,1700,1,1,99.8,4,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,7,1: Intentional,,,,,,,7,,2,,1,1,1,2,2,2,2,1,2,1,2,2,1,114,1,16,1,74,1,1,2,3 -7695,0,1636,0,,2,1,10,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,31,1,139,1,1,1,2 -7696,0,1944,0,,2,1,8.5,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,near drowning,,9,2,2,,1,1,1,2,2,2,2,2,,,2,3,1,90,1,28,1,168,2,1,2,3 -7697,0,2004,0,1900,1,1,57,1,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,1,1,1,1,15,,1,2,,,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,119,1,24,1,129,1,1,2,2 -7698,0,1543,0,1500,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,116,1,22,1,102,1,1,2,3 -7699,0,1637,0,1530,1,1,79.6,2,3,2,,4,4,4,2,2,2,1,3,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,4,2,2,1,122,1,20,1,110,2,1,2,2 -7700,0,1133,0,0800,1,1,43,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,105,1,20,1,96,1,1,2,3 -7701,0,1131,0,1015,1,1,43,1,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,3,2,2,,,2,2,1,106,1,20,1,66,1,1,2,2 -7702,0,2002,0,1945,1,1,12,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,14,,1,4,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,32,1,118,1,1,2,2 -7703,0,1018,0,0930,1,1,68,4,4,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,1,2,,,2,3,1,124,1,24,1,84,1,1,1,2 -7704,0,1308,0,0730,1,1,15,4,3,1,1,3,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,3,1,3: > 40 mph,1,5,,,,,1,,2,,1,3,1,1,1,2,3,2,,,2,2,1,119,1,34,1,170,3,3,1,3 -7705,0,0805,0,,2,1,12,3,1,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,4,3: > 20 mph,,,4,,,Auto/ped while being held by mother,4,,2,,1,3,1,1,2,2,3,3,,,2,3,1,103,1,32,1,160,3,2,2,3 -7706,0,1538,0,1445,1,1,12,2,3,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,1,3: > 40 mph,1,5,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,96,1,22,1,133,1,1,2,3 -7707,0,1850,0,1830,1,1,,,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,4,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,3,1,124,1,18,1,91,2,1,2,3 -7708,0,2040,0,,2,1,19,1,2,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,4,,4,,2,2,3,2,2,1,2,3,2,3,1,100,1,20,1,120,6,6,3,2 -7709,0,2010,0,,2,1,24.9,1,3,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,1,2,2,2,2,,,2,3,1,124,1,18,1,100,1,1,2,2 -7710,0,1640,0,1600,1,1,74,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,"Fell Backward, Soccer, Hit Head LOC",,2,2,2,,3,,2,2,2,2,2,1,1,2,2,2,1,118,1,28,1,88,2,1,2,2 -7711,0,2147,0,1647,1,1,11,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,2,1,1,4: Speed Unknown,1,5,,,,,1,,2,,3,,1,2,2,2,3,2,,,3,2,1,118,1,23,1,123,2,1,1,3 -7712,0,1129,0,,2,1,45,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,2,1,2,2,2,1,1,4,2,3,1,105,1,24,1,110,1,1,2,2 -7713,0,2005,0,,2,1,27.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,1,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,2,1,1,1,2,3,1,122,1,22,1,89,1,1,2,3 -7714,0,1812,0,1730,1,1,60,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,2,3,1,102,1,45,1,126,1,1,2,2 -7715,0,2000,0,1530,1,1,9.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,pulled bicycle onto self,,7,2,2,,2,,1,2,2,2,3,2,,,2,3,1,95,1,32,1,90,1,1,2,3 -7716,0,1921,0,,2,1,30,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,113,1,30,1,107,2,2,1,3 -7717,0,1813,0,,2,1,7.2,1,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,3,1: 5 or less,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,3,1,112,1,44,1,197,1,1,2,3 -7718,0,1101,-1,,2,1,49.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,alleged trip and fall,,2,2,2,,2,,2,2,2,2,4,1,1,2,2,3,3,,1,20,1,104,1,1,1,2 -7719,0,2235,0,2100,1,1,75,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,136,1,30,1,80,1,1,2,3 -7720,0,1318,0,,2,1,45.5,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,3,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,111,1,23,1,70,4,3,2,3 -7721,0,2037,0,1930,1,1,78.1,1,3,1,3,1,1,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,120,1,18,1,65,4,3,2,2 -7722,0,2244,0,2130,1,1,59,2,2,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,137,1,18,1,92,1,1,2,2 -7723,0,2120,0,2100,1,1,32,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,20,1,97,1,1,2,2 -7724,0,1338,0,1215,1,1,12.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,142,1,32,1,175,1,1,2,2 -7725,0,1012,0,0945,1,1,38.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,110,1,22,1,108,1,1,1,2 -7726,0,1438,0,1000,1,1,53.2,1,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,20,1,100,1,1,1,2 -7727,0,0145,-1,1630,1,1,65,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,2,2,2,3,1,81,1,20,1,80,3,2,1,3 -7728,0,2200,0,2100,1,1,27,1,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,4,,4,,2,1,1,2,2,2,,,2,3,1,127,1,26,1,112,1,1,2,2 -7729,0,1715,0,,2,1,38.8,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,2,1,2,2,3,1,2,2,2,3,1,110,1,18,1,80,4,2,2,2 -7730,0,2142,0,,2,1,75,1,3,2,,4,4,4,4,4,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,1: < 3 ft.,,,,,,basketball injury,2,,2,,1,1,2,2,2,2,2,2,,,2,3,1,146,1,18,1,93,1,1,2,2 -7731,0,1946,0,1800,1,1,50,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell on hip while diving to catch football,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,113,1,20,1,88,1,1,2,2 -7732,0,0813,0,0650,1,1,75,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,1,14,,2,1,4,1,2,2,2,1,4: Speed Unknown,3,,,,,,1,,1,2,1,1,1,2,2,2,3,1,1,1,2,2,1,145,1,14,1,104,2,1,3,3 -7733,0,1311,0,1100,1,1,2.9,1,8,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,1,3,,,1,2,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,3,4,2,2,,,2,2,1,80,1,48,1,143,1,1,2,3 -7734,0,1505,0,1100,1,1,128,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,1,3,2,3,1,137,1,16,1,78,4,3,1,2 -7735,0,1642,0,1610,1,1,45.4,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,117,1,16,1,90,1,1,2,3 -7736,0,2023,0,1700,1,1,45,,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,2,2,2,3,1,111,1,14,1,94,4,1,2,3 -7737,0,1719,0,1650,1,1,25,4,3,2,,2,2,2,2,2,1,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,2,3,2,3,4,,,2,2,1,118,1,24,1,97,2,2,2,3 -7738,0,1840,0,1800,1,1,63,2,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,141,1,18,1,80,1,1,2,2 -7739,0,1100,0,1000,1,1,27,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,3: > 40 mph,1,6,,,,,1,,2,,1,1,1,1,2,2,2,3,,,2,2,1,115,1,30,1,90,3,2,2,3 -7740,0,0900,0,0830,1,1,30,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,115,1,18,1,86,2,1,1,2 -7741,0,0911,0,0815,1,1,17,4,3,2,,2,2,2,2,2,1,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,108,1,25,1,88,1,1,2,2 -7742,0,1831,0,1740,1,1,14,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,137,1,30,1,144,1,1,2,3 -7743,0,1230,0,1130,1,1,15,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,1,2,2,2,1,1,2,2,2,1,146,1,36,1,97,2,1,2,3 -7744,0,1800,0,,2,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,1,3: > 40 mph,1,1,,,,,1,,4,,1,3,1,2,2,4,2,1,1,3,2,2,1,114,1,34,1,88,3,6,3,3 -7745,0,1719,0,,2,1,16.6,1,3,2,,2,2,2,2,2,3,3,2,2,2,2,1,2,1,1,1,15,,1,3,,,2,3,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,1,2,2,3,3,,,3,3,1,108,1,26,1,134,2,1,2,2 -7746,0,2130,0,2015,1,1,40,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,3,2,,,2,3,1,120,1,22,1,91,1,1,1,3 -7747,0,0320,0,0130,1,1,6,4,3,2,,3,3,3,2,2,3,3,2,1,1,2,2,2,4,5,6,3,,1,3,,,2,3,1,8,,,,,,,,8,,2,,1,2,1,2,2,1,2,3,,,3,3,1,99,4,,1,122,4,4,1,3 -7748,0,1535,0,1430,1,1,25,2,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,4: Speed Unknown,,,2,,,Patient dragged by car,4,,2,,1,1,1,1,2,2,2,1,2,3,2,3,1,146,1,38,1,101,3,1,1,3 -7749,0,1630,0,1600,1,1,59,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,5,,,,,1,,,5,,2,,2,,2,1,2,2,2,2,,,2,2,1,95,1,18,1,79,1,1,2,2 -7750,0,1820,0,,2,1,8,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,8,,,,,,,,8,,2,,2,,1,2,2,2,1,2,,,2,2,1,83,1,39,1,100,1,1,2,3 -7751,0,1854,0,1830,1,1,49.5,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,9,,,,,,Dropped on head,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,142,1,32,1,91,1,1,2,2 -7752,0,1919,0,1830,1,1,40,4,8,2,,3,4,4,2,2,2,2,2,2,2,2,2,2,2,2,2,12,,2,3,,,2,2,4,5,,,,,3,,,5,,4,,3,,1,2,3,2,3,1,4,6,2,2,1,122,1,26,1,83,1,1,2,3 -7753,0,1718,0,1600,1,1,69.1,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,18,1,102,1,1,1,2 -7754,0,1005,0,0925,1,1,11,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,120,1,20,1,120,1,1,2,3 -7755,0,1240,0,,2,1,6.2,1,3,1,1,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,1,3,,,3,3,1,115,1,26,1,114,1,1,2,2 -7756,0,1015,0,0850,1,1,35,2,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,5,,,,,3,,,5,,2,,1,1,1,1,2,3,2,2,,,2,3,1,117,1,20,1,80,2,1,2,3 -7757,0,2035,0,1930,1,1,90,1,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,3,,,5,,2,,1,1,2,1,2,2,2,1,2,2,1,2,3,,1,18,1,100,2,1,2,2 -7758,0,0230,-1,1100,1,1,14,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,8,,,,,,,suspect fall from 4' counter,8,,2,,2,,1,2,2,2,2,2,,,2,2,1,102,1,24,1,150,1,1,2,3 -7759,0,1628,0,1545,1,1,29,4,3,1,3,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,1,2,2,2,2,,,2,2,1,152,1,14,1,128,2,1,3,3 -7760,0,1245,0,1145,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,135,1,20,1,155,1,1,2,3 -7761,0,1950,0,1910,1,1,58,1,3,1,2,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,1,2,9,,,,,,Fell into bleachers,,2,2,2,,1,3,2,2,2,2,2,2,,,2,3,1,129,1,18,1,80,2,2,2,2 -7762,0,1802,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,2,13,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,2,1,2,2,2,3,2,,,2,2,1,112,1,30,1,89,2,1,1,3 -7763,0,0953,0,0800,1,1,91.1,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,7,1: Intentional,,,,,,,7,,1,2,2,,2,2,2,2,2,1,2,3,2,3,1,133,1,20,1,83,1,1,2,2 -7764,0,1558,0,1500,1,1,20,4,1,3,,4,4,4,4,4,2,2,2,2,3,3,3,3,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,Ejected from booster seat,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,108,1,20,1,99,1,1,1,2 -7765,0,2131,0,2100,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,129,1,18,1,72,1,1,2,2 -7766,0,2115,0,1900,1,1,47.1,,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,3,2,2,1,2,3,2,3,1,111,1,20,1,99,3,2,3,3 -7767,0,,0,,2,2,12.2,2,8,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,3,2,2,3,,,2,3,1,98,1,24,1,160,1,1,2,3 -7768,0,0215,0,0200,1,1,10,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,12,,1,3,,,2,2,3,1,3: > 40 mph,1,4,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,114,1,28,1,100,1,1,2,3 -7769,0,2029,0,1800,1,1,63.5,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,2,2,2,2,1,1,1,2,2,3,1,118,1,18,1,88,1,1,2,2 -7770,0,1145,0,1130,1,1,45,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,3,1,118,1,20,1,112,1,1,2,3 -7771,0,1505,0,,2,1,18,4,3,1,2,1,1,4,2,2,1,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,2,2,2,2,2,2,,,2,3,1,127,1,30,1,124,2,1,3,2 -7772,0,1337,0,,2,1,28,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,3,,,,,,1,,2,,2,,1,1,2,2,4,2,,,2,3,1,121,1,20,1,92,1,1,3,3 -7773,0,2230,0,,2,1,16,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,1,1,1,1,3,2,1,1,3: > 40 mph,1,5,,,,,1,,1,2,1,1,1,2,2,2,2,1,1,1,2,2,1,119,1,24,1,146,2,2,2,3 -7774,0,0016,-1,2200,1,1,58,,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,124,1,18,1,84,1,1,2,2 -7775,0,0432,0,,2,1,70,4,3,1,1,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,9,,,,,,jumped out of car at ~25MPH,,9,1,2,,1,3,1,1,2,2,2,3,,,3,2,1,164,2,,1,96,2,1,2,3 -7776,0,2103,0,,2,1,50,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,124,1,20,1,80,3,3,1,2 -7777,0,1130,0,,2,1,30,2,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,2,1,2,2,2,2,2,,,2,2,1,116,1,18,1,95,1,1,3,3 -7778,0,1843,0,1730,1,1,16,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,115,1,20,1,128,1,1,2,2 -7779,0,1609,0,,2,1,55,4,8,1,4,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,4,,1,3,2,2,2,2,2,1,1,2,2,3,1,125,1,34,1,83,1,1,2,2 -7780,0,,0,1715,1,2,46.9,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Struck in abdomen twice while playing soccer. Struck with head then elbow.,,7,2,2,,1,3,2,2,2,2,2,1,1,2,2,3,1,118,1,20,1,80,4,2,3,2 -7781,0,1736,0,1100,1,1,22.5,1,1,1,2,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,1,2,4,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,1,2,2,2,2,,,2,3,1,117,1,28,1,119,1,1,2,3 -7782,0,1830,0,1630,1,1,66,,8,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,151,1,18,1,98,1,1,2,2 -7783,0,1633,0,1130,1,1,68,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,111,1,18,1,82,1,1,3,3 -7784,0,1650,0,1630,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,138,1,20,1,92,1,1,1,2 -7785,0,2138,0,2050,1,1,56,1,3,2,,2,2,2,2,2,2,2,3,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,135,1,18,1,91,2,2,3,3 -7786,0,2015,0,1930,1,1,70,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,2,2,1,118,1,24,1,94,1,1,1,2 -7787,0,2254,0,,2,1,65,4,3,2,,2,2,1,2,2,1,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,Thrown from hood of a moving car - unknown speed,2,,2,,1,2,1,1,2,2,2,2,,,2,3,1,142,1,22,1,105,2,2,2,3 -7788,0,0240,0,0140,1,1,,,4,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,Assault,,7,2,1,2,1,1,2,2,2,2,2,1,1,1,2,3,1,106,1,45,1,114,1,1,2,2 -7789,0,2045,0,1800,1,1,20,4,3,2,,2,2,2,2,2,2,3,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,111,1,25,1,109,1,1,2,3 -7790,0,1420,0,1330,1,1,25,4,3,2,,2,2,1,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,1,3: > 40 mph,2,,,,,,1,,1,2,1,2,1,2,2,1,2,1,2,3,2,2,1,100,1,26,1,131,5,4,1,3 -7791,0,1544,0,,2,1,40,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,14,,2,1,1,1,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,1,1,1,2,3,1,130,1,24,1,110,1,1,2,3 -7792,0,1700,0,1530,1,1,46,1,3,2,,1,2,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,118,1,20,1,100,3,2,2,2 -7793,0,0845,0,0815,1,1,67,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,127,1,18,1,85,1,1,2,2 -7794,0,1110,0,1030,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,90,1,22,1,114,1,1,2,3 -7795,0,0937,-1,2300,1,1,46.6,1,3,2,,1,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,20,1,80,1,1,1,2 -7796,0,0915,0,,2,1,51,2,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,117,1,12,1,74,3,2,1,3 -7797,0,2048,0,2000,1,1,24.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,24,1,87,2,1,2,2 -7798,0,1557,0,1515,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,16,1,82,1,1,1,2 -7799,0,2000,0,1845,1,1,14.5,2,3,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,90,1,24,1,156,1,1,2,3 -7800,0,1703,0,1600,1,1,90,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,2,1,2,2,2,1,2,2,2,2,1,137,1,24,1,76,4,3,2,2 -7801,0,1530,0,1500,1,1,65,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,125,1,20,1,110,1,1,1,2 -7802,0,1207,0,1030,1,1,17.6,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,1,1,2,2,1,1,1,2,2,1,118,1,14,1,99,5,5,1,3 -7803,0,0950,0,0910,1,1,14,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,2,,,2,3,3,,1,28,1,127,1,1,2,2 -7804,0,1721,0,1600,1,1,30,1,8,1,4,2,2,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,2,1,2,1,2,2,1,4,3: > 20 mph,,,1,,,,4,,2,,1,2,1,1,2,2,1,1,2,2,1,2,1,119,1,29,1,121,3,1,2,3 -7805,0,1702,0,,2,1,17,1,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,3,1,3,1,2,3,1,96,1,20,1,105,4,2,2,2 -7806,0,2120,0,1730,1,1,39.6,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,80,1,20,1,80,2,2,2,2 -7807,0,1630,0,1545,1,1,46.5,2,8,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,1,2,3,,2,2,2,2,2,2,,,2,2,1,106,1,16,1,94,1,1,1,2 -7808,0,1350,0,,2,1,48,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,1,1,1,2,2,2,3,1,2,6,2,3,1,113,1,32,1,118,2,1,2,3 -7809,0,,0,1400,1,2,32,3,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,40,1,101,1,1,1,2 -7810,0,1944,0,1930,1,1,45,4,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,134,1,20,1,78,1,1,2,2 -7811,0,1608,0,,2,1,40,1,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,20,1,90,1,1,2,2 -7812,0,1354,0,,2,1,23,1,8,1,1,1,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,104,1,40,1,129,1,1,2,3 -7813,0,1535,0,1400,1,1,19,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,138,1,26,1,142,1,1,2,2 -7814,0,1012,0,,2,1,78,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,127,1,16,1,73,1,1,2,2 -7815,0,1941,0,1900,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,3,,,2,2,3,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,2,1,116,1,40,1,110,2,2,2,3 -7816,0,1855,0,1800,1,1,22,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,125,1,26,1,108,3,3,3,3 -7817,0,1850,0,1730,1,1,42,2,3,2,,2,2,2,2,2,2,2,1,2,2,2,2,2,,,,,15,2,1,1,1,2,2,1,5,,,,,3,,,5,,2,,2,,2,1,2,2,2,1,1,3,2,3,1,140,1,16,1,107,2,1,2,2 -7818,0,1815,0,1750,1,1,,,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,106,1,52,1,116,1,1,2,3 -7819,0,1454,0,1420,1,1,24,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,4,2,2,,,2,3,1,109,1,24,1,100,1,1,2,2 -7820,0,1956,0,,2,1,18.2,1,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,1,2,2,2,2,,,2,3,1,121,1,20,1,110,1,1,1,2 -7821,0,1610,0,1520,1,1,75,4,4,2,,2,2,2,2,2,4,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,135,1,16,1,110,1,1,3,2 -7822,0,0058,0,0000,1,1,65.5,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,152,1,22,1,82,1,1,2,2 -7823,0,1542,0,1500,1,1,26.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,2,1,2,1,2,3,1,116,1,20,1,109,2,2,2,3 -7824,0,1000,-1,2000,1,1,10,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,3,1,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,3,2,3,,,2,2,3,,1,30,1,160,2,2,2,2 -7825,0,1253,0,1200,1,1,,,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,2,2,2,2,2,2,,,2,3,1,116,1,24,1,159,1,1,3,2 -7826,0,1900,0,1800,1,1,70,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,99,1,20,1,69,2,2,2,2 -7827,0,1655,0,1530,1,1,71,2,2,2,,1,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,1,2,9,,,,,,fell off trampoline,,2,2,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,154,1,18,1,100,3,3,1,2 -7828,0,2011,0,1930,1,1,17.6,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,1: < 5 mph,,,3,,,,4,,2,,2,,2,1,2,2,2,2,,,2,3,3,,1,22,1,84,1,1,2,2 -7829,0,1336,0,1300,1,1,30,4,3,2,,2,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,1,1,7,4: Physician did not answer,,,,,,,7,,2,,2,,1,2,2,2,2,1,1,1,2,3,1,109,1,16,1,95,2,2,2,3 -7830,0,1230,0,1130,1,1,48,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,7,2: Accidental,,,,,,,7,,1,2,2,,2,2,2,2,3,1,1,3,2,3,1,134,1,18,1,90,1,1,2,2 -7831,0,1313,0,1000,1,1,13,2,2,1,2,1,3,3,2,2,3,2,2,2,2,2,2,2,1,2,2,13,,1,3,,,2,3,1,9,,,,,,trampoline injury,,2,2,2,,1,2,1,2,2,2,3,3,,,3,3,1,96,1,28,1,157,4,2,1,3 -7832,0,2129,0,2100,1,1,70,4,8,2,,3,3,4,2,2,3,3,2,2,2,2,2,1,3,1,5,9,,2,3,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,1,2,1,1,1,2,2,2,2,2,,,2,1,1,110,1,32,1,81,2,1,1,3 -7833,0,2011,0,1930,1,1,15,3,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,5,4,,1,2,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,1,1,1,2,1,2,2,2,2,3,,,3,2,1,123,1,18,1,120,2,2,3,3 -7834,0,1150,0,1020,1,1,30,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,1,1,1,1,2,2,2,2,3,1,1,3,2,3,1,123,1,18,1,111,3,2,1,2 -7835,0,1150,0,1030,1,1,12.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,2,3,,1,24,1,128,1,1,2,2 -7836,0,2350,0,2300,1,1,98,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Jumped from second story,,2,1,2,,2,,2,2,2,2,3,2,,,2,2,1,106,1,16,1,94,1,1,3,2 -7837,0,1931,0,1900,1,1,61,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,130,1,18,1,94,1,1,2,3 -7838,0,1737,0,1700,1,1,52.6,2,2,1,4,1,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,5,,,,,1,,,5,,1,2,1,1,1,1,2,2,2,1,3,1,4,3,1,116,1,18,1,84,4,3,2,3 -7839,0,0410,0,0400,1,1,59,4,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,155,1,27,1,116,1,1,2,3 -7840,0,1915,0,1910,1,1,10,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,3,3,11,,2,2,,,2,3,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,3,1,114,1,41,1,109,2,2,1,3 -7841,0,0525,0,0445,1,1,21.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,4,2,2,,,2,3,1,116,1,24,1,114,1,1,2,2 -7842,0,1000,0,1000,1,1,24,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,golf cart rollover,,6,2,1,2,2,,2,2,2,2,2,2,,,2,3,1,117,1,26,1,98,1,1,2,2 -7843,0,1041,0,1000,1,1,80,4,3,2,,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,1,2,,1,2,2,2,1,2,,,2,2,1,126,1,17,1,88,2,1,3,3 -7844,0,0040,0,0015,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,4,3,1,137,1,18,1,83,1,1,2,3 -7845,0,1700,0,1600,1,1,68,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,130,1,20,1,88,1,1,2,2 -7846,0,0800,0,0700,1,1,70.7,,1,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,3,1,1,2,2,3,1,123,1,18,1,77,2,1,1,2 -7847,0,1650,0,1500,1,1,,,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,134,1,20,1,52,1,1,2,2 -7848,0,1500,0,1430,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,141,1,24,1,117,1,1,2,2 -7849,0,1503,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,3,2,2,2,,,2,2,1,114,1,35,1,139,2,2,1,2 -7850,0,0837,0,0815,1,1,37,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,3,1,142,1,12,1,98,1,1,2,3 -7851,0,1800,0,1515,1,1,9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,7,3: Unknown intentionality,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,24,1,130,2,1,2,2 -7852,0,2136,0,2000,1,1,59,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,4,1,139,1,21,1,128,2,2,2,3 -7853,0,1828,0,1750,1,1,32,4,8,1,1,1,2,2,2,2,2,1,4,2,2,2,2,2,1,1,1,15,,2,4,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,2,2,2,1,124,1,20,1,98,4,4,2,3 -7854,0,1850,0,1800,1,1,50,4,3,2,,2,2,2,1,2,2,3,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,3,1,2,2,2,2,2,,,2,2,1,143,1,30,1,124,2,1,3,3 -7855,0,1645,0,1540,1,1,61.2,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from skateboard,,2,2,1,2,2,,2,2,2,2,2,2,,,2,3,1,130,1,18,1,69,3,2,2,2 -7856,0,2000,0,,2,1,68,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,13,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,3,2,,,2,3,1,156,1,20,1,114,2,1,2,3 -7857,0,0007,-1,2300,1,1,15.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,113,1,20,1,115,1,1,1,3 -7858,0,1030,0,,2,1,48.2,,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,126,1,24,1,86,1,1,2,3 -7859,0,2037,0,2017,1,1,20,4,8,2,,3,3,3,2,2,3,3,3,1,1,1,1,2,4,5,3,6,,2,3,,,2,3,1,4,3: > 20 mph,,,2,,,,4,,2,,1,2,1,2,2,2,2,3,,,3,2,1,147,1,28,1,75,3,3,1,3 -7860,0,0024,-1,2330,1,1,13,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,1,2,2,2,2,,,2,3,1,114,1,42,1,155,2,1,2,3 -7861,0,2016,0,1800,1,1,45.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,4,2,,,2,3,1,124,1,20,1,84,2,2,2,3 -7862,0,1800,0,1750,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,151,1,24,1,128,1,1,2,3 -7863,0,1833,0,1700,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,125,1,35,1,76,1,1,2,2 -7864,0,1900,0,1730,1,1,37.2,2,2,2,,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,4,1,9,,,,,,fell off the tree (8ft),,2,2,2,,1,2,2,2,2,2,2,1,1,2,1,3,1,107,1,20,1,82,1,1,2,2 -7865,0,2255,0,1500,1,1,36.6,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,1,4,2,2,1,120,1,20,1,88,1,1,2,2 -7866,0,1420,0,1320,1,1,70,4,11,1,1,1,2,2,1,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,3,2,,,2,2,1,120,1,16,1,68,2,1,2,2 -7867,0,1900,0,1800,1,1,79.3,2,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,1,3,2,3,1,126,1,16,1,91,2,1,2,2 -7868,0,1500,0,1100,1,1,8,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,9,,,,,,"suspected NAT, fall from standing",,7,2,2,,1,1,1,2,2,4,2,2,,,3,3,1,90,1,32,1,135,2,1,2,3 -7869,0,2054,0,1930,1,1,52,2,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,1,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,136,1,19,1,96,1,1,1,3 -7870,0,2015,0,1930,1,1,16,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,Fall on mat of trampoline,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,24,1,120,1,1,2,2 -7871,0,0708,0,0630,1,1,36.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,1,1,2,3,1,114,1,20,1,89,4,2,2,3 -7872,0,2241,0,,2,1,20,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,1,2,2,2,1,2,2,2,2,1,108,1,33,1,102,2,2,1,3 -7873,0,2300,0,2100,1,1,80,4,11,1,1,1,1,2,1,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,9,,,,,,hit by boat (was jet skiing),,9,2,1,2,1,1,1,2,2,2,3,2,,,2,2,1,150,1,36,1,88,1,1,2,3 -7874,0,1942,0,1500,1,1,78,1,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,4,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,111,1,20,1,58,1,1,2,1 -7875,0,2339,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,121,1,45,1,145,1,1,1,3 -7876,0,1656,0,1630,1,1,11,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,1,2,,,2,2,2,4,1: < 5 mph,,,4,,,,4,,1,1,2,,1,2,2,2,3,2,,,2,2,1,129,1,35,1,170,1,1,2,3 -7877,0,2123,0,2100,1,1,36,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,136,1,22,1,114,1,1,2,3 -7878,0,1600,0,1300,1,1,44.6,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Small wooden toy in pocket struck her abdomen as she fell during skating,,2,2,2,,2,,2,2,2,2,2,1,1,3,2,3,1,132,1,28,1,109,1,1,2,2 -7879,0,1645,0,1600,1,1,30,2,8,1,2,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,3,4,,,4,4,4,10,,,,,,,,10,,2,,3,,2,2,2,2,2,2,,,2,3,1,128,1,44,1,156,1,1,2,2 -7880,0,1050,0,1000,1,1,62.4,4,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,116,1,19,1,94,2,1,2,2 -7881,0,1808,0,1000,1,1,22.5,1,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,4,5,,1,3,,,2,2,3,9,,,,,,Sledding --> Altered LOC,,9,2,2,,3,,1,2,2,2,3,3,,,3,2,1,119,2,,1,125,4,4,2,3 -7882,0,1719,0,1700,1,1,60,4,8,2,,2,2,2,2,2,3,3,2,2,1,1,1,2,4,4,3,7,,2,3,,,3,3,3,6,,,,,,,,6,,2,,1,3,1,2,2,2,2,3,,,3,2,1,140,1,30,1,90,2,2,2,3 -7883,0,2130,0,1400,1,1,32,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,2,2,2,3,1,123,1,18,1,102,4,3,2,3 -7884,0,1516,0,1400,1,1,9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,1: < 20 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,92,1,20,1,112,1,1,2,2 -7885,0,2120,0,2000,1,1,43.1,1,3,1,2,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fall while skateboarding,,2,2,2,,2,,2,2,2,2,2,1,2,2,2,3,1,110,1,24,1,80,4,4,2,2 -7886,0,1910,0,1800,1,1,35,1,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,85,1,32,1,100,1,1,2,2 -7887,0,2240,0,2200,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,3,1,13,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,3,2,,,2,2,1,102,1,18,1,73,2,1,2,3 -7888,0,1609,0,1500,1,1,65,4,1,2,,3,3,3,1,1,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,1,3,3,1,4: Speed Unknown,1,1,,,,,1,,1,1,1,1,1,2,2,2,2,3,,,3,3,1,117,1,16,1,101,2,2,2,3 -7889,0,1704,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,1,1,2,2,2,3,1,120,1,19,1,146,1,1,2,2 -7890,0,2025,0,2000,1,1,40,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,114,1,20,1,118,1,1,2,3 -7891,0,1358,0,,2,1,12.3,2,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,2,2,13,,1,3,,,2,3,1,4,4: Speed Unknown,,,3,,,,4,,2,,4,,2,2,2,2,3,3,,,3,3,1,138,1,28,1,122,1,1,2,2 -7892,0,2154,0,,2,1,40,4,8,2,,2,2,2,2,2,3,3,2,3,2,2,2,2,1,3,3,11,,1,3,,,2,3,3,1,2: 20 - 40 mph,2,,,,,,1,,1,2,1,1,1,2,2,2,2,3,,,2,2,1,138,1,20,1,125,3,2,2,3 -7893,0,2200,0,2100,1,1,48,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,2,1,13,,2,2,,,1,2,1,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,123,1,22,1,105,1,1,2,3 -7894,0,2200,0,2100,1,1,41.3,1,2,2,,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,with fist and foot,7,,2,,1,1,2,2,2,2,2,1,2,2,1,3,1,119,1,28,1,104,1,1,2,2 -7895,0,1033,0,0930,1,1,52.2,4,4,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,2,2,2,2,2,2,2,,,2,2,1,111,1,18,1,100,1,1,1,2 -7896,0,1313,0,1100,1,1,90,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,2,1,2,2,2,1,1,4,2,3,1,149,1,20,1,68,2,2,3,2 -7897,0,2151,0,2030,1,1,74.4,1,2,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,20,1,78,1,1,2,2 -7898,0,1318,0,,2,1,90,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,126,1,20,1,108,2,2,3,3 -7899,0,0209,-1,,2,1,4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,2,1,8,,,,,,,,8,,2,,2,,1,2,2,2,2,2,,,2,3,1,92,1,28,1,177,2,1,2,3 -7900,0,1900,0,1800,1,1,35,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,20,1,90,1,1,1,1 -7901,0,1239,0,,2,1,28.2,,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,129,1,22,1,100,1,1,2,2 -7902,0,1700,0,1640,1,1,36.1,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,3: > 40 mph,1,7,,,,,1,,2,,1,1,1,1,1,2,2,1,3,3,2,2,1,130,1,20,1,80,4,3,2,3 -7903,0,1645,0,1600,1,1,50,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,1,2,2,2,2,1,2,3,2,2,1,134,1,40,1,92,5,2,1,3 -7904,0,1909,0,1815,1,1,24.1,2,8,1,1,1,2,2,2,2,3,2,2,3,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,1,9,,,,,,Thrown from horse,,2,2,2,,1,2,1,2,2,2,3,1,3,2,1,3,1,99,1,32,1,120,4,2,2,3 -7905,0,1450,0,,2,1,69,4,8,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,left in trash compactor,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,15,1,103,1,1,1,2 -7906,0,2144,0,2114,1,1,91,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,138,1,18,1,92,1,1,2,2 -7907,0,1602,0,1530,1,1,65,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,138,1,20,1,80,1,1,2,2 -7908,0,2115,0,1945,1,1,70,4,3,2,,1,2,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,151,1,18,1,101,2,1,2,2 -7909,0,1515,0,1500,1,1,75,2,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,1,1,1,1,2,2,2,1,1,3,2,4,1,118,1,19,1,83,6,6,3,3 -7910,0,1617,0,1545,1,1,18,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,20,1,91,1,1,2,2 -7911,0,1730,0,,2,1,,,3,1,1,1,2,1,1,2,1,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,3,1,130,1,16,1,85,2,1,2,3 -7912,0,1746,0,1740,1,1,46,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,115,1,18,1,96,1,1,2,3 -7913,0,0400,0,,2,1,64,4,3,2,,2,2,2,2,2,1,2,2,1,2,2,2,1,1,1,1,15,,1,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,3,1,135,1,16,1,63,4,2,2,2 -7914,0,1810,0,1710,1,1,73,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,3,1,2,2,2,3,2,,,2,2,1,163,1,24,1,49,2,2,3,3 -7915,0,1335,0,,2,1,26,,9,2,,2,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,134,1,18,1,100,1,1,2,2 -7916,0,1714,-1,2200,1,1,72.6,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,1,3: > 40 mph,2,,,,,,1,,2,,4,,2,2,2,2,2,1,2,2,2,4,1,116,1,20,1,75,3,1,2,2 -7917,0,1800,0,1730,1,1,4.9,1,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,Man fell down 2 stairs with baby,,2,2,2,,1,1,2,2,2,2,2,2,,,2,3,1,98,1,28,1,135,1,1,2,2 -7918,0,1540,0,1520,1,1,10.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,22,1,120,1,1,2,2 -7919,0,1854,0,,2,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,1,5,,,,,3,,,5,,2,,2,,1,2,2,2,1,2,,,2,3,1,147,1,25,1,99,2,1,2,3 -7920,0,2035,0,,2,1,60,4,8,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,1,2,2,2,1,140,1,20,1,104,2,1,1,3 -7921,0,0028,-1,2330,1,1,61,2,2,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,4,,,2,3,1,144,1,16,1,82,1,1,2,1 -7922,0,2256,0,1700,1,1,80,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,3,1,1,2,2,2,2,,,2,2,1,126,1,24,1,82,2,1,2,3 -7923,0,1535,0,1530,1,1,40,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,4,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,3,2,1,1,2,2,3,1,122,1,18,1,88,2,2,2,2 -7924,0,2318,0,,2,1,13,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,2,,1,2,2,2,2,2,,,2,3,1,112,1,48,1,88,1,1,2,3 -7925,0,1512,0,1300,1,1,14,3,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,2,1,14,,1,3,,,2,3,1,9,,,,,,fall from then struck by go cart,,2,2,2,,1,1,2,2,2,2,3,3,,,3,3,1,110,1,22,1,134,2,1,2,2 -7926,0,0229,0,0200,1,1,60,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,1,1,1,1,1,2,2,2,2,1,3,4,2,3,1,121,1,22,1,136,3,2,2,3 -7927,0,1714,0,,2,1,49.3,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,3,,,,4,,2,,2,,1,2,2,3,2,2,,,2,3,1,124,1,24,1,88,1,1,2,3 -7928,0,1753,0,1700,1,1,50,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,1,1,2,2,1,2,4,2,3,1,132,1,18,1,108,4,1,1,3 -7929,0,1705,0,1505,1,1,15,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,3: > 10 ft.,,,,,,,2,,1,1,1,1,1,2,2,2,2,1,2,1,2,3,1,109,1,24,1,132,4,4,2,3 -7930,0,0818,0,0715,1,1,50,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,4,,,2,2,1,117,1,16,1,62,1,1,3,2 -7931,0,1644,0,1500,1,1,34,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,fell and slid down hill,,2,2,2,,2,,2,2,2,2,2,1,1,2,2,2,1,118,1,16,1,80,1,1,2,2 -7932,0,2200,0,2000,1,1,25.2,1,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,24,1,88,1,1,2,2 -7933,0,1701,0,1600,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,1,1,1,2,2,2,2,1,3,1,2,2,1,110,1,20,1,88,5,3,2,3 -7934,0,1925,0,1730,1,1,72.5,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,1,1,1,1,2,2,2,2,2,2,,,2,2,1,130,1,12,1,64,1,1,2,2 -7935,0,2252,0,2200,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,2,,1,2,2,2,3,2,,,2,2,1,126,1,16,1,98,1,1,2,3 -7936,0,2000,0,1730,1,1,,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,1,2,2,4,1,2,1,3,3,1,140,1,32,1,123,3,2,1,3 -7937,0,1759,0,,2,1,40,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,116,1,20,1,96,1,1,2,3 -7938,0,1200,0,1000,1,1,60,4,3,2,,3,2,1,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,4,1,2,1,2,3,1,110,1,18,1,96,4,3,2,3 -7939,0,1800,0,1600,1,1,8,3,1,2,,3,3,3,2,2,3,3,2,3,1,2,1,2,4,5,2,7,,1,3,,,2,3,3,1,3: > 40 mph,1,4,,,,,1,,2,,1,1,1,2,2,2,2,3,,,3,3,1,120,2,,1,107,2,2,2,3 -7940,0,1951,0,1900,1,1,24,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,1,2,3,2,2,1,119,1,30,1,108,2,2,2,3 -7941,0,1658,0,1500,1,1,121.7,1,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,2,,,5,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,131,1,20,1,97,2,1,2,2 -7942,0,1528,0,,2,1,31,,8,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,9,,,,,,"Fell in bathtub, cut R side of chest on soapdish",,2,2,2,,3,,2,1,2,2,2,1,1,2,2,3,1,134,1,27,1,97,2,1,2,2 -7943,0,1153,0,0135,1,1,82,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,162,1,18,1,115,2,1,2,2 -7944,0,1747,0,,2,1,30,4,3,2,,4,4,4,4,4,3,2,4,2,2,2,2,2,2,4,2,10,,2,3,,,4,3,1,1,5: Physician did not answer,4,,,,,,1,,2,,1,1,1,1,2,2,1,2,,,3,2,1,108,1,23,1,91,2,2,2,3 -7945,0,1845,0,1730,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,122,1,24,1,100,2,1,2,3 -7946,0,1551,0,1500,1,1,70,1,2,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,4,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,6,2,3,1,104,1,22,1,84,2,2,3,2 -7947,0,2154,0,1830,1,1,10,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,3,2,,,2,2,2,6,,,,,,,,6,,1,2,2,,1,2,2,2,3,2,,,2,2,1,119,1,16,1,117,2,1,3,3 -7948,0,,0,,2,2,47.7,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,1,2,,,2,3,1,130,1,20,1,82,1,1,1,2 -7949,0,1610,0,1430,1,1,,,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,113,1,20,1,114,1,1,2,2 -7950,0,1806,0,,2,1,75,4,8,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,3,3,2,10,,2,3,,,1,3,1,9,,,,,,struck by falling tree,,7,2,2,,1,3,1,1,2,2,2,3,,,3,2,1,120,1,24,1,81,3,1,1,3 -7951,0,1412,0,1300,1,1,45,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,121,1,18,1,111,1,1,2,2 -7952,0,1800,0,,2,1,90,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,20,1,102,1,1,3,2 -7953,0,1501,0,1130,1,1,13.6,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,4,4,1,94,1,30,1,147,1,1,2,3 -7954,0,1930,0,1630,1,1,40,1,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,"sledding accident, hit ramp",,9,2,2,,1,1,2,1,2,2,2,1,1,2,2,3,1,112,1,24,1,90,4,1,2,2 -7955,0,1642,0,1530,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,Kicked in abdomen,7,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,105,1,20,1,90,1,1,2,2 -7956,0,0100,0,0030,1,1,15,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,32,1,166,1,1,2,2 -7957,0,1023,-1,1600,1,1,68.7,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,2,2,2,2,1,1,2,2,2,1,137,1,16,1,70,5,2,1,3 -7958,0,1203,0,,2,1,100,,4,1,1,1,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,2,1,1,1,2,2,3,,,2,3,1,180,1,22,1,98,4,2,2,3 -7959,0,2108,0,,2,1,53,2,2,1,1,1,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,3,2,,,2,1,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,4,2,,,4,3,1,119,1,20,1,71,1,1,2,2 -7960,0,0915,0,0830,1,1,19,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,1,2,4,3: > 20 mph,,,2,,,,4,,1,2,1,2,1,2,2,2,2,1,1,1,2,3,1,118,1,23,1,113,2,1,2,3 -7961,0,1500,0,0500,1,1,91,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,2,2,2,2,2,1,1,4,2,2,1,124,1,16,1,80,3,6,2,2 -7962,0,1624,0,1600,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,121,1,20,1,96,1,1,2,3 -7963,0,2330,0,2300,1,1,60,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,1,2,2,,1,2,2,2,2,2,,,2,2,1,128,1,14,1,110,1,1,1,3 -7964,0,2310,0,1930,1,1,14,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,86,1,28,1,129,1,1,2,3 -7965,0,2150,0,1915,1,1,13.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,12,,2,2,,,1,1,2,9,,,,,,Near drowning- 2-3ft depth of pool,,9,2,2,,2,,1,2,2,2,2,1,1,3,3,2,1,119,1,24,1,118,2,1,1,3 -7966,0,2200,0,2200,1,1,60,4,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,133,1,16,1,68,1,1,1,2 -7967,0,2310,0,,2,1,14,1,8,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,93,1,32,1,120,1,1,3,3 -7968,0,1945,0,1900,1,1,28.6,2,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,2,1,2,1,2,5,,,,,3,,,5,,2,,1,1,1,2,2,2,1,1,2,1,2,2,1,94,1,26,1,105,3,1,2,3 -7969,0,1934,0,,2,1,10,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,Non Accidental Trauma,,7,2,2,,2,,1,2,3,2,2,2,,,2,3,1,96,1,28,1,155,1,1,1,3 -7970,0,0120,0,0100,1,1,40,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,118,1,20,1,166,1,1,2,3 -7971,0,2030,0,2000,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,Football injury,,7,2,2,,1,1,2,1,2,2,2,1,1,1,2,2,1,131,1,16,1,72,2,1,2,2 -7972,0,2130,0,2100,1,1,,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,1,3: > 40 mph,2,,,,,,1,,1,1,1,1,1,2,2,2,2,1,1,1,2,2,1,145,1,24,1,115,2,2,2,3 -7973,0,1734,0,1315,1,1,26.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,2,2,2,1,1,4,2,3,1,110,1,22,1,110,2,1,1,2 -7974,0,1745,0,,2,1,4,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,1,3,2,2,2,2,3,1,2,2,2,2,1,92,1,50,1,150,3,3,2,2 -7975,0,2130,0,2100,1,1,21,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,1: < 5 mph,,,1,,,,4,,2,,1,1,2,1,2,2,2,1,1,3,2,3,1,127,1,28,1,138,2,2,2,2 -7976,0,2330,0,2300,1,1,75,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,124,1,24,1,108,1,1,2,2 -7977,0,1200,-1,1600,1,1,10,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,3,,4,,3,,1,1,3,3 -7978,0,1747,0,1700,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,1,2: 20 - 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,99,1,20,1,84,1,1,1,2 -7979,0,1741,0,1715,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,1,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,102,1,22,1,127,1,1,2,3 -7980,0,1427,0,1230,1,1,67.5,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,150,1,20,1,92,2,1,2,2 -7981,0,1450,0,1410,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,141,1,24,1,68,1,1,3,2 -7982,0,0220,0,0200,1,1,30,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,4,,,2,3,1,136,1,20,1,102,1,1,1,2 -7983,0,2119,0,2000,1,1,61.2,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,9,,,,,,sledding accident,,9,2,4,,1,1,2,2,2,2,2,1,1,1,2,2,1,146,1,18,1,78,4,3,3,2 -7984,0,1715,0,1515,1,1,20,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,3,,,5,,2,,1,1,2,2,2,2,2,1,2,1,2,2,1,116,1,28,1,145,2,1,2,2 -7985,0,1800,0,1730,1,1,80,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,7,2: Accidental,,,,,,,7,,1,2,1,1,1,2,2,2,3,1,3,2,2,3,1,134,1,18,1,90,5,3,2,3 -7986,0,1424,0,1320,1,1,22,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,1,2: 20 - 40 mph,1,5,,,,,1,,1,1,2,,1,2,2,2,2,2,,,2,3,1,110,1,28,1,118,1,1,2,3 -7987,0,0900,-1,1430,1,1,8.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,1,2: 20 - 40 mph,1,4,,,,But fell out,1,,2,,2,,2,2,2,2,2,2,,,2,3,2,,1,28,1,120,1,1,2,2 -7988,0,0015,-1,,2,1,10,3,8,2,,3,3,3,2,2,3,3,2,2,1,2,1,2,4,5,4,5,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,1,2,2,,1,2,2,2,3,3,,,3,2,1,78,2,,1,118,1,1,2,3 -7989,0,1638,0,,2,1,79.5,1,1,1,1,4,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,4,,,2,2,4,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,102,1,18,1,86,1,1,2,3 -7990,0,2041,0,,2,1,31.8,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,3,1,1,1,15,,2,1,4,2,2,2,2,9,,,,,,head to head hit in football,,9,2,2,,1,3,1,2,2,2,2,1,2,6,2,3,1,122,1,15,1,101,2,2,2,3 -7991,0,1832,0,,2,1,20,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Skiied into a tree,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,24,1,111,1,1,2,2 -7992,0,1505,0,1415,1,1,57.1,1,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,16,1,99,1,1,2,2 -7993,0,0100,-1,,2,1,65,1,4,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,3,3: > 15,,,,,,,3,,2,,1,1,1,2,2,4,2,2,,,3,2,1,140,1,20,1,90,3,2,3,3 -7994,0,1740,0,1650,1,1,83,1,3,2,,1,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Hit in chest with another player's football helmet,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,20,1,73,1,1,2,1 -7995,0,0615,0,,2,1,,,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,6,,,,,1,,2,,3,,1,2,2,2,2,2,,,2,2,1,104,1,20,1,115,1,1,3,3 -7996,0,1741,0,,2,1,16.3,1,3,2,,4,4,4,4,4,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,24,1,137,1,1,2,2 -7997,0,1947,0,,2,1,26,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,1,1,1,1,1,2,2,2,2,2,,,2,2,1,103,1,36,1,122,1,1,3,3 -7998,0,1700,0,1500,1,1,25,4,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,3,3,2,,,2,3,1,114,1,16,1,108,2,2,1,3 -7999,0,2027,0,1935,1,1,50,4,3,1,1,3,3,3,2,2,3,3,2,1,1,1,1,1,1,4,3,10,,2,3,,,2,2,2,9,,,,,,Jumped from moving car(25)mph,,9,1,2,,1,1,1,1,2,2,2,3,,,3,2,1,107,1,30,1,118,4,3,2,3 -8000,0,0900,0,,2,1,82,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,1,3,2,2,2,2,3,2,,,2,2,1,136,1,22,1,77,2,2,2,2 -8001,0,1059,0,1000,1,1,16,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,20,1,136,1,1,2,2 -8002,0,1805,0,,2,1,22,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,113,1,20,1,87,1,1,2,2 -8003,0,1425,0,1400,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,2,2,2,2,1,1,1,1,2,3,1,130,1,24,1,68,3,2,2,2 -8004,0,1728,0,1500,1,1,62,1,2,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,punched and kicked by child (teenager boy),,7,2,2,,2,,2,2,2,2,2,1,1,4,2,2,1,137,1,14,1,76,1,1,2,2 -8005,0,2039,0,1200,1,1,49,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,1,2,7,2: Accidental,,,,,,,7,,1,1,2,,2,2,2,2,2,1,2,4,2,3,1,120,1,26,1,104,3,3,2,2 -8006,0,1600,0,1500,1,1,27.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,2,,2,1,1,2,2,1,1,1,2,2,1,101,1,27,1,86,1,1,1,2 -8007,0,1822,0,1800,1,1,63.5,2,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,20,1,80,1,1,2,2 -8008,0,,0,,2,2,108,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,1,2,2,,1,2,2,2,3,2,,,2,2,1,108,1,31,1,122,1,1,3,3 -8009,0,1718,0,1530,1,1,46.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,1,2,2,2,1,2,2,2,2,1,125,1,20,1,80,1,1,2,2 -8010,0,1900,0,1700,1,1,28,3,1,2,,2,2,2,2,2,2,2,1,1,2,2,2,2,2,2,2,12,,2,2,,,2,2,1,4,3: > 20 mph,,,1,,,,4,,2,,1,1,1,2,2,2,3,2,,,2,2,1,128,1,20,1,116,2,1,3,3 -8011,0,0150,0,0130,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,1,2,2,4,3,2,,,2,2,1,126,1,22,1,97,1,1,2,3 -8012,0,2340,0,2300,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,159,1,20,1,96,1,1,2,2 -8013,0,1840,0,1800,1,1,50,4,3,2,,3,3,3,2,2,3,3,1,1,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,3,3,,,3,2,1,127,2,,1,114,3,2,2,3 -8014,0,1600,0,1430,1,1,48,2,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,Fall off House,,2,2,2,,1,3,1,2,2,2,2,1,1,1,2,3,1,133,1,16,1,87,2,1,3,3 -8015,0,1646,0,1500,1,1,95,1,2,2,,1,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,127,1,18,1,90,1,1,2,2 -8016,0,1728,0,1630,1,1,50,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,1,2,2,2,1,122,1,26,1,63,2,1,2,3 -8017,0,2215,0,2030,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,1,2,2,2,1,109,1,18,1,115,2,1,2,3 -8018,0,2100,0,2050,1,1,77.1,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,148,1,16,1,101,1,1,2,2 -8019,0,2206,0,2015,1,1,10,1,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,1,3,,,2,3,2,1,3: > 40 mph,2,,,,,,1,,1,2,1,1,1,1,2,1,2,2,,,2,3,1,120,1,50,1,158,3,2,2,3 -8020,0,1855,0,1700,1,1,21,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,3,2: 6-15,,,,,,,3,,2,,1,3,2,2,2,2,2,2,,,2,3,3,,1,24,1,110,2,1,3,2 -8021,0,0759,0,,2,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,4: Unknown,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,106,1,20,1,80,1,1,2,2 -8022,0,2201,0,1940,1,1,42,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,1,1,1,1,2,2,4,2,2,,,2,2,1,121,1,21,1,100,2,1,2,3 -8023,0,1651,0,,2,1,55.4,1,9,1,1,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,2,1,1,2,2,2,,,2,3,1,129,1,16,1,117,1,1,2,2 -8024,0,2035,0,1800,1,1,88,4,3,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,Assault by 4 other females,,7,2,2,,1,1,2,2,2,2,2,1,1,1,2,2,1,146,1,40,1,119,1,1,2,2 -8025,0,1900,0,1730,1,1,29.9,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,28,1,107,1,1,1,2 -8026,0,0430,-1,2000,1,1,61,1,1,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,3,1,3,2,1,1,2,2,1: < 3 ft.,,,,,,,2,,2,,1,3,2,2,2,1,2,1,3,2,2,3,1,124,1,18,1,60,5,2,2,2 -8027,0,2351,0,1145,1,1,71.4,,3,2,,1,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,20,1,88,1,1,3,2 -8028,0,1922,0,,2,1,45.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,24,1,76,1,1,3,2 -8029,0,2042,0,1945,1,1,100,2,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Impacted by another football player,,7,2,2,,2,,2,2,2,2,2,1,1,3,2,3,1,132,1,16,1,74,1,1,3,1 -8030,0,1030,0,0930,1,1,45,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,101,1,21,1,69,1,1,2,2 -8031,0,2050,0,2000,1,1,24.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,115,1,26,1,130,1,1,2,3 -8032,0,2045,0,1600,1,1,15,1,3,1,1,3,3,3,2,2,2,3,2,1,1,1,1,2,3,3,3,9,,1,4,,,2,3,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,2,1,2,2,2,2,3,,,2,2,1,70,1,30,1,180,4,4,1,3 -8033,0,1515,0,1430,1,1,74.5,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Kicked by horse,,7,2,2,,1,3,2,1,2,2,2,2,,,2,4,1,125,1,20,1,121,2,1,1,2 -8034,0,1625,0,,2,1,14.6,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,2,14,,1,2,,,2,2,1,1,1: < 20 mph,1,4,,,,,1,,2,,1,2,1,2,2,2,2,3,,,2,4,1,112,1,28,1,120,2,1,2,3 -8035,0,1320,0,1150,1,1,86,2,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,1,1,2,2,1,147,1,18,1,87,2,1,2,2 -8036,0,1916,0,1900,1,1,40,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,3,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,3,1,128,1,15,1,115,1,1,2,3 -8037,0,2100,0,1600,1,1,28,1,11,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,4,1,3,1,96,1,18,1,85,3,2,2,2 -8038,0,1830,0,1600,1,1,28,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,1: < 5 mph,,,,,Snowboarding Accident,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,142,1,20,1,116,1,1,2,3 -8039,0,1935,0,1800,1,1,25,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,Fall from standing position,,2,2,2,,2,,1,2,2,2,3,2,,,2,2,1,125,1,69,1,168,2,1,2,3 -8040,0,1645,0,1600,1,1,15,4,1,2,,2,2,4,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,1,1,2,2,2,2,1,116,1,20,1,130,3,2,2,3 -8041,0,2300,0,,2,1,50,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,3,1,2,2,2,2,4,,,2,3,1,119,1,20,1,88,1,1,1,3 -8042,0,0652,0,0550,1,1,20,,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,1,2,1,1,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,1,2,1,1,1,2,3,1,2,1,2,2,1,130,1,40,1,113,5,4,1,3 -8043,0,0947,0,0800,1,1,65.7,2,1,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,141,1,24,1,108,2,1,2,2 -8044,0,0910,0,0900,1,1,28,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,1,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,20,1,94,1,1,2,2 -8045,0,2008,0,,2,1,61.2,1,2,2,,4,4,4,4,4,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,1,,,,4,,2,,1,3,1,2,2,4,4,4,,,4,4,1,138,1,15,1,103,2,2,1,3 -8046,0,1800,0,,2,1,18,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,104,1,32,1,110,1,1,2,3 -8047,0,1334,0,1300,1,1,90,2,2,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,2,2,2,2,2,2,1,2,2,2,2,1,132,1,20,1,88,3,1,2,2 -8048,0,1902,0,,2,1,,,3,3,,4,4,4,4,4,2,2,2,4,3,3,3,3,1,1,1,15,,2,4,,,4,4,4,6,,,,,,,,6,,2,,1,1,1,2,3,2,2,2,,,2,2,1,123,3,,1,91,3,2,2,3 -8049,0,0920,0,0850,1,1,90,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,4,3,2,,,2,3,1,136,1,20,1,90,1,1,3,2 -8050,0,2038,0,,2,1,43,,8,1,1,1,2,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,3,2,2,2,2,2,1,2,2,1,3,1,136,1,22,1,133,3,2,3,2 -8051,0,2012,0,1908,1,1,52.2,1,8,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,1,2,2,3,1,127,1,20,1,79,2,1,2,2 -8052,0,2030,0,2000,1,1,7.6,1,8,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,2,2,2,12,,1,3,,,1,2,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,2,3,1,100,1,26,1,122,1,1,3,3 -8053,0,2236,0,1900,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,132,1,22,1,75,1,1,2,2 -8054,0,1940,0,1915,1,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,1,1,1,2,2,3,1,125,1,34,1,98,3,1,2,2 -8055,0,1630,0,1600,1,1,60,2,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,1,1,1,2,2,2,2,1,2,3,2,2,1,154,1,22,1,97,2,1,2,3 -8056,0,0010,-1,2330,1,1,4.1,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,109,1,37,1,155,1,1,2,2 -8057,0,1825,0,,2,1,32,3,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,2,5,,,,,1,,,5,,1,1,2,,1,2,2,2,2,2,,,2,2,1,110,1,24,1,88,1,1,2,3 -8058,0,1205,0,,2,1,60,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,Physician did not answer,,8,2,2,,1,1,2,2,2,4,2,1,2,1,2,3,1,107,1,40,1,75,1,1,2,2 -8059,0,1710,0,1550,1,1,51.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Physical assault by 4 other people,,7,2,2,,2,,2,2,2,2,2,1,2,3,2,3,1,117,1,20,1,73,2,1,2,2 -8060,0,1443,0,1230,1,1,12,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,Assaulted by adult unknown whether abdomen struck,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,133,1,28,1,120,1,1,2,2 -8061,0,1717,0,1600,1,1,50,4,3,2,,3,3,3,2,2,3,3,3,1,1,1,1,2,4,5,6,3,,2,2,,,1,3,3,9,,,,,,sledding being dragged by ATV,,9,2,2,,1,1,1,2,2,3,2,3,,,3,2,1,128,2,,1,114,1,1,2,3 -8062,0,1800,0,1630,1,1,3,3,1,2,,3,3,3,2,2,3,3,4,3,1,2,2,2,4,5,6,3,,1,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,1,2,1,1,1,2,2,1,3,3,,,3,3,1,102,1,40,1,70,4,2,1,3 -8063,0,2100,-1,,2,1,36,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Ski jumping at [location redacted],,2,2,2,,2,,1,2,2,2,3,4,,,2,2,1,123,1,25,1,122,2,1,2,3 -8064,0,1830,0,1730,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,4,2,2,,,2,3,1,107,1,20,1,109,1,1,2,2 -8065,0,0500,0,0430,1,1,70,4,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,3,6,,2,3,,,1,3,3,1,3: > 40 mph,4,,,,,,1,,2,,1,3,1,2,2,2,2,3,,,3,2,1,115,1,20,1,70,3,2,2,3 -8066,0,2055,0,2030,1,1,6.1,1,1,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,"Reportedly assaulted and jumped on by 2 yo child, lying on child.",,7,2,2,,2,,2,2,2,2,2,2,,,3,3,1,117,1,43,1,128,1,1,2,2 -8067,0,2255,0,,2,1,27,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,97,1,28,1,84,1,1,2,2 -8068,0,1257,0,1200,1,1,60,1,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,140,1,16,1,95,2,2,2,3 -8069,0,0830,0,0730,1,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,1,2,2,2,2,,,4,4,1,124,1,20,1,94,2,1,2,3 -8070,0,1419,0,,2,1,36,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,114,1,22,1,110,1,1,2,2 -8071,0,1231,0,0700,1,1,63,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,4,3,1,128,1,16,1,88,1,1,1,2 -8072,0,2338,0,2250,1,1,65,2,8,2,,2,2,2,2,2,2,1,1,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,1,2,1,2,2,1,142,1,13,1,74,3,2,2,3 -8073,0,2124,0,1700,1,1,12,2,3,2,,2,2,2,2,2,2,3,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,4,1: < 5 mph,,,2,,,,4,,2,,1,3,1,2,2,4,3,2,,,2,2,1,123,1,26,1,113,2,1,2,3 -8074,0,1900,0,1750,1,1,69,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,4,,1,2,2,2,2,1,1,3,2,3,1,138,1,24,1,92,1,1,2,3 -8075,0,0005,-1,1900,1,1,5,3,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,1,3: > 40 mph,1,4,,,,,1,,2,,1,2,1,2,2,2,2,3,,,3,3,1,163,1,32,1,172,1,1,2,3 -8076,0,2308,0,,2,1,42,,3,2,,2,2,2,2,2,2,2,3,1,2,2,2,2,1,1,1,15,,3,2,,,2,2,1,9,,,,,,fell while playing softball,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,109,1,24,1,94,1,1,2,3 -8077,0,1530,0,,2,1,70,2,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,"Playing soccer, collided with another player, unsure of mechanism",,7,2,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,120,1,20,1,76,3,2,2,2 -8078,0,1843,0,1645,1,1,75,4,8,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,2,,1,1,2,2,2,2,,,2,3,1,145,1,16,1,96,2,1,2,3 -8079,0,1910,0,1630,1,1,26.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,91,1,20,1,88,1,1,1,2 -8080,0,0720,0,0300,1,1,4.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,97,1,30,1,156,1,1,2,2 -8081,0,1024,-1,1730,1,1,15,1,11,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,9,,,,,,"Ran into table edge,struck lower abdomen",,7,2,2,,1,1,2,1,2,2,2,1,1,3,2,3,1,137,1,36,1,143,1,1,2,2 -8082,0,1551,0,1500,1,1,5.4,4,2,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,1,2,1,14,,1,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,3,2,2,2,3,,,3,3,1,104,1,32,1,162,1,1,2,3 -8083,0,1727,0,,2,1,15,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,,,,,15,1,3,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,1,2,1,2,2,2,2,2,,,2,3,1,117,1,32,1,129,3,2,2,3 -8084,0,1801,0,1730,1,1,50,1,8,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,35,1,108,1,1,1,2 -8085,0,1723,0,1700,1,1,19,3,3,2,,2,2,2,2,2,2,2,1,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,28,1,117,1,1,1,2 -8086,0,2113,0,1700,1,1,15,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,120,1,44,1,161,2,2,1,3 -8087,0,0115,-1,2200,1,1,72,2,2,2,,1,2,1,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,assault,,7,2,2,,1,3,2,2,2,2,2,1,1,2,2,3,1,138,1,32,1,84,1,1,2,2 -8088,0,1820,0,1730,1,1,35,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,1,2,1,1,2,2,3,1,135,1,25,1,104,1,1,2,2 -8089,0,2315,0,1500,1,1,39.2,1,3,1,2,2,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,Belt to lower back/ flanks,7,,2,,2,,1,2,2,2,2,2,,,2,3,1,104,1,20,1,86,1,1,2,3 -8090,0,0203,0,,2,1,60,2,3,2,,2,1,1,2,2,3,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,patient scaling fence and fell,,2,2,2,,1,1,2,1,2,2,2,1,3,2,1,2,1,127,1,14,1,60,4,4,1,2 -8091,0,1257,0,1230,1,1,15,3,2,1,3,1,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,4: Physician did not answer,,,,,,Unclear- appears slow moving truck (rolled into gear) ran over child,7,,2,,1,1,1,1,2,2,2,1,2,1,2,3,1,120,1,22,1,128,4,2,2,3 -8092,0,0230,0,0130,1,1,95,4,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,114,1,18,1,88,1,1,2,3 -8093,0,1817,0,1215,1,1,10.6,1,1,1,1,2,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,101,1,30,1,169,1,1,2,2 -8094,0,1059,0,,2,1,50,2,9,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,26,1,96,1,1,2,2 -8095,0,1951,0,1805,1,1,35.4,1,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,107,1,20,1,88,1,1,2,2 -8096,0,0027,-1,,2,1,24.6,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,126,1,23,1,120,1,1,1,3 -8097,0,1715,0,1630,1,1,7.6,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,98,1,28,1,120,1,1,2,3 -8098,0,1539,0,,2,1,20,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,4,,,1,2,2,5,,,,,2,,,5,,2,,2,,2,2,3,2,2,2,,,2,3,1,108,1,20,1,101,1,1,2,2 -8099,0,1724,0,1650,1,1,,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,4,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,1,3,1,2,1,2,1,2,2,1,117,1,20,1,97,4,3,1,3 -8100,0,1549,0,1430,1,1,96.7,1,1,2,,1,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,4,2,1,2: 20 - 40 mph,1,2,,,,"Patient was restrained for first impact, then unrestrained for second impact.",1,,2,,1,2,1,2,2,2,2,1,1,2,2,2,1,114,1,18,1,105,2,1,2,3 -8101,0,1000,-1,1530,1,1,37.7,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,fall while snow boarding,,2,2,1,2,1,1,2,2,2,2,2,1,2,1,2,3,1,129,1,20,1,80,1,1,2,2 -8102,0,1700,0,1630,1,1,38.6,2,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,110,1,28,1,120,2,1,1,3 -8103,0,1611,0,1550,1,1,70,4,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,4,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,2,1,155,1,34,1,99,3,3,1,3 -8104,0,1751,0,1700,1,1,82,2,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,16,1,91,1,1,3,2 -8105,0,2219,0,,2,1,71.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,2,2,3,1,1,3,2,3,1,112,1,16,1,68,1,1,2,2 -8106,0,1713,0,1645,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,134,1,23,1,78,1,1,2,2 -8107,0,1645,0,,2,1,16,,3,1,1,3,3,3,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,1,4,2: 5 - 20 mph,,,3,,,,4,,2,,1,2,1,1,2,1,2,3,,,3,2,1,111,1,28,1,146,5,5,2,3 -8108,0,1758,0,,2,1,49.9,1,2,2,,1,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,fell while running on the playground,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,130,1,24,1,128,1,1,2,2 -8109,0,1808,0,1730,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,90,1,18,1,96,2,1,2,3 -8110,0,2228,0,1730,1,1,40,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,2,1,2,2,2,2,2,,,2,3,1,119,1,20,1,95,1,1,2,3 -8111,0,1128,0,0800,1,1,67.8,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,football injury-fell backwards onto teammates leg,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,18,1,80,1,1,2,2 -8112,0,2027,0,,2,1,60,4,3,1,1,3,3,3,1,1,3,3,2,3,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,4,4: Speed Unknown,,,1,,,,4,,2,,1,3,1,1,2,2,3,3,,,3,2,1,152,1,20,1,71,4,4,2,3 -8113,0,1920,0,1900,1,1,63,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,130,1,18,1,84,1,1,2,2 -8114,0,1536,0,,2,1,44.3,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,3,,2,2,2,2,3,2,,,2,3,1,125,1,20,1,80,1,1,2,2 -8115,0,1934,0,,2,1,18,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,107,1,36,1,116,1,1,2,3 -8116,0,1617,0,,2,1,42.5,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,20,1,98,1,1,3,2 -8117,0,0844,0,0730,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,133,1,16,1,132,1,1,2,3 -8118,0,2152,0,2115,1,1,21.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,129,1,22,1,112,1,1,1,2 -8119,0,1430,0,,2,1,35,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,2,1,2,2,2,2,1,9,,,,,,Tackle during football,,7,2,2,,1,1,2,2,2,2,1,1,2,2,2,3,1,126,1,27,1,93,2,1,2,2 -8120,0,1515,0,1000,1,1,7.3,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,3,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,2,1,90,1,30,1,116,2,1,1,3 -8121,0,2032,0,2000,1,1,35,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,113,1,22,1,108,1,1,2,2 -8122,0,1559,0,,2,1,30,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,2,1,107,1,27,1,72,1,1,2,3 -8123,0,1643,0,1603,1,1,,,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,3,1,2,2,2,3,1,124,1,18,1,111,2,1,3,2 -8124,0,,0,,2,2,30,,3,2,,3,3,3,1,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,1,2,2,3,3,,,3,2,1,113,1,28,1,169,3,2,2,3 -8125,0,2120,0,,2,1,55,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,2,2,2,2,2,2,,,2,2,1,136,1,17,1,88,1,1,2,2 -8126,0,2025,0,1900,1,1,26,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,1,2,,,2,2,1,128,1,24,1,87,1,1,1,3 -8127,0,0330,0,,2,1,58.1,1,4,2,,2,2,2,2,2,3,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,1,1,2,1,1,1,2,3,2,,,2,3,1,125,1,14,1,95,2,2,2,3 -8128,0,1927,0,1900,1,1,41,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,4,1,2,2,2,,,2,2,1,133,1,16,1,58,2,1,2,2 -8129,0,1658,0,1400,1,1,80.6,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,140,1,16,1,76,2,1,2,2 -8130,0,2013,0,,2,1,,,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,2,,2,2,2,2,2,3,,,3,2,1,101,1,42,1,133,1,1,2,2 -8131,0,1711,-1,1900,1,1,22.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,2,3,2,3,1,110,1,20,1,76,2,1,2,3 -8132,0,1030,-1,1630,1,1,54.1,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell on foot jumping on moonbounce; left buttock and ASIS pain,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,18,1,60,1,1,2,2 -8133,0,1430,0,1315,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,100,1,20,1,71,1,1,2,2 -8134,0,1000,-1,2200,1,1,39,1,1,2,,1,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,6,,,,,,,,6,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,125,1,20,1,88,3,1,2,2 -8135,0,0913,0,,2,1,,,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,22,1,112,1,1,2,2 -8136,0,2015,0,1945,1,1,53.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,20,1,103,1,1,2,2 -8137,0,,0,,2,2,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,1,2,2,1,112,1,20,1,98,3,3,3,3 -8138,0,1330,0,0100,1,1,40,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,95,1,18,1,78,1,1,2,2 -8139,0,1600,0,1500,1,1,60,4,1,1,1,3,3,3,2,2,3,3,2,1,2,2,2,2,3,4,3,8,,2,3,,,3,3,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,2,2,2,3,3,,,3,2,1,100,1,32,1,137,4,4,2,3 -8140,0,1530,0,,2,1,70,4,1,1,2,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,135,1,16,1,95,2,1,2,3 -8141,0,1931,0,1820,1,1,50,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,1,2,2,1,1,1,2,2,1,125,1,14,1,103,2,2,2,3 -8142,0,2015,0,2000,1,1,70,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,1,2,2,1,1,1,1,2,2,1,141,1,16,1,100,1,1,2,2 -8143,0,1222,0,,2,1,6.8,1,3,2,,3,3,3,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,111,1,24,1,172,2,1,1,3 -8144,0,2300,0,2230,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,12,1,88,1,1,2,2 -8145,0,,0,1850,1,2,68,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,Fall from horse,,2,2,1,2,1,2,2,2,2,2,1,2,,,2,2,1,110,1,20,1,75,1,1,3,2 -8146,0,1415,0,1330,1,1,55,1,3,2,,2,1,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,Fall 7 feet from tree,2,,2,,1,1,2,1,2,2,2,1,3,2,2,3,1,115,1,20,1,78,3,1,2,2 -8147,0,1355,0,1300,1,1,43,,3,2,,2,2,2,2,2,3,3,2,1,2,2,2,2,2,4,3,9,,2,3,,,2,3,1,9,,,,,,tackled during football game and fell back hitting head,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,128,1,24,1,98,2,2,2,3 -8148,0,1126,-1,1515,1,1,27.3,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,18,1,91,2,1,2,2 -8149,0,0848,0,0730,1,1,75,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,143,1,18,1,70,2,1,2,2 -8150,0,2351,0,,2,1,16,3,8,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,3,2,,,2,3,1,117,1,21,1,102,1,1,2,3 -8151,0,0930,0,0900,1,1,20,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,2,2,2,2,2,2,,,2,3,1,82,1,18,1,111,1,1,2,2 -8152,0,1945,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,Jumped out of moving car,,9,1,2,,1,3,1,2,2,2,2,1,1,1,2,2,1,149,1,23,1,92,1,1,2,3 -8153,0,0656,0,0500,1,1,65,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,1,3,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,20,1,90,1,1,2,2 -8154,0,1915,0,1900,1,1,30,2,3,2,,3,3,3,2,2,2,2,4,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,3,2,2,2,2,,,2,2,1,102,1,30,1,158,2,2,2,3 -8155,0,0055,0,0016,1,1,56.8,2,3,2,,1,2,2,2,2,3,2,2,1,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,3,1,139,1,22,1,106,2,1,2,2 -8156,0,2300,0,2130,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,kicked playing soccer in flank,,7,2,2,,1,1,2,2,2,2,2,2,,,2,3,1,126,1,22,1,72,2,2,2,2 -8157,0,1740,0,,2,1,9,,8,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,3,1,101,1,33,1,130,1,1,2,3 -8158,0,1800,0,1745,1,1,13.6,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,101,1,25,1,102,1,1,2,2 -8159,0,1705,0,1600,1,1,60,1,8,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,2,1,1,3,1,120,1,20,1,81,3,2,2,3 -8160,0,2215,0,2200,1,1,80,4,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,2,12,,2,1,1,2,2,2,1,5,,,,,1,,,5,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,140,1,22,1,70,2,2,1,3 -8161,0,1942,0,1645,1,1,65,4,3,2,,2,2,2,1,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,2,3: > 10 ft.,,,,,,,2,,2,,3,,1,2,2,2,3,2,,,2,2,1,153,1,13,1,103,1,1,2,3 -8162,0,1952,0,,2,1,25,4,1,2,,2,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,1,2,,,2,2,1,148,1,28,1,120,1,1,2,3 -8163,0,1832,0,1730,1,1,35,3,3,2,,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Riding Scooter, Struck by SUV @ 10mph",,4,2,2,,1,3,2,2,2,2,3,1,1,3,2,2,1,158,1,14,1,115,2,2,3,2 -8164,0,1910,0,1600,1,1,52,4,3,2,,3,3,3,2,2,3,3,2,3,1,2,1,2,4,5,6,3,,2,3,,,3,3,3,9,,,,,,Drowning,,9,2,2,,1,3,1,2,3,2,3,3,,,3,2,1,160,2,,1,110,1,1,2,3 -8165,0,1709,0,,2,1,9,4,3,2,,3,3,3,2,2,3,3,1,3,1,1,1,2,3,3,2,10,,1,3,,,2,3,3,9,,,,,,found down next to fallen 32 inch TV,,7,2,2,,1,1,1,2,2,2,1,3,,,3,3,1,120,1,44,1,112,3,3,1,3 -8166,0,1938,0,1830,1,1,85,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,128,1,16,1,82,1,1,2,3 -8167,0,1518,0,1430,1,1,66,2,8,1,1,1,2,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,1,1,1,2,2,2,1,2,2,1,2,1,158,1,24,1,82,4,4,2,3 -8168,0,1620,0,1400,1,1,48,2,3,2,,3,3,3,2,2,3,3,2,3,2,2,1,2,4,4,1,9,,2,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,3,,,3,2,1,105,1,15,1,121,1,1,2,3 -8169,0,1621,0,1500,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,1,3,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,96,1,50,1,183,1,1,2,3 -8170,0,1418,0,1345,1,1,60,4,8,2,,2,2,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,2,2,2,2,1,1,1,6,2,3,1,147,1,21,1,97,2,2,2,2 -8171,0,1940,0,1900,1,1,114.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,3,2: 6-15,,,,,,,3,,2,,1,1,2,2,2,2,3,1,3,3,2,3,1,122,1,20,1,84,2,2,2,2 -8172,0,1419,0,0930,1,1,5,2,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,4,,4,,1,2,2,2,2,2,,,2,2,1,74,1,56,1,160,1,1,3,3 -8173,0,1800,0,1700,1,1,45,4,1,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,2,1,2,2,2,2,,,2,3,1,104,1,20,1,71,1,1,2,2 -8174,0,1909,0,1800,1,1,20,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,91,1,25,1,79,1,1,2,3 -8175,0,1620,0,1600,1,1,60,4,1,1,1,3,3,3,1,1,3,3,1,2,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,1,2,1,1,1,1,2,2,3,3,,,3,2,1,147,1,18,1,93,4,2,3,3 -8176,0,2352,0,1940,1,1,18,2,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,12,,2,3,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,126,1,26,1,166,1,1,2,3 -8177,0,1830,0,1800,1,1,40,2,3,1,3,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,129,1,20,1,103,2,1,2,2 -8178,0,1543,0,1445,1,1,28,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,2,2,,1,2,2,2,3,1,1,3,2,3,1,110,1,38,1,101,1,1,3,3 -8179,0,2010,0,1930,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,2,1,2,2,3,1,1,1,2,3,1,113,1,18,1,96,1,1,2,2 -8180,0,2230,0,1700,1,1,42.9,,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,fell onto abdomen while climbing chain link fence,,2,2,2,,1,1,1,2,2,4,2,1,2,3,2,3,1,122,1,20,1,80,3,2,2,3 -8181,0,2045,0,1430,1,1,58,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,143,1,18,1,62,1,1,2,1 -8182,0,2328,0,2230,1,1,62,2,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,136,1,18,1,84,1,1,2,2 -8183,0,,0,,2,2,10,3,1,2,,3,3,4,2,2,3,3,2,1,3,3,3,3,4,5,2,7,,1,3,,,3,3,3,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,4,1,90,1,20,1,150,1,1,2,3 -8184,0,,0,1800,1,2,50,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,2,,,2,2,1,138,1,20,1,117,3,1,3,2 -8185,0,1957,0,,2,1,25,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,3,5,,,,,2,,,5,,2,,1,1,2,2,2,2,2,1,2,1,3,2,1,119,1,20,1,97,2,1,2,2 -8186,0,1715,0,1700,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,5,,,,,3,,,5,,2,,2,,1,1,2,2,2,2,,,2,3,1,147,1,20,1,108,1,1,2,3 -8187,0,1750,0,1530,1,1,30,1,1,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,1,1,2,1,1,2,3,2,3,1,116,1,34,1,137,4,3,2,3 -8188,0,2033,0,,2,1,16,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,32,1,138,1,1,2,2 -8189,0,1320,0,1245,1,1,60,4,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,2,2,2,2,3,2,,,2,3,1,126,1,14,1,116,2,1,2,2 -8190,0,2000,0,1930,1,1,70,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,133,1,14,1,78,1,1,2,2 -8191,0,1156,0,1150,1,1,20,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,100,1,16,1,72,1,1,2,2 -8192,0,2200,0,,2,1,20,4,3,1,3,3,3,3,2,2,3,3,2,1,2,2,2,2,2,2,2,12,,1,4,,,2,2,1,3,3: > 15,,,,,,,3,,2,,1,3,1,1,2,2,2,3,,,3,2,1,136,1,20,1,117,2,1,2,3 -8193,0,1800,0,1700,1,1,65,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,3,1,161,1,14,1,69,1,1,2,2 -8194,0,1553,0,1500,1,1,63.6,1,1,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,3,1,126,1,16,1,106,1,1,1,3 -8195,0,1830,0,1800,1,1,50,4,8,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,3,3,3,3,1,110,1,20,1,84,4,2,2,3 -8196,0,1742,0,,2,1,22,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,3,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,98,1,22,1,108,2,1,2,2 -8197,0,,0,,2,2,60,4,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,3,2,2,,,2,2,1,156,1,24,1,102,1,1,1,2 -8198,0,1546,0,,2,1,5,3,8,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,2,7,,1,3,,,3,3,1,9,,,,,,Possible NAT,,7,2,2,,1,3,1,2,2,2,2,3,,,3,2,1,115,2,,1,167,2,1,1,3 -8199,0,0645,0,0600,1,1,22,4,1,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,20,1,93,1,1,2,2 -8200,0,0805,0,0700,1,1,63.6,,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,4,,4,,2,2,2,2,2,2,,,2,2,1,140,1,18,1,71,6,6,3,2 -8201,0,0025,-1,2330,1,1,54,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,3,2,1,2,2,2,1,3,1,2,3,1,120,1,14,1,116,3,2,2,2 -8202,0,1625,0,,2,1,60,4,4,2,,3,3,3,2,2,3,3,2,3,3,3,3,3,2,4,3,9,,2,3,,,2,3,3,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,3,,,3,3,1,99,1,16,1,111,3,2,1,3 -8203,0,2100,0,1830,1,1,20,4,1,2,,4,4,4,4,4,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,3,2,2,2,2,2,1,1,2,2,3,1,120,1,20,1,77,3,2,2,2 -8204,0,1600,0,,2,1,50,4,3,2,,3,3,3,2,2,3,3,1,2,1,2,1,2,4,5,3,6,,2,3,,,3,3,3,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,3,3,,,3,2,1,130,1,16,1,82,2,2,2,3 -8205,0,2150,0,1900,1,1,65,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,1,2,4,2,2,10,,2,4,,,1,3,3,9,,,,,,Skateboarding,,2,2,2,,2,,1,2,2,2,3,2,,,2,2,1,136,1,20,1,80,1,1,3,3 -8206,0,2130,0,1300,1,1,45,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,3,2,2,2,2,2,1,2,1,2,3,1,119,1,16,1,70,1,1,2,2 -8207,0,1900,0,1830,1,1,20,3,8,1,4,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,1,2,2,3,2,,,2,2,1,135,1,39,1,92,2,1,2,3 -8208,0,1501,0,1420,1,1,,,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Pt ran into object,,7,2,2,,2,,2,2,2,2,2,1,1,3,2,3,1,130,1,24,1,98,2,1,2,2 -8209,0,1450,0,1300,1,1,40.9,1,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,1,2,3,2,3,1,119,1,18,1,90,2,1,2,2 -8210,0,2000,0,1800,1,1,24,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,1,1,1,1,2,2,2,1,2,3,2,2,1,128,1,19,1,130,5,4,2,3 -8211,0,2112,0,1812,1,1,83.4,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Fell into bicycle handle bars,,2,2,2,,1,2,2,1,2,2,2,1,2,2,2,2,1,110,1,20,1,79,3,6,2,2 -8212,0,1745,0,1600,1,1,28,2,1,1,2,3,3,3,2,2,3,3,2,1,1,2,1,2,4,4,5,5,,2,3,,,3,3,3,4,3: > 20 mph,,,3,,,,4,,1,2,1,1,1,1,2,2,3,3,,,3,3,1,110,1,18,1,123,4,4,2,3 -8213,0,1904,0,,2,1,40,4,8,1,1,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,6,,,,,,,,6,,2,,1,1,2,2,2,2,1,2,,,2,3,1,119,1,22,1,76,2,1,2,2 -8214,0,2200,0,,2,1,3.7,1,3,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,1,3,1,2,2,2,2,2,,,3,3,1,80,1,36,1,143,2,1,3,3 -8215,0,1300,0,1230,1,1,40,1,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,3,3,3,9,,2,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,3,,,3,3,1,128,1,24,1,105,1,1,2,3 -8216,0,1251,0,1100,1,1,24.9,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,1,1,2,,1,2,2,2,2,2,,,2,3,1,129,1,20,1,80,1,1,2,3 -8217,0,2301,0,,2,1,,,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,5: Physician did not answer,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,154,1,24,1,120,2,1,2,2 -8218,0,1810,0,1750,1,1,18,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,110,1,26,1,142,1,1,2,2 -8219,0,0844,-1,1845,1,1,30.1,1,3,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall same height while playing hockey,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,138,1,20,1,100,1,1,2,2 -8220,0,1802,0,1800,1,1,18,4,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,2,,,2,3,1,118,1,20,1,136,2,1,2,3 -8221,0,1305,0,1200,1,1,24,4,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,1,2,2,3,1,108,1,24,1,114,3,2,1,3 -8222,0,1430,0,,2,1,80,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,1,1,1,2,3,1,120,1,16,1,55,3,1,2,3 -8223,0,1820,0,1800,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,121,1,38,1,103,1,1,2,3 -8224,0,1844,0,1530,1,1,55,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,129,1,18,1,84,1,1,2,2 -8225,0,1445,0,1345,1,1,50,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,fall from a horse,,2,2,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,110,1,20,1,91,2,1,2,3 -8226,0,1821,0,,2,1,57.2,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,2,1,122,1,20,1,84,1,1,2,2 -8227,0,1503,0,1430,1,1,100,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,144,1,18,1,88,2,1,2,2 -8228,0,1729,0,1700,1,1,30,4,8,1,1,1,2,1,2,1,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,6,,,,,,,,6,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,103,1,20,1,88,3,2,2,3 -8229,0,1003,0,0230,1,1,100,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,1,2,3,1,12,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,120,1,20,1,126,4,2,1,3 -8230,0,2345,0,2245,1,1,23,3,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,3,1,91,1,30,1,130,1,1,1,2 -8231,0,1206,-1,1700,1,1,9.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,9,,,,,,Fall in brother's arm from standing to floor,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,129,1,24,1,145,1,1,2,2 -8232,0,1552,0,1430,1,1,9.2,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,3,1,3: > 40 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,3,,1,32,1,152,1,1,2,3 -8233,0,2130,0,,2,1,14,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,121,1,21,1,142,1,1,1,3 -8234,0,1615,0,1400,1,1,70,1,8,2,,1,2,1,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,3,,3,,2,1,2,2,1,2,,,2,3,1,127,1,16,1,70,1,1,1,2 -8235,0,1730,0,1715,1,1,107,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,132,1,18,1,92,2,1,2,3 -8236,0,1639,0,1500,1,1,68,1,3,1,1,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,119,1,18,1,59,1,1,2,2 -8237,0,1800,0,1730,1,1,20,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,1,2,2,1,106,1,24,1,76,4,3,2,3 -8238,0,1852,0,1500,1,1,40,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,1,3,1,2,2,2,2,1,1,2,2,3,1,115,1,24,1,82,4,2,2,3 -8239,0,2254,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Assault,,7,2,2,,2,,1,2,3,2,3,2,,,2,2,1,120,1,18,1,64,1,1,2,3 -8240,0,0140,0,,2,1,66,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Assault by 4 people,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,105,1,18,1,74,1,1,2,2 -8241,0,1238,0,1038,1,1,90.9,,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,2,2,2,1,2,3,2,2,1,110,1,18,1,90,4,4,1,3 -8242,0,1703,0,1620,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,134,1,20,1,84,1,1,2,2 -8243,0,1310,0,1230,1,1,65,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,2,2,2,2,2,2,,,2,2,1,110,1,16,1,60,1,1,2,2 -8244,0,1947,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,1,1,2,,2,2,2,2,2,4,,,2,3,1,106,1,22,1,107,1,1,2,2 -8245,0,1556,0,1548,1,1,17.7,1,2,2,,2,2,2,2,2,3,1,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,4,4: Speed Unknown,,,3,,,,4,,2,,1,2,1,3,2,2,2,3,,,2,2,1,117,1,29,1,176,2,1,2,3 -8246,0,1000,0,0900,1,1,90,2,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall into wall during basketball,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,173,1,14,1,73,1,1,2,2 -8247,0,1816,0,0016,1,1,147,1,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,2,2: 3 - 10 ft.,,,,,,Fall from standing height,2,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,137,1,20,1,76,1,1,2,2 -8248,0,2150,0,2045,1,1,25,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,1,2: 20 - 40 mph,1,6,,,,,1,,2,,1,1,2,2,2,3,2,1,1,1,2,3,1,105,1,24,1,100,2,2,2,2 -8249,0,1135,0,,2,1,12,4,8,2,,3,3,3,2,1,3,3,2,1,1,1,1,2,4,5,6,3,,1,3,,,3,3,3,1,4: Speed Unknown,1,4,,,,,1,,2,,1,2,1,2,3,2,3,3,,,3,3,1,120,1,34,1,195,3,2,2,3 -8250,0,1210,0,1115,1,1,15,3,3,1,2,3,3,3,2,2,3,3,2,1,2,2,1,2,1,1,1,15,,1,3,,,2,3,1,9,,,,,,run over by lawnmower,,4,2,1,1,2,,1,2,2,2,3,2,,,3,2,1,109,1,20,1,132,1,1,1,3 -8251,0,1610,0,1537,1,1,45,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,1,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,152,1,22,1,98,1,1,1,2 -8252,0,1745,0,1700,1,1,88,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,115,1,20,1,88,1,1,2,3 -8253,0,1345,0,1315,1,1,60,2,1,1,2,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,9,,,,,,Struck by a jet ski.,,7,2,1,1,4,,2,2,2,2,2,2,,,2,3,1,130,1,16,1,77,1,1,2,2 -8254,0,2313,0,2230,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,135,1,27,1,107,2,1,1,3 -8255,0,1618,0,1530,1,1,42,4,3,2,,1,1,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,2,3,,,2,3,2,1,5: Physician did not answer,1,1,,,,,1,,2,,1,1,1,2,2,2,3,1,3,1,3,3,1,110,1,24,1,85,5,3,2,3 -8256,0,2259,0,2145,1,1,61.3,,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,struck car w/minivan,1,,2,,1,1,1,2,2,2,2,1,1,3,2,2,1,151,1,20,1,80,1,1,2,3 -8257,0,1430,0,,2,1,,,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,2,2,13,,2,1,2,1,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,1,1,1,2,3,1,110,1,25,1,130,4,4,2,3 -8258,0,1630,0,1600,1,1,11,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,2,2,12,,2,3,,,2,3,3,7,2: Accidental,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,2,3,1,143,1,18,1,108,2,1,2,3 -8259,0,1600,0,1230,1,1,65,4,3,2,,3,3,3,2,2,3,3,2,3,1,2,1,2,4,5,4,5,,2,3,,,1,3,3,6,,,,,,,,6,,1,3,1,2,1,2,2,2,2,3,,,3,2,1,126,2,,1,113,1,1,2,3 -8260,0,2130,0,2100,1,1,10,4,8,1,1,3,3,3,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,3,,,4,4,1,128,1,34,1,170,4,2,1,3 -8261,0,1235,0,1225,1,1,12,2,3,2,,3,3,3,2,2,1,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,7,2: Accidental,,,,,,,7,,2,,1,1,1,1,2,2,2,1,4,2,2,3,1,100,1,24,1,63,4,1,2,3 -8262,0,0956,0,,2,1,70,,1,1,1,3,3,3,2,2,3,3,2,1,1,2,1,2,4,5,5,4,,2,2,,,2,3,1,1,4: Speed Unknown,3,,,,,,1,,1,1,1,2,1,2,2,2,2,3,,,3,2,1,51,1,20,1,83,5,4,2,3 -8263,0,2140,0,1615,1,1,55.4,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,4,2,9,,,,,,Slipped on ice,,2,2,2,,2,,2,2,2,2,2,1,2,2,2,3,1,106,1,24,1,87,1,1,2,2 -8264,0,1645,0,1615,1,1,,,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,2,,2,2,2,2,1,2,,,2,3,1,174,1,20,1,104,1,1,2,2 -8265,0,1516,0,1425,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,1,1,2,,2,2,2,2,2,2,,,2,2,3,,1,12,3,,1,1,2,2 -8266,0,1944,,,2,1,4.6,1,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,9,,,,,,potential abuse,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,3,,1,40,1,140,2,1,2,3 -8267,0,2139,0,2115,1,1,32,2,2,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,Sking-fall high speed,,2,2,1,2,1,1,1,2,2,2,2,1,2,1,2,2,1,110,1,20,1,72,3,3,2,3 -8268,0,1814,0,1300,1,1,31.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,2,2,2,2,2,1,1,4,2,3,1,116,1,18,1,115,2,1,2,2 -8269,0,2001,0,,2,1,98,1,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,"football injury, hit by another player",,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,154,1,16,1,113,1,1,2,2 -8270,0,2032,0,1530,1,1,20.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,24,1,96,2,1,1,2 -8271,0,2030,0,1730,1,1,15,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,1: < 5 mph,,,1,,,,4,,2,,1,1,1,1,2,2,2,1,1,3,2,2,1,100,1,31,1,179,2,1,2,3 -8272,0,2127,0,,2,1,10,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,1,3,1,2,2,2,3,2,,,2,2,1,105,1,22,1,140,1,1,2,3 -8273,0,1227,0,1200,1,1,20,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,101,1,24,1,93,1,1,1,3 -8274,0,1130,-1,2200,1,1,52.7,1,3,2,,1,1,2,1,2,1,2,2,2,2,2,1,2,1,1,1,15,,2,1,3,2,1,1,2,2,1: < 3 ft.,,,,,,,2,,1,2,1,1,2,2,2,2,2,1,2,4,2,3,1,132,1,22,1,101,5,4,1,2 -8275,0,0900,0,0830,1,1,18,3,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,1,3,1,2,2,2,3,1,1,1,2,3,1,97,1,18,1,115,3,2,2,3 -8276,0,2238,0,2200,1,1,70,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,4,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,171,1,18,1,86,1,1,2,3 -8277,0,1221,0,1200,1,1,12,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,3,2: 6-15,,,,,,,3,,1,2,2,,2,2,2,2,2,2,,,2,3,3,,1,32,1,128,1,1,2,2 -8278,0,1900,0,,2,1,3,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,1,3,3,9,,,,,,NAT,,7,2,2,,2,,1,2,2,2,2,3,,,3,3,1,103,1,48,1,168,2,1,2,3 -8279,0,2135,0,2040,1,1,19,3,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,1,1,1,1,1,2,1,2,2,2,,,2,2,1,93,1,48,1,98,2,1,2,3 -8280,0,1155,0,1130,1,1,29,,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,5: Physician did not answer,4,,,,,,1,,2,,1,1,1,1,1,2,2,1,2,1,2,2,1,101,1,24,1,84,2,2,2,3 -8281,0,1900,0,,2,1,60,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,1,2,3,4,4: Speed Unknown,,,3,,,,4,,1,2,2,,1,2,2,2,3,2,,,2,2,1,148,1,21,1,92,2,2,1,3 -8282,0,2236,0,1900,1,1,60,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,134,1,29,1,96,2,2,2,3 -8283,0,1248,0,,2,1,56.7,4,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,8,,,,,,,,8,,1,2,1,1,1,2,2,1,3,3,,,3,2,1,162,1,19,1,140,2,1,2,3 -8284,0,1517,0,1500,1,1,125,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,4: Speed Unknown,,,2,,,car hit dirtbike,4,,2,,1,2,1,1,2,2,2,1,2,1,2,3,1,124,1,28,1,98,5,4,2,3 -8285,0,1037,0,,2,1,94.1,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,106,1,20,1,82,1,1,2,3 -8286,0,1535,0,1445,1,1,75.8,1,1,1,1,1,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,1,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,1,1,2,2,2,,,2,3,1,105,1,20,1,90,1,1,2,3 -8287,0,1600,-1,1600,1,1,63,2,2,1,2,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,1,2,9,,,,,,football tackle-fell on helmet/mask,,7,2,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,122,1,16,1,70,3,2,2,2 -8288,0,0051,0,,2,1,70,4,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,1,4,5,4,5,,2,3,,,3,3,3,1,1: < 20 mph,2,,,,,,1,,2,,1,3,1,2,2,2,2,3,,,3,3,1,152,2,,1,87,2,2,2,3 -8289,0,0903,0,0730,1,1,81.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,3,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,147,1,30,1,108,2,1,1,2 -8290,0,1131,0,1100,1,1,52.1,1,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,15,1,90,1,1,2,2 -8291,0,1000,-1,1430,1,1,30,,1,2,,1,2,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,115,1,20,1,86,2,2,2,2 -8292,0,2015,0,1950,1,1,22.7,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,1,2,5,,,,,4,,,5,,2,,3,,1,1,2,2,2,1,1,2,2,3,1,90,1,24,1,120,1,1,2,3 -8293,0,1640,0,1545,1,1,60,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,2,1,13,,2,2,,,2,2,1,9,,,,,,Fell from moving vehicle-standing on top of car,,9,1,2,,2,,1,2,2,2,3,2,,,2,2,1,109,1,24,1,77,1,1,2,3 -8294,0,1541,0,1500,1,1,104.3,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,3,2,2,2,2,3,2,,,2,3,1,138,1,18,1,83,1,1,2,2 -8295,0,1917,0,1700,1,1,42.9,1,8,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,3,2,2,3,1,117,1,16,1,78,4,1,1,2 -8296,0,0619,0,0500,1,1,30,4,3,2,,2,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,143,1,23,1,100,1,1,2,2 -8297,0,1200,0,1100,1,1,20,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,20,1,80,1,1,1,2 -8298,0,1345,0,1300,1,1,68,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,127,1,21,1,128,2,1,2,3 -8299,0,0905,0,0800,1,1,38.6,2,1,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,3,1,3,2,2,3,1,123,1,20,1,102,3,2,2,3 -8300,0,1300,0,1230,1,1,53,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,assault,,7,2,2,,1,3,2,2,2,2,2,1,2,2,2,3,1,139,1,24,1,132,2,1,2,2 -8301,0,1600,0,0230,1,1,34,1,2,1,1,1,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,fell from a horse and fell onto left side,,2,2,2,,1,1,1,2,3,2,2,1,1,2,2,4,1,105,1,24,1,80,2,1,2,3 -8302,0,1817,0,1745,1,1,40,4,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,114,1,20,1,73,1,1,2,3 -8303,0,1850,0,,2,1,29,,2,2,,4,4,4,4,4,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,2,3,2,3,1,96,1,16,1,93,2,1,2,2 -8304,0,1910,0,1900,1,1,60,2,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,1,1: < 20 mph,3,,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,107,1,20,1,81,2,1,2,2 -8305,0,1900,0,1100,1,1,34,1,3,2,,1,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,1,2,3,2,3,1,116,1,24,1,119,2,1,1,2 -8306,0,0550,0,0400,1,1,70,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,138,1,18,1,70,1,1,2,2 -8307,0,1745,0,1200,1,1,28,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,3,3,10,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,121,1,22,1,105,2,2,2,3 -8308,0,2217,0,2100,1,1,33.6,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,1: < 3 ft.,,,,,,Fall onto rung of a bar stool while sitting on it,2,,1,1,2,,2,2,2,2,2,4,,,2,2,1,122,1,20,1,78,1,1,2,2 -8309,0,1449,0,1315,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,1,1,1,1,15,,1,2,,,2,2,1,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,3,1,124,1,33,1,148,2,1,2,3 -8310,0,1600,0,1500,1,1,30,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,1,2,2,2,2,,,2,2,1,108,1,20,1,92,3,2,2,3 -8311,0,2030,0,1630,1,1,8,3,1,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,6,3,,1,3,,,2,3,3,9,,,,,,NAT (abuse),,7,2,2,,1,3,1,2,2,2,2,3,,,3,3,1,115,1,30,1,167,2,1,2,3 -8312,0,1436,0,1400,1,1,38,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,100,1,18,1,96,1,1,1,2 -8313,0,1914,0,,2,1,20,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Patient fell off bike and handlebars hit chest and pt's head hit ground,,5,2,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,22,1,92,1,1,2,2 -8314,0,2037,-1,2245,1,1,70.4,1,2,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,1,2: 20 - 40 mph,1,1,,,,,1,,3,,3,,2,2,2,2,2,1,2,1,2,3,1,133,1,24,1,90,1,1,2,2 -8315,0,1842,0,1730,1,1,40,4,8,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,1,1,1,2,2,2,2,2,,,2,3,1,105,1,33,1,113,2,1,2,3 -8316,0,1658,0,1600,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,4,,1,77,1,1,2,2 -8317,0,1823,0,,2,1,25,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,2,2,2,2,2,2,,,2,3,3,,1,20,1,109,1,1,2,2 -8318,0,1850,0,,2,1,22,3,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,3,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,1,1,1,2,2,1,3,1,1,1,2,3,1,130,1,26,1,120,3,1,2,3 -8319,0,0911,0,0800,1,1,8,4,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,2: 20 - 40 mph,4,,,,,,1,,2,,2,,2,2,2,2,2,3,,,2,2,3,,1,24,1,149,1,1,2,2 -8320,0,1630,0,1600,1,1,39,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,2,,1,2,2,2,2,1,1,3,2,3,1,109,1,16,1,99,1,1,2,3 -8321,0,1727,0,1700,1,1,70,1,1,2,,2,2,2,2,2,2,1,4,3,2,2,2,2,2,2,1,13,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,3,1,2,2,2,2,2,,,2,2,1,127,1,20,1,90,2,2,3,3 -8322,0,1801,0,,2,1,38.8,1,3,1,4,3,3,4,2,2,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,2,3,2,6,,,,,,,,6,,1,1,1,1,1,2,2,2,3,3,,,3,3,1,135,2,,1,149,4,3,1,3 -8323,0,1910,0,1810,1,1,,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,2,1,1,1,2,2,1,1,3: > 40 mph,1,6,,,,,1,,1,2,1,1,1,1,1,2,3,1,1,3,2,2,1,108,1,27,1,147,3,1,2,3 -8324,0,1730,0,,2,1,59,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,4,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,113,1,16,1,75,2,1,3,2 -8325,0,1420,0,,2,1,,,1,2,,3,3,3,2,2,3,3,2,2,1,2,1,2,4,5,3,6,,2,3,,,1,3,3,1,3: > 40 mph,1,6,,,,,1,,1,2,1,1,1,2,2,2,3,3,,,3,2,1,134,2,,1,67,2,2,2,3 -8326,0,1000,0,0630,1,1,42,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,134,1,28,1,101,2,1,2,3 -8327,0,1619,0,1530,1,1,38.1,1,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,2,2,2,1,1,3,2,3,1,132,1,20,1,77,2,1,1,2 -8328,0,1721,0,1630,1,1,18,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,3,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,3,1,119,1,38,1,134,4,2,2,3 -8329,0,1620,0,1520,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,3,1,1,9,,,,,,Bike vs. parked car,,5,2,2,,1,1,1,2,2,2,3,2,,,2,2,1,155,1,26,1,94,2,2,2,3 -8330,0,1229,-1,2050,1,1,40,4,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,3: Unknown intentionality,,,,,,,7,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,111,1,20,1,91,2,1,2,2 -8331,0,1930,0,1840,1,1,58,1,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,head injury 2/2 football accident,,9,2,1,2,1,2,2,2,2,2,4,1,1,2,2,3,1,131,1,18,1,83,1,1,1,2 -8332,0,1330,0,,2,1,55,2,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,2,1,1,2,1,1,1,3,2,3,1,133,1,26,1,113,2,2,2,2 -8333,0,1903,0,1733,1,1,54,1,3,2,,1,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,Hx of mono; fell off skateboard,,2,2,2,,1,1,2,2,2,2,1,1,3,4,2,3,1,114,1,12,1,88,4,4,2,2 -8334,0,,0,1230,1,2,54,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,2,2,2,2,2,2,1,1,1,2,3,3,,4,,3,,1,1,2,2 -8335,0,1433,0,,2,1,36.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,2,2,2,2,2,1,1,4,2,3,1,133,1,18,1,76,2,1,1,2 -8336,0,1347,0,,2,1,55,2,3,2,,2,1,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,2,1,2,2,2,2,1,3,1,2,3,1,114,1,21,1,90,4,2,1,3 -8337,0,2355,0,2300,1,1,75,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,19,1,90,1,1,2,1 -8338,0,1413,0,1230,1,1,28,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,24,1,100,1,1,3,2 -8339,0,1906,0,1845,1,1,,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,18,1,90,2,1,1,2 -8340,0,1613,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,3,1,13,,2,1,4,3,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,2,1,92,1,45,1,127,2,1,2,3 -8341,0,1400,0,1330,1,1,13,1,1,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,1: < 5 mph,,,1,,,,4,,2,,1,2,1,2,2,2,3,2,,,2,3,1,110,1,20,1,147,2,1,2,3 -8342,0,1148,0,1115,1,1,30,,3,2,,2,2,2,1,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,3,1,2,3,2,3,1,99,1,20,1,128,3,1,2,2 -8343,0,2200,0,2130,1,1,20.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Door fell onto torso,,7,2,2,,2,,2,2,2,3,2,2,,,2,3,3,,1,26,1,100,1,1,2,2 -8344,0,1705,0,,2,1,45,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,2,2,,,1,2,1,5,,,,,2,,,5,,2,,1,1,1,2,2,2,2,2,,,2,2,1,120,1,16,1,100,1,1,2,3 -8345,0,1855,0,1540,1,1,63,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,28,1,120,1,1,1,2 -8346,0,1400,0,,2,1,8.4,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,"no known injury, screening secondary to possible abuse",,8,2,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,28,1,120,1,1,1,2 -8347,0,2120,0,,2,1,28,1,3,3,,4,4,4,4,4,4,4,4,4,3,3,3,3,1,1,1,15,,3,4,,,4,4,4,10,,,,,,,,10,,4,,4,,1,2,2,4,4,4,,,4,4,1,123,1,18,1,74,3,1,2,3 -8348,0,2037,0,,2,1,10,1,3,2,,3,3,3,2,2,1,3,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,7,2: Accidental,,,,,,large dresser fell over onto him,7,,2,,1,1,1,1,2,2,2,3,,,2,3,1,80,1,24,1,130,4,1,2,3 -8349,0,1712,0,,2,1,7.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,9,,,,,,"Femur fx, concern for non accidental trauma",,9,2,4,,4,,2,2,2,2,2,2,,,2,3,1,127,1,24,1,125,1,1,3,2 -8350,0,1318,0,1230,1,1,63.6,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,4,9,,,,,,tackled during football,,7,2,2,,2,,1,2,2,2,1,2,,,2,2,1,114,1,20,1,88,1,1,2,3 -8351,0,2237,0,2100,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,2,1,2,2,2,1,2,1,2,3,1,126,1,18,1,81,2,1,1,1 -8352,0,1900,0,1700,1,1,60,2,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,3,2: 6-15,,,,,,,3,,2,,1,1,2,2,2,2,2,2,,,2,3,1,131,1,24,1,99,3,2,2,2 -8353,0,2200,0,2030,1,1,,,3,3,,4,4,4,4,4,4,4,4,4,3,3,3,3,,,,,15,3,4,,,4,4,4,10,,,,,,,,10,,2,,2,,2,4,3,4,4,4,,,4,4,1,142,1,25,1,82,6,6,3,2 -8354,0,1615,0,1600,1,1,25,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,4,4,3,7,,2,3,,,2,3,3,3,2: 6-15,,,,,,,3,,2,,1,1,1,2,2,2,3,3,,,3,2,1,153,1,23,1,87,2,1,2,3 -8355,0,1545,0,1520,1,1,59,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,132,1,18,1,76,1,1,2,2 -8356,0,0348,0,0145,1,1,104,2,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,135,1,16,1,90,1,1,2,2 -8357,0,1950,0,1930,1,1,50,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,20,1,109,1,1,2,2 -8358,0,1450,0,1420,1,1,30,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,3,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,1,2,2,1,1,2,1,2,2,1,98,1,24,1,102,2,1,2,3 -8359,0,1356,0,,2,1,20,,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,6,2,3,1,89,1,17,1,98,1,1,1,2 -8360,0,1640,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,176,1,40,1,108,1,1,2,3 -8361,0,,0,,2,2,30,,5,1,4,3,3,3,3,2,3,3,3,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,1,1,4: Speed Unknown,3,,,,,,1,,3,,1,2,1,1,2,1,3,3,,,3,3,1,63,1,25,1,105,5,4,2,3 -8362,0,2323,0,,2,1,63.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,131,1,25,1,112,2,1,2,3 -8363,0,1630,0,,2,1,15,4,3,2,,3,3,3,2,2,3,3,2,1,1,2,1,2,4,5,2,7,,2,3,,,3,3,1,9,,,,,,pt fell out of moving vehicle,,9,1,2,,1,1,1,1,2,2,1,3,,,3,2,1,98,2,,1,173,3,2,2,3 -8364,0,2032,0,,2,1,27.7,4,8,1,4,1,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fall from chair,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,43,1,88,1,1,3,2 -8365,0,1600,0,1215,1,1,25.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Suspect horse kicked but not witnessed by parent. Found lying in barn crying. confused and sleepy,,7,2,2,,2,,1,1,2,2,2,2,,,2,2,1,124,1,24,1,100,2,1,2,3 -8366,0,2355,0,,2,1,50,4,3,2,,4,4,4,4,1,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,6,,,,,,,,6,,1,1,1,1,1,2,2,2,1,2,,,2,2,1,115,1,26,1,72,1,1,2,3 -8367,0,2040,0,,2,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,3,1,1,3,2,3,1,134,1,24,1,87,1,1,2,2 -8368,0,1541,0,,2,1,20,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,118,1,28,1,128,3,2,1,3 -8369,0,,0,,2,2,70,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,2,1,2,2,2,3,1,2,3,2,3,1,126,1,20,1,89,3,1,1,3 -8370,0,1401,0,1300,1,1,66,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,129,1,21,1,79,1,1,2,2 -8371,0,1820,0,1730,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,108,1,44,1,107,1,1,2,3 -8372,0,0300,0,,2,1,60,4,7,1,1,3,3,3,3,3,3,3,2,1,1,1,1,2,,,,,8,2,3,,,2,1,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,2,1,1,1,3,3,3,,,3,3,1,90,1,12,1,110,4,4,1,3 -8373,0,2110,0,2040,1,1,,,3,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,4,4,1,135,1,20,1,70,2,2,1,3 -8374,0,1254,0,1230,1,1,100,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,132,1,20,1,77,1,1,1,2 -8375,0,0230,-1,,2,1,59,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,124,1,24,1,98,1,1,2,3 -8376,0,1353,0,1000,1,1,27.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,131,1,22,1,84,1,1,2,2 -8377,0,2233,0,,2,1,50,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,2,2,2,2,2,2,1,3,1,2,3,1,127,1,20,1,72,2,1,1,2 -8378,0,0920,0,,2,1,70,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,1,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,2,2,2,3,2,,,2,3,1,124,1,16,1,111,1,1,2,3 -8379,0,1748,0,1402,1,1,4.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,1,2,2,8,,,,,,,,8,,2,,2,,1,2,2,2,1,2,,,2,3,1,114,1,30,1,160,2,1,1,3 -8380,0,1822,0,,2,1,90,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,148,1,20,1,95,1,1,1,2 -8381,0,0211,0,0130,1,1,61,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,3,1,113,1,18,1,100,1,1,2,3 -8382,0,1500,0,1320,1,1,60,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,football head collision,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,20,1,90,1,1,2,2 -8383,0,0715,0,0645,1,1,8,4,3,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,112,1,22,1,130,1,1,2,2 -8384,0,1213,0,1115,1,1,115,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,1,1,2,1,1,1,2,2,2,,,2,2,1,103,1,22,1,91,2,1,1,3 -8385,0,1533,0,1500,1,1,20.5,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,3: Unknown intentionality,,,,,,,7,,2,,2,,2,1,2,2,2,1,1,3,2,3,1,111,1,20,1,78,1,1,2,2 -8386,0,2300,0,,2,1,48,,8,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,132,1,16,1,84,1,1,2,3 -8387,0,1921,0,1730,1,1,28,1,3,3,,1,1,2,2,2,1,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,doing flips struck back & chest flank,,7,2,2,,4,,2,2,2,2,2,2,,,2,3,1,104,1,22,1,83,1,1,1,2 -8388,0,1947,0,1800,1,1,86.2,1,1,2,,1,2,1,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,7,3: Unknown intentionality,,,,,,,7,,2,,1,2,2,2,2,2,2,1,2,2,2,3,1,119,1,20,1,61,3,1,1,2 -8389,0,0826,0,0726,1,1,34,1,3,1,3,3,3,3,2,2,3,3,1,1,1,1,1,2,,,,,9,2,3,,,2,3,3,4,4: Speed Unknown,,,3,,,,4,,2,,1,2,1,1,2,2,3,3,,,3,2,1,136,2,,1,57,3,3,1,3 -8390,0,0900,0,0830,1,1,57,,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,134,1,24,1,75,1,1,2,2 -8391,0,1300,0,1200,1,1,40,4,3,2,,2,2,2,2,2,2,1,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,112,1,23,1,97,1,1,2,3 -8392,0,1705,0,1600,1,1,27.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,1,1,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,133,1,20,1,125,1,1,2,2 -8393,0,1450,0,1350,1,1,58,1,2,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,7,2: Accidental,,,,,,kicked by a horse,7,,2,,1,1,1,2,2,2,2,1,3,1,3,2,1,124,1,22,1,80,5,4,2,3 -8394,0,1835,0,,2,1,60,4,2,2,,2,2,2,2,2,2,1,1,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,2,2,2,2,1,1,2,3,2,3,1,124,1,20,1,100,4,1,2,2 -8395,0,1858,0,,2,1,14,3,8,1,4,1,3,3,2,2,3,3,2,1,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,9,,,,,,Dog Bite,,9,2,1,1,2,,1,2,2,2,2,3,,,3,3,1,102,1,24,1,140,1,1,2,3 -8396,0,1438,0,0800,1,1,29.6,1,3,1,2,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,4,,1,2,2,2,2,2,2,2,,,2,3,1,116,1,24,1,108,4,3,1,2 -8397,0,1159,0,1030,1,1,15,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,3,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,101,1,28,1,136,2,2,2,2 -8398,0,1518,0,1500,1,1,15,4,2,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,3,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,1,2,2,2,3,,,2,2,1,126,1,27,1,160,2,1,3,3 -8399,0,1515,0,1415,1,1,60,4,3,2,,2,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,114,1,34,1,143,3,1,2,2 -8400,0,1300,0,0900,1,1,12.8,1,3,2,,2,2,2,2,2,3,2,1,4,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,1,2,2,2,3,2,,,4,4,1,94,1,26,1,132,2,1,2,3 -8401,0,2020,0,1830,1,1,63,4,8,1,2,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,141,1,18,1,110,1,1,2,3 -8402,0,1753,0,1700,1,1,25,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,118,1,20,1,109,1,1,2,2 -8403,0,1948,0,1900,1,1,45.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,21,1,84,1,1,2,2 -8404,0,2200,0,,2,1,29.5,2,1,2,,4,2,2,2,2,2,1,4,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,1,1,4,4,4,,,4,4,1,131,1,24,1,114,3,2,2,2 -8405,0,0640,0,,2,1,80,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,186,1,24,1,100,2,1,1,3 -8406,0,1700,0,1600,1,1,46,1,2,2,,1,1,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,16,1,79,2,1,2,2 -8407,0,1718,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,3,2,2,,,2,2,1,123,1,20,1,100,1,1,1,2 -8408,0,1659,0,1645,1,1,19,3,8,1,2,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,2,14,,2,3,,,2,3,1,1,3: > 40 mph,1,5,,,,,1,,1,2,1,1,1,2,2,4,3,2,,,2,2,1,108,1,56,1,114,3,1,2,3 -8409,0,1626,0,1330,1,1,,,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,3,,,3,2,1,124,1,38,1,166,1,1,1,2 -8410,0,1840,0,0730,1,1,22.7,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,4: Physician did not answer,,,,,,,7,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,94,1,24,1,128,4,4,2,2 -8411,0,0126,-1,,2,1,60,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,3,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,1,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,97,1,18,1,91,2,1,3,3 -8412,0,0330,0,0300,1,1,65,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,132,1,65,1,95,2,1,2,3 -8413,0,2100,0,1030,1,1,,,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,4,,4,,1,1,2,2,2,1,3,3,2,3,1,120,1,20,1,78,4,4,2,3 -8414,0,1858,0,1745,1,1,50,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,132,1,20,1,77,1,1,2,3 -8415,0,1900,0,1800,1,1,41,4,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,121,1,22,1,76,1,1,2,3 -8416,0,1521,0,1500,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,4,3,1,1,1,2,3,1,127,1,20,1,70,1,1,2,2 -8417,0,1900,0,,2,1,49,,3,2,,4,4,4,4,4,2,4,4,2,2,2,2,2,1,1,1,15,,2,2,,,4,4,4,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,3,4,4,4,,,4,4,1,113,1,18,1,88,1,1,3,2 -8418,0,1554,0,1354,1,1,45,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,1,2,2,2,2,2,2,2,,,2,3,1,130,1,24,1,82,2,1,1,2 -8419,0,1630,0,1245,1,1,60.4,1,8,2,,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,1,2,1,2,3,1,116,1,22,1,98,2,1,2,2 -8420,0,1817,0,1530,1,1,10,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,102,1,32,1,164,1,1,2,2 -8421,0,2230,0,2040,1,1,28.6,2,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,object struck patient,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,20,1,98,1,1,2,2 -8422,0,1957,0,,2,1,68,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,3,1,2,2,2,3,2,,,2,3,1,123,1,16,1,85,2,1,2,3 -8423,0,1510,0,1420,1,1,48.5,2,2,1,1,2,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,123,1,20,1,96,1,1,2,2 -8424,0,2038,0,1830,1,1,54.5,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,3,1,3,2,2,2,2,5,,,,,1,,,5,,2,,4,,2,2,2,2,2,1,3,3,2,3,1,123,1,18,1,86,3,2,2,2 -8425,0,0110,-1,2330,1,1,23,3,3,2,,3,3,3,2,2,3,3,2,2,1,2,1,2,4,5,4,5,,2,3,,,2,3,1,9,,,,,,TV fell on patient,,7,2,2,,2,,1,2,2,2,3,3,,,3,2,1,102,1,39,1,142,2,1,2,3 -8426,0,1750,0,1230,1,1,78,1,3,2,,2,2,2,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,140,1,20,1,88,1,1,1,2 -8427,0,1432,-1,2015,1,1,60.9,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,117,1,16,1,72,1,1,2,2 -8428,0,1720,0,1630,1,1,35,4,3,2,,3,3,3,3,3,3,3,3,3,1,2,2,2,4,5,6,3,,3,3,,,1,3,3,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,1,1,3,,,3,3,1,93,2,,1,170,2,2,2,3 -8429,0,1600,0,1400,1,1,15,3,1,1,4,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,3,12,,1,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,1,1,1,2,1,2,2,2,2,,,2,4,1,92,1,18,1,105,3,2,2,2 -8430,0,1500,0,1430,1,1,16.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,105,1,22,1,112,2,1,1,3 -8431,0,1917,0,,2,1,53,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,123,1,24,1,100,1,1,1,3 -8432,0,2047,0,2000,1,1,165,4,1,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,113,1,16,1,103,1,1,2,2 -8433,0,1831,0,1800,1,1,35,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,119,1,24,1,101,1,1,2,2 -8434,0,1854,0,,2,1,33.3,1,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,97,1,20,1,102,1,1,2,2 -8435,0,,0,,2,2,60,2,2,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,9,,,,,,fell off horse,,2,2,2,,1,1,1,2,2,2,2,1,1,1,2,3,1,128,1,26,1,94,2,2,2,3 -8436,0,1240,0,,2,1,10.4,1,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,9,,,,,,Possible Abuse,,7,2,2,,4,,1,2,2,2,2,2,,,3,3,1,114,1,32,1,116,2,1,2,3 -8437,0,1240,0,1130,1,1,40,1,1,2,,4,4,4,4,4,2,2,2,4,2,2,2,2,1,1,1,15,,2,1,2,1,2,4,2,7,1: Intentional,,,,,,kicked,7,,2,,2,,2,2,2,2,2,1,2,1,2,3,1,110,1,18,1,74,1,1,3,2 -8438,0,2153,0,2030,1,1,50,4,1,2,,3,3,3,2,2,3,3,4,3,1,2,1,1,4,5,6,3,,3,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,1,2,1,2,1,2,2,2,2,3,,,2,2,1,138,1,18,1,110,2,1,1,3 -8439,0,2235,0,2100,1,1,55.5,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,134,1,20,1,91,1,1,1,2 -8440,0,1500,0,1200,1,1,63,2,8,2,,2,2,1,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,1,2,,1,1,2,2,2,2,,,2,2,1,117,1,16,1,99,1,1,2,3 -8441,0,1109,0,,2,1,70,4,4,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,1,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,1,1,1,2,2,1,3,3,2,4,1,146,1,16,1,86,4,2,2,3 -8442,0,1630,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from side of moving car,,2,1,2,,2,,1,2,2,2,3,2,,,2,2,1,117,1,38,1,119,1,1,1,3 -8443,0,1200,0,1145,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,2,2,1,1,2,2,1,1,3,2,2,1,119,1,20,1,72,2,1,2,2 -8444,0,1700,0,1500,1,1,30,3,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,1,3,3,2,2: 3 - 10 ft.,,,,,,,2,,1,1,2,,1,2,2,2,3,3,,,3,3,1,128,2,,1,48,1,1,2,3 -8445,0,1541,-1,,2,1,66,1,8,2,,1,1,1,1,1,1,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Tackled in a football game,,7,2,2,,2,,1,2,2,2,1,2,,,1,3,1,119,1,18,1,108,1,1,2,3 -8446,0,1717,0,1700,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,109,1,32,1,106,1,1,2,3 -8447,0,1900,0,1830,1,1,57,1,2,2,,1,1,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,1,9,,,,,,sports injury; helmet and football into left rib area,,7,2,2,,1,1,2,2,2,2,2,1,2,6,1,3,1,112,1,16,1,68,2,2,2,2 -8448,0,1927,0,,2,1,24.5,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,sled verse parked truck,,9,2,2,,1,2,2,2,2,2,2,1,2,1,2,2,1,122,1,22,1,109,2,1,2,2 -8449,0,1822,0,,2,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,1,2,2,2,2,,,2,3,1,148,1,20,1,114,1,1,2,2 -8450,0,1640,0,,2,1,27.2,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,142,1,18,1,120,2,1,2,3 -8451,0,1103,0,1030,1,1,18,4,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,1,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,3,2,2,3,,,3,2,1,121,1,16,1,80,4,4,2,3 -8452,0,1913,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,139,1,16,1,72,1,1,1,2 -8453,0,1720,0,,2,1,15,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,2,13,,1,3,,,2,3,1,9,,,,,,HIT IN HEAD BY TRAILER GATE,,9,2,2,,2,,1,2,2,2,3,2,,,2,2,1,110,1,40,1,140,1,1,2,3 -8454,0,1253,-1,1800,1,1,70.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,7,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,18,1,70,1,1,2,2 -8455,0,1411,0,1340,1,1,77,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,3,1,2,3,1,132,1,35,1,57,4,4,2,3 -8456,0,1633,0,1600,1,1,44,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,24,1,114,1,1,2,2 -8457,0,1922,0,,2,1,80,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,102,1,24,1,144,1,1,2,2 -8458,0,0617,-1,,2,1,10.4,1,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,1,1,2,2,2,1,2,1,3,1,1,103,1,40,1,140,3,3,2,3 -8459,0,2022,0,,2,1,,,9,1,2,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,1,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,22,1,105,1,1,2,2 -8460,0,1000,-1,1800,1,1,36,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,1,3,2,2,1,2,5,,,,,1,,,5,,1,2,1,1,1,2,2,1,3,1,3,2,2,3,1,102,1,16,1,96,4,2,2,3 -8461,0,0916,0,0830,1,1,43,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,3,1,118,1,20,1,83,1,1,2,2 -8462,0,1245,0,1100,1,1,84,4,8,1,1,1,2,1,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,118,1,23,1,120,2,1,1,3 -8463,0,1745,0,1500,1,1,23.5,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,20,1,100,1,1,1,2 -8464,0,2221,0,,2,1,5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,9,,,,,,Hit head against door,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,98,1,36,1,170,1,1,2,3 -8465,0,1819,0,1530,1,1,58,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,20,1,106,1,1,2,2 -8466,0,1809,0,,2,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,128,1,16,1,110,1,1,1,2 -8467,0,1610,0,1545,1,1,17.7,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,struck by bicycle (as pedestrian),,7,2,4,,4,,2,2,2,2,2,2,,,2,3,1,96,1,20,1,104,1,1,2,2 -8468,0,1000,0,,2,1,65,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,1,1,1,2,2,3,1,117,1,22,1,84,1,1,2,2 -8469,0,0930,0,0930,1,1,12,2,3,2,,3,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,3,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,120,1,22,1,152,2,1,2,3 -8470,0,1815,0,,2,1,18,1,3,2,,2,2,2,2,2,2,4,2,2,2,2,2,2,1,3,1,13,,2,1,3,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,1,1,2,2,1,3,1,2,2,1,120,1,16,1,104,3,1,1,3 -8471,0,1600,0,1500,1,1,60,3,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell off horse,,2,2,2,,2,,1,2,2,2,3,2,,,2,3,1,120,1,23,1,106,1,1,2,3 -8472,0,1537,0,1500,1,1,68,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Object struck chest,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,132,1,28,1,75,1,1,2,2 -8473,0,1309,0,1230,1,1,81,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,4,,2,1,1,2,2,1,1,1,2,3,1,147,1,14,1,64,2,1,2,2 -8474,0,1701,0,,2,1,39.6,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,1,2,2,2,4,1: < 5 mph,,,1,,,vehicle rolled over him,4,,2,,1,1,1,1,2,2,3,1,2,1,2,3,1,102,1,26,1,101,5,3,2,3 -8475,0,1600,0,1500,1,1,23,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,144,1,20,1,114,1,1,2,2 -8476,0,1515,0,1230,1,1,35,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,2,2,2,2,3,1,1,2,2,3,1,104,1,20,1,78,2,1,2,2 -8477,0,1508,0,,2,1,27,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,2: 20 - 40 mph,3,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,114,1,18,1,92,1,1,2,2 -8478,0,1915,-1,2030,1,1,98.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,115,1,20,1,76,1,1,2,2 -8479,0,1415,0,1300,1,1,31,1,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,4,,,2,2,1,108,1,20,1,96,1,1,2,2 -8480,0,2018,0,1930,1,1,15.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,107,1,28,1,112,2,1,2,3 -8481,0,1902,0,1800,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,3,1,100,1,20,1,100,1,1,1,3 -8482,0,0652,0,0550,1,1,12,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,2,1,117,1,20,1,160,4,3,2,3 -8483,0,0645,0,0630,1,1,18,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,18,1,85,1,1,2,2 -8484,0,1145,-1,2200,1,1,12,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,1,3,2,2,4: Unknown,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,101,1,30,1,119,1,1,1,3 -8485,0,1355,0,1240,1,1,43,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,2,,,2,3,1,123,1,20,1,92,2,1,2,3 -8486,0,1726,0,1630,1,1,21.3,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,102,1,28,1,102,1,1,1,2 -8487,0,2330,0,1430,1,1,25,4,8,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,,2,,6,2,3,,,1,3,1,9,,,,,,fall from ground level,,2,2,2,,2,,1,2,2,4,2,3,,,3,3,1,114,1,24,1,133,1,1,2,3 -8488,0,1725,0,1700,1,1,45,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,118,1,46,1,82,2,2,1,3 -8489,0,2125,0,2100,1,1,116,1,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,2,2,2,2,1,2,2,2,2,1,123,1,24,1,80,4,1,2,3 -8490,0,0200,0,0100,1,1,80,4,8,2,,2,2,2,2,2,1,1,2,2,2,2,2,1,1,2,1,14,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,1,2,2,2,2,2,,,2,3,1,131,1,16,1,90,2,1,1,3 -8491,0,1730,0,1430,1,1,54.4,4,3,2,,2,2,2,2,2,1,4,2,1,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,1,9,,,,,,Ski jump,,2,2,4,,1,1,2,2,3,2,3,1,3,1,3,3,1,117,1,32,1,88,2,1,2,2 -8492,0,2027,0,1800,1,1,16,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,3,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,3,1,1,4,2,3,1,92,1,20,1,104,1,1,3,2 -8493,0,0730,0,0700,1,1,25,4,3,1,1,3,3,3,2,1,3,3,2,1,1,1,1,2,2,3,5,8,,2,3,,,3,3,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,1,1,2,3,3,,,3,2,1,90,1,20,1,75,5,5,2,3 -8494,0,1015,0,0915,1,1,,,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,1,3: > 40 mph,1,2,,,,,1,,1,1,1,1,1,1,1,2,2,1,2,3,2,3,1,92,1,18,1,111,3,2,2,3 -8495,0,2230,0,,2,1,30,4,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,137,1,18,1,80,1,1,1,2 -8496,0,0200,0,0140,1,1,65,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,3,3,2,3,1,119,1,26,1,90,3,2,2,2 -8497,0,1750,0,1650,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,1,2,2,,2,2,2,2,3,2,,,2,3,1,112,1,20,1,112,1,1,2,2 -8498,0,,0,1400,1,2,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,2: 20 - 40 mph,2,,,,,Boat collision,1,,2,,2,,1,2,2,2,2,2,,,3,3,1,97,1,26,1,136,1,1,2,3 -8499,0,2200,0,,2,1,40,1,3,1,2,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,2,2,2,2,2,2,2,,,2,2,1,108,1,18,1,90,1,1,2,2 -8500,0,2005,0,1930,1,1,13,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,2,,,2,3,1,112,1,28,1,154,1,1,2,3 -8501,0,2043,0,,2,1,60,4,3,1,3,3,3,3,1,1,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,3,2,1,3,3,,,3,3,1,110,2,,1,144,4,4,2,3 -8502,0,2027,0,,2,1,50,4,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,2,4,1,2,2,1,1,3,2,2,1,113,1,16,1,83,1,1,3,2 -8503,0,1840,0,1800,1,1,57.4,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,3,1,108,1,18,1,88,1,1,3,2 -8504,0,1750,0,1400,1,1,33,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,9,,,,,,Fell over tree branch while walking,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,118,1,20,1,96,1,1,2,3 -8505,0,1721,0,1640,1,1,104.3,4,4,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,1,2,2,1,2,2,1,1,2,2,2,2,1,168,1,18,1,73,3,3,1,2 -8506,0,2121,0,2030,1,1,55,1,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,2,2,1,127,1,18,1,90,2,1,2,2 -8507,0,2043,0,,2,1,110,4,2,2,,2,2,2,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,2,1,1,6,2,2,1,106,1,16,1,60,2,2,1,3 -8508,0,0315,0,,2,1,,,3,2,,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,1,5: Physician did not answer,1,1,,,,,1,,1,2,1,1,2,2,2,2,2,1,2,1,2,2,1,128,1,22,1,122,2,1,2,2 -8509,0,1900,0,1815,1,1,30,4,1,2,,2,2,2,2,2,2,2,4,2,2,2,1,2,2,3,3,10,,2,3,,,2,3,3,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,1,1,2,3,2,2,1,119,1,18,1,115,3,2,2,3 -8510,0,1534,0,1500,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,116,1,21,1,91,1,1,1,2 -8511,0,2230,0,2130,1,1,86,1,1,2,,2,1,1,2,2,4,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,pt jumped out of moving vehicle at 25 mph,,9,1,2,,2,,2,2,2,2,2,2,,,2,3,1,139,1,20,1,72,2,1,2,2 -8512,0,1405,0,1230,1,1,6.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,2 yo sibling jumped and landed with knees on L chest and abdomen,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,32,1,140,1,1,2,2 -8513,0,1754,0,1630,1,1,13.6,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,3,1,88,1,20,1,113,1,1,1,2 -8514,0,1618,0,1530,1,1,38.8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,3,1,2,,,2,2,1,119,1,20,1,107,1,1,2,2 -8515,0,1355,0,1230,1,1,47.7,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,111,1,18,1,84,1,1,2,2 -8516,0,1115,0,1100,1,1,25,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,1,2,2,3,1,115,1,22,1,100,3,1,2,3 -8517,0,1600,0,,2,1,50,2,3,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,1: < 5 mph,,,4,,,,4,,2,,1,3,2,2,2,2,3,1,2,2,2,3,1,116,1,16,1,88,1,1,2,2 -8518,0,1225,0,1140,1,1,28,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,4,3,4: Unknown,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,3,1,110,1,24,1,88,1,1,3,3 -8519,0,1649,0,,2,1,,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,158,1,24,1,100,1,1,2,3 -8520,0,0314,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Assault,,7,2,1,1,2,,1,2,2,2,2,2,,,2,2,1,121,1,22,1,78,1,1,3,3 -8521,0,0117,0,,2,1,100,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,2,,2,2,2,2,3,2,,,2,2,1,113,1,16,1,104,1,1,2,2 -8522,0,1325,0,1230,1,1,,,1,2,,1,1,1,2,2,2,2,2,2,2,2,2,3,1,2,1,14,,2,1,2,1,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,3,,2,2,2,2,1,1,2,1,2,3,1,116,1,24,1,104,2,2,3,2 -8523,0,1800,-1,2010,1,1,21.1,1,3,1,3,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,5,,,,,3,,,5,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,118,1,24,1,80,2,2,3,3 -8524,0,1837,0,1800,1,1,57,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,1,1,2,1,2,2,2,2,,,2,3,1,121,1,18,1,72,1,1,2,2 -8525,0,2300,0,1530,1,1,33.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,3,2,2,1,2,3,2,2,1,107,1,18,1,90,1,1,2,2 -8526,0,2152,0,2000,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,110,1,36,1,100,2,1,2,2 -8527,0,2210,0,1915,1,1,18,1,8,1,1,1,1,2,2,2,1,2,1,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,2,,Crashed bicycle into a tree,5,,2,,1,1,1,1,2,2,3,1,2,1,2,2,1,98,1,26,1,100,4,3,2,3 -8528,0,2207,0,1900,1,1,37.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Straddle Injury,,9,2,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,12,1,88,1,1,2,2 -8529,0,2328,0,2130,1,1,30,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,145,1,25,1,70,1,1,2,2 -8530,0,1253,0,,2,1,43,2,3,1,4,1,1,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,5,,,,,3,,,5,,2,,1,2,1,1,2,2,3,1,1,3,1,3,1,119,1,16,1,82,2,1,2,3 -8531,0,1612,0,1550,1,1,25,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,4,,,,4,,3,,3,,2,2,2,2,2,2,,,2,2,1,121,1,16,1,90,1,1,2,2 -8532,0,2145,0,2130,1,1,65,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,118,1,14,1,83,1,1,2,3 -8533,0,2015,0,2000,1,1,30,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,2,1,118,1,22,1,130,1,1,2,2 -8534,0,1730,0,1630,1,1,52.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,20,1,98,1,1,2,2 -8535,0,1327,0,,2,1,58,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Flew off ATV,,6,2,2,,2,,2,2,3,2,2,2,,,2,3,1,116,1,14,1,50,1,1,3,2 -8536,0,0140,0,0105,1,1,38.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,2,1,1,2,1,2,,,2,3,1,152,1,21,1,115,1,1,2,2 -8537,0,2010,0,1930,1,1,,,8,1,2,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,12,1,60,1,1,2,2 -8538,0,1343,0,1130,1,1,80,,3,1,1,3,3,3,2,2,3,3,4,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,9,,,,,,motocross bike-ejected,,6,2,2,,1,3,1,2,2,4,2,3,,,3,2,1,78,1,22,1,105,1,1,3,3 -8539,0,1614,0,1515,1,1,62,2,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,18,1,79,1,1,2,2 -8540,0,1730,0,1645,1,1,36,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,2,1,110,1,26,1,104,1,1,2,3 -8541,0,1805,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,3,1,1,1,2,2,2,,,2,2,1,131,1,24,1,121,3,1,2,3 -8542,0,1725,0,1030,1,1,46.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,2,2,1,3,1,100,1,18,1,79,4,2,1,3 -8543,0,1540,0,1440,1,1,62,2,2,2,,2,2,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,132,1,20,1,112,2,1,2,2 -8544,0,,0,,2,2,,,5,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,1,1,2,2,2,2,4,3: > 20 mph,,,1,,,,4,,2,,1,1,1,2,2,2,3,1,1,2,2,2,1,125,1,26,1,88,4,2,2,3 -8545,0,2047,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,132,1,21,1,104,2,1,2,3 -8546,0,2000,0,1700,1,1,27.3,4,8,2,,3,3,3,2,2,3,3,4,2,1,1,1,2,4,5,6,3,,2,3,,,1,3,3,1,4: Speed Unknown,1,6,,,,,1,,2,,1,3,1,1,2,2,2,3,,,3,2,1,147,1,20,1,126,3,1,2,3 -8547,0,1910,0,1700,1,1,16.8,2,3,1,1,2,4,4,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,1,,,,4,,2,,1,1,1,1,2,2,2,1,2,1,2,3,1,115,1,22,1,140,3,1,1,3 -8548,0,1131,0,1100,1,1,17,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,2,2,1,3,1,92,1,22,1,127,3,2,2,3 -8549,0,1712,0,1637,1,1,95,4,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,2,1,2,2,2,2,1,2,3,2,2,1,135,1,16,1,100,3,1,2,3 -8550,0,1744,0,1650,1,1,10,3,8,2,,2,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,3,1,110,1,22,1,112,3,2,2,3 -8551,0,2135,0,,2,1,50,4,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,2,7,,2,3,,,3,3,3,7,2: Accidental,,,,,,,7,,2,,2,,1,2,2,2,3,3,,,2,3,1,115,1,20,1,106,1,1,2,3 -8552,0,2306,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,1,1,3,2,3,1,111,1,16,1,71,1,1,1,3 -8553,0,1918,0,1900,1,1,18,4,3,1,3,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,2,1,1,2,2,3,2,,,2,3,1,107,1,34,1,164,3,2,3,3 -8554,0,0318,0,,2,1,45,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,124,1,25,1,115,2,1,2,2 -8555,0,1650,0,1630,1,1,35,2,3,2,,3,3,3,2,2,1,1,2,1,2,2,1,2,1,1,1,15,,1,3,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,2,2,2,3,1,2,1,2,2,1,115,1,19,1,108,3,1,2,3 -8556,0,1730,0,1645,1,1,54.5,1,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,4,9,,,,,,football facemask thrown to ground,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,20,1,100,1,1,2,2 -8557,0,2205,0,1700,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,91,1,29,1,126,1,1,2,2 -8558,0,1930,0,1840,1,1,77,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,1,1,1,2,2,2,2,2,,,2,3,1,136,1,16,1,62,2,1,2,3 -8559,0,1930,0,1500,1,1,47,2,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,7,1: Intentional,,,,,,Injury during football game,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,28,1,109,1,1,2,2 -8560,0,0548,0,,2,1,68,,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,1,2,2,2,3,1,2,3,2,2,1,116,1,28,1,123,5,3,1,3 -8561,0,1632,0,1510,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,142,1,26,1,84,1,1,2,3 -8562,0,1230,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fall skiing/jump,,2,2,2,,2,,2,2,2,2,2,4,,,2,3,1,120,1,16,1,83,1,1,2,2 -8563,0,1329,0,1230,1,1,105.6,1,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,139,1,20,1,73,1,1,2,2 -8564,0,1114,-1,1530,1,1,80,2,2,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,ran into pole,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,18,1,76,1,1,2,2 -8565,0,1758,0,,2,1,82,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Car surfing (standing on top of moving vehicle),,9,1,2,,2,,2,2,2,3,3,2,,,2,2,1,133,1,24,1,104,3,1,2,2 -8566,0,0029,-1,1900,1,1,21,1,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,1,1,2,,2,1,2,2,2,2,,,2,3,1,115,1,24,1,112,2,2,1,2 -8567,0,1618,0,,2,1,88.5,1,3,1,1,1,1,2,1,1,2,2,2,3,2,2,2,2,2,2,1,13,,2,2,,,2,1,1,6,,,,,,,,6,,2,,1,1,1,1,2,2,3,2,,,2,3,1,112,1,35,1,102,4,1,2,3 -8568,0,1634,0,1534,1,1,96,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,168,1,28,1,106,1,1,2,2 -8569,0,0759,0,0700,1,1,45,4,1,2,,2,2,2,2,2,3,2,2,3,2,2,1,2,1,2,2,13,,2,1,2,3,2,2,2,4,5: Physician did not answer,,,2,,,,4,,2,,1,1,1,1,2,2,2,1,1,1,2,1,1,154,1,16,1,126,3,2,2,3 -8570,0,1739,-1,,2,1,44.5,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,16,1,72,1,1,1,2 -8571,0,2000,0,1900,1,1,9,3,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,1: < 5 mph,,,1,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,106,1,24,1,142,2,1,2,3 -8572,0,2300,0,2230,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Motorcross fall,,6,2,2,,2,,1,2,3,2,2,2,,,2,2,1,111,1,20,1,84,2,1,3,3 -8573,0,2305,0,,2,1,9.1,2,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,1,1,1,1,15,,1,3,,,2,3,3,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,112,1,21,1,120,1,1,1,2 -8574,0,1542,0,1400,1,1,14,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,fell off trailer. ? run over him,,2,2,2,,1,3,1,1,2,2,3,2,,,2,3,1,122,1,33,1,160,1,1,1,3 -8575,0,2034,0,1430,1,1,28.9,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,4,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,18,1,120,1,1,2,2 -8576,0,1520,0,1500,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,137,1,20,1,82,1,1,2,3 -8577,0,2152,0,,2,1,,,3,2,,3,3,3,1,2,3,3,2,3,1,1,1,2,4,5,6,3,,2,3,,,2,3,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,1,2,2,3,3,,,3,2,1,140,1,30,1,100,4,1,3,3 -8578,0,1318,0,,2,1,20,,3,2,,3,3,3,2,2,3,3,4,2,2,2,1,2,4,5,4,5,,2,3,,,1,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,2,1,127,2,,1,126,1,1,2,3 -8579,0,1329,0,,2,1,20.9,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,112,1,20,1,100,3,2,2,2 -8580,0,1900,0,1730,1,1,54,1,2,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,snow tubing injury,,2,2,2,,1,2,1,2,2,2,1,1,3,2,1,3,1,140,1,21,1,104,5,5,2,3 -8581,0,2248,0,1818,1,1,34,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,1,1,2,,1,2,2,2,2,2,,,2,2,1,111,1,16,1,86,1,1,2,3 -8582,0,2030,0,2030,1,1,81.7,,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,3,1,140,1,17,1,80,3,2,2,2 -8583,0,1735,0,1715,1,1,31.7,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,118,1,20,1,80,1,1,2,2 -8584,0,1843,0,1810,1,1,165,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Assault with skateboard/kicking,,7,2,2,,2,,2,2,2,2,3,2,,,2,2,1,133,1,18,1,104,1,1,2,2 -8585,0,1802,0,1730,1,1,50,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,1: < 5 mph,,,3,,,,4,,2,,2,,2,2,2,2,1,1,1,4,2,3,1,123,1,18,1,96,1,1,2,2 -8586,0,0949,0,0840,1,1,85,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,1,1,1,2,2,2,2,2,2,,,2,2,1,126,1,16,1,61,1,1,1,2 -8587,0,1805,0,1700,1,1,30,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Patient was hit by car at 5 mph while riding skateboard, unsure as to being run over by car.",,4,2,1,1,1,1,2,2,2,2,2,1,1,5,2,2,1,126,1,20,1,128,2,1,2,2 -8588,0,2005,0,1430,1,1,32.7,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Fall off skateboard,,2,2,2,,2,,1,2,2,2,3,2,,,2,2,1,109,1,18,1,122,1,1,2,3 -8589,0,1317,0,1258,1,1,50,2,2,3,,4,4,4,4,4,2,1,2,3,3,3,3,3,,,,,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,152,1,18,1,72,1,1,2,2 -8590,0,0420,0,0345,1,1,60,4,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,118,1,18,1,75,1,1,2,2 -8591,0,0911,-1,1720,1,1,40,1,8,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,16,1,83,1,1,2,2 -8592,0,1515,0,1500,1,1,26,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,106,1,17,1,82,1,1,2,2 -8593,0,2050,0,2015,1,1,35,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,4,2: 5 - 20 mph,,,4,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,115,1,28,1,123,1,1,2,2 -8594,0,1721,0,,2,1,42,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,4,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,120,1,26,1,94,1,1,2,3 -8595,0,1407,0,1140,1,1,79.1,1,2,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,133,1,16,1,56,1,1,2,2 -8596,0,0026,0,0000,1,1,70,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,147,1,11,1,96,1,1,2,2 -8597,0,2110,0,1750,1,1,65,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,1,2,,,2,3,1,150,1,16,1,104,3,2,2,3 -8598,0,1737,0,,2,1,26,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,24,1,84,1,1,1,2 -8599,0,2103,0,2030,1,1,50,4,8,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,1,2,,,2,2,1,115,1,20,1,101,1,1,2,2 -8600,0,1453,0,,2,1,101,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,3,2,2,1,1,2,2,3,1,129,1,16,1,97,1,1,2,2 -8601,0,1511,0,1300,1,1,35.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,3,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,114,1,16,1,90,1,1,1,2 -8602,0,2246,0,2000,1,1,53,2,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,4,2,1,2,9,,,,,,fell snowboarding 4 feet on ice,,2,2,2,,1,1,1,1,2,2,2,1,3,1,2,3,1,128,1,20,1,94,5,3,2,3 -8603,0,2230,0,2200,1,1,15,4,8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,28,1,110,1,1,2,2 -8604,0,1824,0,1630,1,1,18,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,4,2,,,2,2,1,111,1,39,1,102,1,1,1,3 -8605,0,0010,-1,1830,1,1,20,3,8,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,3,6,,2,3,,,3,3,1,9,,,,,,Kicked in face by horse,,9,2,1,1,2,,1,2,2,2,3,3,,,2,2,1,135,1,46,1,140,1,1,2,3 -8606,0,1650,0,1530,1,1,23,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,4,5,6,3,,2,3,,,2,3,3,4,4: Speed Unknown,,,3,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,3,1,132,1,36,1,126,1,1,2,3 -8607,0,2120,0,0230,1,1,22.3,2,3,1,1,1,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,3,1,110,1,16,1,88,1,1,2,2 -8608,0,1250,-1,2200,1,1,78,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,Fell over railing. Tenderness from point of contact with railing.,,2,2,2,,1,1,2,2,2,2,2,1,3,3,1,3,1,132,1,23,1,79,1,1,2,2 -8609,0,1340,0,0830,1,1,6.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,4,,2,,2,2,2,2,2,2,,,2,3,1,116,1,40,1,136,1,1,2,2 -8610,0,1750,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,1,2,2,2,2,,,2,3,1,110,1,28,1,117,1,1,2,3 -8611,0,1510,0,1440,1,1,60,4,1,2,,3,3,3,2,2,3,3,3,1,1,1,1,2,4,4,3,7,,3,3,,,1,3,3,2,3: > 10 ft.,,,,,,,2,,1,1,1,1,1,2,2,2,2,3,,,3,2,1,121,1,14,1,108,5,5,2,3 -8612,0,1717,0,1530,1,1,20,3,8,1,1,3,3,3,1,1,3,3,2,3,1,1,1,2,1,1,1,15,,2,3,,,4,3,3,1,4: Speed Unknown,1,5,,,,,1,,1,1,1,1,1,2,1,1,1,3,,,3,1,1,109,1,24,1,124,2,1,1,3 -8613,0,0225,0,,2,1,4.6,1,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,2,1,14,,1,3,,,3,3,1,8,,,,,,,Suspected abuse,8,,2,,2,,1,2,2,2,2,2,,,2,2,1,73,1,32,1,149,1,1,1,3 -8614,0,1320,0,1200,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,4,2,2,2,4,,,2,3,1,123,1,23,1,83,1,1,2,3 -8615,0,2011,0,,2,1,7,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,4,2,2,,,2,3,1,112,1,18,1,140,1,1,1,3 -8616,0,1340,0,,2,1,,,8,1,1,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,3,,,3,2,1,90,3,,2,,1,2,2,3 -8617,0,1540,0,,2,1,22,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,1,2,2,2,3,2,,,2,2,1,92,1,24,1,132,1,1,3,3 -8618,0,1400,0,1330,1,1,14.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,3,2,3,10,,2,2,,,1,2,3,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,86,1,24,1,85,2,1,2,3 -8619,0,1737,0,1300,1,1,47.7,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,107,1,20,1,72,1,1,2,2 -8620,0,1400,0,1315,1,1,35,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,12,,2,3,,,1,3,2,9,,,,,,object struck torso; heavy sports equipment,,7,2,2,,2,,1,1,2,2,3,4,,,2,3,1,126,1,16,1,95,1,1,2,3 -8621,0,2349,0,2330,1,1,60,4,3,2,,3,3,3,1,2,3,3,2,3,1,1,1,1,4,4,3,7,,2,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,3,3,,,3,2,1,160,1,21,1,105,4,3,2,3 -8622,0,1652,0,,2,1,55,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,94,1,38,1,112,1,1,2,3 -8623,0,1930,0,0730,1,1,77.7,1,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,135,1,18,1,72,6,6,3,2 -8624,0,0333,0,0315,1,1,70.3,4,4,1,3,2,2,2,2,2,2,2,1,1,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,7,1: Intentional,,,,,,,7,,1,1,1,1,1,2,2,2,1,2,,,2,2,1,118,1,22,1,120,6,6,2,3 -8625,0,0200,0,0130,1,1,26,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,115,1,24,1,112,1,1,2,2 -8626,0,1045,0,,2,1,72.6,1,3,1,1,1,1,1,2,2,1,1,1,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,1,1,2,2,2,1,2,4,2,3,1,120,1,16,1,106,2,1,2,3 -8627,0,2012,0,,2,1,82,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,4,,2,2,2,2,2,2,,,2,3,1,121,1,25,1,80,1,1,2,2 -8628,0,1900,0,1800,1,1,16,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,2,,,2,3,1,106,1,24,1,129,2,1,2,3 -8629,0,2015,0,1930,1,1,26,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,1,1,2,2,3,1,108,1,24,1,100,2,1,2,3 -8630,0,0820,0,0740,1,1,40,4,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,1,2,2,2,3,2,,,2,2,1,133,1,28,1,122,1,1,2,3 -8631,0,1739,0,1500,1,1,65,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,stepped on by other child- stepped in groin,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,136,1,20,1,96,1,1,2,2 -8632,0,2230,0,2200,1,1,75,2,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,138,1,20,1,58,1,1,2,2 -8633,0,1530,0,1500,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,127,1,18,1,98,2,2,2,3 -8634,0,1820,0,1800,1,1,64,4,8,1,2,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,1,2,2,2,3,2,,,2,2,1,139,1,42,1,108,1,1,2,3 -8635,0,2023,0,,2,1,87,1,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,tackled by five football players,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,141,1,26,1,68,1,1,2,2 -8636,0,0945,0,0800,1,1,75,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,1,2,3,2,3,1,181,1,19,1,97,2,1,2,2 -8637,0,2210,0,2130,1,1,70,4,3,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,1,1,2,2,2,2,,,2,2,1,140,1,18,1,123,2,2,2,3 -8638,0,2155,0,2120,1,1,45,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,2,,,2,2,1,139,1,18,1,100,1,1,2,2 -8639,0,1825,0,1800,1,1,68,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,145,1,16,1,109,1,1,2,2 -8640,0,1921,0,,2,1,20.4,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,129,1,22,1,117,1,1,2,3 -8641,0,1315,0,1245,1,1,64,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,Rope swing came undone,,9,2,1,2,1,1,1,2,2,2,2,1,1,3,2,2,1,140,1,16,1,77,1,1,2,3 -8642,0,0445,-1,,2,1,12,3,1,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,9,,,,,,Non-accidental trauma (abuse),,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,109,1,40,1,132,2,1,2,3 -8643,0,1530,0,,2,1,13.6,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,9,,,,,,TV fell on head,,9,2,2,,2,,1,2,2,2,2,2,,,2,3,1,99,1,34,1,120,1,1,2,3 -8644,0,2037,0,,2,1,55,1,2,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,1,2,5,,,,,1,,,5,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,138,1,20,1,82,2,1,2,3 -8645,0,1130,0,1100,1,1,93.2,2,8,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,slipped on floor; fell onto a stair,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,167,1,20,1,86,1,1,2,2 -8646,0,1758,0,1730,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,4,2,,,2,2,1,117,1,33,1,109,1,1,3,3 -8647,0,1722,0,1710,1,1,17,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,95,1,28,1,94,2,2,2,3 -8648,0,1930,0,1830,1,1,19.1,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,1,2,2,2,2,,,2,2,1,100,1,16,1,100,1,1,2,2 -8649,0,2157,0,2100,1,1,77,2,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,2,1,2,1,2,2,1,123,1,14,1,102,1,1,2,3 -8650,0,1805,0,1500,1,1,69,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,3,2,3,2,,,2,3,1,127,4,,3,,1,1,2,2 -8651,0,0845,0,0800,1,1,54.4,2,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,3,1,129,1,16,1,71,2,2,2,3 -8652,0,1805,0,1730,1,1,31.6,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,20,1,80,2,1,2,2 -8653,0,1330,0,1230,1,1,5,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,1,2,2,2,2,,,2,3,1,92,1,16,1,142,2,1,2,3 -8654,0,2311,0,2100,1,1,25,,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,1,1,1,2,2,2,1,1,1,1,2,3,1,148,1,77,1,162,3,2,2,3 -8655,0,1924,0,1850,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,4,,,2,3,1,120,1,17,1,118,1,1,2,3 -8656,0,2020,0,2000,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,1,2,,,2,2,1,125,1,24,1,105,2,1,2,3 -8657,0,1945,0,1930,1,1,14,3,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,2,2,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,4,2,,,2,3,1,124,1,24,1,169,3,3,2,3 -8658,0,1542,-1,,2,1,9.1,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,suspected nonaccidental trauma w/burns to abdomen and chest,,7,2,2,,2,,2,1,2,2,3,2,,,2,3,1,92,1,40,1,102,1,1,2,2 -8659,0,1554,0,0900,1,1,47,4,3,3,,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,109,1,18,1,73,1,1,1,3 -8660,0,2057,0,1800,1,1,5,2,2,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,1,3,,,3,3,1,58,1,56,1,221,3,1,2,3 -8661,0,2121,0,,2,1,14,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,3,,2,,2,2,2,2,1,2,,,2,2,1,124,1,20,1,126,1,1,2,2 -8662,0,0839,0,0730,1,1,42,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,124,1,16,1,64,1,1,2,2 -8663,0,1510,0,1500,1,1,27,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,1,1,2,1,2,2,2,2,2,,,2,3,1,134,1,13,1,106,2,2,2,3 -8664,0,1906,0,,2,1,,,8,1,2,3,3,3,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,9,,,,,,Shirt caught in farm machinery and pulled arm in,,9,2,2,,2,,1,2,2,2,2,2,,,2,3,1,125,1,26,1,140,1,1,2,3 -8665,0,2020,0,1935,1,1,8,1,2,1,1,3,2,2,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,2,1,1,2: 20 - 40 mph,1,4,,,,,1,,2,,1,1,2,2,1,2,2,1,1,5,2,3,1,88,1,32,1,136,2,2,2,2 -8666,0,2051,0,2030,1,1,60,1,8,1,1,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Car surfing, fell off car",,9,1,1,2,2,,1,1,2,2,3,1,2,3,2,2,1,127,1,18,1,96,1,1,1,3 -8667,0,1500,0,1430,1,1,70,4,3,2,,3,3,3,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,2,2,2,2,2,3,,,2,2,1,142,1,44,1,76,2,2,2,2 -8668,0,1400,0,1330,1,1,,,3,2,,4,4,4,4,4,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,1,2,2,2,2,,,2,3,1,96,1,16,1,92,1,1,2,2 -8669,0,1546,0,1200,1,1,55,1,3,1,4,1,2,1,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,2,1,3,3,2,3,1,97,1,20,1,78,5,4,1,3 -8670,0,1936,0,,2,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,2,2,2,2,3,2,,,2,3,1,114,1,40,1,128,2,1,2,2 -8671,0,1850,0,1820,1,1,72,1,1,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,wrestling injury,,7,2,2,,2,,1,2,2,3,2,2,,,2,2,1,113,1,16,1,89,1,1,2,3 -8672,0,1252,0,1230,1,1,10,4,8,2,,2,2,2,2,2,3,3,3,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,3,1: 5 or less,,,,,,,3,,2,,1,1,1,2,2,2,2,3,,,3,3,1,112,1,36,1,146,1,1,2,3 -8673,0,2257,0,1400,1,1,19,1,8,1,1,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,1,2,2,2,2,,,2,2,1,109,1,22,1,78,1,1,3,2 -8674,0,1300,0,1230,1,1,40,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,3,1,2,2,2,2,2,,,2,2,1,104,1,20,1,82,2,1,3,3 -8675,0,1945,0,1800,1,1,32,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,1,2,1,3,1,3,1,1,3,1,172,1,20,1,80,5,4,2,3 -8676,0,1222,0,1145,1,1,100,4,3,2,,2,2,2,2,2,1,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,3,2,2,2,2,2,2,,,2,3,1,124,1,18,1,79,1,1,3,2 -8677,0,1435,0,1330,1,1,28.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,7,2: Accidental,,,,,,playing soccer-hit in abdomen by ball,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,90,1,16,1,100,1,1,2,2 -8678,0,0007,0,,2,1,68,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,7,,,,,1,,1,2,1,1,2,2,2,2,3,2,,,2,2,1,129,1,18,1,84,2,1,3,2 -8679,0,2028,0,,2,1,50,4,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,3,4,6,5,,2,3,,,1,3,3,6,,,,,,,,6,,2,,2,,1,2,2,2,2,3,,,3,2,1,120,1,16,1,90,2,2,1,3 -8680,0,1547,0,1525,1,1,65,4,8,1,4,2,2,2,2,2,2,2,2,1,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,2,1,1,2,2,2,,,2,3,1,151,1,23,1,82,1,1,2,2 -8681,0,1629,0,,2,1,48.9,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,18,1,84,1,1,2,2 -8682,0,1315,0,,2,1,27.3,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,4: Speed Unknown,,,,,,bike versus deer,6,,2,,2,,2,1,2,2,3,2,,,2,3,1,109,1,16,1,73,1,1,2,2 -8683,0,1700,0,1645,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,2,1,165,1,22,1,106,1,1,2,2 -8684,0,2215,0,2130,1,1,51.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,118,1,16,1,68,1,1,3,2 -8685,0,2036,0,,2,1,60,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,4: Unknown,,,,,,,2,,2,,2,,2,2,2,3,2,2,,,2,3,1,134,1,20,1,78,2,1,3,2 -8686,0,1830,0,,2,1,54.3,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,3,1,1,1,2,2,3,1,130,1,22,1,101,1,1,2,2 -8687,0,2042,0,2010,1,1,60.9,1,2,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,136,1,10,1,81,1,1,2,3 -8688,0,0822,0,0730,1,1,35.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,1,1,1,1,1,2,2,1,1,3,2,3,1,96,1,20,1,100,3,1,2,3 -8689,0,1335,-1,,2,1,24.5,1,3,2,,2,2,2,2,2,4,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,88,1,18,1,96,1,1,1,2 -8690,0,2140,0,2030,1,1,74.9,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,lacrosse stick struck abdomen,7,,2,,1,1,2,2,2,2,1,1,3,2,2,3,1,123,1,20,1,92,5,3,2,2 -8691,0,0854,-1,2000,1,1,27.6,1,3,2,,1,1,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fell while running,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,20,1,90,1,1,2,2 -8692,0,1530,0,1430,1,1,35,4,3,1,1,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,1,2,2,1,119,1,24,1,76,4,3,2,3 -8693,0,2059,0,2010,1,1,58,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,139,1,14,1,70,1,1,2,3 -8694,0,1640,0,1600,1,1,20,2,11,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,4,6,2,2,1,132,1,22,1,105,2,2,2,3 -8695,0,1900,0,,2,1,15,3,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,109,1,40,1,150,2,2,2,3 -8696,0,0343,0,0243,1,1,9,1,3,2,,3,3,3,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,1: < 3 ft.,,,,,,,2,,2,,3,,2,2,2,2,3,2,,,2,3,1,112,1,28,1,137,1,1,2,2 -8697,0,0946,0,,2,1,20,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,4,1,98,1,20,1,100,1,1,2,2 -8698,0,1609,0,1500,1,1,84,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,1,2,2,2,1,7,1: Intentional,,,,,,,7,,1,2,2,,2,2,2,2,2,1,1,2,2,2,1,123,1,20,1,92,1,1,2,2 -8699,0,1957,0,,2,1,,,3,1,4,3,3,3,2,2,3,3,1,2,2,2,2,2,3,3,1,11,,2,3,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,2,1,140,1,22,1,99,2,1,3,3 -8700,0,1255,0,,2,1,37.2,,8,1,1,1,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,141,1,44,1,98,1,1,2,2 -8701,0,2003,0,,2,1,25,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,2,1,2,2,2,1,2,3,2,2,1,136,1,29,1,125,2,1,2,2 -8702,0,2012,0,1850,1,1,62,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,18,1,60,1,1,2,2 -8703,0,0830,0,0800,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,2,,2,2,2,2,2,1,1,2,2,3,1,111,1,20,1,111,1,1,2,2 -8704,0,2108,0,,2,1,60,4,8,1,4,3,3,3,1,2,3,3,3,1,1,2,1,2,4,5,6,3,,2,3,,,3,3,3,4,3: > 20 mph,,,4,,,,4,,1,2,1,1,1,1,2,2,3,3,,,3,3,1,102,2,,1,115,4,3,2,3 -8705,0,1200,0,1130,1,1,65,2,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,3,1,117,1,14,1,75,1,1,1,3 -8706,0,0100,-1,,2,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,5,,,,,3,,,5,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,125,1,21,1,87,3,1,1,3 -8707,0,2000,0,1930,1,1,80,4,8,1,1,1,4,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,1,1,2,3,1,1,3,2,2,1,134,1,14,1,81,3,3,1,3 -8708,0,1527,0,,2,1,5.2,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,1,2,2,2,2,,,2,3,1,106,1,40,1,142,2,1,2,2 -8709,0,1305,0,1230,1,1,55,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,T-bone on passenger door intrusion,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,105,1,16,1,80,2,1,1,2 -8710,0,1047,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,105,1,21,1,94,2,2,2,2 -8711,0,,0,1500,1,2,68,4,4,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,2,2: 3 - 10 ft.,,,,,,,2,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,150,1,22,1,101,1,1,2,2 -8712,0,1752,0,,2,1,68.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,1,1,2,1,2,2,9,,,,,,assault per friend- kneed in abdomen- patient doesn't recall,,7,2,2,,1,3,2,2,2,2,2,1,1,2,2,3,1,126,1,20,1,90,2,1,2,2 -8713,0,1500,0,1400,1,1,85.9,1,3,1,4,1,4,4,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,138,1,16,1,74,1,1,2,2 -8714,0,1400,0,,2,1,16,3,8,2,,3,3,3,2,2,3,3,2,3,1,1,1,1,4,5,6,3,,1,3,,,3,3,3,8,,,,,,,,8,,2,,1,1,1,2,2,1,2,3,,,3,3,1,100,2,,1,123,2,2,2,3 -8715,0,2009,0,,2,1,10,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,128,1,36,1,125,1,1,2,2 -8716,0,1900,0,1830,1,1,90,4,8,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,5,2,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,2,2,2,3,1,2,3,2,3,1,117,1,14,1,96,4,2,2,3 -8717,0,1830,0,,2,1,22,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,,,,,15,2,2,,,2,2,1,9,,,,,,"Riding unmotorized scooter, fell and hit face",,9,2,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,18,1,94,1,1,2,3 -8718,0,1815,0,1730,1,1,43,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,1,1,1,2,2,1,2,3,2,2,1,124,1,19,1,79,2,1,2,3 -8719,0,1131,0,1101,1,1,30,4,3,3,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,2,4,2,4,1,1,3: > 40 mph,1,2,,,,,1,,2,,1,2,1,1,1,2,2,1,1,1,2,2,1,116,1,24,1,122,1,1,2,3 -8720,0,0820,0,0720,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,3,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,136,1,18,1,95,1,1,2,2 -8721,0,1221,0,1200,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,130,1,23,1,123,1,1,1,3 -8722,0,1723,0,,2,1,33,2,1,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,1,1,1,2,2,2,3,1,1,2,2,3,1,114,1,23,1,83,2,1,2,3 -8723,0,1555,0,1515,1,1,55,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,119,1,30,1,99,1,1,2,2 -8724,0,0100,-1,1831,1,1,63,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,3,2,2,1,1,2,2,3,1,117,1,16,1,119,1,1,2,2 -8725,0,1427,0,,2,1,30,3,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,1,4,2,11,,2,3,,,2,3,1,9,,,,,,Hit on head,,9,2,2,,1,1,1,2,2,2,2,3,,,3,3,1,145,1,18,1,132,4,2,1,3 -8726,0,1637,0,,2,1,15.8,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,3,,,1,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,101,1,28,1,130,1,1,2,3 -8727,0,0015,-1,,2,1,70,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,1,1,1,1,2,2,2,3,2,,,2,2,1,152,1,7,1,100,1,1,3,3 -8728,0,2250,0,,2,1,4.7,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,3,1,1,13,,1,4,,,1,2,3,8,,,,,,,,8,,2,,2,,1,2,2,2,2,2,,,2,3,1,108,1,48,1,168,1,1,1,3 -8729,0,1815,0,,2,1,36.3,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,160,1,30,1,104,1,1,2,3 -8730,0,2130,0,,2,1,75,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,3,,1,2,2,2,2,2,,,2,2,1,135,1,16,1,98,2,1,2,3 -8731,0,1100,0,0800,1,1,16,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,1,2,,1,2,2,2,2,2,,,2,2,1,106,1,24,1,112,1,1,2,3 -8732,0,1424,0,1330,1,1,16,1,3,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,1,2,1,1,3,2,2,2,,,2,3,1,131,1,30,1,144,3,1,1,3 -8733,0,0045,-1,1700,1,1,58,1,1,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,3,2,2,3,1,118,1,16,1,80,5,2,2,2 -8734,0,1409,0,1320,1,1,22,4,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,2,1,102,1,20,1,96,2,1,2,2 -8735,0,1444,0,,2,1,41,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,26,1,88,1,1,2,2 -8736,0,1647,0,1530,1,1,65,2,3,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,2,2,3,1,2,3,2,3,1,136,1,20,1,108,2,1,2,2 -8737,0,1846,0,1753,1,1,81.6,4,4,1,2,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Football Injury. Speared in Back by other player with helmet.,,7,2,1,2,1,1,1,2,2,2,2,2,,,2,2,1,154,1,24,1,69,2,1,1,3 -8738,0,1604,0,,2,1,58.6,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,114,1,20,1,102,1,1,2,2 -8739,0,1817,0,1734,1,1,38.6,2,3,2,,1,1,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,1,2,,2,2,2,2,2,1,2,3,2,3,1,117,1,24,1,77,1,1,2,2 -8740,0,1706,0,1610,1,1,36.3,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,114,1,28,1,96,1,1,2,3 -8741,0,0156,-1,2200,1,1,4,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,1,2,,,2,3,1,59,1,40,1,147,1,1,1,3 -8742,0,2008,0,1900,1,1,35,1,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,136,1,18,1,93,1,1,2,2 -8743,0,2138,0,1630,1,1,70,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,1,2,2,1,13,,2,3,,,2,1,3,9,,,,,,Assaulted and kicked and knocked down. C/O R side pain-unclear if had actual abdominal trauma,,7,2,2,,2,,1,2,3,2,2,3,,,3,3,1,143,1,16,1,81,3,1,2,3 -8744,0,2156,0,2130,1,1,62,1,3,2,,1,1,1,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Pushed into sideboard playing ice hockey,,7,2,2,,1,1,2,2,2,2,3,2,,,2,3,1,117,1,20,1,80,1,1,2,2 -8745,0,1957,0,1930,1,1,40,4,3,2,,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,1,2,2,3,2,,,2,3,1,103,1,25,1,84,1,1,2,3 -8746,0,1935,0,1900,1,1,60,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,2,2,2,3,2,,,2,3,1,128,1,18,1,106,1,1,2,3 -8747,0,1430,0,1330,1,1,20,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,1,1,1,2,2,2,,,4,3,1,127,1,29,1,112,3,2,2,3 -8748,0,1714,0,1630,1,1,75,2,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,1,1,2,,2,2,2,2,2,1,2,2,2,2,1,122,1,24,1,104,3,3,2,2 -8749,0,1750,0,1740,1,1,55,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,5,3,9,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,134,1,48,1,115,1,1,2,2 -8750,0,1230,0,0700,1,1,32,1,3,1,3,3,3,3,2,2,3,3,3,4,1,3,3,2,4,5,6,3,,2,3,,,2,3,3,4,4: Speed Unknown,,,1,,,,4,,1,2,1,3,2,1,2,1,3,3,,,3,3,3,,1,37,1,98,5,5,1,3 -8751,0,2205,0,2000,1,1,29.9,1,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,2,2,7,2: Accidental,,,,,,,7,,1,1,1,1,2,2,2,2,2,1,2,1,2,3,1,110,1,18,1,115,2,1,2,2 -8752,0,0901,0,0820,1,1,7.9,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,104,1,30,1,144,1,1,2,3 -8753,0,1100,0,0800,1,1,14,4,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,Garage door trapped pt at chest,,7,2,2,,2,,1,2,2,2,3,2,,,2,3,1,114,1,24,1,190,1,1,2,3 -8754,0,0303,0,0200,1,1,35,4,8,2,,2,2,1,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,1,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,3,1,1,2,1,143,1,20,1,141,4,4,2,3 -8755,0,1334,0,,2,1,25,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,5,,,,,3,,,5,,2,,1,2,1,2,2,2,1,1,1,2,2,2,1,111,1,44,1,79,2,1,2,3 -8756,0,,0,1545,1,2,40,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,"fall while running, onto asphalt",,2,2,2,,2,,1,2,2,2,2,1,1,1,2,3,1,103,1,20,1,85,1,1,3,3 -8757,0,0154,-1,2200,1,1,17,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,3,2: 6-15,,,,,,,3,,2,,2,,2,1,2,2,2,1,1,2,2,3,3,,1,21,1,128,1,1,2,2 -8758,0,2019,0,,2,1,14,4,8,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,3,5,3,7,,1,3,,,1,3,2,9,,,,,,large person fell on patient,,7,2,2,,2,,1,2,2,2,2,3,,,3,2,1,115,2,,1,110,1,1,2,3 -8759,0,0027,-1,2355,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,Dragged,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,125,1,24,1,100,2,1,1,3 -8760,0,,0,,2,2,20,3,3,2,,3,3,3,2,2,3,3,2,1,1,1,2,2,4,5,6,3,,1,3,,,3,3,3,1,3: > 40 mph,2,,,,,,1,,1,2,1,2,1,1,2,2,3,3,,,3,3,1,84,2,,1,149,4,3,1,3 -8761,0,1930,0,1830,1,1,24,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,16,1,80,1,1,2,2 -8762,0,1300,0,1030,1,1,28,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,94,1,28,1,109,3,2,2,3 -8763,0,1049,0,,2,1,44.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,jumped forward onto chest/abd while trying to catch fly ball,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,22,1,68,1,1,2,2 -8764,0,2015,0,1930,1,1,36,2,8,1,1,1,2,2,2,2,3,1,2,2,2,2,2,2,1,2,2,13,,2,1,3,1,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,1,3,1,3,3,1,122,1,22,1,92,3,2,2,3 -8765,0,1511,0,,2,1,40,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"fall from standing height, backward while running",,2,2,2,,3,,2,2,2,2,1,2,,,2,2,1,110,1,39,1,86,1,1,2,2 -8766,0,1348,0,1330,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,137,1,34,1,112,2,2,2,3 -8767,0,2200,0,1930,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,1,1,2,2,2,2,,,2,2,1,119,1,16,1,68,1,1,1,3 -8768,0,0957,0,0900,1,1,56.7,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,126,1,20,1,96,2,2,2,3 -8769,0,0200,0,,2,1,50,4,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,3,2,3,1,2,3,2,3,1,109,1,18,1,100,4,3,3,3 -8770,0,1810,0,1735,1,1,70.4,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,168,1,20,1,81,1,1,2,3 -8771,0,1832,0,1800,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,133,1,16,1,95,1,1,2,2 -8772,0,2007,0,,2,1,13,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,3,1,97,1,30,1,207,2,1,2,3 -8773,0,1627,0,1400,1,1,79.5,1,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,1,2,,,2,3,1,109,1,18,1,70,1,1,2,2 -8774,0,2105,0,2032,1,1,21,4,3,2,,2,2,2,2,1,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,4,,4,,1,2,3,2,2,2,,,2,3,1,104,1,28,1,120,6,6,3,3 -8775,0,2305,0,,2,1,65,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Pistol Whipped,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,31,1,127,1,1,2,3 -8776,0,2033,0,,2,1,37.6,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Slid into base during baseball,,7,2,2,,1,1,2,2,2,2,2,1,1,3,2,3,1,105,1,19,1,101,1,1,2,2 -8777,0,1831,0,1730,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,149,1,16,1,88,1,1,2,2 -8778,0,2000,0,1900,1,1,70,,3,2,,4,4,4,4,4,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,2,2,2,2,2,2,,,2,4,1,131,1,16,1,73,2,2,2,2 -8779,0,1630,0,1530,1,1,71,2,1,2,,1,1,1,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,1,1,2,2,1,2,1,2,3,1,136,1,20,1,83,3,3,3,3 -8780,0,1740,0,1710,1,1,44,4,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,2,2,2,2,1,2,2,2,4,1,131,1,16,1,101,3,1,2,3 -8781,0,1458,0,,2,1,55,1,8,1,2,1,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,3,1: 5 or less,,,,,,,3,,1,1,2,,2,2,2,2,2,1,1,3,2,3,1,100,1,20,1,89,1,1,2,2 -8782,0,1828,0,1720,1,1,11.3,2,3,2,,3,3,3,2,2,3,3,4,2,2,2,2,2,1,1,1,15,,2,3,,,2,3,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,3,,,3,3,1,110,1,48,1,146,1,1,2,2 -8783,0,1306,0,1240,1,1,12,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,3,2,,,2,2,1,100,1,28,1,130,1,1,2,2 -8784,0,0807,0,,2,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,1,1,2,2,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,2,1,2,2,2,2,1,2,3,2,2,1,130,1,75,1,75,2,2,1,3 -8785,0,2222,0,2200,1,1,70,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,1,2,1,2,2,1,2,2,2,2,,,4,4,1,160,1,20,1,70,1,1,2,2 -8786,0,1530,0,1400,1,1,49.4,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,3,2,1,3,1,119,1,16,1,64,5,5,3,2 -8787,0,2033,0,2000,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,3,1: 5 or less,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,3,1,129,1,26,1,101,1,1,2,3 -8788,0,2344,0,2300,1,1,60,4,8,2,,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,1,2,,,2,2,1,132,1,22,1,91,1,1,2,3 -8789,0,0819,0,0800,1,1,47.2,1,3,1,1,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,121,1,18,1,66,1,1,2,2 -8790,0,1638,0,1630,1,1,64,1,8,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,2,1,168,1,24,1,109,2,2,2,3 -8791,0,1840,0,1815,1,1,60,4,8,1,4,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,2,1,2,2,2,3,2,,,2,2,1,112,1,18,1,100,2,2,2,3 -8792,0,1934,0,,2,1,76,,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,3,1,2,2,2,1,1,6,,,,,,,,6,,2,,1,3,1,2,2,2,2,1,2,2,2,4,1,119,1,24,1,98,2,1,3,3 -8793,0,1728,0,1645,1,1,20,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,2,2,1,2,2,2,1,2,3,2,2,1,100,1,14,1,87,4,3,1,2 -8794,0,2319,0,2230,1,1,50,1,4,2,,2,2,2,2,2,2,1,2,1,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,2,1,2,1,2,1,2,,,2,3,1,127,1,20,1,105,1,1,2,3 -8795,0,2118,0,2025,1,1,81.8,4,4,2,,1,1,1,2,2,2,2,2,3,2,2,2,3,1,1,1,15,,2,1,2,1,1,1,1,7,1: Intentional,,,,,,Hit With Chair and Kicked,7,,1,2,1,1,2,2,2,2,2,1,2,1,2,2,1,124,1,18,1,84,2,2,2,2 -8796,0,1945,0,1900,1,1,15,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,1,1,2,1,2,3,1,135,1,32,1,126,5,4,1,3 -8797,0,1119,0,1000,1,1,65.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,14,1,100,1,1,2,2 -8798,0,1629,0,1618,1,1,50,1,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,2,2,2,2,2,2,2,,,2,2,1,112,1,27,1,86,2,1,3,2 -8799,0,0010,-1,2200,1,1,63,1,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,118,1,16,1,56,1,1,1,2 -8800,0,1530,0,,2,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,1,3,2,2,2,2,2,2,,,2,3,1,118,1,24,1,111,1,1,2,2 -8801,0,2233,0,2200,1,1,55,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,Dirt bike fall head blunt trauma,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,140,1,16,1,66,1,1,2,3 -8802,0,0544,0,0500,1,1,50,4,1,1,1,1,1,1,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,105,1,20,1,78,3,2,2,3 -8803,0,2115,0,2000,1,1,13,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,1,1,2,2,1,3,2,,,3,2,1,109,1,33,1,126,2,2,2,3 -8804,0,1830,0,1630,1,1,52.8,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,24,1,90,1,1,2,2 -8805,0,1730,0,1600,1,1,70,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,1,2,1,1,2,1,2,2,2,1,3,3,2,3,1,139,1,16,1,103,4,4,1,2 -8806,0,0530,0,0500,1,1,70,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,2,2,2,1,1,3,2,3,1,134,1,22,1,75,1,1,3,2 -8807,0,0047,-1,2300,1,1,59.8,2,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,142,1,16,1,74,2,1,2,2 -8808,0,1906,0,1515,1,1,24,4,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,1,2,,,2,2,1,110,1,24,1,88,1,1,3,3 -8809,0,1329,0,1245,1,1,70,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Tackled in back in football,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,149,1,18,1,95,1,1,1,2 -8810,0,1800,0,1730,1,1,50,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,16,1,80,2,1,1,2 -8811,0,0322,-1,2000,1,1,26.4,1,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,1,2,5,,,,,1,,,5,,1,2,1,2,1,2,2,2,2,1,3,2,1,2,1,99,1,20,1,130,5,4,1,3 -8812,0,1545,0,1500,1,1,61,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,3,1,161,1,22,1,94,2,2,1,3 -8813,0,1737,0,,2,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,4,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,148,1,19,1,77,1,1,2,3 -8814,0,1830,0,1800,1,1,104.8,2,3,1,2,1,2,2,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,3,,1,2,2,2,3,2,,,2,2,1,141,1,16,1,96,1,1,2,3 -8815,0,1800,0,1600,1,1,58.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,1,2,2,,2,1,2,2,2,1,2,3,2,3,1,133,1,16,1,64,2,1,2,2 -8816,0,1448,0,1315,1,1,17.7,1,8,1,1,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,2,1,2,2,2,2,,,2,2,1,124,1,18,1,144,2,1,2,2 -8817,0,1449,0,1400,1,1,7,1,3,2,,3,3,3,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,1,5,,,,Ejected in booster seat,1,,2,,2,,1,2,2,2,4,3,,,4,4,1,69,1,44,1,172,2,2,2,3 -8818,0,1325,0,1250,1,1,10,4,3,2,,3,3,3,2,1,3,2,2,2,2,2,2,2,2,2,2,12,,1,3,,,2,3,1,1,4: Speed Unknown,1,4,,,,,1,,2,,1,1,1,2,2,2,1,1,1,3,3,2,1,109,1,36,1,136,5,4,2,3 -8819,0,0605,-1,2300,1,1,55,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,18,1,69,1,1,1,3 -8820,0,,0,,2,2,40,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,131,1,18,1,116,2,1,2,3 -8821,0,1937,0,,2,1,10,3,8,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,1,3,,,2,3,2,4,1: < 5 mph,,,1,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,97,1,24,1,144,2,1,1,3 -8822,0,2050,0,,2,1,,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,140,1,18,1,140,1,1,1,2 -8823,0,2200,0,2145,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,3,2,3,1,127,1,16,1,97,1,1,2,2 -8824,0,1838,0,1715,1,1,36,3,8,2,,1,2,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,2,1,2,3,2,2,1,140,1,26,1,84,3,1,2,3 -8825,0,1557,0,1535,1,1,45,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,108,1,20,1,87,1,1,1,2 -8826,0,2050,0,,2,1,25,2,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,4,1,104,1,23,1,81,2,1,2,3 -8827,0,1644,0,1630,1,1,38.6,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,4,,,2,3,1,121,1,29,1,107,1,1,2,3 -8828,0,1923,0,,2,1,35,,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,1,1,6,2,2,1,97,1,22,1,86,2,2,1,2 -8829,0,1604,0,1530,1,1,50.7,1,8,2,,2,2,2,2,2,2,4,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,122,1,15,1,95,1,1,2,2 -8830,0,2110,0,2050,1,1,16,4,3,2,,2,2,2,2,2,3,3,2,3,2,2,2,2,,,,,12,2,3,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,2,1,134,1,24,1,126,3,2,1,3 -8831,0,2150,0,2100,1,1,100,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,131,1,22,1,82,1,1,2,3 -8832,0,1015,0,0924,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,3,,,,,1,,2,,1,3,1,2,2,2,3,2,,,2,2,1,103,1,48,1,109,2,1,2,3 -8833,0,2300,0,1400,1,1,40,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,110,1,16,1,93,1,1,2,2 -8834,0,2231,0,,2,1,80,4,4,2,,2,2,2,1,1,2,2,2,1,1,1,1,1,1,1,1,15,,1,2,,,2,1,1,1,4: Speed Unknown,1,1,,,,,1,,1,3,1,3,1,2,2,2,1,2,,,2,2,1,170,1,22,1,106,1,1,3,3 -8835,0,2000,0,1700,1,1,78.4,1,3,1,1,1,2,1,2,2,1,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,7,2: Accidental,,,,,,,7,,1,1,2,,2,2,2,2,2,2,,,2,3,1,154,1,14,1,76,1,1,2,2 -8836,0,1824,0,,2,1,70,,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,struck left flank on tree stump,2,,1,1,1,1,2,2,2,2,1,1,1,2,2,2,1,145,1,16,1,86,5,1,1,2 -8837,0,2040,0,2000,1,1,35,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,1,2,4,2,2,1,128,1,20,1,105,2,1,2,3 -8838,0,1917,0,,2,1,60,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,13,,2,2,,,2,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,1,1,1,2,2,3,3,2,,,2,2,1,147,1,16,1,108,2,1,2,3 -8839,0,0700,0,0630,1,1,90,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,18,1,102,2,1,3,2 -8840,0,1739,0,1715,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,141,1,24,1,91,1,1,2,3 -8841,0,1915,0,,2,1,60,4,8,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,2,7,,2,3,,,2,2,3,9,,,,,,Player-on-player basketball game collision with resultant mental status changes,,7,2,2,,2,,1,2,2,2,2,3,,,3,2,1,166,2,,1,120,1,1,1,3 -8842,0,1827,0,1730,1,1,17.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,1,2,2,2,2,,,2,2,1,94,1,20,1,89,1,1,2,2 -8843,0,0415,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,136,1,18,1,76,1,1,2,2 -8844,0,1720,0,1530,1,1,39,1,1,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,1,3,2,2,1,2,1,2,3,1,119,1,16,1,97,3,3,2,3 -8845,0,1906,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,3,4,2,9,,2,3,,,2,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,152,1,40,1,100,1,1,2,3 -8846,0,2000,0,1600,1,1,70,4,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,1,2,2,2,1,2,2,2,3,1,143,1,18,1,100,2,1,2,3 -8847,0,1329,0,1130,1,1,79,1,8,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,9,,,,,,Hit by helmet on left side of chest while playing football,,7,2,1,2,2,,2,2,2,2,2,1,4,6,2,3,1,121,1,18,1,90,1,1,2,2 -8848,0,0831,0,0710,1,1,60,4,4,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,2,1,2,1,2,2,2,,,2,2,1,144,1,12,1,90,1,1,1,3 -8849,0,2049,0,,2,1,50.5,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,2,2,2,2,2,2,1,2,2,2,2,1,114,1,11,1,101,4,2,1,2 -8850,0,1900,0,1800,1,1,58.6,1,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,6,,,,,,,,6,,2,,1,1,2,2,2,2,2,2,,,2,3,1,118,1,24,1,94,3,1,2,2 -8851,0,1952,0,1900,1,1,27.2,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,3,1,118,1,18,1,108,1,1,1,3 -8852,0,1844,0,1815,1,1,100,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,9,,,,,,holding onto open door of car fell off @ about 20 mph,,9,2,2,,2,,1,2,2,2,2,1,1,3,2,4,1,150,1,18,1,100,2,2,2,3 -8853,0,1710,0,,2,1,22,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,114,1,22,1,101,1,1,2,2 -8854,0,0116,0,0000,1,1,100,4,3,2,,1,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,4,2,4,,,2,3,1,151,1,24,1,137,1,1,2,2 -8855,0,0735,0,,2,1,,,3,2,,2,2,2,1,1,2,2,2,2,2,2,2,2,1,1,2,14,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,95,1,23,1,133,1,1,2,2 -8856,0,1138,0,,2,1,58.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Collided with another player,,7,2,2,,1,2,2,2,2,2,2,1,2,2,2,2,1,135,1,18,1,75,2,1,2,2 -8857,0,1945,0,1846,1,1,10.4,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,1,4: Speed Unknown,1,4,,,,,1,,2,,1,1,1,2,2,2,3,3,,,2,2,1,109,1,26,1,143,3,3,2,3 -8858,0,1554,0,1530,1,1,19.4,1,3,1,4,1,2,1,2,1,1,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,112,1,22,1,103,4,2,2,3 -8859,0,2233,0,2100,1,1,16,3,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,1,4: Speed Unknown,2,,,,,,1,,3,,1,3,1,2,2,2,3,3,,,3,2,1,105,1,32,1,144,3,3,2,3 -8860,0,0049,-1,2300,1,1,47,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,1,2,2,,2,2,2,2,2,1,1,3,2,3,1,138,1,22,1,123,1,1,1,2 -8861,0,1839,0,,2,1,11.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,24,1,104,1,1,2,2 -8862,0,1330,0,1200,1,1,65,1,2,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,132,1,18,1,85,1,1,2,3 -8863,0,1700,0,1600,1,1,80,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,4,,4,,1,2,2,2,2,2,,,2,2,1,126,1,18,1,70,6,6,3,3 -8864,0,2200,0,2130,1,1,90,2,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,1,2,,2,2,2,2,2,2,,,2,2,1,136,1,14,1,61,1,1,2,2 -8865,0,1530,0,1500,1,1,50,4,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,1,2,2,2,2,,,2,2,1,124,1,19,1,74,1,1,2,3 -8866,0,1515,0,1500,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,2,1,2,3,2,2,1,130,1,20,1,88,3,2,3,3 -8867,0,1330,0,1230,1,1,70.5,1,1,1,4,1,1,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,collided with another player during soccer game,,7,2,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,121,1,18,1,60,3,2,2,3 -8868,0,1246,0,1215,1,1,40,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,1,1,1,2,2,2,,,2,3,1,155,1,24,1,110,3,1,2,3 -8869,0,1653,0,1600,1,1,,,1,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,16,1,84,2,1,1,2 -8870,0,2131,0,,2,1,15,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,2,2,2,2,2,1,1,1,2,2,1,118,1,30,1,102,1,1,2,2 -8871,0,1509,0,,2,1,45,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,141,1,24,1,115,1,1,2,2 -8872,0,2130,0,2100,1,1,14.5,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,6,10,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,99,1,50,1,116,1,1,2,2 -8873,0,1920,0,1900,1,1,44.5,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,3,1,118,1,24,1,93,1,1,2,3 -8874,0,2228,0,2000,1,1,17.7,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,20,1,88,1,1,2,2 -8875,0,1515,0,1400,1,1,,,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,2,2,2,2,2,2,,,2,3,1,138,1,18,1,88,2,1,1,2 -8876,0,1710,0,1700,1,1,43.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,3: > 40 mph,4,,,,,,1,,2,,2,,2,1,1,2,1,1,1,3,2,3,1,111,1,26,1,116,1,1,1,2 -8877,0,1535,0,1430,1,1,26.3,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,1,3,1,2,3,2,2,1,2,3,2,3,1,109,1,16,1,94,2,2,2,3 -8878,0,0115,0,,2,1,60,4,8,2,,3,3,3,2,2,3,2,2,3,2,2,2,2,3,3,3,9,,2,3,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,1,2,2,4,2,3,,,3,2,1,119,1,18,1,73,1,1,2,3 -8879,0,1955,0,1830,1,1,56.8,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,4,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,149,1,20,1,110,1,1,2,2 -8880,0,1409,0,,2,1,30,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,2,2,2,2,2,1,1,1,2,2,1,110,1,26,1,112,2,2,2,2 -8881,0,1130,0,1030,1,1,19.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,92,1,20,1,124,1,1,2,2 -8882,0,1907,0,,2,1,,,2,1,4,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,1,1,1,1,2,2,2,2,2,,,2,2,1,133,1,40,1,125,1,1,2,3 -8883,0,2107,0,2030,1,1,60,4,1,3,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,20,1,83,1,1,2,2 -8884,0,1304,0,1300,1,1,55,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,3,2,,,2,2,1,137,1,15,1,95,1,1,2,2 -8885,0,1500,0,1400,1,1,75,4,3,1,2,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,83,1,20,1,76,2,1,2,3 -8886,0,1932,0,1854,1,1,45,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,142,1,20,1,99,4,2,2,3 -8887,0,1942,0,,2,1,55,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,3,1,1,2,2,2,1,108,1,16,1,94,2,2,2,2 -8888,0,1930,0,,2,1,60,2,3,2,,2,2,4,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,130,1,18,1,68,1,1,2,2 -8889,0,0300,-1,1100,1,1,8.7,3,8,2,,2,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,125,1,50,1,113,2,1,2,3 -8890,0,2330,0,1630,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,3,1,106,1,20,1,72,1,1,2,3 -8891,0,1500,0,,2,1,24,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,3,2,,,2,3,1,108,1,28,1,110,2,1,2,3 -8892,0,1800,0,,2,1,30,,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,gocart accident - struck pelvis,,6,2,2,,2,,2,2,2,2,2,2,,,2,2,1,100,1,28,1,96,2,2,2,2 -8893,0,1305,0,1200,1,1,,,3,2,,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,134,1,16,1,87,3,3,2,2 -8894,0,1128,0,,2,1,5.7,1,2,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,Possible physical abuse,,7,2,2,,2,,1,2,2,2,1,2,,,2,2,2,,1,32,1,120,2,2,1,3 -8895,0,1930,0,1900,1,1,30,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,4,,2,2,2,2,2,1,2,3,2,3,1,108,1,15,1,76,3,1,2,2 -8896,0,1548,0,1530,1,1,15.8,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,99,1,22,1,100,1,1,1,2 -8897,0,1611,0,1445,1,1,24.9,1,3,1,2,1,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,1: < 5 mph,,,3,,,patient was dragged,4,,2,,1,1,1,2,3,2,2,2,,,2,3,1,130,1,20,1,90,4,4,2,3 -8898,0,1519,0,,2,1,,,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,16,1,91,1,1,2,2 -8899,0,2003,0,1845,1,1,50,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,1,1,1,2,2,2,2,2,,,2,2,1,129,1,18,1,110,1,1,2,3 -8900,0,2200,0,,2,1,13,2,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,3,1,2,2,2,9,,,,,,Fell from standing position onto floor,,2,2,2,,2,,1,2,2,2,2,1,3,3,2,2,1,138,1,30,1,114,1,1,2,3 -8901,0,1611,0,1525,1,1,36.3,1,1,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,2,1,118,1,20,1,82,2,1,2,2 -8902,0,1150,0,1000,1,1,53,1,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,snow boarding injury with fall from approximate 6 feet on lower back,,2,2,2,,1,1,2,2,2,2,2,2,,,2,2,1,147,1,16,1,102,2,1,2,2 -8903,0,1805,0,,2,1,50,1,3,2,,1,2,1,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,5,,,,,2,,,5,,2,,2,,2,2,2,3,2,2,,,2,3,1,150,1,20,1,108,1,1,2,1 -8904,0,1945,0,1900,1,1,25,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,120,1,20,1,112,3,2,2,2 -8905,0,0411,-1,1530,1,1,25,1,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,1,2,3,4,3,2,,,2,3,1,116,1,20,1,104,1,1,3,3 -8906,0,1929,0,,2,1,11,3,8,2,,2,3,3,2,2,3,3,2,3,2,2,2,2,1,2,2,13,,1,3,,,1,3,3,8,,,,,,,,8,,2,,1,1,1,2,3,1,2,3,,,3,2,1,98,1,52,1,116,3,2,2,3 -8907,0,1540,0,,2,1,27,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,3,2,2,,,2,3,1,87,1,46,1,104,1,1,2,2 -8908,0,,0,1600,1,2,25,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,2,1,97,1,18,1,110,1,1,2,3 -8909,0,1315,-1,,2,1,32.5,1,3,2,,1,1,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,3,4,2,4,1,108,1,22,1,97,5,3,2,2 -8910,0,0649,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,9,,,,,,assault,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,122,1,16,1,100,1,1,2,3 -8911,0,0156,-1,2350,1,1,20,1,3,1,2,1,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,114,1,20,1,106,3,2,2,3 -8912,0,1705,0,,2,1,20,4,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,3,2,,,2,2,1,103,1,20,1,146,2,2,2,3 -8913,0,1732,0,1645,1,1,59,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,2,2,2,2,2,1,1,2,2,3,1,135,1,18,1,78,1,1,2,2 -8914,0,2350,0,2315,1,1,64,2,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,3,1,142,1,30,1,100,1,1,2,2 -8915,0,1900,0,1830,1,1,29.5,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,3,1,2,2,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,1,2,1,1,1,2,2,1,2,3,2,3,1,118,1,38,1,117,3,3,2,3 -8916,0,1815,0,1800,1,1,60,2,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,3,1,2,4,2,2,1,153,1,20,1,94,3,2,2,3 -8917,0,2236,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,24,1,118,1,1,1,2 -8918,0,1920,0,1830,1,1,24,3,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,6,,,,,,,,6,,2,,1,1,1,1,2,2,3,1,3,1,1,3,1,135,1,25,1,117,5,3,2,3 -8919,0,2005,0,1530,1,1,54.5,2,1,1,1,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,3,,1,1,2,2,2,2,,,2,2,1,128,1,23,1,112,1,1,2,3 -8920,0,1650,0,1630,1,1,30,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,1,2,1,2,1,1,1,2,3,1,3,3,3,3,1,104,1,18,1,107,5,4,2,3 -8921,0,1630,0,1500,1,1,61,1,3,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,20,1,93,1,1,2,2 -8922,0,2056,0,,2,1,5.4,2,3,2,,3,3,3,2,2,3,3,3,3,2,2,2,2,4,2,2,10,,1,3,,,2,3,3,8,,,,,,,,8,,2,,1,1,1,1,2,1,2,3,,,3,3,1,118,1,44,1,152,3,2,2,3 -8923,0,1345,0,1300,1,1,30,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,3,1,2,2,2,3,2,,,2,2,1,126,1,25,1,108,1,1,3,3 -8924,0,1836,0,,2,1,50,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,5,,,,,2,,,5,,1,2,1,1,1,2,2,2,2,1,1,3,2,3,1,135,1,18,1,86,2,1,1,3 -8925,0,0900,-1,,2,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,9,,,,,,Kicked in abdomen,,7,2,2,,2,,2,2,2,2,2,1,1,3,2,3,1,90,1,20,1,92,1,1,2,2 -8926,0,1515,0,1430,1,1,40,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,6,,,,,1,,1,2,1,1,1,2,2,2,3,2,,,2,3,1,135,1,15,1,79,2,1,2,3 -8927,0,2008,0,1830,1,1,5.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,9,,,,,,"fan hit head, subarrach hemorrhage, subdural",,9,2,3,,3,,1,2,2,2,2,2,,,2,3,1,108,1,40,1,154,1,1,2,3 -8928,0,0846,0,0830,1,1,85.8,1,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,142,1,24,1,86,2,1,2,2 -8929,0,0335,0,0230,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,162,1,21,1,115,1,1,2,2 -8930,0,1700,0,1630,1,1,35,4,8,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,2,2,4,1: < 5 mph,,,1,,,,4,,2,,1,2,1,1,2,2,3,2,,,2,2,1,140,1,12,1,90,3,3,2,3 -8931,0,2140,0,,2,1,6.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,3,,1,2,2,2,2,2,,,2,2,1,113,1,44,1,165,1,1,2,3 -8932,0,2256,0,2000,1,1,3.4,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,9,,,,,,NAT,,7,2,2,,2,,1,2,2,2,2,2,,,3,3,1,73,1,45,1,221,2,1,1,3 -8933,0,2330,0,,2,1,72,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,1,2,2,2,1,1,3,2,3,1,119,1,24,1,96,2,1,2,3 -8934,0,2355,0,1700,1,1,60,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,142,1,16,1,91,1,1,2,3 -8935,0,1623,0,1600,1,1,20,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,3,2,2,,,2,2,1,88,1,40,1,152,1,1,2,2 -8936,0,1400,0,,2,1,50,4,8,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,140,1,24,1,104,2,2,2,3 -8937,0,0840,0,0745,1,1,46.5,1,2,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,136,1,24,1,109,1,1,2,2 -8938,0,1449,0,1350,1,1,19,3,3,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,1,3,2,3,1,108,1,20,1,67,3,1,2,2 -8939,0,2228,0,2100,1,1,41.5,1,8,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,2,2,2,2,1,100,1,20,1,76,1,1,2,2 -8940,0,1558,0,0130,1,1,43.3,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,2,1,1,2,2,2,1,1,1,2,3,1,123,1,37,1,132,3,2,2,3 -8941,0,1548,0,1500,1,1,70,2,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,2: 5 - 20 mph,,,1,,,,4,,1,2,2,,2,2,2,2,1,2,,,2,2,1,134,1,27,1,73,1,1,2,2 -8942,0,1832,0,1800,1,1,10,2,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,3,4,2,9,,2,3,,,1,3,3,9,,,,,,Trampled by horse,,7,2,2,,1,1,1,2,2,2,2,3,,,2,2,1,103,1,44,1,138,1,1,2,3 -8943,0,1220,0,1200,1,1,20.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,96,1,24,1,100,1,1,1,2 -8944,0,0346,0,,2,1,100,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,2,1,120,1,12,1,86,2,1,2,3 -8945,0,1505,0,1445,1,1,,,3,1,4,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,Pt. struck in right abdomen by a football helmet during a tackle,,7,2,4,,1,1,2,1,2,2,2,1,2,6,2,3,1,135,1,16,1,62,3,2,2,2 -8946,0,1930,0,1900,1,1,62.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,140,1,14,1,78,1,1,2,2 -8947,0,1231,0,1200,1,1,55.5,1,3,1,2,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,123,1,18,1,64,1,1,2,2 -8948,0,1555,0,1500,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,2,2,3,2,1,3,3,3,2,1,117,1,16,1,88,3,1,1,2 -8949,0,1525,0,,2,1,28,3,3,2,,2,2,2,2,2,1,1,2,1,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,9,,,,,,Fall off Horse,,2,2,2,,1,3,1,2,2,1,3,1,4,3,2,2,1,115,1,22,1,97,3,3,2,3 -8950,0,1800,0,1600,1,1,29,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,3,3,2,,,2,2,1,106,1,20,1,90,1,1,2,2 -8951,0,1848,0,,2,1,15,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,24,1,89,1,1,2,2 -8952,0,0300,0,,2,1,60,4,3,2,,1,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,4,2,2,,,2,3,1,84,1,18,1,118,1,1,3,3 -8953,0,1550,0,1400,1,1,30,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,116,1,18,1,101,1,1,1,2 -8954,0,1615,0,1530,1,1,40,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,2,2,2,2,3,2,,,2,3,1,126,1,18,1,102,2,1,2,2 -8955,0,1635,0,1550,1,1,48.6,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,1,1,2,,2,2,2,2,2,2,,,3,3,1,133,1,18,1,87,1,1,2,2 -8956,0,1710,0,,2,1,7.5,2,8,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,1,1,15,,1,3,,,1,3,3,8,,,,,,,,8,,2,,2,,1,2,2,2,2,3,,,3,2,2,,3,,2,,3,3,2,3 -8957,0,1549,0,1430,1,1,53,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,1: < 3 ft.,,,,,,Fall From Horse,2,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,140,1,22,1,97,4,2,1,3 -8958,0,1715,0,1630,1,1,60,1,2,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,direct blow with helmet while playing football,,7,2,2,,1,1,2,2,2,2,3,1,1,1,2,2,1,135,1,18,1,55,2,2,2,2 -8959,0,1940,0,,2,1,40,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,3,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,20,1,84,1,1,1,2 -8960,0,1425,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,128,1,18,1,119,1,1,2,3 -8961,0,1255,0,1200,1,1,60,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,3,2,,,2,3,1,120,1,14,1,101,1,1,1,3 -8962,0,1710,0,,2,1,9,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,1,3,2,2,2,2,2,2,,,2,2,1,105,1,24,1,105,1,1,2,2 -8963,0,0942,0,0915,1,1,18.2,1,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,3,2,2,2,,,2,3,1,100,1,28,1,88,2,1,1,2 -8964,0,0015,-1,,2,1,70,4,4,2,,2,2,2,2,2,2,2,2,1,1,1,1,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,115,1,28,1,85,2,1,2,3 -8965,0,2030,0,2000,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,16,1,60,1,1,2,2 -8966,0,2100,0,,2,1,,,3,1,1,3,3,3,1,2,3,3,2,3,2,2,2,2,1,1,1,15,,1,3,,,3,2,2,1,4: Speed Unknown,1,4,,,,,1,,3,,1,1,1,2,2,2,2,3,,,3,3,1,114,1,22,1,138,4,6,2,3 -8967,0,2149,0,2130,1,1,60,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,1,1,2,,1,2,2,2,2,1,2,2,2,2,1,131,1,22,1,108,1,1,1,3 -8968,0,2300,0,1900,1,1,55,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,1,2,2,1,111,1,16,1,84,2,2,2,2 -8969,0,1120,-1,1800,1,1,70,4,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,1,2,2,2,1,2,2,2,3,1,144,1,16,1,65,2,1,2,2 -8970,0,1803,0,1730,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,18,1,70,1,1,2,2 -8971,0,1300,0,1100,1,1,10.2,,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,113,1,36,1,174,2,1,3,3 -8972,0,,0,,2,2,,,5,3,,4,4,4,4,4,4,4,4,4,3,3,3,3,1,1,1,15,,2,2,,,1,2,2,1,3: > 40 mph,1,1,,,,,1,,4,,4,,1,2,2,2,3,2,,,2,3,3,,1,22,3,,6,6,3,3 -8973,0,1917,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,1,14,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,3,1,123,1,30,1,111,1,1,2,3 -8974,0,1809,0,,2,1,86.2,1,4,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,3,6,,2,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,1,1,1,3,1,2,2,3,3,3,,,3,3,1,50,1,18,1,120,2,2,2,3 -8975,0,0830,0,0750,1,1,60,4,3,1,2,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,117,1,24,1,112,1,1,1,2 -8976,0,1600,0,1500,1,1,40,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,9,,,,,,sledding - struck hay bale,,9,2,2,,1,3,1,2,2,2,2,1,2,1,2,2,1,105,1,28,1,132,5,4,2,3 -8977,0,0335,0,0300,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,4,4: Speed Unknown,,,3,,,,4,,1,2,1,2,1,2,2,2,3,1,2,3,2,3,1,148,1,15,1,138,3,1,2,3 -8978,0,2326,0,,2,1,37,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,20,1,100,1,1,1,2 -8979,0,1845,0,1830,1,1,33,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,127,1,17,1,80,1,1,2,2 -8980,0,1527,0,1457,1,1,30.5,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,2,3,2,3,2,,,2,3,1,121,1,24,1,96,1,1,2,2 -8981,0,1345,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,1,1,1,1,2,2,2,3,2,,,2,2,1,135,1,30,1,128,2,1,2,3 -8982,0,0950,0,,2,1,4.1,4,3,2,,3,3,3,2,2,2,2,4,1,2,2,2,2,1,2,1,14,,1,3,,,3,3,3,8,,,,,,,,8,,2,,1,2,1,2,2,1,2,2,,,3,3,1,52,1,38,1,125,5,4,1,3 -8983,0,1900,0,1700,1,1,33.1,,8,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,1,1,2,,2,2,2,2,2,1,2,3,1,3,1,104,1,22,1,100,2,1,2,2 -8984,0,1608,0,1530,1,1,33.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,2,,,5,,2,,2,,2,1,2,2,2,1,1,3,2,3,1,111,1,18,1,96,1,1,1,2 -8985,0,0912,-1,,2,1,33.4,1,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,109,1,22,1,72,1,1,2,2 -8986,0,2145,0,2100,1,1,86.4,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,3,1,130,1,12,1,100,1,1,3,2 -8987,0,1658,0,,2,1,120.5,4,3,2,,2,2,2,2,2,4,1,1,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,2,,4,,2,1,2,2,2,2,,,2,3,1,120,1,22,1,100,1,1,2,2 -8988,0,1639,0,1300,1,1,57.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,107,1,20,1,84,2,1,2,2 -8989,0,1500,0,1000,1,1,42,3,3,1,1,2,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,14,,2,2,,,1,2,1,9,,,,,,Colliding with metal barrier - hitting chest/head,,7,2,2,,2,,1,2,2,2,3,1,1,3,2,2,1,113,1,32,1,88,2,1,2,3 -8990,0,1704,0,1530,1,1,24.6,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,6,,,,,,,,6,,2,,1,1,2,1,2,2,2,1,2,2,2,3,1,128,1,20,1,98,4,2,2,2 -8991,0,1237,0,1220,1,1,14,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,105,1,24,1,88,1,1,2,2 -8992,0,2025,0,2000,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,3,4,2,4,,,2,3,1,142,1,25,1,109,1,1,2,3 -8993,0,0936,0,0830,1,1,61.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,36,1,140,2,1,1,3 -8994,0,1516,0,1416,1,1,75,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,139,1,16,1,88,1,1,2,2 -8995,0,2004,0,1630,1,1,60,4,3,2,,1,2,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,3,1,1,1,2,3,1,107,1,20,1,97,2,1,1,2 -8996,0,1702,0,,2,1,10,4,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,1,3: > 40 mph,1,4,,,,,1,,1,1,1,1,1,2,2,2,2,2,,,2,3,1,117,1,43,1,163,3,1,2,3 -8997,0,1609,0,,2,1,53,4,3,1,2,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,3,2,2,2,2,,,2,3,1,125,1,18,1,80,2,1,2,2 -8998,0,2240,0,1900,1,1,,,1,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,football injury,,7,2,1,1,1,1,2,2,2,2,2,1,2,2,2,3,1,112,1,20,1,91,3,2,2,2 -8999,0,1645,0,1600,1,1,60,2,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,146,1,20,1,85,1,1,2,3 -9000,0,1415,0,1130,1,1,61,1,2,1,2,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,9,,,,,,football injury-kicked at left side by teammate in practice,,7,2,2,,1,3,1,1,2,2,2,1,2,3,2,3,1,116,1,12,1,59,4,4,2,3 -9001,0,1527,0,1515,1,1,60,1,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,127,1,20,1,70,1,1,2,2 -9002,0,1600,0,1530,1,1,63.5,1,8,1,1,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,134,1,17,1,95,1,1,2,3 -9003,0,0320,0,0300,1,1,68,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,142,1,18,1,84,2,1,2,2 -9004,0,1723,0,,2,1,,,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,3,6,,2,3,,,2,3,1,5,,,,,3,,,5,,2,,1,2,1,1,2,2,2,3,,,3,2,1,171,1,30,1,64,4,3,2,3 -9005,0,1101,0,,2,1,64,,3,2,,4,4,4,4,4,2,1,2,4,2,2,2,2,1,1,1,15,,2,2,,,4,4,1,4,2: 5 - 20 mph,,,2,,,,4,,1,1,2,,1,2,2,4,4,4,,,4,4,1,129,1,28,1,96,2,2,3,3 -9006,0,1100,0,,2,1,5,4,8,2,,3,3,3,1,2,3,3,2,4,1,2,2,2,4,5,6,3,,1,3,,,3,3,3,8,,,,,,,,8,,2,,2,,1,2,2,1,3,3,,,3,3,1,95,2,,1,136,3,3,2,3 -9007,0,2230,0,2000,1,1,15,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,92,1,28,1,120,1,1,2,3 -9008,0,1741,0,0800,1,1,31.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,2,1,2,3,1,111,1,20,1,85,1,2,2,2 -9009,0,0426,0,0400,1,1,65,4,4,2,,2,1,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,1,1,1,1,2,2,2,2,3,2,,,2,2,1,105,1,18,1,102,1,1,2,2 -9010,0,1807,0,1630,1,1,37.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,140,1,22,1,102,1,1,2,3 -9011,0,1425,0,1400,1,1,25,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,1,1,3,2,3,1,100,1,18,1,78,1,1,2,2 -9012,0,1708,0,1508,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,3,1,115,1,27,1,128,1,1,2,3 -9013,0,2200,0,2030,1,1,55,2,3,1,1,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,2,1,3,1,2,1,2,1,2,2,1,117,1,20,1,119,5,4,2,2 -9014,0,2117,0,,2,1,,,3,1,4,3,3,3,1,1,3,3,1,1,1,1,1,2,4,5,5,4,,2,3,,,2,3,1,6,,,,,,,,6,,1,2,1,2,1,2,2,1,2,3,,,3,2,1,80,1,24,1,101,3,2,2,3 -9015,0,0934,0,0900,1,1,22,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,114,1,24,1,116,1,1,2,2 -9016,0,1328,0,1240,1,1,36.4,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,123,1,20,1,104,2,1,2,2 -9017,0,1055,-1,,2,1,20,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,97,1,20,1,98,1,1,2,2 -9018,0,1200,0,1100,1,1,25,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,2,14,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,1,1,1,1,2,2,2,2,2,,,2,2,1,106,1,12,1,80,2,1,2,3 -9019,0,0800,0,0730,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,3,1,155,1,15,1,78,2,2,1,2 -9020,0,1835,0,,2,1,50,2,8,1,4,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Pulled by sled - then collision (power box),,7,2,1,1,2,,1,2,2,2,2,2,,,2,2,1,125,1,20,1,90,1,1,2,3 -9021,0,0108,-1,,2,1,11,1,3,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,2,1,93,1,28,1,106,1,1,1,3 -9022,0,1509,0,1200,1,1,81,2,8,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,3,,1,3,1,1,2,2,2,1,1,3,2,2,1,156,1,8,1,103,2,2,2,3 -9023,0,1320,0,1130,1,1,65.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,2,,,2,3,1,121,1,78,1,70,2,1,1,3 -9024,0,1931,0,,2,1,22,4,1,1,1,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,1,2: 20 - 40 mph,1,6,,,,,1,,2,,1,1,2,1,2,2,3,1,1,1,2,3,1,110,1,18,1,110,2,2,2,2 -9025,0,0200,0,0130,1,1,65,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,3,2,2,2,3,2,2,,,2,2,1,142,1,14,1,122,1,1,2,2 -9026,0,1955,0,1951,1,1,28,3,1,1,2,3,3,3,1,1,3,3,2,2,1,1,1,2,4,4,6,4,,2,3,,,3,3,3,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,2,1,151,1,34,1,80,3,2,2,3 -9027,0,2000,0,1930,1,1,60,1,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,1,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,18,1,84,1,1,2,2 -9028,0,2205,0,,2,1,70,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,3,1,132,1,15,1,105,1,1,2,3 -9029,0,0105,0,0030,1,1,27.6,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,122,1,22,1,97,1,1,2,2 -9030,0,1539,0,1430,1,1,53.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,Passenger Front Seat Unrestrained,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,136,1,20,1,84,2,2,2,3 -9031,0,1715,0,1530,1,1,54.6,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,slip and fall,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,20,1,86,1,1,2,2 -9032,0,1425,0,1350,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,18,1,80,1,1,1,2 -9033,0,1301,0,1230,1,1,8.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,137,1,28,1,173,1,1,2,3 -9034,0,1320,0,1300,1,1,55,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,2,2,,,2,2,1,137,1,18,1,86,1,1,2,2 -9035,0,1400,0,1000,1,1,37.3,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,3,,,5,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,100,1,20,1,75,2,1,1,2 -9036,0,2226,0,2100,1,1,79,4,4,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,2,3,,,2,2,2,9,,,,,,Football injury helmeted head v. helmeted head,,7,2,1,2,1,2,2,2,2,2,2,3,,,2,2,1,151,1,12,1,87,2,1,1,2 -9037,0,1320,0,,2,1,68,4,1,3,,4,4,4,4,4,2,2,2,1,2,2,1,2,1,1,1,15,,1,1,2,1,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,1,1,2,2,1,2,4,2,2,1,115,1,28,1,114,1,4,1,3 -9038,0,0935,0,0900,1,1,40,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,6,,,,,1,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,104,1,40,1,104,1,1,2,3 -9039,0,1430,0,1300,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,1,4: Speed Unknown,1,5,,,,,1,,2,,1,3,1,1,2,2,2,2,,,2,2,1,116,1,38,1,120,2,2,2,3 -9040,0,1153,0,,2,1,24.9,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,1,1,1,2,2,2,2,2,,,2,3,1,106,1,20,1,70,2,1,2,3 -9041,0,2104,0,2030,1,1,14.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,2,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,1,2,2,2,2,,,2,3,1,115,1,22,1,126,1,1,2,2 -9042,0,0749,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,124,1,18,1,95,1,1,2,2 -9043,0,1321,0,1230,1,1,12.5,1,1,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,3,1,1,3,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,2,3,1,117,1,24,1,98,1,1,2,2 -9044,0,0630,0,0245,1,1,79.6,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,1,2,2,1,1,2,2,3,1,150,1,18,1,100,2,1,2,2 -9045,0,1936,0,1900,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,2,,2,2,2,2,2,1,1,2,2,2,1,126,1,18,1,80,1,1,1,2 -9046,0,2026,0,,2,1,29.7,1,3,2,,4,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,124,1,18,1,88,2,2,2,2 -9047,0,0045,-1,2300,1,1,56.8,,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,137,1,20,1,84,1,1,2,3 -9048,0,1032,0,0945,1,1,41.1,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,1,1,2,1,2,2,2,1,1,2,2,3,1,114,1,16,1,100,4,1,2,2 -9049,0,1730,0,1640,1,1,28,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,120,1,18,1,64,1,1,2,2 -9050,0,1100,0,1030,1,1,45.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,2,2,2,1,1,3,2,3,1,114,1,18,1,91,1,1,1,2 -9051,0,2025,0,1945,1,1,50,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,143,1,25,1,65,1,1,3,3 -9052,0,1727,0,1700,1,1,63,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,1,2,3,2,2,1,124,1,20,1,80,5,4,2,3 -9053,0,1720,0,,2,1,58.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,174,1,15,1,95,2,1,2,2 -9054,0,1507,0,1200,1,1,41,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Basketball hit head, fell",,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,129,1,24,1,128,1,1,1,2 -9055,0,1415,0,,2,1,60,1,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,2,,,2,3,1,169,1,16,1,82,1,1,3,2 -9056,0,2149,0,,2,1,69.5,1,2,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,2,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,3,2,2,2,2,2,1,2,6,2,2,1,129,1,17,1,82,1,1,2,2 -9057,0,1940,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,3,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,1,1,2,2,1,1,2,2,4,1,127,1,14,1,96,1,1,3,3 -9058,0,1605,0,1430,1,1,,,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Kicked in chest,,7,2,2,,2,,2,2,2,2,3,2,,,2,3,1,138,1,20,1,94,1,1,1,1 -9059,0,2333,0,2230,1,1,79,1,8,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,3,1,126,1,20,1,80,2,2,1,2 -9060,0,0406,0,0200,1,1,75,4,8,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,132,1,20,1,89,1,1,2,2 -9061,0,1353,0,1320,1,1,80,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,2,2,2,2,2,2,2,,,2,2,1,135,1,20,1,70,1,1,2,2 -9062,0,0912,0,0845,1,1,16.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,3,2,,,2,3,1,190,1,36,1,136,1,1,1,2 -9063,0,1925,0,,2,1,14.1,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,3,,2,2,2,2,2,2,,,2,3,1,130,1,28,1,115,1,1,2,2 -9064,0,0821,0,0755,1,1,34,2,3,2,,4,4,4,4,4,2,2,4,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,1,1,1,1,1,2,3,2,4,2,,,2,2,1,100,1,24,1,135,2,1,2,3 -9065,0,1450,0,1400,1,1,,,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,1,2,3,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,2,1,2,2,2,2,,,4,4,1,135,1,24,1,120,2,1,2,2 -9066,0,1752,0,1600,1,1,30,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,9,,,,,,Fall from horse,,2,2,2,,2,,2,2,2,2,2,1,1,1,2,3,1,111,1,18,1,107,2,1,2,2 -9067,0,1408,-1,,2,1,65.7,1,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,6,2,3,1,104,1,12,1,72,1,1,1,2 -9068,0,1742,0,,2,1,60,,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,alleged assault,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,20,1,70,1,1,2,2 -9069,0,1550,0,1500,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,7,1: Intentional,,,,,,,7,,1,2,2,,1,2,2,3,2,2,,,2,2,1,130,1,25,1,90,1,1,2,3 -9070,0,1934,0,1900,1,1,66,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,143,1,20,1,100,1,1,2,2 -9071,0,1525,0,1445,1,1,60,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,16,1,76,1,1,2,2 -9072,0,,0,,2,2,113,1,5,2,,3,3,3,4,4,3,3,3,3,1,1,1,2,1,4,4,9,,1,4,,,4,4,4,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,3,3,,,3,3,3,,4,,3,,3,2,2,3 -9073,0,1841,0,1400,1,1,22,1,3,2,,2,2,2,2,2,3,2,2,4,2,2,1,2,1,1,1,15,,2,2,,,4,2,1,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,3,3,1,102,1,18,1,108,2,2,2,3 -9074,0,2235,0,2205,1,1,75,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,1,1,2,1,14,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,147,1,24,1,103,2,1,2,3 -9075,0,1635,0,1600,1,1,26.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,28,1,118,1,1,3,2 -9076,0,2330,0,1730,1,1,45,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,126,1,18,1,104,1,1,2,3 -9077,0,2100,0,2000,1,1,46,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,2,2,2,3,1,117,1,20,1,63,4,2,2,3 -9078,0,0129,-1,2015,1,1,65,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,3,3,3,9,,2,3,,,1,3,3,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,1,2,3,2,3,3,,,2,2,1,128,1,20,1,96,3,2,1,3 -9079,0,1726,0,,2,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,1,1,2,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,2,1,1,1,4,1,1,3,2,3,1,110,1,28,1,86,3,2,2,2 -9080,0,1808,0,,2,1,60,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,1,1,2,2,1,3,3,2,3,1,116,1,18,1,120,4,3,2,3 -9081,0,1745,0,1735,1,1,30,2,8,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,104,1,20,1,110,2,1,1,2 -9082,0,2000,0,1800,1,1,50,,8,2,,3,3,3,2,2,3,3,2,3,1,2,1,2,4,5,3,6,,2,3,,,2,3,3,6,,,,,,,,6,,2,,1,2,1,1,3,2,2,3,,,3,2,1,132,1,16,1,92,2,1,2,3 -9083,0,1640,0,1600,1,1,40,4,3,1,1,3,3,3,1,1,3,3,2,1,1,2,1,2,4,5,3,6,,2,3,,,1,3,3,4,4: Speed Unknown,,,4,,,,4,,2,,1,1,1,1,2,2,3,3,,,3,2,1,112,1,43,1,117,4,2,2,3 -9084,0,0100,-1,1900,1,1,56,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,20,1,77,1,1,2,2 -9085,0,1339,0,1320,1,1,52.1,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,5,,,,,2,,,5,,2,,1,1,1,1,2,2,2,1,1,2,2,2,1,160,1,18,1,78,1,1,2,3 -9086,0,1048,0,,2,1,13,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,4,3: > 20 mph,,,3,,,,4,,2,,1,2,2,2,2,2,2,2,,,2,2,1,123,1,20,1,165,3,2,1,2 -9087,0,1337,0,1200,1,1,5,4,8,2,,3,3,3,2,2,3,3,2,1,1,2,2,2,4,5,6,3,,1,3,,,2,3,2,3,4: Unknown,,,,,,,3,,2,,1,3,1,2,2,2,2,3,,,3,3,1,92,1,68,1,168,4,2,1,3 -9088,0,1252,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,2,,,2,2,1,110,1,22,1,100,1,1,2,2 -9089,0,1840,0,1800,1,1,120,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,2,2,2,2,2,2,,,2,2,1,143,1,18,1,111,2,1,2,2 -9090,0,1635,0,1600,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,2,2,2,2,1,1,2,2,2,1,100,1,20,1,110,2,1,2,2 -9091,0,1307,0,,2,1,80,4,3,2,,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,120,1,18,1,76,1,1,2,3 -9092,0,1815,0,1345,1,1,35,3,8,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,123,1,22,1,92,1,1,2,3 -9093,0,2310,0,2210,1,1,5,4,3,2,,3,3,3,2,2,3,3,2,3,3,3,3,3,1,2,1,14,,1,3,,,2,4,3,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,1,2,2,4,2,2,,,3,3,1,89,1,44,1,101,3,2,2,3 -9094,0,1701,0,1600,1,1,61,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,16,1,80,1,1,2,2 -9095,0,1935,0,1830,1,1,20.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,3,,2,2,2,2,2,1,1,2,2,3,1,106,1,24,1,112,1,1,2,2 -9096,0,1436,0,1400,1,1,45,2,8,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,4,3: > 20 mph,,,3,,,patient possibly run-over by moving vehicle,4,,2,,1,2,1,2,2,2,2,1,1,1,2,3,1,109,1,20,1,84,4,3,1,3 -9097,0,1500,0,1100,1,1,5.2,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,3,1,96,1,52,1,118,1,1,2,3 -9098,0,1104,0,1000,1,1,68,4,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,1,1,1,2,2,2,2,3,1,2,2,2,3,1,113,1,16,1,80,2,1,2,2 -9099,0,1302,0,1200,1,1,12,4,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,1,3,2,2,2,,,2,2,1,118,1,36,1,120,3,3,2,3 -9100,0,2138,0,1700,1,1,18,,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,36,1,107,1,1,3,3 -9101,0,1800,0,1500,1,1,21,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,106,1,20,1,116,3,2,2,3 -9102,0,2140,0,2100,1,1,49.5,4,8,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,2,2,2,2,3,1,2,2,2,3,1,134,1,18,1,84,4,2,1,2 -9103,0,2345,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,128,1,27,1,110,1,1,2,3 -9104,0,2001,0,1930,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,135,1,16,1,70,1,1,2,2 -9105,0,1600,0,1500,1,1,37,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,1,2,,,2,2,1,124,1,20,1,124,1,1,2,2 -9106,0,1900,0,1200,1,1,39,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Skiing fall,,2,2,2,,2,,2,2,2,2,3,2,,,2,3,1,111,1,22,1,115,1,1,2,2 -9107,0,,0,,2,2,,,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,124,1,18,1,89,1,1,2,3 -9108,0,1600,0,1530,1,1,54.4,2,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,168,1,13,1,87,4,2,2,3 -9109,0,1920,0,,2,1,5,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,3,,1,28,1,180,1,1,2,3 -9110,0,2005,0,,2,1,65,4,3,1,3,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,20,1,92,1,1,2,2 -9111,0,1600,0,1530,1,1,45,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,142,1,20,1,80,3,1,2,3 -9112,0,1705,0,1616,1,1,62.6,,3,1,4,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,2,,,5,,2,,1,3,1,2,2,2,3,1,2,2,2,2,1,122,1,20,1,65,3,1,2,3 -9113,0,,0,,2,2,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,146,1,18,1,102,1,1,2,2 -9114,0,,-1,,2,2,,,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,4,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,3,1,119,1,35,1,114,1,1,2,3 -9115,0,0702,0,0630,1,1,41,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,152,1,27,1,104,1,1,2,2 -9116,0,1953,0,1930,1,1,100,4,1,1,1,3,3,3,1,2,3,3,1,1,2,2,2,2,3,4,3,8,,2,3,,,2,3,1,4,3: > 20 mph,,,2,,,,4,,1,1,1,1,1,1,2,2,3,3,,,2,2,1,202,1,25,1,152,4,4,2,3 -9117,0,2155,0,,2,1,20,3,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,2,1,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,3,1,2,2,1,3,1,3,1,3,2,1,118,1,20,1,114,5,5,2,3 -9118,0,1830,0,1800,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,2,1,13,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,fall from a slow-moving car,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,124,1,20,1,101,3,2,2,3 -9119,0,0800,0,0700,1,1,65,1,3,2,,2,2,2,2,2,2,4,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,109,1,20,1,102,1,1,1,2 -9120,0,2155,0,,2,1,48.6,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,2,2,2,1,2,3,2,3,1,121,1,12,1,67,1,1,2,2 -9121,0,1840,0,1800,1,1,5.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,24,1,88,2,1,2,2 -9122,0,1954,0,,2,1,60,1,9,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,3,2,2,2,,,2,3,1,140,1,20,1,110,1,1,2,3 -9123,0,1548,0,1530,1,1,53,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,123,1,20,1,74,1,1,2,2 -9124,0,1817,0,1740,1,1,50,3,8,2,,3,3,3,2,2,3,3,2,3,1,1,1,1,4,5,3,6,,2,3,,,3,3,3,4,3: > 20 mph,,,4,,,,4,,1,1,1,1,1,1,2,2,1,3,,,3,2,1,118,1,20,1,100,2,1,2,3 -9125,0,1236,0,1200,1,1,8,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,3,3: > 15,,,,,,,3,,2,,1,1,2,1,2,2,1,2,,,2,3,1,132,1,32,1,107,1,1,2,2 -9126,0,2330,0,1800,1,1,23.6,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,119,1,30,1,93,1,1,1,3 -9127,0,1406,0,1330,1,1,45,2,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,101,1,20,1,62,1,1,2,2 -9128,0,2030,0,1600,1,1,35.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from scooter,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,102,1,16,1,76,1,1,3,2 -9129,0,1602,0,,2,1,75,3,8,2,,3,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,4,,,4,4,4,9,,,,,,snowboarding,,2,2,2,,1,1,1,2,2,2,4,1,2,2,2,2,1,118,1,28,1,70,4,3,2,3 -9130,0,1301,0,,2,1,,,3,2,,2,2,2,2,2,1,1,2,2,3,3,3,3,1,1,1,15,,2,3,,,2,2,1,9,,,,,,skateboarding,,2,2,2,,1,1,1,1,2,2,2,1,1,3,2,3,1,145,1,24,1,130,2,1,2,3 -9131,0,1400,0,1330,1,1,11.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,3,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,91,1,24,1,120,2,1,2,2 -9132,0,1433,0,,2,1,6,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,76,1,25,1,175,1,1,2,3 -9133,0,2309,0,1630,1,1,66,1,1,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,9,,,,,,Tackled from behind playing football - left flank/back,,7,2,2,,1,2,1,2,2,2,3,1,2,2,2,3,1,120,1,16,1,91,4,2,2,3 -9134,0,1632,0,1520,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,115,1,24,1,122,1,1,2,3 -9135,0,2110,0,2000,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Downhill skiing collision with another skier,,7,2,1,2,1,1,1,2,2,2,2,1,2,2,2,2,1,128,1,18,1,120,4,2,2,3 -9136,0,1535,0,1450,1,1,16,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,2,,,2,2,1,102,1,28,1,156,1,1,2,3 -9137,0,2105,0,2050,1,1,13.3,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,106,1,22,1,88,1,1,2,2 -9138,0,1009,0,0930,1,1,60,,3,2,,4,4,4,4,4,4,4,4,4,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,2,,,,,,1,,4,,1,3,1,4,3,4,4,4,,,4,4,1,128,1,20,1,88,6,6,3,3 -9139,0,,0,,2,2,7,3,8,2,,3,3,3,2,1,3,3,2,1,1,1,1,2,4,5,6,3,,1,3,,,3,3,1,9,,,,,,blunt head injury,,9,2,2,,2,,1,2,2,2,2,3,,,3,2,1,135,1,35,1,120,1,1,1,3 -9140,0,1220,-1,1700,1,1,66,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,16,1,97,1,1,3,2 -9141,0,0930,0,0900,1,1,14,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,1,1,2,,1,2,2,2,2,2,,,2,3,1,106,1,40,1,124,1,1,2,3 -9142,0,2118,0,2000,1,1,10.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,Fell w/ mom - hit head,,2,2,2,,2,,1,2,2,2,2,3,,,3,2,1,87,1,34,1,132,2,1,2,3 -9143,0,1955,0,1930,1,1,30,4,8,1,2,2,3,1,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,4,2: 5 - 20 mph,,,3,,,,4,,2,,1,1,1,1,2,1,1,1,3,1,3,2,1,138,1,21,1,104,4,4,2,3 -9144,0,1926,0,1200,1,1,26.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,106,1,20,1,82,1,1,1,2 -9145,0,1750,0,1700,1,1,77.1,2,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,2,1,1,2,2,1,2,1,2,3,1,137,1,24,1,80,2,1,2,2 -9146,0,0209,0,0115,1,1,81.6,1,4,2,,2,2,2,2,2,2,2,2,2,1,1,1,1,2,2,1,13,,2,1,1,1,1,2,2,7,1: Intentional,,,,,,,7,,1,2,1,3,1,2,2,2,2,1,3,3,2,3,1,187,1,12,1,110,6,6,2,3 -9147,0,1853,0,,2,1,56.7,1,3,2,,2,2,2,2,2,3,1,3,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,2,1,2,2,2,2,1,1,1,2,3,1,120,1,20,1,103,5,4,1,3 -9148,0,0429,0,0200,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,1,1,2,2,1,13,,2,1,1,2,1,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,1,1,3,2,3,1,144,1,42,1,113,4,3,2,3 -9149,0,1440,0,1400,1,1,60,2,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,150,1,40,1,106,3,1,2,3 -9150,0,1828,0,0100,1,1,58.6,1,8,2,,2,1,1,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,1,2,7,2: Accidental,,,,,,,7,,1,2,2,,1,2,2,1,2,1,3,1,1,3,1,81,1,40,1,150,3,2,1,3 -9151,0,1800,0,1000,1,1,17.5,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,104,1,18,1,88,5,2,2,3 -9152,0,0315,0,0230,1,1,63,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,20,1,80,1,1,2,2 -9153,0,1313,0,,2,1,,,8,1,2,2,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,1,2,,,2,2,1,158,1,27,1,104,1,1,2,3 -9154,0,2240,0,1800,1,1,50,4,1,2,,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,102,1,20,1,90,1,1,1,3 -9155,0,0335,0,0300,1,1,45.4,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,1,2,1,1,1,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,102,1,30,1,110,4,4,2,3 -9156,0,1445,0,1400,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,1,2,,1,2,2,4,2,2,,,2,3,1,108,1,20,1,91,2,1,3,3 -9157,0,1725,0,,2,1,19,1,1,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Run over by golf cart,,4,2,2,,1,1,1,1,2,2,2,2,,,2,2,1,108,1,32,1,116,2,2,3,3 -9158,0,1050,0,0959,1,1,45,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,18,1,87,1,1,2,2 -9159,0,2046,0,,2,1,26,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,9,,,,,,Softball to head,,9,2,2,,2,,1,2,2,2,3,2,,,2,2,1,108,1,24,1,106,1,1,2,3 -9160,0,1800,0,1700,1,1,24.9,4,1,1,1,1,1,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,3,1,3,1,2,1,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,1,1,2,2,1,3,1,2,2,1,113,1,36,1,94,4,4,2,3 -9161,0,1100,0,0730,1,1,64,1,3,2,,2,2,2,2,2,3,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,1: < 5 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,147,1,20,1,86,3,1,2,3 -9162,0,2003,0,1900,1,1,12,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,3,1,1,4,2,3,1,114,1,26,1,122,1,1,2,2 -9163,0,0029,-1,2000,1,1,74,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,106,1,18,1,83,1,1,2,2 -9164,0,1200,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,28,1,132,1,1,3,2 -9165,0,2154,0,,2,1,17.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,2,2,2,2,2,1,1,2,2,2,1,96,1,28,1,117,2,2,2,2 -9166,0,2025,0,1945,1,1,25,4,3,2,,3,2,2,2,1,3,2,2,3,2,2,2,2,1,2,2,13,,1,3,,,3,3,3,2,3: > 10 ft.,,,,,,,2,,1,1,1,1,1,2,2,2,2,3,,,3,2,1,111,1,28,1,103,3,2,2,3 -9167,0,1340,0,1300,1,1,27.5,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,20,1,81,1,1,2,2 -9168,0,1700,0,1600,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,14,,2,2,,,1,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,28,1,110,1,1,2,3 -9169,0,2312,0,1700,1,1,100,4,3,2,,1,2,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,131,1,26,1,96,1,1,2,3 -9170,0,0358,0,0000,1,1,60.5,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,1,2,1,1,14,,2,2,,,2,2,1,1,1: < 20 mph,1,2,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,3,1,132,1,14,1,85,1,1,2,3 -9171,0,2042,0,2000,1,1,47.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,2,2,2,3,,1,20,1,108,1,1,2,2 -9172,0,0911,0,0830,1,1,32,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,99,1,16,1,96,1,1,2,2 -9173,0,0910,-1,,2,1,6,2,2,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,2,2,2,12,,1,3,,,2,3,3,9,,,,,,Suspected child abuse,,7,2,2,,2,,1,2,2,4,2,3,,,3,3,1,80,1,28,1,190,2,1,2,3 -9174,0,2142,0,2130,1,1,12,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,1: < 5 mph,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,111,1,32,1,177,1,1,2,3 -9175,0,1600,0,1540,1,1,12,3,3,2,,2,3,3,2,2,3,2,2,1,2,2,2,2,1,2,1,14,,1,3,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,1,1,3,,,2,3,1,155,1,26,1,100,1,1,2,3 -9176,0,0825,0,0800,1,1,10,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,121,1,24,1,160,1,1,2,3 -9177,0,1630,0,1600,1,1,37,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,2,2,2,2,3,1,1,3,2,3,1,130,1,20,1,86,3,1,2,2 -9178,0,1910,0,1230,1,1,6,3,8,2,,3,3,3,2,2,3,2,2,3,1,2,1,2,4,5,6,3,,1,3,,,3,3,3,8,,,,,,,,8,,2,,1,1,1,1,2,2,3,3,,,3,2,1,63,2,,1,170,4,2,1,3 -9179,0,0956,0,0830,1,1,14,,3,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,3,2,2,11,,2,3,,,2,2,1,1,4: Speed Unknown,1,5,,,,,1,,2,,1,2,1,2,2,4,1,3,,,3,2,1,94,1,26,1,102,2,1,3,3 -9180,0,1645,0,1630,1,1,31,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,15,1,79,1,1,2,2 -9181,0,2230,0,2200,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,103,1,19,1,120,1,1,2,2 -9182,0,1500,0,1200,1,1,38,1,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,assault,,7,2,2,,1,3,2,2,2,2,2,1,1,1,2,3,1,112,1,21,1,92,2,1,2,2 -9183,0,2030,0,1745,1,1,17,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,2,1,2,2,2,3,2,,,2,2,1,115,1,22,1,110,1,1,2,3 -9184,0,1640,0,1600,1,1,130,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,1,2,2,1,2,,,2,3,1,140,1,24,1,100,1,1,2,2 -9185,0,2241,0,2000,1,1,40,4,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,111,1,16,1,81,4,3,2,3 -9186,0,1950,0,1930,1,1,17,2,3,1,3,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,4,3: > 20 mph,,,3,,,,4,,2,,1,1,2,1,2,2,2,3,,,3,3,1,95,1,42,1,176,1,1,2,2 -9187,0,1551,0,,2,1,30,2,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,,,,,15,2,1,3,1,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,1,2,2,2,3,1,3,1,1,2,1,116,1,27,1,94,5,4,2,3 -9188,0,1710,0,,2,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,1,3,1,1,2,2,2,1,1,1,2,3,1,122,1,20,1,77,1,1,2,3 -9189,0,1640,0,1615,1,1,30,,8,1,4,1,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,9,,,,,,"Sledding over 3 ft jump, landed flat on buttocks",,9,2,2,,1,1,2,2,2,2,2,1,4,2,2,3,1,117,1,22,1,104,2,1,3,2 -9190,0,2353,0,2200,1,1,49,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,114,1,20,1,80,1,1,1,2 -9191,0,2005,0,,2,1,,,8,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,114,1,28,1,86,2,1,2,3 -9192,0,1815,0,1800,1,1,70,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,120,1,17,1,94,1,1,2,2 -9193,0,1400,0,,2,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,117,1,20,1,95,1,1,2,3 -9194,0,1807,0,1745,1,1,54,1,2,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Water accident-Hit another boat while on a Jet ski,,9,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,116,1,21,1,114,2,1,3,3 -9195,0,1813,0,1600,1,1,21,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Horse landed on patient,,7,2,2,,1,2,1,1,2,2,2,1,1,3,2,2,1,118,1,16,1,121,2,1,2,3 -9196,0,2008,0,1930,1,1,19.5,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,124,1,20,1,104,2,2,2,3 -9197,0,0945,0,0915,1,1,47,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,3,2,2,3,1,123,1,18,1,87,5,3,2,3 -9198,0,2244,0,,2,1,13,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,1,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,2,,,2,3,1,133,1,24,1,150,3,1,2,3 -9199,0,1800,0,1700,1,1,27,1,3,1,4,1,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,fell off slide to ground onto left side,2,,1,2,1,2,2,2,2,2,1,2,,,2,3,1,105,1,18,1,97,2,1,2,2 -9200,0,1600,0,1430,1,1,82,1,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,18,1,80,1,1,2,2 -9201,0,0052,-1,2300,1,1,52.4,1,3,1,4,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,6,,,,,1,,2,,1,3,2,2,2,2,2,1,1,2,2,3,1,110,1,16,1,70,1,1,2,2 -9202,0,1825,0,1730,1,1,75,2,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,2,1,1,1,2,3,1,136,1,10,1,80,2,2,2,3 -9203,0,1457,0,,2,1,8.7,1,8,1,1,1,3,3,1,1,3,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,3,1,1,9,,,,,,Non accidental trauma,,7,2,2,,1,1,1,1,2,1,2,1,2,5,3,3,1,143,1,44,1,174,3,2,3,3 -9204,0,2015,0,,2,1,12.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,100,1,18,1,130,1,1,2,2 -9205,0,0223,-1,,2,1,55.9,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,1,1,3,2,2,3,1,106,1,16,1,73,2,1,2,2 -9206,0,1800,0,1720,1,1,12,3,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,3,3,,,2,3,1,114,1,22,1,148,4,2,2,3 -9207,0,1535,0,,2,1,105,4,3,2,,3,3,3,1,2,3,3,2,2,1,1,1,1,3,4,2,9,,3,3,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,3,,2,,1,2,2,2,2,3,,,3,2,1,124,1,16,1,87,3,3,1,3 -9208,0,2307,0,2230,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,1,1,2,,1,2,2,2,1,2,,,2,1,1,117,1,36,1,102,2,1,2,3 -9209,0,2300,0,1500,1,1,91,2,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,18,1,100,1,1,3,2 -9210,0,1730,0,1700,1,1,22,1,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,1,2,1,1,1,1,2,2,3,1,2,6,2,2,1,99,1,34,1,144,4,3,2,3 -9211,0,1900,0,1830,1,1,18,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,2,,,2,2,1,128,1,24,1,94,1,1,2,2 -9212,0,1814,0,1722,1,1,86.2,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,1,1,2,2,2,2,2,2,,,2,3,1,135,1,28,1,105,1,1,3,2 -9213,0,1831,0,,2,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,1,1,2,2,2,2,2,2,1,1,2,2,2,1,124,1,18,1,88,2,1,2,2 -9214,0,1809,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,1,,,,4,,2,,2,,2,2,2,2,3,2,,,2,2,1,120,1,18,1,97,1,1,2,2 -9215,0,0100,0,0000,1,1,65,4,4,2,,3,3,3,2,2,3,3,2,3,1,1,1,1,4,5,6,3,,2,3,,,2,3,3,1,3: > 40 mph,3,,,,,,1,,1,1,1,1,1,2,2,2,3,3,,,3,2,1,90,1,14,1,140,4,4,2,3 -9216,0,1654,0,1630,1,1,7,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,95,1,22,1,128,1,1,1,3 -9217,0,1945,0,1915,1,1,49,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,123,1,12,1,73,2,1,2,3 -9218,0,0435,0,0300,1,1,81,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,7,1: Intentional,,,,,,,7,,1,2,2,,1,2,2,2,2,2,,,2,3,1,122,1,22,1,106,2,1,2,3 -9219,0,2020,0,2000,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,3,2,2,2,,,2,2,1,113,1,36,1,96,2,2,1,3 -9220,0,0100,-1,2000,1,1,75,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,128,1,13,1,117,1,1,2,3 -9221,0,2130,0,1930,1,1,20,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,1,1,1,2,2,1,145,1,26,1,133,2,1,2,2 -9222,0,1330,0,1000,1,1,50,4,3,1,2,2,2,2,2,2,1,2,4,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,5,,,,,3,,,5,,2,,1,3,1,1,2,2,2,1,1,3,2,2,1,114,1,32,1,102,4,2,2,3 -9223,0,1554,,,2,1,5.6,1,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,R/O Scan for abuse,,9,2,2,,2,,2,2,2,2,2,2,,,2,3,1,100,1,32,1,140,1,1,2,2 -9224,0,0619,0,,2,1,64,2,3,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,2,1,118,1,20,1,108,1,1,1,3 -9225,0,1430,0,1420,1,1,15,3,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,1,4,1,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,1,1,1,2,2,2,2,1,1,1,2,3,1,99,1,40,1,115,2,1,2,3 -9226,0,0920,-1,1500,1,1,20.3,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,5,,,,,1,,,5,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,122,1,20,1,158,5,3,2,2 -9227,0,1905,0,1845,1,1,70,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,1,1,2,1,1,2,1,120,1,14,1,85,5,4,2,3 -9228,0,1201,0,,2,1,20,4,2,2,,2,2,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,3,1,3,1,3,2,1,136,1,16,1,100,3,2,2,3 -9229,0,1130,0,1030,1,1,75,2,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Collision during football,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,18,1,87,1,1,2,2 -9230,0,1845,0,1800,1,1,7,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,129,1,24,1,173,1,1,1,3 -9231,0,2317,0,2230,1,1,50,4,8,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,3,4,2,9,,2,3,,,2,3,3,9,,,,,,Fell Skateboarding,,2,2,2,,2,,1,2,2,2,3,3,,,3,2,1,120,1,16,1,79,1,1,1,3 -9232,0,2142,0,,2,1,67,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,3,1,2,3,1,130,1,32,1,92,2,1,2,2 -9233,0,1122,0,1030,1,1,20,4,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,3,4,3,8,,2,3,,,2,3,2,4,3: > 20 mph,,,4,,,,4,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,122,1,19,1,107,1,1,2,3 -9234,0,1621,0,1515,1,1,82,2,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,4,,,2,2,2,5,,,,,2,,,5,,2,,1,1,1,2,2,2,2,1,1,3,2,3,1,115,1,22,1,90,1,1,2,3 -9235,0,1920,0,1400,1,1,56.8,,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,2,1,140,1,10,1,93,1,1,2,3 -9236,0,0706,0,,2,1,15,4,8,2,,2,2,2,2,2,2,1,1,1,2,2,2,2,1,1,1,15,,1,4,,,2,2,1,4,1: < 5 mph,,,1,,,,4,,1,1,1,1,1,2,2,2,3,2,,,2,2,1,116,1,24,1,92,4,4,2,3 -9237,0,1145,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,4,1,2,,,2,2,1,116,1,20,1,110,2,1,2,2 -9238,0,1727,0,1715,1,1,22.7,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,2,1,1,2,2,2,,,2,2,1,127,1,22,1,104,2,1,2,2 -9239,0,,0,,2,2,,,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,20,1,97,1,1,2,2 -9240,0,1902,0,1830,1,1,38.6,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,126,1,18,1,80,1,1,2,2 -9241,0,2240,0,,2,1,35.5,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,111,1,16,1,72,6,6,3,2 -9242,0,1628,0,1530,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,139,1,20,1,80,2,1,2,3 -9243,0,1818,0,1810,1,1,36.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,1,1,1,2,2,2,2,2,,,2,3,1,141,1,18,1,76,1,1,2,3 -9244,0,1812,0,1530,1,1,59,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,"assault, unknown",,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,20,1,88,1,1,3,2 -9245,0,0600,0,0100,1,1,,,3,2,,4,4,4,4,4,3,3,4,3,1,1,1,3,4,5,6,3,,2,3,,,3,2,3,1,4: Speed Unknown,1,6,,,,,1,,2,,1,1,1,2,2,4,3,3,,,3,2,1,141,2,,1,110,2,2,1,3 -9246,0,2000,0,,2,1,110,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,football- head to head collision,,7,2,2,,1,1,2,2,2,2,2,1,2,2,2,3,3,,1,23,1,112,3,1,1,2 -9247,0,2336,0,,2,1,52,1,4,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,104,1,15,1,80,2,2,2,3 -9248,0,0915,0,0850,1,1,107,2,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,2,2,,,2,2,1,163,1,20,1,110,2,1,2,3 -9249,0,1952,0,1930,1,1,54.4,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,3,2,2,1,139,1,17,1,104,2,1,2,3 -9250,0,2200,0,2130,1,1,55,2,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,1,1,1,2,2,2,2,2,2,,,2,3,1,128,1,20,1,74,1,1,2,2 -9251,0,1615,0,1600,1,1,60,4,3,2,,2,2,2,2,2,1,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,133,1,20,1,86,1,1,2,3 -9252,0,1729,0,1700,1,1,39.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,119,1,20,1,102,1,1,2,2 -9253,0,1318,0,1230,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,16,1,80,1,1,2,2 -9254,0,1915,0,1720,1,1,9.6,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,3,2,,,2,3,2,,1,26,1,151,1,1,2,2 -9255,0,2021,0,1933,1,1,37.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,3,1,108,1,20,1,109,1,1,2,2 -9256,0,1530,0,0945,1,1,8,1,2,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,3,1,110,1,24,1,115,1,1,2,3 -9257,0,,0,1730,1,2,,,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,155,1,16,1,95,2,2,1,2 -9258,0,1340,0,1300,1,1,,,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,1,1,2,,2,1,1,2,3,2,,,2,2,1,133,1,20,1,113,1,1,3,2 -9259,0,2127,0,2100,1,1,53.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell while on heelies/shoes with roller wheels,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,20,1,84,1,1,2,2 -9260,0,1648,0,,2,1,35,4,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,2,1,2,1,14,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,4,3,2,,,3,3,1,100,1,46,1,112,2,1,3,3 -9261,0,1824,0,1100,1,1,40,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,5,,,,,1,,,5,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,117,1,18,1,120,2,2,2,3 -9262,0,1333,0,1300,1,1,55,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,4,,,,,,1,,2,,2,,1,2,3,2,3,2,,,2,2,1,125,1,22,1,79,1,1,1,3 -9263,0,2001,0,1500,1,1,27.3,1,2,1,2,1,2,1,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,105,1,22,1,116,1,1,1,2 -9264,0,1700,0,1130,1,1,43.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,2,1,2,2,2,3,1,138,1,23,1,118,2,1,2,2 -9265,0,1630,0,1540,1,1,65,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,struck by unknown blunt object,,7,2,1,2,2,,1,2,2,2,2,2,,,2,2,1,144,1,48,1,92,1,1,2,3 -9266,0,1600,0,1400,1,1,31.8,2,3,1,4,1,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,4: Unknown,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,3,1,130,1,14,1,109,1,1,2,3 -9267,0,2323,0,2220,1,1,23,1,2,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fell off of bus seat,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,22,1,99,1,1,2,2 -9268,0,1800,0,1700,1,1,48,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,3,1,106,1,22,1,80,2,2,2,2 -9269,0,,0,1300,1,2,34,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,1,3,2,4,1,102,1,18,1,86,3,2,2,3 -9270,0,1451,0,1230,1,1,39,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,3,1,13,,2,2,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,116,1,24,1,88,1,1,2,3 -9271,0,1527,0,1500,1,1,75,4,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,1,2,2,1,2,1,129,1,23,1,98,3,2,1,3 -9272,0,1546,0,,2,1,10,4,3,2,,3,3,3,3,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,3,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,3,,1,2,2,2,3,3,,,3,3,1,100,1,37,1,170,1,1,2,3 -9273,0,1730,0,1600,1,1,22.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,4,,1,1,2,2,2,2,,,2,3,1,121,1,24,1,101,2,1,2,3 -9274,0,2116,0,,2,1,63.6,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,135,1,20,1,100,1,1,2,2 -9275,0,1945,0,1900,1,1,30,,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,117,1,22,1,88,1,1,1,3 -9276,0,0920,0,0848,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,3,2,2,,,2,2,1,112,1,20,1,72,1,1,2,2 -9277,0,1700,0,1615,1,1,90,4,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,3,2,2,11,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,117,1,18,1,83,2,2,2,3 -9278,0,2115,0,2000,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,1,2,2,2,2,,,2,3,1,122,1,16,1,74,1,1,2,2 -9279,0,1853,0,1830,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,109,1,25,1,120,1,1,2,2 -9280,0,,0,1940,1,2,56,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Playing soccer/players fell on top of each other,,7,2,2,,1,3,2,2,2,2,3,2,,,2,2,1,119,1,20,1,98,1,1,2,2 -9281,0,1644,0,,2,1,26,,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,134,1,22,1,88,1,1,2,2 -9282,0,0845,0,0820,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,4,4: Speed Unknown,,,3,,,,4,,1,2,2,,1,2,2,4,2,2,,,2,2,1,125,1,26,1,100,2,1,2,3 -9283,0,2213,0,,2,1,14,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,3,1,115,1,32,1,95,1,1,2,3 -9284,0,2125,0,2100,1,1,57,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,1,13,,2,1,4,1,2,2,2,9,,,,,,Assult,,7,2,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,115,1,14,1,90,2,1,2,3 -9285,0,1550,0,1500,1,1,10,3,8,1,3,3,3,3,2,2,3,3,2,3,2,2,2,2,3,2,3,10,,1,3,,,3,3,3,4,4: Speed Unknown,,,1,,,,4,,1,1,1,1,1,2,2,1,3,3,,,3,2,1,114,1,50,1,148,3,3,2,3 -9286,0,0836,0,0720,1,1,63,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,5: Physician did not answer,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,132,1,19,1,87,1,1,3,3 -9287,0,1314,-1,2100,1,1,31,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,9,,,,,,Bent over on top of metal fence,,7,2,2,,2,,2,1,2,2,2,1,1,3,2,2,1,104,1,18,1,87,1,1,2,2 -9288,0,1826,0,1730,1,1,59,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,2,2,2,2,3,2,2,,,2,3,1,146,1,12,1,93,2,1,2,2 -9289,0,1330,0,1300,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,106,1,32,1,112,1,1,3,2 -9290,0,1325,0,1230,1,1,11,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,9,,,,,,struck by falling window,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,100,1,34,1,206,1,1,2,3 -9291,0,1921,0,1915,1,1,20,,3,2,,2,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,2,2,2,2,2,2,1,1,4,2,3,1,103,1,26,1,82,3,2,1,2 -9292,0,2236,0,2130,1,1,80,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,1,1,2,,1,2,2,2,2,2,,,2,2,1,112,1,18,1,70,1,1,2,3 -9293,0,1716,0,,2,1,40,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,4,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,115,1,37,1,98,1,1,2,3 -9294,0,1427,0,,2,1,11,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,1,4: Speed Unknown,1,2,,,,,1,,2,,1,3,2,2,2,2,3,2,,,2,2,1,128,1,35,1,172,1,1,2,2 -9295,0,0250,0,0122,1,1,65,1,3,1,1,1,1,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,1,1,1,1,1,2,2,1,3,1,2,2,1,144,1,20,1,83,4,3,2,3 -9296,0,1730,0,1500,1,1,14,4,3,2,,1,2,1,2,2,1,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,118,1,30,1,133,3,2,1,3 -9297,0,,0,,2,2,48.5,,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,24,1,100,1,1,2,2 -9298,0,0915,0,0830,1,1,18,3,1,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,3,3,8,,3,3,,,2,3,3,1,2: 20 - 40 mph,1,6,,,,,1,,1,2,1,1,1,2,2,2,3,3,,,3,2,1,94,1,26,1,63,2,1,2,3 -9299,0,1621,0,1600,1,1,45,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,18,1,78,1,1,1,2 -9300,0,1210,0,1100,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,3,1,2,2,4,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,1,1,2,1,2,2,3,,4,,3,,3,3,3,3 -9301,0,1820,0,1745,1,1,80,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,2,2,1,2,2,9,,,,,,Fell from skateboard going downhill,,2,2,1,2,1,1,2,2,2,2,3,1,2,2,2,3,1,142,1,26,1,80,2,1,2,2 -9302,0,2130,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,4,,2,,1,2,2,2,3,2,,,2,2,1,106,1,18,1,120,1,1,2,3 -9303,0,2310,0,1900,1,1,20,1,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,3,,2,2,2,2,2,1,2,2,2,3,1,104,1,20,1,80,2,1,2,2 -9304,0,1545,0,1030,1,1,30.5,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,1,2,1,2,3,1,112,1,22,1,80,2,2,1,3 -9305,0,1505,0,1430,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,120,1,18,1,100,2,2,2,3 -9306,0,1821,0,,2,1,60,4,3,2,,2,2,2,2,2,1,1,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,9,,,,,,fell off horse and then horse landed on her abdomen and pelvis,,2,2,2,,1,1,1,2,2,2,3,1,2,1,2,2,1,115,1,20,1,84,3,2,2,3 -9307,0,2217,0,1930,1,1,63.5,2,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Tackled during football,,7,2,2,,1,1,2,2,2,2,2,2,,,2,3,1,113,1,16,1,74,3,2,2,2 -9308,0,2000,0,1900,1,1,31.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,16,1,97,1,1,2,2 -9309,0,2130,0,2100,1,1,50,2,8,1,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,136,1,25,1,90,1,1,2,2 -9310,0,0844,0,0700,1,1,14,3,3,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,3,2,1,3: > 40 mph,2,,,,,,1,,2,,1,2,1,2,2,2,2,1,1,1,2,2,1,107,1,30,1,112,2,1,2,3 -9311,0,2139,0,2030,1,1,68,1,4,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,9,,,,,,Football Injury,,7,2,1,2,2,,2,2,2,2,2,2,,,2,2,1,110,1,17,1,170,1,1,2,2 -9312,0,1910,0,1810,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,2,1,1,2,2,1,3: > 40 mph,1,6,,,,,1,,1,2,1,2,1,2,1,1,1,1,2,1,2,2,1,135,1,30,1,100,3,2,2,3 -9313,0,2126,0,2020,1,1,81.6,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,101,1,27,1,107,1,1,2,3 -9314,0,1648,0,1600,1,1,60,2,1,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,1,5,2,10,,3,4,,,4,4,4,10,,,,,,,,10,,2,,1,3,1,2,2,2,3,3,,,3,3,1,186,1,14,1,66,2,2,2,3 -9315,0,2115,0,2030,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,3,1,1,2,2,3,1,1,1,2,2,1,116,1,20,1,114,2,1,2,3 -9316,0,1900,0,1815,1,1,82,1,1,1,4,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Riding skateboard, holding onto car bumper and fell off skateboard",,9,2,2,,4,,2,2,2,2,2,2,,,2,3,1,126,1,18,1,90,2,1,2,2 -9317,0,2111,0,1945,1,1,61,2,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,4,1,2,,,2,2,1,118,1,16,1,58,1,1,1,2 -9318,0,1458,0,0830,1,1,43.1,1,3,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,116,1,19,1,79,2,2,2,2 -9319,0,2108,0,1700,1,1,5,4,3,2,,2,2,2,2,2,3,3,2,3,2,2,2,2,1,1,2,14,,1,3,,,1,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,1,1,1,2,2,2,2,2,,,3,3,1,70,1,32,1,124,1,1,2,3 -9320,0,1329,0,,2,1,22,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,2,13,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,4,,,2,2,1,81,1,26,1,82,1,1,2,3 -9321,0,2003,0,1900,1,1,10,4,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,3,3,3,9,,1,3,,,1,3,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,3,1,102,1,32,1,109,2,2,2,3 -9322,0,1600,0,,2,1,32,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,3,1,1,13,,2,1,2,4,2,2,1,4,3: > 20 mph,,,3,,,,4,,1,1,1,1,1,2,2,2,3,1,2,1,2,2,1,95,1,30,1,113,2,1,2,3 -9323,0,1545,0,1523,1,1,15,4,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,2,2,13,,2,3,,,2,1,2,2,3: > 10 ft.,,,,,,,2,,1,1,1,1,1,2,2,2,1,3,,,3,2,1,124,1,35,1,121,4,3,2,3 -9324,0,1200,0,1100,1,1,13,1,3,1,2,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,115,1,24,1,126,1,1,1,2 -9325,0,1914,0,1400,1,1,19.9,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,98,1,22,1,93,1,1,2,2 -9326,0,1500,0,1000,1,1,7.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,74,1,28,1,164,1,1,2,2 -9327,0,1219,0,1100,1,1,63.6,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,4,1,109,1,18,1,60,1,1,2,2 -9328,0,0600,0,,2,1,50,3,3,2,,2,1,1,2,2,1,2,2,2,2,2,2,1,1,2,1,14,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,1,2,,,2,2,1,114,1,18,1,82,1,1,2,3 -9329,0,1041,0,1020,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,86,1,20,1,100,1,1,2,2 -9330,0,1517,0,1445,1,1,15,2,8,1,1,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,114,1,29,1,114,1,1,2,2 -9331,0,1955,0,1930,1,1,32.2,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,2,2,2,2,2,2,1,2,4,2,2,1,108,1,18,1,76,2,2,2,2 -9332,0,2030,0,2000,1,1,29,1,3,1,1,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,1,2,,,2,3,1,146,1,22,1,129,2,2,1,2 -9333,0,2330,0,2100,1,1,50,4,3,2,,1,1,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,1,1,3,2,2,2,1,149,1,13,1,117,2,1,1,3 -9334,0,1516,0,,2,1,25.4,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,24,1,91,1,1,2,2 -9335,0,2015,0,2000,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,3,2,1,4,3: > 20 mph,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,106,1,23,1,116,1,1,2,3 -9336,0,2043,0,,2,1,12,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,89,1,58,1,16,1,1,2,3 -9337,0,1815,0,1600,1,1,32,1,8,2,,3,3,3,2,2,3,3,2,2,1,2,1,2,4,5,6,3,,2,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,3,,,3,2,1,118,2,,1,140,2,1,2,3 -9338,0,1240,0,1000,1,1,28,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,4,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,2,2,1,2,2,1,1,3,2,2,1,102,1,13,1,112,2,1,2,2 -9339,0,1526,0,1300,1,1,26,4,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,1,1,2,2,1,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,106,1,26,1,112,1,1,3,2 -9340,0,1608,0,1515,1,1,110,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,2,1,1,4,2,2,,,2,2,1,120,1,25,1,77,2,2,1,2 -9341,0,1301,0,1235,1,1,50,2,3,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,1,2,,,2,2,1,109,1,24,1,90,1,1,2,2 -9342,0,1035,0,1000,1,1,12,2,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,1,2,2,2,2,,,2,2,1,114,1,22,1,146,2,1,1,3 -9343,0,2100,0,1830,1,1,13,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,2,6,2,2,1,143,1,20,1,128,4,2,2,3 -9344,0,2052,0,2030,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,127,1,26,1,96,1,1,2,3 -9345,0,1210,0,1125,1,1,,,8,2,,4,4,4,4,4,2,4,4,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell while running,,2,2,2,,2,,2,2,3,4,4,4,,,4,4,3,,1,20,1,103,1,1,3,2 -9346,0,2238,-1,2330,1,1,54.9,1,2,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,2,1,2,2,2,1,2,2,1,3,1,113,1,20,1,74,3,3,2,2 -9347,0,1700,0,1600,1,1,4,4,1,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,4,4,3,,,3,3,1,89,1,44,1,180,1,1,2,3 -9348,0,1213,-1,2000,1,1,10.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,7,1: Intentional,,,,,,Pt kicked in abdomen by 14 y/o male,7,,2,,2,,2,2,2,2,2,2,,,2,1,1,92,1,30,1,120,1,1,1,2 -9349,0,1940,0,1930,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,9,,,,,,diving hit head,,9,2,2,,2,,1,2,2,2,2,2,,,2,2,1,155,1,22,1,103,1,1,2,3 -9350,0,1340,0,1300,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,141,1,24,1,85,1,1,2,3 -9351,0,1740,0,,2,1,40,4,3,2,,2,1,1,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,2,2,2,2,2,2,1,2,1,2,2,1,102,1,16,1,87,2,2,2,2 -9352,0,1418,0,,2,1,70,4,3,1,3,1,1,2,1,1,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,6,,,,,,,,6,,2,,1,3,1,2,2,2,2,2,,,2,2,1,111,1,48,1,111,1,1,2,3 -9353,0,1656,0,1400,1,1,57,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,1,1,2,1,2,1,7,1: Intentional,,,,,,,7,,1,1,2,,2,2,2,2,2,1,1,2,2,3,1,125,1,20,1,93,3,1,2,2 -9354,0,1219,-1,,2,1,19,4,8,1,2,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Non accidental trauma,,7,2,2,,2,,1,2,3,2,2,2,,,2,3,1,108,1,26,1,106,1,1,2,3 -9355,0,2213,0,1900,1,1,30,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,1,1,1,2,2,2,3,2,,,2,3,1,135,1,20,1,90,1,1,2,3 -9356,0,2210,0,2000,1,1,11,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,2,2,9,,,,,,Twirling - hit head on table,,9,2,2,,2,,1,2,2,2,2,2,,,2,2,1,109,1,28,1,130,1,1,1,3 -9357,0,1447,0,1430,1,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,2,1,2,2,4,1,1,2,1,2,3,1,108,1,67,1,122,3,1,1,3 -9358,0,,0,,2,2,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,2,1,2,2,2,2,1,1,1,2,2,1,136,1,16,1,104,4,4,2,3 -9359,0,1910,0,1830,1,1,72.7,1,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,1,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,1,2,2,2,2,2,,,2,2,1,129,1,26,1,92,1,1,2,3 -9360,0,2045,0,1830,1,1,40,2,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,120,1,20,1,107,1,1,2,2 -9361,0,1308,0,,2,1,15.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,7,1: Intentional,,,,,,suspected abuse,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,112,1,30,1,124,1,1,1,2 -9362,0,1654,0,1620,1,1,,,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,1,1,1,1,1,1,2,2,1,2,3,2,2,1,135,1,16,1,101,4,2,3,3 -9363,0,2015,0,1945,1,1,50,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,4,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,2,1,114,1,36,1,95,1,1,2,2 -9364,0,2320,0,,2,1,7.1,1,8,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,1,4,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,94,1,30,1,176,2,1,1,3 -9365,0,1401,0,,2,1,26,1,3,2,,2,2,2,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,6,3,2,1,122,1,24,1,118,4,3,2,3 -9366,0,0037,-1,1445,1,1,27,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,2,3,2,2,1,116,1,20,1,98,4,3,2,2 -9367,0,1830,0,1630,1,1,64.4,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell while skating,,2,2,2,,2,,2,2,2,3,2,2,,,2,3,1,112,1,24,1,100,1,1,2,2 -9368,0,2253,0,1845,1,1,44,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,2,2,2,2,2,2,1,3,2,2,3,1,115,1,24,1,98,2,1,2,2 -9369,0,0004,-1,2315,1,1,100,,8,2,,2,2,2,2,2,2,1,1,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,1,3,2,2,1,129,1,14,1,104,3,2,2,3 -9370,0,,0,,2,2,13,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,4,2,3,1,117,1,20,1,116,1,1,1,2 -9371,0,1319,0,1200,1,1,38,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,3,2,2,,,2,3,1,123,1,20,1,111,1,1,2,2 -9372,0,1121,0,,2,1,35,2,8,1,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fell with horse; horse landed on top of his left leg,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,104,1,18,1,80,2,1,2,3 -9373,0,1047,0,0930,1,1,5.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,100,1,34,1,178,1,1,3,3 -9374,0,2246,0,1900,1,1,37,1,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,122,1,24,1,105,2,1,2,2 -9375,0,0917,0,0730,1,1,68.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,130,1,18,1,100,1,1,2,2 -9376,0,1930,0,1900,1,1,20,4,3,2,,2,3,3,2,2,3,3,2,3,1,1,1,2,2,2,2,12,,2,3,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,1,2,2,2,2,,,3,2,1,97,1,40,1,106,2,2,2,3 -9377,0,1310,0,,2,1,68,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,1,2,,,2,2,1,138,1,20,1,73,1,1,2,2 -9378,0,1851,0,1750,1,1,105,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,4,,,5,,1,2,1,1,1,2,2,2,2,1,1,1,2,3,1,155,1,19,1,110,2,1,3,3 -9379,0,1853,0,1830,1,1,11,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,128,1,32,1,177,1,1,2,3 -9380,0,1728,0,1630,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,2,2,2,2,,,2,2,1,109,1,36,1,128,3,3,2,3 -9381,0,2335,0,2300,1,1,,,1,2,,3,3,3,2,2,4,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,3,,,2,2,1,88,1,22,1,110,1,1,3,2 -9382,0,1230,0,1130,1,1,30,2,3,2,,1,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,1,3,2,2,3,1,112,1,20,1,92,5,5,2,3 -9383,0,1630,0,1530,1,1,55,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,138,1,18,1,84,2,1,2,3 -9384,0,1721,0,,2,1,80,1,4,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,160,1,18,1,87,1,1,1,3 -9385,0,1124,-1,2200,1,1,71.2,1,3,1,2,1,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Another person ran into patient and patient fell into brick wall,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,139,1,18,1,70,1,1,2,2 -9386,0,1350,0,1300,1,1,,,3,2,,2,2,2,2,2,2,2,2,1,3,3,3,3,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,3,1,140,1,13,1,71,3,2,2,3 -9387,0,0540,0,0510,1,1,3,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,3,2,2,2,,,2,3,3,,1,48,1,140,2,1,2,3 -9388,0,2030,0,2000,1,1,22,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,105,1,16,1,120,1,1,2,2 -9389,0,1239,0,1000,1,1,60.6,1,2,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from standing height with football in arms,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,109,1,16,1,50,1,1,2,2 -9390,0,1120,0,,2,1,30,4,8,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,3,1: 5 or less,,,,,,,3,,1,2,2,,2,2,2,2,2,1,2,1,2,3,1,116,1,28,1,81,3,3,2,2 -9391,0,1229,0,1200,1,1,104,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,football helmet faceguard to chest,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,24,1,93,1,1,2,2 -9392,0,1901,0,1830,1,1,14.5,2,8,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,9,,,,,,fell while walking on treadmill and got caught partially between/ next to the moving treadmill,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,32,1,120,2,1,2,2 -9393,0,2116,0,1945,1,1,55,4,8,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,1,8,,2,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,2,1,129,1,23,1,105,1,1,2,3 -9394,0,1530,0,1435,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,135,1,20,1,61,1,1,3,2 -9395,0,2120,0,2110,1,1,50,1,1,1,4,1,2,2,2,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,126,1,20,1,84,1,1,2,2 -9396,0,1430,0,1330,1,1,35.4,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,88,1,26,1,105,1,1,3,3 -9397,0,1854,0,,2,1,40.8,4,1,2,,2,1,1,2,2,1,1,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,3,2,2,1,104,1,20,1,86,2,1,2,2 -9398,0,1500,0,,2,1,35,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,1,2,,,2,3,1,117,1,22,1,91,1,1,2,3 -9399,0,0250,0,,2,1,55,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,9,,,,,,Trauma to the face and head,,9,2,2,,2,,1,2,3,2,2,2,,,2,3,1,120,1,19,1,109,1,1,2,3 -9400,0,0043,-1,2344,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,2,1,141,1,16,1,106,1,1,2,2 -9401,0,1810,0,0500,1,1,80.3,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,1,3,1,2,2,2,2,2,,,2,2,1,150,1,13,1,56,2,2,3,3 -9402,0,2030,0,1930,1,1,36.3,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,1,1,1,2,2,2,2,2,,,2,2,1,118,1,29,1,113,1,1,2,3 -9403,0,1730,0,1700,1,1,11.8,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,9,,,,,,4 ft wine rack fell on pt,,7,2,2,,2,,1,2,2,2,2,3,,,2,3,1,115,1,41,1,146,1,1,2,3 -9404,0,1515,-1,2359,1,1,80,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,3,2,2,2,,,2,3,1,99,1,20,1,110,1,1,3,2 -9405,0,1423,0,1400,1,1,56,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,1,1,2,1,1,2,2,1,2,3,2,3,1,125,1,18,1,76,4,2,2,2 -9406,0,1945,0,1930,1,1,60,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,3,3,1,1,4,2,3,1,131,1,34,1,92,2,1,2,2 -9407,0,2030,0,1900,1,1,45,2,8,2,,2,2,2,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,20,1,80,1,1,2,2 -9408,0,0815,0,0800,1,1,32,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,25,1,113,1,1,2,2 -9409,0,1835,0,,2,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,2,2,2,12,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,2,3,1,134,1,22,1,134,2,1,1,3 -9410,0,2245,0,,2,1,14.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,Non-acidental trauma,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,2,,3,,2,,2,2,1,3 -9411,0,1900,0,1828,1,1,57,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,1,1,2,2,2,2,,,2,2,1,141,1,36,1,70,1,1,2,3 -9412,0,1639,0,1620,1,1,34.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,104,1,18,1,120,1,1,1,2 -9413,0,1917,0,1730,1,1,27.2,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,Jumped on swing on abdomen with sudden onset pain,,7,2,2,,1,1,2,2,2,2,2,4,,,2,2,1,146,1,21,1,141,4,4,2,2 -9414,0,1820,0,1800,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,112,1,20,1,100,1,1,1,2 -9415,0,2300,0,2215,1,1,20,1,8,2,,2,2,2,1,1,3,3,4,3,1,2,1,2,4,5,6,3,,2,3,,,3,3,3,1,4: Speed Unknown,3,,,,,car into lake; ten minutes in water,1,,2,,3,,1,2,2,1,2,3,,,3,2,1,124,2,,1,119,2,2,2,3 -9416,0,1457,0,1400,1,1,50,4,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,7,2: Accidental,,,,,,,7,,2,,1,2,1,2,3,2,2,1,2,2,2,2,1,113,1,22,1,90,4,4,2,3 -9417,0,1221,0,,2,1,25,4,3,1,1,2,3,3,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,3,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,1,1,1,1,2,2,1,129,1,29,1,112,6,6,2,3 -9418,0,1710,0,1640,1,1,50,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,18,1,99,2,1,2,2 -9419,0,0240,0,0000,1,1,67.5,1,3,1,4,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,3,1,1,1,2,3,1,112,1,18,1,92,2,1,2,2 -9420,0,0445,0,0400,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,124,1,22,1,94,3,2,2,3 -9421,0,2014,0,1900,1,1,30.8,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,5,,,,,2,,Handle bars to chest,5,,2,,2,,2,2,2,2,3,2,,,2,2,1,116,1,24,1,78,1,1,2,2 -9422,0,1404,-1,1930,1,1,70,4,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,18,1,88,1,1,2,2 -9423,0,1746,0,,2,1,10,4,8,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,8,,,,,,,,8,,2,,1,1,1,2,2,2,3,3,,,3,3,1,110,1,57,1,132,2,1,2,3 -9424,0,1430,0,1330,1,1,20,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,104,1,24,1,104,1,1,1,2 -9425,0,1900,0,1715,1,1,7.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,4,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,122,1,32,1,176,1,1,2,3 -9426,0,0415,0,0330,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,1,2,,1,2,2,2,2,2,,,2,2,1,122,1,18,1,100,1,1,2,3 -9427,0,1824,0,1610,1,1,20,4,3,2,,3,3,3,2,2,3,3,2,1,2,2,1,2,3,4,3,8,,2,3,,,2,2,3,4,4: Speed Unknown,,,3,,,,4,,1,1,3,,1,1,2,2,2,3,,,3,4,1,113,1,22,1,124,2,1,1,3 -9428,0,1205,0,1115,1,1,,,1,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,thrown from a horse,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,137,1,18,1,88,2,1,2,2 -9429,0,1323,0,,2,1,4.8,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,3,3,,,3,3,1,122,1,45,1,199,1,1,2,2 -9430,0,1150,-1,,2,1,54.7,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,3,2,2,3,1,112,1,16,1,82,2,1,1,2 -9431,0,0634,0,0530,1,1,51.3,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,16,1,94,1,1,2,2 -9432,0,0900,0,0830,1,1,48,1,4,2,,2,2,2,2,2,2,1,1,1,1,1,1,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,riding along w/ cement truck; fell underneath truck,,4,2,1,1,1,1,1,2,2,2,1,2,,,2,1,1,130,1,30,1,112,3,2,1,3 -9433,0,1206,0,0930,1,1,85,2,8,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,,,,,15,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,2,1,3,2,2,2,1,124,1,18,1,62,4,3,2,3 -9434,0,1000,-1,1700,1,1,22.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,4,1: < 5 mph,,,2,,,,4,,2,,1,1,2,2,2,3,1,2,,,2,3,1,123,1,28,1,130,2,1,1,2 -9435,0,1620,0,1600,1,1,55,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,125,1,20,1,90,1,1,1,3 -9436,0,1514,0,1500,1,1,24,3,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,94,1,20,1,91,2,1,2,2 -9437,0,2243,0,2210,1,1,77.1,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,1,2,1,3,1,2,2,2,3,2,,,2,2,1,133,1,18,1,74,3,3,1,3 -9438,0,1900,0,1700,1,1,20,4,8,2,,3,3,3,1,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,5,,,,,3,,,5,,2,,1,1,1,2,2,2,3,3,,,3,2,1,151,1,24,1,94,2,1,1,3 -9439,0,1342,0,1200,1,1,23.4,,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,1,1,6,2,2,1,105,1,20,1,80,2,1,2,2 -9440,0,,-1,,2,2,38,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,1,2,2: 3 - 10 ft.,,,,,,,2,,1,1,2,,1,2,2,2,2,2,,,2,2,1,109,1,18,1,73,1,1,2,3 -9441,0,2330,0,2300,1,1,50,4,8,2,,1,2,1,1,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,3,3,2,2,1,130,1,20,1,117,4,3,2,2 -9442,0,0945,0,0730,1,1,24,1,3,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,nonaccidental trauma,,7,2,2,,2,,2,1,2,2,2,2,,,2,3,1,105,1,20,1,80,2,2,2,2 -9443,0,1713,0,,2,1,22,4,3,1,2,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Thrown from horse/buggy w/ +LOC 2-3 min.,,2,2,2,,1,3,1,2,2,2,3,2,,,2,3,1,125,1,22,1,109,3,2,2,3 -9444,0,,0,,2,2,,,3,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,1,2,1,14,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,2,,,4,4,1,145,1,28,1,172,1,1,2,3 -9445,0,1830,0,,2,1,22,4,3,1,3,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,2,,1,2,2,2,1,2,,,2,2,1,162,1,27,1,91,2,2,3,3 -9446,0,0019,-1,2000,1,1,36,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,16,1,90,1,1,1,3 -9447,0,1735,0,1625,1,1,30,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Sleeding,hit tree",,9,2,2,,2,,1,2,2,2,2,2,,,2,2,1,121,1,18,1,106,1,1,2,3 -9448,0,0432,-1,1800,1,1,46.6,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Tackled from behind while playing football,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,20,1,94,1,1,1,2 -9449,0,1626,0,1605,1,1,20,1,2,1,4,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,2,3,,,2,2,1,125,1,20,1,112,2,2,2,3 -9450,0,2230,0,2044,1,1,20,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,3,1,98,1,22,1,83,1,1,2,2 -9451,0,1620,0,1600,1,1,26,1,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,3,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,2,1,2,2,2,1,2,1,2,3,1,122,1,24,1,103,2,2,2,2 -9452,0,1649,0,1530,1,1,75,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,144,1,20,1,84,3,3,2,3 -9453,0,1931,0,1300,1,1,17.4,1,9,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,3,2,2,2,2,2,2,,,2,3,1,112,1,28,1,123,1,1,1,2 -9454,0,0005,-1,2030,1,1,60.4,1,3,1,1,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Punched in left flank,,7,2,2,,1,1,2,2,2,2,2,2,,,2,3,1,140,1,18,1,84,5,3,1,2 -9455,0,2140,0,1900,1,1,100,1,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,1,1,1,2,2,1,115,1,16,1,74,1,1,2,2 -9456,0,1315,0,1215,1,1,10,,3,1,2,2,2,2,2,2,2,1,2,1,2,2,2,2,1,2,1,14,,1,3,,,2,3,1,9,,,,,,hit by car,,4,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,64,1,36,1,166,2,1,3,3 -9457,0,2050,0,1430,1,1,17,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,2,13,,1,2,,,1,2,1,9,,,,,,TV striking head,,9,2,2,,2,,1,2,2,2,1,2,,,2,3,1,105,1,30,1,115,1,1,2,3 -9458,0,1033,0,1000,1,1,16.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,107,1,24,1,108,1,1,1,3 -9459,0,2312,0,,2,1,14.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,1,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,119,1,28,1,124,1,1,2,2 -9460,0,1923,0,1830,1,1,25,,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,43,1,90,1,1,2,2 -9461,0,0015,-1,2340,1,1,70,,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,18,1,98,1,1,2,2 -9462,0,1800,0,1730,1,1,21,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,1,2,,2,2,2,2,2,2,,,2,3,1,140,1,16,1,120,1,1,2,2 -9463,0,2320,0,2210,1,1,43,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,5: Physician did not answer,2,,,,,,1,,1,1,1,1,1,2,2,2,2,1,2,2,2,3,1,100,1,16,1,94,1,1,2,3 -9464,0,1740,0,1700,1,1,55,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,2,2,2,3,2,,,2,2,1,134,1,22,1,117,2,1,2,3 -9465,0,0007,-1,,2,1,70,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,3,3,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,2,1,120,1,20,1,78,1,1,2,3 -9466,0,1245,0,1200,1,1,,,3,2,,2,2,1,1,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,3,1,2,2,2,3,1,140,1,34,1,101,2,2,2,3 -9467,0,1947,0,1530,1,1,74,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,126,1,16,1,80,1,1,2,3 -9468,0,1110,0,0945,1,1,15,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,32,1,128,1,1,2,2 -9469,0,1546,0,,2,1,72.6,4,4,2,,3,3,3,3,2,3,3,2,2,1,1,1,2,4,5,6,3,,1,3,,,3,3,3,1,4: Speed Unknown,1,6,,,,,1,,1,2,1,1,1,2,2,2,3,3,,,3,3,1,144,1,10,1,90,2,2,2,3 -9470,0,1550,0,1500,1,1,80,2,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,assault-no direct abdominal contact,,7,2,2,,1,3,2,2,2,2,2,1,2,1,2,3,1,143,1,20,1,113,1,1,2,2 -9471,0,1810,0,1730,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,113,1,20,1,86,3,1,2,3 -9472,0,1618,0,1315,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,100,1,36,1,124,1,1,1,2 -9473,0,,0,1830,1,2,22,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,2,,,1,2,1,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,120,1,16,1,88,1,1,2,3 -9474,0,0813,0,0757,1,1,40,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,135,1,18,1,109,2,1,2,3 -9475,0,1900,0,,2,1,50,3,8,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,1,2,2,3,1,2,3,2,2,1,96,1,20,1,120,3,2,2,3 -9476,0,0400,-1,1900,1,1,7,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,3,2,1,181,1,22,1,148,1,1,1,3 -9477,0,2301,0,2200,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,138,1,21,1,103,2,1,2,2 -9478,0,1555,0,,2,1,15,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,106,1,39,1,121,1,1,2,2 -9479,0,1900,0,1840,1,1,15,4,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,1,1: < 20 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,3,,,2,2,1,86,1,48,1,200,2,1,3,3 -9480,0,1730,0,1700,1,1,10,1,3,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,3,2,2,11,,1,3,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,90,1,32,1,190,1,1,2,3 -9481,0,1810,0,1700,1,1,30,3,1,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,2,,,2,3,1,140,1,20,1,113,2,1,2,3 -9482,0,1739,0,1700,1,1,,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,13,,2,1,1,4,2,2,1,4,3: > 20 mph,,,4,,,,4,,2,,1,3,1,2,2,2,2,1,1,2,2,3,1,132,1,22,1,117,2,1,2,3 -9483,0,2035,0,2000,1,1,57,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,135,1,20,1,84,1,1,2,2 -9484,0,1943,0,,2,1,90,1,4,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,2,2,2,2,2,2,,,2,3,1,138,1,32,1,93,2,2,3,2 -9485,0,1745,0,1730,1,1,34,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,116,1,20,1,80,1,1,2,3 -9486,0,1548,0,0900,1,1,21.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Kicked by 5 yo brother (accidental),,7,2,1,1,1,1,1,2,2,2,2,1,2,3,2,3,1,111,1,16,1,119,2,2,2,3 -9487,0,2023,0,,2,1,72,4,4,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,5,4,,2,3,,,2,3,3,7,1: Intentional,,,,,,,7,,2,,1,1,1,1,2,2,2,3,,,3,2,1,176,1,11,1,64,1,1,2,3 -9488,0,2043,0,1943,1,1,,,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,3,2,1,1,2,9,,,,,,boxing with friends punched in LUQ left ribs,,7,2,2,,1,1,2,2,2,2,3,1,3,2,3,3,1,136,1,20,1,98,3,2,2,2 -9489,0,1748,0,1700,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,24,1,122,1,1,2,2 -9490,0,1630,0,1530,1,1,53,2,4,3,,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,2,2,1,125,1,18,1,80,1,1,2,2 -9491,0,1800,0,1700,1,1,50,,3,2,,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,7,2: Accidental,,,,,,unclear blunt trauma while playing football,7,,1,2,1,1,1,2,2,2,3,2,,,2,3,1,132,1,20,1,120,3,3,2,3 -9492,0,1140,0,1130,1,1,45,2,3,2,,2,2,2,2,2,3,1,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,1,2,2,1,134,1,18,1,106,4,3,2,3 -9493,0,2217,0,2145,1,1,40,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,6,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,145,1,20,1,102,1,1,2,3 -9494,0,2043,0,1730,1,1,26,3,8,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,1,1,1,1,1,1,3,1,3,1,2,2,1,75,1,28,1,126,5,2,1,3 -9495,0,1600,0,1500,1,1,77,1,2,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,155,1,14,1,69,1,1,2,2 -9496,0,1354,0,1300,1,1,25,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall at same level-lateral hip injury,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,97,1,20,1,76,1,1,3,2 -9497,0,1600,0,,2,1,22,4,8,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,2,7,,2,3,,,3,3,1,6,,,,,,,fell off and run over by tractor,6,,2,,1,3,1,2,2,2,2,3,,,2,2,1,97,1,24,1,72,2,1,2,3 -9498,0,1725,0,1500,1,1,14,1,3,2,,3,3,3,2,2,3,3,4,2,1,1,1,1,4,5,6,3,,1,3,,,3,3,3,3,4: Unknown,,,,,,,3,,2,,2,,1,2,2,2,2,3,,,3,3,1,110,2,,1,117,1,1,2,3 -9499,0,0930,0,0830,1,1,44.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,16,1,60,1,1,2,2 -9500,0,2106,0,1900,1,1,70,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,4,,,2,3,1,120,1,16,1,64,1,1,2,2 -9501,0,0115,-1,2200,1,1,12.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,6,,,,,,,,6,,2,,1,3,2,1,2,2,2,4,,,2,2,1,119,1,16,1,100,2,1,2,2 -9502,0,0820,0,0800,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,100,1,20,1,90,1,1,2,3 -9503,0,2227,0,2145,1,1,62,4,4,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,6,,,,,,,,6,,2,,1,1,2,2,2,2,2,2,,,2,2,1,111,1,16,1,90,1,1,2,2 -9504,0,1800,0,1630,1,1,20,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,103,1,22,1,89,1,1,2,3 -9505,0,1903,0,,2,1,31,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,115,1,28,1,108,1,1,2,2 -9506,0,0343,0,0230,1,1,75,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,144,1,17,1,72,1,1,2,3 -9507,0,1252,0,,2,1,,,3,2,,2,2,2,2,2,1,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,1,2,2,2,2,,,2,2,1,144,1,26,1,113,2,1,1,3 -9508,0,0958,0,0900,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,1,2,2,4,3,1,2,4,2,2,1,125,1,18,1,95,1,1,2,3 -9509,0,1848,0,1715,1,1,21.8,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,99,1,20,1,98,1,1,1,2 -9510,0,1915,0,1900,1,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,3,2,2,2,2,2,2,,,2,3,1,157,1,18,1,107,2,1,2,2 -9511,0,1845,0,,2,1,65,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,144,1,16,1,83,1,1,2,2 -9512,0,2113,0,,2,1,50,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,2,1,1,2,2,2,2,,,2,2,1,149,1,17,1,114,1,1,1,3 -9513,0,1239,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,134,1,17,1,68,1,1,3,2 -9514,0,1435,0,1400,1,1,70,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,1: < 5 mph,,,2,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,3,1,102,1,18,1,85,1,1,2,3 -9515,0,2022,0,,2,1,57,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,135,1,18,1,95,1,1,2,3 -9516,0,1705,0,1300,1,1,98,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,3,2,,,2,2,1,160,1,18,1,109,1,1,2,2 -9517,0,0300,0,,2,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,2,12,,2,2,,,2,1,1,8,,,,,,,,8,,4,,2,,1,2,2,2,2,2,,,2,3,1,129,1,18,1,94,1,1,2,3 -9518,0,2105,0,2045,1,1,20.5,2,3,1,2,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,Fell onto glass table,,2,2,2,,1,3,2,2,2,2,3,1,2,1,2,2,1,95,1,24,1,110,2,2,2,2 -9519,0,0611,0,0500,1,1,,,7,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,134,1,18,1,101,1,1,2,2 -9520,0,1830,0,1800,1,1,40,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,3,,4,,3,,1,1,3,2 -9521,0,2200,0,,2,1,60,4,1,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,4,4: Speed Unknown,,,3,,,,4,,1,2,1,1,1,2,2,2,3,3,,,3,2,1,150,1,14,1,110,4,4,2,3 -9522,0,1536,0,1445,1,1,27,2,3,2,,4,4,4,4,4,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,4,,4,,1,2,2,2,2,2,,,2,3,1,108,1,30,1,88,1,1,2,3 -9523,0,0200,0,0130,1,1,70,4,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,1,1,1,1,15,,2,1,3,2,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,3,1,1,2,2,2,1,3,3,2,2,1,135,1,17,1,109,4,1,2,3 -9524,0,1620,0,,2,1,60,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,head trauma (punched and hit pole),,9,2,2,,2,,1,2,2,3,2,2,,,2,3,1,140,1,20,1,121,1,1,3,3 -9525,0,1400,0,,2,1,,,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,2,,1,1,2,2,2,2,3,1,1,2,2,3,1,113,1,20,1,102,2,2,2,2 -9526,0,1917,0,,2,1,50,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,1,2,2,5,,,,,3,,,5,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,128,1,20,1,110,2,1,2,3 -9527,0,1723,0,1700,1,1,32,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,6,,,,,1,,2,,1,1,1,1,1,2,2,2,,,2,2,1,115,1,26,1,77,2,1,2,3 -9528,0,1740,0,1640,1,1,25,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,100,1,16,1,96,1,1,2,2 -9529,0,1839,0,1820,1,1,23,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,4,2,2,,,2,3,1,107,1,32,1,112,1,1,2,3 -9530,0,1445,0,1415,1,1,26,3,3,1,1,3,3,3,2,2,3,3,2,1,1,1,1,2,4,4,3,7,,2,1,4,3,1,3,3,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,2,2,3,3,3,,,3,3,1,82,2,,1,90,3,3,2,3 -9531,0,1715,0,1140,1,1,60,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,Physician would generally state if the patient was run-over,4,,1,1,4,,2,2,2,2,2,2,,,2,4,1,110,1,20,1,120,1,1,2,2 -9532,0,2113,0,2100,1,1,59,1,8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,3,2,2,2,,,2,2,1,122,1,16,1,110,1,1,2,2 -9533,0,1356,0,1315,1,1,22,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,4,,,4,4,4,1,5: Physician did not answer,1,5,,,,,1,,2,,2,,1,1,2,2,2,2,,,2,2,1,140,1,15,1,103,1,1,1,3 -9534,0,1330,0,1115,1,1,55,4,8,1,1,3,3,3,1,1,3,3,3,1,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,4,4: Speed Unknown,,,2,,,,4,,2,,1,3,1,1,2,2,1,3,,,3,2,1,110,1,19,1,110,4,3,2,3 -9535,0,0930,0,0830,1,1,,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,1,1,4,2,2,1,92,1,18,1,90,2,1,2,2 -9536,0,1629,0,1600,1,1,45,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,24,1,94,2,2,2,2 -9537,0,1830,0,1300,1,1,36,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,2,2,1,2,2,2,1,2,1,2,2,1,116,1,22,1,100,4,2,1,2 -9538,0,1923,0,1650,1,1,11.8,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,99,1,24,1,132,2,1,3,3 -9539,0,2129,0,,2,1,30,4,2,1,4,1,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,5,,,,,3,,,5,,2,,1,2,1,2,2,2,2,2,,,2,2,1,151,1,30,1,82,4,2,2,3 -9540,0,1820,0,1800,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,1,2,,1,2,2,2,4,2,,,2,2,1,119,1,32,1,113,2,1,3,3 -9541,0,1721,0,,2,1,50,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,20,1,70,1,1,1,2 -9542,0,1613,0,1535,1,1,34,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,116,1,14,1,107,1,1,2,3 -9543,0,1130,-1,2230,1,1,69,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,1,9,,,,,,"Alleged assault, fists/kicked",,7,2,2,,2,,2,2,2,3,2,1,1,4,2,3,1,135,1,20,1,56,1,1,2,2 -9544,0,1350,0,1300,1,1,23,1,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,69,1,20,1,76,1,1,2,2 -9545,0,1448,0,,2,1,55.8,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,2,2,2,2,2,2,,,2,2,3,,1,20,1,80,1,1,2,2 -9546,0,0915,0,,2,1,70,3,3,2,,2,2,2,2,2,3,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,1,2,3,2,2,1,116,1,20,1,90,2,2,2,3 -9547,0,1331,0,1300,1,1,15,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,5,,,,,1,,1,1,2,,2,1,2,2,2,1,2,1,2,3,1,111,1,20,1,70,3,2,2,2 -9548,0,1630,0,1130,1,1,68,4,1,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,Fall off skateboard,,2,2,2,,1,2,1,1,2,2,2,1,2,2,2,3,1,133,1,18,1,90,2,1,2,3 -9549,0,1811,0,,2,1,24.9,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,2,1,145,1,17,1,80,1,1,2,2 -9550,0,1452,0,1330,1,1,45,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,1,2,2,1,120,1,32,1,94,4,1,2,3 -9551,0,0942,0,0800,1,1,36.3,1,8,2,,1,2,2,2,2,1,1,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,2,1,1,2,2,1,2,3,2,3,1,121,1,20,1,123,2,1,2,2 -9552,0,1810,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,1,2,1,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,1,2,3,2,2,2,,,2,2,1,103,1,30,1,105,1,1,2,3 -9553,0,0042,-1,2310,1,1,57,2,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,127,1,20,1,93,1,1,2,2 -9554,0,2155,0,,2,1,13.5,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,105,1,25,1,140,1,1,2,3 -9555,0,1624,0,1530,1,1,18,,1,1,2,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,2,2,3,2,2,2,,,2,2,1,131,1,28,1,163,1,1,1,2 -9556,0,1322,0,1240,1,1,48,2,1,1,4,1,2,1,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,"""checked"" playing hockey - fell onto ice",,2,2,2,,1,1,2,1,2,2,2,1,1,1,2,3,1,119,1,16,1,94,2,2,2,2 -9557,0,1930,0,1830,1,1,60,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,142,1,20,1,88,1,1,2,2 -9558,0,2213,0,2130,1,1,54,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,145,1,20,1,124,2,6,1,2 -9559,0,1000,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,112,1,20,1,90,1,1,2,2 -9560,0,1745,0,1100,1,1,6,2,2,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,1,2,3,3,2: 6-15,,,,,,not being held,3,,2,,1,1,2,2,2,2,2,2,,,2,3,3,,1,32,1,136,2,1,2,2 -9561,0,0950,0,0830,1,1,49,2,1,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,106,1,24,1,80,2,6,2,2 -9562,0,1551,0,1500,1,1,90.7,1,4,1,1,1,1,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,9,,,,,,Explosion- object struck chest,,7,2,1,2,1,1,1,2,2,2,2,1,2,2,2,2,1,160,1,12,1,72,2,1,1,3 -9563,0,,-1,,2,2,48,1,2,1,2,1,1,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,fell off trampoline,,2,2,2,,1,1,2,2,2,2,1,1,1,2,2,3,1,113,1,20,1,98,2,2,1,2 -9564,0,1624,0,,2,1,39.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,1,9,,,,,,Fall while snowboarding,,2,2,2,,2,,2,2,2,2,2,4,,,2,3,1,97,1,18,1,97,1,1,3,2 -9565,0,1505,0,,2,1,35,4,8,2,,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Dropped on head (someone was holding his ankles and pile drove his head),,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,123,1,20,1,80,1,1,2,2 -9566,0,0957,-1,,2,1,4.6,1,2,2,,3,3,3,2,2,3,3,3,2,2,2,2,2,1,1,1,15,,1,3,,,3,2,3,8,,,,,,,ROPA,8,,2,,1,1,2,2,2,2,2,3,,,3,3,1,118,1,42,1,158,2,1,1,2 -9567,0,1645,0,1600,1,1,52.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,16,1,84,1,1,2,2 -9568,0,1923,0,,2,1,,,3,3,,4,4,4,4,4,4,4,4,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,4,3,3: > 15,,,,,,,3,,2,,2,,2,4,3,4,4,4,,,4,4,1,95,1,20,1,88,1,1,2,2 -9569,0,1739,0,,2,1,5,,8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,9,,,,,,child abuse,,7,2,2,,4,,1,2,2,3,3,2,,,2,2,1,93,1,44,1,175,1,1,3,3 -9570,0,1800,0,1640,1,1,4.1,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,2,2,9,,,,,,Grandma slipped and dropped her,,2,2,2,,2,,1,2,2,2,1,2,,,2,2,1,70,1,32,1,172,1,1,3,3 -9571,0,,0,,2,2,,,3,1,1,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,2,2,1,2,2,2,1,1,6,2,2,1,125,1,36,1,111,2,1,2,2 -9572,0,1852,0,1800,1,1,40,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,1,2,2,2,2,1,3,2,2,2,1,126,1,18,1,81,5,4,2,3 -9573,0,1452,0,1430,1,1,14.5,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,9,,,,,,fall 2' onto heater- femur frature,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,121,1,44,1,121,1,1,3,3 -9574,0,1237,0,,2,1,48.6,4,3,2,,2,2,2,2,4,2,4,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,3,4,4,4,,,4,4,1,98,1,22,1,83,1,1,3,2 -9575,0,1305,0,1250,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,128,1,32,1,96,2,1,2,3 -9576,0,2130,0,2110,1,1,18,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,4: Speed Unknown,1,5,,,,,1,,2,,1,3,1,2,2,2,3,1,1,3,2,2,1,106,1,28,1,127,2,2,1,3 -9577,0,1250,0,1200,1,1,94,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,186,1,26,1,96,1,1,2,3 -9578,0,1641,0,,2,1,52.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,3,2,3,2,,,2,3,1,100,1,16,1,66,1,1,1,2 -9579,0,1928,0,,2,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,116,1,37,1,113,1,1,2,2 -9580,0,1431,-1,1800,1,1,59.6,1,2,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,127,1,16,1,78,1,1,2,2 -9581,0,1907,0,1816,1,1,60,2,1,1,2,2,2,2,2,2,1,3,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,4,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,3,1,133,1,18,1,125,2,1,2,3 -9582,0,1948,0,,2,1,90,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,136,1,20,1,100,1,1,2,2 -9583,0,1838,0,,2,1,6.7,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,78,1,30,1,142,1,1,1,2 -9584,0,2345,0,2300,1,1,,,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,108,1,16,1,112,1,1,2,3 -9585,0,1536,0,1430,1,1,,,2,1,4,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,140,1,16,1,98,6,1,1,2 -9586,0,1707,0,1640,1,1,61,4,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,1,2,2,4,1,129,1,14,1,73,4,4,1,3 -9587,0,2236,0,1945,1,1,55,1,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,1,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,18,1,105,2,1,3,2 -9588,0,1630,0,1530,1,1,56,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,2,1,120,1,18,1,90,1,1,2,2 -9589,0,2056,0,2010,1,1,68,4,4,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,Sports Injury,7,,1,2,1,1,2,2,2,2,2,1,1,3,2,2,1,159,1,22,1,68,1,1,2,2 -9590,0,1254,0,1145,1,1,59.1,4,3,1,1,1,2,2,2,2,2,1,3,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,1,1,2,2,1,1,3,2,3,1,138,1,20,1,98,3,2,2,3 -9591,0,1815,0,,2,1,15.9,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,1,3,,,2,2,3,7,2: Accidental,,,,,,,7,,2,,2,,1,2,2,2,2,3,,,2,3,1,119,1,28,1,110,1,1,2,3 -9592,0,0852,0,,2,1,70,4,3,1,2,1,2,2,2,2,1,1,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,1,1,1,1,2,2,2,3,2,,,2,2,1,88,1,16,1,93,3,1,2,3 -9593,0,1955,0,1900,1,1,20,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,3,2,,,2,3,1,118,1,22,1,114,2,1,1,3 -9594,0,1900,0,1800,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Object struck head,,9,2,2,,2,,1,2,2,2,3,2,,,2,3,1,100,1,20,1,56,1,1,2,3 -9595,0,2037,0,,2,1,11.2,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,7,2: Accidental,,,,,,,7,,1,2,2,,1,1,2,2,2,2,,,2,2,3,,1,20,1,120,2,2,1,3 -9596,0,1720,0,1700,1,1,75,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,1,1,2,2,2,,,2,2,1,120,1,24,1,88,2,1,2,3 -9597,0,2125,0,2100,1,1,50,4,3,1,4,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Running and fell,,2,2,2,,2,,1,2,3,4,4,4,,,4,4,1,121,1,18,1,106,1,1,3,3 -9598,0,1917,0,,2,1,36,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,113,1,17,1,85,1,1,2,3 -9599,0,1425,0,1200,1,1,69.4,1,1,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,1,2,2,2,3,1,115,1,18,1,63,2,1,2,3 -9600,0,1700,0,1530,1,1,22,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,sledding accident - sled into tree,,9,2,2,,2,,2,2,2,2,2,1,1,2,2,3,1,105,1,20,1,102,1,1,2,2 -9601,0,1720,0,1700,1,1,26,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,2,2,2,3,2,,,2,3,1,93,1,20,1,73,1,1,2,3 -9602,0,2003,0,1920,1,1,70.3,1,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Sports Injury (Hockey),,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,125,1,14,1,67,1,1,2,3 -9603,0,1714,0,1630,1,1,48.2,1,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,1,3,2,,1,2,2,2,2,2,,,2,4,1,124,1,22,1,82,3,2,1,3 -9604,0,1213,0,1145,1,1,17,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,1,1,2,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,1,2,2,2,3,1,117,1,20,1,114,2,2,2,3 -9605,0,2044,0,,2,1,15,3,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,4,5,,2,3,,,3,3,3,2,2: 3 - 10 ft.,,,,,,bucked off a horse,2,,1,1,1,2,1,2,2,1,4,3,,,3,2,1,111,2,,1,149,3,2,2,3 -9606,0,1517,0,1430,1,1,55,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,109,1,12,1,82,1,1,2,2 -9607,0,1702,0,,2,1,11.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,7,2: Accidental,,,,,,Pulled wooden high chair to abdomen; fell and hit head,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,45,1,119,1,1,2,2 -9608,0,2230,0,2200,1,1,31,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,24,2,,1,1,2,2 -9609,0,1530,0,,2,1,100,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,4,,1,86,2,1,2,2 -9610,0,1730,0,1630,1,1,54,2,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,20,1,80,1,1,2,2 -9611,0,2253,0,1700,1,1,55,1,3,1,1,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,1,1,1,1,2,2,2,2,2,2,,,2,2,1,138,1,18,1,111,2,1,2,2 -9612,0,1649,0,1603,1,1,20,4,3,1,2,2,2,1,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,3,,,,4,,2,,1,1,1,1,2,1,2,2,,,2,2,1,148,1,19,1,111,3,2,2,3 -9613,0,1210,0,1145,1,1,35,4,8,1,3,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,2,,1,2,2,2,2,1,1,1,2,2,1,118,1,20,1,120,1,1,2,3 -9614,0,1710,0,,2,1,62,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,118,1,18,1,85,1,1,2,2 -9615,0,2051,0,,2,1,40,,3,1,3,3,3,3,2,2,3,3,1,1,1,2,2,2,4,5,6,3,,2,3,,,3,3,1,1,3: > 40 mph,2,,,,,,1,,3,,1,1,1,1,2,2,2,3,,,3,3,1,130,3,,2,,5,5,2,3 -9616,0,1716,0,1530,1,1,27,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,1,1,4,2,1,1,3,2,3,1,94,1,22,1,87,1,1,2,2 -9617,0,1030,0,1000,1,1,33,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,2,1,151,1,31,1,102,1,1,2,2 -9618,0,1804,0,,2,1,5,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,8,,,,,,,,8,,2,,2,,2,2,2,2,2,2,,,2,3,2,,3,,2,,1,1,2,2 -9619,0,2210,0,2200,1,1,60,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,2,1,1,2,2,1,1,2,2,3,1,133,1,18,1,80,2,1,2,2 -9620,0,1535,0,1230,1,1,18.5,1,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,2,4: Unknown,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,111,1,20,1,110,3,1,1,2 -9621,0,2012,0,1930,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,3,2,2,2,,,2,2,1,153,1,18,1,91,1,1,2,2 -9622,0,0420,0,0345,1,1,120,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,1,2,2,2,2,2,3,1,1,1,2,2,1,170,1,22,1,111,2,1,2,2 -9623,0,1938,0,1908,1,1,35,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,1,2,,,2,2,1,138,1,30,1,121,1,1,2,3 -9624,0,0804,0,0730,1,1,71.1,1,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,1,2,2,2,2,2,,,2,2,1,112,1,18,1,68,3,1,1,3 -9625,0,1858,0,1700,1,1,36,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,20,1,98,1,1,1,2 -9626,0,2055,0,2000,1,1,73,1,1,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,football helmet to right chest/abdomen,,7,2,2,,1,2,2,2,2,2,3,1,2,2,2,3,1,135,1,18,1,84,3,3,2,2 -9627,0,1720,0,1630,1,1,40,3,3,1,1,3,3,3,1,1,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,3,1,1,4: Speed Unknown,1,1,,,,,1,,1,1,1,3,1,2,2,2,2,2,,,2,3,1,119,1,32,1,121,3,1,2,3 -9628,0,1647,0,1630,1,1,18,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,122,1,30,1,120,1,1,2,3 -9629,0,1855,0,,2,1,37,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fell while ice skating,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,18,1,60,1,1,2,2 -9630,0,1900,0,1825,1,1,80,4,8,2,,1,1,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,1,2,2,2,2,1,2,1,2,3,1,135,1,18,1,109,2,1,2,3 -9631,0,2200,0,2100,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,116,1,18,1,98,1,1,2,3 -9632,0,2021,0,,2,1,61,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,3,2,2,,,2,2,1,134,1,20,1,126,1,1,2,3 -9633,0,1615,0,1530,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,3,1,130,1,18,1,94,1,1,2,3 -9634,0,1818,0,1750,1,1,35,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,2,2,2,2,1,3,3,2,2,1,115,1,20,1,61,2,1,2,3 -9635,0,1622,0,1500,1,1,4,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,suspected child abuse,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,109,1,36,1,142,1,1,2,2 -9636,0,,0,2100,1,2,59,2,3,2,,3,3,3,2,2,3,2,2,3,2,2,2,2,1,2,1,14,,2,3,,,1,2,1,2,1: < 3 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,3,,,2,3,1,130,1,28,1,81,1,1,2,3 -9637,0,2129,0,,2,1,31.8,1,3,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,1,2,2,2,1,1,3,2,3,1,114,1,24,1,87,2,1,2,2 -9638,0,2208,0,2138,1,1,25,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,101,1,19,1,106,2,2,1,3 -9639,0,2245,0,2215,1,1,18,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,113,1,28,1,109,1,1,2,2 -9640,0,2028,0,1930,1,1,45.5,1,3,2,,2,2,2,2,2,4,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,125,1,14,1,74,1,1,3,2 -9641,0,1100,0,,2,1,47,1,8,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,4,1,129,1,18,1,92,1,1,1,2 -9642,0,1700,0,,2,1,16,3,3,2,,2,2,2,2,2,3,3,2,3,2,2,2,2,2,2,1,13,,2,3,,,2,3,1,4,1: < 5 mph,,,4,,,,4,,1,1,2,,1,2,2,2,3,3,,,3,2,1,109,1,34,1,147,1,1,1,3 -9643,0,1930,0,1845,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,3,2,2,2,,,2,3,1,118,1,30,1,120,1,1,2,3 -9644,0,2124,0,,2,1,65,1,1,1,1,1,1,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,hockey puck to chest,,7,2,2,,2,,2,2,2,2,3,2,,,2,3,1,124,1,18,1,85,1,1,1,2 -9645,0,,0,,2,2,40.8,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,2,3,2,2,1,121,1,28,1,104,2,1,2,2 -9646,0,2040,0,1840,1,1,11.5,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,2,,1,20,1,100,1,1,2,2 -9647,0,2045,0,2000,1,1,60,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,pinned between van and wall,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,116,1,18,1,76,1,1,2,3 -9648,0,1707,0,1600,1,1,13.6,1,2,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,1,4: Speed Unknown,1,5,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,106,1,18,1,116,2,1,2,3 -9649,0,2200,0,1830,1,1,,4,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,3,1,98,1,52,1,168,1,1,2,3 -9650,0,1920,0,1820,1,1,54,1,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,105,1,20,1,80,1,1,3,2 -9651,0,1943,0,,2,1,50,1,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,1,2,2,9,,,,,,Fell trying to jump into moving car,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,13,1,67,1,1,2,3 -9652,0,2144,0,2100,1,1,55,1,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,3,1,2,2,2,3,1,131,1,40,1,116,2,2,1,2 -9653,0,0618,-1,1700,1,1,55.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,7,2: Accidental,,,,,,fist,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,108,1,20,1,70,4,4,2,2 -9654,0,1136,0,,2,1,19,3,8,2,,3,3,3,3,3,3,3,3,2,2,2,2,2,1,2,2,13,,1,3,,,3,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,3,3,3,2,4,,,3,3,1,116,1,32,1,100,1,1,2,3 -9655,0,1135,0,1100,1,1,51.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,2,2,5,,,,,1,,,5,,2,,1,3,1,1,2,2,1,1,3,1,1,3,3,,4,,3,,5,5,2,3 -9656,0,1750,0,,2,1,62.6,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Longboarding,,7,2,2,,2,,1,2,2,4,2,2,,,2,3,1,110,1,16,1,88,1,1,3,3 -9657,0,2000,0,1500,1,1,20,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,1,2,2,,1,2,2,3,2,2,,,2,3,1,100,1,18,1,93,2,2,2,3 -9658,0,1942,0,,2,1,42,1,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,115,1,18,1,91,1,1,1,3 -9659,0,1851,0,1330,1,1,127,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,2,1,1,2,2,1,2,,,2,2,1,138,1,19,1,96,1,1,1,3 -9660,0,2115,0,2000,1,1,55,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,119,1,17,1,92,1,1,2,2 -9661,0,0030,0,0000,1,1,100,,3,2,,2,2,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,3,1,2,1,1,4: Speed Unknown,2,,,,,,1,,1,1,1,1,2,2,2,2,2,1,1,5,2,3,1,150,1,26,1,87,2,1,2,2 -9662,0,0350,-1,2230,1,1,50,1,8,1,1,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,108,1,16,1,107,1,1,1,3 -9663,0,0952,0,0900,1,1,47,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,2,1,13,,2,1,2,1,2,2,3,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,1,2,2,1,134,1,27,1,92,2,2,2,3 -9664,0,2000,0,,2,1,60,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,92,1,11,1,82,2,2,2,3 -9665,0,2245,0,1500,1,1,80.5,1,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,115,1,14,1,67,1,1,2,2 -9666,0,2210,0,,2,1,13,3,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,3,5,3,7,,2,3,,,2,3,1,9,,,,,,n/o NAT,,7,2,2,,1,2,1,2,2,2,3,3,,,3,3,1,113,1,32,1,141,2,2,2,3 -9667,0,1917,0,1815,1,1,57,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,2,4,2,2,2,1,2,2,2,2,1,146,1,26,1,142,3,2,2,2 -9668,0,1300,0,1200,1,1,55.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,108,1,18,1,92,2,1,2,2 -9669,0,1025,0,,2,1,3,4,8,2,,3,3,3,2,2,3,3,3,1,2,2,2,2,3,3,3,9,,1,3,,,1,1,3,9,,,,,,Possible abuse,,7,2,2,,2,,1,2,2,1,1,3,,,3,2,1,80,1,22,1,180,4,4,2,3 -9670,0,1703,0,1600,1,1,27.6,1,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,20,1,76,1,1,2,2 -9671,0,1807,0,1700,1,1,50,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,2,1,2,2,2,5,,,,,1,,,5,,2,,1,1,1,2,2,2,3,1,2,1,2,3,1,116,1,18,1,74,2,1,2,3 -9672,0,0025,-1,,2,1,4.1,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,3,,,3,3,1,73,1,36,1,158,1,1,3,3 -9673,0,1620,0,1230,1,1,13,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,3,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,1,1,2,2,2,2,,,2,3,1,98,1,28,1,133,2,1,1,3 -9674,0,,0,,2,2,35,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,1,2,2,2,1,2,4,2,2,1,141,1,22,1,102,3,2,1,2 -9675,0,1308,0,1100,1,1,24.5,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,1,,,5,,2,,1,1,1,2,2,2,2,1,2,2,1,3,1,112,1,16,1,92,5,4,2,3 -9676,0,1020,-1,1800,1,1,28.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,112,1,24,1,88,1,1,2,2 -9677,0,2015,0,1929,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,1,2,2,4,4: Speed Unknown,,,2,,,,4,,1,1,2,,1,2,2,2,2,2,,,2,2,1,111,1,24,1,85,2,2,2,3 -9678,0,1410,0,1330,1,1,111,3,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,114,1,30,1,136,5,2,2,3 -9679,0,2230,0,2100,1,1,55,4,8,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,2,2,2,2,2,2,,,2,3,1,102,1,22,1,76,2,1,1,2 -9680,0,0001,-1,2330,1,1,,,3,2,,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,152,1,17,1,79,2,1,2,3 -9681,0,0740,0,0710,1,1,90,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,1,3,1,2,2,2,3,1,2,2,2,3,1,122,1,20,1,99,4,2,2,3 -9682,0,2240,0,1700,1,1,,,8,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Sledding - hit a tree,,9,2,2,,2,,1,2,3,2,2,2,,,2,3,1,115,1,29,1,92,2,1,1,3 -9683,0,1937,0,1830,1,1,16,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,152,1,24,1,112,1,1,2,3 -9684,0,0156,-1,2350,1,1,30,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,20,1,92,1,1,2,2 -9685,0,1820,0,1800,1,1,45,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,4,4,1,118,1,26,1,114,1,1,2,3 -9686,0,1125,0,,2,1,26,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,4: Unknown,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,114,1,26,1,110,1,1,2,3 -9687,0,2024,0,1900,1,1,57,2,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,119,1,20,1,108,1,1,2,2 -9688,0,0726,0,0700,1,1,60,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,136,1,20,1,114,1,1,1,2 -9689,0,2038,0,,2,1,59,4,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,4,,1,1,1,2,2,2,2,2,,,2,4,1,134,1,22,1,82,2,2,2,3 -9690,0,2326,0,1900,1,1,17,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,4,,,1,1,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,18,1,98,1,1,3,3 -9691,0,1613,0,,2,1,55,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,1,1,3,2,2,2,,,2,3,1,132,1,20,1,97,1,1,2,3 -9692,0,1915,0,1830,1,1,40,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,145,1,24,1,117,2,1,1,3 -9693,0,1515,-1,1900,1,1,59,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,136,1,18,1,91,3,1,2,2 -9694,0,,0,,2,2,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,1,3,3,11,,2,3,,,2,3,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,2,1,1,1,2,2,2,,,2,2,1,117,1,28,1,100,1,1,1,3 -9695,0,1231,0,0715,1,1,61.3,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,127,1,16,1,112,1,1,3,2 -9696,0,1354,0,1300,1,1,30,3,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,3,2: 6-15,,,,,,Ladder,3,,2,,2,,1,2,2,2,2,2,,,2,3,1,91,1,18,1,109,1,1,2,3 -9697,0,1556,0,,2,1,72.7,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,1,2,,,2,3,1,121,1,20,1,88,3,1,3,2 -9698,0,,0,1430,1,2,28.9,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,9,,,,,,Pulled by car on sled ~30 mph into curb,,7,2,2,,1,1,1,2,2,2,1,1,2,1,2,3,1,109,1,21,1,80,4,2,1,3 -9699,0,1222,0,,2,1,41,1,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,1,2,2,,2,2,2,2,3,2,,,2,3,1,125,1,18,1,60,1,1,2,2 -9700,0,1833,0,1800,1,1,70,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,blunt trauma with cane and fists,,7,2,1,2,2,,1,2,2,2,2,2,,,2,2,1,123,1,18,1,98,2,1,2,3 -9701,0,2131,0,,2,1,4.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,3,9,,,,,,No history of trauma,,8,2,2,,2,,1,2,2,2,1,2,,,2,2,1,94,1,48,1,150,1,1,2,3 -9702,0,1644,0,1300,1,1,24.1,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,22,1,89,1,1,2,2 -9703,0,2008,0,1800,1,1,70,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,9,,,,,,Sports - football/helmeted,,9,2,2,,2,,1,2,2,2,2,2,,,2,3,1,128,1,18,1,78,1,1,2,3 -9704,0,1800,0,1500,1,1,37,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,114,1,14,1,75,2,1,2,2 -9705,0,2145,0,1800,1,1,10,3,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,3,1,76,1,37,1,177,1,1,2,3 -9706,0,1638,0,1530,1,1,72,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,1,2,2,2,3,2,,,2,2,1,138,1,23,1,66,1,1,2,3 -9707,0,1610,0,,2,1,30,,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,PT RAN INTO DITCH,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,123,1,22,1,96,1,1,2,3 -9708,0,1747,0,1700,1,1,38,1,3,2,,4,4,4,4,4,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,3,,,5,,2,,4,,2,2,3,2,2,2,,,2,2,1,108,1,38,1,112,1,1,2,2 -9709,0,1915,0,1845,1,1,34,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,20,1,100,1,1,2,2 -9710,0,2000,0,1930,1,1,68.1,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,1,1,2,1,9,,,,,,"assault to head, abdominal pain",,7,2,1,1,1,1,1,2,2,2,2,1,4,1,2,2,1,130,1,24,1,100,1,1,2,3 -9711,0,1515,0,,2,1,74.4,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,132,1,18,1,65,1,1,3,3 -9712,0,2004,0,0900,1,1,9,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,"Mom fell, pt fell restrained in an infant carrier",,2,2,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,20,1,118,1,1,2,2 -9713,0,1555,0,1520,1,1,18,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,1,1,2,1,1,2,2,1,1,3,2,3,1,108,1,26,1,108,2,2,2,2 -9714,0,1731,0,,2,1,60,4,8,2,,2,3,3,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,9,,,,,,"hit in head with tree branch, femur fracture",,9,2,2,,2,,1,2,2,2,2,3,,,3,3,1,135,1,20,1,120,1,1,2,3 -9715,0,1131,-1,1600,1,1,42.2,1,2,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,1,2,3,3,1,115,1,20,1,70,2,1,2,2 -9716,0,1525,-1,,2,1,66.7,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,133,1,18,1,58,3,1,2,2 -9717,0,0018,-1,,2,1,13.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,8,,,,,,,,8,,2,,2,,2,2,2,2,2,2,,,3,3,1,119,1,30,1,136,1,1,2,2 -9718,0,1809,0,1645,1,1,40,2,3,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,1,2,2,13,,1,3,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,1,2,2,,1,2,2,2,3,3,,,3,2,1,143,1,43,1,133,3,1,2,3 -9719,0,1055,0,0800,1,1,16.8,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,1,2,,1,2,2,2,2,2,,,2,3,1,78,1,24,1,112,1,1,2,3 -9720,0,0803,0,0730,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,1,1,3,2,2,1,80,1,28,1,106,1,1,2,2 -9721,0,1537,-1,2030,1,1,64,1,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Hit in left flank when boxing,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,18,1,84,1,1,2,2 -9722,0,1329,-1,,2,1,23.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,2,2,2,2,1,2,4,2,3,1,109,1,28,1,92,3,1,2,2 -9723,0,1602,0,,2,1,17,1,1,1,1,3,3,3,2,2,3,3,3,1,2,2,2,2,1,2,2,13,,1,3,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,1,1,1,1,1,2,2,2,1,3,,,2,2,1,129,1,26,1,126,2,2,2,3 -9724,0,1430,0,,2,1,47.5,1,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,On swing - fell into support pole,,2,2,2,,2,,2,2,2,3,1,2,,,2,3,1,125,1,16,1,88,1,1,2,2 -9725,0,1710,0,1630,1,1,,,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,2,2,2,3,,1,24,1,104,1,1,2,2 -9726,0,1704,0,1630,1,1,75,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,1,2,,1,2,2,3,2,2,,,2,2,1,159,1,18,1,107,1,1,2,3 -9727,0,,0,,2,2,55,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,20,1,93,2,1,1,2 -9728,0,0632,-1,,2,1,67.2,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,3,2,2,2,2,2,2,,,2,3,2,,1,22,1,80,1,1,1,2 -9729,0,1924,0,1900,1,1,18.3,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,22,1,110,1,1,2,2 -9730,0,1240,0,1225,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,2,14,,2,2,,,1,2,1,2,3: > 10 ft.,,,,,,,2,,1,1,2,,1,2,2,1,2,2,,,2,2,1,117,1,46,1,180,3,1,2,3 -9731,0,1900,0,,2,1,50,1,1,2,,2,2,2,2,2,3,1,2,1,2,2,2,2,1,1,1,15,,2,1,1,3,1,2,1,9,,,,,,fall from horse,,2,2,1,1,2,,1,2,2,2,3,2,,,2,3,1,108,1,20,1,90,1,1,2,3 -9732,0,1000,0,0930,1,1,66,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,131,1,20,1,88,1,1,1,2 -9733,0,1900,0,1500,1,1,22.7,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,2,2,2,1,4,3,2,3,1,110,1,26,1,88,6,6,3,2 -9734,0,1550,0,1445,1,1,15,1,1,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,1,3,1,2,2,2,3,3,,,2,3,1,104,1,30,1,117,2,2,2,3 -9735,0,2022,0,2000,1,1,100,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,148,1,22,1,98,1,1,2,3 -9736,0,1346,0,,2,1,7.8,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,Fall off couch.,,2,2,2,,1,1,1,2,2,2,3,2,,,2,2,1,100,1,36,1,156,1,1,2,3 -9737,0,1549,0,,2,1,65,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,136,1,18,1,92,1,1,1,2 -9738,0,2040,0,2040,1,1,27.5,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,123,1,27,1,107,2,1,3,2 -9739,0,2137,0,,2,1,70.4,1,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,2,2,3,2,2,2,,,2,3,1,133,1,21,1,60,2,2,2,2 -9740,0,1835,0,,2,1,65,1,3,1,4,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,28,1,128,1,1,3,2 -9741,0,0106,0,0100,1,1,60,4,8,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,1,4: Speed Unknown,2,,,,,,1,,1,1,1,2,1,1,2,2,3,1,3,2,1,3,1,153,1,26,1,87,4,3,1,3 -9742,0,1450,0,1400,1,1,25,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,4,,4,,1,2,2,2,2,2,,,2,2,1,110,1,22,1,116,1,1,2,3 -9743,0,1906,0,1820,1,1,28,3,8,2,,3,3,3,1,2,3,3,2,3,2,2,2,2,3,4,2,9,,2,3,,,2,3,3,9,,,,,,Kicked by horse,,7,2,2,,2,,1,2,2,2,3,3,,,3,3,1,115,1,24,1,108,2,2,2,3 -9744,0,2310,0,1830,1,1,9.5,1,2,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,4,,,2,2,1,90,1,28,1,132,2,1,2,3 -9745,0,1548,0,,2,1,97,1,3,2,,1,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,"Light Heavy Wt wrestler with knee to chest, chest pain",,7,2,2,,2,,2,2,2,2,4,2,,,2,3,1,127,1,28,1,82,1,1,3,2 -9746,0,1735,0,1700,1,1,19,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,3,,,2,2,1,120,1,23,1,156,1,1,1,2 -9747,0,1606,0,1415,1,1,37.6,1,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,134,1,20,1,101,1,1,1,2 -9748,0,1939,0,1900,1,1,60,4,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,137,1,16,1,94,1,1,3,2 -9749,0,0359,0,0200,1,1,56.7,1,8,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,1,2,,2,2,2,2,2,1,2,6,2,3,1,115,1,20,1,82,1,1,2,2 -9750,0,,0,0800,1,2,59,2,3,1,2,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,4,,4,,2,4,2,2,2,2,,,2,3,1,140,1,16,1,80,1,1,2,2 -9751,0,2057,0,2030,1,1,31.4,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Fall into bleacher with upper abdomen,,2,2,2,,1,1,1,1,2,2,2,1,2,2,2,3,1,113,1,24,1,100,3,2,2,3 -9752,0,1156,0,1030,1,1,70,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,1,2,2,,1,2,2,4,2,2,,,2,2,1,147,1,18,1,91,1,1,2,3 -9753,0,0916,0,0810,1,1,27,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Slipped and fell in driveway,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,121,1,20,1,99,1,1,2,2 -9754,0,2152,0,2045,1,1,53.5,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Fall,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,18,1,91,1,1,2,2 -9755,0,1746,0,1700,1,1,80,4,11,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,20,1,73,1,1,2,2 -9756,0,1221,0,1100,1,1,11.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,1,2,,,2,3,1,101,1,26,1,112,1,1,2,2 -9757,0,1900,0,1630,1,1,15.5,1,1,2,,4,4,4,4,4,2,2,1,2,2,2,2,2,1,1,1,15,,1,1,1,3,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,3,2,1,2,,,2,3,1,119,1,22,1,97,1,1,2,2 -9758,0,1625,0,1600,1,1,15,4,1,2,,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,1,2,2,2,1,1,3,2,3,1,91,1,32,1,107,3,3,2,3 -9759,0,0757,0,0745,1,1,8,4,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,2,2,13,,1,3,,,4,3,2,1,3: > 40 mph,1,4,,,,,1,,2,,1,3,1,2,2,1,3,2,,,3,3,1,86,1,34,1,156,2,1,3,3 -9760,0,0837,0,0800,1,1,63.6,4,3,2,,4,4,4,4,4,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,147,1,21,1,89,1,1,1,3 -9761,0,2129,0,1845,1,1,36.3,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,130,1,24,1,120,2,1,1,2 -9762,0,1040,0,0800,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,82,1,23,1,95,1,1,1,2 -9763,0,1851,0,,2,1,8.5,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,116,1,28,1,144,1,1,2,3 -9764,0,1315,0,,2,1,100,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Football injury,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,30,1,90,1,1,2,2 -9765,0,1739,0,,2,1,65,4,8,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,1,3,2,12,,2,3,,,2,3,3,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,1,3,,,3,2,1,135,1,30,1,112,2,6,2,3 -9766,0,2114,0,1800,1,1,10,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,4,,,2,3,1,113,1,33,1,121,1,1,1,2 -9767,0,2121,0,,2,1,23.6,1,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,24,1,88,1,1,3,2 -9768,0,1320,0,1310,1,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,2,1,107,1,22,1,84,1,1,2,2 -9769,0,1400,0,1130,1,1,17,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,3,2,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,2,,,2,3,1,114,1,35,1,126,3,2,1,3 -9770,0,1545,0,,2,1,13.6,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,7,2: Accidental,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,2,3,1,116,1,28,1,159,1,1,2,3 -9771,0,2137,0,2100,1,1,35,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,121,1,14,1,102,1,1,2,3 -9772,0,1840,0,1800,1,1,72.7,1,8,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,1,2,2,,1,2,2,2,2,2,,,2,2,1,150,1,23,1,70,1,1,2,3 -9773,0,1630,0,1300,1,1,70,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,115,1,35,1,82,1,1,2,3 -9774,0,0930,0,0830,1,1,80,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,2,1,110,1,18,1,72,1,1,2,2 -9775,0,2208,0,1930,1,1,,,3,1,4,4,4,4,4,4,3,3,4,4,1,2,1,2,,,,,3,2,3,,,1,3,3,6,,,,,,,,6,,2,,1,3,1,1,2,2,3,3,,,3,2,1,115,2,,1,93,2,2,2,3 -9776,0,1330,0,1300,1,1,50,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,12,1,84,1,1,2,2 -9777,0,2110,0,2040,1,1,18,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,3,,1,1,1,2,2,2,2,1,1,1,3,2,1,115,1,12,1,140,4,2,2,3 -9778,0,2140,0,2100,1,1,30,4,3,2,,2,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,7,,,,,1,,2,,1,3,2,2,2,2,3,1,1,2,2,3,1,107,1,20,1,85,2,1,2,2 -9779,0,1901,0,,2,1,55,1,8,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,hit in ribs/abdomen,,7,2,2,,2,,2,2,2,2,1,1,1,6,2,3,1,100,1,20,1,100,1,1,2,2 -9780,0,2318,0,,2,1,45,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Motorcycle,,6,2,2,,2,,2,2,2,2,1,2,,,2,3,1,125,1,20,1,99,2,1,1,2 -9781,0,1732,0,1400,1,1,59.1,1,1,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,2,1,3,2,1,2,3,2,4,1,108,1,20,1,113,2,1,2,3 -9782,0,1705,0,,2,1,22,4,1,2,,2,2,2,2,2,2,4,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,fall off jet ski at 25-30 mph,,2,1,1,2,1,3,1,2,2,2,2,2,,,2,3,1,114,1,20,1,88,1,1,3,3 -9783,0,1855,0,1800,1,1,22,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,1,2,2,,1,2,2,2,3,2,,,2,2,1,132,1,26,1,89,1,1,2,3 -9784,0,0510,0,0300,1,1,68,1,3,1,1,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,1,3,2,1,2,1,126,1,18,1,108,5,4,2,3 -9785,0,1755,0,1630,1,1,58,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Driver of Motorized Go-cart,,6,2,2,,2,,1,2,2,2,3,2,,,2,3,1,126,1,18,1,72,1,1,1,3 -9786,0,2025,0,,2,1,8.8,1,3,2,,3,3,3,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,28,1,107,2,1,1,3 -9787,0,0146,0,0100,1,1,70,4,3,1,1,1,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,3,1,1,2,2,3,2,,,2,2,1,130,1,28,1,128,3,2,2,3 -9788,0,1302,0,,2,1,19,3,3,1,2,1,3,3,2,2,1,1,2,3,2,2,2,2,2,1,1,14,,3,4,,,4,4,4,4,1: < 5 mph,,,3,,,,4,,2,,1,1,1,2,2,2,3,1,2,1,3,2,1,112,1,28,1,138,4,3,3,3 -9789,0,1130,-1,1430,1,1,43.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,98,1,20,1,80,1,1,2,2 -9790,0,0036,-1,2330,1,1,13,3,3,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,5: Physician did not answer,4,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,93,1,24,1,114,1,1,2,2 -9791,0,0746,0,0700,1,1,72.6,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,3,1,13,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,1,2,1,2,2,2,4,2,,,2,4,1,90,1,28,1,104,2,1,3,3 -9792,0,0858,-1,1000,1,1,47.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,2,2,2,2,2,2,1,2,1,2,3,1,138,1,16,1,88,2,1,1,2 -9793,0,2046,0,2000,1,1,90,2,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,1,3,2,2,1,117,1,20,1,106,2,1,2,3 -9794,0,1600,0,1505,1,1,90,4,4,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,6,,,,,,,ATV vs. tree,6,,1,2,1,1,2,2,3,2,2,2,,,2,2,1,133,1,20,1,84,1,1,2,2 -9795,0,1524,0,1430,1,1,26,3,3,2,,3,3,3,2,2,3,3,3,1,1,1,1,2,3,3,2,10,,2,3,,,2,3,1,4,3: > 20 mph,,,4,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,2,1,156,1,16,1,123,3,2,2,3 -9796,0,1640,0,,2,1,6.6,1,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,1,4: Speed Unknown,1,4,,,,,1,,2,,1,1,1,2,2,2,2,3,,,3,3,1,93,1,30,1,160,3,1,1,3 -9797,0,2034,0,,2,1,42.7,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,16,1,86,1,1,2,2 -9798,0,0840,0,0800,1,1,36,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,127,1,16,1,94,1,1,2,2 -9799,0,0741,0,0715,1,1,50,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,1,2,2,2,1,2,,,2,2,1,120,1,60,1,95,3,2,3,3 -9800,0,0216,0,0100,1,1,63.6,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,2,1,126,1,18,1,104,1,1,2,2 -9801,0,1935,0,,2,1,17,3,8,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,4,5,3,6,,2,3,,,2,3,1,1,3: > 40 mph,1,6,,,,,1,,2,,1,1,1,2,2,1,2,3,,,3,3,1,106,1,25,1,109,3,2,3,3 -9802,0,1312,0,1230,1,1,20.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,1,1,1,2,2,1,1,4,2,3,1,100,1,24,1,96,2,1,2,3 -9803,0,1358,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,138,1,24,1,137,1,1,2,2 -9804,0,1538,0,1200,1,1,132,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,1,2,2,2,1,2,,,2,2,1,179,1,12,1,72,2,1,1,3 -9805,0,2045,0,,2,1,,,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,4: Physician did not answer,,,,,,Knee to abdomen playing soccer,7,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,97,1,22,1,65,3,3,1,3 -9806,0,1950,0,1900,1,1,36,2,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,2,1,2,2,1,4,2: 5 - 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,130,1,28,1,112,4,4,2,3 -9807,0,0104,0,0015,1,1,45.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,1,2,1,1,2,2,2,2,2,1,1,6,2,3,1,125,1,20,1,81,1,1,2,2 -9808,0,2225,0,1900,1,1,40.8,2,2,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fell doing handstand,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,16,1,94,1,1,2,2 -9809,0,1047,-1,1900,1,1,29.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,7,4: Physician did not answer,,,,,,,7,,2,,1,1,1,2,2,3,2,1,1,2,2,3,1,92,1,40,1,88,5,3,2,3 -9810,0,0959,0,,2,1,13.6,,3,2,,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,4,1,104,1,24,1,160,2,1,1,2 -9811,0,2249,0,2015,1,1,83.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,1,1,2,2,2,2,1,126,1,21,1,113,3,1,2,3 -9812,0,1900,0,1800,1,1,45.4,1,2,2,,2,2,2,2,2,2,1,3,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,patient collided with a wall corner while running,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,103,1,20,1,66,1,1,2,2 -9813,0,2215,0,,2,1,28,3,3,2,,3,3,3,2,1,3,3,2,2,1,1,1,2,4,5,6,3,,1,2,,,1,3,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,3,,,3,2,1,90,1,20,1,116,2,1,2,3 -9814,0,1352,0,1315,1,1,82,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,132,1,16,1,112,2,1,2,3 -9815,0,0820,0,0800,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,20,1,90,1,1,2,3 -9816,0,1730,0,1700,1,1,92,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,1,2,2,2,1,1,3,2,3,1,125,1,24,1,120,1,1,2,2 -9817,0,1800,0,1500,1,1,34,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,1,2,2,2,2,,,2,2,1,116,1,20,1,78,1,1,2,3 -9818,0,1355,0,1230,1,1,11.8,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,1,1,1,1,2,3,1,107,1,30,1,142,4,1,2,3 -9819,0,2130,0,,2,1,22,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,1,2,2,2,1,1,3,2,3,1,110,1,22,1,84,1,1,2,2 -9820,0,2102,0,2000,1,1,59,,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,5,,,,,2,,,5,,2,,2,,1,2,2,2,1,2,,,2,2,1,142,1,14,1,71,2,1,3,3 -9821,0,1608,0,1515,1,1,65,2,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,3,2,,,2,2,1,140,1,22,1,108,2,1,3,3 -9822,0,2252,0,1930,1,1,12.2,1,3,2,,2,2,2,2,1,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,1,2,2,1,109,1,24,1,152,3,2,1,3 -9823,0,2355,0,2300,1,1,24,3,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,129,1,18,1,127,1,1,3,2 -9824,0,2035,0,1900,1,1,30.3,1,1,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,2,2,2,3,1,107,1,20,1,84,2,1,2,2 -9825,0,1502,-1,1630,1,1,39.2,1,8,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,20,1,80,1,1,2,2 -9826,0,1530,0,1510,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,103,1,24,1,82,1,1,2,3 -9827,0,2100,0,1400,1,1,,,3,1,1,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,2,2,1,2,2,2,1,2,4,2,3,1,116,1,16,1,67,1,1,3,1 -9828,0,1410,0,1130,1,1,62.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,1,2,2,2,2,,,2,2,1,98,1,16,1,101,3,3,2,3 -9829,0,2119,0,,2,1,25,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,114,1,18,1,107,1,1,1,2 -9830,0,1904,-1,,2,1,69.6,1,3,1,1,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,3,2,2,2,2,2,1,2,2,2,3,1,144,1,20,1,100,3,1,2,2 -9831,0,1940,0,1900,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,2,1,1,2,2,1,2,1,2,3,1,129,1,16,1,72,1,1,2,2 -9832,0,2050,0,1100,1,1,25,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,20,1,105,1,1,2,2 -9833,0,2100,0,2030,1,1,9,1,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,4,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,3,2,,,2,3,1,129,1,40,1,110,1,1,2,2 -9834,0,1755,0,,2,1,,,2,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,18,1,111,1,1,2,2 -9835,0,1245,0,1030,1,1,,,1,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,138,1,18,1,71,1,1,2,2 -9836,0,2145,0,2000,1,1,18,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,103,1,24,1,79,1,1,1,2 -9837,0,1922,0,1820,1,1,80,4,4,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,116,1,13,1,78,2,2,2,2 -9838,0,1807,0,1630,1,1,77,1,11,2,,1,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,142,1,18,1,100,2,1,2,2 -9839,0,1543,0,1400,1,1,17,2,8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,1,1,2,2,1,84,1,20,1,105,3,3,2,3 -9840,0,0135,-1,2000,1,1,63.2,1,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,138,1,16,1,74,1,1,2,2 -9841,0,1533,0,1500,1,1,55,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,1,2,2,13,,2,3,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,1,1,1,1,2,2,2,2,2,,,2,2,1,118,1,42,1,114,2,1,2,3 -9842,0,1455,0,1415,1,1,15,4,8,2,,3,3,3,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,3,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,3,,,2,3,1,107,1,24,1,158,1,1,3,2 -9843,0,1440,0,1400,1,1,16.9,1,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,3,,,1,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,94,1,18,1,90,1,1,2,3 -9844,0,1650,0,1536,1,1,18,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,100,1,24,1,120,2,1,2,2 -9845,0,0902,0,,2,1,60,,3,2,,2,2,2,2,2,2,2,2,2,2,2,1,1,1,2,1,14,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,149,1,30,1,113,1,1,2,3 -9846,0,1910,0,1800,1,1,15,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,99,1,20,1,124,1,1,2,2 -9847,0,1436,0,,2,1,25.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,2,2,2,2,1,2: 20 - 40 mph,1,7,,,,,1,,2,,1,3,2,2,2,2,2,2,,,2,3,1,90,1,16,1,100,1,1,3,2 -9848,0,1337,0,1230,1,1,70,2,3,1,3,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,snowboarding into tree,,2,2,2,,1,1,1,1,3,2,2,1,2,2,2,3,1,134,1,18,1,87,4,2,2,3 -9849,0,2026,0,,2,1,68,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,135,1,20,1,104,1,1,2,2 -9850,0,2230,0,2130,1,1,22,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,110,1,18,1,102,2,1,2,3 -9851,0,1708,0,1700,1,1,10,4,2,2,,2,2,2,2,2,3,3,2,3,2,2,2,2,1,2,3,12,,2,4,,,2,2,1,1,2: 20 - 40 mph,1,4,,,,,1,,2,,1,1,1,2,2,2,1,2,,,2,2,1,100,1,12,1,133,2,2,2,3 -9852,0,1300,0,1230,1,1,13.5,3,1,2,,3,3,3,2,2,3,3,2,1,1,2,2,2,4,5,6,3,,1,3,,,3,3,3,4,1: < 5 mph,,,1,,,,4,,2,,1,1,1,2,2,1,3,3,,,3,3,1,117,1,0,1,168,3,1,2,3 -9853,0,1603,0,1500,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,2,2,2,2,2,2,2,,,2,2,1,116,1,18,1,114,1,1,2,2 -9854,0,1040,-1,1700,1,1,59.3,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,137,1,18,1,60,4,1,2,3 -9855,0,0050,-1,,2,1,5.7,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,1,3,,,1,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,144,1,26,1,142,2,1,2,3 -9856,0,1800,0,1600,1,1,,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,1,3,1,2,2,2,2,2,,,2,3,1,132,1,16,1,70,1,1,3,3 -9857,0,1530,0,1500,1,1,100,,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,2,1,137,1,20,1,78,1,1,3,2 -9858,0,0800,0,0730,1,1,,,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,125,1,32,1,122,1,1,2,3 -9859,0,2340,0,,2,1,10,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,1,3,,,3,2,1,2,1: < 3 ft.,,,,,,Concern for NAT,2,,2,,1,2,1,2,2,2,2,2,,,2,3,1,118,1,40,1,190,2,2,1,3 -9860,0,0945,0,0900,1,1,12,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,93,1,28,1,116,1,1,3,2 -9861,0,,0,1500,1,2,43,2,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Collision while downhill skiing-struck another skier,,7,2,2,,1,3,2,2,2,2,3,1,2,2,2,3,1,110,1,20,1,94,3,1,2,2 -9862,0,2140,0,,2,1,54.5,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,125,1,21,1,73,2,2,2,2 -9863,0,1430,0,1414,1,1,36,2,2,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fell while on moon bounce,,2,2,2,,2,,2,2,2,4,2,2,,,2,3,1,116,1,16,1,108,1,1,2,2 -9864,0,0030,-1,2015,1,1,70.4,2,8,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,2,2,2,2,5,,,,,3,,,5,,2,,1,3,1,1,2,2,2,1,2,2,2,2,1,139,1,24,1,114,2,6,2,3 -9865,0,2135,0,,2,1,,,8,1,3,1,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,jumped out of moving car,,9,1,2,,1,1,1,2,2,2,1,2,,,2,2,1,115,1,20,1,94,1,1,2,3 -9866,0,0938,0,0900,1,1,42.3,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,"was in car, hit something & then hit guardrail, standing outside car & was hit be flying debris",,1,2,2,,2,,1,2,2,2,2,2,,,2,3,1,147,1,20,1,100,1,1,2,3 -9867,0,1350,0,1300,1,1,70,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,141,1,16,1,81,1,1,2,2 -9868,0,2356,0,,2,1,45,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,5: Physician did not answer,1,1,,,,,1,,2,,3,,2,1,2,2,2,1,2,1,2,3,1,113,1,20,1,89,2,1,2,2 -9869,0,1751,0,,2,1,87.1,4,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,2,,1,2,2,2,3,2,,,2,3,1,127,1,26,1,80,2,1,2,3 -9870,0,0850,0,0730,1,1,,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,5: Physician did not answer,1,1,,,,,1,,1,2,1,3,1,1,2,2,2,2,,,2,3,1,200,1,18,1,68,1,1,2,3 -9871,0,1927,0,1915,1,1,70,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,146,1,16,1,95,1,1,2,3 -9872,0,1945,0,,2,1,40,4,8,1,4,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,5,,,,,3,,,5,,2,,1,3,1,2,2,2,2,3,,,3,2,1,120,1,20,1,85,3,3,2,3 -9873,0,1000,0,0730,1,1,50,2,3,2,,1,1,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,16,1,68,1,1,2,2 -9874,0,1516,0,,2,1,41.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,1,2,2,4,2,1,1,2,2,3,1,119,1,24,1,86,4,1,1,3 -9875,0,1315,0,,2,1,20,3,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,1,1,2,,1,2,2,2,2,2,,,2,2,1,102,1,35,1,87,1,1,2,3 -9876,0,1740,0,1730,1,1,15,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,1,4,1,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,1,1,1,2,2,2,3,3,,,2,2,1,105,1,28,1,133,2,1,2,3 -9877,0,2302,0,2205,1,1,72.6,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,"Skateboadring, riding back of car",,2,2,1,2,1,2,1,2,2,2,2,2,,,2,3,1,160,1,16,1,65,1,1,1,3 -9878,0,1600,0,1400,1,1,39,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Snow bowling accident,,2,2,2,,1,2,2,2,2,2,2,1,1,4,2,2,1,102,1,20,1,76,3,1,2,2 -9879,0,1811,0,1500,1,1,55,1,3,2,,2,2,2,2,2,4,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,football injury--tackle,,7,2,2,,2,,2,2,2,2,1,2,,,2,2,1,110,1,18,1,78,1,1,1,2 -9880,0,1947,0,1530,1,1,39.8,1,3,1,2,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,"riding on golf cart, fell off, cart fell on top of her",,6,2,2,,1,1,2,2,2,2,2,1,1,6,2,3,1,140,1,26,1,115,2,1,1,2 -9881,0,2025,0,,2,1,20,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,2,,,2,2,1,133,1,18,1,138,1,1,3,2 -9882,0,1645,0,1600,1,1,37,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,134,1,20,1,83,1,1,2,2 -9883,0,0241,0,,2,1,70,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,3,2,,,2,3,1,106,1,16,1,117,1,1,2,2 -9884,0,2057,0,1900,1,1,25,1,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,3,,,2,4,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,1,2,3,1,112,1,24,1,124,2,2,2,3 -9885,0,1435,0,1330,1,1,7,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,3,1,118,1,38,1,128,2,1,2,3 -9886,0,2100,0,2000,1,1,22,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,100,1,20,1,90,1,1,1,2 -9887,0,1904,0,1800,1,1,30,3,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,1,1,3,2,2,2,1,101,1,28,1,101,4,3,1,3 -9888,0,1306,0,1200,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,4,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,1,1,2,2,2,1,2,2,2,2,1,135,1,32,1,100,2,2,2,3 -9889,0,1146,0,1100,1,1,75.9,1,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,2,,,2,3,1,130,1,16,1,70,2,1,2,2 -9890,0,2011,0,2000,1,1,20,1,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,127,1,29,1,121,1,1,2,3 -9891,0,1535,0,1115,1,1,6.1,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,105,1,34,1,150,1,1,2,2 -9892,0,2100,0,0730,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,1,1,2,2,2,,,2,2,1,153,1,16,1,88,1,1,2,3 -9893,0,0957,0,0800,1,1,14.6,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,3,1,2,3,3,,1,22,1,89,1,1,2,2 -9894,0,1845,0,,2,1,16,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,TV fell on him - unwitnessed,,7,2,2,,2,,2,2,2,2,3,2,,,2,2,1,117,1,50,1,178,1,1,2,2 -9895,0,1858,0,1720,1,1,18.1,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,48,1,130,1,1,1,2 -9896,0,1205,0,0630,1,1,65,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,1,2,2,4,3,2,,,2,3,1,123,1,18,1,64,1,1,2,3 -9897,0,1840,0,1800,1,1,68,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,1,1,2,,1,2,2,2,2,2,,,2,2,1,131,1,16,1,59,1,1,2,3 -9898,0,1628,0,1530,1,1,85,1,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,3,1,1,2,2,2,2,,,2,2,1,190,1,21,1,85,2,1,2,3 -9899,0,1554,0,1510,1,1,65,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,9,,,,,,Fall from skateboard with slide x 10 feet,,2,2,1,2,1,1,1,2,2,2,1,2,,,2,2,1,121,1,20,1,94,2,2,2,3 -9900,0,1402,0,1400,1,1,,,3,2,,4,4,4,4,4,3,3,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,111,1,38,1,146,1,1,3,3 -9901,0,1020,0,0940,1,1,25,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,2,3: > 10 ft.,,,,,,,2,,1,2,3,,1,2,2,2,2,2,,,2,3,1,112,1,26,1,116,1,1,2,3 -9902,0,0845,0,0657,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,1,1,2,2,2,2,2,2,,,2,3,1,110,1,21,1,84,2,1,1,2 -9903,0,1512,0,1500,1,1,59,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,2,1,2,3,1,116,1,16,1,70,1,1,2,2 -9904,0,2218,0,2130,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,3,2,2,2,3,3,1,2,3,2,3,1,122,1,16,1,96,2,1,2,2 -9905,0,0935,0,0800,1,1,60,,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,3,,,,,,1,,1,1,2,,2,2,1,2,1,2,,,2,2,1,123,1,20,1,59,2,2,2,2 -9906,0,2110,0,1830,1,1,20.8,1,2,2,,2,2,2,2,2,2,2,2,2,3,3,3,3,1,1,1,15,,2,1,1,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,1,2,,,2,3,1,91,1,20,1,96,2,2,2,2 -9907,0,1634,0,1400,1,1,30,4,3,1,4,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,132,1,22,1,106,1,1,2,2 -9908,0,1410,0,1330,1,1,12,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,97,1,20,1,88,1,1,3,2 -9909,0,1430,0,1400,1,1,40,2,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,3,1,105,1,20,1,128,3,1,3,3 -9910,0,1645,0,1330,1,1,11.5,1,2,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,3,1: 5 or less,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,2,1,107,1,28,1,120,1,1,1,3 -9911,0,1056,0,0140,1,1,15.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,3,,3,,1,2,2,2,2,1,1,1,2,3,1,99,1,28,1,106,1,1,2,3 -9912,0,1734,0,1630,1,1,27,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,98,1,24,1,86,1,1,2,2 -9913,0,1900,0,1730,1,1,19.2,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,1,2,3,1: 5 or less,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,3,1,105,1,16,1,128,1,1,2,3 -9914,0,1510,0,1440,1,1,60,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,1,2,,1,2,2,2,2,2,,,2,2,1,137,1,22,1,122,1,1,2,3 -9915,0,1730,0,1700,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,18,1,104,1,1,2,2 -9916,0,1347,0,1230,1,1,15,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,4,,,,,,1,,2,,1,1,2,2,2,2,2,1,2,1,2,2,1,113,1,20,1,175,2,1,2,2 -9917,0,1654,0,1010,1,1,7,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,1: < 3 ft.,,,,,,,2,,1,1,2,,1,2,2,2,2,2,,,2,3,1,93,1,44,1,144,1,1,1,3 -9918,0,1700,0,,2,1,51.9,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,4,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,18,1,92,1,1,2,2 -9919,0,2111,0,,2,1,86,1,8,1,1,4,2,2,2,2,1,2,2,1,2,2,2,2,1,2,1,14,,2,3,,,2,2,1,5,,,,,3,,,5,,2,,1,1,1,2,2,2,2,2,,,2,2,1,82,1,24,1,88,2,1,2,3 -9920,0,2100,0,2000,1,1,40,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,3,,,,Partial; not latched,1,,2,,1,1,1,1,1,2,2,2,,,2,3,1,112,1,24,1,107,2,2,2,3 -9921,0,1354,0,1324,1,1,35.9,1,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,2,2,2,2,1,1,2,2,2,1,97,1,18,1,103,2,2,2,2 -9922,0,2210,0,1800,1,1,18.3,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,1,2,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,126,1,20,1,80,1,1,2,2 -9923,0,2349,0,2300,1,1,67.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,170,1,18,1,88,1,1,2,2 -9924,0,2219,0,2100,1,1,65,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,18,1,75,1,1,2,2 -9925,0,2235,0,2030,1,1,70.2,1,3,2,,2,2,2,2,2,1,2,2,3,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,football hit,,7,2,2,,1,3,1,2,2,2,2,1,2,2,2,3,1,120,1,20,1,100,6,6,1,3 -9926,0,2236,0,2100,1,1,20,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,3,2,5,,,,,3,,,5,,2,,1,2,2,2,2,1,3,3,,,2,3,3,,1,26,1,114,2,1,2,2 -9927,0,1748,0,,2,1,48.5,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,,,,,15,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,134,1,18,1,82,1,1,3,2 -9928,0,1000,0,0720,1,1,20.5,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,3,1,125,1,20,1,83,1,1,2,2 -9929,0,1427,0,,2,1,57.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,physical altercation,,7,2,1,2,2,,2,1,2,2,2,1,2,3,2,3,1,114,1,24,1,74,1,1,1,2 -9930,0,1415,0,1400,1,1,88,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,137,1,16,1,82,1,1,2,2 -9931,0,1920,0,,2,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,3,2,,,2,3,1,120,1,16,1,90,1,1,2,2 -9932,0,1610,0,1545,1,1,28,,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,2,1,2,3,1,88,1,20,1,84,3,2,2,3 -9933,0,1413,0,1345,1,1,12,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,3,11,,1,2,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,1,2,3,2,2,2,,,2,3,1,92,1,26,1,110,1,1,2,3 -9934,0,1510,0,1459,1,1,19,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,4,4: Speed Unknown,,,3,,,,4,,1,2,2,,2,2,2,2,1,2,,,2,2,1,110,1,20,1,107,1,1,2,2 -9935,0,1744,0,1500,1,1,6.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,92,1,28,1,128,1,1,2,2 -9936,0,2210,0,,2,1,22.7,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,114,1,17,1,90,2,2,2,2 -9937,0,0155,0,0130,1,1,79.8,2,2,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,153,1,16,1,68,2,1,2,2 -9938,0,2130,0,,2,1,37,1,8,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,hit in lower back with a helmet playing football,,7,2,2,,2,,2,2,2,4,2,1,1,3,2,2,1,127,1,22,1,100,1,1,2,2 -9939,0,1520,0,,2,1,45.3,1,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,sledding- left femur,,9,2,2,,2,,1,4,3,4,4,4,,,4,4,1,120,1,22,1,86,1,1,2,3 -9940,0,1738,0,1700,1,1,55,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,1,2,1,2,2,1,116,1,16,1,91,2,1,2,3 -9941,0,0003,-1,,2,1,40,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,1: < 20 mph,1,6,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,135,1,18,1,83,1,1,1,3 -9942,0,1115,0,1015,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,96,1,24,1,130,2,1,2,2 -9943,0,1026,0,0800,1,1,32,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,2,2,,,1,2,1,5,,,,,3,,,5,,1,2,2,,1,2,2,2,2,2,,,2,2,1,118,1,28,1,65,1,1,2,3 -9944,0,1819,0,1800,1,1,50,4,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,2,2,1,2,2,1,1,2,3,2,3,1,111,1,16,1,96,2,1,2,2 -9945,0,2330,0,,2,1,10,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,1,1,1,2,3,1,106,1,30,1,152,3,1,2,3 -9946,0,2005,0,1930,1,1,30,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,100,1,24,1,140,2,1,2,3 -9947,0,1838,0,,2,1,12,4,3,2,,2,2,2,2,2,2,3,2,2,2,2,2,2,1,2,2,13,,1,1,2,1,2,2,3,4,1: < 5 mph,,,1,,,,4,,2,,1,1,1,2,2,1,2,1,2,1,2,2,1,131,1,46,1,166,4,3,2,3 -9948,0,1920,0,1835,1,1,68.2,1,8,1,,2,2,2,2,2,2,1,1,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,5,,,,,3,,,5,,2,,2,,1,1,2,2,2,2,,,2,3,1,111,1,24,1,100,1,1,3,3 -9949,0,1944,0,,2,1,23.4,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,1,2,1,1,1,2,3,1,101,1,18,1,79,2,1,2,2 -9950,0,0200,0,0130,1,1,70,4,3,1,1,1,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,1,1,1,2,2,1,2,3,2,3,1,142,1,18,1,86,2,1,2,3 -9951,0,0900,-1,1430,1,1,21.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,94,1,28,1,108,1,1,2,2 -9952,0,1709,0,1530,1,1,,,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,18,1,83,1,1,2,2 -9953,0,2056,0,2030,1,1,14,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,99,1,28,1,120,1,1,2,2 -9954,0,2025,0,,2,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Soccer players collide,,7,2,2,,1,1,2,2,2,2,2,2,,,2,2,1,107,1,10,1,105,1,1,2,2 -9955,0,1930,0,1730,1,1,15,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,3,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,112,1,20,1,114,1,1,2,2 -9956,0,1420,0,1400,1,1,62.1,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,124,1,22,1,89,1,1,2,2 -9957,0,1027,0,,2,1,24.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,4,4,1,98,1,18,1,80,1,1,2,2 -9958,0,1244,0,1130,1,1,10,4,3,1,1,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,1,3,,,2,3,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,3,,,3,2,1,81,2,,1,134,4,3,2,3 -9959,0,1700,0,1600,1,1,40,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,1,2,,2,2,2,2,2,1,1,2,2,2,1,126,1,29,1,105,1,1,3,2 -9960,0,1929,0,1900,1,1,25,1,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,200 lb garage gate fell on her back and she had incontinence within 30 minutes of injury,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,109,1,20,1,80,1,1,2,2 -9961,0,1657,0,1300,1,1,70,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,5,,,,,3,,,5,,2,,1,3,2,1,2,2,2,1,1,2,2,3,1,118,1,16,1,70,2,1,2,2 -9962,0,0029,-1,1600,1,1,32.4,1,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,4,,,4,4,1,127,1,22,1,103,1,1,2,3 -9963,0,1610,0,,2,1,30,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,2,2,1,1,2,2,2,,,2,3,1,134,1,24,1,87,3,1,1,2 -9964,0,1206,0,0800,1,1,74,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,119,1,20,1,78,2,1,2,2 -9965,0,0819,0,0800,1,1,80,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,2,2,2,2,2,2,1,3,2,2,3,1,116,1,16,1,64,3,1,2,2 -9966,0,1948,0,1900,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,26,1,116,1,1,1,2 -9967,0,1835,0,1805,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,1,,,,4,,2,,1,1,2,2,2,2,2,2,,,2,3,1,106,1,16,1,84,2,1,2,2 -9968,0,1526,0,1500,1,1,30,4,1,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,4,2,2,,,2,2,1,120,1,24,1,80,1,1,2,3 -9969,0,1759,0,1700,1,1,36,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,1,3,2,1,1,2,2,1,1,3,2,2,1,118,1,30,1,96,3,1,2,2 -9970,0,1931,0,,2,1,52.5,1,3,1,1,1,1,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,9,,,,,,Motorcycle Crash,,6,2,2,,1,3,1,2,2,1,2,1,2,1,2,2,1,137,1,18,1,89,4,3,2,3 -9971,0,1629,0,1600,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Near drowning,,9,2,2,,1,1,1,2,2,2,2,1,1,3,2,2,1,133,1,18,1,118,1,1,2,3 -9972,0,2112,0,2030,1,1,63.5,1,4,2,,1,2,2,2,2,2,2,2,1,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,140,1,18,1,95,2,1,1,3 -9973,0,1830,-1,1900,1,1,67.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,152,1,16,1,72,1,1,2,2 -9974,0,2355,0,,2,1,40,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,3,,,5,,2,,2,,1,2,2,2,3,2,,,2,3,1,118,1,19,1,106,1,1,2,3 -9975,0,2150,0,2100,1,1,20.2,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,26,1,120,1,1,2,2 -9976,0,1825,0,1710,1,1,80,1,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,28,1,96,2,1,2,2 -9977,0,1310,0,1250,1,1,11,3,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,120,1,30,1,174,1,1,2,3 -9978,0,1701,0,,2,1,70,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,9,,,,,,Pt struck in fight,,7,2,2,,3,,1,2,2,2,2,2,,,2,3,1,121,1,15,1,85,1,1,2,3 -9979,0,2255,0,1930,1,1,20,3,3,2,,3,3,3,2,2,3,3,2,1,1,2,1,2,3,,2,,7,2,3,,,3,3,3,9,,,,,,Head vs friend on waterslide,,9,2,2,,2,,1,2,2,2,3,3,,,3,2,1,159,2,,1,128,1,1,2,3 -9980,0,1327,0,,2,1,22.7,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,24,1,88,1,1,2,2 -9981,0,1804,0,1720,1,1,22.7,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,4: Unknown,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,20,1,95,1,1,2,2 -9982,0,0234,-1,2245,1,1,72,1,8,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Fell while skateboarding,,2,2,2,,2,,2,1,2,2,2,1,2,3,2,3,1,110,1,20,1,70,2,1,2,2 -9983,0,1600,0,1530,1,1,65,2,3,2,,2,2,2,2,2,3,2,2,3,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,3,1,2,2,1,132,1,30,1,80,4,2,2,3 -9984,0,1621,0,0000,1,1,51.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,2,2,2,2,2,1,2,2,2,3,1,115,1,20,1,104,2,2,1,2 -9985,0,1334,0,,2,1,56,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,snowboarding,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,16,1,98,1,1,1,2 -9986,0,1920,0,0730,1,1,28,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,2,1,1,2,2,3,1,110,1,20,1,84,1,1,2,2 -9987,0,1445,0,1415,1,1,30,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,109,1,36,1,121,1,1,2,3 -9988,0,2045,0,1930,1,1,45,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,4,,1,1,2,2,2,1,1,4,2,3,1,145,1,23,1,77,2,3,2,3 -9989,0,2141,0,2120,1,1,44,2,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,1,2,,,2,3,1,132,1,24,1,100,1,1,2,2 -9990,0,1730,0,1500,1,1,46,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,126,1,20,1,84,2,1,3,2 -9991,0,1315,0,1215,1,1,33,1,3,2,,3,3,3,2,1,3,3,1,1,1,1,1,3,4,5,6,3,,2,3,,,1,3,1,9,,,,,,Child kicked by a horse in the head.,,9,2,1,1,1,1,1,2,2,2,2,3,,,3,2,1,148,1,16,1,116,2,2,2,3 -9992,0,0944,0,0920,1,1,54.4,2,2,1,4,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,7,2: Accidental,,,,,,hit on chest/abdominal with helmet,7,,2,,1,3,1,2,2,2,2,1,3,2,2,3,1,119,1,16,1,74,4,4,1,3 -9993,0,1720,0,1650,1,1,66,1,3,1,2,1,1,2,2,2,1,2,1,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,116,1,20,1,101,1,1,2,2 -9994,0,1334,0,1228,1,1,58.9,2,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,113,1,16,1,91,1,1,2,2 -9995,0,1619,0,1545,1,1,,,2,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,3,,"Pt riding bike, ran into car; no helmet, +LOC",5,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,119,1,18,1,67,3,2,2,2 -9996,0,2051,0,2000,1,1,58,,8,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,140,1,29,1,106,1,1,2,2 -9997,0,1915,0,1830,1,1,19.7,1,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,1,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,3,,,2,3,1,117,1,26,1,96,2,1,2,2 -9998,0,0200,-1,2200,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,111,1,22,1,109,2,1,2,3 -9999,0,1947,0,,2,1,40,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,3,1,111,1,18,1,122,1,1,2,3 -10000,0,0700,0,0400,1,1,,,3,1,4,3,3,3,2,2,3,3,2,1,1,1,1,1,4,5,6,3,,2,3,,,3,3,1,1,4: Speed Unknown,1,6,,,,,1,,2,,1,2,1,2,2,2,3,3,,,3,2,1,134,2,,1,100,4,3,2,3 -10001,0,2058,0,1900,1,1,43,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,3,,,5,,2,,1,2,2,2,2,2,2,1,2,1,2,3,1,107,1,20,1,89,4,3,2,2 -10002,0,2030,0,1930,1,1,55.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,3,1,2,2,1,3,1,137,1,18,1,84,3,1,2,3 -10003,0,1901,0,,2,1,12,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,2,1,104,1,24,1,115,1,1,2,2 -10004,0,0030,-1,2130,1,1,3.3,1,3,2,,3,3,3,2,2,3,3,4,2,2,2,2,2,1,1,1,15,,1,3,,,3,3,2,9,,,,,,abdomen stepped on by 65 lb 5 year old sibling,,7,2,2,,2,,2,2,2,2,2,2,,,3,3,3,,1,20,1,150,1,1,2,2 -10005,0,1900,0,1830,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall while walking,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,109,1,18,1,84,1,1,2,3 -10006,0,2014,0,,2,1,11.3,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,9,,,,,,pt with femur fracture/ ladder found on chest,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,139,1,36,1,140,2,1,2,3 -10007,0,1600,0,1500,1,1,40,,1,1,2,1,4,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,2,2,2,3,2,1,3,2,2,3,1,126,1,16,1,91,2,2,2,2 -10008,0,1320,0,1225,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,113,1,13,1,103,2,1,2,3 -10009,0,1900,0,,2,1,55,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,4,,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,3,1,135,1,16,1,134,2,2,1,3 -10010,0,2030,0,1300,1,1,35.2,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,2,4: Unknown,,,,,,,2,,2,,1,1,1,2,2,2,2,1,1,2,2,2,1,113,1,20,1,88,5,4,2,3 -10011,0,1500,0,1330,1,1,70.4,,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,18,1,111,1,1,2,2 -10012,0,0037,-1,2000,1,1,36,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Fall off skateboard,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,105,1,25,1,87,1,1,1,3 -10013,0,1200,0,1100,1,1,40,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,trampled by horse,,7,2,2,,1,3,1,2,2,2,2,2,,,2,3,1,134,1,22,1,128,1,1,2,3 -10014,0,1700,0,1630,1,1,36,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,110,1,22,1,112,1,1,2,3 -10015,0,1804,0,1730,1,1,90,,3,2,,2,2,2,2,4,1,2,1,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fall from back of moving pick up unk speed,,2,1,2,,4,,1,2,3,2,3,2,,,2,2,1,140,1,20,1,88,1,1,2,3 -10016,0,1732,0,1725,1,1,12,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,1,1,1,2,2,2,3,2,,,3,2,1,178,1,48,1,148,1,1,2,3 -10017,0,1520,0,1240,1,1,25,4,3,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,9,,,,,,Tractor wheels rolled over abdomen,,4,2,2,,1,2,1,2,2,2,2,1,3,1,2,2,1,131,1,26,1,105,3,3,2,3 -10018,0,1930,0,1900,1,1,56.8,1,8,1,4,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,3: > 15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,18,1,96,1,1,1,2 -10019,0,0315,0,0030,1,1,80,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,143,1,16,1,72,2,1,2,3 -10020,0,2040,0,1940,1,1,45,4,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,1,2,2,2,2,,,2,2,1,136,1,24,1,80,1,1,2,3 -10021,0,2200,0,1000,1,1,74,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,2,1,2,2,2,3,1,2,2,2,3,1,134,1,22,1,70,3,2,2,3 -10022,0,1619,0,1519,1,1,41.4,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell after collision playing football; c/o upper back pain,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,20,1,74,1,1,2,2 -10023,0,,0,0845,1,2,47.6,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,115,1,12,1,71,1,1,2,2 -10024,0,1339,0,1209,1,1,25,1,3,1,1,1,2,2,1,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,3,2,1,1,4: Speed Unknown,1,2,,,,,1,,2,,1,2,1,1,1,2,1,1,2,1,2,3,1,110,1,18,1,124,3,2,1,3 -10025,0,1300,0,1200,1,1,13,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,34,1,165,1,1,2,2 -10026,0,1845,0,1745,1,1,30,1,8,1,2,2,3,3,2,2,3,3,2,3,2,2,2,2,1,2,2,13,,2,3,,,2,3,3,5,2: 3 - 10 ft.,,,,3,,,5,,1,1,2,,1,2,2,2,2,2,,,2,2,1,96,1,32,1,118,2,2,1,3 -10027,0,1400,0,1300,1,1,55,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,140,1,16,1,100,1,1,1,3 -10028,0,1230,-1,2230,1,1,17.1,1,2,2,,2,2,1,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,2,4: Unknown,,,,,,,2,,2,,2,,2,2,3,2,2,1,1,2,2,3,1,107,1,28,1,102,1,1,2,2 -10029,0,1939,0,1830,1,1,49.5,1,8,1,1,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,2,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,139,1,16,1,99,1,1,2,2 -10030,0,1830,0,1800,1,1,54,2,3,2,,2,2,2,2,2,4,1,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,1,9,,,,,,struck/run over by car,,4,2,2,,1,1,1,2,2,2,4,1,3,3,2,2,1,169,1,18,1,120,4,3,2,3 -10031,0,1811,0,,2,1,10,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,20,1,155,2,1,2,2 -10032,0,1735,0,,2,1,35,2,11,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,5,,,,,3,,,5,,2,,1,2,1,1,2,2,2,1,2,3,2,2,1,122,1,16,1,106,3,2,2,3 -10033,0,0223,0,0200,1,1,50,2,1,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,3,2,,,2,3,1,107,1,16,1,103,2,1,2,2 -10034,0,1700,0,,2,1,4.2,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,9,,,,,,Non accidental trauma work,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,36,1,153,1,1,3,2 -10035,0,1146,0,1000,1,1,75,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,2,1,2,2,2,2,1,120,1,20,1,88,3,1,3,2 -10036,0,1342,0,1100,1,1,70,4,3,3,,4,4,1,2,2,4,4,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,6,,,,,,,,6,,1,2,1,1,1,2,2,2,2,1,4,6,2,2,1,110,1,15,1,94,2,2,2,3 -10037,0,1845,0,1500,1,1,16,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,9,,,,,,kicked in head by horse,,9,2,2,,2,,1,2,2,2,2,2,,,2,2,1,104,1,46,1,98,1,1,2,3 -10038,0,1918,0,,2,1,22,3,8,2,,3,3,3,2,2,3,3,2,3,1,1,1,1,4,5,2,7,,2,3,,,1,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,2,1,126,2,,1,132,1,1,2,3 -10039,0,2220,0,,2,1,7.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,89,1,25,1,137,1,1,3,3 -10040,0,1855,0,1830,1,1,39,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,1,2,2,2,2,,,2,3,1,131,1,20,1,96,1,1,2,2 -10041,0,1137,0,0830,1,1,14.9,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,1,2,2,2,1,1,5,2,3,1,98,1,26,1,114,1,1,2,2 -10042,0,1700,0,1600,1,1,70,2,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,125,1,16,1,82,2,1,2,2 -10043,0,1709,0,1709,1,1,48.7,1,8,1,2,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,2,3,1,144,1,22,1,88,3,2,2,2 -10044,0,1448,0,1345,1,1,9,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,2,1,1,2,2,2,1,1,1,2,3,1,117,1,19,1,121,2,2,1,3 -10045,0,1850,0,1759,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,3,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,1,1,1,1,1,2,3,1,2,1,2,2,1,118,1,19,1,106,4,2,2,3 -10046,0,0930,0,0924,1,1,35,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,145,1,24,1,82,1,1,2,3 -10047,0,1700,-1,1900,1,1,44,1,1,2,,1,4,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,3,1: 5 or less,,,,,,,3,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,124,1,18,1,72,2,1,2,2 -10048,0,1655,0,1600,1,1,51,4,8,2,,2,2,2,2,2,2,3,3,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,2,,1,2,2,4,2,2,,,2,3,1,113,1,26,1,89,2,2,2,3 -10049,0,1555,0,1500,1,1,12,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,3,,,3,2,1,79,1,14,1,132,1,1,2,3 -10050,0,0556,0,,2,1,27.9,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,1,1,2,3,1,116,1,20,1,114,5,3,2,3 -10051,0,1630,0,1600,1,1,37,3,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,2,4,3,9,,2,3,,,2,3,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,2,1,2,2,2,2,3,,,3,2,1,132,1,22,1,94,2,1,1,3 -10052,0,0100,-1,1900,1,1,35,2,8,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,1,2,9,,,,,,Fall from standing onto rocks,,2,2,2,,2,,2,1,2,2,1,1,1,2,2,3,1,113,1,20,1,109,1,1,2,2 -10053,0,2130,0,2030,1,1,73,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,4,,4,,1,1,2,2,2,2,,,2,3,1,133,1,16,1,120,2,1,2,3 -10054,0,2210,0,2030,1,1,16,2,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,1,2,2,3,3,,,3,2,1,152,1,42,1,157,3,2,2,3 -10055,0,1841,0,,2,1,23,2,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,3,3,11,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,2,1,2,2,2,2,2,,,2,2,1,99,1,20,1,74,1,1,2,3 -10056,0,2205,0,1800,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,1,2,3,2,1,12,,2,2,,,1,2,3,2,2: 3 - 10 ft.,,,,,,Fell off horse,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,95,1,17,1,109,1,1,2,3 -10057,0,0820,-1,2330,1,1,100,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,167,1,15,1,80,2,2,1,3 -10058,0,1942,0,,2,1,54,2,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,126,1,12,1,123,2,1,1,3 -10059,0,1500,0,1430,1,1,60,1,3,2,,2,1,2,2,2,2,1,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,2,3,2,2,1,132,1,16,1,80,2,1,2,3 -10060,0,1355,0,1300,1,1,13.6,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,89,1,26,1,160,1,1,1,3 -10061,0,1436,0,1415,1,1,9,2,8,1,1,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,2,1,106,1,40,1,124,1,1,2,3 -10062,0,1600,0,1500,1,1,38,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,2,2,2,2,2,1,1,3,2,3,1,113,1,18,1,84,3,3,2,2 -10063,0,0500,0,0430,1,1,20,4,3,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,2,2,2,12,,2,3,,,2,2,1,1,4: Speed Unknown,1,2,,,,History states child was not in booster seat or car seat.,1,,2,,2,,1,2,2,2,1,2,,,2,2,1,95,1,21,1,83,2,1,1,3 -10064,0,1713,0,,2,1,30,4,3,2,,3,3,3,2,1,3,3,4,3,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,4,2: 5 - 20 mph,,,3,,,,4,,3,,1,1,1,2,2,2,4,3,,,3,4,1,129,1,12,1,103,4,4,3,3 -10065,0,1915,0,1800,1,1,12,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,3,2,1,2,2,2,2,,,2,2,1,117,1,22,1,131,2,1,2,2 -10066,0,1715,0,1700,1,1,45,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,147,1,22,1,118,1,1,2,3 -10067,0,1852,0,,2,1,3.8,1,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,2,3,1,68,1,40,1,109,1,1,2,3 -10068,0,1400,0,1300,1,1,36,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,2: 20 - 40 mph,2,,,,,,1,,4,,2,,2,2,2,2,2,2,,,2,2,1,104,1,16,1,91,2,2,2,2 -10069,0,1839,0,1735,1,1,22.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,91,1,26,1,103,1,1,2,2 -10070,0,1526,0,1500,1,1,39,2,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,138,1,16,1,111,2,1,1,2 -10071,0,1814,0,1730,1,1,20,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,2,3,1,99,1,20,1,102,2,1,2,2 -10072,0,2141,0,,2,1,6.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,8,,,,,,,NAT,8,,2,,2,,1,2,2,2,2,2,,,2,3,1,80,1,50,1,144,1,1,1,3 -10073,0,2357,0,2315,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,128,1,29,1,109,2,2,1,3 -10074,0,1107,-1,,2,1,21.4,1,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Running and fell on dishwasher,,2,2,2,,2,,2,2,2,2,1,2,,,2,2,1,124,1,26,1,109,1,1,2,2 -10075,0,1820,0,1750,1,1,30,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,106,1,20,1,96,2,1,3,3 -10076,0,1742,0,1400,1,1,16,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Hit head on tree while sledding,,9,2,2,,2,,2,2,2,2,3,2,,,2,3,1,107,1,20,1,97,1,1,2,2 -10077,0,1715,0,1230,1,1,89,,3,3,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,1,7,1: Intentional,,,,,,,7,,2,,1,2,1,2,2,2,2,1,3,3,1,4,1,128,1,20,1,96,4,3,2,3 -10078,0,2104,0,,2,1,23.4,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,1,1,2,2,2,,,2,3,1,110,1,28,1,118,2,1,2,3 -10079,0,1710,0,1600,1,1,35,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,2,1,1,1,2,2,1,129,1,40,1,120,2,1,2,3 -10080,0,2305,0,,2,1,36,1,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,1,1,2,2,2,,,2,3,1,110,1,24,1,112,1,1,3,3 -10081,0,2000,0,1930,1,1,80,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,1,1,2,,1,2,3,2,3,2,,,2,2,1,128,1,18,1,67,1,1,2,3 -10082,0,2044,0,2020,1,1,50,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,24,1,94,1,1,1,2 -10083,0,2003,0,,2,1,20,4,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,2,2,13,,2,3,,,2,3,3,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,3,,,3,2,1,107,1,16,1,100,4,2,2,3 -10084,0,1705,0,1700,1,1,12,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,3,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,3,,,3,3,1,111,1,39,1,125,1,1,2,3 -10085,0,1738,0,,2,1,,,8,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,129,1,20,1,100,4,2,2,2 -10086,0,1241,0,1215,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,3,4: Unknown,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,3,1,86,1,53,1,160,1,1,2,3 -10087,0,0430,0,0030,1,1,50,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,125,1,16,1,102,2,1,1,3 -10088,0,0500,-1,1300,1,1,23.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,3,2,,,2,3,1,96,1,20,1,100,1,1,1,2 -10089,0,1900,0,1830,1,1,80,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,137,1,24,1,94,1,1,2,3 -10090,0,1738,0,1700,1,1,46.6,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,4,,,2,2,2,1,3: > 40 mph,4,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,124,1,20,1,99,1,1,2,2 -10091,0,1239,0,1130,1,1,10.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,24,1,128,1,1,2,2 -10092,0,1950,0,1900,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,3,1,112,1,20,1,120,3,1,2,3 -10093,0,1800,0,,2,1,14,3,1,1,1,3,3,3,2,2,3,3,3,2,1,1,1,2,4,5,3,6,,1,3,,,2,3,3,8,,,,,,,,8,,2,,1,2,1,1,2,2,3,3,,,3,3,1,56,1,40,1,163,4,3,1,3 -10094,0,1449,0,0900,1,1,38.6,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,106,1,16,1,108,1,1,2,3 -10095,0,1800,0,1745,1,1,50,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,1,3,1,2,1,2,2: 3 - 10 ft.,,,,,,Fell off bike - not moving,2,,1,1,2,,1,2,2,2,3,2,,,2,2,1,148,1,22,1,80,2,1,2,3 -10096,0,0844,0,0755,1,1,81.6,4,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,5: Physician did not answer,2,,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,132,1,15,1,76,1,1,2,3 -10097,0,1745,0,1650,1,1,80,2,11,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,1,2,1,2,2,2,2,1,3,3,2,2,1,130,1,22,1,105,2,1,2,3 -10098,0,1536,0,,2,1,32,3,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,2,1,129,1,21,1,80,1,1,2,2 -10099,0,1915,0,1825,1,1,27.8,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,100,1,28,1,140,1,1,2,2 -10100,0,1030,0,1000,1,1,55,2,1,2,,2,2,2,1,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,1,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,1,2,2,1,1,1,2,2,1,134,1,24,1,122,4,2,2,3 -10101,0,2330,0,,2,1,14.4,1,8,1,1,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,3,2,8,,,,,,,suspected abuse,8,,2,,1,3,1,1,2,2,2,1,1,2,2,2,1,128,1,23,1,149,4,3,1,3 -10102,0,2151,0,,2,1,60,,8,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,3,1,1,2,2,3,1,119,1,30,1,107,1,1,2,2 -10103,0,2030,0,2000,1,1,35,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,1,2,1,3,1,2,2,2,3,2,,,2,3,1,126,1,24,1,127,1,1,2,3 -10104,0,1242,0,,2,1,77,,3,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,152,1,22,1,99,1,1,2,2 -10105,0,0900,0,0800,1,1,25.7,1,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,2,4,2,3,1,114,1,16,1,97,1,1,2,2 -10106,0,2330,0,,2,1,24,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,9,,,,,,RUQ blow,,7,2,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,108,1,25,1,120,3,1,2,3 -10107,0,1727,0,,2,1,9.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,3,,1,2,2,2,2,2,,,2,3,1,141,1,28,1,154,1,1,2,3 -10108,0,0825,-1,1600,1,1,60,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell on hip while playing soccer,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,20,1,70,1,1,2,2 -10109,0,2200,0,,2,1,,2,1,1,2,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,124,1,16,1,91,1,1,2,2 -10110,0,1732,0,1645,1,1,18.1,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,2,,2,1,2,2,1,1,1,3,2,3,1,118,1,24,1,105,1,1,2,2 -10111,0,2140,0,1930,1,1,40,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,16,1,90,1,1,2,2 -10112,0,1600,0,1530,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,24,1,96,1,1,2,2 -10113,0,1950,0,1500,1,1,70,2,8,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,9,,,,,,sledding,,9,2,2,,1,3,1,2,2,2,2,1,3,4,2,2,1,129,1,20,1,73,4,2,2,3 -10114,0,1630,0,1400,1,1,65,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,1,,,5,,2,,1,1,1,2,2,2,3,1,2,1,2,3,1,123,1,22,1,87,3,1,2,3 -10115,0,1830,0,,2,1,54,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,118,1,26,1,104,2,2,2,3 -10116,0,1600,0,1530,1,1,60,4,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,140,1,17,1,90,1,1,2,2 -10117,0,2052,0,2000,1,1,52,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,Patient was kicked in stomach then fell down 5-6 steps,7,,2,,1,1,1,2,2,2,2,1,3,3,2,2,1,133,1,21,1,58,4,3,1,3 -10118,0,1915,0,1835,1,1,27,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,3,1,128,1,19,1,99,1,1,2,3 -10119,0,0808,0,0530,1,1,70,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,3,1,130,1,18,1,78,2,1,2,3 -10120,0,1540,0,1400,1,1,85,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,4,,1,1,1,2,2,2,2,1,1,4,2,2,1,123,1,20,1,74,1,1,2,3 -10121,0,0747,0,0700,1,1,70,4,1,1,1,1,2,1,2,2,1,2,2,3,2,2,1,1,1,1,1,15,,2,1,2,1,2,1,1,1,5: Physician did not answer,3,,,,,,1,,1,2,1,1,1,1,2,2,2,2,,,3,2,1,161,1,19,1,76,4,3,2,3 -10122,0,0936,0,0900,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,140,1,20,1,146,1,1,2,2 -10123,0,1350,0,1307,1,1,19,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,sledding - hit tree,,9,2,2,,2,,1,2,2,2,3,1,1,1,2,3,1,117,1,24,1,88,2,1,2,3 -10124,0,1730,0,1700,1,1,45,4,8,2,,2,2,2,2,2,2,3,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,1,2,1,1,2,2,2,3,,,2,2,1,139,1,24,1,83,4,5,2,3 -10125,0,1832,0,1745,1,1,88,1,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,1,2,,,2,3,1,145,1,22,1,101,1,1,3,2 -10126,0,2156,0,1530,1,1,27.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,110,1,22,1,68,2,1,2,3 -10127,0,2059,0,1800,1,1,47.8,1,8,2,,2,1,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,1,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,3,3,2,3,1,121,1,20,1,77,2,1,2,2 -10128,0,1105,0,1000,1,1,38,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,3,2,2,2,,,4,4,1,112,1,20,1,120,2,1,1,2 -10129,0,2032,0,2000,1,1,30,4,8,1,2,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,3,,,2,2,1,135,1,28,1,104,3,1,2,3 -10130,0,1633,0,1500,1,1,86,2,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,16,1,86,2,1,2,2 -10131,0,0055,-1,2030,1,1,13,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,140,1,48,1,188,1,1,2,3 -10132,0,0750,-1,1530,1,1,74,2,2,3,,4,4,4,4,4,1,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fell down on right side during basketball,,2,2,2,,1,3,2,2,2,2,2,4,,,2,3,1,137,1,20,1,60,2,1,3,2 -10133,0,1254,0,1220,1,1,34.4,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,9,,,,,,sledding accident struck fence,,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,16,1,90,1,1,2,2 -10134,0,1548,-1,,2,1,79,1,2,2,,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,138,1,16,1,88,1,1,2,2 -10135,0,2230,0,1500,1,1,60,1,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,2,2,9,,,,,,"trampoline, broken hit LUQ with leg",,2,2,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,116,1,12,1,93,1,1,2,2 -10136,0,0615,0,0500,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,16,1,72,1,1,2,2 -10137,0,1655,0,1600,1,1,8.4,1,3,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,3,3,1,9,,,,,,NAT,,7,2,2,,1,3,1,1,2,2,2,3,,,2,2,1,90,1,40,1,140,3,3,2,3 -10138,0,1928,0,1830,1,1,57.3,1,2,1,4,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Assault,Patient does not recall details,more trauma to head and face",,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,18,1,84,1,1,2,2 -10139,0,1855,0,,2,1,30,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,2,2,2,2,3,1,2,2,1,3,1,155,1,18,1,71,2,1,2,2 -10140,0,1836,0,,2,1,63.5,1,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,126,1,16,1,88,1,1,2,3 -10141,0,1630,0,1600,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,1,1,1,3,1,2,2,2,3,2,,,2,3,1,142,1,16,1,111,2,1,1,3 -10142,0,1844,0,1830,1,1,30,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,135,1,24,1,110,1,1,2,3 -10143,0,1700,0,1315,1,1,62.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,16,1,96,1,1,2,2 -10144,0,2238,0,,2,1,10,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,8,,,,,,,,8,,2,,1,3,1,1,2,2,2,2,,,2,2,1,94,1,26,1,143,2,2,1,3 -10145,0,1000,0,0915,1,1,55,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,3,2,,,2,3,1,107,1,20,1,70,2,1,2,2 -10146,0,2200,0,2130,1,1,16,4,8,2,,2,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,1,1,2,1,1,2,1,2,,,2,3,1,125,1,26,1,99,2,1,2,2 -10147,0,1530,0,1445,1,1,80,,4,2,,3,3,3,2,2,3,3,2,1,1,2,1,1,1,4,1,12,,2,3,,,2,3,3,9,,,,,,car surfing,,9,1,1,2,1,1,1,2,2,2,2,3,,,3,2,1,141,1,25,1,76,4,3,2,3 -10148,0,1600,0,1400,1,1,50,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,3,1,115,1,14,1,92,1,2,2,3 -10149,0,1958,0,1930,1,1,17.3,1,2,2,,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,7,2: Accidental,,,,,,,7,,1,1,2,,2,2,2,2,2,1,2,4,2,3,1,113,1,20,1,80,2,1,2,2 -10150,0,1215,0,1200,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,1,1,2,2,2,2,2,2,,,2,2,1,111,1,66,1,75,3,2,2,2 -10151,0,2021,0,2000,1,1,17.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,100,1,20,1,110,1,1,1,2 -10152,0,1657,0,1553,1,1,20,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,2,2,2,2,2,1,1,1,2,2,1,103,1,24,1,102,2,1,2,2 -10153,0,1800,0,1730,1,1,17.2,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,1,1,1,2,3,1,96,1,30,1,102,2,1,2,3 -10154,0,1857,0,,2,1,52,4,1,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Assaulted in head, then pushed out of moving vehicle at ~25 mph",,7,1,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,18,1,117,1,1,2,2 -10155,0,1850,0,1500,1,1,104,2,8,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,1,2,2,2,2,,,2,2,1,152,1,20,1,85,2,1,1,3 -10156,0,2222,0,,2,1,7.1,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,125,1,40,1,150,1,1,2,2 -10157,0,1043,0,,2,1,10.1,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,8,,,,,,,,8,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,28,1,133,2,2,2,3 -10158,0,1230,0,1200,1,1,30,4,2,1,1,3,3,3,2,2,3,3,2,1,2,2,2,2,2,3,2,11,,2,3,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,1,1,2,1,2,3,,,4,3,1,90,1,32,1,109,2,2,2,3 -10159,0,2100,0,1900,1,1,10,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,4: Speed Unknown,1,4,,,,Car seat not restrained,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,119,1,35,1,196,1,1,2,3 -10160,0,1350,0,1230,1,1,22,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,3,2,2,11,,2,1,1,3,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,1,1,1,2,3,1,114,1,20,1,100,2,1,2,3 -10161,0,1854,0,1825,1,1,74,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,2,2,2,2,2,2,2,,,2,3,1,140,1,26,1,112,1,1,1,2 -10162,0,1420,-1,1830,1,1,70.5,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,1,2,7,4: Physician did not answer,,,,,,Person hit from behind football without pads,7,,2,,1,1,1,2,2,2,2,1,2,6,2,3,1,114,1,20,1,66,4,2,2,3 -10163,0,1715,0,,2,1,,,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,3,1,132,1,32,1,110,1,1,2,3 -10164,0,0019,-1,,2,1,55,4,1,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,allegedly sexual assualt also,7,,2,,1,1,2,2,2,2,2,1,3,2,2,3,1,123,1,16,1,101,2,1,2,2 -10165,0,1127,0,1117,1,1,13,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,97,1,24,1,121,1,1,2,3 -10166,0,1730,0,1700,1,1,75,2,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,3,2,,,2,3,1,124,1,16,1,116,1,1,2,2 -10167,0,2100,0,,2,1,18,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,119,1,18,1,107,2,1,1,2 -10168,0,1831,0,1300,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,132,1,18,1,101,1,1,1,2 -10169,0,2139,0,2100,1,1,39,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,2,2,2,2,2,1,1,1,2,2,1,128,1,24,1,83,2,1,2,2 -10170,0,1915,0,1800,1,1,29,2,3,2,,2,2,2,2,2,3,3,3,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,fell off climbing wall - harness broke,2,,2,,2,,1,2,3,2,2,2,,,2,3,1,144,1,20,1,98,1,1,2,3 -10171,0,1030,-1,1400,1,1,71.5,1,3,2,,1,2,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,16,1,71,1,1,2,2 -10172,0,2022,0,,2,1,55,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,131,1,16,1,93,1,1,1,3 -10173,0,2330,0,1200,1,1,57,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,7,2: Accidental,,,,,,,7,,2,,1,2,2,2,2,2,2,1,2,2,2,3,1,106,1,23,1,84,4,2,2,2 -10174,0,1030,0,0930,1,1,40,4,3,1,1,1,2,2,2,2,2,1,3,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,1,1,1,2,2,2,3,2,,,2,3,1,123,1,18,1,73,2,1,2,3 -10175,0,1449,0,,2,1,,,1,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,2,3,1,3: > 40 mph,2,,,,,,1,,2,,1,3,1,2,2,2,2,3,,,2,2,3,,1,24,1,130,2,1,2,3 -10176,0,2219,0,1100,1,1,9.3,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,3,1: 5 or less,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,3,1,105,1,32,1,138,1,1,2,3 -10177,0,,0,2004,1,2,10,2,1,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,1,1,1,1,1,2,2,2,4,2,,,2,2,1,125,1,28,1,169,2,1,2,3 -10178,0,1150,0,,2,1,55,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,139,1,16,1,70,1,1,2,2 -10179,0,1817,0,1755,1,1,48,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,2,,1,2,2,2,2,2,,,2,3,1,102,1,28,1,100,1,1,1,3 -10180,0,1300,0,1230,1,1,44.8,1,1,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,1,2,2,,2,2,2,2,2,2,,,2,3,1,121,1,20,1,86,1,1,2,2 -10181,0,2230,0,2200,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,132,1,21,1,93,1,1,2,3 -10182,0,1947,0,1915,1,1,,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,20,1,90,2,1,1,2 -10183,0,1920,0,1900,1,1,70,,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,140,1,18,1,76,1,1,2,2 -10184,0,2125,0,2045,1,1,80,2,8,2,,2,4,4,2,2,2,2,2,2,3,3,3,3,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,3,2,2,2,,,2,2,1,120,1,18,1,72,1,1,2,2 -10185,0,1237,0,,2,1,4.3,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,44,1,177,1,1,2,2 -10186,0,1731,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,121,1,22,1,118,1,1,3,2 -10187,0,1530,0,1500,1,1,50,4,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,3,4,3: > 20 mph,,,4,,,,4,,2,,1,1,2,2,2,2,3,3,,,3,3,1,150,1,20,1,94,1,1,2,2 -10188,0,1330,0,0800,1,1,12,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,159,1,26,1,126,1,1,2,3 -10189,0,2013,0,,2,1,90,,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,159,1,35,1,128,1,1,2,2 -10190,0,2350,0,2300,1,1,70,4,3,1,1,1,1,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,1,1,2,1,1,1,2,2,1,105,1,20,1,110,3,2,2,2 -10191,0,1300,0,,2,1,6.7,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,14,,1,3,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,105,1,44,1,196,1,1,3,3 -10192,0,1853,0,1645,1,1,41,2,8,1,1,1,1,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,4,1: < 5 mph,,,1,,,,4,,1,1,1,1,1,2,2,2,2,1,2,3,2,3,1,116,1,18,1,92,3,2,2,3 -10193,0,2137,0,2030,1,1,80,1,8,2,,2,2,2,1,2,2,1,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,144,1,25,1,124,1,1,2,2 -10194,0,1755,0,,2,1,59,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,3,1,123,1,20,1,54,1,1,2,3 -10195,0,1620,0,1500,1,1,56.8,1,3,2,,2,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,16,1,95,1,1,2,2 -10196,0,2317,0,2200,1,1,,,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,2,3,2,4: Unknown,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,3,1,128,1,40,1,169,1,1,2,3 -10197,0,1040,0,1000,1,1,14.5,,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,132,1,22,1,124,1,1,2,2 -10198,0,2230,0,2130,1,1,,,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,9,,,,,,"Fell off horse, may have fallen on her.",,2,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,114,1,18,1,119,2,1,3,3 -10199,0,1830,0,1700,1,1,45,4,3,2,,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,1,2,2,2,1,2,1,2,2,1,103,1,23,1,99,4,4,1,3 -10200,0,1700,0,1600,1,1,45.7,1,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,16,1,92,1,1,2,2 -10201,0,1736,0,1640,1,1,39,2,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,18,1,108,2,1,2,2 -10202,0,0005,-1,2315,1,1,30,2,8,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,40,1,126,1,1,2,2 -10203,0,1520,0,1400,1,1,11,2,3,2,,2,2,2,2,2,2,3,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,1,2,2,2,3,2,,,2,2,1,102,1,26,1,135,1,1,1,3 -10204,0,1730,0,1630,1,1,65,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,18,1,76,1,1,2,2 -10205,0,1439,0,,2,1,80,,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,4,,1,2,2,2,1,2,,,2,2,1,129,1,20,1,72,1,1,2,3 -10206,0,1537,0,1510,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,20,1,80,1,1,2,2 -10207,0,1005,0,,2,1,50,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,4,2,2,,,2,2,1,129,1,38,1,74,2,1,2,3 -10208,0,1053,0,1000,1,1,53,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,1,1,2,1,2,,,2,2,1,116,1,20,1,104,2,1,1,2 -10209,0,1615,0,1500,1,1,52,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,98,1,24,1,70,2,2,2,2 -10210,0,0022,-1,2200,1,1,77.2,1,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,3,2,2,1,1,2,2,3,1,131,1,16,1,60,1,1,2,2 -10211,0,0907,0,0840,1,1,65,2,3,1,1,3,3,3,2,2,3,3,2,1,1,1,1,2,4,4,2,8,,2,3,,,2,3,3,7,2: Accidental,,,,,,,7,,2,,1,1,1,1,2,2,2,3,,,3,3,1,142,2,,1,60,4,4,2,3 -10212,0,1435,0,,2,1,7.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,4,2,1,11,,1,3,,,2,3,3,8,,,,,,,suspect abusive head trauma,8,,2,,1,2,1,2,2,2,2,2,,,2,3,1,92,1,32,1,167,2,1,2,3 -10213,0,1508,0,1430,1,1,60,4,11,2,,2,2,2,1,2,3,3,3,1,1,1,1,1,4,4,4,6,,2,3,,,1,3,3,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,2,3,,,3,3,1,100,1,24,1,74,2,1,3,3 -10214,0,1629,0,1600,1,1,68.1,2,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,kicked in abdomen in soccer game.,,7,2,1,2,1,2,1,1,2,2,2,1,2,1,2,3,1,74,1,18,1,72,5,5,2,3 -10215,0,2058,0,1600,1,1,50.8,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,122,1,18,1,112,1,1,2,2 -10216,0,1545,0,1500,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,20,1,98,1,1,2,2 -10217,0,1900,0,1830,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,3,1,2,4,2,2,1,124,1,24,1,94,3,2,2,3 -10218,0,1630,0,1530,1,1,59,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,1,2,,2,2,2,2,4,2,,,2,3,1,130,1,14,1,78,1,1,2,2 -10219,0,1800,0,1730,1,1,17,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,26,1,104,2,1,2,2 -10220,0,1653,0,1620,1,1,24.5,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,121,1,24,1,122,1,1,2,3 -10221,0,2144,0,1600,1,1,40,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,Knee to epigastrium in rugby match,,7,2,2,,1,1,2,2,2,2,2,1,3,2,2,2,1,113,1,14,1,67,3,2,2,2 -10222,0,2000,0,,2,1,60,4,8,2,,3,3,3,3,3,3,3,2,3,3,3,3,3,3,4,3,8,,2,3,,,1,3,3,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,2,1,110,1,20,1,70,2,1,2,3 -10223,0,0648,0,,2,1,65.6,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,20,1,125,1,1,1,2 -10224,0,1905,0,,2,1,25,3,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,2,1,1,2,2,2,1,1,3,2,2,1,110,1,20,1,105,2,1,2,3 -10225,0,1940,0,1800,1,1,16,3,3,2,,3,3,3,2,2,3,3,2,1,1,2,1,2,4,5,3,6,,2,3,,,2,3,1,9,,,,,,Object struck head - unsure if struck adbomen,,9,2,2,,1,3,1,2,2,2,3,3,,,3,2,1,111,2,,1,150,2,1,1,3 -10226,0,1747,-1,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,"bruising to face, concern for physical abuse",,9,2,2,,2,,2,2,2,2,2,2,,,2,3,2,,1,36,1,135,1,1,2,2 -10227,0,1803,0,,2,1,31.8,1,2,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Hit by a horse's foot,,7,2,2,,1,1,2,1,2,2,2,1,1,3,2,3,1,118,1,18,1,89,3,1,2,2 -10228,0,1731,0,1700,1,1,59,4,8,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,2,,,2,2,1,135,1,24,1,86,3,3,2,3 -10229,0,2110,0,2050,1,1,60,2,8,1,2,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,3,2,,,2,2,1,169,1,20,1,97,2,2,2,3 -10230,0,2203,0,2145,1,1,14,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,4,3,2,,,2,2,1,152,1,36,1,123,1,1,2,3 -10231,0,2214,0,,2,1,15.9,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,1,,,,4,,2,,1,1,2,2,2,2,2,2,,,2,2,1,107,1,25,1,142,2,2,2,2 -10232,0,1341,0,,2,1,70,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Go Cart-other motorized vehicle,,6,2,2,,1,2,2,2,2,2,3,2,,,2,3,1,164,1,18,1,76,1,1,2,2 -10233,0,1533,0,1500,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,124,1,19,1,112,1,1,1,2 -10234,0,2108,0,,2,1,38.6,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,94,1,16,1,89,2,2,2,2 -10235,0,0826,0,0800,1,1,57.6,1,3,1,1,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,3,,1,1,1,2,2,2,2,1,2,1,2,3,1,110,1,18,1,80,3,2,2,3 -10236,0,0128,-1,2330,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,3,2,2,2,,,2,3,1,89,1,16,1,72,1,1,2,2 -10237,0,1750,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,3,7,1: Intentional,,,,,,,7,,4,,1,3,1,2,2,2,2,1,1,1,2,3,1,119,1,20,1,68,2,2,2,3 -10238,0,1525,0,,2,1,34.5,1,1,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,4,4: Speed Unknown,,,3,,,,4,,1,2,1,1,1,2,2,2,1,3,,,3,2,1,90,2,,1,124,2,2,2,3 -10239,0,2215,0,2130,1,1,55,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,1,1,2,2,2,2,,,2,2,1,146,1,15,1,134,2,2,1,3 -10240,0,1349,0,,2,1,61,1,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,1,2,1,1,2,2,2,2,3,1,1,2,2,3,1,107,1,12,1,98,3,1,1,2 -10241,0,1900,0,1600,1,1,12.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,scooter riding,4,,2,,2,,1,1,3,2,2,2,,,2,2,1,94,1,23,1,147,1,1,2,3 -10242,0,1601,0,,2,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,98,1,27,1,110,1,1,1,3 -10243,0,2124,0,2100,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,104,1,25,1,107,1,1,2,2 -10244,0,1750,0,1730,1,1,85,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,1,1,1,2,1,2,2,2,1,1,2,2,3,1,128,1,16,1,80,2,1,2,2 -10245,0,1130,0,0930,1,1,13,3,3,1,2,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,2,13,,1,3,,,2,2,2,4,1: < 5 mph,,,1,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,117,1,28,1,156,1,1,2,3 -10246,0,1721,0,1621,1,1,25.5,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,4,,2,2,2,2,3,1,2,3,2,3,1,105,1,20,1,80,2,1,2,2 -10247,0,1245,0,1045,1,1,40,4,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,2,1,1,3,2,2,1,114,1,20,1,137,2,2,2,1 -10248,0,1115,0,0915,1,1,,,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,111,1,20,1,101,1,1,3,3 -10249,0,0150,-1,1800,1,1,36.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,2,2,2,2,1,2,4,2,3,1,112,1,20,1,82,1,1,2,2 -10250,0,1530,0,,2,1,40,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,135,1,36,1,200,2,2,3,3 -10251,0,1947,0,1920,1,1,45,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,141,1,32,1,106,1,1,1,1 -10252,0,2307,0,,2,1,97,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,3,1,2,2,2,2,1,1,1,2,2,1,116,1,18,1,78,2,2,2,3 -10253,0,1300,0,1240,1,1,4,3,3,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,1,3: > 40 mph,1,4,,,,,1,,2,,1,2,1,2,2,2,3,2,,,2,2,1,57,1,30,1,160,2,1,2,3 -10254,0,2008,0,1900,1,1,60,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,3,1,1,1,2,3,1,133,1,21,1,92,1,1,2,2 -10255,0,1755,0,1530,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,1,1,2,2,1,2,3,2,3,1,123,1,27,1,141,2,1,2,3 -10256,0,2105,0,2000,1,1,28.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,101,1,24,1,82,1,1,2,2 -10257,0,1643,0,0800,1,1,20,1,3,1,1,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,131,1,25,1,90,2,2,2,2 -10258,0,1602,0,1530,1,1,27,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Ran into a tree and then fell on the ground,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,119,1,18,1,85,1,1,2,3 -10259,0,1746,0,1530,1,1,42,1,3,2,,2,2,2,2,2,1,1,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,131,1,16,1,113,2,1,1,3 -10260,0,1811,0,1500,1,1,45.1,1,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Injury to R lateral torso. Playing football and tackled,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,20,1,75,1,1,2,2 -10261,0,,0,,2,2,119.3,1,3,1,3,1,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,4,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,162,1,22,1,88,2,1,3,3 -10262,0,2216,0,1530,1,1,20.4,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,5,,,,,1,,,5,,2,,1,1,1,2,2,2,2,2,,,2,3,1,130,1,24,1,96,1,1,1,3 -10263,0,1831,0,,2,1,70,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,6,,,,,,,,6,,2,,2,,1,2,3,2,2,2,,,2,2,1,126,1,14,1,65,1,1,2,3 -10264,0,2224,0,2200,1,1,97,2,8,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,129,1,30,1,90,2,2,2,2 -10265,0,1604,0,1515,1,1,70,4,3,2,,2,2,2,2,2,2,1,3,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,1,1,1,1,1,2,2,2,3,2,,,2,3,1,168,1,14,1,63,3,3,2,3 -10266,0,0215,-1,2015,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,1,2,1,1,1,15,,2,1,4,3,3,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,3,1,4,5,2,2,1,125,1,42,1,112,5,4,1,3 -10267,0,1538,0,1100,1,1,9.6,1,3,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,Dog bite to abdomen with puncture wound,,9,2,2,,2,,1,1,2,2,2,1,1,5,2,3,1,138,1,40,1,112,3,2,2,3 -10268,0,1800,0,,2,1,39,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,2,1,4,2,2,2,1,4,3: > 20 mph,,,4,,,,4,,1,1,1,1,1,2,2,2,1,1,1,3,2,3,1,133,1,15,1,95,2,1,2,3 -10269,0,1650,0,1615,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,121,1,20,1,96,1,1,2,3 -10270,0,1630,0,1400,1,1,17.3,1,3,1,1,3,3,3,1,1,3,3,2,3,1,2,2,2,1,5,3,9,,2,3,,,3,3,3,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,1,2,1,3,3,,,3,2,1,130,2,,1,156,5,4,2,3 -10271,0,2300,0,2030,1,1,66,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,1,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,123,1,16,1,80,1,1,2,2 -10272,0,2025,0,2000,1,1,65,4,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,134,1,18,1,84,3,1,2,2 -10273,0,1403,0,1100,1,1,24.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,fist,7,,2,,2,,2,2,2,2,2,1,1,2,2,3,3,,1,20,1,98,1,1,2,2 -10274,0,1510,0,1300,1,1,47.5,1,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,1,9,,,,,,Fell from monkey bars at school,,2,2,2,,2,,1,1,2,2,2,2,,,2,3,1,114,1,24,1,93,1,1,1,3 -10275,0,1845,0,,2,1,29,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,,,,,15,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,103,1,20,1,108,1,1,2,2 -10276,0,0848,0,0815,1,1,39,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,4,,,,4,,2,,2,,2,2,2,2,1,2,,,2,2,1,107,1,20,1,80,1,1,2,2 -10277,0,2142,0,1600,1,1,48,1,3,1,3,1,1,2,2,2,1,2,3,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,3,,,5,,1,2,2,,2,1,2,2,2,1,2,2,2,3,1,154,1,20,1,91,4,3,1,2 -10278,0,1757,0,1700,1,1,52.2,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,160,1,20,1,80,2,1,2,3 -10279,0,2030,0,1930,1,1,23,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,3,2,2,2,2,2,1,1,2,2,3,3,,1,20,1,87,1,1,2,2 -10280,0,1525,0,,2,1,12,,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,3,,,3,2,1,112,1,40,1,150,1,1,1,3 -10281,0,1650,0,1530,1,1,44,4,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,1,1,2,2,1,3,1,2,3,1,126,1,18,1,136,4,3,2,3 -10282,0,2141,0,2045,1,1,13,3,8,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Mantel fell on patient,,7,2,1,1,1,1,1,2,2,2,2,2,,,2,2,1,106,1,35,1,110,2,1,1,3 -10283,0,1641,0,1550,1,1,30,,3,2,,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,1,1,1,2,3,1,2,1,2,2,1,118,1,33,1,98,3,2,2,3 -10284,0,1830,0,,2,1,13,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,3,2,2,2,,,2,3,1,127,1,21,1,141,1,1,2,3 -10285,0,2120,0,2020,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,10,,,,,,,,10,,2,,1,1,1,2,2,2,2,1,1,2,2,3,1,100,1,18,1,88,1,1,2,3 -10286,0,1626,0,1530,1,1,14,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,1,2,2,2,2,,,2,3,1,108,1,20,1,121,1,1,2,2 -10287,0,2015,0,,2,1,56,2,1,1,2,4,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,3,2,,,2,2,1,129,1,20,1,95,1,1,2,2 -10288,0,2000,0,1930,1,1,30,3,3,2,,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,1,4,2: 5 - 20 mph,,,4,,,15 mph,4,,2,,1,1,1,2,2,2,2,1,2,3,2,2,1,101,1,21,1,90,2,1,2,3 -10289,0,2052,0,2000,1,1,40,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,3,2,1,1,4: Speed Unknown,3,,,,,,1,,1,1,1,1,1,2,2,2,3,2,,,3,3,1,118,1,18,1,106,2,1,2,3 -10290,0,1828,0,1800,1,1,20,3,3,1,1,1,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,1,2,1,3: > 40 mph,1,5,,,,,1,,1,2,1,2,1,1,1,1,3,1,3,1,2,3,1,112,1,36,1,115,5,2,1,3 -10291,0,0920,0,0900,1,1,16.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,99,1,24,1,115,1,1,2,3 -10292,0,2345,0,1730,1,1,42.9,1,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,127,1,20,1,98,2,1,2,2 -10293,0,1824,0,1730,1,1,19,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,117,1,42,1,115,1,1,2,3 -10294,0,1448,0,1400,1,1,44.5,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,129,1,20,1,88,1,1,3,2 -10295,0,1900,0,1800,1,1,60,2,3,1,1,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,2,1,2,2,1,1,6,2,2,1,134,1,36,1,132,2,4,1,3 -10296,0,0143,-1,,2,1,15,3,3,2,,2,3,3,2,2,3,3,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,1,2: 20 - 40 mph,1,4,,,,,1,,1,2,1,2,1,1,1,2,3,2,,,3,2,1,135,1,24,1,151,5,3,1,3 -10297,0,1002,0,0900,1,1,5,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,9,,,,,,Head struck in between mattress and rails of crib,,9,2,2,,2,,1,2,2,2,2,2,,,2,3,1,106,1,48,1,220,1,1,2,3 -10298,0,2233,0,2100,1,1,45,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,131,1,16,1,109,1,1,2,2 -10299,0,1624,0,1600,1,1,81.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,145,1,18,1,86,2,2,2,2 -10300,0,0949,0,0500,1,1,8.6,1,2,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,2,13,,1,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,4,2,,,3,3,1,113,1,28,1,157,2,1,2,3 -10301,0,0822,0,0800,1,1,58.8,1,8,2,,2,2,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,3,2,1,1,2,2,3,1,110,1,12,1,60,2,1,1,2 -10302,0,2129,0,2000,1,1,50,1,3,1,3,3,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,2,,,2,2,1,111,1,24,1,112,3,3,2,3 -10303,0,2249,0,2000,1,1,60,2,1,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,105,1,16,1,72,1,1,2,2 -10304,0,2029,0,1930,1,1,54.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,119,1,20,1,86,1,1,2,3 -10305,0,1945,0,1900,1,1,27,2,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,3,2,3,10,,2,3,,,2,3,3,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,3,3,,,3,2,2,,3,,2,,2,1,2,3 -10306,0,1131,0,1000,1,1,20,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,3: > 10 ft.,,,,,,3 stories,2,,1,2,1,1,1,2,2,2,3,1,2,2,2,2,1,109,1,24,1,120,4,2,2,3 -10307,0,2058,0,2015,1,1,56.7,2,2,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,thrown to ground during hockey game,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,24,1,88,1,1,2,2 -10308,0,1300,0,,2,1,65,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Football Injury - Head to Head collision,,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,144,1,20,1,114,1,1,2,2 -10309,0,1546,0,,2,1,15.4,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,8,,,,,,,possibly father or ladder fell onto child,8,,2,,2,,1,2,2,2,3,2,,,2,2,1,122,1,22,1,136,1,1,2,3 -10310,0,1915,0,1800,1,1,19,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,1,2,1,2,3,1,124,1,28,1,140,2,1,2,2 -10311,0,2330,0,2000,1,1,54,1,3,1,2,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell in bath tub,,2,2,2,,2,,2,2,2,2,1,2,,,2,3,1,108,1,16,1,64,1,1,2,2 -10312,0,0100,0,0000,1,1,65,4,4,2,,3,3,3,2,2,3,3,2,2,1,1,1,1,4,5,3,6,,2,3,,,2,3,3,1,3: > 40 mph,3,,,,,,1,,1,1,1,1,1,2,2,2,3,3,,,3,2,1,180,1,12,1,94,3,2,2,3 -10313,0,1339,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,3,1,1,1,2,3,1,127,1,19,1,93,2,1,2,2 -10314,0,2350,0,,2,1,7,3,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,8,,,,,,,,8,,1,2,2,,1,2,2,2,2,2,,,2,2,1,99,1,33,1,164,1,1,2,3 -10315,0,0830,0,0800,1,1,10,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,32,1,128,1,1,1,2 -10316,0,0821,0,0738,1,1,35,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,2,2,2,2,1,1,2,2,3,1,147,1,24,1,134,3,2,1,2 -10317,0,2004,0,,2,1,40.7,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,4,,,2,2,1,5,,,,,3,,,5,,4,,4,,2,2,2,2,4,1,2,2,2,3,1,103,1,16,1,80,4,2,3,2 -10318,0,1800,0,1300,1,1,81.8,1,3,1,2,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,135,1,16,1,118,3,1,1,3 -10319,0,1615,0,1528,1,1,15,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,3,,,2,3,1,113,1,40,1,137,2,1,1,2 -10320,0,1508,0,1400,1,1,35,4,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,2,,,2,3,1,120,1,20,1,91,1,1,2,3 -10321,0,2203,0,,2,1,68.1,,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,144,1,18,1,83,1,1,2,2 -10322,0,1110,0,0900,1,1,42,3,3,2,,2,2,2,2,2,2,3,2,1,2,2,2,2,,,,,15,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,1,2,1,1,1,2,2,2,3,2,,,2,2,1,86,1,20,1,111,2,1,2,3 -10323,0,2010,0,1945,1,1,54.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,122,1,20,1,83,1,1,2,3 -10324,0,1611,0,1541,1,1,27,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,20,1,84,1,1,2,2 -10325,0,1831,0,1800,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,119,1,46,1,112,1,1,2,3 -10326,0,1631,0,,2,1,84,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,1,3,1,2,1,2,2,1,132,1,16,1,78,1,1,2,2 -10327,0,0801,0,,2,1,,,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,3,2,2,2,,,2,2,1,110,1,16,1,56,1,1,1,2 -10328,0,2000,0,1530,1,1,30.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,107,1,22,1,75,6,6,3,2 -10329,0,1140,-1,1800,1,1,74,1,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Driver or passsenger in ATV collision,,6,2,2,,2,,2,2,2,2,2,2,,,2,2,1,134,1,18,1,90,1,1,2,2 -10330,0,1535,0,1415,1,1,43,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,1,9,,,,,,Football - tackled from behind,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,64,1,90,1,1,2,2 -10331,0,1050,0,,2,1,20,4,11,1,1,1,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,1,1,1,2,2,1,2,1,2,3,1,106,1,22,1,110,3,1,2,3 -10332,0,1931,0,,2,1,48,3,8,1,4,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,3,6,,2,3,,,2,3,3,9,,,,,,Scooter collision with stationary car,,4,2,2,,1,3,1,2,2,2,2,3,,,3,2,1,117,1,22,1,116,1,1,1,3 -10333,0,0942,0,0900,1,1,10,4,3,1,1,3,3,3,2,2,3,3,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,4,4: Speed Unknown,,,2,,,,4,,2,,3,,1,2,2,2,1,3,,,3,2,1,115,1,29,1,152,1,1,2,3 -10334,0,1641,0,1330,1,1,20.9,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,5,,,,,3,,,5,,2,,3,,1,2,2,2,2,1,1,1,2,3,1,110,1,28,1,80,1,1,2,3 -10335,0,1940,0,1915,1,1,92,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,124,1,67,1,124,1,1,2,2 -10336,0,1600,0,1600,1,1,65,4,4,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,141,1,20,1,77,6,6,2,3 -10337,0,2143,0,2030,1,1,65,1,4,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,4,1,12,,2,3,,,2,2,2,9,,,,,,head butted during soccer,,9,2,2,,1,2,1,2,2,2,2,2,,,2,2,1,132,1,15,1,85,1,1,1,3 -10338,0,1248,0,,2,1,14,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,90,1,16,1,120,1,1,2,2 -10339,0,1800,0,,2,1,8.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,1,3,,,1,3,2,8,,,,,,,,8,,2,,1,1,1,2,2,2,2,2,,,2,3,1,101,1,52,1,130,4,1,1,3 -10340,0,1300,0,1200,1,1,46.5,1,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Motorcycle,,6,2,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,20,1,91,2,1,2,2 -10341,0,2030,0,1924,1,1,55,2,3,2,,4,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,slipped on soccer ball; struck head and side,,2,2,2,,2,,2,2,3,2,2,1,1,2,2,3,1,126,1,14,1,79,1,1,2,2 -10342,0,2213,0,,2,1,67.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,20,1,80,1,1,2,3 -10343,0,1932,0,1830,1,1,68,1,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,football injury-helmet to left side,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,18,1,90,1,1,1,2 -10344,0,1842,0,1730,1,1,70.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,118,1,20,1,60,2,1,2,2 -10345,0,2124,0,2030,1,1,73,1,2,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,Hockey player struck,,7,2,1,1,2,,2,2,2,2,2,1,1,1,2,2,1,135,1,18,1,85,1,1,2,2 -10346,0,2130,0,2100,1,1,17,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,1,2,2,2,3,2,,,2,2,1,137,1,32,1,126,2,1,1,3 -10347,0,2253,0,,2,1,6.7,1,3,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,2,2,1,105,1,40,1,132,2,1,2,3 -10348,0,0745,-1,0830,1,1,16.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,4,2,1,1,1,2,3,1,100,1,26,1,72,2,2,3,2 -10349,0,0100,0,0000,1,1,75,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,1,1,2,1,14,,2,2,,,2,2,1,1,3: > 40 mph,3,,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,130,1,22,1,80,3,3,2,3 -10350,0,2014,0,2014,1,1,98,1,4,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,9,,,,,,collision with other player during football match,,7,2,2,,1,1,2,2,2,2,2,2,,,2,2,1,145,1,20,1,65,1,1,2,2 -10351,0,1650,-1,,2,1,14,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,8,,,,,,,concern for nonaccidental injury,8,,2,,1,3,1,1,2,2,3,1,1,1,2,3,1,101,1,26,1,155,1,1,2,3 -10352,0,2209,0,2130,1,1,55.1,1,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,139,1,19,1,82,1,1,2,2 -10353,0,1126,0,1122,1,1,20,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,1,4,1,2,4,2,1,4: Speed Unknown,2,,,,,,1,,1,1,1,1,1,1,1,1,3,1,3,1,2,2,1,116,1,24,1,115,3,2,2,3 -10354,0,2115,0,2030,1,1,55,4,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,1,3,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,3,2,2,3,1,155,1,20,1,68,2,1,2,2 -10355,0,1815,0,,2,1,85,1,4,2,,2,2,2,2,2,2,2,1,2,2,2,2,2,2,2,1,13,,2,1,1,2,2,2,3,9,,,,,,sports injury - fell on elbow to back of head,,9,2,2,,1,1,2,2,2,2,1,1,1,3,2,2,1,140,1,20,1,68,1,1,2,2 -10356,0,0111,0,0100,1,1,45,4,3,1,2,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,3,2,2,2,,,2,3,1,141,1,24,1,118,1,1,2,3 -10357,0,1250,0,1200,1,1,80,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,112,1,18,1,79,2,1,2,3 -10358,0,1730,0,,2,1,75,4,2,2,,1,2,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,5,,,,,3,,,5,,2,,1,1,1,2,2,2,2,1,2,1,2,4,1,140,1,22,1,84,3,2,2,3 -10359,0,2300,0,2130,1,1,79.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,4,,1,2,2,2,2,2,,,2,3,1,124,1,20,1,104,2,1,2,3 -10360,0,1940,0,1800,1,1,11,4,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,2,1,138,1,43,1,126,1,1,1,2 -10361,0,1913,0,1730,1,1,10.4,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,94,1,38,1,121,1,1,2,3 -10362,0,1108,0,,2,1,71.8,1,8,1,2,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,18,1,100,1,1,2,2 -10363,0,0900,0,0830,1,1,90,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Syncope - fell onto edge of bathtub,,2,2,2,,2,,2,2,2,2,2,1,1,3,2,3,1,72,1,28,1,80,2,1,2,2 -10364,0,2126,0,2030,1,1,10.8,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,3,4,,,4,4,4,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,4,4,1,75,1,24,1,75,1,1,1,2 -10365,0,2106,0,2100,1,1,69.4,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,2,1,165,1,20,1,91,1,1,2,2 -10366,0,1611,0,,2,1,5,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,14,,1,3,,,3,3,2,9,,,,,,no known trauma; sibling NAT r/o,,8,2,2,,1,1,2,2,2,1,2,2,,,2,2,2,,1,40,1,140,2,1,1,2 -10367,0,1450,0,1415,1,1,82,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,1,2,9,,,,,,jumped on by pile of kids,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,18,1,64,1,1,2,2 -10368,0,1834,0,1800,1,1,20,4,8,2,,1,1,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,2,2,2,2,2,1,1,1,2,2,1,119,1,26,1,118,1,1,1,2 -10369,0,1617,0,1505,1,1,81.8,1,1,2,,1,1,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,1,1,2,1,2,2,3,1,2,2,2,3,1,132,1,16,1,86,3,2,2,2 -10370,0,1618,0,,2,1,50,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,112,1,36,1,67,1,1,2,3 -10371,0,1332,0,1320,1,1,40,1,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,2,1,118,1,16,1,88,1,1,2,3 -10372,0,1143,0,0915,1,1,,2,3,1,1,2,2,1,2,2,1,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,Took ski jump - pt on snowboard,2,,2,,2,,2,2,2,2,2,1,1,6,2,3,1,117,1,20,1,95,1,1,2,2 -10373,0,1455,0,1429,1,1,19,2,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,3,1,110,1,22,1,123,1,1,2,2 -10374,0,1419,0,,2,1,25,,3,1,4,2,2,2,2,2,2,2,2,1,1,1,1,3,4,5,6,3,,3,4,,,4,4,1,4,1: < 5 mph,,,1,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,109,1,37,1,130,1,1,2,3 -10375,0,0050,-1,,2,1,20.8,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,sledding vs tree,,9,2,2,,2,,1,2,2,2,2,2,,,2,3,1,118,1,32,1,104,1,1,1,3 -10376,0,1711,0,1615,1,1,68,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,105,1,19,1,103,1,1,2,2 -10377,0,1647,0,1500,1,1,90,2,8,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,149,1,21,1,83,2,2,2,3 -10378,0,2245,0,,2,1,32.7,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"dirt bike into vehicle, ~15mph",,5,2,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,20,1,90,1,1,1,2 -10379,0,2055,0,,2,1,72.7,4,3,2,,1,2,1,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,football helmet to R chest,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,134,1,16,1,69,1,1,1,3 -10380,0,1700,0,1630,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Ejected from back of pick-up truck,,9,1,1,3,1,1,1,2,2,2,2,2,,,2,2,1,110,1,27,1,101,2,2,1,3 -10381,0,1731,0,,2,1,19,1,8,2,,2,2,2,2,2,1,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,2,2,1,110,1,24,1,86,2,1,2,2 -10382,0,2025,0,1920,1,1,57,1,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,5,,,,,2,,,5,,2,,2,,2,2,3,2,2,2,,,2,2,1,134,1,44,1,114,1,1,2,2 -10383,0,1326,-1,2000,1,1,22,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,1,,,5,,2,,1,1,2,2,2,2,2,1,2,3,2,1,1,112,1,24,1,118,2,2,2,2 -10384,0,1029,0,0950,1,1,85,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,1,2,1,3,1,2,2,2,2,2,,,2,2,1,154,1,18,1,72,1,1,2,3 -10385,0,1622,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,97,1,30,1,101,1,1,2,2 -10386,0,1937,0,1925,1,1,17,4,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,3,1,115,1,20,1,104,1,1,2,3 -10387,0,1250,0,,2,1,45,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,117,1,16,1,90,1,1,2,3 -10388,0,2200,0,2100,1,1,20,4,8,1,1,2,2,1,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,1,1,1,1,2,2,2,1,1,3,2,2,1,117,1,30,1,123,3,2,2,3 -10389,0,1912,0,,2,1,19,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,3,1,1,2,2,3,1,92,1,22,1,112,3,1,1,3 -10390,0,1605,0,1540,1,1,45,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,3,2,2,2,,,2,3,1,111,1,27,1,109,1,1,2,3 -10391,0,1550,0,1400,1,1,38.9,1,3,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,121,1,22,1,95,4,4,2,2 -10392,0,1806,0,1715,1,1,17.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,35,1,105,1,1,2,2 -10393,0,1419,0,,2,1,74,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,3,2,2,,,2,2,1,123,1,16,1,81,1,1,2,2 -10394,0,1045,-1,,2,1,15.3,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,4,3,2,2,2,9,,,,,,closed in door window of car,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,109,1,32,1,140,1,1,2,2 -10395,0,0011,-1,2330,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,130,1,24,1,100,1,1,2,2 -10396,0,1258,0,1200,1,1,25,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,1,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,20,1,100,1,1,1,3 -10397,0,1916,0,1800,1,1,21.7,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,2,1,109,1,20,1,91,2,2,3,2 -10398,0,1425,0,1400,1,1,25,4,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,2,2,2,12,,2,3,,,2,3,1,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,3,3,,,3,2,1,109,1,22,1,60,2,1,2,3 -10399,0,1915,0,1600,1,1,40,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Fell Off Skateboard,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,16,1,78,1,1,2,2 -10400,0,1900,0,1800,1,1,60,4,1,2,,2,2,2,2,2,1,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,2,1,140,1,18,1,112,3,2,2,3 -10401,0,1541,0,1445,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,109,1,20,1,92,1,1,2,2 -10402,0,0732,0,,2,1,45,4,3,2,,4,4,4,4,4,2,2,2,2,3,3,3,3,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,1,2,2,2,2,4,,,2,2,1,127,1,33,1,136,2,1,1,3 -10403,0,1910,0,1818,1,1,45,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,20,1,74,1,1,1,2 -10404,0,0813,0,,2,1,50,1,3,3,,4,4,4,4,4,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,4,,,2,2,1,117,1,18,1,81,1,1,3,3 -10405,0,2000,0,1730,1,1,15,4,8,2,,3,3,3,2,2,3,3,3,1,1,1,1,2,4,5,6,3,,1,3,,,3,3,3,1,1: < 20 mph,3,,,,,,1,,2,,1,1,1,2,2,2,3,3,,,3,2,1,70,2,,1,140,3,2,2,3 -10406,0,0922,0,0800,1,1,39.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,2,1,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,3,2,2,1,118,1,18,1,82,2,2,2,2 -10407,0,1519,0,,2,1,50,4,3,1,2,1,2,2,2,2,3,2,3,3,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,5,,,,,2,,"doing wheelie on bike, fell backwards",5,,1,2,3,,1,2,2,2,1,1,3,1,2,2,1,137,1,20,1,125,4,3,2,3 -10408,0,1520,0,1420,1,1,20,3,3,1,1,1,1,1,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,3,1,1,1,2,3,1,110,1,24,1,91,2,1,2,3 -10409,0,0402,0,,2,1,30.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,22,1,89,1,1,2,2 -10410,0,2000,0,1730,1,1,35,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,,2,,,14,2,1,1,1,1,2,2,9,,,,,,Fall from non-motorized scooter,,2,2,1,1,2,,1,2,2,2,3,1,1,2,2,2,1,109,1,25,1,97,3,1,2,3 -10411,0,1530,0,1500,1,1,32,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,128,1,20,1,115,1,1,1,2 -10412,0,1622,0,1400,1,1,63,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,140,1,18,1,65,1,1,1,3 -10413,0,0830,0,,2,1,16.3,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,112,1,24,1,126,1,1,1,2 -10414,0,1334,0,1200,1,1,27,1,1,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,1,1,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,1,1,1,2,2,3,1,102,1,20,1,88,2,1,2,2 -10415,0,1500,-1,,2,1,40,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,140,1,18,1,87,1,1,2,2 -10416,0,0320,0,0030,1,1,58.4,1,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,hit in lower L rib cage/flank with baseball bat,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,20,1,89,1,1,1,2 -10417,0,1830,0,,2,1,100,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,2,1,2,2,2,2,2,9,,,,,,sledding,,9,2,1,2,1,1,1,2,2,2,2,1,2,1,2,2,1,142,1,20,1,82,2,1,2,3 -10418,0,1637,0,1615,1,1,100,2,3,2,,1,1,2,2,2,1,1,2,3,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,3,4,1: < 5 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,3,3,2,3,1,97,1,14,1,73,4,4,1,3 -10419,0,1714,0,1400,1,1,62,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,2,1,2,2,2,1,2,3,2,3,1,118,1,20,1,74,2,2,1,2 -10420,0,1740,0,1715,1,1,36,1,2,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,1,2,2,2,2,2,2,1,1,2,2,2,1,140,1,28,1,119,2,1,2,2 -10421,0,1750,0,1730,1,1,47.6,4,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,1,,,,4,,1,2,1,2,1,1,2,2,2,1,1,3,2,3,1,128,1,17,1,108,2,1,3,3 -10422,0,2343,0,2330,1,1,25,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,1,2,2,2,2,2,2,1,1,1,2,2,1,127,1,20,1,127,2,2,1,2 -10423,0,2100,0,2030,1,1,42,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,1,2,2,2,3,2,,,2,3,1,128,1,24,1,115,1,1,2,3 -10424,0,2307,0,1630,1,1,36.3,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,3,,,,4,,1,1,1,2,1,2,2,2,2,2,,,2,3,1,120,1,28,1,102,3,3,1,3 -10425,0,1252,0,,2,1,71.8,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,"Jumping on trampline--Twisted right leg, c/o AP",,2,2,2,,2,,2,2,2,2,3,1,1,3,2,2,1,148,1,18,1,97,1,1,2,2 -10426,0,1958,0,1930,1,1,27,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,22,1,102,1,1,2,2 -10427,0,2222,0,2122,1,1,58.2,1,8,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,4,1,142,1,18,1,80,1,1,2,2 -10428,0,1700,0,1630,1,1,21.8,1,1,1,2,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,1,2,2,,1,2,2,2,2,2,,,2,3,1,105,1,22,1,86,1,1,1,3 -10429,0,1700,0,1600,1,1,10,4,3,2,,2,3,3,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,40,1,156,1,1,2,2 -10430,0,2345,0,1900,1,1,50,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,2,2,5,,,,,2,,,5,,2,,1,3,1,2,2,2,3,2,,,2,2,1,131,1,23,1,97,1,1,2,3 -10431,0,1504,0,1430,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,137,1,22,1,111,1,1,2,2 -10432,0,0900,0,,2,1,74,1,8,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,1,2,3,2,3,1,128,1,16,1,80,1,1,2,3 -10433,0,1827,0,1755,1,1,22,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,24,1,136,1,1,2,2 -10434,0,2110,0,2000,1,1,19.2,1,1,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,2,13,,2,2,,,1,2,3,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,119,1,14,1,68,1,1,2,3 -10435,0,2215,0,2130,1,1,45,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,4,2,2,1,109,1,20,1,127,1,1,2,2 -10436,0,1712,0,1630,1,1,25,4,8,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,1,1,1,2,2,1,79,1,44,1,140,2,2,1,3 -10437,0,2210,0,2135,1,1,69,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,26,1,97,1,1,2,2 -10438,0,1108,0,1015,1,1,46.2,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,,7,,1,1,1,1,2,2,2,2,2,1,2,2,2,3,1,110,1,18,1,80,1,1,2,2 -10439,0,0200,0,0130,1,1,82,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,1,1,1,1,1,2,2,2,3,2,,,2,2,1,140,1,16,1,125,2,1,2,3 -10440,0,1730,0,,2,1,54.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,113,1,13,1,105,1,1,2,3 -10441,0,0154,0,,2,1,31.2,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,103,1,26,1,109,1,1,2,2 -10442,0,1948,0,1900,1,1,52,1,3,1,1,2,2,2,2,2,2,1,1,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,7,2: Accidental,,,,,,,7,,1,1,1,2,1,1,2,2,1,2,,,2,3,1,129,1,16,1,65,4,2,2,3 -10443,0,0524,0,0400,1,1,75,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,1,1,2,,2,1,2,2,2,1,2,1,2,3,1,130,1,22,1,112,2,1,2,2 -10444,0,1702,0,,2,1,56,,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,3,,2,2,2,2,2,1,2,2,2,3,1,117,1,20,1,97,2,1,2,2 -10445,0,2013,0,,2,1,47.6,1,2,1,2,1,1,4,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,1,2,9,,,,,,struck in ribs by baseball,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,20,1,100,1,1,1,2 -10446,0,1630,0,1500,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,3,1,2,1,2,3,1,116,1,16,1,81,3,2,2,3 -10447,0,1245,0,1215,1,1,55,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,1,2,1,1,1,2,2,2,2,1,2,1,2,2,1,100,1,19,1,80,3,2,2,3 -10448,0,1327,0,1100,1,1,10.8,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,8,,,,,,,,8,,2,,4,,2,2,2,2,2,3,,,3,2,1,92,1,24,1,130,1,1,2,2 -10449,0,1921,0,1830,1,1,15,1,3,2,,3,3,3,1,1,3,3,2,1,1,2,1,2,4,5,6,3,,2,3,,,3,3,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,3,3,,,3,3,1,148,2,,1,188,4,2,2,3 -10450,0,1730,0,1600,1,1,10,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,1,2,1,14,,1,3,,,2,3,1,2,1: < 3 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,2,,,2,3,1,99,1,32,1,120,1,1,2,3 -10451,0,1945,0,1730,1,1,54,1,8,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,20,1,78,1,1,1,2 -10452,0,1635,0,1500,1,1,17.5,,8,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,1,2,2,2,2,,,2,2,1,116,1,25,1,135,4,3,1,3 -10453,0,2130,0,1900,1,1,76,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,24,1,90,1,1,2,2 -10454,0,1655,0,1620,1,1,11,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,4: Unknown,,,,,,,2,,1,1,2,,1,2,2,2,2,2,,,2,2,1,137,1,32,1,154,1,1,2,3 -10455,0,1759,0,,2,1,43.1,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,104,1,23,1,72,2,1,2,3 -10456,0,2345,0,2300,1,1,70,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,4,,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,99,1,18,1,70,1,1,1,2 -10457,0,1550,0,1430,1,1,56,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,156,1,20,1,106,2,1,2,3 -10458,0,1800,0,1745,1,1,61.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,4,,,,4,,1,2,2,,2,1,2,2,2,2,,,2,2,1,147,1,28,1,96,1,1,2,2 -10459,0,1845,0,1830,1,1,10,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,2,1,94,1,60,1,170,1,1,2,3 -10460,0,0320,-1,,2,1,10,3,5,1,1,3,3,3,2,2,3,3,2,2,1,2,1,2,4,5,6,3,,1,3,,,3,3,3,9,,,,,,Suspected NAT,,7,2,2,,2,,1,2,2,2,3,3,,,3,3,1,81,1,20,1,135,1,1,1,3 -10461,0,1551,0,1400,1,1,44,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,3,2,,,2,2,1,155,1,20,1,86,1,1,2,2 -10462,0,1741,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,1,3,1,2,2,2,2,2,,,2,3,1,118,1,16,1,69,3,1,2,3 -10463,0,1600,0,1130,1,1,56,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Riding motorcyclelanded on bilateral legs after jump-remained upright,,6,2,2,,2,,1,2,2,2,2,2,,,2,2,1,146,1,20,1,104,1,1,2,3 -10464,0,1731,0,1720,1,1,80,4,4,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,136,1,16,1,62,2,1,2,2 -10465,0,1615,0,1545,1,1,26,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,160,1,25,1,120,1,1,2,3 -10466,0,2335,0,2030,1,1,30,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,1,1,2,2,2,2,1,5,,,,,3,,,5,,1,2,2,,2,1,2,2,2,1,2,2,2,3,1,118,1,24,1,100,1,1,1,2 -10467,0,1500,0,1430,1,1,60,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,18,1,76,1,1,2,2 -10468,0,1700,0,1300,1,1,16.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,2,2,2,2,2,2,1,1,2,2,3,1,96,1,24,1,92,2,1,2,2 -10469,0,1700,0,1500,1,1,36,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,1,5,,,,,3,,,5,,2,,1,1,2,2,3,2,3,1,1,3,2,3,1,128,1,16,1,97,2,1,2,2 -10470,0,1650,0,1600,1,1,20,1,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,22,1,84,1,1,2,2 -10471,0,1709,0,1650,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,1,2,,,2,3,1,138,1,24,1,104,1,1,2,3 -10472,0,2243,0,,2,1,73,1,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,2,2,2,2,4,1,2,2,2,2,1,121,1,16,1,83,2,1,2,2 -10473,0,1121,0,,2,1,29.5,,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,,4,,2,,2,,2,2,3,2,1,2,,,2,2,1,160,1,36,1,92,1,1,2,2 -10474,0,0100,-1,2100,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,2,,,,,1,,2,,1,3,1,1,1,2,3,1,1,2,2,2,1,145,1,20,1,92,3,2,2,3 -10475,0,1330,0,,2,1,68.1,1,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Assault,,7,2,2,,2,,2,2,2,2,3,2,,,2,3,1,137,1,16,1,112,1,1,2,2 -10476,0,1415,0,1400,1,1,20,3,3,1,1,2,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,1,4,4: Speed Unknown,,,3,,,,4,,1,2,1,2,1,1,2,1,3,1,1,4,3,3,1,115,1,24,1,115,4,4,1,3 -10477,0,2020,0,2000,1,1,50,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,138,1,17,1,100,1,1,2,2 -10478,0,,0,,2,2,10.8,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,4,3,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,1,2,3,3,,1,18,1,145,1,1,3,2 -10479,0,2045,0,,2,1,4,4,3,2,,2,4,4,4,4,2,2,2,2,3,3,3,3,1,2,2,13,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,4,,,4,4,1,106,1,48,1,147,1,1,2,3 -10480,0,1758,0,1710,1,1,30.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,119,1,18,1,72,2,1,2,2 -10481,0,2152,0,,2,1,125,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,1,1,2,1,2,2,2,2,2,,,2,2,1,195,1,18,1,70,1,1,2,3 -10482,0,2120,0,1840,1,1,63.1,1,3,2,,2,2,2,2,2,2,3,3,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Fall from standing,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,129,1,20,1,71,1,1,2,2 -10483,0,1106,0,0930,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,18,1,70,1,1,2,2 -10484,0,,0,,2,2,15,,8,2,,3,3,3,2,2,3,2,3,1,2,2,2,2,1,5,1,11,,2,2,,,3,2,1,9,,,,,,pedestrian vs. lawnmower,,4,2,2,,2,,1,2,2,2,3,2,,,2,3,1,110,1,50,1,170,3,2,2,3 -10485,0,,0,,2,2,50,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,3,1,1,2,2,3,1,2,1,2,2,1,72,1,27,1,104,5,3,2,3 -10486,0,1820,0,1730,1,1,23.7,1,8,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,2,1,1,2,2,2,1,3,3,2,3,1,94,1,24,1,109,4,2,1,3 -10487,0,1831,0,,2,1,11.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,40,1,122,1,1,1,2 -10488,0,2312,0,2030,1,1,46.8,1,3,1,2,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,4: Unknown,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,96,1,20,1,84,1,1,2,3 -10489,0,1604,0,,2,1,39.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,1,2,2,1,1,1,3,2,3,1,105,1,24,1,65,1,1,2,2 -10490,0,1508,0,1330,1,1,22.6,2,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,113,1,26,1,94,1,1,2,3 -10491,0,1817,0,,2,1,68.8,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,20,1,74,1,1,2,2 -10492,0,2156,0,2100,1,1,,,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,5,,,,,3,,,5,,1,2,2,,2,2,2,2,2,2,,,2,2,1,168,1,16,1,85,1,1,2,2 -10493,0,2143,0,,2,1,27.1,1,3,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,2,1,134,1,18,1,92,1,1,1,2 -10494,0,2050,0,1500,1,1,23.4,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,2,2,2,3,1,114,1,20,1,86,3,2,1,2 -10495,0,0844,0,0730,1,1,70,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,1,2,,,2,3,1,112,1,28,1,120,1,1,2,2 -10496,0,2225,0,1500,1,1,16.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,87,1,24,1,124,2,2,2,2 -10497,0,1640,0,1600,1,1,111,2,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,3,2,,,2,2,1,120,1,20,1,120,1,1,2,3 -10498,0,1514,0,1345,1,1,54,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,struck in the left hemithorax by helmet of another player,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,20,1,80,1,1,2,2 -10499,0,1828,0,,2,1,4.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,2,,1,38,1,142,1,1,2,2 -10500,0,2039,0,2000,1,1,86,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,9,,,,,,Assault,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,135,1,12,1,92,1,1,2,2 -10501,0,1820,0,,2,1,7.8,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,3,1,4: Speed Unknown,3,,,,,,1,,2,,2,,1,2,2,4,2,2,,,2,3,1,101,1,60,1,130,1,1,2,3 -10502,0,2055,0,1700,1,1,18,2,8,1,3,3,3,3,2,2,3,3,3,1,1,1,1,2,4,5,3,6,,2,3,,,2,3,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,2,1,104,1,60,1,149,2,1,2,3 -10503,0,1709,0,1500,1,1,12,4,8,1,1,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,3,2,1,4: Speed Unknown,1,4,,,,,1,,2,,1,2,1,1,2,2,3,1,1,1,3,3,1,118,1,36,1,136,3,2,2,3 -10504,0,1435,0,,2,1,63,2,3,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,9,,,,,,punched in face,,9,2,2,,2,,1,2,2,2,2,2,,,2,3,1,123,1,20,1,84,1,1,1,3 -10505,0,1328,0,1300,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,1,2,2,2,,,2,3,1,112,1,32,1,108,1,1,2,3 -10506,0,1850,0,,2,1,64,4,3,3,,4,4,4,4,4,1,2,4,2,3,3,3,3,,,,,15,2,1,1,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,2,1,2,2,3,1,1,2,2,2,1,138,1,18,1,66,2,1,2,2 -10507,0,2325,0,,2,1,35,1,8,2,,3,3,3,2,2,3,3,2,1,1,2,1,2,4,5,6,3,,2,3,,,3,3,1,4,3: > 20 mph,,,2,,,,4,,1,1,1,1,1,2,2,2,3,3,,,3,2,1,106,2,,1,69,2,1,1,3 -10508,0,2156,0,,2,1,,,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,Hit with baseball bat,7,,2,,1,3,2,2,2,2,2,1,1,2,2,3,1,154,1,18,1,102,2,1,2,2 -10509,0,1218,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,108,1,27,1,93,1,1,2,2 -10510,0,1903,0,1840,1,1,50.7,1,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,2,,2,2,2,2,2,1,1,4,2,2,1,145,1,32,1,90,1,1,2,2 -10511,0,1627,0,1550,1,1,16.3,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,2,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,1,2,2,1,1,2,2,1,1,3,2,3,1,120,1,20,1,118,2,1,2,2 -10512,0,1350,0,,2,1,30,4,3,2,,4,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,3,2,2,2,2,3,1,2,3,2,2,1,110,1,16,1,78,1,1,2,2 -10513,0,1630,0,1545,1,1,11,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,2,2: 3 - 10 ft.,,,,,,,2,,1,1,2,,2,2,2,2,2,2,,,2,4,1,,1,,1,,1,1,2,2 -10514,0,1650,0,1600,1,1,77.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,3,2,,,2,3,1,131,1,24,1,108,1,1,1,2 -10515,0,0200,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,4,1,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,3,2,2,,,2,3,1,150,1,26,1,111,1,1,2,3 -10516,0,1750,0,1700,1,1,,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,111,1,18,1,96,1,1,2,2 -10517,0,0300,-1,,2,1,36,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,1,1: < 20 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,1,2,2,3,1,131,1,20,1,100,2,1,1,3 -10518,0,1654,0,1630,1,1,42.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,134,1,16,1,96,1,1,2,2 -10519,0,1106,0,,2,1,56,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,115,1,20,1,89,1,1,2,3 -10520,0,1254,0,1230,1,1,10,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,3,1,3: > 40 mph,1,5,,,,,1,,2,,1,2,1,1,1,2,2,3,,,2,3,1,112,1,42,1,172,2,2,2,3 -10521,0,1709,0,1600,1,1,50,4,4,2,,1,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,5,4,2,1,3,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,124,1,20,1,120,3,2,3,3 -10522,0,1831,0,1730,1,1,35.1,1,1,2,,2,2,2,3,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,1,,,5,,1,2,1,1,1,2,2,1,3,1,2,1,2,3,1,122,1,22,1,112,2,2,2,3 -10523,0,2122,0,,2,1,20,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,Sledding injury,,9,2,2,,1,2,1,2,2,2,2,1,2,1,2,2,1,103,1,20,1,100,3,1,2,3 -10524,0,1350,0,1310,1,1,35,4,1,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,1,1,2,,1,2,2,2,2,2,,,2,3,1,115,1,20,1,90,1,1,3,3 -10525,0,1600,0,1530,1,1,10,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,3,1,12,,1,3,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,113,1,38,1,155,3,1,2,3 -10526,0,1948,0,1800,1,1,16,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,102,1,22,1,107,1,1,1,2 -10527,0,1704,0,1530,1,1,60.4,,3,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,1,1,2,,2,2,2,2,2,2,,,2,3,1,127,1,18,1,74,1,1,2,2 -10528,0,1800,0,,2,1,18,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,2,,,2,2,1,100,1,16,1,112,1,1,2,2 -10529,0,2228,0,2220,1,1,50,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,112,1,16,1,95,2,2,2,3 -10530,0,1744,0,1630,1,1,79,2,1,2,,2,2,2,1,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,2,,,2,2,1,120,1,20,1,60,1,1,2,3 -10531,0,,0,,2,2,99,2,2,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,5,,,,,1,,,5,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,123,1,24,1,112,1,1,2,2 -10532,0,1030,0,0930,1,1,50.6,1,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,18,1,110,1,1,2,2 -10533,0,,0,,2,2,8,3,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,3,3,1,1,3: > 40 mph,1,4,,,,,1,,2,,1,1,1,2,2,2,2,3,,,3,2,1,123,1,28,1,185,2,1,2,3 -10534,0,2036,0,,2,1,24,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,98,1,20,1,88,1,1,2,3 -10535,0,1713,0,,2,1,38,,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,3,,2,1,2,2,2,1,1,3,2,3,1,127,1,33,1,121,2,1,2,2 -10536,0,1623,0,1530,1,1,152,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,3,2,,,2,2,1,146,1,35,1,81,2,1,1,3 -10537,0,2134,0,2100,1,1,33.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,104,1,20,1,100,1,1,1,2 -10538,0,1900,0,1800,1,1,30,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,137,1,36,1,94,1,1,2,3 -10539,0,1810,0,1730,1,1,28,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,98,1,21,1,111,1,1,1,3 -10540,0,1621,0,1445,1,1,15,4,3,1,2,3,3,3,1,3,3,3,2,1,1,2,2,2,4,5,3,6,,1,3,,,2,3,3,1,4: Speed Unknown,1,5,,,,,1,,2,,1,1,1,2,2,1,3,3,,,3,2,1,69,2,,1,104,4,4,2,3 -10541,0,1954,0,1910,1,1,65,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,108,1,20,1,64,1,1,2,2 -10542,0,0935,0,0830,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,4,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,1,2,2,2,2,1,2,1,2,3,1,128,1,22,1,87,4,1,2,3 -10543,0,2344,0,2030,1,1,4.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,78,1,16,1,196,1,1,2,2 -10544,0,2214,0,2145,1,1,58,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,2,,2,2,2,3,2,1,1,3,2,3,1,134,1,18,1,85,2,2,1,2 -10545,0,2035,0,1940,1,1,12,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,1,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,3,,,2,3,1,110,3,,1,147,1,1,2,2 -10546,0,1150,-1,1930,1,1,65,2,1,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,football; hit with helmet right rib.,,7,2,2,,2,,2,2,2,2,3,2,,,2,3,1,121,1,18,1,111,1,1,2,2 -10547,0,1520,0,,2,1,10.4,,3,2,,2,2,2,2,2,2,1,4,2,2,2,2,2,1,1,1,15,,2,1,5,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,1,2,6,2,3,1,115,1,35,1,133,3,3,2,3 -10548,0,0246,0,0200,1,1,90.7,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,3,,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,3,1,138,1,20,1,119,1,1,2,2 -10549,0,1507,0,1420,1,1,35.7,1,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,2,1,4,6,2,4,1,118,1,24,1,104,2,1,2,3 -10550,0,1410,0,1130,1,1,20,3,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,3,2,3,10,,2,1,4,1,2,2,3,1,4: Speed Unknown,1,6,,,,,1,,1,2,1,1,1,2,2,2,3,1,2,1,3,3,1,151,1,27,1,118,4,3,1,3 -10551,0,1435,0,1215,1,1,33.6,2,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,1,2,2,2,2,2,7,4: Physician did not answer,,,,,,,7,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,108,1,18,1,70,3,2,2,3 -10552,0,1530,0,1510,1,1,16,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,2,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,1,3,2,1,1,2,3,2,,,2,3,1,99,1,28,1,98,2,1,3,2 -10553,0,0750,0,0630,1,1,60,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,158,1,20,1,80,1,1,2,2 -10554,0,1820,0,1800,1,1,16,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,4,1,2,2,1,1,3: > 40 mph,3,,,,,,1,,2,,1,1,1,2,2,2,3,1,1,1,3,2,1,142,1,22,1,139,2,1,2,3 -10555,0,2109,0,2000,1,1,35,3,1,1,4,3,3,3,1,1,3,3,2,1,2,2,2,2,4,4,4,6,,2,3,,,1,3,1,1,3: > 40 mph,3,,,,,,1,,1,1,1,1,1,1,1,1,2,3,,,3,2,1,146,1,16,1,116,4,3,2,3 -10556,0,,-1,2100,1,2,20,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,1,2,2,,2,2,2,2,1,2,,,2,3,1,112,1,24,1,105,1,1,2,2 -10557,0,2109,0,2045,1,1,35,4,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,1,1,2,,1,2,2,2,2,2,,,2,3,1,127,1,16,1,104,1,1,2,3 -10558,0,2314,0,2230,1,1,63.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,roller skating and ran into low wall-abdomen hit edge and flexed over,,9,2,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,130,1,18,1,66,3,1,2,3 -10559,0,1415,0,1300,1,1,27,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,119,1,24,1,106,1,1,2,3 -10560,0,1721,0,,2,1,35,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,22,1,99,1,1,1,2 -10561,0,2104,0,2000,1,1,50,3,8,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,6,,,,,,,,6,,2,,1,2,2,2,2,2,2,1,2,2,2,2,1,141,1,21,1,129,3,1,1,2 -10562,0,1440,0,1400,1,1,86,1,3,1,1,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,1,1,,,,,1,,1,2,1,1,2,2,2,2,1,2,,,2,2,1,137,1,18,1,85,4,2,2,2 -10563,0,1825,0,1740,1,1,70,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,18,1,71,2,2,2,2 -10564,0,0938,0,0900,1,1,55,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,1,2,2,2,2,,,2,2,1,110,1,20,1,117,1,1,2,2 -10565,0,1113,0,1020,1,1,12,4,2,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,2,2,2,2,2,3,,,3,2,1,144,1,24,1,127,2,2,2,2 -10566,0,2009,0,1900,1,1,33,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,1,3,,2,1,2,2,2,1,1,1,2,3,1,133,1,20,1,82,1,1,1,2 -10567,0,2030,0,1945,1,1,61.4,2,1,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,4,,1,1,2,2,2,2,2,2,,,2,3,1,115,1,20,1,100,1,1,2,2 -10568,0,1320,0,1100,1,1,55.2,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,7,1: Intentional,,,,,,,7,,3,,3,,2,2,2,2,2,1,2,1,2,4,1,133,1,20,1,86,1,1,2,2 -10569,0,2342,0,2030,1,1,40.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,2,2,2,2,2,1,1,2,2,2,1,101,1,20,1,73,2,1,2,2 -10570,0,1151,0,,2,1,20,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,1,3,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,3,1,1,1,2,2,1,1,1,2,1,1,2,1,121,1,30,1,135,5,5,2,3 -10571,0,0906,0,0806,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,102,1,25,1,101,1,1,1,2 -10572,0,1802,0,1730,1,1,39,4,3,2,,2,2,2,2,2,2,2,2,1,1,1,1,1,2,1,1,14,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,132,1,44,1,92,2,1,2,3 -10573,0,1415,0,1245,1,1,6,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,mom thrown onto baby,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,36,1,130,1,1,2,2 -10574,0,0026,-1,1830,1,1,18.1,,3,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,2,3,1,106,1,20,1,82,1,1,2,3 -10575,0,1318,0,1230,1,1,30,1,8,1,2,1,1,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,1,2,1,1,3,1,2,1,3,1,2,2,1,125,1,20,1,108,4,4,2,3 -10576,0,1900,0,,2,1,94,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Assulted,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,137,1,16,1,98,2,1,3,2 -10577,0,1350,0,1130,1,1,55.2,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,18,1,91,1,1,2,2 -10578,0,1630,0,1330,1,1,31.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,16,1,90,1,1,2,2 -10579,0,0207,0,0105,1,1,18,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,114,1,45,1,123,1,1,1,3 -10580,0,1529,0,1430,1,1,69,2,2,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,pelvic CT obtained,1,,2,,1,2,1,2,2,2,2,4,,,2,2,1,113,1,20,1,66,4,1,2,3 -10581,0,1136,-1,1900,1,1,51.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,4,4,1,105,1,20,1,60,1,1,3,2 -10582,0,2145,0,1800,1,1,43,1,1,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,checked into boards,,7,2,1,1,2,,2,2,2,2,2,2,,,2,3,1,117,1,20,1,117,2,1,2,2 -10583,0,1900,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,1,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,2,,2,2,2,1,2,1,1,1,2,3,1,107,1,32,1,105,1,1,2,2 -10584,0,0445,0,,2,1,58,2,1,2,,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,1,1,2,2,2,2,3,2: 6-15,,,,,,,3,,2,,1,1,2,2,2,2,2,1,1,2,2,2,1,114,1,16,1,67,2,1,2,2 -10585,0,1613,0,0530,1,1,6.3,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,3,,,2,3,1,101,1,35,1,133,1,1,2,3 -10586,0,1108,0,1000,1,1,15,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,101,1,28,1,111,6,6,1,2 -10587,0,2115,0,2045,1,1,20,4,3,2,,3,3,3,2,2,2,2,2,3,2,2,2,2,3,3,3,9,,2,3,,,3,3,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,2,1,148,1,36,1,156,2,2,2,3 -10588,0,2310,0,2300,1,1,23,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,,,,,15,2,3,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,3,2,,,2,2,1,134,1,30,1,134,3,1,1,3 -10589,0,1650,0,1450,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,1,2,1,2,1,2,7,1: Intentional,,,,,,Pt. kicked directly in stomach,7,,2,,1,1,1,2,2,2,3,1,2,1,2,3,1,121,1,16,1,68,3,1,2,3 -10590,0,1340,0,1245,1,1,65,4,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,14,1,100,1,1,2,2 -10591,0,1834,0,1800,1,1,96,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,20,1,80,1,1,1,2 -10592,0,2210,0,2135,1,1,40,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,100,1,28,1,105,1,1,2,2 -10593,0,1851,0,1600,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,1,2,1,1,1,1,1,2,2,1,1,3,2,2,1,120,1,18,1,93,1,1,2,3 -10594,0,1145,0,1130,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,110,1,14,1,94,3,2,2,3 -10595,0,2109,0,2030,1,1,22,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,116,1,18,1,97,1,1,1,3 -10596,0,1547,0,1520,1,1,36,4,3,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,,,,,15,2,1,1,2,2,2,2,1,5: Physician did not answer,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,120,1,19,1,90,1,1,2,2 -10597,0,2100,0,2000,1,1,18,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,1,2,2,2,2,,,2,3,1,108,1,20,1,95,2,1,2,3 -10598,0,0045,-1,,2,1,77.2,,9,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,Football Tackle,,7,2,2,,1,3,1,2,2,2,2,1,1,3,2,2,1,120,1,19,1,74,1,1,2,3 -10599,0,1617,0,1600,1,1,70,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,116,1,20,1,90,1,1,2,2 -10600,0,1501,0,1400,1,1,26.5,1,3,2,,2,4,4,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,1,1,3: > 40 mph,1,2,,,,,1,,2,,1,3,1,1,1,2,2,1,3,3,2,2,1,123,1,26,1,100,4,3,2,3 -10601,0,2140,0,1930,1,1,34,3,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,130,1,27,1,85,1,1,2,3 -10602,0,1306,0,1130,1,1,35.4,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,3,4,,,4,4,4,9,,,,,,Snowboard crash,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,20,1,80,1,1,2,2 -10603,0,1800,0,1700,1,1,53,2,1,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,18,1,100,2,1,2,2 -10604,0,1615,0,1530,1,1,60,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,1,1,1,2,1,2,2,2,1,2,2,2,3,1,119,1,20,1,101,1,1,2,2 -10605,0,1544,0,1430,1,1,50,2,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,1,1,1,2,2,2,2,2,,,2,3,1,125,1,22,1,87,1,1,2,3 -10606,0,1647,0,1615,1,1,12,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,108,1,32,1,140,1,1,2,2 -10607,0,0820,0,,2,1,,,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,2,2,2,2,1,2,2,2,2,1,135,1,16,1,76,2,1,2,3 -10608,0,1914,0,,2,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,2,2,9,,,,,,Explosion,,9,2,2,,1,3,1,2,2,2,3,2,,,2,2,1,116,1,22,1,110,1,1,2,3 -10609,0,1217,0,1130,1,1,56,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,126,1,18,1,111,1,1,2,2 -10610,0,2238,0,2130,1,1,70,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,1,2,2,2,2,2,,,2,2,1,151,1,12,1,81,1,1,2,3 -10611,0,2224,0,,2,1,71,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,2,,,5,,1,2,2,,1,2,2,2,3,2,,,2,2,1,125,1,19,1,78,1,1,1,3 -10612,0,1028,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,107,1,28,1,107,1,1,3,2 -10613,0,1837,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,124,1,20,1,82,1,1,2,2 -10614,0,1530,0,,2,1,90,1,1,1,1,1,2,2,1,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,1,3,4,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,1,1,2,2,1,2,3,2,3,1,130,1,20,1,94,4,3,2,3 -10615,0,2244,0,,2,1,14.7,,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,TV fell on chest,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,109,1,24,1,120,1,1,2,2 -10616,0,1557,0,1530,1,1,40,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,2,1,2,3,2,2,2,,,2,2,1,104,1,26,1,94,1,1,2,3 -10617,0,1232,0,1132,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,2,2,2,2,2,1,4,3,2,3,1,154,1,24,1,104,1,1,2,2 -10618,0,1645,0,1630,1,1,40,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,113,1,18,1,88,1,1,2,2 -10619,0,1750,0,1510,1,1,12,4,8,2,,3,3,3,2,2,3,3,1,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,1,1,133,1,28,1,139,3,3,2,3 -10620,0,1125,0,1045,1,1,60,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,9,,,,,,fall while on treadmill,,2,2,1,1,2,,2,2,2,2,2,2,,,2,3,1,105,1,12,1,60,1,1,3,2 -10621,0,1627,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,3,,2,1,1,2,3,2,,,2,2,1,131,1,28,1,125,1,1,2,2 -10622,0,1914,0,1830,1,1,30.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,108,1,22,1,88,2,1,1,2 -10623,0,0154,0,,2,1,60,4,3,2,,3,3,3,1,2,3,3,2,2,2,2,2,2,4,5,2,7,,2,3,,,2,3,2,8,,,,,,,,8,,2,,2,,1,2,2,2,3,3,,,3,2,1,100,1,12,1,88,1,1,2,3 -10624,0,0436,0,,2,1,65.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,3,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,18,1,94,1,1,2,2 -10625,0,0041,-1,2200,1,1,68,2,3,2,,1,2,2,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,149,1,20,1,102,2,1,2,2 -10626,0,1750,0,1700,1,1,61,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,9,,,,,,Fell off Skateboard,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,122,1,18,1,94,1,1,2,3 -10627,0,1229,0,1140,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,playing soccer and collided with opponent,,7,2,2,,1,1,1,2,2,2,2,1,1,1,2,3,1,108,1,16,1,91,2,1,2,3 -10628,0,1700,0,1630,1,1,9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,"Tree fell on stroller, unknown if Abd was injured",,9,2,2,,2,,2,2,2,2,2,2,,,2,3,1,86,1,35,1,120,1,1,1,2 -10629,0,2000,0,,2,1,25,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,1,2,2,1,1,3,2,2,1,121,1,28,1,118,2,1,2,3 -10630,0,2345,0,2100,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,3,2,3,2,,,2,3,1,87,1,42,1,130,1,1,2,3 -10631,0,1632,0,1615,1,1,23,4,2,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,4,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,93,1,24,1,119,1,1,2,3 -10632,0,2307,0,1830,1,1,40,4,3,1,4,1,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,4,4,1,122,1,18,1,70,1,1,2,2 -10633,0,0434,0,0400,1,1,52,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,139,1,18,1,80,1,1,2,2 -10634,0,1412,0,1345,1,1,56.7,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,147,1,14,1,126,1,1,1,2 -10635,0,1601,0,,2,1,72.5,1,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,129,1,16,1,76,1,1,2,2 -10636,0,0830,-1,,2,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,8,,,,,,,,8,,2,,2,,1,2,3,2,2,4,,,2,2,1,88,1,22,1,130,1,1,3,3 -10637,0,0930,0,0720,1,1,40,2,8,2,,1,1,2,2,2,3,2,2,2,2,2,2,2,2,1,1,14,,2,1,3,1,1,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,1,2,1,1,2,2,2,1,3,2,3,2,1,117,1,18,1,157,5,4,1,3 -10638,0,2330,0,,2,1,,,3,2,,2,3,3,1,2,3,3,2,3,2,2,2,2,3,2,2,11,,2,1,3,1,2,2,3,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,1,1,3,1,3,2,1,112,1,54,1,140,5,5,1,3 -10639,0,0830,0,0700,1,1,75,1,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,5,4,,2,3,,,3,3,3,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,3,,,3,2,1,135,2,,1,105,3,2,1,3 -10640,0,1030,0,,2,1,19.9,1,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,2,4: Unknown,,,,,,,2,,2,,2,,2,2,2,2,1,2,,,2,3,1,107,1,28,1,112,1,1,2,2 -10641,0,2050,0,2020,1,1,20,4,8,1,1,3,3,3,2,2,3,3,2,2,2,2,2,2,4,4,4,6,,2,3,,,3,3,2,2,3: > 10 ft.,,,,,,,2,,1,2,2,,1,2,2,2,2,3,,,3,2,1,90,1,30,1,120,3,1,2,3 -10642,0,0845,0,0830,1,1,39,2,3,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,1,3,2,2,2,2,2,1,2,2,2,2,1,105,1,18,1,69,2,2,2,2 -10643,0,1140,0,1100,1,1,30,1,3,1,1,1,2,1,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,1,1,2,1,1,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,2,1,2,3,1,115,1,20,1,88,4,4,2,3 -10644,0,1932,0,1900,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,2,2,1,2,3,2,1,1,2,2,2,1,116,1,19,1,120,3,1,1,2 -10645,0,2213,0,2142,1,1,13,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,3,1,108,1,25,1,143,1,1,2,3 -10646,0,2011,0,1200,1,1,18.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,101,1,20,1,100,1,1,2,2 -10647,0,1430,0,1000,1,1,15,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,4,1,1,12,,2,2,,,1,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,3,1,139,1,20,1,136,1,1,2,3 -10648,0,1714,0,1700,1,1,60,2,3,2,,1,1,4,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,4,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,14,1,78,1,1,1,2 -10649,0,1909,0,,2,1,,,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,3,1,1,1,2,3,1,140,1,21,1,98,2,1,2,2 -10650,0,2234,0,,2,1,36,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,2,5,,,,,1,,,5,,2,,1,3,2,2,2,2,2,2,,,2,1,1,110,1,24,1,95,2,1,2,2 -10651,0,1620,0,1300,1,1,49,1,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,138,1,16,1,100,1,1,2,2 -10652,0,1500,0,1030,1,1,24,3,8,2,,2,2,4,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Fell off inner tube- rock,,2,2,1,1,2,,1,2,2,2,2,2,,,2,2,1,126,1,28,1,130,1,1,2,3 -10653,0,2045,0,2000,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,5,,,,,3,,,5,,1,2,2,,2,2,2,2,2,2,,,2,2,1,137,1,20,1,87,2,1,2,2 -10654,0,1430,0,1200,1,1,64,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,3,2,,,2,2,1,121,1,24,1,96,1,1,2,2 -10655,0,1439,0,1330,1,1,37.4,1,3,1,4,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,4,2,9,,,,,,collided with another child and fell onto right side,,7,2,2,,2,,2,2,2,2,1,2,,,2,3,1,88,1,18,1,100,1,1,2,2 -10656,0,2150,0,,2,1,7.5,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,1,3,,,1,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,92,1,26,1,196,1,1,3,3 -10657,0,1321,0,1300,1,1,16,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,32,1,140,1,1,2,2 -10658,0,2010,0,,2,1,45,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,4,3: > 20 mph,,,4,,,,4,,2,,1,1,1,2,2,4,2,2,,,2,2,1,117,1,16,1,76,1,1,2,3 -10659,0,1247,0,1000,1,1,65,4,3,2,,2,2,4,2,2,2,2,4,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,9,,,,,,"playing football, hit head and body with another player",,9,2,2,,1,2,1,2,2,2,2,1,1,2,2,2,1,142,1,19,1,94,3,2,3,3 -10660,0,1724,0,1620,1,1,28,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,3,1,1,13,,2,2,,,2,2,1,9,,,,,,Sledding accident (ran into pole),,9,2,1,2,2,,1,2,2,2,2,2,,,2,2,1,110,1,25,1,113,1,1,1,3 -10661,0,1128,0,1100,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,108,1,46,1,131,1,1,2,3 -10662,0,1115,0,1100,1,1,45,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,1: < 5 mph,,,1,,,,4,,1,1,2,,2,1,2,2,2,2,,,2,3,1,118,1,12,1,83,1,1,2,2 -10663,0,2104,0,1900,1,1,30,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,"fell off scooter, handlebars to abdomen",7,,2,,2,,2,1,2,2,2,1,1,3,2,3,1,117,1,20,1,100,1,1,2,2 -10664,0,2137,0,2100,1,1,22.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,2,2,2,1,1,4,2,3,3,,1,20,1,92,1,1,1,2 -10665,0,2001,0,,2,1,30,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,1,2,1,2,2,2,2,1,1,2,2,2,1,117,1,20,1,107,5,3,1,3 -10666,0,1336,0,1300,1,1,16.3,1,3,1,4,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,109,1,24,1,120,1,1,2,2 -10667,0,1356,0,1310,1,1,54.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,104,1,16,1,68,1,1,2,2 -10668,0,1918,0,1500,1,1,63,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,121,1,14,1,136,3,1,1,3 -10669,0,1537,0,1500,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,1,,,,4,,2,,1,3,1,2,2,2,2,1,1,3,2,2,1,145,1,22,1,110,2,1,2,3 -10670,0,0331,-1,1945,1,1,59.1,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,6,,,,,,,,6,,2,,3,,1,2,3,2,3,2,,,2,3,1,170,1,26,1,111,2,1,1,3 -10671,0,1954,0,1950,1,1,23.6,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,1,2,2,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,1,1,3,2,2,3,1,114,1,18,1,92,2,1,3,3 -10672,0,1948,0,1740,1,1,,,8,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,18,1,71,1,1,1,2 -10673,0,1645,0,,2,1,60,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,1,2,2,2,2,,,2,2,1,100,1,30,1,123,2,2,2,3 -10674,0,1334,0,1300,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,133,1,22,1,95,1,1,2,2 -10675,0,1020,0,0930,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,3,2,1,1,2,3,1,2,1,2,2,1,120,1,22,1,100,2,1,3,2 -10676,0,2050,0,,2,1,60,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,1,1,2,1,14,,2,1,4,1,2,2,3,8,,,,,,,,8,,2,,1,2,1,2,2,4,2,1,1,1,2,3,1,123,1,27,1,98,5,2,2,3 -10677,0,1503,0,,2,1,6.1,1,3,2,,3,3,3,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,112,1,30,1,160,2,1,1,3 -10678,0,1143,0,1100,1,1,65,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,18,1,81,1,1,1,2 -10679,0,2059,0,,2,1,15,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,1,1,1,1,2,2,2,2,1,2,1,3,2,1,107,1,21,1,142,3,2,2,3 -10680,0,1300,0,1250,1,1,40,4,3,2,,2,2,2,2,2,2,1,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,26,1,84,1,1,3,2 -10681,0,0058,-1,2200,1,1,55,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Punched in face,,9,2,2,,2,,1,2,2,2,3,2,,,2,2,1,123,1,24,1,87,1,1,2,3 -10682,0,1043,0,0830,1,1,87.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,133,1,20,1,84,1,1,2,2 -10683,0,1824,0,,2,1,40,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,100,1,16,1,74,1,1,2,3 -10684,0,1804,0,1735,1,1,50,4,8,2,,2,2,2,2,2,2,3,2,2,1,1,1,2,4,4,2,8,,2,3,,,2,3,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,3,2,1,140,1,34,1,153,4,3,2,3 -10685,0,2114,0,2045,1,1,63,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,3,2,2,2,3,2,1,2,3,2,3,1,118,1,16,1,87,2,1,2,2 -10686,0,2215,0,2100,1,1,38,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Fall off scooter,,2,2,2,,2,,2,1,2,2,2,1,1,3,2,3,1,113,1,20,1,78,1,1,1,2 -10687,0,1640,0,,2,1,8.2,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,108,1,24,1,140,1,1,1,3 -10688,0,2023,0,2010,1,1,4,4,3,2,,2,2,2,2,2,3,3,3,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,75,1,33,1,188,1,1,2,3 -10689,0,1345,0,,2,1,63,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,1,2,1,1,1,2,2,2,2,3,,,2,2,1,154,1,14,1,92,1,1,2,3 -10690,0,1735,0,1630,1,1,72,1,8,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,2,,2,2,2,2,2,1,1,3,2,3,1,151,1,34,1,70,1,1,2,2 -10691,0,1830,0,1650,1,1,37.5,1,1,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,24,1,98,1,1,2,2 -10692,0,2014,0,,2,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,1,2,2,2,1,1,3,2,2,1,127,1,20,1,106,1,1,2,2 -10693,0,1100,0,0700,1,1,24,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,1,2,2,3,1,118,1,20,1,99,2,1,2,3 -10694,0,1500,0,1300,1,1,69.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,5: Physician did not answer,,,3,,,,4,,2,,2,,2,2,2,2,3,2,,,2,2,1,109,1,16,1,75,1,1,2,2 -10695,0,0817,0,0800,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,133,1,24,1,98,2,1,2,3 -10696,0,2115,0,2045,1,1,12,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,3,2,2,11,,1,4,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,3,,1,2,2,2,3,2,,,2,2,1,118,1,20,1,146,2,2,2,3 -10697,0,2000,0,,2,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,3,1,2,2,2,1,3: > 40 mph,1,2,,,,,1,,1,2,1,1,1,1,1,2,2,1,3,1,1,3,1,162,1,34,1,82,5,5,2,3 -10698,0,2300,0,2200,1,1,15,4,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,4,5,2,7,,2,3,,,1,3,2,1,4: Speed Unknown,1,5,,,,,1,,2,,1,1,1,2,2,2,2,3,,,3,3,1,149,1,27,1,120,2,1,2,3 -10699,0,,0,1400,1,2,,,1,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,7,4: Physician did not answer,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,110,1,20,1,98,2,1,1,2 -10700,0,1601,0,,2,1,6.8,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,4,,,1,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,113,1,32,1,186,1,1,2,3 -10701,0,1215,0,,2,1,20,4,3,1,3,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,6,3,,3,4,,,4,4,4,8,,,,,,,,8,,2,,1,1,1,2,2,2,3,3,,,3,2,1,150,2,,1,108,4,3,2,3 -10702,0,1134,0,1030,1,1,16.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,107,1,22,1,87,1,1,2,2 -10703,0,1830,0,1800,1,1,60,2,8,1,1,1,2,1,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,1,1,1,2,1,1,1,2,2,1,112,1,25,1,83,4,4,2,3 -10704,0,2008,0,,2,1,14.5,,3,2,,3,3,3,3,3,2,2,4,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,3,7,4: Physician did not answer,,,,,,,7,,3,,3,,2,2,2,2,2,1,1,1,4,4,1,113,1,22,1,98,2,1,3,2 -10705,0,1603,0,1530,1,1,33,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,1,1,1,15,,2,1,2,2,1,2,1,1,4: Speed Unknown,1,2,,,,,1,,2,,1,2,1,1,1,2,2,1,4,3,2,2,1,123,1,25,1,120,3,1,2,3 -10706,0,1840,0,1750,1,1,45,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,107,1,20,1,106,1,1,2,3 -10707,0,2330,0,2300,1,1,65,4,8,2,,1,2,1,2,2,1,1,2,2,2,2,2,1,1,1,1,15,,2,1,3,2,2,1,2,4,1: < 5 mph,,,1,,,,4,,1,2,1,1,1,2,2,2,2,1,2,1,2,2,1,125,1,23,1,55,2,2,2,3 -10708,0,1626,0,,2,1,80,2,1,1,1,1,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,1,2,6,,,,,,,,6,,1,2,2,,1,2,2,2,3,2,,,2,3,1,134,1,20,1,91,1,1,1,3 -10709,0,1614,0,1545,1,1,31,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,1,1,1,2,2,2,2,2,1,2,1,2,3,1,113,1,18,1,92,2,2,2,2 -10710,0,2020,0,1920,1,1,16,1,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,1,1,2,2,1,91,1,28,1,108,1,1,2,2 -10711,0,1702,0,1200,1,1,6,1,8,2,,2,2,2,2,2,3,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,9,,,,,,"Femur Fracture, possible NAT",,9,2,4,,4,,1,2,2,2,2,1,1,1,2,3,1,132,1,38,1,160,2,1,2,3 -10712,0,2210,0,2130,1,1,15,4,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,2,1,2,2,2,1,1,1,2,3,1,149,1,26,1,170,2,2,2,2 -10713,0,1115,0,1100,1,1,27,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,109,1,16,1,77,2,2,2,3 -10714,0,2201,0,2120,1,1,74.8,4,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,152,1,22,1,115,1,1,2,3 -10715,0,2112,0,1915,1,1,68.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,1,2,2,3,,1,20,1,76,2,1,2,2 -10716,0,1624,0,,2,1,55,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,2,2,,,2,2,1,130,1,18,1,120,1,1,2,3 -10717,0,1731,0,1430,1,1,8,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,27,1,174,1,1,2,2 -10718,0,0330,0,0047,1,1,55,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,4,1,131,1,18,1,81,1,1,2,2 -10719,0,1212,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,108,1,20,1,81,1,1,2,2 -10720,0,1721,0,,2,1,,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,3,1,1,1,1,2,1,2,2,2,2,1,112,1,26,1,124,3,1,2,3 -10721,0,2200,0,2030,1,1,16,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,137,1,18,1,86,1,1,1,2 -10722,0,2140,0,1800,1,1,14,4,8,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,,,,,11,1,3,,,1,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,3,,,3,2,1,126,1,20,1,90,2,1,2,3 -10723,0,1934,0,,2,1,50,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,1,4,1,2,2,2,,,2,2,1,110,1,20,1,108,1,1,2,3 -10724,0,2304,0,1800,1,1,50,1,3,1,2,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,hit with metal bat in back,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,20,1,88,1,1,2,2 -10725,0,1555,0,1450,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,19,1,80,2,1,2,3 -10726,0,1956,0,1930,1,1,100,4,3,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,2,2,5,,,,,2,,,5,,2,,1,3,1,1,2,2,2,1,3,1,2,3,1,136,1,21,1,94,4,1,2,3 -10727,0,1032,0,0945,1,1,18.5,2,3,1,3,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,3,2: 6-15,,,,,,,3,,2,,1,2,1,2,3,4,2,1,1,3,2,3,1,115,1,24,1,122,4,3,1,3 -10728,0,1950,0,,2,1,6,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,8,,,,,,,,8,,1,1,2,,1,2,2,2,2,2,,,2,3,1,97,1,30,1,122,2,1,2,3 -10729,0,1840,0,1800,1,1,35,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,2,2,2,3,1,103,1,22,1,78,2,1,2,2 -10730,0,1600,0,,2,1,7,2,3,2,,2,3,3,2,2,3,3,3,3,2,2,2,2,1,1,1,15,,1,4,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,111,1,36,1,136,1,1,1,3 -10731,0,2013,0,1730,1,1,20,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Pinned by horse and wall,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,111,1,24,1,131,2,1,2,3 -10732,0,1910,0,1700,1,1,20.1,1,3,2,,2,2,4,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,3,,,5,,1,2,2,,2,1,2,2,2,1,2,4,2,3,1,116,1,21,1,122,1,1,2,2 -10733,0,2300,0,2100,1,1,60,1,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,3,2,2,3,1,126,1,28,1,81,1,1,2,2 -10734,0,2000,0,1830,1,1,50,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Horse tripped over carriage,,7,2,2,,1,1,2,2,2,2,3,1,2,2,2,2,1,129,1,18,1,74,2,2,2,2 -10735,0,2000,0,1917,1,1,40,4,8,2,,2,2,1,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,108,1,16,1,86,2,1,2,3 -10736,0,1942,0,,2,1,70,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,3,2,2,2,,,2,2,1,136,1,18,1,97,1,1,2,2 -10737,0,2015,0,1940,1,1,68,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,120,1,22,1,90,4,2,2,3 -10738,0,1815,0,1730,1,1,47.6,2,3,1,4,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,1,6,,,,,,,"Motocross, 40 mph, separated from bike",6,,2,,1,3,2,1,2,1,3,1,1,2,2,2,1,119,1,20,1,75,3,3,2,2 -10739,0,1424,0,,2,1,70.5,1,8,1,2,2,1,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,113,1,18,1,84,2,1,1,2 -10740,0,1050,0,,2,1,55,4,1,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,3,1,3,2,2,1,2,9,,,,,,Fall from horse onto fence,,2,2,1,2,1,1,1,2,2,2,2,1,3,2,2,3,1,140,1,16,1,75,4,3,2,3 -10741,0,1845,0,1845,1,1,63.5,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,assault,,7,2,3,,1,1,2,2,2,2,2,2,,,2,2,1,119,1,15,1,75,1,1,2,2 -10742,0,1317,0,1000,1,1,50.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,9,,,,,,"Pt being carried up concrete steps. Dad (who was carring him) fell, Pt hit steps with his abdomen. Dad fell on top of him.",,2,2,2,,2,,1,2,2,2,2,1,1,5,2,3,3,,1,22,1,118,2,1,1,3 -10743,0,1540,0,1500,1,1,30,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,1,1,1,2,2,1,1,3: > 40 mph,1,5,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,92,1,24,1,98,2,1,2,3 -10744,0,1540,0,1530,1,1,23,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,112,1,18,1,93,1,1,2,2 -10745,0,1945,0,1800,1,1,58.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,122,1,20,1,100,2,1,2,2 -10746,0,1400,0,1330,1,1,20.5,1,1,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,107,1,28,1,86,1,1,2,2 -10747,0,2000,-1,2300,1,1,60,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,9,,,,,,stood on by adault,,7,2,2,,2,,2,2,2,2,2,1,1,2,2,3,1,132,1,16,1,74,1,1,2,2 -10748,0,0900,-1,2130,1,1,46,1,2,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"fell off bed into side of table, hit right flank",,2,2,2,,1,1,2,2,2,2,2,2,,,2,3,1,122,1,20,1,92,3,2,2,2 -10749,0,1500,0,,2,1,70,4,3,2,,3,3,3,2,1,3,3,2,1,1,1,1,2,4,5,4,5,,2,3,,,1,3,3,6,,,,,,,,6,,1,2,1,1,1,1,2,2,2,3,,,3,2,1,132,2,,1,109,3,2,2,3 -10750,0,2125,0,2027,1,1,10,,3,3,,4,4,4,4,4,4,4,4,4,3,3,3,3,,,,,15,3,4,,,4,4,4,1,3: > 40 mph,1,4,,,,,1,,4,,4,,1,4,3,4,4,4,,,4,4,1,88,1,35,1,132,6,6,3,3 -10751,0,1614,0,1510,1,1,70,4,4,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,2,1,2,1,2,3,2,1,2,,,2,2,1,121,1,20,1,101,1,1,1,3 -10752,0,1030,0,0900,1,1,90,2,1,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,138,1,21,1,112,1,1,2,3 -10753,0,0025,-1,,2,1,53,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,1,2,,1,2,2,2,3,2,,,2,2,1,123,1,23,1,111,1,1,1,3 -10754,0,1047,0,0945,1,1,12,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,110,1,30,1,120,1,1,1,2 -10755,0,0040,-1,2150,1,1,33.1,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,5,,,,,1,,,5,,2,,2,,2,2,2,2,2,1,2,1,2,3,1,97,1,24,1,72,2,2,2,2 -10756,0,1913,0,1828,1,1,50,4,3,2,,3,3,3,3,1,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,1,4: Speed Unknown,1,6,,,,,1,,2,,1,1,1,1,2,2,2,3,,,3,3,1,130,1,18,1,110,3,3,2,3 -10757,0,1610,0,1530,1,1,65,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,163,1,20,1,60,2,1,2,3 -10758,0,0830,0,0530,1,1,14,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,124,1,24,1,120,2,2,2,3 -10759,0,0900,0,0830,1,1,77,1,1,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,3,2,,,2,3,1,154,1,20,1,114,1,1,2,2 -10760,0,2220,0,1900,1,1,70.3,1,2,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,2,2,2,2,2,2,1,3,2,2,3,1,132,1,24,1,92,2,2,2,2 -10761,0,1445,0,1325,1,1,72.6,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,130,1,15,1,89,2,1,2,2 -10762,0,1022,0,0950,1,1,60,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,24,1,80,1,1,2,2 -10763,0,1445,0,1430,1,1,22,,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,1,2,2,2,2,1,1,3,2,3,1,133,1,24,1,114,2,2,1,3 -10764,0,0930,0,,2,1,70,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,149,1,28,1,120,1,1,2,2 -10765,0,1447,0,1400,1,1,41.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Sled struck tree,,9,2,1,2,1,1,1,2,2,2,2,1,2,2,2,3,1,119,1,18,1,99,4,3,2,3 -10766,0,1915,0,,2,1,8.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,1,2,,,2,2,1,9,,,,,,NAT workup,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,134,1,32,1,160,1,1,3,2 -10767,0,1705,0,1505,1,1,43.5,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,125,1,24,1,112,1,1,2,2 -10768,0,2130,0,2000,1,1,23,1,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,106,1,22,1,112,1,1,2,2 -10769,0,2214,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,92,1,30,1,140,1,1,3,2 -10770,0,1420,0,1200,1,1,13,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,1,2,2,2,4,1: < 5 mph,,,1,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,3,1,128,1,32,1,148,2,1,2,3 -10771,0,1800,0,1630,1,1,69,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,133,1,20,1,96,2,1,2,2 -10772,0,2218,0,2130,1,1,20,3,5,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,144,1,30,1,73,6,6,3,3 -10773,0,2030,0,1930,1,1,25,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,1,2,2,,2,1,2,2,2,1,1,3,2,3,1,96,1,17,1,89,3,1,2,2 -10774,0,0918,-1,2000,1,1,22.7,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,3: Unknown intentionality,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,113,1,20,1,98,1,1,2,2 -10775,0,1455,0,1418,1,1,50,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,1,4,,2,2,2,2,2,2,,,2,3,1,110,1,18,1,79,1,1,2,2 -10776,0,2043,0,2000,1,1,25,4,1,2,,3,3,3,2,1,3,3,2,3,1,1,1,2,4,5,6,3,,2,2,,,3,3,3,1,4: Speed Unknown,3,,,,,,1,,1,2,1,2,1,2,2,2,3,3,,,3,3,1,153,1,23,1,159,5,4,2,3 -10777,0,1315,0,,2,1,,,8,2,,2,2,2,1,1,2,2,2,1,1,1,1,2,4,5,6,3,,1,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,1,2,2,2,2,,,2,2,1,97,1,23,1,113,2,1,2,3 -10778,0,0014,0,0014,1,1,56.3,1,3,3,,4,4,4,4,4,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,4,4,4,7,4: Physician did not answer,,,,,,,7,,2,,1,1,1,2,2,2,2,2,,,2,4,1,117,1,18,1,72,1,1,2,3 -10779,0,1533,0,1500,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,24,1,100,1,1,2,2 -10780,0,0600,0,,2,1,7.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,cell phone hit head,suspect child abuse,9,2,2,,2,,2,2,2,4,2,2,,,2,2,1,99,1,20,1,125,1,1,3,2 -10781,0,1750,0,1730,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,2,2,,,2,2,1,129,1,19,1,92,2,1,2,3 -10782,0,2330,0,2230,1,1,66,1,3,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Assault to back/chest,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,136,1,24,1,126,1,1,2,2 -10783,0,2317,0,2205,1,1,75,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,2,2,2,1,2,,,2,2,1,119,1,13,1,76,2,1,2,3 -10784,0,2038,0,1945,1,1,50,4,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,,,,,15,1,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,1,2,2,2,,,2,2,1,149,1,22,1,80,2,1,2,3 -10785,0,0100,0,0030,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,1,1,2,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,123,1,18,1,100,2,1,2,2 -10786,0,2111,0,2000,1,1,69.5,1,1,2,,1,4,1,2,2,1,2,4,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,Tackled in football game; Helmet struck; Right Flank,,7,2,2,,1,2,1,2,3,2,2,1,3,4,2,3,1,137,1,26,1,152,5,3,2,3 -10787,0,2230,0,2100,1,1,65,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,2,3,2,3,1,121,1,42,1,76,1,1,3,2 -10788,0,1800,0,1700,1,1,65,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,3,,,5,,2,,2,,1,2,2,2,3,2,,,2,3,1,125,1,18,1,88,1,1,2,3 -10789,0,,0,,2,2,38,2,2,2,,1,2,1,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,9,,,,,,sledding on ice into the tree,,9,2,4,,1,1,2,2,2,2,2,1,1,2,1,3,3,,1,24,1,132,1,1,3,2 -10790,0,1814,0,,2,1,28,3,5,2,,3,3,3,1,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,1,3: > 40 mph,3,,,,,,1,,2,,1,1,1,2,2,2,3,3,,,3,2,1,132,1,22,1,138,3,2,2,3 -10791,0,2003,0,,2,1,32.7,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,1,2,2,2,2,,,2,3,1,103,1,15,1,91,2,1,2,3 -10792,0,2200,0,,2,1,46,2,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Assault, unsure if abdominal trauma",,7,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,126,1,18,1,80,1,1,2,3 -10793,0,1208,0,1130,1,1,70,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,1,1,2,2,2,2,2,2,,,2,3,1,123,1,20,1,89,1,1,1,2 -10794,0,1643,-1,2043,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,22,1,100,1,1,2,3 -10795,0,1620,0,1600,1,1,60,4,3,1,4,1,1,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,1,1,4,2,2,,,2,2,1,133,1,16,1,61,3,2,2,3 -10796,0,1503,0,1100,1,1,65,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,strangled and assaulted,,7,2,2,,2,,2,2,2,2,2,1,2,1,2,3,1,119,1,16,1,76,1,1,2,2 -10797,0,2230,0,2200,1,1,41,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,107,1,20,1,95,1,1,2,2 -10798,0,1222,0,1130,1,1,70,1,3,1,3,2,2,2,1,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,1,2,1,3,1,2,2,2,2,2,,,2,2,1,144,1,21,1,123,2,1,2,3 -10799,0,1640,0,1630,1,1,,,8,2,,2,2,2,2,2,4,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,4,1,105,1,38,1,90,1,1,3,2 -10800,0,2130,0,1645,1,1,21.4,1,1,2,,2,2,1,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,"sledding, hit a tree right side",,9,2,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,115,1,16,1,123,2,1,2,3 -10801,0,1750,0,1700,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,122,1,14,1,89,2,1,2,2 -10802,0,1347,0,,2,1,60,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,3,2,2,,,4,4,1,118,1,16,1,80,1,1,3,2 -10803,0,1901,0,1846,1,1,32.3,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,2,2,4,3,2,,,2,2,1,121,1,24,1,80,1,1,2,2 -10804,0,1554,0,1300,1,1,25.6,,1,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,1,2,,1,2,2,2,2,1,1,2,2,3,1,107,1,18,1,86,6,1,2,3 -10805,0,1413,0,1400,1,1,80,4,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,1,2,2,2,2,1,2,2,2,2,1,152,1,24,1,97,3,3,2,3 -10806,0,0810,0,0800,1,1,70,4,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,102,1,22,1,93,2,2,2,2 -10807,0,2130,0,,2,1,11,3,8,2,,2,2,2,2,2,3,3,4,2,2,2,2,2,1,2,1,14,,1,3,,,3,3,1,1,4: Speed Unknown,1,4,,,,Not strapped in,1,,2,,2,,1,2,2,1,2,3,,,3,2,1,109,1,26,1,149,1,1,3,3 -10808,0,0633,0,0540,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,20,1,100,6,6,2,2 -10809,0,1549,0,,2,1,35.5,1,8,1,2,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,1,2,,,2,3,1,117,1,18,1,74,1,1,3,2 -10810,0,2230,0,2200,1,1,35.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,2,,,,,1,,1,2,2,,1,1,1,2,2,1,2,1,2,2,1,145,1,17,1,100,1,1,2,3 -10811,0,2000,0,1930,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,10,,,,,,,,10,,1,2,1,1,1,2,2,2,3,2,,,2,2,1,140,1,16,1,68,2,2,2,3 -10812,0,1407,0,,2,1,30,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,9,,,,,,kicked in LUQ now with tenderness,,7,2,2,,1,2,2,2,2,2,2,1,3,1,2,3,1,117,1,16,1,92,3,2,1,2 -10813,0,1600,0,1530,1,1,65,,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,140,1,20,1,87,1,1,1,3 -10814,0,2244,0,2230,1,1,77,1,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,4,2,2,,,2,3,1,118,1,20,1,88,1,1,2,2 -10815,0,1935,0,1730,1,1,23.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,3,,3,,2,2,2,2,1,2,,,2,2,1,139,1,20,1,104,2,1,2,2 -10816,0,0736,-1,2100,1,1,55.2,1,11,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,9,,,,,,Fall while snowboarding,,2,2,1,2,1,1,2,2,2,2,2,1,2,3,1,3,1,131,1,16,1,77,3,3,2,2 -10817,0,1630,0,1540,1,1,40.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,112,1,18,1,91,1,1,2,2 -10818,0,1700,0,1230,1,1,30,4,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,fell from playground equipment striking abdomen on another park toy,,2,2,2,,1,1,2,2,3,2,2,1,1,2,2,2,1,117,1,16,1,74,2,1,2,2 -10819,0,1704,0,1630,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,4: Unknown,,,,,,,2,,2,,2,,2,2,2,4,2,2,,,2,3,1,130,1,18,1,122,1,1,2,2 -10820,0,1330,0,1310,1,1,31,,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,99,1,20,1,73,1,1,2,2 -10821,0,0930,0,0900,1,1,70,4,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,4,1: < 5 mph,,,2,,,,4,,2,,1,2,2,2,2,2,4,1,3,2,2,3,1,115,1,16,1,78,2,2,2,2 -10822,0,2000,0,1730,1,1,32,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,1,1: < 20 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,1,1,2,3,1,120,1,20,1,96,3,2,2,3 -10823,0,1455,0,,2,1,80,4,4,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,2,2,2,2,2,2,1,1,6,2,2,1,133,1,13,1,110,3,1,2,2 -10824,0,1625,0,1530,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,4,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,148,1,18,1,86,1,1,3,2 -10825,0,1437,-1,,2,1,15,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,7,1: Intentional,,,,,,,7,,2,,1,2,1,2,2,2,2,1,2,1,2,3,1,96,1,20,1,114,4,4,1,3 -10826,0,2035,0,2010,1,1,75,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,4,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,117,1,23,1,84,1,1,2,3 -10827,0,1654,0,1600,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,1,1,2,,1,2,2,2,2,2,,,2,2,1,160,1,34,1,68,1,1,2,3 -10828,0,1730,0,1600,1,1,60,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,1,1,1,1,2,2,3,2,,,2,2,1,180,1,19,1,102,3,1,2,3 -10829,0,1236,0,,2,1,,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,20,1,108,1,1,2,2 -10830,0,1918,0,1830,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,2,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,116,1,16,1,103,1,1,2,2 -10831,0,2210,0,1700,1,1,50,4,3,1,3,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,1,2,2,2,2,,,2,2,1,130,1,14,1,107,1,1,2,3 -10832,0,1833,0,,2,1,65,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,94,1,19,1,86,1,1,2,2 -10833,0,2139,0,2115,1,1,28,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,118,1,20,1,113,1,1,2,3 -10834,0,,0,0730,1,2,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,1,1,3,2,2,2,1,141,1,18,1,61,2,2,2,2 -10835,0,2011,0,1930,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,1,1,2,2,2,1,2,1,2,2,1,138,1,18,1,105,4,3,2,3 -10836,0,2015,0,2000,1,1,40,4,8,1,1,1,2,1,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,9,,,,,,"chest wound after falling onto ""stick""",,7,2,1,2,1,1,1,2,2,2,2,1,2,1,3,2,1,105,1,30,1,120,3,2,3,3 -10837,0,2022,0,1815,1,1,22,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,1,2,2,2,9,,,,,,Kicked in face Rt orbit by horse,,9,2,2,,2,,2,1,2,2,2,1,1,1,2,2,1,95,1,20,1,118,1,1,2,2 -10838,0,1845,0,1830,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,135,1,24,1,106,1,1,2,3 -10839,0,2355,0,2310,1,1,60,4,8,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,4,2,2,2,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,1,2,2,2,2,1,119,1,18,1,112,2,1,2,3 -10840,0,1915,0,,2,1,48,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,128,1,20,1,100,2,1,1,3 -10841,0,1530,0,1500,1,1,70,2,3,2,,2,2,2,2,1,2,2,2,1,2,2,2,2,2,1,1,14,,2,2,,,2,1,1,9,,,,,,Fall from moving ice cream truck,,2,1,2,,1,1,1,2,2,2,3,2,,,2,3,1,127,1,22,1,108,1,1,3,3 -10842,0,1230,0,1150,1,1,11,3,8,2,,3,3,3,2,2,3,3,4,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,3,3,1,130,1,26,1,121,1,1,2,2 -10843,0,1614,0,,2,1,72,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,1,1,2,,2,2,2,2,3,2,,,2,3,1,118,1,20,1,90,1,1,2,2 -10844,0,1920,0,1900,1,1,30,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,3,1,2,2,2,2,2,,,2,3,1,101,1,22,1,96,2,1,2,3 -10845,0,2226,0,1800,1,1,12,1,8,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,3,3: > 15,,,,,,,3,,2,,2,,1,2,2,2,3,2,,,2,3,1,112,1,25,1,105,2,1,1,3 -10846,0,1518,0,,2,1,55,1,2,2,,2,2,2,2,2,2,1,1,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Hit on back by Jetski,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,139,1,18,1,124,3,2,2,2 -10847,0,1945,0,,2,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,135,1,16,1,84,1,1,2,3 -10848,0,1900,0,1830,1,1,,,3,2,,2,2,2,2,2,2,4,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,140,1,22,1,66,1,1,2,3 -10849,0,0010,-1,2200,1,1,89,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,111,1,24,1,68,1,1,1,2 -10850,0,2250,0,2200,1,1,15,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,1,1,1,2,2,2,2,1,1,6,2,3,1,122,1,30,1,140,2,2,2,3 -10851,0,1400,0,1330,1,1,41.6,1,8,2,,2,1,1,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,148,1,44,1,104,1,1,2,3 -10852,0,2300,0,2030,1,1,3.6,1,5,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,3,,,2,2,1,90,1,30,1,161,1,1,3,3 -10853,0,2022,0,,2,1,,,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,3,1,2,2,2,2,2,,,2,2,1,143,1,25,1,113,4,3,2,3 -10854,0,2100,0,,2,1,58.9,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,141,1,29,1,110,1,1,2,2 -10855,0,1921,0,1000,1,1,37,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,4,1,2,2,5,,,,,1,,,5,,2,,1,3,1,2,2,2,3,1,2,2,2,3,1,101,1,22,1,106,4,1,2,3 -10856,0,1731,0,,2,1,30,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,4,5: Physician did not answer,,,4,,,,4,,2,,1,1,1,2,2,2,2,1,1,1,2,3,1,130,1,18,1,107,2,2,2,3 -10857,0,1939,0,1740,1,1,67.9,1,8,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,7,1: Intentional,,,,,,,7,,2,,1,2,2,2,2,2,2,1,3,3,2,2,1,102,1,18,1,92,4,2,1,2 -10858,0,1910,0,1830,1,1,20,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,20,1,116,2,2,1,2 -10859,0,0840,0,0800,1,1,85,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,1,1,1,2,2,2,3,1,1,2,2,3,1,113,1,14,1,89,2,1,2,3 -10860,0,1711,0,1630,1,1,72,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,153,1,20,1,107,1,1,2,2 -10861,0,2251,0,,2,1,57,1,4,2,,2,2,2,2,2,2,2,2,2,3,3,3,3,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,3,,3,,1,2,2,2,2,2,,,2,2,1,120,1,20,1,64,2,2,2,3 -10862,0,1846,0,1805,1,1,66,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,106,1,22,1,72,1,1,2,2 -10863,0,1845,0,,2,1,45.7,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,1,3,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,2,2,1,118,1,23,1,90,3,1,2,2 -10864,0,1000,0,,2,1,14.6,1,3,1,3,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,8,,,,,,,,8,,2,,2,,1,1,2,2,1,2,,,3,3,1,134,1,20,1,160,3,3,2,3 -10865,0,1500,0,1430,1,1,57.4,1,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,132,1,20,1,94,1,1,2,2 -10866,0,1920,0,1830,1,1,82,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,4,,,2,2,2,5,,,,,1,,,5,,2,,1,3,2,2,2,2,3,1,1,2,2,3,1,126,1,18,1,110,3,3,3,2 -10867,0,1839,0,,2,1,12.7,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,112,1,28,1,105,1,1,2,3 -10868,0,1754,0,,2,1,4.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,140,1,48,1,150,2,1,2,2 -10869,0,1400,0,,2,1,40,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,back injury [date redacted] tumbling in gym class,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,22,1,84,1,1,2,2 -10870,0,2026,0,2000,1,1,,,3,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,2,2,1,13,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,3,3,1,109,1,22,1,115,1,1,2,3 -10871,0,2243,0,,2,1,70,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,148,1,22,1,101,4,2,3,3 -10872,0,1559,0,1510,1,1,20,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,3,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,126,1,30,1,145,1,1,2,3 -10873,0,2104,0,2000,1,1,61,1,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,1,2,1,2,3,1,125,1,20,1,108,1,1,1,3 -10874,0,2235,0,2100,1,1,3.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,87,1,33,1,144,1,1,2,3 -10875,0,1930,0,1730,1,1,46.8,1,8,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Tackled playing street football,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,16,1,72,1,1,2,2 -10876,0,1930,0,1845,1,1,15,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,1,1,2,2,2,2,1,2,,,2,3,1,93,1,18,1,121,1,1,2,2 -10877,0,1730,0,,2,1,35,4,8,1,1,2,2,2,2,2,2,1,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,1,2,2,2,2,,,2,2,1,131,1,20,1,136,4,3,2,3 -10878,0,1817,0,1745,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,18,1,111,1,1,2,2 -10879,0,1712,0,1400,1,1,38.5,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,101,1,22,1,80,1,1,1,3 -10880,0,0824,0,0730,1,1,45,1,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,2,3,2,2,1,121,1,18,1,107,4,3,2,3 -10881,0,1755,0,1630,1,1,49,2,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,6,,,,,,,,6,,2,,1,1,1,1,2,2,3,1,3,1,1,3,1,105,1,24,1,105,5,3,2,3 -10882,0,1548,0,,2,1,10,4,3,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,106,1,30,1,185,1,1,2,2 -10883,0,1030,0,0700,1,1,64,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,122,1,12,1,68,1,1,2,3 -10884,0,1430,0,1330,1,1,,,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,3,,4,,3,,2,1,2,2 -10885,0,1121,0,1040,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,104,1,28,1,139,1,1,2,3 -10886,0,0159,-1,1900,1,1,44.6,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,2,2,2,3,1,127,1,20,1,91,3,1,2,2 -10887,0,1738,0,,2,1,75,4,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,4,,1,2,2,2,2,2,,,2,2,1,109,1,23,1,101,1,1,2,3 -10888,0,2300,0,2150,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,4,,,,,,1,,2,,2,,1,2,2,4,2,4,,,2,2,1,100,1,22,1,66,1,1,2,3 -10889,0,1100,0,1045,1,1,45,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,22,1,114,1,1,2,2 -10890,0,1930,0,,2,1,50,4,8,2,,2,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,4,2,2,2,3,4,4: Speed Unknown,,,3,,,,4,,2,,1,3,1,2,3,4,4,1,1,5,3,4,1,88,1,18,1,110,3,2,2,3 -10891,0,1204,-1,1429,1,1,61.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Butted in chest by cow,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,18,1,53,1,1,2,2 -10892,0,1652,0,,2,1,42,1,1,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,1,3: > 40 mph,2,,,,,,1,,1,2,1,1,1,2,2,2,2,3,,,3,2,1,134,1,16,1,75,3,1,2,3 -10893,0,1704,0,0700,1,1,43,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,117,1,18,1,76,1,1,1,3 -10894,0,1626,0,1515,1,1,29.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,137,1,22,1,98,1,1,2,2 -10895,0,1045,0,0645,1,1,79,1,8,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,4,,1,1,1,2,2,2,2,1,2,3,2,3,1,120,1,16,1,70,2,2,1,3 -10896,0,0926,0,0910,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,24,1,160,1,1,1,2 -10897,0,1815,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Riding in tobaggan ride/collided with another toboggan,,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,113,1,20,1,83,1,1,3,2 -10898,0,1210,0,0810,1,1,5.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,2,2,,,2,2,1,101,1,36,1,144,1,1,1,3 -10899,0,2215,0,2200,1,1,68,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,1,2,2,2,1,1,2,2,2,3,1,112,1,20,1,100,2,1,2,3 -10900,0,1758,0,1730,1,1,45,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,22,1,110,1,1,2,2 -10901,0,1315,-1,2315,1,1,3.7,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,3,3,1,135,1,38,1,137,1,1,1,3 -10902,0,1837,0,1730,1,1,42,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,1,1,4,2,3,1,111,1,16,1,95,1,1,2,3 -10903,0,0510,-1,,2,1,60,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,2,1,142,1,17,1,83,2,1,2,3 -10904,0,1542,0,1215,1,1,28,1,8,1,4,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Fell while skiing onto mogal,,2,2,2,,1,2,1,2,2,2,2,1,2,2,2,2,1,113,1,22,1,103,4,2,1,3 -10905,0,1710,0,1700,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,Rolled over hood of car and struck windshield,4,,2,,1,1,2,2,2,2,2,2,,,2,2,1,145,1,24,1,99,2,1,2,2 -10906,0,1916,0,1845,1,1,25,4,8,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,3,,1,1,2,2,2,2,,,2,2,1,117,1,22,1,99,1,1,3,3 -10907,0,1945,0,1900,1,1,28.8,1,1,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,119,1,16,1,74,3,1,2,2 -10908,0,1119,0,0915,1,1,53,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,14,1,74,1,1,2,2 -10909,0,0838,0,0800,1,1,61.3,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,3,,2,2,3,2,2,1,1,3,2,3,1,111,1,18,1,73,1,1,2,2 -10910,0,2320,0,,2,1,20.4,,8,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,1,1,2,2,2,1,1,3,2,2,1,111,1,23,1,109,1,1,2,3 -10911,0,1430,0,1400,1,1,15,4,8,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,4,3,3,2,1,1,4: Speed Unknown,1,4,,,,,1,,2,,1,2,1,2,2,3,3,1,2,1,3,2,1,99,1,21,1,144,4,4,2,3 -10912,0,2336,0,2300,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,4,3: > 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,129,1,38,1,95,1,1,2,2 -10913,0,1800,0,1545,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,136,1,20,1,92,2,1,2,2 -10914,0,2100,0,2000,1,1,25,2,1,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,5,,,,,3,,,5,,3,,1,2,1,2,2,2,2,1,2,2,3,3,1,122,1,18,1,96,4,2,1,3 -10915,0,2339,0,2245,1,1,68,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,134,1,20,1,87,1,1,2,2 -10916,0,1400,0,1300,1,1,14.5,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,88,1,40,1,92,1,1,2,2 -10917,0,1200,0,,2,1,,,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,148,1,20,1,83,1,1,2,2 -10918,0,2134,0,,2,1,20,4,8,1,1,2,2,2,2,2,2,1,3,1,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,1,2,2,3,1,3,1,2,3,1,120,1,40,1,122,5,4,1,3 -10919,0,1950,0,1900,1,1,16,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,22,1,104,1,1,1,2 -10920,0,1800,0,1500,1,1,8.7,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,3,2: 6-15,,,,,,,3,,1,1,2,,2,2,2,2,3,2,,,2,3,1,63,1,24,1,114,1,1,2,2 -10921,0,0830,0,0800,1,1,50,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,14,,2,1,2,1,2,2,2,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,2,2,2,2,1,2,1,2,3,1,138,1,24,1,110,3,2,2,3 -10922,0,1700,0,1600,1,1,30.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,4,2,1,1,2,2,3,1,124,1,20,1,80,1,1,2,3 -10923,0,1800,0,1700,1,1,10,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,3,1,106,1,29,1,120,1,1,2,3 -10924,0,1530,0,1130,1,1,29,1,3,2,,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,1,2,2,2,2,,,2,3,1,103,1,20,1,88,1,1,2,3 -10925,0,2320,0,1200,1,1,69.1,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,fall while skateboarding into corner of bench to R flank/abdomen,,2,2,1,1,2,,2,2,2,2,2,1,1,1,2,3,1,110,1,20,1,81,1,1,2,2 -10926,0,2224,0,2200,1,1,68,2,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,4,,2,2,2,2,1,1,1,4,2,3,1,119,1,20,1,97,2,1,2,2 -10927,0,0924,0,0830,1,1,26,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,1,1,2,2,1,3,1,2,3,1,113,1,24,1,130,5,3,3,3 -10928,0,1640,0,1500,1,1,27,2,1,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,riding on sled went over bump landed on chest,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,105,1,20,1,117,2,1,2,2 -10929,0,2200,0,1800,1,1,19.5,,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,3,1,2,2,2,2,2,,,3,3,1,120,1,24,1,124,1,1,1,3 -10930,0,1242,0,,2,1,63,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,1,1,2,1,2,2,2,1,2,,,2,2,1,133,1,16,1,107,2,2,2,3 -10931,0,2009,0,1900,1,1,17.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,3,1,105,1,26,1,106,2,1,2,2 -10932,0,1202,0,1115,1,1,53,4,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,3,1,2,2,2,2,1,133,1,18,1,106,3,1,2,2 -10933,0,2044,0,1700,1,1,27,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,86,1,18,1,116,3,1,2,2 -10934,0,1744,0,1644,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,107,1,20,1,99,1,1,3,3 -10935,0,1500,0,1430,1,1,59,1,2,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,3,1,135,1,14,1,88,2,1,2,3 -10936,0,1830,0,1800,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,3,,,3,3,1,4,3: > 20 mph,,,3,,,,4,,2,,1,3,1,2,2,2,3,1,1,1,3,2,1,126,1,24,1,108,4,4,2,3 -10937,0,2054,0,2015,1,1,59,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,125,1,20,1,87,1,1,2,3 -10938,0,0413,0,0400,1,1,42.6,1,8,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,1,2,2,,2,2,2,2,2,1,2,2,2,3,1,126,1,16,1,96,2,1,1,2 -10939,0,1315,-1,2000,1,1,79.4,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,9,,,,,,Skateboarding fall,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,133,1,20,1,66,1,1,2,3 -10940,0,1845,0,1820,1,1,60.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,2,1,1,1,2,2,2,2,1,1,2,2,2,1,156,1,24,1,83,2,1,2,3 -10941,0,1200,0,1100,1,1,50,4,1,2,,3,3,3,1,1,3,3,3,1,1,2,2,2,4,5,6,3,,2,3,,,3,3,3,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,3,3,,,3,2,1,68,1,16,1,78,3,3,3,3 -10942,0,1640,0,1545,1,1,,,1,2,,2,2,2,1,2,2,2,2,1,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,113,1,20,1,103,2,1,2,3 -10943,0,1530,0,1500,1,1,13,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,3,1,104,1,22,1,136,2,1,2,3 -10944,0,1725,0,1650,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,1,1: < 20 mph,1,6,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,104,1,24,1,111,1,1,1,2 -10945,0,1707,0,1630,1,1,25,1,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,131,1,20,1,109,1,1,2,2 -10946,0,2233,0,1200,1,1,29,1,3,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Fall from standing while playing soccer,,2,2,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,106,1,20,1,84,2,1,1,2 -10947,0,1408,0,,2,1,61,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,145,1,20,1,108,1,1,2,2 -10948,0,1423,0,1323,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,1,2,2,1,109,1,20,1,99,1,1,2,3 -10949,0,1810,0,1730,1,1,17.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,24,1,94,1,1,2,2 -10950,0,1644,0,1530,1,1,68,1,4,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,156,1,20,1,78,2,1,1,3 -10951,0,2320,0,,2,1,10,,8,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,1,1,1,15,,1,3,,,1,3,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,2,1,130,1,20,1,133,1,1,1,3 -10952,0,1626,0,1600,1,1,54.5,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,24,1,108,2,1,1,2 -10953,0,2125,0,2030,1,1,49.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,18,1,80,1,1,2,2 -10954,0,2201,0,2020,1,1,40.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,4: Physician did not answer,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,124,1,16,1,69,3,2,2,2 -10955,0,1930,0,1900,1,1,68,2,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,151,1,20,1,84,1,1,2,2 -10956,0,1730,0,1700,1,1,15.8,,1,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,3,,3,,1,2,2,2,3,2,,,2,3,1,118,1,20,1,102,1,1,3,3 -10957,0,,0,1200,1,2,15,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,2,3,,1,16,3,,1,1,2,2 -10958,0,2118,0,2100,1,1,84,2,1,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,3: > 40 mph,1,3,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,20,1,84,1,1,2,2 -10959,0,0838,0,0800,1,1,22,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,3,1,1,3,2,2,1,133,1,14,1,104,2,1,1,3 -10960,0,2100,0,2010,1,1,14,4,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,1,2,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,1,1,2,1,1,2,2,2,,,2,3,1,148,1,24,1,136,3,1,2,2 -10961,0,1740,0,1700,1,1,20,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,115,1,12,1,75,2,2,2,3 -10962,0,2100,0,1900,1,1,13,3,8,1,1,3,3,3,2,2,3,3,2,1,1,2,1,2,1,5,2,10,,2,3,,,2,3,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,3,1,1,2,2,3,3,,,3,2,1,147,1,26,1,155,4,3,2,3 -10963,0,0913,-1,2100,1,1,16.2,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,1,1,2,2,2,2,2,4,,,2,4,1,98,1,20,1,100,1,1,2,2 -10964,0,1614,0,,2,1,12,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,1: < 20 mph,1,4,,,,,1,,2,,2,,2,2,2,2,3,3,,,3,3,1,115,1,18,1,88,1,1,2,2 -10965,0,1300,0,1230,1,1,19.1,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,28,1,118,1,1,2,2 -10966,0,1639,0,1400,1,1,35,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,5,,,,,1,,,5,,2,,1,2,1,1,2,2,3,1,3,2,1,2,1,120,1,14,1,113,5,2,2,3 -10967,0,1328,0,1300,1,1,20,4,8,2,,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,4,2,2,,,2,2,1,124,1,18,1,112,1,1,2,2 -10968,0,2000,0,1700,1,1,20.3,4,3,3,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,4,,4,,1,1,2,2,4,4,,,4,4,1,99,1,21,1,92,1,1,3,3 -10969,0,1826,0,,2,1,34.3,1,8,2,,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,102,1,20,1,92,1,1,3,2 -10970,0,2008,0,1910,1,1,8,1,3,2,,3,3,3,2,2,3,3,4,2,2,2,2,2,1,2,2,13,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,3,4,1,89,1,28,1,115,1,1,3,3 -10971,0,1015,0,0725,1,1,79,2,8,2,,2,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,24,1,60,1,1,2,2 -10972,0,1713,0,1600,1,1,30,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,2,1,2,2,2,2,1,1,2,2,2,1,102,1,22,1,110,2,1,1,3 -10973,0,1908,0,1830,1,1,13,4,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,1: < 5 mph,,,2,,,Left Flank injury,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,111,1,22,1,125,2,1,3,2 -10974,0,1821,0,1630,1,1,55,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,1,2,2,2,2,,,2,2,1,116,1,21,1,112,1,1,2,3 -10975,0,,0,1100,1,2,66,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,4,2,2,2,1,1: < 20 mph,2,,,,,,1,,1,2,2,,2,2,2,2,2,1,1,4,2,2,1,143,1,22,1,108,1,1,2,2 -10976,0,1347,0,1247,1,1,62.7,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,110,1,16,1,92,1,1,2,2 -10977,0,1450,0,,2,1,27.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,4,4,1,89,1,20,1,84,1,1,2,2 -10978,0,0100,0,0000,1,1,66.4,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,3,2,2,,,2,3,1,133,1,18,1,85,1,1,2,2 -10979,0,1733,0,1700,1,1,70,1,8,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,1,2,2,2,2,1,1,1,2,3,1,137,1,20,1,90,1,1,2,3 -10980,0,2315,0,2200,1,1,60,1,3,1,1,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,20,1,102,1,1,2,2 -10981,0,1959,0,1920,1,1,12.7,1,3,2,,3,4,4,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,4,2: 5 - 20 mph,,,3,,,,4,,4,,2,,1,2,3,2,2,3,,,3,3,1,120,1,24,1,100,4,4,2,3 -10982,0,1600,0,,2,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,148,1,16,1,70,1,1,2,2 -10983,0,1430,0,1400,1,1,15,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,3,1,1,3,2,3,1,103,1,18,1,113,1,1,2,2 -10984,0,0100,-1,1800,1,1,32.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,124,1,19,1,98,2,1,1,2 -10985,0,1705,0,,2,1,14,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,1,2,1,2,2,2,,,2,2,1,107,1,22,1,176,1,1,2,3 -10986,0,1925,0,1400,1,1,69,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,128,1,16,1,88,1,1,2,3 -10987,0,0010,-1,1940,1,1,11,1,3,1,2,2,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,4,2: 5 - 20 mph,,,1,,,Object struck abdomen - Accidental,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,101,1,30,1,102,2,1,1,3 -10988,0,1204,0,1140,1,1,,,3,1,4,1,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,3,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,3,,4,,2,2,2,2,1,4,,,2,2,1,138,1,18,1,70,1,1,3,2 -10989,0,1628,0,1600,1,1,35,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,119,1,20,1,64,1,1,1,3 -10990,0,2126,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,104,1,28,1,90,1,1,2,2 -10991,0,1637,0,,2,1,12,3,3,2,,3,3,3,2,2,3,3,3,1,1,2,1,2,4,5,6,3,,1,3,,,3,3,3,8,,,,,,,,8,,2,,2,,1,2,2,4,4,3,,,3,3,1,107,2,,1,100,2,1,2,3 -10992,0,0700,0,0100,1,1,20.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,1,1,2,2,2,,,2,3,1,141,1,20,1,111,1,1,2,3 -10993,0,1730,0,0400,1,1,60.2,1,1,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,1,2,2,2,1,3,2,2,3,1,136,1,20,1,110,2,2,1,2 -10994,0,1913,0,,2,1,70,1,3,1,1,1,2,2,1,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,4,3: > 20 mph,,,1,,,,4,,2,,1,1,1,1,2,2,2,2,,,2,2,1,145,1,24,1,80,2,1,2,3 -10995,0,2021,0,1330,1,1,34.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Assaulted - kicked by other children,,7,2,2,,2,,2,2,2,2,2,2,,,3,3,1,90,1,16,1,84,1,1,2,2 -10996,0,2052,0,,2,1,7.3,4,8,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,1,3,,,1,2,3,3,1: 5 or less,,,,,,,3,,2,,1,1,1,2,2,2,2,3,,,3,2,1,112,1,30,1,153,3,2,2,3 -10997,0,1112,-1,,2,1,7.1,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,Mom bruises on extremities that look like bite marks,,9,2,2,,2,,2,2,2,2,2,2,,,2,2,1,106,1,28,1,131,1,1,2,2 -10998,0,1510,0,1430,1,1,10.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,3,3,2,,,2,2,1,118,1,30,1,127,1,1,2,2 -10999,0,2343,0,2000,1,1,42.5,1,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,3,1,98,1,18,1,92,1,1,2,3 -11000,0,1500,0,1400,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,2,2,2,2,2,,,2,3,1,138,1,18,1,130,1,1,2,3 -11001,0,2043,0,1700,1,1,24.8,1,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,4,,1,3,2,1,2,2,2,2,,,2,4,1,114,1,20,1,68,3,1,2,2 -11002,0,2055,0,2035,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,3,,,,,,1,,2,,2,,2,2,2,2,2,2,,,4,3,1,122,1,22,1,111,1,1,2,2 -11003,0,1330,0,1245,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,2,,,2,2,1,123,1,40,1,137,2,2,2,3 -11004,0,1718,0,,2,1,15,4,3,1,2,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,7,1: Intentional,,,,,,Child Abuse,7,,2,,1,1,1,2,2,2,3,2,,,2,3,3,,4,,3,,3,1,1,3 -11005,0,1100,0,1000,1,1,5.2,1,3,2,,2,2,2,2,2,2,2,3,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,68,1,32,1,130,2,1,1,2 -11006,0,1700,0,1500,1,1,20,4,2,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,6,,,,,,,,6,,4,,4,,2,2,2,2,2,1,1,3,2,2,1,115,1,23,1,69,6,6,3,2 -11007,0,2218,0,2030,1,1,45,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,4,3,2,,,2,2,1,128,1,12,1,105,1,1,2,3 -11008,0,1425,0,1230,1,1,45,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,2,,1,3,2,1,2,2,3,1,2,3,2,3,1,140,1,19,1,105,2,1,3,2 -11009,0,1940,0,,2,1,56,2,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,141,1,18,1,71,1,1,2,2 -11010,0,1612,0,1500,1,1,68,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,18,1,101,1,1,2,2 -11011,0,1907,0,1630,1,1,13.5,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,2,,,2,2,1,104,1,32,1,140,2,1,2,3 -11012,0,1910,0,,2,1,28,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,109,1,28,1,104,1,1,2,3 -11013,0,0941,0,,2,1,,,3,1,1,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,4,,2,2,2,2,2,2,,,2,3,1,112,1,24,1,140,1,1,2,2 -11014,0,1900,-1,2100,1,1,70,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,9,,,,,,Football helmet to back,,7,2,2,,1,2,2,2,2,2,2,1,2,3,2,2,1,121,1,24,1,90,4,2,2,2 -11015,0,1039,0,0840,1,1,35,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,1,1,1,2,2,2,2,2,,,2,2,1,120,1,24,1,116,2,1,2,3 -11016,0,1830,0,1800,1,1,37.5,1,3,1,4,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,1,2,2,2,2,,,2,3,1,126,1,24,1,118,1,1,2,2 -11017,0,1845,0,1800,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,4,,1,2,2,2,3,2,,,2,2,1,105,1,20,1,88,1,1,2,3 -11018,0,0226,0,0200,1,1,70,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,1,14,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,3,1,1,1,2,3,1,112,1,18,1,97,3,3,2,2 -11019,0,2105,0,2050,1,1,60,4,3,2,,2,2,2,2,2,2,2,3,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,1,1,2,1,2,2,2,2,2,,,2,2,1,143,1,22,1,65,2,2,1,3 -11020,0,1525,0,1500,1,1,60,4,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,3,2,,,2,3,1,107,1,14,1,78,1,1,2,3 -11021,0,1742,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,142,1,24,1,100,1,1,1,3 -11022,0,1400,0,1200,1,1,40,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,2,3,2,,,2,2,1,149,1,24,1,102,1,1,2,3 -11023,0,1853,0,1820,1,1,63.6,4,4,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,3: > 40 mph,2,,,,,,1,,1,2,3,,1,2,2,2,1,2,,,2,2,1,128,1,12,1,93,2,2,2,3 -11024,0,1619,0,,2,1,70,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,3,2,,,2,3,1,110,1,16,1,80,1,1,2,3 -11025,0,1354,0,,2,1,100,4,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,142,1,16,1,94,1,1,2,3 -11026,0,2020,0,1530,1,1,127,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,2,1,1,2,2,1,2,4,2,3,1,161,1,16,1,78,3,2,2,2 -11027,0,1610,0,1530,1,1,13,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,3,2,,,2,2,1,105,1,60,1,110,3,2,2,3 -11028,0,0837,0,0730,1,1,54.5,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,3,1,122,1,20,1,88,1,1,2,2 -11029,0,1600,0,1430,1,1,22.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,3,,1,24,1,110,1,1,3,2 -11030,0,1200,0,1045,1,1,49.8,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,1,2,7,2: Accidental,,,,,,Helmet to abdomen playing football,7,,2,,1,1,2,2,2,2,3,1,2,2,2,3,1,121,1,18,1,84,3,1,2,2 -11031,0,1700,0,1610,1,1,75,2,8,1,4,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"skateboarding, fell down hill",,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,140,1,20,1,60,1,1,2,2 -11032,0,1152,0,1130,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,132,1,18,1,95,2,2,2,3 -11033,0,1400,0,,2,1,33.8,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,2,4: Unknown,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,138,1,36,1,116,2,1,2,2 -11034,0,1828,0,1800,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,7,2: Accidental,,,,,,,7,,1,2,1,2,1,2,2,3,2,2,,,2,1,1,132,1,24,1,73,4,3,1,3 -11035,0,0735,0,0700,1,1,68,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,138,1,16,1,85,1,1,2,2 -11036,0,1519,0,1500,1,1,24,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,3,1,141,1,24,1,119,2,1,2,3 -11037,0,2020,0,1900,1,1,,,1,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,137,1,18,1,89,1,1,2,2 -11038,0,2357,0,,2,1,65.7,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,4,4,4,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,4,4,1,122,1,20,1,64,1,1,2,2 -11039,0,0756,0,0730,1,1,77,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,160,1,17,1,73,1,1,2,3 -11040,0,1707,0,1600,1,1,5.4,1,2,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,9,,,,,,Sister stepped on stomach,,7,2,2,,2,,2,2,2,2,2,3,,,2,3,1,104,1,36,1,156,1,1,2,2 -11041,0,0028,-1,,2,1,80,4,4,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Sledding Accident,,9,2,1,2,1,1,1,2,2,2,2,1,1,2,2,2,1,120,1,16,1,80,2,2,2,3 -11042,0,1707,0,1615,1,1,50,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,3,4,,,4,4,4,10,,,,,,,,10,,2,,1,3,1,1,1,2,3,2,,,2,2,1,123,1,30,1,109,2,2,3,3 -11043,0,1402,0,,2,1,25,2,8,1,1,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,2,1,2,2,2,2,1,140,1,26,1,117,3,1,2,3 -11044,0,2355,0,,2,1,65,4,8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,4,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,122,1,18,1,76,1,1,2,3 -11045,0,1945,0,,2,1,30,4,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,99,1,24,1,93,1,1,2,2 -11046,0,1615,0,1500,1,1,32,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,3,2,2,1,126,1,26,1,76,2,1,2,3 -11047,0,1912,0,1830,1,1,10,2,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,3,3,,,3,3,1,81,1,24,1,131,2,1,2,2 -11048,0,0330,0,0300,1,1,57,,1,2,,4,4,4,4,4,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,127,1,20,1,116,1,1,2,2 -11049,0,0419,0,0000,1,1,70,3,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,9,,,,,,Fell out of back of pickup moving 15 MPH,,2,1,2,,1,2,1,2,2,1,3,3,,,3,2,1,123,2,,1,141,3,1,1,3 -11050,0,1318,0,,2,1,48.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell while riding a horse,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,20,1,100,1,1,2,2 -11051,0,1826,0,,2,1,,,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,16,1,93,1,1,2,2 -11052,0,1900,0,1850,1,1,93.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,1,2,,2,2,2,2,3,2,,,2,3,1,132,1,20,1,107,1,1,2,2 -11053,0,1037,0,0945,1,1,12,1,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,2,3,1,2: 20 - 40 mph,1,5,,,,,1,,2,,1,1,2,2,2,2,2,3,,,2,2,1,104,1,24,1,108,1,1,2,2 -11054,0,1645,0,1415,1,1,23,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,3,1,2,2,2,7,2: Accidental,,,,,,struck by another person while tubing,7,,2,,2,,2,2,2,2,2,1,1,4,2,3,1,118,1,20,1,140,2,1,1,2 -11055,0,1754,0,1734,1,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,6,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,111,1,20,1,92,1,1,2,2 -11056,0,1355,0,1300,1,1,18.1,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,1,3,1,2,1,2,3,1,125,1,32,1,108,2,1,2,2 -11057,0,2200,0,2100,1,1,50,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,3,1,119,1,20,1,86,1,1,2,2 -11058,0,1400,0,,2,1,77,,3,2,,1,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,1,2,1,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,2,1,1,2,3,2,1,2,1,2,3,1,129,1,45,1,77,4,1,2,3 -11059,0,1912,0,1800,1,1,15,1,8,1,3,3,3,3,2,2,3,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,4,1: < 5 mph,,,1,,,,4,,2,,1,1,1,1,2,2,2,3,,,3,2,1,102,1,20,1,147,4,3,2,3 -11060,0,2116,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,37,1,88,1,1,1,2 -11061,0,1558,0,,2,1,78,1,3,2,,1,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Assaulted,,7,2,2,,2,,2,2,3,2,2,2,,,2,3,1,133,1,20,1,102,1,1,3,2 -11062,0,,0,,2,2,55,1,4,1,4,2,2,2,2,2,2,2,4,1,1,1,1,1,1,2,1,14,,1,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,1,2,1,1,1,2,2,2,2,2,,,4,4,1,112,1,18,1,110,2,2,1,3 -11063,0,2129,0,2000,1,1,27,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,1,2,4,,2,2,2,2,3,4,,,2,3,1,111,1,20,1,90,1,1,1,2 -11064,0,1610,0,1600,1,1,17,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,3,1,123,1,20,1,94,2,2,1,3 -11065,0,0830,-1,1300,1,1,97.1,1,3,3,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,9,,,,,,"Assaulted at school on the ground, during math class by 5-6 other students",,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,20,1,60,1,1,2,2 -11066,0,1040,0,,2,1,26,3,3,1,2,3,3,3,1,1,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,1,2,2,3,3,,,3,3,1,122,2,,1,110,4,2,2,3 -11067,0,1202,0,0750,1,1,71.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,156,1,20,1,118,1,1,1,2 -11068,0,1625,0,1600,1,1,20.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,3: > 15,,,,,,,3,,2,,2,,2,2,2,3,2,2,,,2,3,1,160,1,30,1,110,2,1,2,2 -11069,0,2318,0,2130,1,1,48,1,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,9,,,,,,Fell while rollerblading,,2,2,2,,2,,2,2,2,2,2,1,2,1,2,3,1,124,1,24,1,108,1,1,2,2 -11070,0,2255,0,2145,1,1,52,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,135,1,20,1,95,1,1,2,2 -11071,0,1823,0,1500,1,1,27,1,3,2,,2,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,3,2,2,2,,,2,2,1,127,1,28,1,90,1,1,2,3 -11072,0,1952,0,1930,1,1,,,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,locker fell and pinned patient,,7,2,1,2,1,1,2,2,2,2,2,2,,,2,3,1,139,1,12,1,101,2,1,2,2 -11073,0,1120,-1,,2,1,4.9,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,2,3,8,,,,,,,R/O NAT,8,,2,,2,,1,2,2,2,2,2,,,2,3,1,90,1,36,1,124,2,1,2,3 -11074,0,1713,0,1615,1,1,50,4,8,2,,3,3,3,2,1,3,3,2,3,1,1,1,2,4,5,2,7,,1,3,,,1,3,3,1,2: 20 - 40 mph,1,6,,,,,1,,1,1,1,1,1,2,3,1,3,3,,,3,2,1,160,1,20,1,96,3,2,1,3 -11075,0,1908,0,1700,1,1,64.9,1,3,2,,2,2,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,127,1,18,1,89,1,1,2,2 -11076,0,1905,0,1200,1,1,40,4,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,2,,Patient transfered from outside ER with subdural hematoma after bike fall,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,131,1,18,1,108,1,1,1,3 -11077,0,1640,0,1500,1,1,20,1,3,2,,4,4,4,4,4,1,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,2,,1,24,1,104,1,1,2,2 -11078,0,1815,0,1400,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,4,3,1,142,1,13,1,95,2,2,1,3 -11079,0,0712,0,0630,1,1,17.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,24,1,107,1,1,3,2 -11080,0,1616,0,1600,1,1,25.4,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,2,3,2,2,1,121,1,20,1,114,3,2,2,2 -11081,0,1355,0,1300,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,1,3,2,2,1,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,3,1,132,1,22,1,120,1,1,2,3 -11082,0,0830,0,0745,1,1,66,2,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,18,1,80,1,1,2,2 -11083,0,1055,0,1000,1,1,21,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,5,,,,,1,,1,1,2,,2,2,2,2,3,1,1,2,2,3,1,107,1,18,1,84,1,1,2,2 -11084,0,2138,0,2048,1,1,79.5,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Hit from behind while playing football.,,7,2,1,2,1,2,2,2,2,2,2,2,,,2,2,1,146,1,22,1,81,1,1,2,2 -11085,0,0812,0,0800,1,1,70,4,1,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,149,1,18,1,82,1,1,2,2 -11086,0,1928,0,1900,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,2,2,1,3: > 40 mph,1,1,,,,,1,,3,,1,2,2,2,2,2,2,2,,,2,2,1,133,1,18,1,85,2,1,3,2 -11087,0,2301,0,1900,1,1,60.3,1,3,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,4,2,2,1: < 3 ft.,,,,,,,2,,2,,1,3,1,1,2,2,2,1,2,2,2,3,1,123,1,20,1,101,2,1,3,3 -11088,0,0940,0,0900,1,1,13.6,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,2,,1,36,1,140,1,1,2,2 -11089,0,1300,0,1200,1,1,20,1,8,2,,2,2,2,2,1,2,2,2,2,2,2,2,2,2,1,1,14,,2,1,2,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,2,1,2,2,2,2,1,2,2,2,2,1,117,1,32,1,122,2,2,2,3 -11090,0,1650,0,1615,1,1,30,3,3,1,1,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,3,2,1,2,2,3,1,3,2,2,2,1,123,1,30,1,105,4,3,2,2 -11091,0,1858,0,,2,1,68.1,1,8,1,2,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,physical altercation,,7,2,1,2,2,,2,1,2,2,2,2,,,2,3,1,131,1,18,1,114,1,1,2,2 -11092,0,0030,-1,,2,1,9,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,2,13,,1,3,,,3,3,2,8,,,,,,,,8,,2,,1,1,1,2,2,2,2,2,,,2,2,1,110,1,36,1,166,4,3,1,3 -11093,0,1519,0,1400,1,1,70,4,3,1,1,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,1,2,2,3,1,136,1,16,1,84,2,1,2,2 -11094,0,1949,0,1940,1,1,30,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,5,,,,,1,,2,,1,1,2,1,1,2,2,2,,,2,2,1,126,1,28,1,116,1,1,2,2 -11095,0,1345,0,1330,1,1,22,3,1,1,2,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,2,2,2,3,2,,,2,3,1,119,1,26,1,86,4,4,2,3 -11096,0,1420,0,1330,1,1,81.6,4,11,1,2,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,16,1,75,1,1,2,2 -11097,0,1710,0,1700,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,2,3,,1,28,1,117,1,1,2,2 -11098,0,1642,0,,2,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,1,1,1,2,2,1,2,3,2,2,1,127,1,24,1,107,3,2,3,3 -11099,0,1513,0,1430,1,1,79,4,4,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,147,1,14,1,63,1,1,2,3 -11100,0,1200,-1,2113,1,1,18.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,99,1,20,1,102,1,1,2,2 -11101,0,1510,0,1430,1,1,59,4,4,2,,2,2,2,1,2,2,2,2,2,2,2,2,1,1,2,1,14,,2,2,,,2,2,3,2,3: > 10 ft.,,,,,,,2,,1,2,1,3,1,2,2,2,1,2,,,2,2,1,130,1,24,1,98,1,1,1,3 -11102,0,1236,0,1130,1,1,60,4,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,2,2,2,2,1,135,1,20,1,83,2,2,2,2 -11103,0,1953,0,1800,1,1,30,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,2,4,3: > 20 mph,,,3,,,,4,,1,1,2,,1,2,2,4,2,2,,,2,2,1,115,1,32,1,140,1,1,2,3 -11104,0,1700,0,1630,1,1,87.2,1,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,115,1,24,1,92,2,2,2,3 -11105,0,1853,0,,2,1,60,1,3,1,1,1,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,1,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,1,1,2,2,3,1,128,1,25,1,73,2,1,1,3 -11106,0,1718,0,1500,1,1,19,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,1,5: Physician did not answer,1,1,,,,,1,,2,,1,1,1,1,3,2,2,1,2,1,2,3,1,111,1,13,1,126,3,1,1,3 -11107,0,1719,0,,2,1,70,,3,2,,1,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,9,,,,,,Fball injury/Tackle,,7,2,2,,2,,2,2,2,2,2,1,1,4,2,3,1,133,1,20,1,76,1,1,1,2 -11108,0,1935,0,,2,1,,,8,2,,4,4,4,4,4,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,135,1,18,1,78,1,1,2,2 -11109,0,0945,0,0830,1,1,90,,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,1,4: Speed Unknown,2,,,,,,1,,1,1,1,2,1,1,2,2,2,1,1,1,2,2,1,112,1,22,1,88,2,1,2,3 -11110,0,2015,0,1830,1,1,14,4,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,1,3: > 40 mph,1,5,,,,,1,,2,,1,1,1,2,2,2,3,3,,,3,2,1,132,1,30,1,177,2,1,2,3 -11111,0,1800,0,1700,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,1,4,2: 5 - 20 mph,,,1,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,113,1,45,1,121,1,1,2,3 -11112,0,0820,0,0800,1,1,32.5,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,132,1,20,1,89,1,1,2,2 -11113,0,2025,0,1630,1,1,30,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,4: Unknown,,,,,,,2,,2,,2,,1,1,2,2,2,2,,,2,2,1,135,1,28,1,90,1,1,1,3 -11114,0,0832,0,0800,1,1,57.4,1,2,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,136,1,16,1,86,1,1,1,2 -11115,0,1956,0,1912,1,1,53,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,116,3,,1,119,1,1,2,2 -11116,0,1205,0,1110,1,1,65,,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,130,1,10,1,85,1,1,1,2 -11117,0,1850,0,1730,1,1,30,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,1,4,2,3,1,123,1,18,1,88,4,2,2,3 -11118,0,1100,0,0900,1,1,54.4,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Football injury/tackled,,7,2,2,,2,,2,2,2,3,2,2,,,2,2,1,145,1,18,1,76,1,1,2,2 -11119,0,1906,0,1800,1,1,68,4,1,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,150,1,24,1,106,1,1,2,2 -11120,0,0040,0,0015,1,1,16,2,1,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,3,1,1,3,2,3,1,150,1,18,1,98,2,1,2,2 -11121,0,1608,0,1500,1,1,,,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,1,9,,,,,,slipped and hit L abd on pavement,,2,2,1,2,2,,2,2,2,2,2,2,,,2,3,1,100,1,20,1,73,1,1,2,2 -11122,0,1500,0,1430,1,1,59,2,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,1,2,2,1,2,1,2,3,1,132,1,24,1,113,2,1,2,3 -11123,0,1645,0,1540,1,1,40,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,4,4,3,7,,2,3,,,2,3,3,4,3: > 20 mph,,,2,,,,4,,1,2,1,3,1,2,2,2,2,3,,,3,2,1,110,2,,1,112,2,1,2,3 -11124,0,1600,0,,2,1,,,3,2,,4,4,4,4,4,2,2,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,3,4,4,4,,,4,4,3,,1,22,1,88,6,6,3,2 -11125,0,0425,-1,2139,1,1,80,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,118,1,18,1,80,1,1,1,3 -11126,0,0923,0,0800,1,1,70,,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,2,2,2,3,2,,,2,2,1,176,1,22,1,142,2,2,2,3 -11127,0,1040,0,,2,1,8.9,1,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,1,2,,,2,3,2,1,1: < 20 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,100,1,24,1,128,1,1,2,2 -11128,0,1721,0,1630,1,1,72.1,,3,2,,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,4,,4,,2,2,3,2,2,2,,,2,3,1,131,1,22,1,88,6,6,3,2 -11129,0,1507,0,1430,1,1,70,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,2,,,2,3,1,130,1,20,1,114,1,1,2,2 -11130,0,2000,0,1900,1,1,112,1,1,1,2,1,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,2,1,135,1,18,1,80,1,1,2,2 -11131,0,2035,0,2000,1,1,18,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,3,,,5,,2,,2,,1,1,2,2,2,2,,,2,3,1,99,1,20,1,108,1,1,2,3 -11132,0,1848,0,,2,1,16,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,2,1,1,1,2,3,1,2,1,2,2,1,114,1,32,1,107,2,1,2,3 -11133,0,2000,0,1600,1,1,56.6,1,8,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,kicked in stomach,,7,2,2,,2,,2,2,2,2,2,1,2,6,2,3,1,110,1,18,1,90,1,1,2,2 -11134,0,1514,0,1500,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,1,1,1,2,2,1,110,1,28,1,117,3,2,1,3 -11135,0,1543,0,1530,1,1,,,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,117,1,30,1,74,2,1,2,3 -11136,0,1510,0,1105,1,1,19,3,8,1,2,3,3,3,2,2,3,3,2,3,1,2,1,2,4,5,6,3,,2,3,,,1,3,3,1,4: Speed Unknown,2,,,,,,1,,1,1,1,1,1,2,2,2,3,3,,,3,2,1,134,2,,1,111,2,1,2,3 -11137,0,2110,0,1500,1,1,46.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,138,1,16,1,80,1,1,1,2 -11138,0,2258,0,2240,1,1,50,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,1,14,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,2,3,1,115,1,16,1,112,2,2,2,3 -11139,0,2100,0,2030,1,1,50,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,130,1,20,1,88,2,1,2,2 -11140,0,1826,0,,2,1,44,1,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,1,5: Physician did not answer,4,,,,,,1,,2,,1,1,1,1,1,2,2,1,3,3,1,3,1,120,1,17,1,96,5,4,3,3 -11141,0,1130,0,1055,1,1,55,2,1,2,,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,114,1,22,1,82,1,1,2,2 -11142,0,1915,0,,2,1,45,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,2,,,5,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,118,1,18,1,84,4,2,3,3 -11143,0,1230,0,1000,1,1,43.3,1,2,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fell onto mat while jumping hurdle,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,102,1,20,1,75,1,1,2,2 -11144,0,1930,0,1848,1,1,34,3,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,1,4,3,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,1,2,2,2,3,1,130,1,22,1,118,3,2,2,3 -11145,0,1710,0,,2,1,,,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,129,1,18,1,117,1,1,2,2 -11146,0,1823,0,1800,1,1,10,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,88,1,32,1,164,4,1,2,3 -11147,0,1812,0,,2,1,4,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,97,1,35,1,200,1,1,2,3 -11148,0,1330,0,1200,1,1,13,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,1,2,2,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,3,1,103,1,31,1,123,1,1,2,3 -11149,0,0925,0,0700,1,1,16,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,101,1,24,1,111,1,1,2,1 -11150,0,1553,0,,2,1,45,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,3,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,4,2,,,2,2,1,130,1,18,1,113,2,1,2,3 -11151,0,2145,0,2100,1,1,18,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,116,1,26,1,112,1,1,2,3 -11152,0,1900,0,1230,1,1,8.8,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,3,1,9,,,,,,fall while standing,,2,2,1,2,2,,1,2,2,2,2,2,,,2,2,1,95,1,50,1,137,1,1,1,3 -11153,0,1125,0,,2,1,40,1,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,1,5,3,9,,2,3,,,1,2,3,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,3,3,,,3,2,1,100,1,16,1,104,2,1,2,3 -11154,0,1333,0,,2,1,15,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,4,,2,,2,2,2,2,2,2,,,2,3,1,94,1,22,1,102,1,1,2,2 -11155,0,1722,0,1650,1,1,29,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,4,2,1,144,1,21,1,98,1,1,2,3 -11156,0,1630,0,1600,1,1,65,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,3,3,1,3,1,128,1,20,1,72,4,2,2,3 -11157,0,1730,0,,2,1,71,1,8,2,,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,7,3: Unknown intentionality,,,,,,,7,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,106,1,28,1,71,3,3,2,3 -11158,0,1100,0,0945,1,1,80,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,7,1: Intentional,,,,,,struck right flank,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,20,1,80,1,1,2,2 -11159,0,2047,0,2027,1,1,24.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,108,1,16,1,96,1,1,2,2 -11160,0,,0,,2,2,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,100,1,32,1,168,1,1,2,2 -11161,0,2350,0,2330,1,1,70,,3,2,,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,4,5: Physician did not answer,,,4,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,144,1,20,1,95,1,1,2,2 -11162,0,2000,0,1900,1,1,68,4,1,1,2,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,18,1,96,1,1,3,2 -11163,0,1700,0,1200,1,1,6,1,11,2,,2,2,2,2,2,2,2,2,2,1,1,1,2,4,5,6,3,,1,2,,,2,2,2,9,,,,,,Suspected child abuse,,7,2,1,2,2,,1,2,2,2,2,2,,,2,3,1,80,1,25,1,150,1,1,1,3 -11164,0,0000,-1,2300,1,1,13,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,1,2,2,,1,2,2,2,2,2,,,2,3,1,106,1,20,1,108,2,1,2,3 -11165,0,2000,0,1600,1,1,,,3,2,,1,1,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,2,2,2,2,2,1,2,2,2,2,1,106,1,14,1,74,2,1,2,2 -11166,0,0330,0,0230,1,1,80,4,1,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,3,2,,,2,3,1,112,1,20,1,98,1,1,2,3 -11167,0,1109,0,,2,1,49.9,1,4,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,8,,,,,,,Found down in horse stall-likely kicked by horse but not verified,8,,1,2,1,2,1,1,2,2,1,1,3,1,2,3,1,105,1,16,1,65,5,4,1,3 -11168,0,1440,0,1215,1,1,40,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,3,1,1,2,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,2,4,2,1,90,1,24,1,80,2,2,2,2 -11169,0,1200,0,0800,1,1,22,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,99,1,20,1,123,1,1,2,2 -11170,0,1259,-1,,2,1,61.9,1,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,evaluation for possible spleen injury/hit to chest during hockey game,,7,2,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,112,1,14,1,64,2,1,2,2 -11171,0,1930,0,1830,1,1,71.2,1,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,4,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,152,1,24,1,88,1,1,2,2 -11172,0,0030,-1,2030,1,1,39.9,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,2,2,9,,,,,,fell from standing onto L side,,2,2,2,,1,1,2,2,2,2,2,1,2,1,1,3,1,123,1,20,1,96,5,2,1,2 -11173,0,1916,0,1830,1,1,22,3,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,1,2,3,1,100,1,24,1,120,2,2,2,3 -11174,0,1816,0,,2,1,,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,7,,,,chart states shoulder belt only - no lap belt,1,,2,,2,,2,2,2,4,2,2,,,2,3,1,120,1,16,1,82,1,1,2,2 -11175,0,1838,0,1745,1,1,80,4,4,2,,2,2,2,3,3,3,3,3,3,2,2,2,1,1,1,1,15,,2,2,,,2,2,3,4,2: 5 - 20 mph,,,1,,,,4,,3,,3,,1,3,2,3,3,2,,,3,2,1,149,1,12,1,81,2,1,2,3 -11176,0,2140,0,,2,1,15,3,1,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,6,3,,1,3,,,3,3,3,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,3,3,,,3,3,1,113,2,,1,116,2,2,2,3 -11177,0,2258,0,,2,1,,,8,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,Trampled at concert,,7,2,2,,1,1,1,2,2,2,3,1,2,1,2,3,1,101,1,15,1,71,1,1,1,3 -11178,0,2136,0,1900,1,1,72,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,1,2,2,2,2,,,2,2,1,145,1,19,1,104,1,1,2,3 -11179,0,1847,0,,2,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,8,,,,,,,"suspect auto vs. pedestrian ""backover""",8,,2,,2,,2,2,2,2,3,3,,,3,2,1,116,1,28,1,156,2,2,2,2 -11180,0,2101,0,2045,1,1,62,1,8,2,,2,2,2,2,2,2,2,2,4,2,2,2,2,1,2,1,14,,1,4,,,2,2,1,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,144,1,22,1,80,1,1,3,2 -11181,0,1900,0,1830,1,1,47,,1,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,sledding and collided with another person,,9,2,2,,2,,2,2,2,3,2,1,1,2,2,3,1,132,1,24,1,72,1,1,2,2 -11182,0,1618,0,1600,1,1,57,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,1,13,,2,1,2,1,1,2,2,8,,,,,,,,8,,2,,1,2,2,2,2,4,2,1,3,1,2,3,1,128,1,20,1,105,1,1,1,2 -11183,0,0733,0,0710,1,1,77,4,4,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,140,1,20,1,75,2,1,2,2 -11184,0,2135,0,2115,1,1,30,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,134,1,21,1,107,1,1,2,3 -11185,0,1237,0,1100,1,1,77,1,3,2,,2,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,18,1,82,1,1,2,2 -11186,0,0303,0,0216,1,1,59,2,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,1,1,1,1,15,,2,3,,,2,2,3,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,3,2,,,3,3,1,123,1,18,1,76,1,1,1,2 -11187,0,1458,0,,2,1,24.3,1,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,1,3,2,3,1,121,1,18,1,106,2,1,2,3 -11188,0,2019,0,2000,1,1,49.3,1,2,2,,1,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall from standing,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,18,1,96,1,1,2,2 -11189,0,1722,-1,1800,1,1,38,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,114,1,24,1,78,2,1,1,2 -11190,0,2118,0,,2,1,64,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,3,2,2,2,,,2,3,1,122,1,22,1,94,2,1,1,2 -11191,0,2343,0,2100,1,1,6.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,32,1,164,1,1,2,2 -11192,0,1232,0,,2,1,17,,8,2,,3,3,3,1,1,3,3,2,1,1,1,1,2,3,3,2,10,,2,3,,,3,1,1,9,,,,,,fall out of moving car,,9,1,1,2,1,1,1,1,2,1,1,3,,,3,2,1,127,1,44,1,150,4,3,2,3 -11193,0,1550,0,1530,1,1,34,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,118,1,30,1,100,1,1,2,2 -11194,0,1642,0,,2,1,8.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,4,1,9,,,,,,unknown-suspect NAT,,8,2,2,,2,,1,2,2,2,2,2,,,2,3,1,91,1,28,1,134,1,1,2,3 -11195,0,1245,0,1215,1,1,8,4,3,2,,2,2,2,2,2,3,3,2,1,2,2,2,2,1,2,1,14,,1,3,,,1,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,3,3,1,123,1,35,1,192,2,1,2,3 -11196,0,2215,0,2130,1,1,65,4,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,129,1,62,1,75,1,1,2,2 -11197,0,1530,0,,2,1,10,4,8,1,1,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,1,3: > 40 mph,1,4,,,,,1,,4,,2,,1,2,2,2,2,2,,,2,2,1,139,1,24,1,171,2,1,1,3 -11198,0,1850,0,1400,1,1,13,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,4,2,2,,,2,2,1,120,1,40,1,118,1,1,2,3 -11199,0,1503,0,,2,1,10,,8,1,1,3,3,3,2,4,3,3,2,2,2,2,2,2,,,,,15,1,3,,,2,3,2,4,1: < 5 mph,,,3,,,,4,,1,1,1,3,1,2,3,2,4,3,,,3,2,1,98,1,40,1,150,3,2,3,3 -11200,0,1646,0,1200,1,1,50.8,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,"Motocross, airborne, fell 100ft.",,6,1,2,,1,3,1,2,2,2,3,2,,,2,2,1,120,1,20,1,74,1,1,3,3 -11201,0,1920,0,1855,1,1,25,3,1,1,2,3,3,3,2,2,3,3,2,2,2,2,2,2,1,4,2,11,,2,3,,,2,3,3,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,3,1,111,1,16,1,96,3,1,2,3 -11202,0,1613,-1,2000,1,1,20,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,1,1,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,1,1,4,2,3,1,94,1,20,1,117,2,1,2,3 -11203,0,1934,0,1900,1,1,68.9,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,143,1,22,1,86,1,1,1,2 -11204,0,1625,0,,2,1,25.4,1,8,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,40,1,120,1,1,2,2 -11205,0,1346,0,1300,1,1,38,1,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,5,,,,,1,,,5,,2,,1,1,1,1,3,2,2,1,2,1,2,3,1,102,1,24,1,110,4,2,2,3 -11206,0,1700,0,1645,1,1,16,1,3,2,,2,2,2,2,2,2,3,3,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,119,1,44,1,116,2,1,2,3 -11207,0,0830,0,0730,1,1,6,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,12,,1,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,110,1,28,1,118,2,1,2,3 -11208,0,1000,-1,1600,1,1,36.1,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,tackled by brother,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,18,1,70,1,1,2,2 -11209,0,1645,0,1200,1,1,81,4,3,2,,2,2,2,2,2,4,2,2,3,2,2,2,2,1,1,1,15,,1,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,2,2,2,2,2,2,1,2,1,4,4,1,138,1,23,1,93,2,2,1,2 -11210,0,1740,0,1400,1,1,43.5,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,4: Unknown,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,3,,1,20,1,80,1,1,2,3 -11211,0,1910,0,1810,1,1,,,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,6,,,,,1,,1,2,2,,1,1,1,2,2,1,1,1,2,2,1,137,1,20,1,68,3,1,2,3 -11212,0,1354,0,1315,1,1,60,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,130,1,18,1,74,1,1,1,3 -11213,0,1735,0,,2,1,14,3,8,1,1,3,3,3,2,2,3,3,2,2,2,2,2,2,2,2,2,12,,2,3,,,3,3,3,4,5: Physician did not answer,,,1,,,,4,,2,,1,3,1,1,2,2,2,3,,,3,2,1,103,1,34,1,111,2,1,3,3 -11214,0,0426,0,0400,1,1,,,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,1,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,4,3,,,2,2,1,129,1,18,1,102,1,1,2,3 -11215,0,1700,0,1300,1,1,20,2,1,1,3,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,dog mauling,,9,2,2,,2,,1,1,2,2,1,2,,,2,3,1,104,1,16,1,122,1,1,2,3 -11216,0,1600,0,1500,1,1,40,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,20,1,116,1,1,1,2 -11217,0,1829,0,,2,1,12,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,2,,2,2,2,2,1,2,,,2,2,1,96,1,24,1,116,2,1,2,2 -11218,0,1932,0,,2,1,12,3,8,2,,2,2,2,2,2,3,3,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,4,2: 5 - 20 mph,,,4,,,,4,,2,,1,3,1,2,2,2,3,3,,,2,2,1,108,1,32,1,156,3,2,2,3 -11219,0,1727,0,1515,1,1,,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,1: < 5 mph,,,2,,,,4,,1,1,2,,1,2,2,2,2,2,,,2,2,1,127,1,26,1,87,1,1,2,3 -11220,0,2030,0,1630,1,1,70,4,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Skateboarding-fell off rail,,2,2,2,,2,,1,2,2,2,3,2,,,2,3,1,118,1,16,1,71,1,1,2,3 -11221,0,1730,0,1700,1,1,70,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,9,,,,,,Punched in face; face struck against ground. May have injured abdomen.,,9,2,2,,1,3,1,2,2,2,3,1,1,2,2,2,1,129,1,27,1,88,1,1,2,3 -11222,0,2104,0,1930,1,1,60,4,4,1,1,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,2,1,2,2,2,,,2,2,1,142,1,20,1,88,3,1,2,3 -11223,0,1338,0,1020,1,1,73,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Ran/jumped onto another player's knee,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,16,1,93,1,1,2,2 -11224,0,1700,0,1430,1,1,22,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,4,3,2,,,2,2,1,114,1,30,1,121,1,1,2,3 -11225,0,1230,0,,2,1,48,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,106,1,28,1,68,1,1,2,2 -11226,0,1908,0,1745,1,1,42.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,1,2,1,1,1,2,2,2,2,1,3,2,2,2,1,111,1,20,1,86,5,5,2,3 -11227,0,1746,0,1730,1,1,69.9,1,8,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Tackled and fell onto left shoulder,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,139,1,24,1,95,1,1,2,3 -11228,0,2140,0,2100,1,1,45,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,2,1,2,2,2,2,2,,,2,3,1,115,1,18,1,86,2,2,1,3 -11229,0,2022,0,1430,1,1,9,2,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,1,3,1,2,1: < 3 ft.,,,,,,,2,,2,,1,1,1,2,2,2,3,2,,,2,3,1,105,1,40,1,176,2,1,2,3 -11230,0,2200,0,2000,1,1,40,1,3,3,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,128,1,20,1,70,1,1,2,2 -11231,0,2037,0,2000,1,1,111,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,141,1,22,1,74,1,1,2,2 -11232,0,1253,0,,2,1,,,8,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Snowboarding,,2,2,2,,4,,2,2,2,2,3,2,,,2,3,1,111,1,16,1,86,1,1,3,2 -11233,0,1547,0,1530,1,1,43,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,112,1,18,1,94,1,1,2,2 -11234,0,2021,0,1930,1,1,70,2,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,9,,,,,,Football game venue,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,20,1,62,2,1,3,2 -11235,0,1334,-1,,2,1,25.5,1,2,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Kicked in stomach,,7,2,1,2,2,,2,2,2,2,1,2,,,4,4,1,120,1,20,1,80,1,1,1,2 -11236,0,1643,0,1530,1,1,45,2,8,2,,2,2,2,2,2,2,3,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,125,1,19,1,90,1,1,2,3 -11237,0,1734,0,0930,1,1,113,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,2,2,1,141,1,16,1,62,2,1,1,2 -11238,0,1500,0,,2,1,,,3,2,,2,2,2,1,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,6,,,,,,,,6,,2,,1,2,2,2,2,2,2,1,3,3,2,2,1,135,1,18,1,67,2,1,1,2 -11239,0,1519,0,1230,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,118,1,22,1,94,1,1,1,3 -11240,0,1753,0,,2,1,45.4,2,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,20,1,100,1,1,2,2 -11241,0,0655,0,0500,1,1,31.4,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,7,2: Accidental,,,,,,Kicked,7,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,108,1,18,1,76,1,1,2,2 -11242,0,1631,0,,2,1,28,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,1,2,1,1,1,2,2,2,3,2,,,2,3,1,109,1,18,1,114,1,1,2,3 -11243,0,1807,0,1700,1,1,57.2,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Soccer player flipped and fell on neck and legs flipped over head,,7,2,2,,1,1,1,2,2,2,2,2,,,2,3,1,142,1,20,1,76,1,1,2,3 -11244,0,1709,0,,2,1,15,,8,2,,2,2,2,2,2,4,4,4,4,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,3,1,4,3,4,4,4,,,4,4,1,111,1,40,1,147,2,1,1,3 -11245,0,2014,0,1954,1,1,11,3,1,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,1,3,2,12,,1,3,,,1,3,1,1,2: 20 - 40 mph,1,4,,,,,1,,2,,1,2,1,2,2,4,2,3,,,3,2,1,102,1,26,1,180,2,2,3,3 -11246,0,1355,0,1000,1,1,9.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,2,1,113,1,28,1,145,1,1,2,2 -11247,0,1730,0,1700,1,1,40,4,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,3,3,2,3,1,120,1,18,1,107,4,4,2,3 -11248,0,0835,0,0730,1,1,100,2,1,1,1,1,2,1,1,2,1,2,2,2,2,2,2,2,1,,1,,15,2,2,,,2,1,1,1,2: 20 - 40 mph,3,,,,,,1,,1,2,1,1,1,2,2,2,2,1,1,2,2,3,1,166,1,20,1,109,4,3,2,3 -11249,0,2245,0,1700,1,1,79,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,2,,,2,3,1,139,1,16,1,82,3,2,2,2 -11250,0,1829,0,1630,1,1,41.8,1,3,2,,2,2,1,2,2,2,4,4,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,3,6,4,3,1,106,1,16,1,58,4,2,1,3 -11251,0,2154,0,2100,1,1,47,1,3,1,2,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,1,2,2,2,2,,,2,2,3,,1,24,1,100,1,1,2,2 -11252,0,1330,0,,2,1,19.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,2,,,2,3,1,149,1,26,1,108,2,1,2,2 -11253,0,2045,0,,2,1,34,,8,1,4,1,1,4,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,141,1,20,1,96,1,1,1,3 -11254,0,1857,0,1740,1,1,49.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,3,1,102,1,20,1,103,1,1,2,2 -11255,0,1828,0,1500,1,1,61.3,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,2,1,2,2,2,1,1,2,2,3,1,134,1,20,1,80,2,1,2,2 -11256,0,2200,0,1800,1,1,10,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,2: 20 - 40 mph,1,5,,,,convertible car seat,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,125,1,24,1,104,1,1,2,3 -11257,0,2058,0,2030,1,1,65,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,1,3,2,2,2,2,3,3,,,2,3,1,136,1,20,1,95,2,1,2,2 -11258,0,0001,-1,2230,1,1,34,2,1,1,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,2,,1,3,1,2,2,2,2,1,1,3,2,3,1,133,1,22,1,122,3,2,2,3 -11259,0,1545,0,1430,1,1,,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,"Ski collision, fall",,2,2,2,,2,,1,2,2,2,2,1,1,3,2,3,1,120,1,28,1,124,1,1,2,3 -11260,0,1410,-1,1945,1,1,70,4,1,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,6,,,,,,,,6,,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,133,1,16,1,64,2,1,2,2 -11261,0,0959,0,0930,1,1,,,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,6,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,150,1,16,1,104,1,1,1,3 -11262,0,1231,0,1200,1,1,27,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,96,1,20,1,94,1,1,1,2 -11263,0,1225,0,1200,1,1,86,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,3,1,13,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,1,2,,,2,3,1,88,1,48,1,150,1,1,2,3 -11264,0,1808,0,1720,1,1,39,2,1,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,116,1,16,1,73,2,1,3,3 -11265,0,2016,0,,2,1,68,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,4,1,123,1,18,1,79,1,1,2,3 -11266,0,2121,0,,2,1,65,2,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,1,2,,1,2,2,2,2,2,,,2,2,1,130,1,20,1,70,2,1,1,3 -11267,0,2149,0,2130,1,1,60,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,23,1,97,1,1,2,2 -11268,0,1433,0,1400,1,1,31,4,3,1,1,1,3,3,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,2,1,1,2,2,2,2,,,2,2,1,143,1,14,1,138,2,2,2,3 -11269,0,1700,0,1600,1,1,14,3,8,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,1,3,,,1,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,1,2,,,2,2,1,110,1,26,1,99,2,1,1,3 -11270,0,1050,0,0700,1,1,64,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,138,1,20,1,65,1,1,2,3 -11271,0,2350,0,1930,1,1,4,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,4,1,2,,,2,3,1,92,1,33,1,165,1,1,1,3 -11272,0,1337,0,1130,1,1,27,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,5,,,,,3,,,5,,2,,2,,2,1,2,2,2,2,,,2,3,1,94,1,21,1,96,1,1,2,2 -11273,0,1500,0,1400,1,1,80,4,8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,105,1,20,1,80,1,1,2,2 -11274,0,1956,0,,2,1,50,4,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,119,1,18,1,94,2,1,2,2 -11275,0,0300,-1,2200,1,1,61,2,1,1,2,2,2,2,2,2,2,1,1,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,4,,,2,2,1,122,1,16,1,125,3,2,2,3 -11276,0,2155,0,2045,1,1,70,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,7,,,,,1,,1,1,1,1,2,1,2,2,2,1,1,2,2,2,1,150,1,16,1,100,2,2,2,2 -11277,0,1446,0,1400,1,1,41.8,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,1,2,1,2,2,2,9,,,,,,Hit in belly by another child,,7,2,4,,1,1,2,2,2,2,1,1,2,1,2,4,1,122,1,24,1,79,2,2,3,2 -11278,0,1430,0,,2,1,40,4,1,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,1,1,2,2,2,2,,,2,3,1,135,1,19,1,76,3,2,1,3 -11279,0,1610,0,,2,1,18,1,3,2,,3,3,3,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,1,3,1,1,4: Speed Unknown,1,4,,,,,1,,2,,1,2,1,2,2,2,2,3,,,3,3,1,99,1,42,1,158,1,1,2,3 -11280,0,1715,0,1545,1,1,72.6,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,133,1,18,1,58,1,1,2,2 -11281,0,1536,0,,2,1,12.3,1,3,2,,3,3,3,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,3,,,3,3,1,100,1,46,1,171,1,1,2,2 -11282,0,1228,0,1130,1,1,65.8,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,1,1,2,3,2,,,2,3,1,117,1,18,1,85,1,1,2,2 -11283,0,2321,0,2200,1,1,70,1,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,3,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,132,1,30,1,90,2,1,2,3 -11284,0,2100,0,1900,1,1,25,4,3,1,4,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,2,13,,2,3,,,1,2,3,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,1,2,3,2,2,1,133,1,32,1,132,1,1,1,3 -11285,0,0100,-1,2130,1,1,50,,3,1,3,1,2,2,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,1,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,95,1,16,1,110,2,1,3,3 -11286,0,2041,0,,2,1,60,1,8,1,4,3,3,3,2,2,3,3,2,1,1,1,1,1,4,5,3,6,,2,3,,,3,3,1,6,,,,,,,,6,,3,,1,1,1,2,2,2,2,3,,,3,2,1,120,1,18,1,70,3,3,2,3 -11287,0,1915,0,0845,1,1,53.6,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Pt struck L hip on dance beam while practicing dance routine,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,24,1,89,1,1,2,2 -11288,0,1610,0,1545,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,1,2,3,2,2,,,2,2,1,117,1,16,1,122,2,1,2,3 -11289,0,1510,0,0800,1,1,15,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,5,,,,,1,,,5,,2,,1,1,1,2,2,2,2,1,3,1,1,3,1,154,1,32,1,120,4,3,2,3 -11290,0,1115,0,1015,1,1,17,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,84,1,34,1,156,2,2,1,3 -11291,0,2200,0,2000,1,1,64,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,1,1,1,2,2,2,2,2,2,,,2,2,1,113,1,20,1,89,1,1,1,2 -11292,0,1024,0,0900,1,1,56.4,1,8,1,2,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,18,1,78,1,1,2,2 -11293,0,1221,0,1150,1,1,66,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,2,,,2,2,2,9,,,,,,Skateboarding injury w/o helment,,2,2,1,2,2,,1,2,2,2,2,2,,,2,2,1,134,1,35,1,79,1,1,1,3 -11294,0,1805,0,1730,1,1,54.5,1,8,2,,2,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,3,1,110,1,20,1,84,1,1,2,2 -11295,0,2350,0,2300,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,3,1,1,2,2,3,1,2,3,2,2,1,132,1,18,1,93,4,3,2,3 -11296,0,0007,-1,,2,1,22,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,4,1,1,2,1,9,,,,,,jumping from couch-landing on arm/belly,,2,2,2,,2,,1,1,2,2,3,2,,,2,3,1,110,1,24,1,135,2,1,2,3 -11297,0,2212,0,2200,1,1,50,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,1,1,2,1,2,2,2,2,1,1,2,2,2,1,125,1,23,1,85,2,2,2,3 -11298,0,2155,0,2130,1,1,65,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,1,1,1,1,15,,3,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,154,1,19,1,76,1,1,2,3 -11299,0,1658,0,1630,1,1,65,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,16,1,120,1,1,2,2 -11300,0,1855,0,,2,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,123,1,24,1,123,1,1,1,2 -11301,0,1725,0,1640,1,1,55,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,130,1,18,1,72,1,1,2,2 -11302,0,0227,-1,1800,1,1,88,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,127,1,18,1,68,1,1,2,2 -11303,0,1714,0,,2,1,24,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,104,1,23,1,120,1,1,2,3 -11304,0,1700,0,,2,1,28.6,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,1,2,3,1,104,1,24,1,100,3,1,2,3 -11305,0,1925,0,1905,1,1,65,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,131,1,18,1,72,1,1,2,3 -11306,0,1900,0,1845,1,1,20,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,1,2,,1,1,2,2,2,1,1,2,2,2,1,144,1,28,1,138,1,1,2,3 -11307,0,1743,0,1625,1,1,75,4,4,2,,4,4,4,2,2,4,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,2,,,,,,1,,1,2,2,,1,2,2,2,2,2,,,2,3,1,170,1,18,1,80,1,1,1,3 -11308,0,1927,0,1805,1,1,77,,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,9,,,,,,Fall from horse,,2,2,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,118,1,18,1,83,3,1,1,3 -11309,0,0826,0,,2,1,38.3,1,3,2,,2,2,2,2,2,3,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Football tackle; oppponent fell on top of him,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,12,1,66,1,1,2,2 -11310,0,1925,0,1800,1,1,13,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,1,2,,,4,4,1,124,1,30,1,168,1,1,2,3 -11311,0,1930,0,1200,1,1,22,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,7,2: Accidental,,,,,,"pt ran into edge of table, struck in LUQ",7,,2,,1,1,1,2,2,2,2,1,1,2,2,3,1,111,1,20,1,84,2,1,2,3 -11312,0,1750,0,1200,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fell onto face/abdomen/wrist while running down a hill,,2,2,2,,2,,2,1,2,2,3,2,,,2,3,1,132,1,18,1,88,1,1,1,2 -11313,0,0302,0,0200,1,1,9,4,8,2,,3,3,3,2,2,3,3,3,2,2,2,2,2,1,2,1,14,,1,3,,,4,3,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,96,1,28,1,120,1,1,2,3 -11314,0,0501,,,2,1,60,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,2,2,1,13,,2,2,,,3,2,2,8,,,,,,,,8,,1,2,1,1,2,2,2,2,2,2,,,2,1,1,116,1,12,1,112,4,4,1,2 -11315,0,2119,0,1900,1,1,75,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,225 lb barbell dropped a few inches on chest,,7,2,2,,2,,2,2,2,3,3,2,,,2,3,1,132,1,18,1,68,1,1,2,2 -11316,0,2041,0,1000,1,1,36.3,1,3,2,,2,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,4,1,2,2,6,,,,,,,,6,,2,,1,3,1,2,2,2,3,1,1,2,2,3,1,114,1,24,1,112,2,2,2,3 -11317,0,,-1,0700,1,2,29,1,3,1,2,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,2,1: < 3 ft.,,,,,,,2,,2,,1,3,2,2,2,2,3,1,1,3,2,2,1,103,1,18,1,77,1,1,2,2 -11318,0,2005,0,,2,1,110,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,fell on back,,2,2,2,,2,,2,2,2,2,2,1,1,3,2,3,3,,1,20,1,80,1,1,1,2 -11319,0,2131,0,,2,1,61.5,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,147,1,16,1,95,1,1,2,2 -11320,0,2213,0,2115,1,1,83.9,1,4,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,1,2,,,2,3,1,140,1,22,1,108,3,2,2,3 -11321,0,2100,0,,2,1,25,4,8,2,,3,3,3,1,2,3,3,2,3,1,2,1,2,4,,4,,4,2,3,,,3,3,3,4,4: Speed Unknown,,,1,,,,4,,2,,1,2,1,2,2,2,2,3,,,3,2,1,125,2,,1,114,3,2,1,3 -11322,0,1345,-1,2200,1,1,70,1,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,138,1,18,1,96,1,1,2,2 -11323,0,1705,0,1630,1,1,37.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,125,1,16,1,80,1,1,2,2 -11324,0,1352,0,1317,1,1,30,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,1,2,2,1,2,2,2,,,2,2,1,113,1,20,1,73,2,1,1,2 -11325,0,1438,0,1300,1,1,16,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,3,2,3,2,,,2,3,1,112,1,22,1,110,1,1,3,2 -11326,0,1733,0,1700,1,1,45,2,3,1,4,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,112,1,20,1,109,1,1,2,2 -11327,0,1749,0,1530,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,9,,,,,,Assaulted by peers,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,119,1,11,1,97,1,1,1,3 -11328,0,2248,0,,2,1,50,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Altered mental status,,9,2,2,,1,3,2,2,2,2,2,2,,,2,2,1,116,1,24,1,111,1,1,2,2 -11329,0,1531,0,1400,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,Assaulted,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,17,1,62,1,1,2,2 -11330,0,0230,-1,2200,1,1,70,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,115,1,19,1,74,1,1,2,2 -11331,0,2045,0,1930,1,1,63.5,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,136,1,22,1,130,1,1,1,3 -11332,0,2129,0,,2,1,59,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,1,1,2,,2,2,2,2,2,2,,,2,2,1,121,1,22,1,82,1,1,2,2 -11333,0,0637,-1,,2,1,42,,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,3,4,,,1,2,1,9,,,,,,skiing / hit a tree,,2,2,2,,2,,1,2,2,2,2,2,,,2,3,1,113,1,18,1,84,1,1,2,3 -11334,0,2100,0,2030,1,1,27,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,3,4,3,8,,2,3,,,2,2,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,1,1,2,2,2,3,3,,,3,3,1,105,1,26,1,109,2,1,2,3 -11335,0,1639,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Sledding accident,,9,2,2,,1,1,2,2,2,2,3,1,2,3,2,3,1,123,1,20,1,81,2,1,1,2 -11336,0,1610,0,,2,1,50,4,3,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,2,1,114,2,,1,86,4,4,2,3 -11337,0,2215,0,,2,1,6,4,3,2,,3,3,3,2,2,3,3,3,2,1,1,1,2,4,5,3,6,,1,3,,,3,3,3,8,,,,,,,,8,,2,,1,1,1,2,2,2,2,3,,,3,3,1,105,2,,1,174,3,1,2,3 -11338,0,1636,0,1620,1,1,30,4,3,1,2,4,3,3,2,2,3,2,2,1,2,2,2,2,3,2,2,11,,2,3,,,1,2,1,4,3: > 20 mph,,,4,,,,4,,1,2,1,1,1,2,2,2,3,4,,,2,2,1,117,1,28,1,96,5,5,2,3 -11339,0,0018,-1,2355,1,1,75,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,1,14,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,3,2,2,2,2,2,1,2,3,2,3,1,160,1,19,1,94,2,1,2,2 -11340,0,1640,0,1545,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,20,1,111,2,1,2,2 -11341,0,1835,0,,2,1,60,2,8,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,3,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,3,2,2,2,,,2,3,1,142,1,22,1,112,2,1,1,3 -11342,0,0904,-1,1700,1,1,20.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,110,1,20,1,115,1,1,2,2 -11343,0,1654,0,1330,1,1,72,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,2,,2,,2,1,2,2,3,1,1,2,2,3,1,112,1,19,1,96,2,1,2,2 -11344,0,2200,0,1700,1,1,4.4,1,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,4,,2,,1,2,2,2,2,3,,,3,2,1,176,1,50,1,83,2,1,2,3 -11345,0,1130,0,1100,1,1,50,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,123,1,20,1,71,1,1,2,2 -11346,0,2245,0,2130,1,1,45,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,3,,1,2,3,2,4,2,,,2,2,1,125,1,16,1,81,1,1,1,3 -11347,0,1800,0,1718,1,1,38,2,3,2,,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,2,3,4: Unknown,,,,,,,3,,1,1,2,,1,2,2,2,2,1,2,2,2,3,1,116,1,24,1,114,1,1,2,3 -11348,0,2000,0,1930,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,3,1,2,2,2,3,1,132,1,20,1,97,2,1,2,3 -11349,0,2315,0,2300,1,1,86,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,3,,3,,2,2,2,2,2,2,,,2,2,1,189,1,21,1,89,2,2,2,2 -11350,0,1810,0,1730,1,1,29.5,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,2,2,2,3,2,,,2,2,1,129,1,20,1,100,1,1,2,2 -11351,0,1955,0,1920,1,1,44.5,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,3,,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,109,1,18,1,96,1,1,2,2 -11352,0,1548,0,1448,1,1,45,4,8,2,,3,3,3,2,2,3,3,2,1,1,1,1,2,,,,,8,2,3,,,3,3,3,9,,,,,,Blunt trauma to face,,9,2,2,,3,,1,2,3,2,4,3,,,2,2,1,133,1,18,1,99,1,1,2,3 -11353,0,1809,0,1800,1,1,11.3,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,88,1,19,1,99,1,1,2,2 -11354,0,1624,0,1600,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,2,1,109,1,22,1,110,1,1,2,2 -11355,0,1440,0,,2,1,15,4,8,2,,4,2,2,2,2,3,3,2,1,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,3,,,2,3,1,123,1,16,1,55,2,1,2,3 -11356,0,1914,0,,2,1,16.5,1,1,1,2,3,3,3,2,2,3,3,3,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,3,2,2,3,,,2,3,1,103,1,20,1,126,1,1,2,2 -11357,0,1012,0,0810,1,1,83,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,3,2,1,2,4,2,3,1,91,1,20,1,94,1,1,2,2 -11358,0,1302,-1,1945,1,1,41,1,2,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,137,1,18,1,68,1,1,3,2 -11359,0,2104,0,2008,1,1,3.4,2,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,7,3: Unknown intentionality,,,,,,,7,,2,,1,1,1,1,2,2,2,3,,,3,3,1,92,1,47,1,186,2,2,1,3 -11360,0,1320,0,1230,1,1,9,3,3,1,3,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,4,,,3,3,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,1,3,2,3,3,,,3,3,1,103,1,24,1,164,3,1,2,3 -11361,0,1357,-1,,2,1,10.6,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,1,1,1,8,,,,,,,,8,,2,,2,,2,2,2,2,1,2,,,2,3,1,100,1,24,1,135,4,1,1,2 -11362,0,2321,0,2300,1,1,60,4,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,3,,,,,1,,2,,1,1,1,2,2,2,3,1,1,2,2,3,1,129,1,20,1,136,2,1,2,3 -11363,0,1645,0,1615,1,1,18.1,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,2,2,2,2,2,2,,,2,2,1,139,1,23,1,108,3,2,2,2 -11364,0,2253,0,2230,1,1,15,4,3,2,,4,4,4,4,4,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,2,,2,1,1,2,2,2,,,4,3,1,99,1,24,1,104,1,1,2,2 -11365,0,1524,0,1445,1,1,55.4,,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,4,,2,2,2,2,2,2,,,2,2,1,120,1,12,1,74,1,1,2,2 -11366,0,0930,0,0845,1,1,18.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,101,1,22,1,104,1,1,2,2 -11367,0,1645,0,1600,1,1,10,2,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,2,4: Unknown,,,,,,,2,,2,,2,,2,2,2,2,2,3,,,2,2,1,90,1,22,1,111,1,1,2,2 -11368,0,1528,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,18,1,130,1,1,2,2 -11369,0,1730,0,1700,1,1,15,4,3,2,,4,4,4,4,4,2,2,4,2,2,2,2,2,1,2,1,14,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,2,2,,,2,3,1,118,1,28,1,112,3,2,1,3 -11370,0,1305,0,,2,1,15,4,8,2,,3,3,3,2,2,2,3,2,2,1,1,1,2,1,2,2,13,,2,3,,,2,3,2,1,4: Speed Unknown,1,5,,,,,1,,2,,1,1,1,2,2,2,2,3,,,3,3,1,106,1,24,1,111,1,1,2,3 -11371,0,1801,0,1725,1,1,68,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,6,,,,,,,,6,,1,1,1,1,2,2,2,2,2,2,,,2,2,1,168,1,20,1,56,4,3,2,2 -11372,0,1511,0,,2,1,12,1,2,2,,3,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,103,1,26,1,128,1,1,2,2 -11373,0,1300,0,,2,1,52,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"fell from horse, drawn cart onto head",,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,144,1,20,1,96,1,1,2,3 -11374,0,2000,0,,2,1,89.9,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,knee to back,,7,2,3,,2,,2,2,2,2,2,2,,,2,3,1,137,1,16,1,60,2,1,2,2 -11375,0,0110,0,0045,1,1,60,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,110,1,16,1,88,1,1,2,2 -11376,0,1416,0,1330,1,1,38,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,1,1,2,,1,2,2,2,3,2,,,2,3,1,118,1,25,1,84,2,1,2,3 -11377,0,1940,0,1815,1,1,66.5,1,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Fall off a float and trailer rolled over her,,2,2,2,,2,,2,2,2,2,3,2,,,2,3,1,143,1,22,1,88,1,1,2,2 -11378,0,2215,0,,2,1,16,3,8,1,1,2,2,2,2,2,2,2,4,3,2,2,2,2,1,2,2,13,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,85,1,22,1,136,1,1,2,3 -11379,0,1510,0,1300,1,1,35,2,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,114,1,16,1,72,1,1,2,3 -11380,0,0035,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,24,1,109,1,1,2,2 -11381,0,1324,0,1215,1,1,14,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,2,1,2,2,2,2,,,2,3,1,104,1,36,1,130,1,1,1,2 -11382,0,1800,0,1730,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,14,,2,1,1,3,2,2,3,4,3: > 20 mph,,,2,,,,4,,4,,1,1,1,2,2,2,2,1,1,5,2,2,1,108,1,24,1,104,2,2,2,3 -11383,0,1545,0,1500,1,1,9.3,1,1,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,3,1,13,,1,3,,,2,3,3,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,3,2,1,106,1,24,1,114,1,1,2,2 -11384,0,2100,0,2030,1,1,65,1,8,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,120,1,18,1,76,1,1,2,2 -11385,0,1519,0,1500,1,1,50,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,133,1,22,1,105,1,1,2,3 -11386,0,1009,0,1000,1,1,20,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,1,1,1,2,2,1,1,1,2,2,1,96,1,29,1,96,3,1,2,3 -11387,0,1505,0,1430,1,1,90.7,1,4,1,1,2,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,3,1,158,1,18,1,91,1,1,2,3 -11388,0,0117,-1,2100,1,1,10,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,3,,,1,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,115,1,42,1,125,1,1,2,3 -11389,0,2106,0,1930,1,1,49.9,4,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,134,1,12,1,93,1,1,1,3 -11390,0,1930,0,1830,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,114,1,24,1,88,1,1,2,2 -11391,0,1950,0,1920,1,1,65,4,3,1,1,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,2,1,135,1,19,1,102,2,1,2,2 -11392,0,1641,0,,2,1,5.9,1,1,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,2,1,14,,1,4,,,3,3,3,1,4: Speed Unknown,1,4,,,,ejected from infant seat a well.,1,,2,,1,1,1,2,2,2,3,3,,,3,3,1,80,1,38,1,149,2,1,2,3 -11393,0,2115,0,1500,1,1,42.2,1,3,2,,1,1,4,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,sledding accident/ collision with another sledder,,9,2,2,,1,1,2,2,2,2,1,1,2,2,2,3,1,126,1,20,1,123,4,3,1,2 -11394,0,2300,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,2,2,9,,,,,,"Pulled behind ATV, fell through ice",,9,2,2,,2,,1,2,2,1,2,2,,,2,2,1,116,1,18,1,126,2,1,1,3 -11395,0,1105,0,,2,1,9,1,3,2,,2,2,2,2,2,2,4,4,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,1,1,2,2,2,2,4,1,2,3,2,3,1,102,1,32,1,168,4,2,2,2 -11396,0,1315,0,1300,1,1,14,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,3,1: 5 or less,,,,,,,3,,2,,1,2,1,2,2,2,2,2,,,2,2,1,134,1,30,1,145,2,1,2,3 -11397,0,1408,0,1215,1,1,20,3,3,2,,2,2,2,2,2,3,3,3,1,2,2,2,2,1,1,1,15,,2,1,4,1,2,3,1,4,4: Speed Unknown,,,1,,,,4,,2,,1,3,1,2,2,2,2,1,2,1,2,3,1,112,1,26,1,140,4,4,2,3 -11398,0,1405,0,1330,1,1,31,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,4,2,3,1,120,1,20,1,82,1,1,2,2 -11399,0,2045,0,1700,1,1,13,4,3,2,,3,3,3,2,2,3,1,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,4,4: Speed Unknown,,,1,,,,4,,2,,1,3,1,1,2,2,2,3,,,3,2,1,98,1,18,1,180,4,2,1,3 -11400,0,1010,-1,1330,1,1,50.9,,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,Handlebars did strike abdomen,4,,2,,1,1,2,1,2,2,2,1,1,3,2,2,1,108,1,18,1,90,1,1,2,2 -11401,0,1747,0,,2,1,22,3,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,4,1: < 5 mph,,,2,,,,4,,2,,2,,1,2,2,3,2,2,,,2,2,1,108,1,20,1,106,1,1,2,3 -11402,0,,0,1100,1,2,60,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,121,1,20,1,83,2,1,2,2 -11403,0,1323,0,,2,1,54.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,133,1,20,1,84,1,1,1,3 -11404,0,0300,0,,2,1,45,1,3,2,,2,2,2,2,2,2,1,1,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,109,1,18,1,100,2,1,1,3 -11405,0,1300,0,1200,1,1,15,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,1,2,2,1,1,1,1,2,2,1,98,1,36,1,168,1,1,1,3 -11406,0,1345,0,1250,1,1,62,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,3,1,2,3,2,2,1,123,1,18,1,112,1,1,2,2 -11407,0,1206,0,1115,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,1,1,2,2,2,1,1,3,2,2,1,120,1,18,1,106,2,1,1,3 -11408,0,1800,0,1700,1,1,26,3,3,1,2,3,3,3,2,2,2,2,2,3,2,2,1,2,4,4,2,8,,2,1,4,3,3,3,1,4,5: Physician did not answer,,,3,,,,4,,1,2,1,2,1,2,2,2,2,1,2,5,3,2,1,124,1,17,1,147,5,4,1,3 -11409,0,1258,0,,2,1,14,3,3,1,2,3,3,3,2,2,3,3,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,4,2: 5 - 20 mph,,,1,,,,4,,1,2,1,1,1,2,2,2,3,3,,,3,2,1,128,1,25,1,181,2,1,2,3 -11410,0,1740,0,1630,1,1,7.7,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,1,3,2,8,,,,,,,,8,,2,,2,,1,2,2,2,2,2,,,2,3,1,103,1,70,1,160,2,2,2,3 -11411,0,1044,0,,2,1,9.7,1,8,1,1,2,2,2,2,2,2,2,2,3,1,1,1,2,1,1,1,15,,2,2,,,2,3,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,130,1,52,1,268,1,1,2,3 -11412,0,0905,0,,2,1,10,3,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,1,3,2,9,,,,,,suspected NAT,,7,2,2,,1,2,1,2,2,2,2,3,,,3,2,1,105,1,34,1,128,2,1,1,3 -11413,0,1600,0,1545,1,1,30,4,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,2,2,9,,,,,,Tackled in football game,,7,2,2,,1,1,1,2,2,2,2,1,3,1,2,2,1,122,1,30,1,80,2,2,2,3 -11414,0,0900,-1,,2,1,53,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,2,2,2,2,2,2,,,2,3,1,121,1,22,1,85,2,1,2,2 -11415,0,2018,0,2000,1,1,22,2,3,2,,2,2,2,2,2,2,2,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,124,1,34,1,130,1,1,2,3 -11416,0,2034,0,1945,1,1,58,2,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,2,2,2,2,2,2,,,2,3,1,134,1,16,1,80,1,1,2,2 -11417,0,1900,0,1800,1,1,85,,3,2,,2,2,2,2,3,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,137,1,20,1,78,1,1,2,2 -11418,0,1654,0,1630,1,1,83.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,119,1,20,1,88,1,1,2,2 -11419,0,0515,0,0430,1,1,80,2,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,12,,2,1,2,1,2,2,1,1,2: 20 - 40 mph,1,2,,,,,1,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,151,1,16,1,67,2,1,2,3 -11420,0,1520,0,1500,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,4,2,,,2,2,1,111,1,36,1,135,1,1,3,3 -11421,0,2311,0,,2,1,40,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,3,4,,,4,4,4,2,4: Unknown,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,2,2,1,136,1,23,1,104,1,1,2,2 -11422,0,2059,0,2000,1,1,40,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,7,2: Accidental,,,,,,"football - hit in abdomen with helmets, shoulders mult times",7,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,105,1,20,1,70,4,4,2,2 -11423,0,1226,0,,2,1,27.5,,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,4,2,2,,,2,3,1,124,1,20,1,80,1,1,2,2 -11424,0,1730,0,1700,1,1,40,4,3,2,,3,3,3,1,2,3,3,2,3,1,1,1,2,4,5,5,4,,2,3,,,3,3,1,1,4: Speed Unknown,1,6,,,,,1,,1,2,2,,1,2,2,2,3,3,,,3,2,1,133,1,18,1,131,2,1,2,3 -11425,0,1626,0,1600,1,1,13,2,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,1,2,2,13,,1,3,,,1,3,3,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,3,,,3,2,1,116,1,44,1,128,4,4,2,3 -11426,0,0345,0,0030,1,1,58.6,1,3,1,1,1,1,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,Physical assault with punching and kicking. Punched with a knuckle brace.,,7,2,1,2,2,,1,1,2,2,2,2,,,2,3,1,124,1,28,1,62,1,1,2,3 -11427,0,2042,0,2000,1,1,34.6,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,4,,1,1,1,1,2,2,3,1,1,2,2,3,1,120,1,20,1,81,2,1,2,3 -11428,0,1745,0,1500,1,1,27.2,1,3,1,2,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,20,1,110,1,1,1,2 -11429,0,1251,0,1200,1,1,50,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,2,2,,,1,2,1,9,,,,,,Water boarding crash,,9,2,2,,2,,1,2,2,2,1,2,,,2,2,1,120,1,19,1,110,1,1,2,3 -11430,0,1930,0,1330,1,1,38.1,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Go kart accident,,6,2,2,,2,,1,2,2,2,2,2,,,2,3,1,100,1,18,1,80,1,1,2,3 -11431,0,2032,0,,2,1,6.8,4,3,2,,1,2,2,1,1,2,2,2,2,2,2,2,2,1,4,3,10,,1,3,,,1,1,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,108,1,72,1,185,2,2,2,3 -11432,0,1700,0,1530,1,1,70,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,2,,,2,3,1,125,1,16,1,79,1,1,2,3 -11433,0,1547,0,1300,1,1,19.4,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,79,1,22,1,89,1,1,2,2 -11434,0,1310,0,1245,1,1,77,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,5: Physician did not answer,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,168,1,18,1,88,1,1,3,2 -11435,0,1810,0,,2,1,60,4,1,1,2,1,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,3,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,133,1,16,1,92,1,1,2,2 -11436,0,1925,0,,2,1,9,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,3,2,2,,,2,2,1,80,1,36,1,140,1,1,2,3 -11437,0,2211,0,2145,1,1,22,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,2,1,2,4,1,99,1,32,1,97,2,1,2,2 -11438,0,1755,0,1730,1,1,62,1,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,22,1,74,1,1,2,2 -11439,0,,0,,2,2,50,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,1,3,2,2,1,113,1,20,1,109,2,1,2,3 -11440,0,2143,0,2100,1,1,60,,3,2,,2,2,2,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,139,1,20,1,75,2,1,2,3 -11441,0,1617,0,1330,1,1,34,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,1,2,2,,2,2,2,2,2,4,,,2,3,1,110,1,18,1,86,1,1,1,2 -11442,0,1642,0,,2,1,56.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,Involved in a fight,,7,2,2,,1,3,2,2,2,2,2,1,2,1,2,2,1,117,1,26,1,101,1,1,2,2 -11443,0,0900,0,,2,1,60,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,1,1,2,3,2,2,1,101,1,16,1,66,1,1,1,2 -11444,0,1631,0,1600,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,16,1,117,1,1,3,2 -11445,0,0139,0,0120,1,1,50,4,3,1,4,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,2,2,2,2,3,1,3,2,2,3,1,114,1,20,1,110,3,2,2,2 -11446,0,1743,0,,2,1,25,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,3,4: Unknown,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,3,1,108,1,20,1,76,2,2,1,3 -11447,0,0036,-1,2315,1,1,,,4,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,1,1,2,2,2,,,2,3,1,125,1,16,1,91,1,1,2,3 -11448,0,1811,0,,2,1,31,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,3,1,1,2,2,2,1,2,2,2,3,1,115,1,22,1,70,4,3,2,3 -11449,0,1846,0,,2,1,60,2,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,2,2,2,1,2,2,2,,,2,3,1,129,1,20,1,106,1,1,2,2 -11450,0,2006,0,1930,1,1,9.5,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,9,,,,,,fall from shopping cart,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,95,1,27,1,156,1,1,2,2 -11451,0,1440,0,1245,1,1,38,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,4,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,20,1,84,6,6,3,2 -11452,0,1644,0,1630,1,1,45,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Fall from horse,,2,2,2,,1,3,1,2,2,2,2,2,,,2,2,1,167,1,28,1,74,1,1,2,3 -11453,0,1400,0,1000,1,1,110,,2,2,,4,4,4,4,4,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,1,2,,,2,2,1,111,1,56,1,108,2,2,1,3 -11454,0,2348,0,,2,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,1,3,1,1,1,1,2,2,,,2,2,1,120,1,35,1,159,2,1,2,3 -11455,0,1145,0,1100,1,1,71,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,144,1,20,1,80,1,1,2,2 -11456,0,1020,0,,2,1,4,3,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,,,,,15,1,2,,,2,3,1,2,1: < 3 ft.,,,,,,,2,,1,1,2,,1,2,2,2,2,2,,,2,2,1,75,1,39,1,159,2,2,2,3 -11457,0,1530,0,1415,1,1,,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Hit in stomach playing hockey,,7,2,4,,4,,2,1,2,2,2,1,1,2,2,2,1,106,1,16,1,66,2,1,1,2 -11458,0,1740,0,1700,1,1,50,4,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,131,1,20,1,83,1,1,2,2 -11459,0,1248,0,1145,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,109,1,24,1,110,1,1,2,2 -11460,0,1748,0,1730,1,1,14,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,140,1,20,1,123,2,2,2,3 -11461,0,1549,0,1515,1,1,85,4,4,2,,2,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,5: Physician did not answer,,,4,,,"Per EMS, Patient has no memory of Event",4,,1,1,1,3,2,2,3,2,2,2,,,2,2,1,118,1,16,1,70,6,6,2,2 -11462,0,1902,0,1810,1,1,43,2,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Football Tackle to back while already seated or field,,7,2,2,,1,1,2,2,2,2,3,2,,,2,3,1,125,1,20,1,77,2,1,2,2 -11463,0,1411,0,0730,1,1,47,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,1,2,2,3,2,,,2,2,1,139,1,22,1,93,2,1,2,2 -11464,0,2053,0,1700,1,1,52,2,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,tree stump fell on patient,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,120,1,20,1,107,2,1,1,3 -11465,0,2130,0,2100,1,1,43,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,118,1,18,1,105,1,1,2,3 -11466,0,1705,0,1630,1,1,29,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,1,2,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,3,1,126,1,24,1,101,1,1,2,3 -11467,0,1410,0,1330,1,1,22,3,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,1,3,2,1,2,2,2,1,1,3,2,3,1,97,1,24,1,91,2,1,2,2 -11468,0,1925,0,1820,1,1,60,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,3,1,124,1,16,1,81,1,1,2,2 -11469,0,1705,0,1500,1,1,37,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,1,2,2,2,3,1,98,1,16,1,100,2,2,2,2 -11470,0,1635,0,,2,1,28,3,3,2,,4,4,4,4,4,2,4,4,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,3,4,4,4,,,4,4,1,135,1,40,1,125,1,1,3,2 -11471,0,1400,0,1230,1,1,25,3,3,1,4,1,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,109,1,32,1,81,2,1,2,3 -11472,0,1730,0,1700,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,4,2,10,,2,3,,,2,3,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,2,1,2,2,4,2,3,,,2,2,1,150,1,65,1,112,3,2,3,3 -11473,0,1306,0,0830,1,1,12.8,1,3,1,4,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,9,,,,,,Jumped off couch,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,101,1,22,1,150,1,1,2,2 -11474,0,1601,0,1430,1,1,40,3,3,1,3,1,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,4,1,1,3: > 40 mph,3,,,,,,1,,1,2,1,1,1,1,1,2,3,2,,,2,2,1,100,1,35,1,149,5,3,1,3 -11475,0,0120,-1,1900,1,1,56,1,1,1,2,1,2,2,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,1,,,5,,2,,1,3,1,2,2,2,3,2,,,2,3,1,143,1,16,1,80,1,1,3,3 -11476,0,2021,0,,2,1,17.5,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,7,2: Accidental,,,,,,,7,,4,,1,2,2,2,2,2,2,1,1,3,2,3,1,87,1,24,1,83,2,1,2,2 -11477,0,1725,0,0930,1,1,12,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,4,1,117,1,30,1,80,1,1,2,3 -11478,0,1523,0,,2,1,20,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,2: 5 - 20 mph,,,3,,,,4,,2,,2,,2,2,2,2,3,2,,,2,2,1,107,1,18,1,120,1,1,2,2 -11479,0,1322,0,,2,1,,,3,2,,4,4,4,4,4,2,2,2,4,2,2,2,2,1,2,1,14,,2,4,,,1,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,112,1,20,1,74,1,1,2,3 -11480,0,2100,0,2020,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,3: > 20 mph,,,3,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,128,1,20,1,97,2,1,2,3 -11481,0,1256,0,,2,1,10,3,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,1,3,1,9,,,,,,"Mauled by dog, shaken",,9,2,2,,2,,1,2,2,2,3,2,,,2,2,1,107,1,20,1,142,2,2,2,3 -11482,0,2150,0,2030,1,1,11,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,1,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,110,1,40,1,124,2,1,2,3 -11483,0,1530,0,1500,1,1,80,2,3,1,2,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,17,1,86,4,4,1,2 -11484,0,0450,0,0130,1,1,60,4,8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,136,1,18,1,119,1,1,2,3 -11485,0,2200,0,2125,1,1,65,4,4,2,,1,2,1,2,2,2,2,2,2,2,2,2,1,1,2,1,14,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,,7,,1,2,1,1,1,2,2,2,2,1,1,1,2,3,1,146,1,20,1,98,2,1,2,3 -11486,0,1958,0,1930,1,1,13,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,2,2,2,4,2,2,,,2,2,3,,1,24,1,128,1,1,2,2 -11487,0,1200,0,1000,1,1,83,1,3,1,1,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Kick to back during assault,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,140,1,20,1,73,2,2,2,2 -11488,0,1917,0,1800,1,1,28,2,3,2,,1,1,1,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,118,1,22,1,101,3,3,2,3 -11489,0,0231,0,0130,1,1,50,2,3,2,,4,4,4,4,4,2,2,2,1,2,2,2,1,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,2,3,1,123,1,18,1,85,1,1,2,2 -11490,0,1615,0,,2,1,9,1,8,2,,3,3,3,2,2,3,3,2,2,1,2,2,2,4,5,6,3,,1,3,,,3,3,3,8,,,,,,,,8,,2,,2,,1,2,2,2,2,3,,,3,2,1,54,1,19,1,127,2,1,2,3 -11491,0,1530,0,1300,1,1,45,4,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,9,,,,,,Dirt bike crash,,5,2,2,,1,1,2,2,2,2,2,1,1,4,2,2,1,138,1,16,1,105,2,2,3,2 -11492,0,1404,0,,2,1,55,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,4,,1,2,1,2,2,2,2,2,,,2,3,1,119,1,23,1,75,1,1,3,3 -11493,0,1945,0,1900,1,1,55,1,3,1,1,3,3,3,2,2,2,3,2,2,1,1,1,2,4,5,2,7,,2,3,,,1,3,3,2,2: 3 - 10 ft.,,,,,,,2,,1,1,1,1,1,1,2,2,2,3,,,3,2,1,151,1,24,1,108,2,1,2,3 -11494,0,1225,0,,2,1,60,,11,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,127,1,20,1,105,1,1,2,2 -11495,0,1700,0,1630,1,1,35,2,8,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,1,,,,4,,2,,1,2,2,1,2,2,2,1,2,3,2,3,1,115,1,14,1,109,2,1,2,2 -11496,0,2128,0,2045,1,1,46.4,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,2,1,2,2,2,2,1,1,1,2,2,1,134,1,19,1,109,1,1,2,3 -11497,0,1837,0,,2,1,45,4,3,2,,2,2,2,2,2,3,3,2,3,1,1,1,2,3,5,4,6,,2,3,,,1,3,3,9,,,,,,skiing - hit a post,,2,2,2,,1,1,1,2,2,2,2,3,,,3,2,1,145,1,20,1,130,1,1,2,3 -11498,0,1441,0,1415,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,121,1,25,1,116,1,1,2,2 -11499,0,1500,0,1400,1,1,25,3,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,4,,1,1,1,1,2,2,2,1,2,3,2,2,1,130,1,30,1,73,3,6,3,3 -11500,0,1928,0,,2,1,,,1,1,1,3,3,3,1,1,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,3,3,3,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,1,1,2,2,4,,,3,3,1,121,1,13,1,140,5,5,2,3 -11501,0,1650,0,1630,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,1,2,2,2,2,1,2,1,2,3,1,112,1,18,1,96,2,1,2,3 -11502,0,,0,,2,2,,,3,1,4,2,3,3,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,3,2,3,2,,,2,3,1,102,1,25,1,134,1,1,2,3 -11503,0,1646,0,,2,1,26,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,7,1: Intentional,,,,,,,7,,2,,1,3,2,1,3,2,2,1,2,4,2,3,1,114,1,20,1,82,3,2,2,2 -11504,0,1758,0,1615,1,1,12,3,8,2,,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,3,2,2: 3 - 10 ft.,,,,,,,2,,3,,2,,1,2,2,2,2,2,,,2,3,1,140,1,40,1,108,1,1,2,3 -11505,0,1300,-1,1800,1,1,45,1,8,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,128,1,20,1,70,1,1,2,2 -11506,0,2001,0,1915,1,1,27,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,1,1,1,1,1,1,2,1,3,1,2,2,1,112,1,20,1,88,3,2,2,3 -11507,0,1356,0,1100,1,1,49,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,2,2: 3 - 10 ft.,,,,,,fell off horse,2,,2,,1,2,2,2,2,3,1,1,2,6,2,3,1,141,1,18,1,103,1,1,1,2 -11508,0,1950,0,1900,1,1,50,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,119,1,20,1,84,2,2,1,3 -11509,0,2057,0,,2,1,63,,3,1,1,1,1,2,1,1,3,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,Ran into tree branch,,7,2,2,,1,1,1,2,2,2,2,1,2,6,1,3,1,148,1,45,1,76,2,1,2,3 -11510,0,1657,0,1200,1,1,4.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,8,,,,,,,,8,,2,,2,,2,2,2,2,2,2,,,2,3,1,80,1,30,1,183,1,1,2,2 -11511,0,1938,0,,2,1,45,4,3,2,,2,2,4,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,,4,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,108,1,22,1,66,1,6,2,2 -11512,0,1458,0,1440,1,1,29,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,4,2,3,1,109,1,20,1,89,1,1,2,2 -11513,0,1812,0,1730,1,1,104.3,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,2,1,1,2,2,1,1,3,2,2,1,132,1,18,1,121,2,1,2,2 -11514,0,1832,0,,2,1,,,8,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,5,2,10,,1,3,,,2,3,3,8,,,,,,,,8,,2,,2,,1,2,2,2,2,3,,,3,3,1,112,1,30,1,137,2,1,1,3 -11515,0,2215,0,1930,1,1,36.6,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,9,,,,,,fell onto log - ground level fall,,2,2,1,2,1,1,1,2,2,2,3,1,1,4,2,3,1,110,1,18,1,97,1,1,2,3 -11516,0,0920,0,0900,1,1,35,4,3,2,,3,3,3,2,2,3,3,4,4,2,2,2,2,1,2,2,13,,1,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,3,2,2,2,3,,,2,2,1,112,1,24,1,98,1,1,2,3 -11517,0,2010,0,1900,1,1,,,3,1,4,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,132,1,24,1,102,1,1,1,2 -11518,0,2202,0,1730,1,1,40,4,1,2,,1,4,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,7,2: Accidental,,,,,,,7,,1,2,2,,2,2,2,2,2,2,,,2,3,1,124,1,18,1,66,2,1,2,2 -11519,0,1602,0,,2,1,9.9,1,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,8,,,,,,,,8,,2,,2,,2,1,2,2,2,3,,,3,3,1,138,1,28,1,125,1,1,2,2 -11520,0,1259,0,1215,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,29,1,139,1,1,2,2 -11521,0,1913,0,,2,1,28,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,3,,,2,2,3,9,,,,,,Thrown from horse,,2,2,2,,1,1,1,2,2,2,3,3,,,3,3,1,112,1,28,1,149,2,1,2,3 -11522,0,1738,0,,2,1,30,1,11,2,,1,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,1,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,1,1,1,2,2,1,114,1,21,1,100,3,3,2,3 -11523,0,2247,0,,2,1,22,4,8,2,,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,4,4,4,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,103,1,25,1,110,1,1,2,3 -11524,0,1600,0,1500,1,1,20,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,2,1,1,14,,2,1,3,1,1,2,2,4,1: < 5 mph,,,2,,,,4,,1,2,1,2,1,1,2,2,3,1,3,1,1,3,1,70,1,20,1,159,5,4,2,3 -11525,0,1432,0,,2,1,13,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,3,4,9,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,104,1,18,1,106,2,2,1,3 -11526,0,2204,0,2100,1,1,60,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,1,2,2,2,2,2,2,2,,,2,2,1,126,1,18,1,114,1,1,2,2 -11527,0,1200,0,1130,1,1,75,2,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,140,1,24,1,62,1,1,2,2 -11528,0,2218,0,2030,1,1,100,4,1,1,1,2,2,2,2,2,3,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,2,,,2,3,1,120,1,16,1,94,3,1,2,3 -11529,0,1148,-1,,2,1,25,2,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,2,2,2,3,1,114,1,20,1,105,3,2,2,2 -11530,0,2145,0,2130,1,1,50,4,1,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,3,1,2,2,2,2,2,,,2,2,1,108,1,18,1,101,2,2,2,3 -11531,0,1216,-1,,2,1,35,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Paddle struck chest,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,132,1,20,1,82,1,1,2,2 -11532,0,1555,0,1520,1,1,35,4,8,2,,1,2,1,2,2,2,4,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,1,2,2,2,1,130,1,23,1,119,2,1,2,3 -11533,0,1729,0,1700,1,1,32,4,8,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,1,2,2,2,,,2,2,1,148,1,20,1,98,1,1,2,2 -11534,0,1247,0,0820,1,1,30.8,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,112,1,18,1,75,1,1,2,2 -11535,0,1635,0,,2,1,27,3,3,1,2,3,3,3,2,2,3,3,4,2,2,2,2,2,3,4,3,8,,2,3,,,2,3,3,1,4: Speed Unknown,4,,,,,,1,,1,1,1,1,1,2,2,1,3,3,,,3,3,1,115,1,24,1,122,3,1,1,3 -11536,0,0823,0,0815,1,1,77.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,118,1,20,1,100,1,1,2,3 -11537,0,1520,0,,2,1,45,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,1,2,2,5,,,,,3,,,5,,1,1,2,,1,2,2,2,3,2,,,2,2,1,131,1,23,1,78,1,1,2,3 -11538,0,1930,0,,2,1,75,4,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,Struck on left chest/abdomen playing football,,7,2,2,,1,2,2,2,2,2,2,1,2,2,2,3,1,102,1,13,1,135,2,1,1,2 -11539,0,1105,0,1100,1,1,43,2,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,1,2,6,,,,,,,,6,,1,1,2,,2,2,2,2,1,1,2,2,2,3,1,120,1,18,1,71,3,2,2,2 -11540,0,1815,0,1800,1,1,6,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,3: > 40 mph,1,4,,,,car seat not restrained,1,,2,,2,,2,2,2,3,2,2,,,2,2,1,112,1,24,1,118,1,1,2,2 -11541,0,1026,0,0900,1,1,10,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,3,2,1,4: Speed Unknown,1,4,,,,,1,,2,,1,2,1,2,2,1,2,2,,,2,2,1,93,1,14,1,114,3,3,2,3 -11542,0,1200,0,1130,1,1,136,1,8,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,2,1,1,1,2,2,1,1,1,2,2,1,119,1,24,1,94,2,1,1,3 -11543,0,1756,0,,2,1,31.8,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,1,2,2,,,2,2,1,130,1,32,1,125,1,1,2,3 -11544,0,2300,0,2230,1,1,41.3,1,3,2,,1,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,113,1,24,1,100,1,1,2,2 -11545,0,1615,0,,2,1,12,4,8,2,,2,3,3,2,2,2,2,2,2,2,2,2,2,1,2,2,13,,1,3,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,1,2,2,2,2,2,,,2,2,1,92,1,20,1,104,1,1,2,3 -11546,0,0916,0,0800,1,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,1,2,,,2,2,1,123,1,17,1,111,1,1,2,1 -11547,0,1315,0,1230,1,1,65,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Fall while skateboarding,,2,2,2,,2,,2,2,2,2,3,2,,,2,3,1,116,1,20,1,98,1,1,2,2 -11548,0,1330,0,1230,1,1,,,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,116,1,28,1,115,1,1,2,2 -11549,0,2215,0,2130,1,1,52.2,1,2,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,1,1,3,3,1,3,1,134,1,16,1,82,4,4,2,3 -11550,0,1800,0,,2,1,24,3,8,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,9,,,,,,Sledding crash,,9,2,2,,1,1,1,2,2,2,2,1,3,3,3,3,1,112,1,24,1,105,4,3,2,3 -11551,0,1815,0,1800,1,1,23,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"40"" TV fell on patient's head",,9,2,4,,4,,1,2,2,2,2,2,,,2,2,1,107,1,19,1,70,6,6,3,3 -11552,0,2109,0,,2,1,45,2,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,2,1,127,1,18,1,79,4,3,2,3 -11553,0,1620,0,1500,1,1,40,1,1,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,1,2,1,1,1,2,2,2,1,2,,,2,2,1,131,1,32,1,87,2,1,2,3 -11554,0,1432,0,1335,1,1,65,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,140,1,16,1,110,2,1,1,3 -11555,0,2330,0,2300,1,1,52,,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,3,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,124,1,20,1,95,2,2,1,3 -11556,0,1740,0,1700,1,1,12,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,107,1,20,1,140,1,1,2,2 -11557,0,1633,0,1600,1,1,16,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,114,1,26,1,104,1,1,2,3 -11558,0,1535,0,1500,1,1,8.2,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,100,1,38,1,117,1,1,2,2 -11559,0,1550,0,,2,1,129.5,2,1,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,3,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,1,1,1,3,1,1,1,2,3,2,,,2,3,1,140,1,28,1,101,3,3,2,3 -11560,0,2000,0,1800,1,1,70,,1,2,,4,4,4,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,1,2,,,2,2,1,113,1,20,1,80,1,1,2,3 -11561,0,2027,0,1730,1,1,23.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,106,1,14,1,85,2,1,2,3 -11562,0,1509,-1,,2,1,78.1,1,1,1,1,1,1,1,2,2,1,1,2,4,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,3,2,3,1,112,1,16,1,62,2,1,2,2 -11563,0,0900,0,0830,1,1,,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,1,2,3,1,123,1,24,1,120,2,1,2,2 -11564,0,1434,0,,2,1,20,4,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,1,5,4,4,4,4,4,5: Physician did not answer,,,1,,,run over by tractor,4,,2,,1,1,1,1,2,2,3,2,,,2,2,1,123,1,28,1,108,4,3,2,3 -11565,0,2200,0,2100,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,103,1,34,1,121,1,1,2,2 -11566,0,1537,0,,2,1,70,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,1,2,2,,2,2,2,2,2,2,,,2,2,1,120,1,12,1,80,1,1,2,2 -11567,0,2046,0,1945,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,2,1,126,1,21,1,95,2,1,2,2 -11568,0,2030,0,1700,1,1,26.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,20,1,89,1,1,2,2 -11569,0,1010,0,1000,1,1,20.4,1,11,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,2,,,2,3,1,106,1,24,1,120,2,1,1,3 -11570,0,2018,0,2000,1,1,22,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,124,1,32,1,147,2,2,2,3 -11571,0,1602,0,1530,1,1,58.9,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Attack,,7,2,2,,2,,2,2,2,2,2,2,,,2,2,1,132,1,16,1,87,1,1,1,2 -11572,0,1245,0,1230,1,1,68,2,3,2,,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,6,,,,,,,,6,,2,,1,1,1,2,2,3,3,2,,,2,2,1,109,1,20,1,100,3,1,3,3 -11573,0,1252,0,1115,1,1,10,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,3,3,,,3,3,1,133,1,20,1,163,1,1,2,2 -11574,0,1709,0,,2,1,55,3,8,2,,1,2,1,1,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,1,3,1,3,1,1,2,1,124,1,36,1,112,5,5,1,3 -11575,0,1730,0,1630,1,1,98,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,3,1,148,1,17,1,83,1,1,2,2 -11576,0,1623,0,,2,1,27,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,6,2,3,1,115,1,21,1,82,1,1,2,2 -11577,0,1221,-1,,2,1,10,1,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,9,,,,,,"Report of assult by other child, possible NAT",,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,97,1,24,1,122,2,1,1,2 -11578,0,2126,0,,2,1,65,1,3,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,assaulted,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,129,1,24,1,80,1,1,2,2 -11579,0,1336,-1,2000,1,1,16.5,1,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,9,,,,,,fall from chair hitting L side of back on toy box (wooden with metal handles),,2,2,1,2,2,,1,2,2,2,2,2,,,2,3,1,105,1,22,1,111,4,2,1,3 -11580,0,0211,-1,2000,1,1,20,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,1,,,,4,,1,1,2,,1,2,2,2,1,2,,,2,2,1,124,1,30,1,114,1,1,3,3 -11581,0,1422,0,1300,1,1,25,4,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,1,1,1,2,1,2,,,2,3,1,100,1,24,1,120,2,2,2,3 -11582,0,1905,0,,2,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,109,1,22,1,70,1,1,1,2 -11583,0,1721,0,1600,1,1,12.7,1,8,2,,3,3,3,2,2,3,3,4,3,2,2,1,2,1,2,1,14,,1,3,,,2,3,3,9,,,,,,"Going down slide, hit back of head",,6,2,2,,2,,1,2,2,2,2,3,,,3,2,1,147,1,36,1,138,1,1,3,3 -11584,0,1140,0,1030,1,1,24.8,1,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,2,,,2,3,1,104,1,20,1,106,1,1,2,2 -11585,0,0110,-1,,2,1,45,3,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,3,2,,,2,3,1,118,1,16,1,103,1,1,1,3 -11586,0,1435,0,,2,1,26,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,4,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,2,1,2,2,2,3,1,1,2,2,2,1,117,1,32,1,75,3,1,1,3 -11587,0,1115,0,1100,1,1,59,1,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,1,7,2: Accidental,,,,,,,7,,2,,1,2,2,2,2,2,1,1,2,1,2,2,1,116,1,20,1,66,2,1,1,2 -11588,0,0005,-1,2330,1,1,80,4,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,3,1,126,1,17,1,107,1,1,2,3 -11589,0,1430,0,1400,1,1,10.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,1,1,5,2,2,1,98,1,44,1,120,1,1,2,2 -11590,0,1742,0,1700,1,1,35,1,1,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,3,1,2,2,4,3,2,,,2,3,1,155,1,22,1,114,2,2,2,3 -11591,0,1825,0,1530,1,1,83,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,"In Septa bus, bus hit by car",1,,2,,2,,2,2,2,2,2,2,,,2,3,1,137,1,18,1,88,1,1,2,2 -11592,0,2058,0,1930,1,1,18.7,1,3,1,1,1,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,90,1,22,1,90,2,1,2,2 -11593,0,1500,0,1400,1,1,66,1,8,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,2,,,2,3,1,129,1,12,1,114,1,1,2,2 -11594,0,1147,0,,2,1,15,4,8,2,,3,3,3,3,3,3,3,3,1,1,2,2,2,4,5,6,3,,1,3,,,3,3,3,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,1,3,,,3,2,1,140,2,,1,0,4,4,2,3 -11595,0,0820,0,0800,1,1,71,1,3,2,,2,2,2,2,2,2,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,3,1,104,1,18,1,95,1,1,2,3 -11596,0,1851,0,1830,1,1,49.9,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,106,1,22,1,94,1,1,2,2 -11597,0,2300,0,2000,1,1,30,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,2,,1,3,1,1,1,2,2,2,,,2,2,1,116,1,27,1,116,2,1,2,3 -11598,0,0130,-1,2100,1,1,11,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Trapped over rope and landed on a flash light,,2,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,106,1,20,1,130,2,1,2,3 -11599,0,0214,0,0145,1,1,30,4,3,2,,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,1,2,2,3,1,1,3,2,3,1,116,1,21,1,90,1,1,2,3 -11600,0,2032,0,2015,1,1,45,4,8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,1,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,1,2,1,1,2,2,3,2,,,2,2,1,161,1,24,2,,2,2,1,3 -11601,0,1715,0,1500,1,1,57,1,3,1,4,1,2,1,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,1,1,2,2,2,2,1,1,3,2,2,2,1,122,1,20,1,88,3,1,2,2 -11602,0,0310,-1,2115,1,1,15.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,1,2,,,2,3,1,134,1,32,1,114,1,1,2,3 -11603,0,1329,-1,1800,1,1,49.8,1,8,2,,4,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,2,2,5,,,,,1,,,5,,2,,1,1,1,1,2,2,2,1,3,1,2,3,1,119,1,16,1,80,4,2,2,3 -11604,0,0802,0,,2,1,50,4,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,13,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,112,1,16,1,98,1,1,1,3 -11605,0,1209,0,1045,1,1,30,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,5: Physician did not answer,1,5,,,,,1,,2,,2,,1,2,2,2,2,1,1,3,2,3,1,93,1,16,1,86,1,1,2,3 -11606,0,1721,0,1630,1,1,35,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,2,1,88,1,24,1,114,1,1,2,2 -11607,0,2031,0,2000,1,1,70,4,1,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,2,,,5,,2,,1,1,1,2,2,2,2,2,,,2,2,1,178,1,17,1,91,2,2,2,3 -11608,0,1841,0,1700,1,1,13,4,3,2,,2,2,2,2,2,2,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,1: < 5 mph,,,1,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,138,1,20,1,152,1,1,2,3 -11609,0,1740,0,1400,1,1,113,2,8,1,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,"working underneath car, jack gave out, fell on chest",,7,2,2,,1,1,1,2,2,2,2,2,,,2,2,1,120,1,18,1,82,3,3,2,3 -11610,0,1820,0,1600,1,1,26,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,123,1,24,1,108,1,1,2,2 -11611,0,0515,-1,2230,1,1,47.2,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,2,2,2,2,2,1,1,1,2,2,1,106,1,16,1,78,1,1,3,2 -11612,0,1252,0,,2,1,28,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,2,2,2,2,2,2,1,2,3,2,4,1,127,1,19,1,96,2,1,1,2 -11613,0,1816,0,,2,1,60,,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,1,2,2,2,1,2,2,2,3,1,147,1,22,1,118,3,1,2,2 -11614,0,2008,0,,2,1,82.3,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,13,2,1,3,1,2,2,1,1,4: Speed Unknown,3,,,,,,1,,2,,1,1,1,2,2,2,2,1,3,1,2,2,1,120,1,20,1,95,3,2,2,3 -11615,0,2045,0,2010,1,1,65,4,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,7,1: Intentional,,,,,,,7,,2,,1,1,2,1,2,2,2,1,2,1,2,3,1,123,1,20,1,106,2,1,2,2 -11616,0,0134,-1,1900,1,1,25,1,3,2,,3,3,3,2,2,2,3,3,2,1,1,1,3,4,5,6,3,,1,3,,,2,3,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,3,,,2,3,1,105,1,24,1,118,1,1,2,3 -11617,0,2054,0,1954,1,1,48,4,3,1,3,3,3,3,2,2,3,3,1,1,1,2,2,2,4,5,6,3,,2,3,,,3,3,3,4,3: > 20 mph,,,3,,,,4,,2,,1,1,1,1,2,2,3,3,,,3,2,1,65,2,,1,163,5,5,2,3 -11618,0,2308,0,,2,1,8.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,3,1,112,1,40,1,112,1,1,2,3 -11619,0,0400,0,0300,1,1,65,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,fell off moving vehicle,2,,2,,2,,2,1,2,2,2,2,,,2,3,1,159,1,24,1,128,1,1,2,2 -11620,0,1622,0,1230,1,1,37.7,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,3,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,117,1,20,1,90,1,1,1,3 -11621,0,2000,0,1900,1,1,61,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,139,1,20,1,83,3,1,2,3 -11622,0,1940,0,1800,1,1,48.4,1,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,16,1,66,1,1,2,2 -11623,0,2010,0,1700,1,1,11.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,81,1,32,1,130,1,1,2,3 -11624,0,1335,0,1315,1,1,55,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,1,2,,1,1,2,2,2,2,,,2,2,1,153,1,22,1,92,2,1,2,3 -11625,0,1500,0,1300,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,146,1,25,1,88,1,1,2,3 -11626,0,0740,0,0700,1,1,34,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,2,1,108,1,20,1,85,1,1,3,2 -11627,0,1322,0,1040,1,1,11.9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,28,1,122,1,1,1,2 -11628,0,0315,0,0230,1,1,65,3,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,1,2,,,2,2,1,114,1,18,1,107,2,2,3,3 -11629,0,1641,0,1600,1,1,50,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,118,1,22,1,120,2,2,2,3 -11630,0,1240,0,1215,1,1,26,3,3,2,,3,3,3,1,1,3,3,2,3,1,2,2,2,4,5,6,3,,2,3,,,2,3,3,1,3: > 40 mph,1,6,,,,,1,,1,2,1,2,1,2,2,2,2,3,,,3,2,1,106,4,,1,130,4,3,2,3 -11631,0,1145,-1,1545,1,1,70,4,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,118,1,12,1,78,3,1,3,2 -11632,0,1848,0,,2,1,56,3,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,13,,2,2,,,2,2,1,9,,,,,,"Skateboarding, hit head",,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,119,1,26,1,80,1,1,3,3 -11633,0,2137,0,2100,1,1,4.5,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,3,2,9,,,,,,assaulted,,7,2,2,,1,3,1,1,2,2,2,3,,,2,3,1,117,1,26,1,192,4,4,1,3 -11634,0,1330,0,1300,1,1,35,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,2,,,2,1,3,1,3: > 40 mph,1,6,,,,,1,,2,,1,2,1,2,2,2,2,2,,,2,2,1,117,1,36,1,110,2,2,2,3 -11635,0,1303,0,1100,1,1,22,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,108,1,20,1,103,1,1,1,2 -11636,0,1649,0,1615,1,1,40,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,22,1,80,1,1,2,2 -11637,0,1931,0,1900,1,1,16,2,1,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,3,2,2,2,,,2,3,1,132,1,30,1,109,1,1,2,3 -11638,0,1352,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,3,1,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,124,1,26,1,151,2,2,2,3 -11639,0,1843,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,2,,,,,1,,2,,1,1,2,2,2,2,3,1,1,2,2,3,1,135,1,20,1,125,2,1,2,2 -11640,0,1141,0,1038,1,1,13,2,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,3,2: 6-15,,,,,,,3,,2,,1,1,2,1,2,2,2,2,,,2,3,1,112,1,21,1,140,1,1,2,2 -11641,0,1221,-1,1930,1,1,56.7,2,2,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,elbowed during soccer,,7,2,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,115,1,20,1,62,2,1,2,1 -11642,0,1730,0,1600,1,1,16.3,1,8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,100,1,28,1,92,1,1,2,2 -11643,0,2320,0,2100,1,1,60,2,3,2,,2,1,1,2,2,1,1,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,2,3: > 10 ft.,,,,,,,2,,1,2,1,2,1,2,2,2,2,1,2,3,2,3,1,154,1,20,1,186,3,2,2,3 -11644,0,2048,0,2000,1,1,50,2,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,4,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,1,2,4,2,3,1,122,1,20,1,102,3,1,2,3 -11645,0,1630,0,1500,1,1,57.3,1,1,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,1,2,1,1,2,2,2,1,2,1,2,3,1,146,1,18,1,83,5,5,2,3 -11646,0,0900,0,0800,1,1,72,1,3,2,,2,2,2,2,1,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,1,2,1,1,1,2,2,2,3,2,,,2,3,1,128,1,17,1,85,2,1,2,3 -11647,0,1830,0,1700,1,1,68,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,2,2,2,2,2,2,,,2,2,1,159,1,22,1,89,2,1,2,2 -11648,0,1530,0,,2,1,34,1,11,2,,4,4,4,4,4,3,2,4,2,2,2,2,2,1,3,1,13,,2,3,,,2,2,3,9,,,,,,"Sledding, hit tree",,9,2,1,2,1,2,1,2,3,4,4,4,,,4,4,1,122,1,20,1,82,1,1,2,3 -11649,0,2208,0,,2,1,30,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,1,2,2,2,2,2,2,1,1,1,2,2,1,111,1,18,1,102,2,1,2,2 -11650,0,1554,0,,2,1,65,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Collided with another player during flag football,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,128,1,22,1,64,1,1,1,3 -11651,0,2315,0,2230,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,3,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,20,1,74,1,1,2,2 -11652,0,1923,0,,2,1,13,3,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,3,2,9,,,,,,Fall into stream (unknow if from height) pinned against rocks under water.,,2,2,2,,2,,1,2,2,2,3,3,,,3,3,1,130,1,32,1,168,1,1,1,3 -11653,0,1217,0,1100,1,1,25,1,2,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,103,1,20,1,95,1,1,2,3 -11654,0,1630,0,1530,1,1,16,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,5,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,2,1,101,1,20,1,88,6,6,3,2 -11655,0,0308,0,0130,1,1,43.1,1,3,2,,2,2,2,2,2,4,4,4,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,4,1,107,1,20,1,100,6,6,3,2 -11656,0,1155,0,1100,1,1,70,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,104,1,16,1,83,2,1,2,2 -11657,0,1655,0,1455,1,1,63,2,2,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,20,1,82,1,1,2,2 -11658,0,1500,0,1030,1,1,40,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,1,2,2,9,,,,,,Sports - Soccer fell onto occipt.,,9,2,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,60,1,88,1,1,2,2 -11659,0,1710,0,1645,1,1,75,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,1,137,1,18,1,101,2,1,2,2 -11660,0,0200,0,0130,1,1,70,4,3,2,,2,2,2,2,2,1,1,1,2,2,2,2,2,1,2,1,14,,2,1,3,2,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,1,3,2,2,1,139,1,22,1,112,5,2,2,3 -11661,0,1500,0,1430,1,1,10.4,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,7,2: Accidental,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,2,3,1,100,1,28,1,141,1,1,2,3 -11662,0,2125,0,,2,1,36.3,,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,9,,,,,,"Lacross, Hit into boards",,7,2,2,,1,1,2,2,2,2,2,1,2,2,2,2,1,131,1,40,1,77,3,2,2,2 -11663,0,1952,0,,2,1,70,,3,2,,3,4,3,1,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,2,3,1,6,,,,,,,,6,,2,,1,2,1,2,2,2,1,3,,,3,2,1,166,1,36,1,103,2,2,2,3 -11664,0,2203,0,2030,1,1,59.1,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,145,1,20,1,111,1,1,2,2 -11665,0,1618,0,,2,1,35,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,2,1,105,1,20,1,92,1,1,2,3 -11666,0,1815,0,1800,1,1,25,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,104,1,19,1,117,2,1,2,3 -11667,0,0117,0,0015,1,1,21.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,98,1,16,1,97,1,1,2,2 -11668,0,2138,0,,2,1,12.2,2,3,1,1,1,1,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,6,,,,,,,,6,,2,,1,1,2,1,2,2,2,1,2,2,3,3,1,93,1,51,1,164,2,2,2,2 -11669,0,1715,0,1430,1,1,77,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,1,1,1,1,2,2,2,2,1,1,1,2,2,1,130,1,14,1,87,4,2,2,3 -11670,0,2051,0,2000,1,1,59,1,3,2,,1,1,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,5,,,,,3,,,5,,2,,1,1,2,1,3,2,1,1,2,2,2,3,1,132,1,20,1,84,4,4,2,2 -11671,0,1514,0,,2,1,21,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,2,2,1,2,2,1,1,2,2,2,2,1,107,1,24,1,109,2,1,1,2 -11672,0,1840,0,1800,1,1,98,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,112,1,18,1,94,1,1,2,2 -11673,0,1713,0,1500,1,1,60,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,2,,,2,3,1,138,1,26,1,104,2,1,2,3 -11674,0,1530,0,1400,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,3,2,2,1,113,1,18,1,92,2,2,2,2 -11675,0,1035,0,1000,1,1,57.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,3,1,2,2,2,3,1,136,1,18,1,70,5,2,2,3 -11676,0,2200,0,2100,1,1,77,4,3,1,4,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,4,2,4,,,4,4,1,162,1,14,1,66,1,1,2,3 -11677,0,0001,-1,2200,1,1,69.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,Standing with one foot on basketball and fell,,2,2,2,,2,,2,2,3,2,2,2,,,2,3,1,116,1,16,1,88,1,1,2,2 -11678,0,1400,0,1230,1,1,111,1,3,2,,2,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,24,1,104,1,1,2,2 -11679,0,0851,0,0715,1,1,43,2,1,1,1,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,2,1,2,2,2,2,1,2,2,2,3,1,115,1,20,1,79,4,4,1,3 -11680,0,2030,0,1000,1,1,82.5,1,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,1,2,,,2,2,1,121,1,20,1,80,1,1,2,2 -11681,0,1953,0,1830,1,1,32.6,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,Fell on object,,2,2,2,,1,1,2,2,2,2,2,1,2,2,2,2,1,119,1,18,1,92,3,1,2,2 -11682,0,2200,0,,2,1,50,,3,1,1,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,3,6,,2,3,,,2,3,1,1,5: Physician did not answer,3,,,,,,1,,2,,1,1,1,2,2,2,2,3,,,3,2,1,108,1,24,1,156,5,4,2,3 -11683,0,1342,0,0830,1,1,37,1,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,20,1,97,1,1,2,2 -11684,0,1455,0,1400,1,1,57,4,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,2,,,,,1,,1,2,1,1,1,1,1,2,2,1,2,3,2,2,1,110,1,18,1,76,4,3,2,3 -11685,0,,0,,2,2,45.4,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,1,2: 20 - 40 mph,1,1,,,,,1,,4,,4,,2,2,2,2,2,2,,,2,3,1,105,1,12,1,92,1,1,2,2 -11686,0,0820,0,0800,1,1,25,4,1,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,4,6,4,,2,3,,,2,3,3,4,4: Speed Unknown,,,2,,,,4,,2,,1,2,1,2,2,2,3,3,,,3,2,1,121,1,28,1,110,3,2,2,3 -11687,0,0123,-1,2315,1,1,70,4,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,118,1,17,1,96,1,1,2,2 -11688,0,0805,0,0710,1,1,60,2,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,1,2,,2,2,2,2,3,2,,,2,3,1,134,1,26,1,92,1,1,2,2 -11689,0,1620,0,1600,1,1,,,3,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,4,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,3,2,2,2,2,2,2,,,2,3,1,122,1,18,1,80,2,1,2,2 -11690,0,1605,0,,2,1,25,4,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,13,,2,1,2,1,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,1,1,1,2,2,1,133,1,38,1,132,2,2,2,3 -11691,0,0017,-1,,2,1,7,4,3,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,1,3: > 40 mph,4,,,,,,1,,2,,4,,1,2,2,2,3,3,,,3,4,1,123,1,50,1,126,1,1,2,3 -11692,0,2104,0,1830,1,1,36,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,1,2,2,2,3,4,,,2,2,1,116,1,20,1,115,1,1,3,3 -11693,0,1745,0,1600,1,1,30,3,3,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,,,,,15,2,1,3,2,2,2,2,9,,,,,,"Thrown from bull, stepped on by bull",,7,2,2,,1,1,1,1,2,2,1,1,3,3,2,2,1,113,1,22,1,89,6,6,1,3 -11694,0,2222,0,1030,1,1,138.8,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,143,1,26,1,64,1,1,2,1 -11695,0,1236,0,1141,1,1,23.1,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,1,1,1,1,1,2,2,2,2,1,2,1,2,2,1,125,1,26,1,122,2,1,2,3 -11696,0,2003,0,1400,1,1,44,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,struck in chest during football,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,24,1,64,1,1,2,2 -11697,0,2145,0,2100,1,1,75,2,1,2,,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,2,,,2,2,1,136,1,20,1,105,2,2,2,3 -11698,0,0900,0,0830,1,1,16,,1,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,2,2,2,12,,2,2,,,2,2,2,1,3: > 40 mph,1,4,,,,,1,,1,2,1,3,1,2,2,2,3,3,,,3,3,1,132,1,24,1,150,1,1,2,3 -11699,0,1730,0,1700,1,1,45,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,3,1,1,2,2,2,1,132,1,26,1,128,2,1,1,3 -11700,0,1515,0,1443,1,1,94,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,1,2,2,2,2,2,,,2,2,1,126,1,16,1,89,1,1,2,3 -11701,0,1823,0,1430,1,1,67.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,121,1,16,1,80,1,1,2,3 -11702,0,1054,0,0930,1,1,41,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,3,2,3,1,108,1,20,1,72,1,1,2,2 -11703,0,1200,0,1130,1,1,11,3,1,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,2,,2,2,1,2,3,2,,,2,2,1,120,1,36,1,188,1,1,2,2 -11704,0,2319,0,,2,1,14,1,3,1,4,3,3,3,2,2,3,3,2,1,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,1,3: > 40 mph,1,5,,,,,1,,2,,1,2,1,1,1,2,3,3,,,3,3,1,102,1,32,1,138,3,2,2,3 -11705,0,2015,0,1930,1,1,25,4,3,2,,2,1,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,1,2,2,2,3,1,106,1,26,1,80,1,1,2,2 -11706,0,1632,0,1600,1,1,50,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,1,2,2,2,2,1,123,1,19,1,100,2,2,2,2 -11707,0,1653,0,1100,1,1,45,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,99,1,18,1,92,1,1,2,3 -11708,0,1220,0,1130,1,1,40.8,2,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,3,2,2,,,2,2,1,118,1,18,1,96,1,1,2,2 -11709,0,2019,0,,2,1,25,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,1,3,1,2,2,1,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,1,2,2,3,1,2,1,2,2,1,125,1,26,1,133,3,2,2,3 -11710,0,2215,0,2100,1,1,30,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,4,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,126,1,24,1,88,2,1,2,2 -11711,0,2330,0,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,1,3: > 40 mph,2,,,,,,1,,1,2,1,1,2,2,2,2,2,1,2,1,2,2,1,134,1,20,1,103,3,2,2,2 -11712,0,2355,0,2330,1,1,25,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,1,2,2,2,3,1,1,1,2,3,1,133,1,18,1,131,4,4,2,3 -11713,0,2203,0,,2,1,25,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,2,1,2,2,2,1,1,2,1,2,2,1,100,1,20,1,84,3,3,2,3 -11714,0,1520,0,1500,1,1,50,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,2,4,2,3,1,125,1,18,1,82,2,1,2,2 -11715,0,1522,0,1300,1,1,43.5,1,3,2,,1,1,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,3,1,1,2,2,2,1,2,1,2,3,1,110,1,18,1,108,1,1,3,3 -11716,0,0904,0,0630,1,1,38.3,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,127,1,18,1,67,1,1,2,2 -11717,0,,-1,2000,1,2,50,1,3,2,,4,1,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,play-fighting,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,122,1,16,1,80,1,1,3,2 -11718,0,2328,0,2300,1,1,63.5,4,4,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,1,2,1,2,2,2,2,2,2,2,,,2,3,1,139,1,18,1,75,2,1,2,2 -11719,0,1520,0,1320,1,1,10,3,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,6,3,,1,3,,,2,3,3,3,2: 6-15,,,,,,,3,,2,,1,1,1,2,2,2,3,3,,,3,2,1,111,1,22,1,138,2,1,2,3 -11720,0,2015,0,1830,1,1,15,2,3,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,2,,,3,3,1,107,1,22,1,110,3,3,2,2 -11721,0,1846,0,1800,1,1,45.4,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,20,1,94,1,1,2,2 -11722,0,1636,0,1600,1,1,38,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,2,2,12,,3,4,,,4,4,4,4,3: > 20 mph,,,4,,,,4,,2,,1,3,1,2,2,2,3,2,,,2,2,1,121,1,44,1,116,2,1,1,3 -11723,0,2110,0,2000,1,1,10,4,8,2,,3,3,3,2,2,3,3,2,3,1,1,1,2,4,5,5,4,,1,3,,,2,3,2,9,,,,,,fall while running,,2,2,2,,2,,1,2,2,2,3,3,,,3,3,1,133,1,22,1,113,1,1,2,3 -11724,0,2153,0,,2,1,30,,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,3,4,,,2,3,1,94,1,26,1,100,1,1,2,2 -11725,0,2330,0,1800,1,1,70,4,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,1,1,1,4,2,3,1,132,1,16,1,77,2,2,2,2 -11726,0,2217,0,1820,1,1,58.4,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,4,4,2,1,5: Physician did not answer,1,2,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,132,1,20,1,80,1,1,2,2 -11727,0,2030,0,1830,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell from scooter and LOC,,2,2,2,,2,,2,2,2,2,3,2,,,2,3,1,106,1,20,1,93,1,1,2,2 -11728,0,1900,0,1200,1,1,67.1,1,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,148,1,20,1,93,1,1,2,2 -11729,0,1823,0,,2,1,36,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,3,,,5,,1,2,1,2,1,2,2,2,3,2,,,2,2,1,113,1,27,1,104,1,1,1,3 -11730,0,1452,,,2,1,9.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,physical abuse,unsure of date of injury,7,2,2,,1,1,1,2,2,2,2,1,1,1,2,3,1,99,1,26,1,126,3,1,1,3 -11731,0,1029,0,0545,1,1,9.2,1,2,2,,1,2,1,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,4,6,2,2,1,112,1,30,1,109,2,1,1,2 -11732,0,0200,-1,,2,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,5: Physician did not answer,4,,,,,Self ejected from auto,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,97,1,32,1,77,1,1,1,2 -11733,0,1338,0,1300,1,1,25.9,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,138,1,25,1,77,1,1,1,3 -11734,0,2208,0,2100,1,1,12,4,3,2,,2,4,4,4,4,2,4,4,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,3,3,,,3,3,1,109,1,28,1,132,1,1,2,3 -11735,0,1210,0,1130,1,1,7,4,3,1,1,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,9,,,,,,Non accidental trauma - Thrown to floor by mother,,7,2,2,,2,,1,2,2,4,2,2,,,2,3,1,122,1,50,1,124,1,1,2,3 -11736,0,1352,0,,2,1,60,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,2,1,2,2,2,2,,,2,2,1,134,1,18,1,116,1,1,2,2 -11737,0,1240,0,1200,1,1,15.3,1,8,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,4,2,1,2,9,,,,,,Fell onto overturned stool,,2,2,2,,1,1,1,2,2,2,3,1,2,2,2,3,1,86,1,24,1,149,3,2,2,3 -11738,0,1617,0,1545,1,1,19,4,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,109,1,29,1,108,1,1,2,3 -11739,0,1615,0,1600,1,1,45,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,5,4,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,3,2,,,2,3,1,130,1,22,1,138,3,3,2,3 -11740,0,,0,,2,2,72.7,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,ran into a tree,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,119,1,18,1,63,1,1,2,3 -11741,0,2310,0,1530,1,1,34,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,2: Accidental,,,,,,60 lb 5 yr old sister landed on her stomach on trampoline,7,,2,,1,3,2,2,2,2,1,1,1,2,2,3,1,103,1,20,1,84,3,1,2,2 -11742,0,1951,0,1830,1,1,18,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,4,2,2,2,5,,,,,3,,,5,,1,2,1,1,1,2,2,2,2,1,2,3,2,3,1,120,1,26,1,101,2,2,2,3 -11743,0,1800,0,1730,1,1,19.3,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,2,,2,1,2,2,1,2,,,2,3,1,104,1,16,1,75,1,1,2,2 -11744,0,0204,0,0120,1,1,77,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,1,1,2,2,2,2,1,2,,,2,2,1,130,1,18,1,88,1,1,2,2 -11745,0,1335,0,,2,1,27.2,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,2,1,1,1,2,3,1,102,1,36,1,87,2,1,2,2 -11746,0,1907,0,1830,1,1,,,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,1,2,2,2,2,2,,,2,2,1,133,1,20,1,80,1,1,2,3 -11747,0,1555,0,1515,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,8,,,,,,,,8,,2,,2,,2,2,2,2,2,2,,,2,2,1,109,1,20,1,95,1,1,1,2 -11748,0,2355,0,2240,1,1,85,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,118,1,14,1,68,1,1,2,2 -11749,0,0853,-1,1900,1,1,39.5,1,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,"Fell from standing position, struck upper abdomen",,2,2,2,,1,1,2,1,2,2,2,1,1,2,2,3,1,127,1,24,1,101,1,1,2,2 -11750,0,0043,0,0000,1,1,35,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,2,,,,,1,,1,1,1,2,1,2,2,2,2,2,,,2,3,1,127,1,18,1,114,3,3,2,3 -11751,0,1021,0,0930,1,1,40,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,1,2,1,1,1,15,,2,2,,,1,2,2,4,3: > 20 mph,,,3,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,102,1,30,1,86,1,1,1,2 -11752,0,1922,0,1815,1,1,114,4,4,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,1,2,1,14,,2,3,,,1,2,3,6,,,,,,,,6,,1,2,1,1,1,2,2,2,2,3,,,3,3,1,113,1,12,1,107,2,1,2,3 -11753,0,1906,0,1800,1,1,45.3,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,128,1,14,1,90,1,1,2,3 -11754,0,1600,0,1430,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,2,1,14,,1,2,,,2,2,2,9,,,,,,TV fell on patient's head,,7,2,2,,2,,2,2,2,2,1,2,,,2,2,1,127,1,36,1,120,1,1,2,2 -11755,0,0807,0,0715,1,1,65,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,1,1,1,1,2,2,2,1,2,,,2,3,1,130,1,19,1,78,1,1,2,3 -11756,0,2212,0,,2,1,50,1,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,4,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,2,2,2,3,1,128,1,24,1,72,2,1,2,2 -11757,0,1546,0,1500,1,1,59,4,3,2,,2,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,117,1,19,1,76,1,1,2,2 -11758,0,1551,0,,2,1,20,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,9,,,,,,Hit in head by softball,,9,2,2,,2,,1,2,2,2,2,2,,,2,2,1,102,1,44,1,116,1,1,1,3 -11759,0,1930,0,1900,1,1,50,4,2,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,18,1,80,1,1,2,2 -11760,0,1619,0,1545,1,1,50,4,8,2,,2,2,2,2,2,2,4,2,3,2,2,2,2,1,4,2,11,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,2,2,2,2,2,,,2,2,1,126,1,18,1,62,1,1,2,2 -11761,0,2345,0,2320,1,1,86.2,2,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,9,,,,,,Assult with fists,,7,2,2,,1,3,1,2,2,2,3,1,2,3,2,2,1,111,1,20,1,109,2,2,3,3 -11762,0,1457,0,1415,1,1,30.8,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,123,1,18,1,84,1,1,2,3 -11763,0,1045,0,1000,1,1,18,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,3,2,2,2,2,2,1,1,3,3,3,1,104,1,20,1,96,2,1,1,2 -11764,0,1743,0,,2,1,65,4,3,2,,1,4,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,,7,,2,,1,1,1,2,2,2,2,1,2,2,2,2,1,118,1,18,1,119,1,1,2,3 -11765,0,2251,0,,2,1,6,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,2,1,13,,1,3,,,2,3,2,3,1: 5 or less,,,,,,,3,,2,,3,,1,2,2,2,2,2,,,2,3,1,100,1,44,1,154,2,1,2,3 -11766,0,1838,0,1730,1,1,48.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,2,1,125,1,22,1,102,1,1,1,2 -11767,0,1606,0,1500,1,1,68,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,1,2,2,,2,1,2,2,2,2,,,2,3,1,125,1,20,1,80,1,1,2,2 -11768,0,2204,0,2130,1,1,73,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,132,1,20,1,88,1,1,2,2 -11769,0,1856,0,1820,1,1,57,1,3,2,,2,2,2,2,2,4,1,2,3,2,2,2,2,1,1,1,15,,1,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,4,2,2,1,107,1,14,1,87,6,1,3,2 -11770,0,2300,0,,2,1,,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,2,,,,,"Vehicle was go-kart, pt unbelted, + helmet",1,,2,,1,1,2,1,2,2,2,1,1,3,2,3,1,126,1,20,1,73,2,1,2,2 -11771,0,1650,0,1600,1,1,12.7,2,8,1,1,3,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,3,,,3,2,1,105,1,24,1,126,2,2,2,3 -11772,0,1330,0,1200,1,1,88.2,1,1,1,1,1,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,2,2,2,2,2,,,2,3,1,120,1,16,1,74,2,1,2,3 -11773,0,1313,0,,2,1,12,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,109,1,30,1,144,1,1,2,3 -11774,0,1700,0,,2,1,22,3,3,2,,2,2,2,2,2,2,2,3,1,2,2,2,2,1,1,1,15,,3,4,,,4,4,4,10,,,,,,,,10,,2,,2,,1,2,2,2,2,2,,,2,3,1,98,1,24,1,107,1,1,3,3 -11775,0,0146,0,0130,1,1,25,4,8,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,2,1,2,1,2,2,2,2,1,1,1,2,1,1,124,1,26,1,119,4,4,1,3 -11776,0,0930,0,0745,1,1,23,1,3,2,,2,2,2,2,2,2,4,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,1,1,1,1,1,4,1,2,,,2,3,1,110,1,34,1,158,2,1,2,3 -11777,0,1030,0,0930,1,1,52,2,3,2,,1,1,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Soccer player, full impact collision with another player during game, other player fell on top of her after",,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,134,1,20,1,79,1,1,1,2 -11778,0,2130,0,1900,1,1,36.6,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,2,1,2,2,1,130,1,20,1,80,2,1,1,2 -11779,0,2031,0,,2,1,29,1,1,1,1,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fall from scotter going downhill,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,99,1,22,1,87,1,1,2,2 -11780,0,0119,-1,,2,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,22,1,72,1,1,2,2 -11781,0,2345,0,2300,1,1,50,4,1,2,,2,2,2,2,2,2,2,2,1,1,1,1,2,2,1,1,14,,1,3,,,2,2,1,1,3: > 40 mph,3,,,,,,1,,2,,1,1,1,2,2,2,2,3,,,3,2,1,112,1,24,1,130,3,2,2,3 -11782,0,1847,0,1730,1,1,49,1,3,1,4,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,1,1,1,2,2,2,2,2,,,2,3,1,122,1,20,1,112,1,1,3,3 -11783,0,1855,0,,2,1,20,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,96,1,21,1,89,1,1,1,3 -11784,0,2027,0,2000,1,1,45,4,8,1,2,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,1,2,,1,2,2,2,2,2,,,2,3,1,137,1,24,1,94,1,1,1,3 -11785,0,1629,0,1520,1,1,40,4,4,1,1,1,1,2,1,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,4,4: Speed Unknown,,,3,,,,4,,1,2,1,2,1,2,2,2,2,2,,,2,2,1,120,1,24,1,110,4,4,2,3 -11786,0,1530,0,1510,1,1,12,4,3,2,,4,4,4,4,4,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,television struck head,,9,2,2,,2,,1,2,2,2,2,2,,,2,2,1,86,1,40,1,133,1,1,2,3 -11787,0,2252,0,,2,1,30,1,8,2,,3,3,3,2,2,3,3,4,2,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,9,,,,,,"Altercation, fell back & struck Head (+) LOC, seizure, combative",,7,2,2,,2,,1,2,2,2,2,3,,,3,2,1,143,2,,1,88,1,1,1,3 -11788,0,1330,0,1215,1,1,72,2,1,1,4,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,,6,,1,1,1,1,2,1,2,2,2,1,1,3,2,3,1,99,1,16,1,91,2,2,2,2 -11789,0,1508,0,,2,1,60,4,3,2,,4,4,4,4,4,2,2,4,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,122,1,12,1,91,2,2,2,3 -11790,0,1920,0,1900,1,1,100,4,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,2,1,1,1,1,1,2,3,1,2,2,2,3,1,157,1,16,1,103,3,2,2,3 -11791,0,2200,0,2100,1,1,60,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,,1,,1,2,1,1,1,2,2,2,2,2,,,2,2,1,144,1,18,1,93,1,1,2,3 -11792,0,2015,0,1330,1,1,13,3,8,2,,2,3,3,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,9,,,,,,Tubing injury,,9,2,2,,2,,1,2,2,2,2,2,,,2,2,1,113,1,24,1,123,2,1,1,3 -11793,0,2154,0,1800,1,1,63,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,1,1,2,,1,2,2,2,2,2,,,2,2,1,150,1,16,1,96,1,1,2,3 -11794,0,2250,0,2200,1,1,52.2,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,100,1,13,1,96,1,1,2,3 -11795,0,2324,0,2240,1,1,54,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,4,,,2,2,2,10,,,,,,,,10,,1,2,2,,2,2,2,2,2,2,,,2,3,1,130,1,17,1,88,1,2,2,2 -11796,0,2032,0,,2,1,63,1,8,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,139,1,24,1,78,2,1,2,2 -11797,0,1715,0,1600,1,1,50,2,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,9,,,,,,Ski jump onto head,,2,2,2,,2,,1,2,3,2,2,2,,,2,2,1,116,1,27,1,78,1,1,2,3 -11798,0,2018,0,,2,1,15,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,9,,,,,,Door Fell on Top of Body,,7,2,2,,2,,2,2,2,2,3,2,,,2,2,1,113,1,22,1,98,1,1,3,2 -11799,0,1317,0,1230,1,1,9.3,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,3,2,1,5: Physician did not answer,1,4,,,,Inappropriate restraint,1,,2,,2,,1,2,2,2,3,2,,,2,2,1,79,1,26,1,143,2,1,2,3 -11800,0,1232,0,1145,1,1,42,1,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,3,2,1,1,1,2,3,1,138,1,20,1,76,1,1,2,2 -11801,0,1925,0,1845,1,1,12,3,8,1,2,2,3,3,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,1,1,2,,1,2,2,2,3,2,,,2,2,1,116,1,48,1,100,2,1,2,3 -11802,0,1837,0,1740,1,1,7,3,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,1,4,,,,,1,,2,,1,3,2,2,2,2,3,3,,,3,2,1,109,1,32,1,140,2,1,3,2 -11803,0,2154,0,2000,1,1,66.8,1,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fall while playing basketball,,2,2,2,,2,,2,2,2,2,2,2,,,2,3,1,135,1,20,1,65,1,1,1,2 -11804,0,1257,0,1130,1,1,12.5,4,3,2,,3,3,3,2,2,3,3,2,2,1,2,1,2,4,5,2,7,,1,3,,,2,3,3,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,2,,,2,4,1,70,2,,1,212,1,1,2,3 -11805,0,0852,0,0800,1,1,,,3,1,1,4,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,1,2,,,4,3,1,105,1,55,1,124,1,1,2,2 -11806,0,2015,0,1930,1,1,20.5,2,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,6,,,,,,,,6,,2,,2,,2,2,2,1,1,2,,,2,3,1,101,1,18,1,89,2,1,2,2 -11807,0,2023,0,1930,1,1,44.4,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,kneed on chest,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,101,1,16,1,83,1,1,2,2 -11808,0,1900,0,1800,1,1,80,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,2,1,128,1,18,1,68,1,1,2,2 -11809,0,0815,0,0745,1,1,80,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,134,1,18,1,68,1,1,2,2 -11810,0,2333,0,2200,1,1,52.9,1,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,1,2,2,2,2,,,2,2,1,110,1,18,1,96,1,1,2,2 -11811,0,1930,0,1925,1,1,61,2,11,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,2,1,13,,2,1,2,2,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,2,2,2,2,1,2,1,2,2,1,141,1,17,1,75,3,2,2,3 -11812,0,1600,0,1500,1,1,22.7,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,3,1,4: Speed Unknown,1,1,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,101,1,24,1,86,1,1,2,2 -11813,0,1040,-1,1900,1,1,44.8,1,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,129,1,22,1,94,1,1,2,2 -11814,0,1920,0,1830,1,1,30,4,2,2,,4,4,4,2,2,3,3,2,2,2,2,2,2,3,4,3,8,,2,3,,,2,2,3,4,2: 5 - 20 mph,,,2,,,,4,,1,2,1,2,1,2,2,2,3,2,,,2,4,1,151,1,16,1,135,3,2,2,3 -11815,0,1443,0,1315,1,1,45,2,3,1,1,1,1,2,2,2,2,2,2,3,2,2,2,3,1,1,1,15,,2,1,1,2,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,2,1,2,2,1,1,2,2,2,2,1,110,1,20,1,85,4,3,1,2 -11816,0,1700,0,1500,1,1,8,4,3,2,,2,2,2,2,2,3,3,1,2,2,2,2,2,1,2,2,13,,1,3,,,2,2,3,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,3,,,3,3,1,71,1,63,1,207,2,2,2,2 -11817,0,1916,0,1830,1,1,62,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,2,,,2,2,1,1,3: > 40 mph,4,,,,,,1,,1,1,1,3,1,2,2,2,3,2,,,2,2,1,134,1,20,1,83,1,1,3,3 -11818,0,0105,-1,,2,1,85,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,2,,1,1,2,2,3,2,,,2,2,1,111,1,18,1,110,1,1,2,3 -11819,0,1724,0,,2,1,66,,3,2,,4,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,2,4,1,4,2,2,4,1,121,1,22,1,88,1,1,3,2 -11820,0,1600,0,1500,1,1,70,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,1,14,,2,2,,,1,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,113,1,20,1,72,1,1,2,3 -11821,0,1439,0,1145,1,1,100,,3,1,2,3,3,3,2,2,3,3,2,2,1,1,1,1,4,5,6,3,,2,3,,,1,3,2,9,,,,,,fall off horse,,2,2,2,,1,1,1,2,2,2,2,3,,,3,2,1,114,1,16,1,84,2,1,1,3 -11822,0,1945,0,1300,1,1,54,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,,5,,2,,1,2,1,2,2,2,2,1,2,1,2,3,1,118,1,16,1,81,3,3,2,3 -11823,0,1630,0,1500,1,1,8.7,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,8,,,,,,,,8,,2,,2,,1,2,2,2,1,2,,,2,2,1,128,1,28,1,140,1,1,2,3 -11824,0,1906,0,1845,1,1,56.7,1,2,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,2,2,2,2,1,3,2,2,3,1,109,1,16,1,97,3,1,2,2 -11825,0,1810,0,1729,1,1,40,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,3,2,,,2,3,1,116,1,24,1,98,1,1,2,3 -11826,0,1819,0,,2,1,74,4,8,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,Football helmet to left chest/abdomen,,7,2,1,2,1,1,1,2,2,2,2,1,1,2,2,3,1,112,1,31,1,81,2,1,2,3 -11827,0,2115,0,2030,1,1,29.8,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,1,2,1,2,2,2,,,2,2,1,115,1,20,1,108,4,4,2,3 -11828,0,1623,0,1520,1,1,45,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,,4,,1,2,1,1,2,2,2,2,2,1,1,1,2,2,1,142,3,,1,119,1,1,3,2 -11829,0,1737,0,1700,1,1,12.8,1,3,1,2,1,1,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Dresser fell on patient,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,110,1,20,1,160,1,1,2,2 -11830,0,1923,0,,2,1,31,,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,neck/chest hit chain while riding bike,5,,2,,2,,1,2,3,4,4,4,,,4,4,1,137,1,24,1,92,1,1,3,3 -11831,0,1911,0,1645,1,1,70,4,3,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,,6,,2,,1,1,2,2,2,2,2,2,,,2,2,1,161,1,15,1,82,1,1,2,2 -11832,0,2220,0,,2,1,5,4,3,2,,2,2,2,2,2,3,3,2,3,2,2,2,2,1,2,2,13,,3,4,,,4,4,4,9,,,,,,No mechanism of injury. Concern for abuse.,,8,2,2,,2,,1,2,2,2,3,3,,,3,3,1,118,1,74,1,157,1,1,2,3 -11833,0,2107,0,1800,1,1,53,1,8,2,,2,1,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,2,2,2,1,3,6,2,3,1,111,1,16,1,70,2,1,1,3 -11834,0,1749,0,1735,1,1,35,1,8,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,2,1,117,1,16,1,98,1,1,2,2 -11835,0,1709,0,,2,1,14,1,1,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,4,1: < 5 mph,,,1,,,,4,,2,,1,2,1,2,2,2,2,2,,,2,2,1,101,1,28,1,136,3,2,2,3 -11836,0,2020,0,1800,1,1,9.1,1,3,1,2,1,3,3,2,2,3,3,2,3,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,1: < 5 mph,,,1,,,,4,,2,,1,1,2,2,2,2,2,3,,,3,2,1,111,1,32,1,202,3,1,2,2 -11837,0,1206,0,,2,1,10,1,3,2,,2,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,1,2,2,3,2,,,2,2,1,95,1,42,1,159,1,1,2,3 -11838,0,0830,0,0730,1,1,45,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,124,1,20,1,106,1,1,2,2 -11839,0,1640,0,1500,1,1,54.5,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,1,1,1,2,2,2,1,1,2,2,3,1,127,1,16,1,82,3,2,2,3 -11840,0,0952,0,,2,1,5.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,1,1,73,1,32,1,139,1,1,2,2 -11841,0,1731,0,,2,1,,,3,2,,2,2,2,2,2,3,3,2,2,2,2,2,2,2,1,1,14,,1,3,,,1,3,3,4,3: > 20 mph,,,1,,,,4,,2,,1,1,1,1,2,1,2,3,,,3,3,1,103,1,38,1,124,5,5,2,3 -11842,0,2230,0,2200,1,1,,,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,3,2,,,2,3,1,140,1,16,1,123,1,1,3,2 -11843,0,1541,0,1500,1,1,35,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,20,1,100,1,1,2,2 -11844,0,1350,0,,2,1,45,2,8,1,4,2,2,2,2,2,2,1,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,3,9,,,,,,Ran into wall,,7,2,2,,1,1,1,1,2,2,2,2,,,2,2,1,107,1,20,1,130,1,1,2,3 -11845,0,1725,0,1650,1,1,75,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,2,2,2,2,1,1,2,2,2,3,1,126,1,20,1,78,3,2,2,2 -11846,0,0150,0,,2,1,20,4,8,2,,2,2,2,2,2,3,2,2,2,2,2,2,2,2,1,2,13,,2,1,3,2,1,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,1,3,2,2,1,1,3,3,3,4,1,120,1,19,1,124,4,4,2,3 -11847,0,2345,0,2300,1,1,80,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,2,2,2,2,2,1,1,4,2,3,1,142,1,16,1,111,1,1,3,2 -11848,0,1225,0,,2,1,15,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,3,2,2,2,9,,,,,,sister jumped on patient's abdomen,,7,2,2,,1,1,1,2,2,2,2,1,1,1,2,3,1,113,1,18,1,108,3,3,2,3 -11849,0,1800,0,0800,1,1,38,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,fall from standing,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,111,1,16,1,58,6,1,3,2 -11850,0,2210,0,2115,1,1,68,4,4,2,,2,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,132,1,22,1,88,1,1,1,3 -11851,0,1634,0,1130,1,1,13.6,1,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,109,1,28,1,152,1,1,2,1 -11852,0,2300,0,2030,1,1,22.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,5,,,,,1,,,5,,1,2,1,1,1,1,2,2,2,1,2,2,2,2,1,117,1,22,1,80,5,5,2,3 -11853,0,1600,0,,2,1,13,3,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,2,7,,2,3,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,1,2,1,2,1,2,2,2,3,3,,,3,2,1,105,2,,1,145,2,1,1,3 -11854,0,0934,0,,2,1,50,1,9,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,108,1,30,1,124,1,1,2,3 -11855,0,1838,0,1815,1,1,100,4,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,3: > 20 mph,,,3,,,,4,,1,1,1,1,1,2,2,2,2,1,2,1,2,2,1,142,1,24,1,104,2,1,2,3 -11856,0,1909,0,1800,1,1,16.3,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,1,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,1,2,3,2,2,1,2,1,2,3,1,93,1,18,1,158,3,2,1,3 -11857,0,2205,0,2115,1,1,70,4,4,1,2,3,3,3,3,3,3,3,3,1,1,1,1,1,1,5,3,9,,2,3,,,2,3,3,1,4: Speed Unknown,2,,,,,,1,,1,1,1,1,1,1,2,2,3,3,,,3,3,1,150,1,18,1,130,5,5,2,3 -11858,0,,0,2020,1,2,22,4,1,1,1,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,1,2,2,2,2,,,2,2,1,137,1,16,1,88,4,2,2,3 -11859,0,1915,0,1845,1,1,11,3,3,1,1,3,3,3,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,2,2,3: > 10 ft.,,,,,,,2,,2,,1,3,1,2,2,2,3,1,2,2,3,3,1,90,1,34,1,130,4,1,2,3 -11860,0,1645,0,1430,1,1,30,4,3,1,4,4,4,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,102,1,24,1,110,2,1,2,2 -11861,0,1630,0,1530,1,1,59,1,4,1,4,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,2,2,2,2,2,2,,,2,2,1,138,1,35,1,112,4,2,2,2 -11862,0,1615,0,0900,1,1,60,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,2,,,,,,1,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,117,1,16,1,76,1,1,1,2 -11863,0,1408,0,1000,1,1,63.5,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,4,2,2,,,2,2,1,130,1,14,1,79,1,1,2,2 -11864,0,0900,-1,1700,1,1,21.9,1,3,1,2,1,2,1,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,5,,,,,1,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,93,1,24,1,80,1,1,2,2 -11865,0,1901,0,,2,1,63.5,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,2,,,2,1,2,9,,,,,,"riding on hood of car, fell off",,9,1,2,,1,2,1,2,2,2,2,2,,,2,3,1,128,1,22,1,142,2,2,2,3 -11866,0,1520,0,1400,1,1,64.2,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,1,1,2,,2,2,2,2,2,1,1,2,2,3,1,117,1,20,1,80,2,1,2,2 -11867,0,1810,0,0900,1,1,5,3,8,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,3,,,3,3,1,108,1,30,1,130,1,1,2,3 -11868,0,0530,0,0500,1,1,,,8,2,,1,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,3,1,146,1,18,1,84,2,1,3,2 -11869,0,0915,0,0840,1,1,20,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,106,1,35,1,119,2,1,2,2 -11870,0,1524,0,1445,1,1,72,4,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,4,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,4,,,2,2,1,157,1,35,1,113,1,1,2,3 -11871,0,1821,0,1400,1,1,29.6,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,1,1,3,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,112,1,12,1,60,1,1,2,3 -11872,0,1925,0,1850,1,1,38.5,1,1,1,1,1,2,2,2,2,2,2,4,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,136,1,24,1,106,1,1,2,3 -11873,0,1528,0,1500,1,1,16,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,3,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,111,1,18,1,107,1,1,2,3 -11874,0,1905,0,1825,1,1,23,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,120,1,20,1,130,1,1,2,2 -11875,0,1358,0,1315,1,1,73,1,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,4,,2,2,2,4,2,2,,,2,3,1,132,1,20,1,84,1,1,2,2 -11876,0,1639,0,,2,1,3.6,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,3,4,2,9,,1,3,,,1,2,3,9,,,,,,NAT,,7,2,2,,1,2,1,1,2,2,2,3,,,2,3,1,90,1,52,1,156,5,3,1,3 -11877,0,1843,0,1800,1,1,16.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,4,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,115,1,23,1,106,1,1,2,3 -11878,0,1400,0,1030,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,2,2,1,13,,2,1,4,2,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,1,1,2,2,1,2,3,2,2,1,114,1,20,1,86,4,2,2,3 -11879,0,1841,0,1600,1,1,42,1,8,2,,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,1,2,4,2,3,1,117,1,20,1,90,2,1,1,2 -11880,0,2200,0,2130,1,1,16.3,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,,1,,2,,2,,2,1,1,2,2,2,,,2,3,1,116,1,28,1,124,1,1,3,2 -11881,0,1144,-1,1600,1,1,15.5,,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,1: < 3 ft.,,,,,,,2,,2,,3,,1,1,2,2,2,2,,,2,3,1,112,1,28,1,100,1,1,3,3 -11882,0,,0,,2,2,,,5,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,108,1,31,1,133,1,1,2,3 -11883,0,1820,0,1735,1,1,39,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,4,,,5,,2,,3,,1,2,2,2,2,2,,,2,2,1,116,1,20,1,66,1,1,3,3 -11884,0,2243,0,,2,1,104,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,4,2,2,,,2,2,1,130,1,16,1,95,1,1,3,3 -11885,0,2158,0,,2,1,15,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,3,2,,,2,3,3,,1,20,1,96,1,1,2,2 -11886,0,1845,0,1800,1,1,50,4,3,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,1,2,1,1,2,2,1,2,3,2,3,1,120,1,18,1,84,2,1,2,2 -11887,0,1943,0,1930,1,1,52.3,1,3,1,2,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,2,2,2,4,2,2,,,2,3,1,138,1,18,1,93,1,1,2,2 -11888,0,1557,0,1515,1,1,65.8,1,4,1,1,1,3,3,1,1,3,2,4,1,1,1,1,2,1,1,2,14,,2,3,,,1,1,3,9,,,,,,Ejected from back of pickup truck run over by oncoming car,,9,1,1,2,1,3,1,1,2,2,2,3,,,2,2,1,90,1,30,1,128,5,5,1,3 -11889,0,2110,0,1900,1,1,18,3,3,2,,2,2,2,2,2,2,2,2,2,1,2,2,2,1,2,1,14,,2,3,,,1,2,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,3,2,1,121,1,35,1,117,2,1,2,3 -11890,0,0935,0,0830,1,1,12.6,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,182,1,24,1,100,1,1,2,2 -11891,0,2000,0,1930,1,1,50,4,3,1,3,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,1,2,2,,2,2,2,3,1,2,,,2,3,1,131,1,18,1,114,1,1,2,2 -11892,0,2052,0,1900,1,1,53.8,1,3,1,2,1,1,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,3,,1,18,1,76,1,1,2,2 -11893,0,1830,0,,2,1,70,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,4,,,5,,2,,2,,1,2,2,2,2,2,,,2,3,1,130,1,20,1,100,1,1,2,3 -11894,0,2251,0,2230,1,1,26,1,3,2,,2,2,2,2,2,1,1,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,1,2,2,2,2,1,1,3,2,3,1,142,1,28,1,112,2,1,3,3 -11895,0,0030,-1,2100,1,1,13,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,4,,,,,1,,1,2,2,,2,2,2,2,3,2,,,2,3,1,103,1,26,1,128,1,1,2,2 -11896,0,2036,0,,2,1,45.2,1,3,2,,2,4,4,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,hip checked and slammed into wall while playing soccer,,7,2,2,,2,,2,2,2,2,1,2,,,2,3,1,99,1,14,1,84,1,1,2,2 -11897,0,1515,0,,2,1,14,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Fell from monkey bars,,2,2,2,,2,,2,2,2,2,2,2,,,2,2,1,93,1,30,1,120,1,1,3,2 -11898,0,1624,0,,2,1,16.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,horse back riding and fell and hit head on ground,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,100,1,24,1,112,1,1,1,3 -11899,0,1355,-1,1900,1,1,45,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,122,1,16,1,86,4,4,2,2 -11900,0,2141,0,1930,1,1,30.5,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,,,7,,2,,1,1,2,1,2,2,2,1,1,4,2,3,1,102,1,16,1,83,1,1,3,2 -11901,0,2100,0,0830,1,1,27,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,2,2,2,2,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,1,1,3,2,3,1,134,1,18,1,101,3,1,3,3 -11902,0,2020,0,2000,1,1,70,4,1,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,136,1,18,1,108,1,1,2,2 -11903,0,2019,0,1700,1,1,18.6,1,1,2,,4,4,4,4,4,4,4,4,4,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,5,,,,,1,,,5,,1,1,1,1,1,1,3,2,2,1,2,1,2,2,1,107,1,18,1,102,5,5,3,3 -11904,0,1640,0,1600,1,1,40,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,1,1,2,1,1,2,2,1,1,3,2,2,1,96,1,21,1,92,1,1,2,2 -11905,0,1743,0,,2,1,60,1,8,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,143,1,20,1,67,2,1,2,3 -11906,0,0808,0,,2,1,70.3,1,2,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,146,1,18,1,68,1,1,2,2 -11907,0,1505,0,1430,1,1,80,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,140,1,22,1,80,1,1,2,2 -11908,0,2130,0,2000,1,1,35,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,6,,,,,,,,6,,1,2,1,3,2,2,2,2,1,1,2,3,2,3,1,100,1,24,1,62,2,1,2,2 -11909,0,2202,0,,2,1,55,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,1,1,2,1,14,,2,2,,,1,2,1,9,,,,,,running in park,,2,2,2,,2,,1,2,2,2,2,1,1,1,2,2,1,111,1,29,1,86,3,1,2,3 -11910,0,1500,0,1400,1,1,72.3,1,3,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,2,,1,3,1,2,2,2,2,1,1,2,2,3,1,127,1,20,1,96,2,1,2,3 -11911,0,1559,0,1530,1,1,60,1,3,2,,1,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,2,,,2,3,1,131,1,33,1,110,1,1,2,2 -11912,0,0815,0,0730,1,1,60,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,3,1,111,1,20,1,76,1,1,2,3 -11913,0,1900,0,1200,1,1,65.8,1,2,1,1,2,4,4,2,2,2,2,3,3,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,hugged strangely by another person,,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,114,1,18,1,84,1,1,2,3 -11914,0,1945,0,1900,1,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,1,1,2,2,3,1,101,1,24,1,30,2,2,2,3 -11915,0,2000,0,,2,1,17.5,,3,1,1,3,3,3,2,2,3,3,2,1,1,1,1,2,3,4,2,9,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,1,1,1,1,2,2,2,3,,,2,2,1,94,1,34,1,174,3,2,2,3 -11916,0,2335,0,1530,1,1,100,2,2,2,,2,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,1,2,9,,,,,,kicked in ABD 5X by a friend,,7,2,2,,1,1,2,2,2,2,2,1,1,2,1,3,1,121,1,16,1,88,1,1,2,2 -11917,0,1336,0,,2,1,6.8,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,9,,,,,,Horse stepped on patient,,7,2,2,,2,,2,2,2,2,2,2,,,2,3,1,89,1,28,1,124,1,1,2,2 -11918,0,0130,0,0015,1,1,12,3,3,2,,3,3,3,2,1,3,3,2,1,1,1,1,3,4,5,6,3,,1,3,,,2,3,4,4,5: Physician did not answer,,,4,,,,4,,2,,1,3,1,2,2,1,3,3,,,3,2,1,85,2,,1,152,4,4,2,3 -11919,0,2358,0,1900,1,1,60,4,3,2,,3,3,3,3,3,3,3,3,2,1,2,1,2,2,5,5,6,,2,3,,,3,3,3,1,3: > 40 mph,1,6,,,,,1,,2,,1,1,1,2,2,3,2,3,,,3,2,1,115,2,,1,94,2,1,2,3 -11920,0,1900,0,1800,1,1,70,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,1,2,2,,2,2,2,2,2,2,,,2,2,1,150,1,18,1,110,2,1,1,2 -11921,0,1449,0,,2,1,11.5,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,26,1,127,1,1,2,2 -11922,0,1749,0,,2,1,18,,9,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,2,,,2,3,1,6,,,,,,,,6,,2,,2,,2,2,2,2,2,2,,,2,3,1,133,1,28,1,115,1,1,2,2 -11923,0,1721,0,1420,1,1,2.9,1,3,2,,2,2,2,2,2,3,2,3,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,144,1,44,1,144,2,1,1,3 -11924,0,1950,0,1500,1,1,43,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,1,2,2,1,2,2,2,1,1,4,2,3,1,137,1,22,1,94,2,1,2,2 -11925,0,0013,-1,2300,1,1,45,4,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,134,1,20,1,73,1,1,2,2 -11926,0,1059,-1,1900,1,1,55,1,2,1,1,1,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,5,,,,,2,,,5,,2,,2,,2,2,2,2,2,2,,,2,3,1,130,1,20,1,98,1,1,2,2 -11927,0,1838,0,1820,1,1,73,,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,136,1,24,1,92,1,1,2,2 -11928,0,1824,0,1730,1,1,34,2,2,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,1,1,1,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,1,1,1,2,3,1,123,1,28,1,92,2,1,2,2 -11929,0,2210,0,2145,1,1,22,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,4,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,131,1,27,1,110,1,1,3,2 -11930,0,0050,-1,1600,1,1,42.5,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,109,1,26,1,134,1,1,2,2 -11931,0,1605,0,,2,1,50,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,114,1,18,1,96,1,1,2,2 -11932,0,1350,0,,2,1,,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,2,2,2,2,2,1,2,2,2,3,1,140,1,16,1,77,4,2,2,2 -11933,0,0030,0,0000,1,1,10,4,1,2,,3,3,3,2,2,3,3,4,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,3,1,3: > 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,35,1,150,1,1,2,2 -11934,0,1210,0,1120,1,1,60,2,2,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,18,1,68,1,1,2,2 -11935,0,1637,0,,2,1,16.8,1,2,1,1,3,3,3,2,1,3,3,4,2,2,2,2,2,1,2,1,14,,1,1,4,3,2,3,2,8,,,,,,,,8,,2,,1,1,1,1,2,1,1,1,4,5,3,2,1,92,1,38,1,120,5,4,1,3 -11936,0,1834,0,,2,1,,,3,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,3,,2,2,2,2,2,2,,,2,3,1,125,1,19,1,94,2,2,3,2 -11937,0,,0,1200,1,2,,,1,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,3,2,1,2,2,6,,,,,,,,6,,2,,1,2,1,1,2,2,2,1,2,4,2,3,1,157,1,15,1,66,5,5,1,3 -11938,0,0739,0,,2,1,50,4,8,1,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,4,,,,4,,2,,2,,1,2,2,4,3,2,,,2,3,1,138,1,20,1,126,1,1,2,3 -11939,0,2021,0,1345,1,1,5,3,3,2,,3,3,3,2,2,3,3,2,2,1,2,1,2,4,5,2,7,,1,3,,,2,3,3,8,,,,,,,Crying in swing - stiff and blue,8,,2,,2,,1,2,2,2,3,4,,,2,3,1,91,2,,1,118,2,1,3,3 -11940,0,1246,0,0745,1,1,16,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,1: < 20 mph,1,5,,,,,1,,2,,1,1,1,2,2,2,2,1,2,2,2,3,1,116,1,22,1,110,4,1,1,3 -11941,0,2317,0,1700,1,1,45,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,2,,1,2,2,2,2,2,,,2,2,1,140,1,15,1,93,1,1,1,3 -11942,0,1500,0,1430,1,1,83.9,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,134,1,24,1,108,1,1,3,2 -11943,0,1703,0,,2,1,7.6,2,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,9,,,,,,"has femur fracture, suspected abuse",,7,2,2,,2,,1,2,2,2,2,2,,,2,3,1,94,1,30,1,120,2,1,1,3 -11944,0,1752,0,1715,1,1,50,,3,2,,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,3,1,4: Speed Unknown,1,2,,,,,1,,2,,3,,2,2,2,2,2,1,2,1,2,3,1,133,1,17,1,113,4,4,2,2 -11945,0,1400,0,,2,1,5.2,1,3,2,,2,3,3,2,2,3,3,2,3,2,2,2,2,1,2,1,14,,1,3,,,2,2,1,9,,,,,,Suspect Non-Accidental Trauma,,7,2,2,,1,1,1,1,2,2,2,3,,,2,3,1,80,1,44,1,144,4,1,2,3 -11946,0,1800,0,1730,1,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,152,1,20,1,87,2,1,2,3 -11947,0,1535,0,,2,1,70,4,8,2,,4,4,4,4,4,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,Ran into a wall - struck his head,,7,2,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,14,1,84,1,1,2,3 -11948,0,1520,0,1400,1,1,48.6,1,1,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,1,3,2,2,2,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,2,,,2,2,1,105,1,20,1,86,1,1,2,2 -11949,0,1840,0,1815,1,1,77.3,2,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,1,2,,2,2,2,2,2,2,,,2,3,1,121,1,16,1,72,1,1,2,2 -11950,0,0930,0,0830,1,1,67,1,3,2,,1,2,1,2,2,1,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,125,1,26,1,80,1,1,2,2 -11951,0,1535,0,,2,1,42,,3,2,,2,2,2,2,2,1,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,football injury,,7,2,2,,1,1,2,2,2,2,2,1,1,2,2,3,1,116,1,22,1,97,1,1,2,2 -11952,0,2135,0,2002,1,1,30,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,2,,2,,1,2,2,2,1,2,,,2,2,1,122,1,22,1,100,1,6,3,3 -11953,0,1930,0,1900,1,1,81.8,4,8,2,,2,1,2,2,2,1,2,2,2,2,2,2,1,1,4,1,12,,2,1,2,2,2,2,2,1,4: Speed Unknown,4,,,,,,1,,2,,1,1,1,2,2,2,2,1,3,6,2,2,1,126,1,20,1,80,4,2,2,3 -11954,0,0400,0,,2,1,21.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,2,,,,,1,,2,,1,1,2,1,2,2,2,1,2,3,2,3,1,107,1,23,1,98,2,1,2,2 -11955,0,1515,0,1500,1,1,7,4,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,2,3,12,,1,3,,,2,3,1,9,,,,,,Patient fell from mother's arms when mother hit by car.,,2,2,2,,1,2,1,2,2,2,2,2,,,2,1,1,126,1,32,1,201,2,2,2,3 -11956,0,1758,0,,2,1,,,1,2,,1,2,1,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,sledding,,9,2,1,1,2,,2,2,2,2,3,1,1,3,2,3,1,121,1,18,1,93,1,1,2,2 -11957,0,1543,0,,2,1,60,,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,2,1,125,1,27,1,89,1,1,2,2 -11958,0,1200,0,1120,1,1,13.8,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,,1,,1,2,2,,1,2,2,2,3,2,,,2,2,1,123,1,24,1,136,1,1,1,3 -11959,0,1000,0,0900,1,1,102,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,1: < 20 mph,1,1,,,,,1,,1,2,1,2,2,2,2,2,2,2,,,2,2,1,180,1,16,1,94,1,1,3,2 -11960,0,2128,0,,2,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,3: Unknown intentionality,,,,,,,7,,2,,2,,1,2,2,2,2,2,,,2,2,1,96,1,40,1,144,1,1,2,3 -11961,0,1430,0,1400,1,1,45,4,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,113,1,20,1,97,1,1,2,2 -11962,0,1800,0,1700,1,1,80,4,1,1,1,1,1,2,2,2,2,2,2,4,2,2,2,2,1,1,1,15,,2,1,2,1,2,1,2,6,,,,,,,,6,,2,,1,2,1,1,2,2,2,1,2,2,2,3,1,124,1,28,1,87,4,3,1,3 -11963,0,2215,0,2100,1,1,40,3,3,1,2,3,3,3,2,1,3,3,2,3,1,1,1,1,4,5,6,3,,2,3,,,3,3,3,6,,,,,,,,6,,2,,1,1,1,2,2,2,3,3,,,3,3,1,154,1,22,1,80,4,3,2,3 -11964,0,1815,0,1540,1,1,30,4,8,2,,2,2,4,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,2,,1,2,2,2,2,4,,,2,2,1,111,1,25,1,107,1,1,2,3 -11965,0,0425,-1,2130,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,1,1,1,3,2,2,1,112,1,16,1,82,1,1,1,2 -11966,0,2300,0,,2,1,85,1,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,1,1,2,1,2,2,2,1,1,1,2,3,1,132,1,18,1,118,2,2,2,2 -11967,0,1838,0,1615,1,1,50,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,3,4,3: > 20 mph,,,2,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,2,1,123,1,20,1,112,2,1,2,3 -11968,0,1334,0,1300,1,1,68,,3,1,1,4,2,2,2,2,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,,5,,2,,2,,2,2,2,2,3,2,,,2,3,1,129,1,18,1,66,1,1,2,2 -11969,0,1503,0,1400,1,1,8,1,3,2,,3,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,3,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,78,1,48,1,140,1,1,1,2 -11970,0,1030,0,0930,1,1,22,4,2,2,,2,4,4,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,1,1,5: Physician did not answer,3,,,,,,1,,2,,1,2,1,1,2,2,1,1,1,4,2,2,1,101,1,18,1,84,2,1,2,3 -11971,0,1950,0,1700,1,1,45,,3,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,Jumping 14ft in the air,6,,2,,1,3,1,2,2,2,3,4,,,2,2,1,137,1,20,1,100,1,1,2,3 -11972,0,1957,0,1840,1,1,36,2,3,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,1,2,6,,,,,,,,6,,3,,1,1,1,2,2,2,3,1,3,1,3,3,1,140,1,22,1,101,5,3,2,3 -11973,0,2019,0,,2,1,8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,7,2: Accidental,,,,,,TV fell on body,7,,2,,2,,1,2,2,2,2,2,,,2,2,1,110,1,35,1,177,2,1,2,3 -11974,0,0813,-1,1830,1,1,84.7,1,1,2,,1,2,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,9,,,,,,"playing soccer, collided w/ player, own knee hit RUQ.",,7,2,2,,1,1,2,2,2,3,2,1,2,2,2,3,1,115,1,16,1,61,2,2,2,2 -11975,0,,0,1730,1,2,26,3,3,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,1,2,2,2,1,2,,,2,3,1,102,1,34,1,110,1,1,2,3 -11976,0,1352,0,1245,1,1,81.8,1,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,126,1,20,1,83,1,1,2,2 -11977,0,1446,0,1230,1,1,9,2,3,2,,3,3,3,2,2,3,3,2,3,2,2,2,2,1,2,1,14,,1,3,,,2,3,3,7,2: Accidental,,,,,,,7,,2,,2,,2,2,2,2,2,3,,,3,3,1,96,1,49,1,159,1,1,2,2 -11978,0,0934,0,0930,1,1,35,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,129,1,16,1,88,1,1,2,2 -11979,0,1717,0,,2,1,53.2,2,3,2,,1,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,2,1,115,1,24,1,95,3,1,2,3 -11980,0,1730,0,1700,1,1,55,4,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,9,,,,,,Hit in face (assault) while on Metro,,9,2,2,,2,,1,2,2,3,3,2,,,2,3,1,115,1,43,1,101,1,1,2,3 -11981,0,1528,0,1400,1,1,12,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,1,2,2,2,2,,,2,3,1,125,1,22,1,120,1,1,1,2 -11982,0,1323,0,1300,1,1,50,2,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,130,1,14,1,87,1,1,2,2 -11983,0,0001,-1,1800,1,1,27,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,,5,,2,,2,,2,2,2,2,2,1,2,3,2,3,1,116,1,22,1,98,1,1,1,2 -11984,0,1858,0,1545,1,1,24,3,8,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,1,2,1,2,2,2,1,2,3,2,3,1,105,1,28,1,116,3,2,2,2 -11985,0,2140,0,1800,1,1,35,3,3,2,,3,3,3,2,2,3,3,2,1,2,2,2,2,2,2,2,12,,2,3,,,1,3,2,6,,,,,,,,6,,2,,1,3,1,2,2,2,3,3,,,3,3,1,120,1,24,1,102,2,2,2,3 -11986,0,1357,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,3,2,3,1,1,1,2,3,1,108,1,18,1,72,1,1,1,2 -11987,0,2100,0,2010,1,1,68.2,2,1,1,2,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,3,,,,4,,2,,1,1,2,2,2,2,2,2,,,2,3,1,140,1,18,1,90,6,6,3,2 -11988,0,1439,0,1400,1,1,60,,3,1,4,2,2,2,2,2,2,2,2,1,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,9,,,,,,horse ran into tree with patient riding on it,,9,2,2,,2,,1,2,2,2,2,2,,,2,3,1,127,1,36,1,107,1,1,2,3 -11989,0,1638,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,3,11,,2,1,4,1,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,1,1,2,2,4,4,1,1,1,2,2,1,169,1,29,1,90,1,1,2,3 -11990,0,1720,0,0530,1,1,10.6,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,5,,,,,1,,2,,1,1,1,1,2,2,2,2,,,2,3,1,116,1,36,1,131,2,1,2,3 -11991,0,2000,0,1900,1,1,37.5,,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,,1,,2,,2,,2,1,1,4,2,2,,,2,3,1,126,1,20,1,118,1,1,2,2 -11992,0,1535,0,,2,1,30,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,2,,1,2,2,2,2,2,,,2,2,1,119,1,20,1,102,1,1,2,3 -11993,0,1809,0,1700,1,1,,,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,7,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,140,1,18,1,103,1,1,2,2 -11994,0,1457,0,,2,1,50,,3,1,1,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,3,1,1,1,2,2,1,3,1,1,2,1,104,1,50,1,94,4,3,2,3 -11995,0,1549,0,1500,1,1,60,2,2,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,,4,,1,2,1,1,1,2,2,2,2,1,1,3,2,3,1,120,1,22,1,92,2,2,2,3 -11996,0,2026,0,2000,1,1,55,1,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,,5,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,136,1,18,1,77,1,1,2,2 -11997,0,1940,0,1800,1,1,7,4,3,2,,4,4,4,4,4,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,,1,,2,,2,,2,2,1,2,2,2,,,2,2,1,129,1,32,1,160,1,1,1,2 -11998,0,2346,0,,2,1,16,3,8,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,2,1,2,2,2,3,1,2,1,2,2,1,105,1,30,1,120,3,2,3,3 -11999,0,0831,0,0800,1,1,43.1,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,1,1: < 20 mph,3,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,102,1,24,1,100,1,1,2,2 -12000,0,2240,0,2100,1,1,53,1,8,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,,7,,2,,2,,2,2,2,2,2,1,2,2,2,2,1,144,1,18,1,71,6,6,3,2 -12001,0,1634,0,1600,1,1,14,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,1,91,1,38,1,97,2,1,2,2 -12002,0,1400,0,1330,1,1,43,2,2,2,,1,1,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,3,2: 6-15,,,,,,,3,,2,,1,1,2,2,2,4,1,1,2,2,2,3,1,113,1,18,1,97,2,2,2,2 -12003,0,1706,0,1530,1,1,55,1,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,,1,,1,2,2,,1,2,2,2,2,2,,,2,2,1,155,1,23,1,77,1,1,2,3 -12004,0,2200,0,2130,1,1,75,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,2,,1,3,1,2,2,2,1,2,,,2,2,1,134,1,18,1,107,1,1,2,3 -12005,0,0330,0,,2,1,7,4,1,2,,3,3,3,2,2,3,3,2,2,2,2,2,2,1,2,2,13,,1,3,,,2,3,2,1,3: > 40 mph,1,4,,,,,1,,2,,1,3,2,2,2,2,2,3,,,3,3,1,87,1,46,1,198,2,2,2,2 -12006,0,1600,0,1530,1,1,18,3,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,,4,,2,,2,,2,2,2,2,3,2,,,2,3,1,100,1,20,1,96,1,1,2,2 -12007,0,1907,0,1845,1,1,90,1,2,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,2,2,2,2,2,2,,,2,2,1,127,1,26,1,109,2,1,2,2 -12008,0,2245,0,,2,1,19.8,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,2,2,2,2,2,1,1,1,2,2,1,104,1,28,1,98,1,1,2,2 -12009,0,1130,0,1030,1,1,20,4,3,2,,2,2,2,2,2,1,2,3,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,3,3,1,4: Speed Unknown,1,1,,,,,1,,4,,4,,2,2,2,2,2,1,1,1,3,3,1,88,1,24,1,80,2,2,2,2 -12010,0,1136,-1,1145,1,1,14.4,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,1,1: < 20 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,1,1,2,2,3,1,108,1,22,1,131,2,1,2,2 -12011,0,1716,0,1415,1,1,12,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,114,1,43,1,144,1,1,3,3 -12012,0,1148,0,1100,1,1,30,2,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,4,4: Speed Unknown,,,3,,,,4,,2,,1,3,1,2,2,2,2,1,1,3,2,2,1,118,1,34,1,94,1,1,2,3 -12013,0,2003,0,1900,1,1,13,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,144,1,28,1,122,2,1,2,3 -12014,0,0843,0,0745,1,1,34,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,,4,,2,,2,,1,2,2,2,2,2,,,2,2,1,102,1,20,1,91,1,1,3,3 -12015,0,1710,0,1630,1,1,7.3,1,3,2,,2,2,2,2,2,3,3,3,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,3,,,3,3,1,93,1,48,1,150,1,1,2,2 -12016,0,1519,0,1505,1,1,55,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,,6,,2,,2,,2,2,2,2,3,2,,,2,2,1,128,4,,1,73,1,1,2,2 -12017,0,0116,-1,2030,1,1,29,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,4: Unknown,,,,,,,2,,2,,1,2,2,2,2,2,2,1,1,3,2,3,1,139,1,18,1,89,2,1,2,2 -12018,0,1500,0,1430,1,1,100,1,3,2,,2,2,2,2,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,2,2,1,1,2,2,2,1,143,1,18,1,76,1,1,1,2 -12019,0,1305,0,1220,1,1,50,,1,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,118,1,16,1,71,2,1,2,2 -12020,0,0807,0,0745,1,1,9,1,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,3,2,1,2: 20 - 40 mph,1,4,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,3,1,82,1,26,1,100,1,1,2,2 -12021,0,,0,1930,1,2,35,3,3,2,,2,2,2,2,2,2,2,2,3,2,2,2,2,1,1,1,15,,2,1,4,2,2,2,1,5,,,,,3,,,5,,2,,1,3,2,2,2,4,3,1,2,3,2,2,1,142,1,26,1,122,3,2,3,2 -12022,0,2345,0,2100,1,1,9,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,3,1,115,1,26,1,196,1,1,2,3 -12023,0,1535,0,1500,1,1,10,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,4,1: < 5 mph,,,4,,,,4,,2,,1,1,1,2,2,2,2,2,,,2,3,1,121,1,26,1,148,2,2,2,3 -12024,0,2352,0,1800,1,1,73,1,3,2,,2,2,2,2,2,2,2,2,1,2,2,1,2,,,,,15,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,3,2,,,2,2,1,150,1,24,1,75,1,1,2,3 -12025,0,0756,0,,2,1,70,,1,2,,2,2,2,2,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,,1,,1,1,2,,2,2,2,3,3,2,,,2,3,1,123,1,18,1,77,1,1,2,2 -12026,0,1841,0,1830,1,1,30,4,8,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,,4,,1,1,2,,1,2,2,2,2,2,,,2,2,1,144,1,40,1,149,1,1,2,3 -12027,0,1500,0,,2,1,,,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,,1,,2,,2,,2,2,2,2,2,2,,,2,2,1,98,1,20,1,106,1,1,1,2 -12028,0,1239,0,0745,1,1,58.3,1,3,2,,1,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,2,2,2,2,,,2,3,3,,1,20,1,100,1,1,2,2 -12029,0,1326,0,,2,1,136,4,3,2,,2,2,1,2,1,4,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,1,2: 20 - 40 mph,1,1,,,,,1,,2,,1,1,2,2,2,4,2,1,2,2,2,3,1,142,1,16,1,101,2,1,2,2 -12030,0,1854,0,,2,1,12,1,1,2,,2,2,2,2,2,3,3,2,2,2,2,1,2,1,1,1,15,,1,3,,,2,2,2,4,2: 5 - 20 mph,,,1,,,,4,,2,,1,1,1,1,2,2,2,3,,,3,3,1,121,1,29,1,174,2,1,1,3 -12031,0,0945,0,0830,1,1,70,4,1,1,1,3,3,3,2,2,3,3,2,1,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,1,4: Speed Unknown,1,1,,,,,1,,1,2,1,1,1,1,2,2,3,3,,,3,2,1,141,1,20,1,82,4,3,2,3 -12032,0,2105,0,,2,1,90,4,3,2,,2,4,4,1,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,1,6,,,,,,,,6,,2,,1,1,1,2,2,2,1,1,3,1,2,4,1,140,1,28,1,109,3,1,1,3 -12033,0,1155,0,1115,1,1,47,4,2,1,1,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,,1,,2,,1,1,1,2,1,2,2,2,,,2,2,1,119,1,16,1,84,2,1,2,3 -12034,0,2155,0,1730,1,1,26,3,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,,2,,2,,2,,1,2,2,2,2,2,,,2,2,1,105,1,26,1,84,1,1,2,3 -12035,0,1800,0,1700,1,1,25.4,1,8,2,,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,5,,,,,1,,,5,,2,,1,2,2,1,2,2,2,1,2,2,2,3,1,114,1,16,1,108,3,2,3,2 -12036,0,1615,0,,2,1,15,4,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,1: < 3 ft.,,,,,,,2,,2,,2,,2,2,3,2,3,2,,,2,3,1,113,1,18,1,122,1,1,2,2 -12037,0,1407,0,,2,1,80,4,3,2,,3,3,3,2,2,3,3,2,3,1,1,1,1,1,2,2,13,,2,3,,,3,3,1,9,,,,,,Fall off skateboard while being towed by car,,2,2,2,,1,1,1,2,2,2,2,3,,,3,3,1,120,1,13,1,103,2,1,2,3 -12038,0,1842,0,1812,1,1,80,2,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,,3,,2,,2,,2,2,2,2,2,2,,,2,3,1,121,1,20,1,83,1,1,2,2 -12039,0,1719,0,,2,1,24,3,3,2,,3,3,3,2,2,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,2,2,2,4,2: 5 - 20 mph,,,3,,,,4,,1,2,1,2,1,2,2,2,3,3,,,3,2,1,126,2,,1,137,1,1,3,3 -12040,0,2109,0,2100,1,1,56,4,4,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,,1,,1,1,2,,2,2,2,2,2,2,,,2,3,1,134,1,16,1,82,1,1,2,2 -12041,0,1630,0,,2,1,50,1,3,1,2,2,2,2,2,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,1,6,,,,,,,,6,,2,,1,1,1,1,2,2,2,1,3,2,2,2,1,122,1,23,1,147,4,3,1,3 -12042,0,0010,-1,1730,1,1,59.9,1,3,1,1,1,2,2,2,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,elbow vs. abdomen--basketball,,7,2,1,2,2,,2,2,2,2,2,1,2,2,2,3,1,142,1,18,1,88,1,1,2,2 -12043,0,1110,0,1030,1,1,40,4,8,2,,2,2,2,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,fall from skateboard,,2,2,2,,2,,1,2,2,2,2,2,,,2,2,1,120,1,36,1,100,1,1,2,3 -12044,0,1615,0,,2,1,50,2,3,2,,2,2,2,2,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,,1,,2,,1,1,1,2,2,2,2,2,,,2,3,1,124,1,28,1,109,1,1,2,3 diff --git a/data/iai_pecarn/raw/form1_abdabnormalities.csv b/data/iai_pecarn/raw/form1_abdabnormalities.csv deleted file mode 100644 index e68e9c39..00000000 --- a/data/iai_pecarn/raw/form1_abdabnormalities.csv +++ /dev/null @@ -1,2796 +0,0 @@ -SubjectID,Repeat_instance,AbdAbnormality -6,1,3 -16,1,1 -16,2,2 -16,3,3 -18,1,2 -18,2,3 -24,1,2 -24,2,3 -45,1,1 -45,2,2 -45,3,3 -51,1,1 -51,2,2 -56,1,2 -56,2,3 -57,1,2 -64,1,5 -68,1,2 -86,1,1 -86,2,2 -106,1,2 -106,2,3 -118,1,1 -118,2,3 -121,1,2 -129,1,1 -129,2,2 -129,3,3 -136,1,2 -136,2,3 -141,1,2 -141,2,3 -148,1,2 -165,1,2 -170,1,1 -170,2,2 -170,3,3 -175,1,2 -175,1,2 -175,2,3 -175,2,3 -184,1,2 -184,2,3 -187,1,3 -189,1,1 -189,2,2 -193,1,1 -193,2,3 -205,1,2 -214,1,3 -217,1,1 -217,2,2 -219,1,1 -219,2,3 -238,1,2 -252,1,2 -259,1,2 -261,1,6 -277,1,2 -286,1,2 -286,2,3 -296,1,1 -302,1,2 -304,1,1 -311,1,3 -316,1,2 -318,1,1 -321,1,2 -323,1,1 -323,2,2 -323,3,3 -332,1,2 -332,1,2 -334,1,2 -335,1,2 -338,1,2 -345,1,2 -356,1,3 -361,1,2 -362,1,4 -363,1,2 -363,2,3 -370,1,3 -372,1,4 -376,1,2 -378,1,1 -378,2,2 -379,1,2 -390,1,5 -400,1,2 -400,1,1 -400,2,2 -405,1,1 -405,2,2 -405,3,3 -409,1,2 -409,1,2 -414,1,2 -414,2,3 -415,1,3 -415,1,1 -416,1,3 -418,1,2 -419,1,3 -422,1,2 -422,1,2 -435,1,2 -435,2,3 -443,1,2 -444,1,2 -444,2,3 -455,1,2 -472,1,2 -487,1,2 -488,1,2 -488,2,3 -489,1,2 -490,1,2 -490,2,3 -491,1,3 -499,1,3 -500,1,2 -500,2,3 -507,1,2 -515,1,4 -528,1,2 -528,2,3 -531,1,1 -531,2,3 -535,1,1 -535,2,3 -539,1,2 -545,1,2 -545,2,3 -546,1,2 -559,1,2 -580,1,3 -582,1,2 -587,1,1 -594,1,2 -598,1,3 -604,1,6 -608,1,2 -608,2,3 -611,1,2 -642,1,1 -642,2,2 -644,1,1 -644,2,3 -646,1,2 -648,1,6 -649,1,3 -651,1,2 -655,1,2 -655,2,5 -657,1,2 -660,1,2 -664,1,1 -664,2,2 -665,1,3 -674,1,2 -676,1,1 -676,2,2 -677,1,2 -700,1,1 -700,2,2 -702,1,3 -708,1,1 -708,2,2 -708,3,3 -710,1,2 -710,2,3 -713,1,2 -714,1,3 -717,1,1 -717,2,2 -722,1,2 -727,1,3 -731,1,2 -731,2,3 -733,1,5 -739,1,2 -743,1,2 -746,1,3 -748,1,3 -748,1,3 -755,1,3 -759,1,2 -762,1,3 -766,1,2 -767,1,2 -767,2,3 -779,1,2 -779,2,3 -782,1,2 -784,1,1 -786,1,3 -802,1,2 -814,1,2 -824,1,3 -830,1,2 -830,2,3 -831,1,2 -831,2,3 -834,1,3 -839,1,1 -839,2,2 -839,3,3 -841,1,2 -842,1,2 -846,1,2 -846,2,3 -847,1,1 -850,1,2 -854,1,2 -854,2,3 -869,1,3 -870,1,2 -875,1,2 -883,1,2 -885,1,2 -888,1,6 -891,1,2 -892,1,6 -897,1,1 -897,2,2 -903,1,2 -907,1,2 -907,2,3 -910,1,1 -910,2,2 -913,1,2 -913,2,5 -917,1,2 -918,1,2 -925,1,2 -931,1,2 -931,2,3 -933,1,1 -933,2,2 -946,1,1 -946,2,3 -954,1,3 -958,1,1 -958,2,3 -960,1,2 -970,1,2 -974,1,1 -976,1,2 -988,1,1 -990,1,2 -992,1,2 -992,2,4 -996,1,2 -1000,1,3 -1001,1,2 -1003,1,3 -1025,1,1 -1025,2,2 -1046,1,3 -1072,1,2 -1085,1,2 -1093,1,2 -1099,1,1 -1100,1,2 -1100,2,3 -1110,1,1 -1110,2,2 -1114,1,3 -1125,1,2 -1125,2,3 -1127,1,1 -1127,2,2 -1128,1,2 -1128,2,3 -1136,1,2 -1145,1,3 -1154,1,2 -1154,1,2 -1157,1,2 -1160,1,2 -1160,2,3 -1163,1,2 -1166,1,3 -1167,1,2 -1182,1,2 -1182,2,3 -1185,1,2 -1185,1,2 -1185,2,3 -1185,2,3 -1192,1,2 -1224,1,2 -1237,1,2 -1244,1,1 -1248,1,1 -1249,1,2 -1250,1,1 -1250,2,2 -1250,3,3 -1257,1,1 -1257,2,2 -1265,1,2 -1265,2,3 -1267,1,2 -1270,1,3 -1286,1,1 -1286,2,2 -1286,3,3 -1289,1,2 -1289,2,3 -1306,1,1 -1306,2,3 -1321,1,3 -1327,1,2 -1328,1,2 -1330,1,2 -1332,1,2 -1345,1,3 -1347,1,2 -1348,1,2 -1361,1,2 -1363,1,2 -1363,2,3 -1365,1,2 -1366,1,2 -1367,1,2 -1367,2,3 -1379,1,1 -1398,1,2 -1400,1,1 -1400,2,2 -1426,1,1 -1426,2,2 -1427,1,3 -1429,1,2 -1436,1,2 -1440,1,2 -1443,1,2 -1446,1,2 -1453,1,2 -1454,1,3 -1458,1,2 -1461,1,2 -1467,1,2 -1484,1,1 -1484,2,2 -1484,3,3 -1484,4,4 -1485,1,2 -1485,1,1 -1485,2,2 -1485,3,3 -1502,1,2 -1502,2,3 -1510,1,1 -1510,2,2 -1510,3,3 -1513,1,1 -1513,2,3 -1520,1,2 -1520,2,3 -1533,1,2 -1535,1,2 -1551,1,2 -1551,2,3 -1572,1,1 -1572,2,2 -1573,1,1 -1573,2,2 -1575,1,3 -1576,1,1 -1576,2,2 -1577,1,2 -1582,1,3 -1590,1,2 -1597,1,2 -1608,1,1 -1608,2,2 -1610,1,2 -1611,1,2 -1620,1,2 -1650,1,3 -1650,2,2 -1654,1,2 -1656,1,1 -1656,2,2 -1656,3,3 -1658,1,1 -1663,1,2 -1664,1,2 -1704,1,3 -1706,1,3 -1713,1,2 -1713,2,3 -1722,1,1 -1722,1,2 -1725,1,2 -1725,2,3 -1726,1,2 -1726,2,3 -1736,1,3 -1739,1,3 -1741,1,2 -1750,1,1 -1750,2,2 -1750,3,3 -1751,1,2 -1754,1,2 -1756,1,3 -1761,1,3 -1762,1,2 -1769,1,2 -1775,1,2 -1788,1,2 -1788,2,3 -1789,1,1 -1789,2,2 -1823,1,2 -1824,1,2 -1824,2,3 -1830,1,1 -1836,1,1 -1844,1,5 -1845,1,2 -1845,1,2 -1853,1,2 -1855,1,2 -1879,1,1 -1879,2,3 -1884,1,6 -1885,1,5 -1889,1,2 -1893,1,2 -1894,1,1 -1894,1,1 -1894,2,2 -1894,2,2 -1894,3,3 -1894,3,3 -1897,1,2 -1905,1,2 -1908,1,3 -1913,1,2 -1918,1,1 -1918,2,2 -1932,1,2 -1932,2,3 -1935,1,4 -1941,1,3 -1954,1,1 -1954,2,2 -1957,1,2 -1968,1,2 -1971,1,2 -1976,1,2 -1992,1,1 -1992,2,2 -1994,1,2 -1996,1,3 -2007,1,1 -2007,2,2 -2007,3,3 -2021,1,2 -2024,1,2 -2028,1,1 -2028,2,2 -2028,3,3 -2033,1,2 -2036,1,2 -2039,1,2 -2056,1,2 -2056,2,3 -2060,1,3 -2064,1,2 -2064,2,3 -2069,1,3 -2075,1,2 -2085,1,2 -2089,1,3 -2101,1,6 -2106,1,2 -2124,1,2 -2127,1,3 -2130,1,3 -2132,1,2 -2133,1,2 -2134,1,3 -2141,1,1 -2141,2,3 -2142,1,3 -2148,1,2 -2148,1,2 -2149,1,2 -2149,2,3 -2167,1,1 -2167,2,2 -2167,4,3 -2173,1,1 -2173,2,2 -2173,3,3 -2184,1,2 -2191,1,1 -2191,1,1 -2191,2,2 -2191,2,2 -2191,3,3 -2191,3,3 -2194,1,3 -2197,1,2 -2213,1,1 -2213,2,2 -2243,1,2 -2246,1,2 -2250,1,3 -2251,1,3 -2253,1,2 -2255,1,6 -2258,1,5 -2267,1,1 -2274,1,2 -2274,2,3 -2283,1,2 -2287,1,1 -2289,1,5 -2290,1,3 -2296,1,1 -2296,2,3 -2307,1,3 -2313,1,1 -2313,2,2 -2313,3,3 -2320,1,3 -2321,1,2 -2323,1,3 -2328,1,3 -2331,1,2 -2335,1,2 -2340,1,2 -2344,1,3 -2351,1,1 -2351,2,2 -2351,3,3 -2354,1,1 -2354,2,2 -2354,3,5 -2366,1,1 -2366,2,3 -2369,1,1 -2369,2,3 -2372,1,2 -2373,1,3 -2377,1,1 -2377,2,2 -2379,1,3 -2380,1,2 -2382,1,3 -2387,1,1 -2387,2,2 -2387,3,3 -2390,1,4 -2390,2,5 -2393,1,1 -2393,2,2 -2414,1,1 -2414,2,2 -2417,1,6 -2418,1,1 -2418,2,2 -2439,1,2 -2461,1,2 -2467,1,2 -2477,1,2 -2483,1,1 -2483,2,2 -2483,3,3 -2489,1,2 -2489,2,3 -2493,1,2 -2500,1,2 -2500,2,3 -2506,1,1 -2506,2,2 -2512,1,2 -2512,1,2 -2515,1,2 -2521,1,2 -2523,1,2 -2529,1,3 -2532,1,1 -2532,2,2 -2532,3,3 -2538,1,2 -2543,1,2 -2543,2,3 -2543,3,5 -2545,1,2 -2547,1,2 -2559,1,2 -2559,1,1 -2559,2,3 -2559,2,3 -2565,1,2 -2570,1,2 -2592,1,1 -2592,2,2 -2602,1,3 -2606,1,1 -2606,2,2 -2606,3,3 -2614,1,2 -2618,1,1 -2622,1,2 -2636,1,2 -2636,1,2 -2636,2,3 -2636,2,3 -2638,1,3 -2641,1,2 -2641,1,1 -2641,3,2 -2646,1,5 -2653,1,1 -2653,2,2 -2659,1,1 -2659,2,2 -2666,1,2 -2666,2,3 -2668,1,2 -2670,1,2 -2670,2,3 -2687,1,3 -2692,1,1 -2692,2,2 -2707,1,1 -2707,2,2 -2708,1,2 -2715,1,2 -2724,1,2 -2724,2,3 -2739,1,1 -2739,2,2 -2750,1,2 -2751,1,2 -2751,2,3 -2761,1,1 -2775,2,2 -2777,1,6 -2787,1,2 -2787,2,3 -2793,1,3 -2800,1,1 -2800,2,3 -2806,1,2 -2822,1,1 -2822,2,2 -2822,3,3 -2822,4,4 -2826,1,3 -2828,1,3 -2830,1,2 -2830,2,3 -2832,1,3 -2832,2,4 -2833,1,2 -2838,1,1 -2838,2,2 -2841,1,2 -2841,1,2 -2843,1,2 -2843,2,3 -2851,1,2 -2855,1,2 -2861,1,2 -2861,2,3 -2868,1,1 -2868,2,3 -2882,1,2 -2884,1,2 -2892,1,3 -2901,1,2 -2909,1,2 -2909,2,3 -2915,1,2 -2922,1,2 -2925,1,3 -2929,1,1 -2929,2,2 -2935,1,2 -2951,1,6 -2967,1,1 -2967,1,2 -2967,2,2 -2974,1,2 -2974,2,3 -2976,1,2 -2976,1,2 -2987,1,2 -2989,1,1 -2989,2,3 -2989,3,2 -2997,1,1 -3014,1,1 -3014,2,2 -3014,3,3 -3020,1,1 -3021,1,1 -3022,1,1 -3022,2,3 -3025,1,2 -3026,1,5 -3030,1,1 -3030,2,3 -3033,1,2 -3038,1,3 -3040,1,2 -3054,1,1 -3054,2,2 -3054,3,3 -3059,1,1 -3061,1,2 -3063,1,2 -3064,1,1 -3064,2,2 -3066,1,1 -3068,1,2 -3081,1,3 -3101,1,2 -3102,1,1 -3102,2,2 -3102,3,3 -3103,1,2 -3103,2,3 -3112,1,2 -3112,2,3 -3113,1,2 -3120,1,3 -3121,1,2 -3123,1,1 -3130,1,6 -3140,1,4 -3144,1,3 -3147,1,2 -3147,1,1 -3151,1,3 -3151,1,2 -3159,1,5 -3160,1,1 -3160,2,2 -3165,1,3 -3165,2,2 -3169,1,1 -3169,2,3 -3176,1,2 -3176,2,3 -3196,1,6 -3197,1,6 -3202,1,4 -3210,1,1 -3210,2,2 -3211,1,2 -3212,1,2 -3212,2,3 -3213,1,1 -3213,2,2 -3216,1,3 -3217,1,1 -3217,2,3 -3222,1,2 -3224,1,2 -3224,1,2 -3225,1,2 -3225,2,3 -3228,1,2 -3231,1,1 -3231,2,2 -3231,3,3 -3233,1,1 -3233,2,2 -3240,1,2 -3242,1,1 -3242,2,2 -3242,3,3 -3250,1,2 -3251,1,2 -3251,2,3 -3256,1,4 -3262,1,1 -3262,2,3 -3271,1,1 -3271,2,2 -3271,3,3 -3273,1,1 -3274,1,2 -3274,2,3 -3276,1,2 -3278,1,2 -3278,1,2 -3282,1,1 -3282,1,1 -3282,2,2 -3282,2,2 -3282,3,3 -3282,3,3 -3288,1,1 -3288,2,2 -3298,1,1 -3301,1,2 -3320,1,2 -3320,2,3 -3325,1,2 -3329,1,2 -3332,1,2 -3334,1,2 -3334,1,2 -3334,2,3 -3334,2,3 -3342,1,2 -3342,2,3 -3363,1,2 -3374,1,3 -3382,1,1 -3384,1,1 -3384,2,2 -3384,3,3 -3393,1,2 -3395,1,2 -3398,1,2 -3420,1,2 -3424,2,2 -3425,1,2 -3429,1,1 -3429,2,2 -3429,3,3 -3429,4,4 -3430,1,1 -3433,1,2 -3435,1,3 -3436,1,2 -3446,1,2 -3454,1,2 -3454,1,2 -3459,1,2 -3481,1,2 -3481,1,2 -3485,1,2 -3491,1,1 -3491,2,2 -3499,1,2 -3506,1,1 -3507,1,1 -3507,1,1 -3507,2,2 -3507,2,3 -3513,1,2 -3515,1,3 -3521,1,1 -3521,1,3 -3521,2,2 -3536,1,2 -3536,2,3 -3536,3,4 -3549,1,6 -3558,1,3 -3559,1,1 -3559,2,2 -3561,1,2 -3561,1,2 -3581,1,2 -3581,2,3 -3587,1,2 -3588,1,2 -3607,1,3 -3609,1,1 -3614,1,2 -3614,2,3 -3623,1,2 -3630,1,2 -3630,1,2 -3630,2,3 -3642,1,1 -3653,1,2 -3654,1,2 -3668,1,2 -3686,1,1 -3686,2,2 -3691,1,1 -3695,1,2 -3696,1,2 -3706,1,2 -3706,2,3 -3719,1,2 -3721,1,3 -3724,1,1 -3725,1,1 -3725,2,2 -3728,1,6 -3739,1,2 -3746,1,2 -3752,1,1 -3753,1,2 -3754,1,1 -3754,2,2 -3761,1,3 -3771,1,2 -3780,1,2 -3780,2,3 -3792,1,2 -3795,1,2 -3799,1,2 -3806,1,1 -3806,2,3 -3838,1,2 -3846,1,2 -3851,1,2 -3851,2,3 -3857,1,3 -3873,1,2 -3873,1,2 -3873,2,3 -3873,2,3 -3874,1,2 -3885,1,1 -3888,1,2 -3888,2,3 -3899,1,2 -3899,1,1 -3901,1,6 -3903,1,1 -3903,2,2 -3903,3,3 -3905,1,2 -3924,1,3 -3930,1,4 -3938,1,2 -3938,2,3 -3940,1,2 -3942,1,2 -3956,1,6 -3958,1,2 -3960,1,1 -3960,2,2 -3976,1,1 -3976,2,2 -3976,3,3 -3978,1,6 -3980,1,3 -3986,1,1 -3988,1,2 -3996,1,3 -3997,1,1 -3997,2,2 -3997,3,3 -3998,1,2 -4001,1,2 -4002,1,2 -4003,1,2 -4006,1,2 -4011,1,2 -4019,1,2 -4021,1,4 -4022,1,2 -4027,1,2 -4028,1,2 -4028,2,3 -4029,1,6 -4029,1,1 -4029,2,2 -4029,3,3 -4037,1,5 -4041,1,2 -4042,1,1 -4042,2,2 -4042,3,3 -4045,1,2 -4048,1,3 -4069,1,3 -4075,1,2 -4075,2,3 -4077,1,1 -4077,2,2 -4079,1,3 -4091,1,1 -4091,1,2 -4091,2,2 -4092,1,1 -4092,2,2 -4095,1,3 -4099,1,1 -4100,1,2 -4100,2,3 -4101,1,2 -4102,1,2 -4102,2,3 -4122,1,3 -4126,1,2 -4130,1,2 -4130,2,3 -4130,3,4 -4137,1,2 -4137,2,3 -4147,1,2 -4151,1,5 -4159,1,2 -4159,1,2 -4159,2,3 -4165,1,2 -4178,1,2 -4179,1,3 -4190,1,3 -4193,1,3 -4197,1,1 -4197,2,3 -4199,1,1 -4201,1,2 -4201,2,3 -4210,1,1 -4210,2,3 -4211,1,6 -4217,1,1 -4217,2,3 -4232,1,1 -4232,2,2 -4250,1,1 -4250,2,2 -4254,1,2 -4286,1,2 -4300,1,2 -4305,1,2 -4316,1,2 -4322,1,1 -4325,1,3 -4330,1,2 -4334,1,1 -4334,2,2 -4334,3,3 -4361,1,2 -4381,1,2 -4381,1,2 -4381,2,3 -4382,1,2 -4386,1,4 -4395,1,3 -4425,1,1 -4425,2,2 -4425,3,3 -4432,1,1 -4432,2,2 -4432,3,3 -4441,1,2 -4455,1,2 -4467,1,3 -4470,1,1 -4482,1,2 -4483,1,3 -4485,1,5 -4502,1,2 -4502,2,3 -4503,1,2 -4507,1,2 -4507,1,1 -4507,2,3 -4507,2,2 -4507,3,3 -4519,1,3 -4546,1,3 -4558,1,2 -4566,1,1 -4566,2,2 -4572,1,2 -4576,1,2 -4586,1,2 -4587,1,2 -4604,1,2 -4605,1,1 -4605,2,2 -4609,1,2 -4609,2,3 -4611,1,1 -4611,2,2 -4615,1,2 -4623,1,2 -4637,1,2 -4642,1,3 -4644,1,2 -4653,1,3 -4663,1,2 -4684,1,2 -4695,1,3 -4706,1,3 -4708,1,2 -4708,2,3 -4709,1,2 -4709,2,4 -4715,1,3 -4722,1,2 -4722,2,3 -4729,1,2 -4740,1,2 -4743,1,3 -4748,1,2 -4748,2,3 -4753,1,1 -4753,2,2 -4773,1,1 -4773,2,3 -4809,1,2 -4809,2,3 -4820,1,2 -4828,1,2 -4828,2,3 -4831,1,1 -4831,2,2 -4831,3,3 -4831,4,4 -4841,1,3 -4846,1,2 -4849,1,1 -4849,2,2 -4854,1,1 -4872,1,3 -4874,1,1 -4877,1,2 -4880,1,2 -4892,1,1 -4892,2,2 -4897,1,2 -4917,1,3 -4924,1,2 -4931,1,3 -4936,1,5 -4938,1,2 -4939,1,2 -4955,1,3 -4955,1,2 -4955,2,3 -4964,1,2 -4975,1,2 -4975,2,3 -4979,1,1 -4980,1,1 -4980,2,2 -4989,1,6 -4994,1,3 -4999,1,2 -5004,1,1 -5004,2,2 -5009,1,2 -5020,1,2 -5022,1,2 -5024,1,6 -5032,1,2 -5033,1,2 -5034,1,2 -5034,2,3 -5035,1,3 -5047,1,1 -5047,2,2 -5047,3,3 -5054,1,2 -5056,1,2 -5061,1,2 -5065,1,1 -5065,2,2 -5065,3,3 -5072,1,2 -5080,1,2 -5085,1,2 -5085,1,1 -5085,2,2 -5086,1,2 -5086,2,4 -5098,1,2 -5103,1,2 -5115,1,2 -5129,1,3 -5135,1,2 -5136,1,2 -5137,1,1 -5137,2,2 -5141,1,1 -5141,2,2 -5141,3,3 -5147,1,2 -5147,2,3 -5156,1,1 -5156,2,2 -5159,1,2 -5159,1,2 -5166,1,5 -5169,1,2 -5173,1,2 -5208,1,2 -5223,1,2 -5226,1,2 -5234,1,5 -5239,1,2 -5240,1,5 -5243,1,2 -5243,2,3 -5262,1,3 -5271,1,2 -5283,1,2 -5283,2,3 -5286,1,1 -5286,2,2 -5288,1,2 -5295,1,2 -5297,1,2 -5303,1,1 -5303,2,2 -5315,1,2 -5315,2,3 -5324,1,3 -5354,1,2 -5354,2,3 -5360,1,2 -5363,1,2 -5391,1,2 -5420,1,1 -5420,2,3 -5431,1,2 -5431,2,3 -5435,1,2 -5435,2,3 -5442,1,3 -5448,1,1 -5448,2,3 -5449,1,2 -5452,1,2 -5455,1,2 -5460,1,2 -5460,2,3 -5461,1,2 -5462,1,2 -5466,1,2 -5470,1,3 -5473,1,3 -5475,1,3 -5483,1,2 -5500,1,2 -5500,2,3 -5502,1,1 -5502,2,2 -5502,3,3 -5505,1,2 -5506,1,3 -5508,1,1 -5508,2,2 -5516,1,3 -5520,1,3 -5524,1,2 -5538,1,1 -5538,2,2 -5540,1,2 -5540,2,3 -5551,1,2 -5557,1,3 -5559,1,2 -5559,2,3 -5577,1,2 -5577,2,1 -5578,1,2 -5582,1,1 -5582,2,3 -5586,1,2 -5586,2,3 -5587,1,6 -5588,1,2 -5591,1,1 -5591,2,2 -5608,1,2 -5608,2,4 -5615,1,2 -5625,1,1 -5625,2,2 -5627,1,2 -5645,1,1 -5645,2,2 -5648,1,2 -5650,1,1 -5650,2,3 -5662,1,2 -5663,1,2 -5664,1,2 -5679,1,1 -5679,2,2 -5680,1,2 -5682,1,2 -5685,1,2 -5707,1,2 -5711,1,2 -5712,1,2 -5713,1,2 -5713,2,3 -5715,1,3 -5720,1,2 -5720,1,1 -5722,1,2 -5727,1,2 -5727,2,3 -5729,1,2 -5751,1,3 -5752,1,6 -5753,1,5 -5759,1,2 -5759,2,3 -5763,1,1 -5766,1,1 -5766,2,2 -5779,1,2 -5784,1,2 -5786,1,1 -5786,2,2 -5786,4,4 -5786,5,3 -5796,1,1 -5803,1,1 -5803,2,2 -5807,1,2 -5810,1,2 -5820,1,3 -5829,1,2 -5830,1,1 -5830,2,2 -5830,3,3 -5832,1,1 -5834,1,3 -5842,1,6 -5844,1,3 -5844,1,3 -5852,1,1 -5852,2,2 -5859,1,2 -5870,1,2 -5875,1,2 -5884,1,2 -5887,1,2 -5890,1,6 -5894,1,2 -5894,2,3 -5903,1,1 -5903,2,2 -5906,1,2 -5922,1,2 -5922,2,1 -5922,3,3 -5935,1,3 -5938,1,2 -5938,2,3 -5943,1,2 -5944,1,2 -5947,1,2 -5947,2,3 -5949,1,2 -5949,2,3 -5950,1,1 -5950,2,2 -5951,1,2 -5953,1,2 -5953,2,3 -5958,1,2 -5963,1,2 -5964,1,2 -5970,1,3 -5972,1,6 -5992,1,2 -5999,1,1 -5999,2,2 -6010,1,2 -6015,1,2 -6018,1,2 -6019,1,2 -6019,2,3 -6020,1,2 -6028,1,2 -6033,1,1 -6033,2,2 -6033,3,3 -6035,1,1 -6071,1,2 -6075,1,2 -6078,1,1 -6078,2,2 -6089,1,2 -6095,1,1 -6095,2,2 -6095,3,3 -6097,1,1 -6097,2,2 -6106,1,3 -6108,1,2 -6112,1,2 -6115,1,2 -6117,1,1 -6117,2,2 -6117,3,4 -6119,1,1 -6126,1,1 -6126,2,2 -6127,1,1 -6127,2,2 -6132,1,2 -6136,1,2 -6146,1,2 -6161,1,3 -6162,1,2 -6167,1,2 -6167,2,3 -6169,1,2 -6174,1,1 -6174,2,2 -6174,3,3 -6198,1,2 -6204,1,2 -6205,1,2 -6205,1,2 -6205,2,1 -6209,1,2 -6211,1,1 -6211,2,2 -6223,1,1 -6225,1,3 -6229,1,2 -6230,1,2 -6235,1,2 -6235,2,3 -6236,1,2 -6236,2,3 -6245,1,3 -6249,1,1 -6260,1,2 -6261,1,2 -6270,1,1 -6273,1,6 -6275,1,2 -6279,1,3 -6282,1,2 -6286,1,2 -6293,1,2 -6293,2,3 -6300,1,2 -6315,1,2 -6322,1,2 -6326,1,2 -6332,1,2 -6341,1,2 -6358,1,2 -6362,1,1 -6362,2,2 -6363,1,4 -6364,1,3 -6367,1,1 -6368,1,3 -6371,1,3 -6380,1,2 -6380,1,2 -6381,1,2 -6382,1,2 -6385,1,1 -6387,1,2 -6387,2,3 -6400,1,2 -6400,2,3 -6404,1,2 -6420,1,3 -6432,1,2 -6432,2,3 -6433,1,2 -6433,2,3 -6439,1,1 -6439,2,2 -6439,3,3 -6440,1,3 -6441,1,1 -6441,2,2 -6441,3,3 -6447,1,2 -6447,2,3 -6448,1,2 -6452,1,2 -6452,2,3 -6458,1,2 -6464,1,2 -6464,2,3 -6473,1,3 -6476,1,3 -6479,1,2 -6495,1,1 -6495,2,2 -6495,3,3 -6506,1,3 -6510,1,4 -6513,1,2 -6513,2,3 -6514,1,2 -6514,2,3 -6517,1,2 -6517,2,3 -6519,1,3 -6521,1,1 -6523,1,1 -6523,2,2 -6523,3,3 -6530,1,2 -6544,1,1 -6544,2,2 -6549,1,1 -6549,2,3 -6551,1,1 -6551,2,2 -6551,3,3 -6557,1,3 -6558,1,2 -6558,1,2 -6562,1,2 -6566,1,1 -6566,2,2 -6576,1,2 -6585,1,2 -6585,2,3 -6590,1,2 -6591,1,2 -6592,1,1 -6592,2,2 -6592,3,3 -6598,1,2 -6608,1,1 -6608,2,2 -6623,1,2 -6624,1,2 -6626,1,2 -6637,1,1 -6637,2,2 -6637,3,3 -6641,1,2 -6652,1,4 -6658,1,2 -6664,1,5 -6673,1,1 -6673,2,2 -6673,3,3 -6676,1,1 -6676,2,3 -6684,1,1 -6685,1,2 -6685,2,3 -6698,1,3 -6702,1,1 -6703,1,2 -6704,1,2 -6719,1,1 -6719,2,2 -6719,3,3 -6724,1,2 -6724,2,3 -6729,1,2 -6731,1,2 -6735,1,6 -6736,1,2 -6743,1,2 -6743,2,3 -6757,1,3 -6764,1,1 -6764,2,3 -6772,1,2 -6778,1,2 -6780,1,1 -6780,2,2 -6787,1,2 -6790,1,1 -6790,1,3 -6790,2,2 -6790,3,3 -6790,4,5 -6793,1,2 -6796,1,3 -6800,1,3 -6801,1,2 -6802,1,2 -6810,1,2 -6810,2,3 -6813,1,1 -6813,2,2 -6819,1,3 -6829,1,2 -6832,1,3 -6841,1,2 -6841,2,1 -6842,1,2 -6842,2,3 -6848,1,3 -6849,1,2 -6851,1,2 -6853,1,1 -6853,2,2 -6853,3,3 -6854,1,3 -6859,1,6 -6873,1,2 -6884,1,3 -6899,1,2 -6900,1,2 -6902,1,4 -6904,1,3 -6906,1,2 -6910,1,3 -6914,1,1 -6914,2,2 -6914,3,3 -6918,1,2 -6918,2,3 -6920,1,2 -6936,1,3 -6936,1,2 -6936,2,3 -6942,1,3 -6943,1,2 -6946,1,3 -6949,1,3 -6957,1,2 -6957,2,3 -6959,1,1 -6959,2,2 -6959,3,3 -6980,1,2 -6980,2,3 -6981,1,1 -6981,2,2 -6995,1,3 -7001,1,2 -7004,1,2 -7013,1,3 -7016,1,2 -7019,1,2 -7038,1,2 -7041,1,2 -7041,2,3 -7044,1,1 -7045,1,1 -7045,2,3 -7045,3,2 -7075,1,2 -7087,1,4 -7088,1,3 -7090,1,3 -7092,1,2 -7095,1,2 -7096,1,2 -7096,2,3 -7115,1,2 -7122,2,5 -7138,1,2 -7147,1,3 -7150,1,1 -7150,2,2 -7150,3,3 -7186,1,2 -7189,1,3 -7191,1,1 -7198,1,3 -7199,1,2 -7206,1,1 -7206,2,2 -7206,3,3 -7214,1,1 -7214,2,2 -7214,3,3 -7217,1,2 -7218,1,2 -7218,2,3 -7221,1,1 -7225,1,2 -7228,1,3 -7228,2,5 -7237,1,2 -7237,2,3 -7240,1,1 -7240,2,2 -7240,3,3 -7244,1,1 -7244,2,2 -7245,1,6 -7246,1,6 -7248,1,2 -7254,1,2 -7260,1,2 -7261,1,2 -7270,1,2 -7272,1,2 -7272,2,3 -7276,1,1 -7276,2,2 -7276,3,3 -7282,1,2 -7306,1,3 -7306,1,2 -7318,1,3 -7323,1,2 -7332,1,3 -7344,1,3 -7354,1,1 -7356,1,3 -7370,1,2 -7375,1,2 -7375,2,3 -7380,1,2 -7382,1,2 -7383,1,2 -7421,1,1 -7421,2,2 -7421,3,3 -7422,1,2 -7429,1,3 -7431,1,3 -7440,1,1 -7449,1,2 -7452,1,2 -7452,2,3 -7454,1,2 -7454,2,3 -7455,1,3 -7472,1,2 -7478,1,2 -7480,1,2 -7483,1,3 -7490,1,3 -7491,1,2 -7493,1,1 -7493,2,2 -7493,3,3 -7493,4,4 -7496,1,1 -7496,2,2 -7521,1,2 -7524,1,2 -7525,1,2 -7528,1,2 -7528,2,3 -7529,1,2 -7540,1,2 -7540,2,3 -7542,1,2 -7542,1,2 -7543,1,2 -7551,1,2 -7551,2,3 -7553,1,2 -7553,2,3 -7567,1,2 -7567,2,3 -7568,1,2 -7575,1,3 -7581,1,2 -7583,1,1 -7583,2,2 -7586,1,2 -7586,2,3 -7588,1,2 -7588,1,1 -7588,2,3 -7588,2,2 -7588,3,3 -7593,1,2 -7602,2,2 -7606,1,1 -7606,2,2 -7606,3,3 -7608,1,2 -7611,1,1 -7611,2,2 -7614,1,1 -7614,2,2 -7615,1,2 -7629,1,1 -7629,2,3 -7633,1,3 -7633,2,4 -7643,1,1 -7643,2,2 -7643,3,3 -7653,1,2 -7670,1,1 -7670,2,2 -7671,1,2 -7671,2,3 -7672,1,3 -7672,2,4 -7678,1,1 -7678,2,2 -7678,3,3 -7693,1,2 -7704,1,1 -7705,1,2 -7709,1,1 -7709,2,3 -7712,1,2 -7727,1,3 -7728,1,1 -7729,1,2 -7734,1,2 -7736,1,4 -7739,1,2 -7743,1,2 -7745,1,2 -7748,1,2 -7749,1,2 -7756,1,2 -7757,1,1 -7757,1,2 -7757,2,2 -7759,1,2 -7764,1,2 -7766,1,2 -7772,1,3 -7775,1,2 -7775,2,3 -7781,1,2 -7787,1,2 -7800,1,1 -7800,2,2 -7800,3,3 -7802,1,3 -7802,2,1 -7802,3,2 -7804,1,2 -7817,1,2 -7820,1,2 -7828,1,2 -7835,1,2 -7838,1,1 -7838,2,2 -7838,3,3 -7845,1,1 -7845,2,2 -7853,1,2 -7853,1,1 -7853,2,2 -7860,1,1 -7860,3,2 -7865,1,2 -7866,1,2 -7867,1,2 -7867,2,3 -7871,1,1 -7871,2,2 -7872,1,4 -7883,1,2 -7883,2,3 -7896,1,2 -7902,1,1 -7902,2,3 -7909,1,2 -7922,1,2 -7922,2,3 -7928,1,1 -7928,2,2 -7936,1,1 -7936,2,2 -7942,1,3 -7944,1,2 -7948,1,2 -7950,1,1 -7950,2,2 -7950,3,3 -7954,1,3 -7958,1,1 -7958,2,2 -7968,1,6 -7971,1,2 -7975,1,1 -7975,2,2 -7999,1,1 -7999,2,2 -8006,1,3 -8009,1,3 -8019,1,2 -8023,1,2 -8033,1,2 -8033,2,3 -8035,1,1 -8042,1,3 -8051,1,1 -8051,2,2 -8051,3,3 -8069,1,3 -8078,1,2 -8081,1,1 -8090,1,1 -8090,2,2 -8091,1,2 -8091,1,1 -8091,2,3 -8091,2,2 -8091,3,3 -8099,1,2 -8105,1,3 -8107,1,2 -8112,1,2 -8124,1,3 -8124,2,1 -8127,1,2 -8138,1,1 -8138,2,2 -8142,1,2 -8146,1,3 -8159,1,2 -8159,1,3 -8167,1,2 -8173,1,3 -8175,1,2 -8179,1,2 -8186,1,2 -8187,1,2 -8187,2,3 -8192,1,2 -8192,2,3 -8201,1,1 -8207,1,1 -8207,2,2 -8207,3,3 -8210,1,2 -8210,2,3 -8211,1,2 -8212,1,3 -8234,1,2 -8236,1,2 -8236,1,2 -8241,1,3 -8261,1,1 -8271,1,2 -8271,2,3 -8280,1,2 -8280,2,3 -8284,1,3 -8286,1,2 -8292,1,3 -8310,1,2 -8323,1,2 -8327,1,2 -8332,1,3 -8342,1,2 -8348,1,1 -8348,1,1 -8348,2,2 -8348,2,2 -8348,3,3 -8348,3,3 -8351,1,1 -8351,2,2 -8358,1,3 -8358,2,2 -8361,1,3 -8361,2,5 -8363,1,1 -8363,2,2 -8363,3,3 -8365,1,3 -8372,1,1 -8372,2,2 -8372,3,3 -8384,1,3 -8385,1,1 -8385,2,2 -8389,1,2 -8398,1,2 -8404,1,2 -8404,2,3 -8413,1,1 -8429,1,2 -8429,1,2 -8440,1,2 -8441,1,1 -8441,2,3 -8443,1,2 -8443,2,3 -8449,1,2 -8455,1,2 -8458,1,3 -8470,1,2 -8473,1,2 -8473,2,3 -8474,1,2 -8474,1,2 -8485,1,2 -8493,1,1 -8493,2,2 -8493,3,3 -8494,1,2 -8496,1,2 -8496,2,3 -8505,1,2 -8507,1,2 -8516,1,3 -8524,1,2 -8525,1,1 -8527,1,1 -8527,2,2 -8530,1,1 -8530,2,2 -8536,1,2 -8541,1,3 -8542,1,3 -8546,1,2 -8546,2,3 -8547,1,1 -8547,1,1 -8547,2,2 -8547,2,2 -8553,1,3 -8566,1,1 -8567,1,2 -8569,1,2 -8574,1,2 -8577,1,4 -8602,1,1 -8602,2,2 -8602,3,3 -8610,1,2 -8620,1,6 -8626,1,1 -8626,2,2 -8626,3,3 -8636,1,3 -8637,1,2 -8648,1,2 -8653,1,3 -8658,1,5 -8666,1,2 -8666,1,2 -8668,1,2 -8673,1,2 -8675,1,1 -8680,1,1 -8680,2,2 -8682,1,2 -8684,1,2 -8688,1,1 -8688,2,2 -8692,1,2 -8692,2,3 -8701,1,1 -8701,2,2 -8704,1,2 -8704,2,3 -8707,1,2 -8708,1,3 -8718,1,1 -8718,2,2 -8719,1,2 -8719,2,3 -8732,1,2 -8734,1,2 -8736,1,2 -8745,1,2 -8745,2,3 -8747,1,1 -8747,2,2 -8750,1,1 -8750,2,2 -8750,3,3 -8757,1,5 -8760,1,3 -8760,1,2 -8767,1,2 -8769,1,1 -8769,2,2 -8779,1,2 -8785,1,1 -8785,2,2 -8785,3,3 -8793,1,1 -8793,2,2 -8793,3,3 -8805,1,2 -8805,2,3 -8806,1,2 -8815,1,3 -8816,1,3 -8837,1,1 -8837,2,2 -8837,3,3 -8842,1,4 -8844,1,1 -8844,2,2 -8846,1,2 -8865,1,2 -8868,1,2 -8876,1,1 -8876,2,3 -8915,1,3 -8918,1,3 -8919,1,2 -8919,1,2 -8919,2,3 -8919,2,3 -8920,1,2 -8920,2,3 -8922,1,3 -8930,1,1 -8930,2,2 -8933,1,3 -8938,1,2 -8940,1,2 -8945,1,3 -8949,1,1 -8949,2,2 -8949,4,3 -8969,1,1 -8969,2,2 -8969,3,3 -8984,1,3 -8987,1,2 -8990,1,3 -9000,1,6 -9004,1,1 -9004,2,2 -9013,1,1 -9013,2,2 -9013,3,3 -9022,1,2 -9024,1,3 -9029,1,2 -9037,1,1 -9037,2,2 -9039,1,3 -9041,1,2 -9048,1,1 -9048,2,2 -9048,3,3 -9050,1,2 -9052,1,3 -9057,1,2 -9057,2,3 -9065,1,1 -9065,2,2 -9077,1,2 -9077,2,3 -9079,1,2 -9080,1,1 -9080,1,2 -9080,2,2 -9080,2,3 -9080,3,3 -9082,1,2 -9082,2,3 -9083,1,2 -9085,1,2 -9088,1,3 -9099,1,2 -9099,2,3 -9101,1,2 -9116,1,1 -9116,2,2 -9116,3,3 -9116,4,4 -9120,1,3 -9124,1,2 -9124,2,3 -9125,1,2 -9130,1,1 -9130,2,3 -9143,1,2 -9143,2,3 -9145,1,1 -9145,2,2 -9157,1,2 -9160,1,2 -9178,1,1 -9184,1,2 -9184,1,2 -9186,1,1 -9186,2,3 -9188,1,3 -9188,2,1 -9195,1,2 -9195,2,3 -9197,1,2 -9197,1,2 -9203,1,3 -9203,1,1 -9203,2,3 -9210,1,3 -9222,1,1 -9222,2,2 -9238,1,2 -9240,2,3 -9241,1,1 -9248,1,2 -9252,1,2 -9258,1,1 -9269,1,2 -9271,1,2 -9271,2,4 -9273,1,2 -9278,1,2 -9287,1,2 -9295,1,1 -9295,2,2 -9295,3,3 -9315,1,2 -9330,1,1 -9330,2,2 -9340,1,2 -9342,1,2 -9346,1,2 -9362,1,2 -9362,2,3 -9365,1,5 -9366,1,2 -9376,1,2 -9380,1,3 -9382,1,2 -9382,2,3 -9392,1,1 -9392,2,2 -9392,3,3 -9405,1,3 -9411,1,2 -9427,1,2 -9442,1,1 -9442,2,3 -9449,1,2 -9451,1,2 -9475,1,2 -9487,1,3 -9494,1,1 -9494,2,2 -9494,3,3 -9501,1,2 -9507,1,3 -9512,1,2 -9523,1,2 -9527,1,6 -9533,1,6 -9534,1,2 -9534,2,3 -9537,1,2 -9537,2,3 -9544,1,3 -9547,1,2 -9548,1,3 -9550,1,6 -9551,1,1 -9551,2,2 -9553,1,2 -9553,2,3 -9556,1,6 -9571,1,2 -9579,1,3 -9590,1,2 -9590,2,3 -9595,1,1 -9595,2,3 -9596,1,3 -9599,1,2 -9612,1,2 -9612,2,3 -9612,3,4 -9614,1,1 -9614,2,2 -9615,1,2 -9616,1,1 -9619,1,1 -9637,1,2 -9645,1,3 -9655,1,2 -9655,2,3 -9659,1,2 -9673,1,3 -9674,1,1 -9674,2,2 -9691,1,1 -9691,2,2 -9694,1,3 -9713,1,1 -9720,1,1 -9720,2,2 -9733,1,2 -9741,1,3 -9751,1,2 -9758,1,1 -9775,1,2 -9787,1,2 -9800,1,2 -9802,1,3 -9816,1,2 -9817,1,3 -9819,1,1 -9824,1,2 -9824,1,2 -9824,2,3 -9827,1,2 -9828,1,2 -9831,1,2 -9831,2,3 -9839,1,1 -9839,2,2 -9839,3,3 -9848,1,1 -9848,2,2 -9848,3,3 -9864,1,2 -9864,2,3 -9868,1,1 -9868,2,2 -9868,3,3 -9870,1,2 -9884,1,2 -9884,2,3 -9888,1,2 -9889,1,1 -9889,2,2 -9892,1,1 -9898,1,2 -9898,2,3 -9920,1,1 -9920,2,2 -9920,3,3 -9929,1,3 -9932,1,2 -9944,1,2 -9948,1,1 -9948,2,2 -9950,1,1 -9950,2,2 -9961,1,2 -9963,1,1 -9963,2,2 -9963,3,3 -9969,1,2 -9969,2,3 -9982,1,2 -9988,1,4 -10020,1,2 -10024,1,1 -10024,2,2 -10024,3,3 -10029,1,2 -10032,1,3 -10040,1,1 -10040,2,2 -10041,1,1 -10044,1,2 -10044,2,4 -10045,1,1 -10045,2,2 -10045,3,3 -10052,1,2 -10053,1,2 -10054,1,2 -10065,1,1 -10078,1,2 -10078,1,3 -10078,2,3 -10079,1,3 -10080,1,2 -10080,2,3 -10093,1,3 -10098,1,2 -10101,1,3 -10104,1,2 -10110,1,2 -10121,1,2 -10124,1,3 -10137,1,1 -10137,2,2 -10137,3,3 -10137,4,4 -10144,1,3 -10145,1,2 -10145,2,3 -10146,1,5 -10155,1,3 -10158,1,2 -10199,1,2 -10208,1,2 -10208,2,3 -10211,1,2 -10213,1,2 -10214,1,3 -10215,1,2 -10224,1,2 -10227,1,2 -10228,1,2 -10228,2,3 -10239,1,1 -10241,1,2 -10244,1,1 -10255,1,2 -10255,2,3 -10257,1,2 -10267,1,2 -10267,2,5 -10267,3,4 -10270,1,6 -10271,1,2 -10271,2,3 -10274,1,2 -10277,1,2 -10281,1,1 -10281,2,2 -10283,1,2 -10283,2,3 -10286,1,2 -10290,1,3 -10296,1,2 -10302,1,3 -10331,1,1 -10331,2,2 -10351,1,3 -10351,1,6 -10353,1,1 -10353,2,2 -10353,3,3 -10369,1,2 -10388,1,1 -10388,2,2 -10419,1,3 -10421,1,2 -10442,1,2 -10443,1,3 -10452,1,3 -10458,1,2 -10466,1,2 -10474,1,2 -10474,2,3 -10476,1,2 -10485,1,2 -10486,1,3 -10489,1,2 -10489,2,3 -10494,1,2 -10503,1,2 -10503,2,3 -10506,1,2 -10511,1,1 -10520,1,2 -10535,1,2 -10552,1,1 -10552,2,3 -10553,1,2 -10553,2,3 -10555,1,3 -10564,1,2 -10566,1,3 -10567,1,2 -10575,1,2 -10593,1,1 -10593,2,2 -10597,1,2 -10600,1,2 -10600,2,3 -10604,1,1 -10604,2,2 -10614,1,1 -10614,2,2 -10614,3,3 -10621,1,2 -10637,1,2 -10637,1,2 -10637,2,3 -10637,2,3 -10643,1,1 -10643,2,2 -10644,1,2 -10662,1,2 -10663,1,2 -10664,1,3 -10671,1,2 -10673,1,3 -10675,1,2 -10675,2,3 -10686,1,2 -10686,2,3 -10692,1,3 -10697,1,2 -10697,2,3 -10703,1,2 -10705,1,1 -10705,2,2 -10705,3,3 -10705,4,4 -10709,1,2 -10712,1,2 -10720,1,3 -10726,1,2 -10729,1,1 -10729,2,2 -10729,3,3 -10732,1,1 -10732,2,2 -10738,1,1 -10738,2,2 -10745,1,4 -10749,1,2 -10756,1,2 -10773,1,2 -10777,1,2 -10791,1,2 -10795,1,3 -10810,1,1 -10828,1,2 -10831,1,2 -10835,1,2 -10837,1,2 -10839,1,2 -10864,1,2 -10877,1,2 -10877,2,3 -10881,1,1 -10881,2,2 -10881,3,3 -10886,1,2 -10906,1,3 -10910,1,1 -10918,1,1 -10918,2,2 -10918,3,3 -10918,4,4 -10924,1,2 -10927,1,2 -10927,2,3 -10947,1,2 -10947,1,3 -10948,1,1 -10959,1,2 -10960,1,2 -10962,1,2 -10962,2,3 -10966,1,1 -10966,2,2 -10966,3,3 -10968,1,6 -10974,1,2 -10984,1,2 -10984,2,4 -10992,1,1 -10993,1,3 -10994,1,2 -11001,1,3 -11008,1,1 -11008,2,2 -11016,1,1 -11016,2,2 -11018,1,2 -11026,1,2 -11029,1,1 -11029,2,2 -11042,1,2 -11043,1,2 -11043,1,2 -11046,1,1 -11046,2,2 -11046,3,3 -11058,1,6 -11059,1,1 -11059,2,2 -11066,1,2 -11066,2,3 -11080,1,2 -11080,2,3 -11087,1,2 -11090,1,1 -11090,2,2 -11091,1,2 -11091,2,3 -11093,1,1 -11094,1,2 -11098,1,2 -11098,2,3 -11106,1,3 -11109,1,2 -11113,1,2 -11117,1,1 -11117,1,2 -11117,2,2 -11117,2,3 -11117,3,3 -11131,1,2 -11132,1,1 -11132,2,2 -11140,1,2 -11140,2,3 -11145,1,2 -11145,2,3 -11156,1,1 -11156,2,2 -11167,1,2 -11173,1,3 -11178,1,2 -11187,1,1 -11187,2,2 -11192,1,3 -11193,1,2 -11193,1,2 -11193,2,3 -11193,2,3 -11205,1,2 -11211,1,2 -11213,1,2 -11213,2,3 -11214,1,2 -11215,1,2 -11233,1,2 -11247,1,1 -11247,2,2 -11247,3,3 -11250,1,5 -11251,1,2 -11255,1,3 -11268,1,2 -11272,1,2 -11272,2,3 -11276,1,2 -11276,2,3 -11278,1,2 -11278,2,3 -11282,1,2 -11288,1,2 -11295,1,2 -11296,1,2 -11304,1,2 -11304,2,3 -11306,1,2 -11306,1,2 -11306,2,3 -11312,1,1 -11312,2,2 -11312,4,3 -11343,1,2 -11343,1,2 -11343,2,3 -11343,2,3 -11359,1,2 -11360,1,2 -11360,1,2 -11364,1,2 -11366,1,1 -11381,1,2 -11386,1,5 -11399,1,1 -11399,2,2 -11399,3,3 -11400,1,3 -11405,1,2 -11405,2,3 -11407,1,1 -11407,2,2 -11426,1,2 -11427,1,2 -11447,1,2 -11448,1,1 -11448,1,2 -11448,2,2 -11448,3,3 -11454,1,3 -11457,1,2 -11459,1,1 -11463,1,6 -11467,1,2 -11474,1,1 -11474,2,2 -11474,3,3 -11493,1,2 -11495,1,2 -11495,2,3 -11499,1,3 -11500,1,2 -11500,2,4 -11503,1,1 -11503,2,3 -11506,1,3 -11513,1,3 -11519,1,3 -11522,1,2 -11524,1,2 -11528,1,2 -11529,1,2 -11529,2,3 -11533,1,2 -11542,1,2 -11559,1,1 -11559,2,2 -11559,3,3 -11564,1,2 -11564,2,3 -11569,1,1 -11581,1,2 -11581,2,3 -11597,1,3 -11599,1,5 -11600,1,1 -11600,2,2 -11603,1,2 -11603,2,3 -11613,1,2 -11615,1,2 -11617,1,2 -11619,1,2 -11624,1,1 -11624,2,2 -11633,1,3 -11640,1,1 -11640,2,2 -11645,1,3 -11654,1,2 -11654,2,3 -11668,1,1 -11668,2,2 -11670,1,2 -11671,1,2 -11684,1,2 -11693,1,1 -11693,2,2 -11693,3,3 -11703,1,6 -11704,1,2 -11709,1,2 -11715,1,2 -11725,1,1 -11725,2,2 -11725,3,3 -11736,1,2 -11743,1,2 -11749,1,3 -11767,1,2 -11767,2,3 -11770,1,3 -11776,1,3 -11788,1,2 -11790,1,2 -11790,2,3 -11796,1,1 -11810,1,2 -11815,1,2 -11818,1,3 -11837,1,1 -11839,1,2 -11839,1,2 -11839,2,3 -11841,1,2 -11841,1,2 -11841,2,3 -11841,3,5 -11844,1,2 -11844,1,2 -11852,1,2 -11852,2,3 -11857,1,2 -11857,2,3 -11857,3,4 -11858,1,1 -11876,1,3 -11878,1,3 -11880,1,2 -11881,1,2 -11881,2,3 -11886,1,1 -11886,2,3 -11888,1,5 -11900,1,5 -11901,1,2 -11901,2,3 -11903,1,3 -11904,1,2 -11904,2,3 -11915,1,1 -11915,2,2 -11915,3,3 -11924,1,2 -11935,1,3 -11937,1,1 -11945,1,3 -11954,1,2 -11954,2,3 -11962,1,2 -11966,1,2 -11966,1,2 -11968,1,2 -11970,1,3 -11981,1,3 -11984,1,2 -11984,2,3 -11990,1,3 -11991,1,3 -11994,1,2 -11994,2,3 -12030,1,1 -12030,2,3 -12031,1,2 -12032,1,2 -12035,1,2 -12035,2,3 -12041,1,2 diff --git a/data/iai_pecarn/raw/form1_indicforabdct.csv b/data/iai_pecarn/raw/form1_indicforabdct.csv deleted file mode 100644 index 0dbcb213..00000000 --- a/data/iai_pecarn/raw/form1_indicforabdct.csv +++ /dev/null @@ -1,10987 +0,0 @@ -SubjectID,Repeat_instance,AbdCTIndic,OtherDescrip -5,1,2, -5,2,10, -5,3,15, -5,4,18,Tib/Fib Fx -6,1,1, -6,2,9, -8,1,2, -8,2,9, -11,1,6, -11,2,8, -12,1,1, -12,2,2, -12,3,9, -14,1,2, -14,2,8, -16,1,2, -16,2,8, -18,1,8, -18,2,15, -19,1,2, -19,2,15, -20,1,1, -20,2,2, -20,3,9, -24,1,8, -30,1,8, -30,2,9, -30,3,16, -32,1,2, -32,2,7, -34,1,2, -35,1,1, -35,2,2, -35,3,8, -37,1,1, -37,2,2, -37,3,8, -40,1,2, -40,2,5, -40,3,9, -41,1,2, -41,2,8, -44,1,1, -44,2,2, -44,3,9, -45,1,5, -45,2,6, -45,3,8, -49,1,2, -49,2,4, -49,3,5, -49,4,8, -49,5,9, -49,6,11, -49,7,12, -49,8,16, -50,1,2, -50,2,8, -53,1,2, -53,2,5, -53,3,8, -55,1,8, -56,1,2, -56,2,8, -57,1,8, -57,2,18,+ FAST -59,1,2, -59,2,3, -60,1,2, -60,2,5, -60,3,8, -60,4,16, -68,1,1, -68,2,2, -71,1,3, -71,2,8, -72,1,1, -72,2,5, -72,3,9, -72,4,18,NAT -74,1,1, -74,2,2, -75,1,2, -75,2,3, -75,3,6, -75,4,9, -82,1,8, -83,1,2, -83,2,6, -83,3,8, -85,1,2, -85,2,4, -85,3,5, -85,4,9, -85,5,11, -85,6,12, -86,1,2, -86,2,8, -88,1,2, -88,2,5, -88,3,7, -88,4,9, -89,1,2, -89,2,9, -90,1,6, -90,2,8, -91,1,8, -96,1,2, -96,2,8, -101,1,2, -101,2,6, -101,3,8, -102,1,9, -105,1,8, -105,2,9, -106,1,2, -106,2,3, -106,3,8, -109,1,1, -109,2,2, -109,3,7, -109,4,9, -110,1,1, -110,2,2, -110,3,9, -111,1,4, -111,2,6, -111,3,8, -112,1,8, -114,1,8, -115,1,8, -115,2,16, -116,1,1, -116,2,2, -116,3,8, -118,1,19, -121,1,16, -121,2,18,H/o multiple renal surgeries L kidney with gross hematuria -124,1,19, -125,1,1, -125,2,2, -125,3,8, -129,1,1, -129,2,2, -129,3,8, -131,1,2, -131,2,8, -132,1,2, -132,2,5, -132,3,9, -135,1,1, -135,2,8, -136,1,2, -136,2,9, -136,3,18,Abdominal pain seat belt sign -137,1,2, -137,2,6, -137,3,8, -140,1,4, -140,2,5, -140,3,6, -140,4,8, -140,5,9, -141,1,8, -141,2,9, -141,3,18,Result of U/S -142,1,18,"Mechanism of injury, distracting lip injury" -145,1,2, -145,2,18,Pneumothorax -147,1,1, -147,2,2, -148,1,2, -148,2,8, -151,1,2, -151,2,8, -155,1,9, -155,2,3, -155,3,2, -157,1,8, -158,1,9, -159,1,9, -161,1,2, -161,2,1, -161,3,5, -161,4,9, -161,6,10, -163,1,2, -163,2,5, -165,1,2, -165,2,3, -165,3,8, -165,4,13, -167,1,8, -168,1,1, -168,2,2, -168,3,8, -168,4,9, -169,1,8, -169,2,18,Hx of hemophilia -170,1,1, -170,2,2, -170,3,8, -173,1,2, -173,2,5, -173,3,7, -173,4,9, -174,1,9, -175,1,2, -175,2,8, -175,3,18,Seat belt sign and RUQ tenderness on exam. -176,1,18,Hemolytic Anemia -177,1,8, -180,1,3, -180,2,6, -180,3,8, -180,4,18,pt. splinting on exam -182,1,5, -182,2,9, -183,1,2, -183,2,7, -183,3,10, -184,1,2, -184,2,9, -186,1,1, -186,2,4, -186,3,5, -186,4,9, -186,5,10, -186,6,11, -186,7,12, -188,1,2, -188,2,5, -189,1,2, -189,2,3, -189,3,6, -189,4,8, -190,1,8, -193,1,2, -193,2,5, -193,3,8, -195,1,8, -195,2,9, -197,1,2, -197,2,4, -202,1,2, -202,2,7, -203,1,2, -203,2,8, -206,1,1, -206,2,2, -206,3,8, -210,1,8, -210,2,9, -211,1,5, -211,2,18,unknown mechanism of trauma and altered mental state -212,1,3, -214,1,1, -214,2,2, -214,3,6, -214,4,8, -214,5,9, -216,1,2, -217,1,2, -217,2,3, -217,3,6, -217,4,8, -219,1,2, -219,2,8, -220,1,2, -220,2,8, -220,3,18,pelvic fx on x-ray -221,1,18,unknown mechanism -226,1,1, -226,2,2, -227,1,2, -235,1,2, -235,2,5, -235,3,9, -237,1,2, -237,2,7, -239,1,1, -239,2,5, -239,3,18,Distracting injury -240,1,1, -240,2,2, -240,3,9, -240,4,18,lap belt only -241,1,8, -244,1,6, -244,2,8, -244,3,18,degree of back pain -245,1,5, -247,1,1, -247,2,2, -247,3,8, -250,1,19, -256,1,1, -256,2,2, -256,3,5, -282,1,18,T and L spine tenderness -284,1,6, -284,2,8, -284,3,18,patient was initially hard to arouse secondary to concussion -285,1,2, -285,2,5, -285,3,8, -286,1,2, -286,2,4, -286,3,7, -286,4,8, -287,1,1, -287,2,2, -287,3,9, -288,1,1, -288,2,2, -288,3,7, -290,1,2, -291,1,8, -293,1,5, -293,2,18,"No good abd exam on trauma evidence of trunk injury, possibility of needing OR and losing abd exam" -296,1,2, -296,2,8, -296,3,9, -296,4,13, -297,1,1, -297,2,2, -297,3,9, -300,1,2, -300,2,9, -302,1,1, -302,2,2, -304,1,1, -304,2,2, -304,3,8, -305,1,8, -306,1,1, -306,2,2, -307,1,3, -308,1,9, -312,1,13, -316,1,5, -320,1,9, -321,1,2, -321,2,9, -321,3,18,"Intubated, difficult to examine" -323,1,8, -323,2,18,seat belt sign -326,1,2, -326,2,9, -328,1,4, -328,2,9, -332,1,2, -332,2,8, -333,1,1, -333,2,2, -333,3,5, -333,4,8, -333,5,9, -334,1,1, -334,2,18,inability to have pt. provide hx completely -337,1,1, -337,2,2, -337,3,4, -337,4,5, -337,5,9, -337,6,11, -337,7,12, -338,1,3, -338,2,8, -341,1,2, -341,2,9, -346,1,19, -347,1,2, -347,2,9, -350,1,19, -351,1,2, -352,1,1, -352,2,2, -352,3,8, -354,1,8, -354,2,18,actively in football season -355,1,2, -355,2,18,blood in auditory canals and vomiting -355,3,10, -355,4,18,Vomiting -356,1,1, -356,2,2, -356,3,8, -356,4,9, -359,1,8, -359,2,13, -362,1,2, -362,2,3, -363,1,8, -363,2,2, -365,1,8, -366,1,16, -368,1,2, -368,2,9, -369,1,2, -369,2,8, -370,1,2, -370,2,8, -372,1,1, -372,2,2, -374,1,9, -374,2,18,Persistent Vomiting -375,1,1, -375,2,8, -376,1,6, -376,2,8, -376,3,9, -378,1,1, -378,2,2, -378,3,8, -378,4,3, -379,1,2, -379,2,8, -379,3,9, -380,1,8, -382,1,6, -386,1,2, -387,1,2, -389,1,1, -389,2,18,unknown mechanism -390,1,1, -390,2,18,Pelvic tenderness on palp -391,1,3, -399,1,1, -399,2,2, -399,3,3, -399,4,5, -399,5,16, -400,1,2, -406,1,1, -406,2,2, -406,3,7, -406,4,9, -410,1,2, -410,2,8, -410,3,9, -415,1,8, -417,1,8, -422,1,8, -422,2,18,extensive abrasions on abdomen -427,1,2, -427,2,8, -428,1,1, -428,2,2, -429,1,3, -429,2,8, -430,1,1, -430,2,2, -431,1,1, -431,2,2, -431,3,5, -431,4,8, -433,1,2, -433,2,5, -435,1,1, -435,2,2, -435,4,9, -438,1,1, -438,2,2, -439,1,8, -442,1,5, -442,2,7, -444,1,8, -447,1,2, -447,2,9, -447,3,18,Head Injury -448,1,2, -452,1,2, -452,2,5, -457,1,18,Unknown -460,1,8, -460,2,9, -460,3,18,on Lovenox -462,1,16, -462,2,18,abnormal pelvic examination -465,1,1, -465,2,2, -465,3,5, -465,4,7, -469,1,5, -469,2,8, -472,1,8, -477,1,2, -477,2,18,vomiting -478,1,3, -478,2,8, -484,1,2, -484,2,8, -488,1,1, -488,2,2, -490,1,2, -490,2,7, -490,3,9, -494,1,1, -494,2,2, -494,3,4, -496,1,9, -497,1,5, -497,2,6, -497,3,8, -499,1,8, -500,1,6, -500,2,9, -501,1,8, -505,1,2, -505,2,8, -507,1,18,Calcaneal fracture -509,1,2, -511,1,2, -511,2,8, -511,3,10, -512,1,1, -512,2,2, -513,1,9, -514,1,8, -516,1,2, -516,2,1, -516,3,18,Distracting LE Injury -520,1,2, -520,2,3, -520,3,5, -521,1,6, -521,2,18,Intoxication -522,1,2, -522,2,18,hemothorax -523,1,2, -523,2,8, -525,1,13, -527,1,2, -528,1,1, -528,2,2, -528,3,8, -529,1,1, -529,2,2, -531,1,1, -531,2,2, -531,3,8, -532,1,1, -532,2,2, -532,3,9, -535,1,2, -536,1,8, -537,1,1, -537,2,2, -537,3,8, -540,1,2, -542,1,1, -542,2,2, -542,3,8, -543,1,8, -545,1,2, -545,2,6, -545,3,8, -546,1,2, -546,2,4, -546,3,5, -546,4,8, -547,1,2, -547,2,8, -549,1,2, -549,2,3, -553,1,2, -553,2,6, -553,3,8, -553,4,3, -553,5,16, -554,1,1, -554,2,2, -556,1,1, -556,2,2, -558,1,2, -559,1,2, -560,1,2, -560,2,8, -563,1,13, -564,1,5, -564,2,18,+LOC/confusion -567,1,2, -567,2,8, -569,1,2, -569,2,8, -569,3,15, -570,1,19, -572,1,1, -572,2,2, -572,3,8, -573,1,1, -573,2,6, -573,3,8, -573,4,18,"language barner, discrepancy of injury mechanism between police, EMS and patient" -574,1,2, -574,2,5, -574,3,7, -575,1,1, -575,2,2, -575,3,5, -575,4,9, -576,1,1, -576,2,2, -576,3,5, -576,4,9, -577,1,8, -578,1,8, -579,1,2, -579,2,5, -580,1,8, -582,1,2, -582,2,9, -586,1,9, -587,1,6, -587,2,8, -587,3,9, -587,4,16, -588,1,2, -588,2,3, -588,3,8, -590,1,2, -591,1,2, -594,1,1, -594,2,2, -594,3,6, -594,4,8, -595,1,1, -595,2,2, -595,3,9, -596,1,1, -596,2,2, -596,3,5, -596,4,9, -596,5,10, -602,1,2, -602,2,9, -602,3,18,GCS 14@ ???? -606,1,1, -606,2,2, -606,3,5, -608,1,2, -608,2,5, -608,3,9, -611,1,2, -611,2,8, -615,1,2, -617,1,2, -618,1,2, -618,2,8, -621,1,1, -621,2,2, -622,1,2, -622,2,5, -623,1,8, -625,1,9, -627,1,2, -627,2,9, -636,1,1, -636,2,2, -636,3,9, -641,1,1, -641,2,18,unknown/unwitnessed injury -642,1,2, -642,2,8, -642,3,9, -644,1,8, -646,1,8, -648,1,2, -650,1,2, -650,2,7, -650,3,8, -650,4,10, -651,1,1, -651,2,2, -651,3,6, -652,1,8, -652,2,18,Emesis -654,1,2, -654,2,8, -654,3,9, -657,1,9, -657,2,18,pulmonary contusion noted on c-spine -659,1,2, -661,1,1, -661,2,2, -663,1,9, -664,1,2, -664,2,16, -665,1,2, -665,2,18,seatbelt sign -668,1,18,fast -669,1,2, -669,2,6, -669,3,8, -669,4,9, -669,5,18,Tachycardia -673,1,9, -674,1,19, -675,1,8, -676,1,1, -676,2,2, -679,1,8, -683,1,1, -683,2,2, -683,3,5, -683,4,7, -683,5,8, -686,1,6, -686,2,9, -687,1,2, -689,1,7, -689,2,9, -694,1,9, -695,1,2, -695,2,3, -695,3,18,pain -698,1,9, -700,1,2, -700,2,3, -700,3,8, -701,1,1, -701,2,2, -701,3,9, -702,1,1, -702,2,8, -702,3,18,seatbelt sign -703,1,6, -703,2,8, -706,1,2, -706,2,8, -708,1,2, -708,2,8, -708,3,9, -709,1,9, -709,2,15, -710,1,2, -710,2,8, -711,1,1, -711,2,2, -711,3,8, -714,1,2, -714,2,8, -717,1,2, -720,1,5, -720,2,9, -721,1,2, -721,2,4, -721,3,5, -722,1,18,abd abrasion -728,1,2, -728,2,8, -729,1,1, -729,2,8, -730,1,3, -730,2,8, -731,1,1, -731,2,8, -733,1,19, -734,1,1, -734,2,2, -737,1,3, -737,2,18,Very obese- difficult to assess -739,1,9, -739,2,18,Abrasions bilateral lower quads -739,3,18,plus or minus seat belt sign -739,4,18,diffuse abrasions -742,1,1, -742,2,2, -746,1,18,Bruises to chest and abdomen. -747,1,2, -747,2,9, -748,1,1, -748,2,2, -748,3,6, -748,4,8, -750,1,2, -752,1,2, -752,2,8, -755,1,8, -756,1,1, -756,2,2, -756,3,9, -756,4,10, -760,1,2, -760,2,8, -761,1,1, -761,2,13, -762,1,6, -762,2,,Bruise -763,1,9, -766,1,1, -766,2,2, -766,3,8, -766,4,17,Rectal/vaginal blood -767,1,1, -767,2,8, -767,3,15, -771,1,9, -774,1,2, -774,2,5, -774,3,9, -778,1,8, -779,1,8, -781,1,10, -784,1,8, -786,1,8, -787,1,2, -787,2,8, -791,1,2, -792,1,2, -792,2,5, -794,1,2, -794,2,9, -796,1,16, -802,1,2, -802,2,9, -804,1,8, -806,1,9, -809,2,2, -810,1,18,done after OR & in PICU -812,1,1, -812,2,2, -812,3,7, -812,4,9, -814,1,2, -815,1,1, -815,2,2, -815,3,5, -815,4,8, -815,5,18,large frontal hematoma -816,1,8, -819,1,2, -819,2,7, -819,3,9, -827,1,13, -828,1,2, -828,2,9, -828,3,18,distracting pelvis injury -830,1,8, -831,1,2, -831,2,11, -831,3,12, -834,1,13, -834,2,14, -834,3,18,unknown mechanism -838,1,5, -838,2,8, -840,1,1, -840,2,2, -840,3,8, -841,1,2, -841,2,8, -842,1,2, -846,1,8, -847,1,6, -847,2,8, -847,3,16, -848,1,8, -848,2,9, -850,1,2, -850,2,3, -850,3,8, -852,1,2, -852,2,5, -852,3,9, -854,1,1, -854,2,2, -854,3,8, -856,1,2, -856,2,8, -857,1,6, -857,2,9, -858,1,2, -858,2,8, -861,1,10, -863,1,2, -863,2,9, -863,3,16, -865,1,8, -865,2,9, -865,3,18,speared by handlebar in epigastrium -868,1,1, -868,2,9, -868,3,18,unknown mechanism of injury -869,1,1, -869,2,2, -869,3,5, -869,4,9, -871,1,2, -871,2,9, -875,1,2, -875,2,8, -876,1,2, -877,1,1, -877,2,2, -878,1,5, -886,1,1, -886,2,2, -887,1,9, -888,1,18,handle bar injury -890,1,13, -890,2,15, -892,1,16, -896,1,2, -896,2,5, -896,3,18,Distracting Injury -899,1,2, -899,2,8, -901,1,2, -901,2,9, -904,1,2, -904,2,10, -905,1,2, -907,1,9, -907,2,18,Paralyzed/sedated -908,1,8, -912,1,1, -912,2,2, -915,1,8, -917,1,1, -917,2,2, -918,1,2, -918,2,8, -919,1,2, -919,2,5, -921,1,18,Flank eccymosis -922,1,8, -924,1,6, -924,2,9, -926,1,1, -926,2,2, -931,1,1, -931,2,2, -931,3,5, -931,4,8, -933,1,6, -933,2,8, -933,3,18,Seat Belt Mark -935,1,1, -935,2,2, -935,3,7, -939,1,2, -940,1,8, -941,1,2, -941,2,8, -941,3,18,back pain -942,1,2, -942,2,8, -944,1,8, -946,1,2, -946,2,8, -949,1,2, -950,1,2, -950,2,5, -950,3,9, -954,1,2, -954,2,7, -954,3,8, -954,4,9, -955,1,2, -955,2,5, -956,1,2, -956,2,8, -957,1,2, -957,2,5, -957,3,9, -958,1,8, -960,1,8, -962,1,2, -964,1,2, -964,2,7, -964,3,9, -965,1,2, -965,2,6, -965,3,8, -967,1,3, -967,2,8, -968,1,2, -970,1,2, -970,2,8, -971,1,8, -974,1,3, -974,2,8, -977,1,1, -977,2,5, -981,1,16, -982,1,2, -982,2,8, -983,1,1, -983,2,2, -983,3,8, -983,4,9, -986,1,3, -986,2,6, -988,1,2, -988,2,8, -990,1,2, -990,2,5, -992,1,6, -992,2,8, -993,1,3, -993,2,8, -1000,1,2, -1000,2,8, -1001,1,2, -1001,2,8, -1001,3,18,L-Spine Fractures -1002,1,5, -1003,1,1, -1003,2,13, -1003,3,18,suspected NAT -1004,1,8, -1004,2,18,VOMITING -1006,1,13, -1007,1,2, -1007,2,6, -1007,3,8, -1009,1,1, -1009,2,8, -1009,3,2, -1020,1,9, -1023,1,2, -1023,2,8, -1024,1,15, -1025,1,13, -1025,2,15, -1026,1,8, -1026,2,9, -1028,1,1, -1028,2,7, -1028,3,8, -1030,1,1, -1030,2,2, -1030,3,5, -1030,4,9, -1034,1,2, -1034,2,18,pelvic fracture -1035,1,2, -1035,2,3, -1035,3,9, -1038,1,2, -1039,1,2, -1039,2,3, -1039,3,9, -1041,1,2, -1041,2,3, -1043,1,2, -1043,2,8, -1044,1,2, -1044,2,7, -1044,3,9, -1049,1,8, -1053,1,8, -1056,1,1, -1056,2,2, -1056,3,9, -1060,1,6, -1062,1,2, -1062,2,3, -1062,3,6, -1062,4,18,10-15 RBCs in UA -1065,1,7, -1065,2,8, -1068,1,9, -1068,2,18,Nausea on palpatation -1074,1,2, -1074,2,8, -1076,1,7, -1080,1,2, -1080,2,7, -1080,3,8, -1085,1,13, -1085,2,18,Abrasion over the R anterior illiac Spine -1087,1,8, -1087,2,15, -1088,1,18,abdominal pain -1092,1,1, -1092,2,18,Sub Q air diaphram to face -1093,1,1, -1093,2,5, -1093,3,11, -1094,1,8, -1095,1,2, -1096,1,8, -1097,1,8, -1098,1,8, -1098,2,9, -1098,3,18,+ FAST -1099,1,9, -1100,1,2, -1100,2,4, -1100,3,9, -1101,1,1, -1101,2,2, -1102,1,2, -1102,2,4, -1102,3,5, -1104,1,2, -1105,1,1, -1105,2,2, -1105,3,4, -1105,4,5, -1105,5,9, -1106,1,2, -1106,2,8, -1108,1,16, -1108,2,18,Physician did not answer -1109,1,5, -1109,2,9, -1110,1,2, -1110,2,8, -1116,1,2, -1116,2,5, -1117,1,2, -1117,2,6, -1118,1,2, -1118,2,8, -1119,1,2, -1119,2,9, -1121,1,2, -1121,2,5, -1121,3,9, -1122,1,2, -1125,1,2, -1125,2,8, -1128,1,8, -1128,2,18,history of abdominal pain -1132,1,2, -1132,2,9, -1139,1,2, -1139,2,8, -1139,3,9, -1140,1,1, -1141,1,2, -1141,2,3, -1141,3,9, -1145,1,5, -1146,1,1, -1146,2,2, -1146,3,6, -1146,4,8, -1147,1,1, -1147,2,2, -1147,3,9, -1149,1,2, -1149,2,9, -1150,1,15, -1153,1,18,persistant vomiting -1154,1,1, -1154,2,9, -1156,1,2, -1156,2,8, -1157,1,2, -1157,2,8, -1160,1,2, -1160,2,4, -1160,3,7, -1160,4,8, -1161,1,1, -1161,2,5, -1163,1,1, -1163,2,2, -1165,1,2, -1165,2,9, -1167,1,8, -1171,1,2, -1171,2,6, -1171,3,8, -1172,1,1, -1172,2,2, -1172,3,6, -1172,4,9, -1173,1,8, -1174,1,2, -1174,2,8, -1175,1,2, -1175,2,8, -1175,3,9, -1181,1,2, -1181,2,5, -1181,3,13, -1182,1,2, -1182,2,9, -1185,1,8, -1190,1,8, -1193,1,2, -1193,2,8, -1195,1,2, -1195,2,8, -1195,3,9, -1196,1,2, -1196,2,4, -1197,1,2, -1198,1,2, -1198,2,5, -1199,1,13, -1201,1,1, -1201,2,2, -1201,3,7, -1201,4,9, -1202,1,2, -1203,1,8, -1203,2,9, -1206,1,2, -1206,2,4, -1207,1,1, -1207,2,8, -1210,1,3, -1210,2,6, -1210,3,8, -1213,1,2, -1214,1,2, -1214,2,6, -1217,1,2, -1217,2,8, -1218,1,2, -1218,2,7, -1219,1,2, -1219,2,5, -1219,3,9, -1227,1,2, -1227,2,8, -1227,3,15, -1227,4,18,Pt. complains of increasing abdominal pain -1229,1,2, -1229,2,8, -1230,1,2, -1230,2,7, -1232,1,15, -1232,2,18,C-Spine/1st Rib/Ext. fracture -1234,1,1, -1234,2,8, -1236,1,9, -1237,1,19, -1239,1,2, -1239,2,5, -1240,1,1, -1240,2,2, -1243,1,13, -1243,2,15, -1244,1,1, -1244,2,2, -1244,3,8, -1244,4,9, -1244,5,18,seat belt sign -1250,1,8, -1250,2,9, -1250,3,18,pelvic fracture -1253,1,2, -1253,2,4, -1253,3,9, -1254,1,2, -1254,2,6, -1254,3,8, -1257,1,5, -1263,1,2, -1265,1,2, -1265,2,4, -1265,3,6, -1265,4,8, -1267,1,2, -1267,2,5, -1267,3,9, -1267,4,13, -1268,1,2, -1268,2,8, -1270,1,15, -1270,2,16, -1271,1,1, -1271,2,2, -1271,3,6, -1271,4,8, -1272,1,2, -1272,2,9, -1272,3,18,unable to clinically assess -1275,1,2, -1275,2,7, -1277,1,1, -1277,2,8, -1277,3,18,C/O pain by patient -1279,1,8, -1280,1,2, -1280,2,4, -1280,3,5, -1280,4,9, -1280,5,11, -1282,1,9, -1284,1,1, -1284,2,2, -1284,3,5, -1286,1,8, -1289,1,2, -1289,2,8, -1289,3,5, -1289,4,4, -1289,5,9, -1289,6,16, -1297,1,2, -1299,1,2, -1299,2,8, -1302,1,8, -1306,1,8, -1308,1,2, -1309,1,2, -1309,2,5, -1310,1,9, -1311,1,2, -1311,2,5, -1311,3,8, -1313,1,16, -1313,2,8, -1321,1,8, -1322,1,2, -1322,2,5, -1323,1,3, -1330,1,2, -1330,2,8, -1330,3,9, -1336,1,18,Concern for NAT -1336,2,18,Severe head injury -1338,1,2, -1338,2,8, -1345,1,18,seat belt sign -1352,1,2, -1352,2,8, -1359,1,5, -1359,2,9, -1361,1,2, -1363,1,1, -1363,2,2, -1363,3,8, -1363,4,9, -1364,1,1, -1364,2,6, -1364,3,16, -1365,1,1, -1365,2,2, -1365,3,6, -1365,4,3, -1366,1,19, -1367,1,1, -1367,2,2, -1367,3,6, -1373,1,2, -1373,2,9, -1373,3,18,"hypotension, pelvic fx" -1376,1,1, -1376,2,2, -1378,1,6, -1380,1,8, -1382,1,2, -1382,2,8, -1382,3,9, -1383,1,8, -1384,1,2, -1384,2,8, -1385,1,8, -1385,2,9, -1385,3,18,unknown mechanism -1391,1,8, -1391,2,9, -1398,1,2, -1398,2,8, -1400,1,8, -1400,2,18,Seat Belt Sign -1403,1,10, -1407,1,2, -1407,2,9, -1407,3,10, -1410,1,8, -1413,1,1, -1413,2,9, -1414,1,2, -1414,2,9, -1414,3,18,Vomiting -1415,1,2, -1415,2,8, -1416,1,2, -1417,1,3, -1418,1,4, -1418,2,8, -1420,1,1, -1420,2,2, -1424,1,2, -1425,1,2, -1425,2,8, -1426,1,1, -1426,2,2, -1427,1,2, -1427,2,8, -1429,1,3, -1429,2,6, -1430,1,1, -1430,2,2, -1432,1,2, -1432,2,8, -1434,1,2, -1434,2,8, -1436,1,5, -1436,2,8, -1440,1,7, -1445,1,8, -1446,1,2, -1446,2,8, -1447,1,14, -1448,1,2, -1448,2,8, -1449,1,1, -1453,1,2, -1453,2,8, -1453,3,9, -1454,1,2, -1454,2,8, -1455,1,1, -1455,2,2, -1455,3,8, -1455,4,9, -1459,1,1, -1459,2,2, -1459,3,18,pt complained of adb pain -1461,1,1, -1461,2,2, -1462,1,8, -1464,1,11, -1464,2,12, -1464,3,18,head trauma and subdural cause concern for further trauma -1465,1,2, -1465,2,8, -1467,1,18,Aspergers -1470,1,2, -1470,2,8, -1473,1,6, -1473,2,8, -1476,1,2, -1476,2,8, -1476,3,9, -1477,1,2, -1477,2,9, -1482,1,1, -1482,2,3, -1482,3,15, -1484,1,8, -1484,2,18,persistent tachycardia -1485,1,2, -1485,3,8, -1486,1,2, -1486,2,5, -1490,1,3, -1490,2,8, -1491,1,2, -1491,2,9, -1494,1,5, -1494,2,8, -1495,1,2, -1495,2,8, -1496,1,2, -1496,2,9, -1496,3,18,pelvic pain -1498,1,2, -1498,2,8, -1498,3,9, -1499,1,2, -1499,2,5, -1501,1,1, -1501,2,2, -1501,3,9, -1502,1,2, -1502,2,6, -1502,3,8, -1502,4,9, -1503,1,1, -1503,2,2, -1503,3,8, -1509,1,8, -1509,2,14, -1509,3,17,Lipase 161 -1510,1,3, -1510,2,8, -1512,1,1, -1512,2,9, -1512,3,18,suspected N.A.T.; severe head & chest bruises -1513,1,1, -1513,2,18,abuse -1514,1,2, -1514,2,5, -1520,1,8, -1521,1,3, -1521,2,8, -1522,1,2, -1522,2,9, -1522,3,8, -1528,1,2, -1528,2,9, -1540,1,1, -1540,2,2, -1540,3,9, -1542,1,8, -1545,1,13, -1550,1,1, -1550,2,2, -1550,3,7, -1550,4,9, -1551,1,2, -1551,2,8, -1554,1,2, -1554,2,18,Increased HR (? unexplained bleed) -1556,1,2, -1556,2,5, -1556,3,8, -1558,1,2, -1559,1,6, -1564,1,2, -1564,2,8, -1566,1,2, -1566,2,8, -1572,1,2, -1572,2,3, -1572,3,8, -1573,1,2, -1573,2,6, -1573,3,8, -1574,1,1, -1574,2,2, -1574,3,5, -1574,4,9, -1575,1,1, -1575,2,2, -1575,3,8, -1579,1,3, -1579,2,8, -1582,1,8, -1582,2,18,abdominal bruising -1584,1,2, -1584,2,8, -1584,3,9, -1587,1,9, -1587,2,18,Vomited with a clot of blood -1590,1,2, -1590,2,9, -1591,1,6, -1591,2,16, -1592,1,8, -1595,1,3, -1595,2,6, -1595,3,8, -1597,1,2, -1598,1,2, -1598,2,3, -1598,3,8, -1602,1,1, -1602,2,4, -1602,3,9, -1604,1,3, -1604,2,6, -1608,1,3, -1608,2,8, -1609,1,9, -1609,2,10, -1611,1,2, -1612,1,8, -1616,1,1, -1616,2,2, -1616,3,6, -1616,4,8, -1617,1,2, -1617,2,5, -1617,3,9, -1619,1,1, -1619,2,2, -1619,3,3, -1619,4,6, -1623,1,2, -1624,1,11, -1625,1,5, -1625,2,9, -1625,3,17,Increase WBC -1626,1,2, -1629,1,1, -1629,2,2, -1630,1,1, -1630,2,2, -1632,1,1, -1632,2,2, -1632,3,9, -1634,1,3, -1634,2,8, -1637,1,1, -1637,2,2, -1637,3,8, -1639,1,19, -1642,1,8, -1644,1,2, -1644,2,4, -1644,3,8, -1644,4,11, -1644,5,12, -1644,6,16, -1645,1,2, -1645,2,8, -1648,1,19, -1649,1,1, -1649,2,2, -1649,3,5, -1649,4,9, -1650,1,2, -1650,2,8, -1653,1,2, -1653,2,3, -1654,1,2, -1654,2,5, -1654,3,9, -1655,1,2, -1655,2,8, -1656,1,2, -1656,2,8, -1657,1,3, -1658,1,1, -1658,2,2, -1658,3,8, -1658,4,9, -1662,1,13, -1663,1,8, -1664,1,2, -1664,2,8, -1665,1,2, -1665,2,5, -1665,3,8, -1667,1,18,"Screaming, in pain, vomiting" -1671,1,5, -1671,2,9, -1671,3,18,Abnormal FAST U/S -1673,1,13, -1674,1,1, -1674,2,13, -1674,3,18,abnormal head CT & mechanism -1675,1,8, -1679,1,1, -1679,2,2, -1679,3,5, -1679,4,10, -1683,1,8, -1683,2,18,Down Syndrome -1687,1,11, -1687,2,13, -1689,1,6, -1689,2,15, -1689,3,16, -1691,1,1, -1691,2,2, -1692,1,2, -1692,2,5, -1696,1,8, -1699,1,2, -1699,2,3, -1699,3,6, -1701,1,1, -1701,2,2, -1705,1,3, -1705,2,6, -1707,1,2, -1707,2,5, -1707,3,9, -1708,1,1, -1708,2,2, -1708,3,18,large distracting laceration to head -1708,4,18,No parent with patient to get history -1711,1,2, -1711,2,6, -1711,3,8, -1712,1,2, -1712,3,7, -1717,1,1, -1717,2,18,extreme tenderness to palm - pos. LOC - unknown MOI -1722,1,1, -1722,2,2, -1725,1,2, -1725,2,8, -1726,1,6, -1726,2,8, -1727,1,2, -1727,2,4, -1727,3,8, -1730,1,1, -1730,2,2, -1730,3,18,"need to sedate for head CT, so did abd CT same time" -1734,1,2, -1734,2,4, -1734,3,5, -1734,4,8, -1734,5,9, -1734,6,18,chest ct from osh cxr from osh; showed left diaphragm elavation and possible speen injury -1739,1,2, -1739,2,8, -1739,3,9, -1740,1,2, -1740,2,8, -1744,1,2, -1744,2,8, -1745,1,2, -1745,2,8, -1745,3,15, -1748,1,2, -1748,2,5, -1748,3,9, -1749,1,2, -1750,1,18,seat belt sign -1756,1,19, -1758,1,2, -1760,1,8, -1761,1,2, -1761,2,3, -1761,3,5, -1762,1,8, -1764,1,2, -1764,2,4, -1764,3,5, -1764,4,6, -1764,5,7, -1767,1,1, -1767,2,18,Glasgow Coma Score of 6 -1768,1,9, -1770,1,2, -1770,2,4, -1770,3,7, -1770,4,9, -1771,1,2, -1771,2,8, -1773,1,1, -1773,2,9, -1774,1,2, -1774,2,9, -1775,1,10, -1776,1,1, -1776,2,18,thoracic injury -1777,1,7, -1777,2,9, -1785,1,6, -1785,2,9, -1785,3,13, -1785,4,14, -1790,1,1, -1790,2,2, -1790,3,4, -1790,4,5, -1792,1,2, -1792,2,8, -1792,3,9, -1793,1,2, -1793,2,7, -1793,3,9, -1793,4,10, -1795,1,1, -1795,2,8, -1796,1,3, -1796,2,6, -1796,3,8, -1797,1,2, -1797,2,9, -1800,1,2, -1800,2,8, -1800,3,18,"ankle fx, head injury, screaming" -1804,1,1, -1804,2,2, -1806,1,1, -1806,2,2, -1806,3,5, -1807,1,2, -1807,2,18,Left sided SI joint tenderness -1816,1,2, -1816,2,1, -1817,1,1, -1817,2,5, -1817,3,9, -1817,4,11, -1817,5,18,Suspected NAT -1823,1,1, -1823,2,2, -1824,1,8, -1825,1,2, -1825,2,8, -1825,3,18,vomiting -1828,1,2, -1828,2,8, -1833,1,2, -1833,2,6, -1833,3,8, -1833,4,15, -1834,1,5, -1835,1,2, -1835,2,5, -1835,3,9, -1836,1,8, -1837,1,1, -1837,2,2, -1837,3,8, -1838,1,2, -1838,2,8, -1839,1,2, -1839,2,9, -1845,1,2, -1845,2,6, -1845,3,8, -1846,1,2, -1846,2,9, -1851,1,2, -1851,2,9, -1854,1,2, -1854,2,4, -1855,1,1, -1855,2,2, -1855,3,7, -1856,1,2, -1856,2,8, -1860,1,1, -1860,2,8, -1860,3,9, -1863,1,3, -1863,2,8, -1863,3,9, -1866,1,2, -1866,2,8, -1870,1,13, -1873,1,8, -1878,1,2, -1878,2,8, -1878,3,9, -1879,1,1, -1879,2,8, -1882,1,18,S/P Assault Unable To Obtain History -1885,1,1, -1885,2,2, -1885,3,8, -1885,4,18,Pain on abdominal palpation -1886,1,2, -1886,2,8, -1887,1,6, -1887,2,16, -1889,1,1, -1889,2,2, -1889,3,8, -1890,1,9, -1891,1,8, -1892,1,2, -1892,2,6, -1893,1,2, -1893,2,3, -1893,3,6, -1893,4,8, -1894,1,2, -1894,2,6, -1894,3,8, -1894,4,18,seatbelt sign -1895,1,8, -1897,1,8, -1909,1,2, -1917,1,1, -1917,2,4, -1917,3,8, -1917,4,9, -1917,5,11, -1918,1,2, -1918,2,9, -1921,1,18,Hematoma plus abdominal pain -1923,1,9, -1926,1,8, -1926,2,18,pneumothorax -1930,1,1, -1930,2,2, -1935,1,2, -1935,2,8, -1935,3,9, -1935,4,18,laceration to abd wall -1937,1,2, -1937,2,9, -1941,1,1, -1941,2,2, -1941,3,7, -1941,4,8, -1943,1,1, -1943,2,8, -1943,3,9, -1944,1,2, -1945,1,1, -1945,2,2, -1945,3,5, -1947,1,2, -1950,1,4, -1950,2,5, -1951,1,8, -1954,1,6, -1954,2,8, -1957,1,8, -1958,1,8, -1958,2,13, -1962,1,2, -1965,1,1, -1965,2,2, -1965,3,8, -1969,1,2, -1969,2,8, -1969,3,9, -1975,1,2, -1975,2,9, -1978,1,1, -1978,2,2, -1978,3,9, -1979,1,9, -1981,1,1, -1981,2,2, -1985,1,1, -1985,2,2, -1985,3,5, -1985,4,8, -1986,1,2, -1986,2,8, -1987,1,1, -1987,2,4, -1987,3,9, -1990,1,2, -1990,2,5, -1990,3,9, -1992,1,8, -1994,1,1, -1994,2,2, -1994,3,8, -1994,4,9, -1996,1,2, -1996,2,8, -1997,1,2, -2000,1,9, -2000,2,16, -2001,1,8, -2006,1,8, -2007,1,2, -2007,2,8, -2008,1,19, -2011,1,8, -2015,1,1, -2015,2,2, -2016,1,2, -2016,2,8, -2016,3,9, -2017,1,2, -2017,2,6, -2017,3,8, -2019,1,2, -2019,2,5, -2019,3,8, -2019,4,9, -2021,1,2, -2021,2,6, -2021,3,8, -2023,1,18,Persistent tachycardia c/o abd pain but normal exam -2024,1,2, -2024,2,5, -2024,3,6, -2024,4,9, -2028,1,8, -2029,1,5, -2029,2,9, -2035,1,15, -2037,1,1, -2037,2,2, -2037,3,8, -2038,1,2, -2038,2,8, -2039,1,2, -2039,2,6, -2043,1,1, -2043,2,2, -2043,3,4, -2043,4,5, -2044,1,1, -2044,2,2, -2045,1,8, -2045,2,13, -2046,1,1, -2046,2,2, -2046,3,8, -2047,1,2, -2047,2,5, -2047,3,8, -2047,4,9, -2048,1,8, -2049,1,8, -2049,2,18,Dev Delay -2052,1,2, -2052,2,9, -2053,1,8, -2053,2,17,Serial exam -2056,1,1, -2056,2,2, -2056,3,8, -2057,1,8, -2058,1,8, -2058,2,9, -2058,3,15, -2059,1,1, -2059,2,9, -2059,3,18,unknown mechanism of injury -2060,1,8, -2061,1,5, -2063,1,1, -2063,2,2, -2063,3,13, -2063,4,18,crying - exam limited by age/cooperation -2064,1,2, -2064,2,8, -2065,1,6, -2069,1,18,Unknown if pt had femur fracture -2069,2,18,Unknown mechanism of injury -2070,1,1, -2070,2,2, -2070,3,8, -2071,1,1, -2071,2,2, -2071,3,10, -2074,1,1, -2074,2,2, -2074,3,5, -2075,1,6, -2076,1,2, -2076,2,5, -2078,1,2, -2080,1,8, -2082,1,2, -2082,2,8, -2082,3,18,"Bilous emesis, persistent" -2086,1,1, -2086,2,8, -2087,1,1, -2087,2,2, -2087,3,9, -2089,1,8, -2089,2,9, -2097,1,1, -2097,2,2, -2097,3,8, -2097,4,9, -2101,1,15, -2102,1,2, -2102,2,18,pain in RLQ -2106,1,19, -2107,1,2, -2107,3,5, -2109,1,9, -2113,1,5, -2113,2,18,"Intubated, unable to clinically eval story of injury no c/w clinical picture" -2115,1,1, -2115,2,2, -2115,3,9, -2119,1,2, -2119,2,7, -2119,3,10, -2120,1,2, -2121,1,2, -2122,1,2, -2122,2,5, -2122,3,9, -2123,1,2, -2124,1,8, -2126,1,2, -2126,2,9, -2127,1,18,Von Willebrands -2128,1,2, -2128,2,8, -2130,1,2, -2130,2,8, -2130,3,9, -2132,1,8, -2134,1,1, -2134,2,2, -2134,3,8, -2134,4,13, -2135,1,2, -2135,2,7, -2135,3,8, -2136,1,1, -2136,2,2, -2136,3,5, -2137,1,2, -2137,2,8, -2138,1,1, -2138,2,2, -2138,3,5, -2139,1,2, -2139,2,9, -2140,1,2, -2140,2,3, -2141,1,1, -2141,2,2, -2141,3,6, -2141,4,8, -2145,1,2, -2145,2,8, -2147,1,9, -2148,1,1, -2148,2,2, -2148,3,9, -2151,1,2, -2153,1,2, -2153,2,9, -2155,1,9, -2156,1,2, -2156,2,18,Extremity trauma -2159,1,2, -2159,2,8, -2159,3,9, -2168,1,2, -2174,1,2, -2174,2,9, -2174,3,10, -2174,4,18,Distracting injury -2177,1,1, -2177,2,2, -2177,3,9, -2178,1,2, -2182,1,1, -2182,2,2, -2182,3,9, -2183,1,1, -2183,2,18,Unknown mechanism of injury -2185,1,3, -2185,2,8, -2186,1,15, -2188,1,1, -2188,2,2, -2191,1,1, -2191,2,2, -2191,3,6, -2191,4,16, -2191,5,8, -2191,6,9, -2193,1,8, -2194,1,8, -2195,1,8, -2197,1,2, -2197,2,5, -2197,3,8, -2199,1,1, -2199,2,2, -2202,1,8, -2203,1,2, -2203,2,8, -2204,1,2, -2204,2,8, -2205,1,8, -2207,1,2, -2207,2,5, -2209,1,2, -2209,2,8, -2209,3,9, -2210,1,5, -2211,1,12, -2211,2,13, -2212,1,8, -2213,1,1, -2213,2,2, -2213,3,8, -2214,1,2, -2214,2,3, -2214,3,9, -2216,1,2, -2216,2,8, -2220,1,2, -2221,1,9, -2223,1,2, -2223,2,5, -2223,3,9, -2224,1,1, -2225,1,8, -2228,1,2, -2230,1,2, -2230,2,8, -2238,1,8, -2240,1,1, -2240,2,6, -2240,3,8, -2244,1,2, -2244,2,5, -2244,3,9, -2245,1,1, -2245,2,8, -2246,1,2, -2246,2,9, -2248,1,3, -2248,2,6, -2250,1,1, -2250,2,6, -2252,1,2, -2252,2,8, -2253,1,3, -2253,2,8, -2258,1,2, -2258,2,3, -2258,3,6, -2258,4,8, -2260,1,6, -2260,2,8, -2260,3,9, -2263,1,6, -2263,2,8, -2265,1,1, -2265,2,5, -2265,3,18,Concern for NAT -2271,1,19, -2273,1,2, -2274,1,2, -2274,2,5, -2277,1,8, -2278,1,2, -2278,2,9, -2278,3,13, -2281,1,1, -2281,2,2, -2281,3,5, -2283,1,2, -2286,1,2, -2286,2,5, -2286,3,9, -2287,1,2, -2287,2,8, -2290,1,2, -2290,2,8, -2292,1,15, -2295,1,2, -2295,2,5, -2295,3,9, -2296,1,8, -2297,1,2, -2297,2,8, -2298,1,2, -2298,2,7, -2298,3,18,Fatality of Father -2302,1,2, -2303,1,8, -2306,1,2, -2307,1,13, -2313,1,2, -2313,2,8, -2319,1,2, -2319,2,9, -2320,1,2, -2320,2,13, -2321,1,1, -2321,2,2, -2322,1,2, -2323,1,1, -2323,2,2, -2323,3,4, -2323,4,7, -2323,5,9, -2323,6,11, -2326,1,2, -2326,2,9, -2328,1,2, -2328,2,6, -2328,3,8, -2330,1,9, -2331,1,6, -2331,2,8, -2332,1,1, -2332,2,2, -2332,3,18,OSH reported abnormal abdominal exam -2333,1,1, -2333,2,2, -2336,1,9, -2337,1,2, -2337,2,15, -2337,3,9, -2339,1,2, -2339,2,8, -2339,3,18,Unstable pelvis -2340,1,2, -2340,2,4, -2340,3,7, -2340,4,9, -2343,1,2, -2344,1,2, -2344,2,8, -2344,3,18,vomiting blood -2345,1,8, -2347,1,8, -2348,1,2, -2351,1,1, -2351,2,2, -2351,3,9, -2351,4,15, -2354,1,8, -2355,1,2, -2356,1,5, -2357,1,1, -2357,2,2, -2357,3,9, -2362,1,9, -2367,1,8, -2367,2,18,persistent pain -2368,1,2, -2368,2,9, -2368,3,18,T-spine fracture T-9 -2369,1,8, -2369,2,13, -2370,1,8, -2371,1,1, -2371,2,2, -2371,3,5, -2372,1,2, -2372,2,6, -2373,1,1, -2373,2,2, -2373,3,6, -2373,4,18,flank ecchymosis -2379,1,8, -2379,2,9, -2380,1,8, -2381,1,19, -2382,1,8, -2383,1,8, -2384,1,2, -2387,1,2, -2387,2,8, -2388,2,1, -2388,3,8, -2392,1,2, -2392,2,9, -2392,3,16, -2395,1,2, -2396,1,1, -2396,2,2, -2398,1,2, -2398,2,8, -2401,1,2, -2401,2,18,distracting injury L bbfa fx -2402,1,1, -2402,2,2, -2402,3,4, -2402,4,5, -2402,5,9, -2403,1,1, -2403,2,2, -2403,3,5, -2404,1,2, -2405,1,2, -2405,2,3, -2405,3,8, -2414,1,2, -2414,2,8, -2414,3,9, -2414,4,13, -2414,5,15, -2417,1,2, -2420,1,1, -2420,2,2, -2420,3,18,back pain - already needed L-Spine -2423,1,2, -2423,2,8, -2426,1,2, -2426,2,5, -2426,3,9, -2428,1,2, -2428,2,9, -2431,1,8, -2434,1,8, -2439,1,2, -2445,1,8, -2445,2,13, -2445,3,14, -2448,1,2, -2448,2,5, -2448,3,9, -2455,1,2, -2455,2,8, -2455,3,9, -2455,4,15, -2456,1,2, -2456,2,8, -2458,1,1, -2458,2,2, -2458,3,7, -2459,1,2, -2459,2,8, -2462,1,2, -2462,2,9, -2464,1,9, -2464,2,10, -2466,1,9, -2467,1,8, -2468,1,2, -2468,2,5, -2468,3,9, -2471,1,8, -2472,1,1, -2472,2,8, -2474,1,2, -2474,2,8, -2475,1,1, -2477,1,2, -2477,2,3, -2478,1,2, -2478,2,5, -2479,1,1, -2479,2,2, -2479,3,5, -2484,1,2, -2484,2,9, -2486,1,1, -2486,2,2, -2489,1,2, -2489,2,8, -2489,3,18,impressive seatbelt sign -2491,1,1, -2491,2,5, -2491,3,9, -2492,1,2, -2492,2,8, -2492,3,9, -2496,1,2, -2496,2,9, -2497,1,2, -2497,2,13, -2497,3,14, -2498,1,2, -2498,2,4, -2499,1,2, -2502,1,8, -2502,2,18,Suicidal- difficult patient to evaluate -2509,1,2, -2511,1,1, -2511,2,2, -2511,3,5, -2512,1,2, -2512,2,3, -2512,3,5, -2512,4,8, -2515,1,8, -2518,1,8, -2521,1,2, -2521,2,5, -2526,1,2, -2529,1,15, -2532,1,2, -2534,1,8, -2536,1,2, -2541,1,1, -2541,2,8, -2547,1,2, -2548,1,2, -2549,1,2, -2549,2,8, -2552,1,7, -2553,1,1, -2556,1,1, -2556,2,2, -2556,3,5, -2559,1,2, -2559,2,8, -2560,1,1, -2560,2,8, -2561,1,1, -2561,2,8, -2562,1,2, -2562,2,5, -2564,1,8, -2565,1,2, -2565,2,9, -2565,3,13, -2567,1,1, -2567,2,2, -2568,1,1, -2568,2,3, -2568,3,2, -2568,4,8, -2569,1,1, -2569,2,8, -2570,1,2, -2570,2,8, -2570,3,9, -2571,1,1, -2571,2,2, -2572,1,1, -2572,2,2, -2572,3,8, -2574,1,2, -2576,1,2, -2577,1,1, -2577,2,2, -2577,3,5, -2580,1,1, -2580,2,2, -2580,3,5, -2581,1,2, -2581,2,3, -2581,3,6, -2590,1,2, -2590,2,6, -2590,3,8, -2595,1,1, -2595,2,5, -2595,3,9, -2595,4,10, -2601,1,2, -2602,1,2, -2602,2,8, -2602,3,18,Dev Delay -2606,1,1, -2606,2,2, -2606,3,8, -2606,4,9, -2608,1,2, -2608,2,6, -2608,3,8, -2609,1,8, -2609,2,2, -2610,1,18,recent mono - enlarged spleen -2611,1,9, -2613,1,2, -2617,1,2, -2617,2,6, -2617,3,8, -2617,4,9, -2617,5,13, -2617,6,14, -2618,1,6, -2618,2,8, -2618,3,9, -2621,1,2, -2621,2,9, -2623,1,2, -2623,2,8, -2623,3,9, -2626,1,16, -2628,1,1, -2628,2,2, -2628,3,9, -2633,1,5, -2635,1,8, -2635,2,18,tachycardia -2636,1,2, -2636,2,7, -2636,3,8, -2636,4,9, -2636,5,15, -2638,1,2, -2638,2,8, -2639,1,8, -2641,1,2, -2641,2,8, -2642,1,15, -2643,1,3, -2643,2,8, -2644,1,2, -2644,2,15, -2645,1,1, -2645,2,2, -2645,3,5, -2646,1,6, -2646,2,8, -2647,1,1, -2647,2,2, -2647,3,9, -2648,1,15, -2651,1,9, -2653,1,8, -2654,1,2, -2654,2,18,Distracting injury -2657,1,2, -2659,1,2, -2659,2,3, -2659,3,6, -2659,4,8, -2661,1,6, -2661,2,15, -2662,1,9, -2666,1,8, -2667,1,2, -2667,2,6, -2667,3,8, -2668,1,1, -2668,2,2, -2668,3,8, -2669,1,1, -2669,2,2, -2671,1,2, -2672,1,2, -2672,2,9, -2675,1,2, -2677,1,2, -2685,1,2, -2687,1,1, -2687,2,2, -2687,3,3, -2687,4,8, -2687,5,9, -2687,6,10, -2687,8,13, -2687,9,12, -2689,1,2, -2689,2,5, -2689,3,9, -2692,1,1, -2692,2,2, -2692,3,9, -2694,1,8, -2696,1,2, -2699,1,1, -2699,2,8, -2699,3,9, -2701,1,2, -2701,2,8, -2703,1,5, -2703,2,9, -2703,3,10, -2705,1,3, -2705,2,13, -2707,1,8, -2712,1,2, -2712,2,5, -2714,1,2, -2714,2,18,Syncope X 2 after trauma -2715,1,1, -2715,2,18,pt referred from outside clinic with preexisting expectation to have CT exam here. -2719,1,5, -2722,1,2, -2724,1,1, -2724,2,2, -2724,3,8, -2725,1,1, -2725,2,18,uncooperative during exam -2726,1,9, -2733,1,1, -2733,2,8, -2735,1,19, -2736,1,9, -2738,1,19, -2739,1,2, -2739,2,8, -2739,3,9, -2740,1,2, -2741,1,4, -2741,2,16, -2741,3,18,Known pelvic fracture -2744,1,1, -2744,2,2, -2744,3,6, -2745,1,1, -2745,2,2, -2745,3,5, -2745,4,9, -2745,5,11, -2746,1,1, -2746,2,8, -2746,3,9, -2746,4,11, -2747,1,1, -2747,2,6, -2750,1,1, -2750,2,2, -2750,3,8, -2751,1,2, -2751,2,9, -2752,1,8, -2756,1,19, -2758,1,2, -2758,2,9, -2758,3,18,open ankle dislocation -2759,1,8, -2762,1,1, -2762,2,2, -2762,3,9, -2763,1,8, -2764,1,2, -2764,2,8, -2764,3,9, -2772,1,2, -2775,1,7, -2775,2,8, -2775,3,13, -2777,1,2, -2777,2,8, -2778,1,6, -2778,2,8, -2778,3,13, -2783,1,2, -2783,2,7, -2784,1,2, -2784,2,8, -2787,1,2, -2787,2,8, -2793,1,1, -2793,2,5, -2793,3,9, -2799,1,13, -2804,1,2, -2804,2,13, -2804,3,18,abdominal pain -2812,1,2, -2812,2,5, -2812,3,8, -2812,4,10, -2812,5,18,abd. pain -2818,1,16, -2819,1,8, -2822,1,1, -2822,2,2, -2822,3,9, -2823,1,3, -2823,2,6, -2823,3,8, -2824,1,9, -2825,1,2, -2825,2,8, -2826,1,18,Persistant Vomiting -2827,1,2, -2827,2,5, -2827,3,8, -2829,1,1, -2829,2,5, -2829,3,9, -2831,1,1, -2831,2,2, -2831,3,18,head injury also -2837,1,1, -2837,2,2, -2837,3,5, -2838,1,1, -2838,2,2, -2838,3,7, -2838,4,9, -2840,1,2, -2841,1,8, -2843,1,3, -2843,2,8, -2845,1,1, -2845,2,2, -2845,3,8, -2845,4,9, -2848,1,2, -2848,2,8, -2848,3,9, -2850,1,2, -2850,2,8, -2852,1,3, -2852,2,6, -2852,3,8, -2855,1,1, -2855,2,2, -2855,3,9, -2857,1,2, -2857,2,3, -2857,3,6, -2858,1,1, -2858,2,2, -2861,1,3, -2861,2,8, -2862,1,1, -2862,2,2, -2863,1,2, -2863,2,6, -2863,3,8, -2863,4,9, -2868,1,1, -2868,2,2, -2868,3,5, -2868,4,8, -2868,5,9, -2869,1,1, -2869,2,2, -2869,3,8, -2869,4,18,emotional lability -2871,1,2, -2871,2,9, -2873,1,2, -2873,2,5, -2875,1,2, -2875,2,18,Waddell's Triad -2883,1,9, -2884,1,2, -2885,1,18,Ultrasound at another facility positive for splenic injury -2887,1,1, -2887,2,2, -2887,3,9, -2889,1,2, -2889,2,8, -2892,1,8, -2892,2,9, -2892,3,18,Seat belt sign/L3 fracture -2895,1,13, -2897,1,1, -2897,2,5, -2897,3,9, -2899,1,8, -2900,1,2, -2904,1,8, -2907,1,6, -2908,1,2, -2908,2,8, -2909,1,2, -2909,2,6, -2909,3,18,flank and chest bruising/abrasions -2910,1,1, -2910,2,2, -2910,3,5, -2911,1,8, -2915,1,8, -2918,1,6, -2918,2,13, -2918,3,15, -2920,1,2, -2920,2,18,abdominal tenderness -2922,1,2, -2922,2,16, -2923,1,1, -2923,2,6, -2923,3,8, -2925,1,8, -2925,2,13, -2926,1,1, -2926,2,2, -2929,1,6, -2929,2,8, -2930,1,1, -2930,2,2, -2930,3,8, -2933,1,2, -2933,2,18,Distracting injury (R humerus fx) -2935,1,1, -2935,2,2, -2935,3,5, -2935,4,9, -2937,1,8, -2939,1,2, -2939,2,8, -2942,1,2, -2942,2,8, -2943,1,2, -2943,2,5, -2943,3,8, -2943,4,9, -2945,1,2, -2945,2,4, -2945,3,7, -2945,4,10, -2946,1,8, -2947,1,2, -2947,2,5, -2947,3,9, -2947,4,18,gross blood/stool from rectum -2950,1,1, -2950,2,2, -2950,3,18,persistent crying-very difficult to assess for pain -2952,1,5, -2952,2,8, -2956,1,18,stool w/ blood visible -2958,1,2, -2958,2,8, -2959,1,9, -2960,1,8, -2962,1,2, -2962,2,4, -2962,3,7, -2962,4,8, -2962,5,11, -2967,1,6, -2967,2,8, -2969,1,2, -2969,2,15, -2969,3,18,complaint of abdominal pain -2971,1,2, -2971,2,8, -2974,1,9, -2974,2,18,Cannot communicate secondary to language barrier -2975,1,3, -2975,2,8, -2978,1,1, -2978,2,2, -2978,3,7, -2980,1,1, -2980,2,2, -2980,3,5, -2981,1,3, -2983,1,8, -2983,2,18,"facial bone fracture, CHI, possible femur fracture" -2987,1,15, -2991,1,2, -2991,2,8, -2991,3,9, -2994,1,8, -2994,2,9, -2997,1,2, -2997,2,8, -2999,1,1, -2999,2,2, -2999,3,8, -3000,1,18,vomiting -3002,1,9, -3005,1,1, -3005,2,2, -3005,3,7, -3005,4,8, -3005,5,9, -3009,1,8, -3014,1,2, -3014,2,7, -3014,3,8, -3014,4,9, -3015,1,2, -3015,2,6, -3015,3,9, -3016,1,1, -3016,2,3, -3016,3,13, -3016,4,15, -3022,1,1, -3022,2,2, -3022,3,8, -3025,1,3, -3025,2,8, -3025,3,10, -3030,1,2, -3030,2,8, -3030,3,9, -3032,1,2, -3032,2,5, -3032,3,8, -3033,1,2, -3033,2,8, -3036,1,9, -3037,1,18,Emesis upon abdominal palpaltation -3038,1,8, -3042,1,2, -3042,2,5, -3042,3,7, -3042,4,9, -3043,1,5, -3047,1,8, -3054,1,2, -3054,2,18,Seatbelt sign -3055,1,5, -3055,2,9, -3056,1,8, -3056,2,9, -3057,1,2, -3057,2,6, -3057,3,8, -3059,1,1, -3059,2,2, -3059,3,7, -3059,4,8, -3059,5,9, -3060,1,2, -3061,1,18,pelvic fracture -3062,1,11, -3062,2,5, -3063,1,8, -3064,1,2, -3064,2,8, -3065,1,2, -3065,2,9, -3066,1,8, -3067,1,2, -3067,2,8, -3067,3,9, -3068,1,2, -3068,2,8, -3069,1,2, -3070,1,2, -3070,2,5, -3070,3,9, -3074,1,2, -3074,2,18,Pelvic instability -3077,1,1, -3077,2,9, -3077,3,18,LE paralysis -3080,1,2, -3080,2,8, -3083,1,1, -3083,2,2, -3083,3,8, -3085,1,1, -3085,2,2, -3085,3,9, -3088,1,16, -3089,1,2, -3089,2,6, -3092,1,8, -3093,1,9, -3093,2,18,require sedation for fracture reduction -3099,1,13, -3101,1,2, -3101,2,6, -3102,1,2, -3102,2,8, -3105,1,2, -3105,2,5, -3105,3,9, -3105,4,10, -3105,5,12, -3109,1,15, -3110,1,2, -3110,2,8, -3111,1,15, -3112,1,2, -3112,2,8, -3112,3,13, -3112,4,14, -3112,5,15, -3112,6,16, -3113,1,1, -3114,1,2, -3114,2,6, -3115,1,1, -3115,2,2, -3120,1,2, -3122,1,18,MOI not clear [date redacted] poor pt. history; altered mental status prior to arriving in TRU according to EMT -3123,1,19, -3127,1,1, -3127,2,2, -3127,3,5, -3127,5,8, -3128,1,2, -3128,2,5, -3128,3,8, -3129,1,2, -3129,2,9, -3132,1,1, -3132,2,2, -3132,3,9, -3135,1,2, -3135,2,8, -3135,3,15, -3137,1,8, -3138,1,2, -3138,2,5, -3138,3,9, -3138,4,15, -3141,1,1, -3141,2,2, -3141,3,9, -3144,1,8, -3145,1,2, -3145,2,13, -3145,3,17,high lipase -3145,4,18,vomiting -3148,1,2, -3148,2,4, -3148,3,5, -3148,4,9, -3150,1,6, -3150,2,8, -3151,1,19, -3152,1,2, -3153,1,2, -3153,2,15, -3159,1,2, -3159,2,18,Lower chest injury -3161,1,2, -3161,2,8, -3162,1,9, -3167,1,2, -3169,1,1, -3169,2,9, -3169,3,10, -3170,1,1, -3170,2,2, -3170,3,18,Exam -3177,1,18,Thoracic Pain/Neck/HA -3178,1,10, -3180,1,9, -3181,1,8, -3182,1,18,DISTRACTING INJURY (HIP PAIN) -3186,1,2, -3186,2,9, -3186,3,15, -3187,1,4, -3187,2,8, -3189,1,5, -3190,1,1, -3190,2,2, -3190,3,10, -3191,1,1, -3191,2,2, -3193,1,6, -3193,2,8, -3195,1,18,abdominal pain -3197,1,1, -3197,2,2, -3197,3,5, -3197,4,7, -3199,1,8, -3202,1,2, -3202,2,9, -3202,3,18,Penetrating injury to R flank -3203,1,8, -3203,2,18,"Pt has RLQ tenderness@ McBurney's Point, concern for appendicitis" -3207,1,9, -3208,1,1, -3208,2,2, -3208,3,5, -3209,1,1, -3210,1,2, -3210,2,6, -3210,3,15, -3211,1,2, -3211,2,7, -3211,3,8, -3212,1,1, -3212,2,2, -3212,3,8, -3213,1,2, -3213,2,13, -3213,3,18,"serial exams with increased RUQ pain, initially no CT ordered" -3214,1,2, -3214,2,8, -3216,1,18,LUQ tenderness; contusion -3217,1,2, -3217,2,8, -3217,3,18,Seat belt mark -3218,1,2, -3219,1,8, -3220,1,5, -3222,1,5, -3222,2,7, -3222,3,8, -3225,1,1, -3225,2,2, -3225,3,9, -3226,1,18,Seat Belt Sign -3227,1,9, -3227,2,18,abnormal CXR -3228,1,1, -3228,2,2, -3228,3,5, -3230,1,2, -3230,2,6, -3230,3,8, -3231,1,2, -3231,2,3, -3231,3,6, -3232,1,2, -3232,2,9, -3232,3,16, -3233,1,2, -3233,2,8, -3238,1,13, -3242,1,2, -3242,2,5, -3243,1,2, -3243,2,9, -3244,1,2, -3246,1,6, -3250,1,2, -3250,2,5, -3250,3,9, -3250,4,10, -3250,5,13, -3251,1,2, -3251,2,3, -3251,3,8, -3251,4,13, -3252,1,1, -3252,2,2, -3253,1,6, -3256,1,9, -3258,1,2, -3258,2,5, -3259,1,2, -3261,1,1, -3261,2,2, -3261,3,9, -3262,1,13, -3264,1,2, -3264,2,8, -3265,1,1, -3265,2,5, -3269,1,2, -3269,2,5, -3270,1,1, -3270,2,2, -3270,3,8, -3270,4,9, -3271,1,2, -3271,2,8, -3271,3,9, -3272,1,1, -3272,2,2, -3273,1,8, -3273,2,18,Severity of pain complaint; patient unable to walk upright at presentation -3274,1,1, -3274,2,2, -3274,3,18,+ seat belt sign -3275,1,2, -3275,2,8, -3279,1,3, -3279,2,6, -3279,3,8, -3280,1,8, -3280,2,9, -3282,1,3, -3282,2,6, -3282,3,8, -3286,1,2, -3286,2,18,c/o chest and flank (rt) pain -3289,1,8, -3291,1,1, -3291,2,2, -3291,3,6, -3292,1,6, -3292,2,8, -3292,3,18,+ FAST was most important -3293,1,18,unknown mechanism -3294,1,8, -3294,2,9, -3295,1,2, -3295,2,5, -3297,1,6, -3297,2,16, -3304,1,19, -3306,1,8, -3307,1,8, -3308,1,18,Distracting painful injury -3309,1,1, -3309,2,2, -3309,3,4, -3309,4,5, -3311,1,3, -3311,2,6, -3311,3,8, -3314,1,2, -3314,2,3, -3314,3,8, -3319,1,2, -3319,2,5, -3319,3,7, -3320,1,1, -3320,2,8, -3322,1,2, -3322,2,13, -3323,1,2, -3323,2,18,EtOH intoxication combined with mech of injury -3326,1,8, -3329,1,2, -3329,2,8, -3330,1,2, -3330,2,15, -3332,1,8, -3334,1,2, -3334,2,3, -3334,3,8, -3337,1,2, -3337,2,5, -3337,3,9, -3342,1,2, -3342,2,8, -3344,1,9, -3347,1,6, -3347,2,16, -3349,1,9, -3351,1,2, -3351,2,5, -3353,1,2, -3353,2,8, -3363,1,2, -3363,2,8, -3368,1,8, -3370,1,1, -3370,2,8, -3372,1,9, -3373,1,19, -3374,1,2, -3374,2,7, -3374,3,8, -3375,1,5, -3375,2,8, -3380,1,2, -3380,2,18,distracting injuries making abd exam less reliable -3384,1,8, -3385,1,2, -3385,2,18,Loss of consciousness distracting injury -3388,1,9, -3390,1,2, -3390,2,17,GCS unable to assess abdomen -3392,1,9, -3395,1,2, -3395,2,5, -3395,3,12, -3397,1,1, -3397,2,5, -3400,1,15, -3403,1,8, -3404,1,2, -3404,2,8, -3405,1,6, -3405,2,8, -3406,1,2, -3406,2,8, -3407,1,2, -3410,1,2, -3410,2,8, -3411,1,8, -3414,1,1, -3414,2,2, -3414,3,4, -3414,4,7, -3414,5,9, -3414,6,10, -3415,1,2, -3415,2,18,Intibated -3416,1,2, -3416,2,5, -3418,1,2, -3420,1,2, -3420,2,9, -3424,1,2, -3424,2,8, -3424,3,9, -3425,1,8, -3427,1,13, -3431,1,2, -3431,2,9, -3433,1,2, -3433,2,3, -3433,3,8, -3434,1,2, -3434,2,5, -3434,3,8, -3434,4,18,unknown mechanism -3435,1,2, -3435,2,8, -3437,1,2, -3437,2,8, -3443,1,2, -3443,2,8, -3448,1,2, -3448,2,9, -3453,1,9, -3457,1,2, -3457,2,8, -3458,1,15, -3459,1,1, -3459,2,8, -3462,1,8, -3463,1,2, -3463,2,8, -3464,1,1, -3464,2,2, -3464,3,9, -3466,1,2, -3466,2,7, -3469,1,2, -3469,2,4, -3470,1,8, -3472,1,2, -3472,2,9, -3480,1,5, -3481,1,2, -3485,1,1, -3485,2,2, -3489,1,2, -3489,2,18,Worsening abdominal pain -3489,3,18,Increasing heart rate -3491,1,2, -3491,2,8, -3491,3,9, -3494,1,11, -3497,1,19, -3498,1,19, -3502,1,8, -3505,1,1, -3505,2,5, -3505,3,8, -3506,1,1, -3506,2,2, -3507,1,2, -3507,2,8, -3508,1,1, -3508,2,2, -3509,1,2, -3509,2,18,police chase - high speed - ? of pain on exam accurate or not -3513,1,2, -3513,2,13, -3513,3,15, -3517,1,1, -3517,2,2, -3517,3,5, -3517,4,9, -3519,1,2, -3519,2,8, -3521,1,1, -3521,2,2, -3521,3,3, -3521,4,8, -3522,1,2, -3522,2,5, -3522,3,9, -3522,4,18,Intubated -3525,1,11, -3526,1,1, -3526,2,2, -3526,3,9, -3526,4,13, -3528,1,6, -3528,2,8, -3535,1,7, -3535,2,10, -3536,1,7, -3536,2,9, -3538,1,16, -3539,1,2, -3539,2,3, -3539,3,6, -3539,4,9, -3540,1,8, -3543,1,2, -3543,2,8, -3545,1,2, -3545,2,9, -3549,1,2, -3549,2,8, -3550,1,1, -3550,2,2, -3550,3,8, -3550,4,9, -3556,1,1, -3556,2,2, -3556,3,9, -3557,1,2, -3557,2,5, -3557,3,9, -3558,1,2, -3558,2,18,Firm abdomen -3559,1,19, -3562,1,8, -3562,2,9, -3564,1,1, -3564,2,2, -3564,3,4, -3564,4,5, -3564,5,7, -3564,6,8, -3564,7,11, -3566,1,8, -3571,1,6, -3571,2,8, -3572,1,18,t/l spine evaluation -3573,1,2, -3573,2,18,pain/mechanism -3574,1,1, -3574,2,2, -3574,3,9, -3575,1,7, -3575,2,8, -3576,1,5, -3576,2,15, -3580,1,5, -3582,1,19, -3584,1,2, -3586,1,6, -3587,1,2, -3587,2,18,Distracting Injury -3588,1,2, -3588,2,3, -3588,3,8, -3589,1,2, -3589,2,9, -3591,1,2, -3591,2,6, -3591,3,8, -3594,1,8, -3595,1,9, -3597,1,2, -3597,2,6, -3597,3,8, -3598,1,9, -3603,1,2, -3603,2,8, -3603,3,9, -3607,1,1, -3607,2,2, -3607,3,8, -3610,1,7, -3610,2,9, -3611,1,2, -3614,1,2, -3614,2,8, -3621,1,2, -3621,2,8, -3622,1,2, -3622,2,5, -3623,1,2, -3623,2,6, -3624,1,5, -3627,1,8, -3627,2,10, -3632,1,1, -3632,2,9, -3634,1,2, -3634,2,8, -3641,1,1, -3641,2,2, -3642,1,2, -3642,2,8, -3644,1,8, -3651,1,8, -3652,1,2, -3658,1,2, -3658,2,5, -3659,1,2, -3659,2,8, -3664,1,15, -3665,1,15, -3668,1,2, -3668,2,6, -3668,3,8, -3672,1,2, -3672,2,9, -3672,3,10, -3675,1,2, -3679,1,18,Numbness/ Weakness in legs -3681,1,8, -3686,1,1, -3686,2,2, -3686,3,9, -3695,1,2, -3695,2,8, -3696,1,8, -3697,1,8, -3701,1,2, -3701,2,3, -3701,3,9, -3702,1,3, -3702,2,8, -3704,1,2, -3704,2,9, -3707,1,2, -3707,2,5, -3713,1,9, -3714,1,1, -3715,1,1, -3715,2,2, -3715,3,8, -3715,4,9, -3716,1,2, -3716,2,9, -3719,1,2, -3719,2,4, -3719,3,8, -3719,4,9, -3721,1,8, -3722,1,2, -3722,2,6, -3722,3,8, -3722,4,9, -3723,1,19, -3725,1,2, -3725,2,6, -3725,3,8, -3726,1,2, -3726,2,8, -3727,1,2, -3727,2,18,abdominal pain -3728,1,8, -3729,1,2, -3729,2,9, -3730,1,2, -3730,2,7, -3730,3,8, -3737,1,8, -3737,2,18,Unreliable historian (EtOH intoxication) -3739,1,1, -3739,2,2, -3739,3,13, -3740,1,16, -3743,1,2, -3743,2,3, -3743,3,8, -3745,1,2, -3745,2,9, -3746,1,2, -3746,2,3, -3746,3,8, -3752,1,2, -3752,2,8, -3753,1,6, -3753,2,8, -3753,3,9, -3754,1,2, -3754,2,8, -3755,1,9, -3756,1,19, -3757,1,2, -3761,1,2, -3761,2,8, -3762,1,2, -3762,2,8, -3762,3,18,Referred shoulder pain -3767,1,1, -3767,3,2, -3768,1,19, -3771,1,2, -3771,2,9, -3777,1,1, -3777,2,5, -3777,3,18,Decreased oxygen saturation -3778,1,1, -3778,2,2, -3778,3,9, -3779,1,1, -3779,2,18,length of pain -3782,1,2, -3782,2,9, -3785,1,4, -3785,2,8, -3787,1,2, -3787,2,5, -3787,3,9, -3790,1,8, -3792,1,1, -3792,2,8, -3792,3,9, -3793,1,2, -3793,2,9, -3799,1,2, -3799,2,8, -3806,1,8, -3806,2,15, -3812,1,19, -3813,1,1, -3813,2,2, -3813,3,5, -3813,4,9, -3814,1,9, -3819,1,1, -3824,1,5, -3828,1,9, -3831,1,2, -3831,2,8, -3835,1,1, -3835,2,2, -3835,3,9, -3836,1,2, -3836,2,9, -3842,1,9, -3845,1,2, -3845,2,3, -3845,3,8, -3846,1,2, -3848,1,8, -3848,2,15, -3851,1,6, -3851,2,18,unknown speed at which he was hit -3852,1,16, -3856,1,19, -3857,1,9, -3858,1,2, -3858,2,18,Ortho request -3860,1,1, -3860,2,2, -3860,3,7, -3861,1,1, -3861,2,2, -3861,3,18,initially positive FAST -3862,1,2, -3862,2,8, -3864,1,17,Elevated lipase -3865,1,2, -3865,2,4, -3865,3,5, -3865,4,9, -3866,1,2, -3866,2,9, -3866,3,10, -3868,1,2, -3868,2,5, -3868,3,15, -3870,1,1, -3870,2,2, -3870,3,6, -3871,2,18,Trauma request -3872,1,2, -3872,2,5, -3872,3,8, -3872,4,16, -3873,1,2, -3873,2,6, -3873,3,8, -3873,4,9, -3875,1,2, -3875,2,9, -3876,1,1, -3876,2,2, -3882,1,2, -3882,2,7, -3887,1,1, -3887,2,9, -3887,3,18,Closed Head Injury and patient intubated during assessment -3888,1,8, -3890,1,5, -3890,2,13, -3890,3,18,unknown mechanism of injury -3892,1,8, -3896,1,5, -3896,2,9, -3897,1,9, -3901,1,2, -3901,2,3, -3901,3,4, -3901,4,5, -3903,1,1, -3903,2,2, -3903,3,8, -3904,1,5, -3905,1,2, -3905,2,8, -3905,3,9, -3906,1,2, -3906,2,4, -3906,3,5, -3906,4,7, -3906,5,9, -3906,6,11, -3906,7,12, -3906,8,13, -3907,1,2, -3907,2,6, -3910,1,5, -3911,1,2, -3911,2,9, -3913,1,8, -3920,1,5, -3923,1,2, -3923,2,5, -3923,3,9, -3924,1,1, -3924,2,2, -3924,3,5, -3924,4,18,flank bruise -3926,1,9, -3929,1,8, -3929,2,9, -3931,1,2, -3931,2,17,vomit blood -3931,3,5, -3933,1,2, -3933,2,3, -3936,1,2, -3946,1,8, -3946,2,18,focal LUQ pain -3949,1,19, -3952,1,8, -3953,1,2, -3954,1,1, -3954,2,2, -3954,3,18,"history of left upper quadrant pain, shoulder pain" -3955,1,1, -3955,2,2, -3957,1,2, -3957,2,3, -3957,3,6, -3957,4,8, -3960,1,16, -3962,1,1, -3962,2,2, -3962,3,4, -3962,4,5, -3962,5,11, -3963,1,18,+ head CT ?mechanism of lac -3964,1,8, -3965,1,2, -3965,2,8, -3966,1,8, -3966,2,9, -3966,3,18,pelvic fracture -3967,1,8, -3967,2,9, -3969,1,15, -3976,1,2, -3976,2,8, -3978,1,8, -3978,2,2, -3979,1,2, -3979,2,6, -3979,3,8, -3979,4,9, -3979,5,15, -3980,1,1, -3980,2,2, -3980,3,4, -3980,4,5, -3980,5,9, -3981,1,8, -3982,1,15, -3986,1,9, -3989,1,8, -3990,1,1, -3990,2,2, -3990,3,9, -3990,4,10, -3992,1,2, -3992,2,5, -3994,1,2, -3994,2,8, -3994,3,9, -3995,1,2, -3995,2,8, -3996,1,5, -3996,2,8, -3996,3,11, -3997,1,2, -3997,2,4, -3997,3,5, -3997,4,9, -3998,1,2, -4001,1,1, -4001,2,2, -4001,3,8, -4002,1,2, -4002,2,8, -4002,3,9, -4005,1,1, -4005,2,2, -4005,3,5, -4006,1,19, -4010,1,8, -4010,2,9, -4013,1,1, -4013,2,2, -4019,1,9, -4019,2,2, -4022,1,2, -4022,2,5, -4022,3,8, -4022,4,9, -4025,1,2, -4026,1,2, -4027,1,2, -4027,2,,pelvic tenderness -4028,1,2, -4028,2,8, -4029,1,2, -4029,2,8, -4029,3,9, -4030,1,2, -4033,1,1, -4033,2,2, -4033,3,5, -4037,1,9, -4038,1,8, -4038,2,9, -4038,3,15, -4039,1,2, -4039,2,4, -4039,3,5, -4041,1,18,"poor historian, pale and abrasion one LUQ" -4042,1,2, -4042,2,8, -4046,1,9, -4047,1,2, -4047,2,9, -4048,1,8, -4055,1,2, -4055,2,5, -4056,1,2, -4057,1,1, -4057,2,5, -4057,3,9, -4058,1,8, -4059,1,2, -4059,2,3, -4059,3,8, -4062,1,1, -4062,2,2, -4062,3,6, -4062,4,8, -4064,1,2, -4064,2,8, -4068,1,2, -4068,2,7, -4068,3,9, -4068,4,10, -4072,1,3, -4072,2,6, -4073,1,8, -4075,1,1, -4075,2,2, -4075,3,8, -4075,4,9, -4076,1,6, -4076,2,16, -4077,1,2, -4077,2,8, -4077,3,9, -4079,1,2, -4079,2,5, -4079,3,8, -4083,1,2, -4083,2,8, -4084,1,5, -4087,2,19, -4088,1,2, -4088,2,8, -4088,3,9, -4090,1,2, -4090,2,7, -4093,1,2, -4093,2,6, -4093,3,8, -4095,1,2, -4095,2,8, -4095,3,9, -4097,1,9, -4098,1,1, -4098,2,2, -4100,1,8, -4101,1,2, -4101,2,5, -4101,3,8, -4101,4,9, -4101,5,16, -4102,1,8, -4102,2,15, -4107,1,2, -4107,2,6, -4110,1,1, -4110,2,2, -4110,3,8, -4110,4,13, -4111,1,2, -4111,2,9, -4112,1,2, -4112,2,8, -4113,1,2, -4113,2,5, -4116,1,2, -4116,2,8, -4119,1,9, -4121,1,2, -4121,2,4, -4121,3,9, -4122,1,2, -4123,1,2, -4123,2,6, -4123,3,9, -4123,4,18,lac extending near anal verge -4124,1,1, -4124,2,2, -4125,1,2, -4125,2,15, -4126,1,8, -4132,1,9, -4135,1,2, -4141,1,9, -4143,1,1, -4143,2,2, -4143,3,5, -4143,4,18,gross rectal blood -4144,1,1, -4144,2,2, -4148,1,2, -4148,2,3, -4148,3,8, -4150,1,1, -4150,2,2, -4150,3,9, -4150,4,18,vomiting -4151,1,2, -4151,2,5, -4151,3,18,Blood Genitalia -4153,1,1, -4153,2,2, -4153,3,8, -4153,4,9, -4155,1,2, -4155,2,6, -4159,1,2, -4159,2,7, -4159,3,9, -4160,1,6, -4160,2,18,LUQ abdominal tenderness concern for spleenic injury -4163,1,2, -4163,2,8, -4163,3,9, -4165,1,2, -4165,2,5, -4165,3,18,Abrasions on chest/abdomen -4169,1,1, -4171,1,2, -4171,2,6, -4171,3,8, -4173,1,1, -4173,2,2, -4173,3,7, -4179,1,8, -4180,1,1, -4180,2,2, -4180,3,18,Abdominal Pain -4181,1,9, -4181,2,18,Abnormal FAST -4183,1,17,trace hematuria -4189,1,2, -4190,1,2, -4190,2,8, -4193,1,2, -4193,2,7, -4193,3,18,Seat belt sign -4197,1,8, -4197,2,18,seatbelt sign -4199,1,2, -4201,1,2, -4201,2,5, -4201,3,9, -4203,1,8, -4211,1,2, -4211,2,3, -4214,1,1, -4214,2,8, -4218,1,2, -4218,2,5, -4219,1,2, -4220,1,2, -4221,1,2, -4221,2,9, -4222,1,8, -4222,2,9, -4222,3,13, -4223,1,2, -4223,2,8, -4223,3,9, -4224,1,2, -4224,2,5, -4224,3,8, -4225,1,3, -4225,2,8, -4225,3,9, -4226,1,8, -4231,1,2, -4231,2,3, -4231,3,8, -4231,4,9, -4232,1,8, -4232,2,9, -4233,1,1, -4233,2,14, -4235,1,8, -4237,1,8, -4238,1,9, -4243,1,8, -4244,1,1, -4244,2,5, -4244,3,9, -4250,1,1, -4250,2,2, -4250,3,3, -4250,4,4, -4250,5,6, -4250,6,8, -4250,7,11, -4251,1,2, -4251,2,7, -4251,3,8, -4252,1,1, -4252,2,2, -4263,1,1, -4263,2,2, -4269,1,2, -4269,2,9, -4277,1,19, -4289,1,8, -4291,1,1, -4291,2,9, -4292,1,2, -4292,2,5, -4292,3,9, -4293,1,2, -4293,2,8, -4293,3,11, -4294,1,2, -4300,1,2, -4300,2,8, -4304,1,6, -4304,2,17,microscopic hematuria -4305,1,3, -4305,2,8, -4306,1,2, -4306,2,5, -4308,1,2, -4308,2,5, -4308,3,9, -4309,1,6, -4309,2,16, -4314,1,1, -4314,2,9, -4315,1,1, -4315,2,2, -4315,3,8, -4315,4,9, -4316,1,2, -4316,2,8, -4316,3,9, -4316,4,18,RLQ abrasion -4317,1,2, -4322,1,5, -4322,2,8, -4323,1,3, -4323,2,8, -4325,1,1, -4325,2,2, -4325,3,8, -4325,4,9, -4329,1,19, -4330,1,5, -4330,2,6, -4330,3,8, -4336,1,1, -4336,2,2, -4336,3,8, -4336,4,9, -4339,1,2, -4339,2,,history of abdominal pain 2 hours after injury -4342,1,1, -4342,2,2, -4342,3,8, -4342,4,9, -4343,1,7, -4348,1,2, -4348,2,9, -4351,1,1, -4351,2,2, -4351,3,9, -4356,1,3, -4358,1,6, -4358,2,8, -4360,1,2, -4360,2,5, -4361,1,1, -4361,2,4, -4361,3,5, -4361,4,8, -4361,5,9, -4361,6,11, -4364,1,2, -4365,1,2, -4366,1,2, -4369,1,2, -4369,2,6, -4369,3,8, -4372,1,1, -4372,2,9, -4372,3,18,poor history -4379,1,8, -4379,2,12, -4379,3,15, -4381,1,1, -4381,2,2, -4381,3,8, -4383,1,2, -4383,2,18,Distracting injury left closed tib/fib fracture -4385,1,19, -4387,1,8, -4394,1,18,Pain in abdomen -4396,1,8, -4396,2,9, -4397,1,2, -4397,2,9, -4399,1,1, -4399,2,2, -4399,3,9, -4400,1,1, -4400,2,18,Intracranial hemorrhage -4402,1,8, -4402,2,18,pneumothorax -4403,1,2, -4403,2,5, -4403,3,9, -4404,1,2, -4404,2,18,Gross hematuria -4405,1,2, -4406,1,2, -4409,1,1, -4409,2,5, -4410,1,18,Patient awaiting liver transplant -4412,1,2, -4412,2,3, -4412,3,8, -4413,1,2, -4414,1,2, -4414,2,18,tachycardia -4415,1,6, -4415,2,8, -4415,3,13, -4415,4,16, -4416,1,8, -4418,1,1, -4418,2,2, -4418,3,8, -4419,1,1, -4419,2,2, -4419,3,3, -4419,4,8, -4420,1,8, -4422,1,1, -4422,2,2, -4422,3,8, -4424,1,1, -4424,2,2, -4424,3,9, -4425,1,2, -4426,1,1, -4426,2,2, -4426,3,5, -4426,4,9, -4426,5,11, -4426,6,15, -4426,7,18,Pelvic Fx -4429,1,1, -4429,2,2, -4429,3,7, -4429,4,9, -4429,5,10, -4432,1,2, -4432,2,8, -4434,1,1, -4434,2,18,severe mechanism -4436,1,3, -4436,2,6, -4436,3,8, -4438,1,2, -4438,2,5, -4438,3,9, -4441,1,2, -4441,2,3, -4441,3,8, -4447,1,15, -4448,1,2, -4448,2,7, -4448,3,9, -4452,1,14, -4454,1,1, -4454,2,2, -4456,1,5, -4456,2,6, -4456,3,9, -4456,4,18,Pos. ICM on head CT -4462,1,2, -4462,2,8, -4462,3,16, -4462,4,18,pelvic fx -4465,1,2, -4465,2,18,back pain -4467,1,2, -4469,1,2, -4469,2,9, -4472,1,2, -4478,1,2, -4478,2,8, -4481,1,19, -4482,1,2, -4483,1,6, -4483,2,8, -4485,1,2, -4485,2,5, -4485,3,18,"presumed head injury, inability to assess pt exam" -4486,1,8, -4487,1,3, -4487,2,4, -4487,3,6, -4487,4,18,on coumadin -4490,1,2, -4490,2,3, -4493,1,2, -4493,2,9, -4493,3,18,spinal injury -4494,1,2, -4494,2,6, -4494,3,8, -4495,1,1, -4495,2,2, -4495,3,5, -4495,4,11, -4501,1,2, -4501,2,5, -4502,1,1, -4502,2,2, -4502,3,8, -4503,1,9, -4504,1,6, -4504,2,8, -4512,1,1, -4512,2,2, -4512,3,9, -4515,1,2, -4524,1,2, -4524,2,8, -4534,1,1, -4534,2,3, -4539,1,1, -4539,2,2, -4544,1,5, -4544,2,8, -4545,1,2, -4547,1,1, -4547,2,5, -4547,3,10, -4548,1,8, -4550,1,2, -4550,2,4, -4550,3,5, -4550,4,7, -4550,5,11, -4550,6,12, -4551,1,3, -4551,2,8, -4553,1,2, -4553,2,9, -4555,1,2, -4556,1,8, -4557,1,8, -4557,2,17,high WBC -4558,1,2, -4558,2,8, -4559,1,2, -4559,2,8, -4562,1,8, -4562,2,9, -4563,1,2, -4566,1,2, -4566,2,7, -4566,3,8, -4566,4,9, -4566,5,10, -4567,1,5, -4567,2,8, -4567,3,9, -4570,1,1, -4570,2,2, -4570,3,9, -4571,1,2, -4571,2,7, -4571,3,9, -4572,1,8, -4576,1,2, -4576,2,18,seatbelt sign -4577,1,2, -4577,2,5, -4579,1,8, -4580,1,8, -4581,1,2, -4581,2,9, -4582,1,2, -4582,2,16, -4583,1,2, -4583,2,7, -4583,3,9, -4583,4,10, -4586,1,8, -4587,1,8, -4587,2,18,Seat Belt Sign -4589,1,1, -4589,2,2, -4589,3,9, -4591,1,2, -4591,2,18,Distracting injury -4600,1,2, -4600,2,9, -4602,1,18,Flank abnormality/ indication for other CT imaging -4604,1,1, -4604,2,2, -4604,3,8, -4605,1,8, -4609,1,2, -4609,2,8, -4609,3,9, -4610,1,18,already going to CT from football -4611,1,8, -4615,1,10, -4620,1,1, -4620,2,2, -4620,3,5, -4620,4,8, -4620,5,9, -4622,1,6, -4622,2,8, -4623,1,8, -4624,1,1, -4624,2,2, -4626,1,7, -4626,2,8, -4626,3,9, -4626,4,15, -4627,1,2, -4629,1,18,Vomiting -4632,1,8, -4634,1,9, -4636,1,8, -4637,1,6, -4637,2,8, -4640,1,2, -4640,2,5, -4642,1,2, -4642,2,16, -4642,3,18,Bilateral flank echymosis -4643,1,2, -4643,2,8, -4644,1,2, -4645,1,1, -4645,2,2, -4645,3,9, -4645,4,18,Bruising over hips -4646,1,2, -4646,2,5, -4646,3,9, -4650,1,2, -4650,2,5, -4650,3,9, -4651,1,19, -4653,1,8, -4655,1,5, -4656,1,2, -4656,2,6, -4656,3,8, -4658,1,2, -4658,2,8, -4659,1,2, -4660,1,8, -4662,1,2, -4662,2,6, -4662,3,18,"abrasion, ecchymosis" -4663,1,6, -4663,2,8, -4666,1,2, -4666,2,7, -4666,3,8, -4667,1,8, -4669,1,9, -4671,1,18,head bleed on CT scan of head -4680,1,2, -4680,2,7, -4680,3,18,Massive BLE OPSN Fx/Lacs -4682,1,3, -4682,2,18,LUQ Pain -4683,1,13, -4683,2,14, -4683,3,15, -4683,4,16, -4684,1,2, -4687,1,2, -4688,1,15, -4692,1,8, -4695,1,2, -4695,2,18,seat belt sign -4700,1,1, -4700,2,2, -4701,1,1, -4701,2,2, -4701,3,9, -4702,1,2, -4702,2,5, -4702,3,9, -4708,1,2, -4708,2,5, -4708,3,8, -4708,4,16, -4709,1,2, -4709,2,8, -4710,1,15, -4711,1,18,pelvis fracture -4712,1,8, -4714,1,3, -4714,2,8, -4715,1,4, -4715,2,6, -4715,3,8, -4715,4,12, -4716,1,7, -4716,2,8, -4718,1,3, -4719,1,1, -4719,2,2, -4719,3,18,Inability to ascertain tenderness -4722,1,2, -4722,2,5, -4722,3,8, -4723,1,1, -4723,2,2, -4723,3,8, -4724,1,5, -4729,1,8, -4730,1,6, -4730,2,15, -4733,1,2, -4733,2,8, -4737,1,2, -4740,1,2, -4740,2,8, -4740,3,15, -4742,1,2, -4743,1,2, -4743,2,8, -4745,1,2, -4745,2,3, -4745,3,5, -4747,1,2, -4747,2,8, -4748,1,8, -4749,1,1, -4749,2,2, -4752,1,8, -4754,1,18,blood in urine and suspicion of abuse -4755,1,3, -4755,2,8, -4756,1,2, -4756,2,8, -4762,1,18,"pre-existing abd pain, fever, AIDS" -4764,1,2, -4764,2,8, -4766,1,1, -4766,2,2, -4766,3,9, -4772,1,2, -4772,2,7, -4773,1,1, -4773,2,8, -4776,1,18,Report of spleen enlarged -4787,1,1, -4787,2,2, -4787,3,5, -4791,1,2, -4792,1,2, -4792,2,5, -4797,1,6, -4797,2,8, -4800,1,2, -4800,2,5, -4800,3,9, -4801,1,2, -4807,1,2, -4807,2,8, -4807,3,9, -4807,4,10, -4810,1,2, -4810,2,9, -4813,1,2, -4813,2,8, -4815,1,8, -4817,1,8, -4820,1,2, -4820,2,9, -4820,3,10, -4822,1,2, -4822,2,5, -4822,3,6, -4828,1,13, -4831,1,2, -4831,2,4, -4831,3,5, -4831,4,7, -4831,5,9, -4831,6,10, -4832,1,1, -4832,2,2, -4832,3,8, -4833,1,6, -4833,2,7, -4838,1,1, -4838,2,2, -4838,3,9, -4839,1,1, -4839,2,4, -4839,3,5, -4839,4,9, -4840,1,8, -4841,1,5, -4841,2,8, -4845,1,2, -4845,2,9, -4845,3,16, -4846,1,18,Seatbelt sign -4852,1,1, -4852,2,2, -4852,3,9, -4854,1,2, -4854,2,6, -4854,3,8, -4856,1,8, -4857,1,9, -4859,1,2, -4859,2,5, -4860,1,2, -4861,1,2, -4865,1,1, -4865,2,2, -4869,1,2, -4870,1,1, -4870,2,2, -4870,3,8, -4872,1,2, -4872,2,8, -4877,1,9, -4877,2,18,flank abrasion -4879,1,2, -4880,1,5, -4880,2,9, -4880,3,18,post operative -4883,1,9, -4884,1,2, -4884,2,3, -4884,3,8, -4886,1,18,Injury at dad's house. ACS case against abusive dad. Now c LLQ pain want to r/o other injury. -4887,1,2, -4887,2,8, -4890,1,2, -4890,2,8, -4892,1,2, -4892,2,8, -4893,1,2, -4893,2,5, -4893,3,18,rib fractures & B pneumothroax -4894,1,2, -4894,2,8, -4895,1,2, -4897,1,19, -4904,1,2, -4904,2,6, -4904,3,8, -4909,1,2, -4909,2,9, -4909,3,14, -4909,4,5, -4910,1,2, -4910,2,8, -4911,1,2, -4911,2,4, -4911,3,5, -4916,1,6, -4916,2,8, -4918,1,2, -4918,2,7, -4920,1,6, -4920,2,14, -4921,1,2, -4921,2,9, -4923,1,8, -4923,2,16, -4924,1,1, -4924,2,2, -4924,3,8, -4925,1,8, -4927,1,1, -4927,2,2, -4928,1,2, -4928,2,5, -4929,1,2, -4929,2,7, -4929,3,8, -4935,1,2, -4935,2,8, -4935,3,9, -4936,1,2, -4936,2,8, -4936,3,9, -4938,1,1, -4938,2,6, -4938,3,8, -4939,1,8, -4945,1,1, -4945,2,2, -4945,3,5, -4945,4,18,head injury -4947,1,1, -4947,2,2, -4950,1,2, -4950,2,5, -4955,1,1, -4955,2,2, -4955,3,18,abdominal ecchymosis -4956,1,2, -4956,2,8, -4956,3,9, -4963,1,5, -4963,2,18,patient c/o R flank pain following the fall (intubated at OSH for LOC) -4966,1,8, -4966,2,9, -4968,1,2, -4968,2,3, -4969,1,1, -4969,2,8, -4971,1,1, -4971,2,2, -4971,3,8, -4975,1,9, -4976,1,8, -4977,1,2, -4979,1,2, -4979,2,8, -4979,3,9, -4980,1,8, -4982,1,12, -4982,2,18,Tachycardia-serial H/H -4983,1,5, -4983,2,18,confusion/EtOH -4984,1,1, -4984,2,2, -4984,3,5, -4985,1,8, -4989,1,18,hemangioma -4990,1,2, -4991,1,5, -4992,1,2, -4992,2,4, -4992,3,5, -4992,4,9, -4993,1,1, -4993,2,2, -4993,3,8, -5003,1,2, -5003,2,5, -5003,3,9, -5004,1,13, -5004,2,14, -5006,1,3, -5007,1,2, -5009,1,8, -5009,2,9, -5010,1,13, -5015,1,2, -5020,1,8, -5020,2,9, -5021,1,1, -5021,2,9, -5021,3,18,spinal injury -5022,1,1, -5022,2,2, -5022,3,8, -5022,4,18,seat belt sign -5023,1,9, -5024,1,9, -5026,1,2, -5026,2,5, -5027,1,1, -5027,2,2, -5027,3,6, -5027,4,18,Multiple back abrasions -5028,1,2, -5030,1,2, -5030,2,8, -5034,1,2, -5034,2,5, -5035,1,6, -5035,2,8, -5037,1,1, -5037,2,2, -5037,3,3, -5037,4,4, -5037,5,5, -5037,6,11, -5037,7,12, -5038,1,1, -5038,2,2, -5038,3,8, -5038,4,13, -5038,5,14, -5045,1,2, -5045,2,8, -5046,1,1, -5046,2,2, -5047,1,8, -5047,2,18,hemophillia -5048,1,2, -5048,2,5, -5050,1,8, -5051,1,2, -5051,2,5, -5052,1,2, -5052,2,8, -5052,3,13, -5053,1,2, -5053,2,8, -5055,1,2, -5055,2,4, -5055,3,5, -5055,4,10, -5056,1,15, -5058,1,8, -5060,1,2, -5060,2,8, -5061,1,2, -5061,2,8, -5061,3,10, -5062,1,7, -5062,2,9, -5064,1,8, -5067,1,2, -5067,2,5, -5067,3,18,large abrasion on flank -5070,1,1, -5070,2,2, -5071,1,2, -5071,2,18,spinal cord injury -5072,1,8, -5073,1,6, -5073,2,8, -5074,1,5, -5074,2,9, -5080,1,8, -5081,1,2, -5081,2,8, -5083,1,8, -5085,1,2, -5085,2,5, -5085,3,18,Seat belt sign -5086,1,2, -5087,1,2, -5087,2,4, -5089,1,8, -5090,1,2, -5090,2,8, -5090,3,9, -5095,1,2, -5095,2,9, -5096,1,8, -5098,1,2, -5098,2,8, -5099,1,2, -5099,2,3, -5099,3,8, -5100,1,2, -5103,1,13, -5105,1,13, -5109,1,1, -5109,2,2, -5109,3,7, -5110,1,5, -5110,2,9, -5110,3,18,Skull fracture -5111,1,2, -5112,1,18,altered mental status at presentation; intoxicated -5115,1,1, -5115,2,2, -5115,3,5, -5116,1,2, -5116,2,8, -5118,1,2, -5119,1,2, -5119,2,7, -5119,3,9, -5119,4,10, -5125,1,2, -5125,2,6, -5126,1,2, -5126,2,9, -5126,3,18,hypertension -5128,1,8, -5129,1,8, -5132,1,2, -5132,2,8, -5133,1,2, -5139,1,8, -5140,1,3, -5140,2,8, -5141,1,8, -5143,1,1, -5143,2,2, -5143,3,8, -5146,1,2, -5146,2,8, -5147,1,4, -5147,2,6, -5147,3,9, -5148,1,1, -5148,2,2, -5148,3,9, -5148,4,13, -5153,1,6, -5154,1,5, -5154,2,9, -5158,1,2, -5158,2,7, -5159,1,1, -5159,2,2, -5159,3,4, -5159,4,5, -5162,1,8, -5164,1,2, -5164,2,5, -5164,3,18,wide mediastinum -5166,1,2, -5166,2,18,distracting injury -5170,1,15, -5170,2,16, -5170,3,18,consult -5173,1,3, -5173,2,6, -5173,3,8, -5177,1,5, -5180,1,2, -5180,2,9, -5182,1,16, -5184,1,8, -5185,1,8, -5188,1,2, -5188,2,5, -5189,1,3, -5189,2,8, -5190,1,1, -5194,1,19, -5197,1,2, -5197,2,8, -5198,1,8, -5198,2,5, -5199,1,2, -5208,1,2, -5208,2,9, -5209,1,9, -5212,1,3, -5212,2,5, -5212,3,8, -5221,1,8, -5224,1,13, -5228,1,6, -5228,2,8, -5228,3,18,inability to assess hematuria -5230,1,1, -5230,2,2, -5232,1,6, -5232,2,15, -5237,1,2, -5237,2,9, -5238,1,2, -5238,2,8, -5239,1,2, -5240,1,8, -5240,2,18,Slight tachycardia -5243,1,8, -5243,2,10, -5244,1,1, -5244,2,13, -5244,3,18,possible abuse -5246,1,8, -5247,1,19, -5249,1,2, -5249,2,6, -5249,3,8, -5253,1,2, -5253,2,5, -5253,3,9, -5254,1,10, -5255,1,3, -5255,2,8, -5257,1,2, -5257,2,8, -5257,3,9, -5258,1,8, -5262,1,2, -5262,2,3, -5262,3,6, -5267,1,1, -5267,2,2, -5267,3,8, -5267,4,9, -5267,5,10, -5267,6,12, -5267,7,13, -5269,1,2, -5272,1,2, -5272,2,6, -5272,3,8, -5273,1,1, -5273,2,9, -5275,1,2, -5276,1,1, -5276,2,2, -5276,3,9, -5276,4,10, -5276,5,11, -5276,6,18,FAST equivocal -5279,1,8, -5280,1,2, -5280,2,8, -5281,1,8, -5281,2,18,history of mononucleosis and LUQ trauma (stepped on) -5283,1,19, -5284,1,2, -5284,2,5, -5286,1,1, -5286,2,2, -5286,3,4, -5286,4,8, -5286,5,9, -5287,1,19, -5288,1,1, -5288,2,2, -5288,3,5, -5288,4,9, -5292,1,2, -5294,1,1, -5294,2,2, -5295,1,3, -5300,1,1, -5300,2,2, -5300,3,5, -5302,1,9, -5303,1,2, -5310,1,2, -5313,1,2, -5313,2,6, -5313,3,8, -5315,1,2, -5315,2,8, -5319,1,2, -5319,2,5, -5319,3,8, -5320,1,15, -5323,1,2, -5323,2,8, -5323,3,9, -5324,1,8, -5325,1,2, -5325,2,5, -5327,1,2, -5333,1,8, -5334,1,2, -5334,2,7, -5336,1,1, -5336,2,2, -5336,3,8, -5337,1,3, -5338,1,19, -5340,1,2, -5340,2,6, -5340,3,9, -5343,1,2, -5343,2,5, -5348,1,2, -5348,2,5, -5349,1,8, -5350,1,1, -5350,2,5, -5350,3,18,Non-accidental trauma -5351,1,1, -5351,2,2, -5351,3,5, -5351,4,9, -5352,1,2, -5352,2,3, -5352,3,6, -5352,4,8, -5352,5,13, -5352,6,15, -5354,1,2, -5354,2,6, -5354,3,8, -5357,1,18,h/o infectious mono w/splenomegaly -5360,1,6, -5362,1,2, -5362,2,7, -5362,3,8, -5363,1,8, -5364,1,2, -5364,2,9, -5365,1,2, -5365,2,9, -5369,1,2, -5369,2,6, -5369,3,9, -5372,1,1, -5372,2,2, -5378,1,1, -5378,2,8, -5378,3,9, -5384,1,1, -5384,2,8, -5388,1,8, -5391,1,1, -5391,2,2, -5391,3,8, -5391,4,9, -5393,1,2, -5393,2,9, -5398,1,2, -5398,2,9, -5402,1,8, -5410,1,2, -5410,2,9, -5411,1,1, -5411,2,8, -5413,1,18,mass palpated in LUQ -5415,1,8, -5418,1,2, -5420,1,2, -5420,2,8, -5421,1,2, -5422,1,2, -5422,2,9, -5425,1,5, -5426,1,1, -5426,2,2, -5426,3,8, -5427,1,1, -5427,2,18,unknown mechanism of injury -5428,1,8, -5429,1,2, -5429,2,5, -5431,1,8, -5431,2,9, -5432,1,2, -5432,2,5, -5432,3,9, -5435,1,8, -5435,2,9, -5441,1,8, -5441,2,18,recent h/o mono -5442,1,2, -5442,2,6, -5442,3,8, -5442,4,9, -5443,1,2, -5443,2,8, -5444,1,2, -5444,3,3, -5445,1,2, -5448,1,8, -5448,2,18,Bruising -5449,1,18,hx of spleenic injury w/ trauma 3 yrs ago -5452,1,1, -5453,1,2, -5453,2,8, -5454,1,1, -5454,2,2, -5454,3,9, -5456,1,2, -5457,1,2, -5457,2,3, -5457,3,6, -5457,4,9, -5457,5,15, -5458,1,1, -5458,2,2, -5458,3,4, -5458,4,9, -5458,5,11, -5460,1,6, -5460,2,8, -5462,1,2, -5462,2,3, -5462,3,8, -5464,1,2, -5464,2,5, -5464,3,9, -5470,1,2, -5470,2,5, -5470,3,9, -5472,1,5, -5472,2,8, -5475,1,2, -5475,2,5, -5476,1,1, -5476,2,2, -5477,1,8, -5479,1,2, -5479,2,5, -5481,1,1, -5481,2,8, -5483,1,7, -5483,2,18,seat belt sign -5487,1,5, -5487,2,9, -5488,1,2, -5488,2,3, -5488,3,8, -5490,1,2, -5491,1,2, -5495,1,5, -5499,1,2, -5500,1,2, -5500,2,18,Abrasion on hip -5501,1,2, -5501,2,13, -5502,1,2, -5502,2,8, -5503,1,2, -5506,1,2, -5508,1,2, -5508,2,8, -5514,1,10, -5515,1,1, -5515,2,2, -5515,3,5, -5515,4,7, -5515,5,9, -5516,1,1, -5516,2,2, -5516,3,8, -5517,1,1, -5517,2,2, -5517,3,18,blood from vagina -5520,1,8, -5523,1,2, -5523,2,5, -5523,3,9, -5524,1,2, -5524,2,18,Seatbelt sign -5528,1,1, -5528,2,2, -5528,3,9, -5532,1,5, -5533,1,18,Previous hx of HSM secondary to Mono -5536,1,2, -5536,2,6, -5537,1,9, -5538,1,2, -5538,2,8, -5539,1,2, -5539,2,5, -5542,1,1, -5542,2,8, -5543,1,18,+ FAST @ OSH -5544,1,8, -5545,1,2, -5551,1,1, -5551,2,2, -5551,3,6, -5551,4,8, -5557,1,2, -5557,2,4, -5557,3,5, -5557,4,9, -5562,1,19, -5566,1,1, -5566,2,2, -5566,3,10, -5568,1,2, -5568,2,8, -5572,1,15, -5572,2,16, -5573,1,3, -5573,2,8, -5574,1,1, -5574,2,2, -5574,3,8, -5576,1,2, -5576,2,7, -5576,3,9, -5577,1,2, -5577,2,8, -5577,3,9, -5578,1,2, -5578,2,8, -5578,3,9, -5582,1,8, -5585,1,6, -5585,2,8, -5586,1,8, -5586,2,13, -5586,3,18,WBC 37500 -5590,1,2, -5590,2,8, -5591,1,8, -5593,1,2, -5593,2,8, -5594,1,9, -5595,1,8, -5597,1,8, -5600,1,19, -5603,1,2, -5603,2,8, -5606,1,18,persistant abdominal tenderness -5608,1,2, -5608,2,6, -5615,1,1, -5615,2,2, -5615,3,8, -5617,1,9, -5619,1,2, -5620,1,2, -5621,1,2, -5621,2,8, -5622,1,18,+ UA RBC at [location redacted] -5624,1,2, -5624,2,8, -5625,1,2, -5625,2,8, -5626,1,8, -5642,1,1, -5642,2,2, -5642,3,9, -5642,4,13, -5643,1,2, -5643,2,5, -5643,3,7, -5643,4,8, -5643,5,15, -5645,1,1, -5645,2,2, -5645,3,8, -5645,4,9, -5649,1,18,policy -5651,1,2, -5653,1,5, -5655,1,2, -5655,2,9, -5657,1,5, -5657,2,8, -5657,3,9, -5657,4,13, -5668,1,2, -5669,1,10, -5670,1,2, -5670,2,3, -5670,3,6, -5670,4,8, -5671,1,1, -5671,2,2, -5671,3,9, -5671,4,18,Pelvic and flank abrasions -5677,1,2, -5677,2,6, -5677,3,9, -5680,1,1, -5680,2,8, -5680,3,9, -5684,1,18,unwitnessed fall -5685,1,2, -5685,2,5, -5685,3,6, -5688,1,2, -5688,2,13, -5689,1,18,Intoxication -5692,1,8, -5693,1,8, -5694,1,2, -5698,1,6, -5698,2,16, -5699,1,2, -5700,1,2, -5701,1,5, -5703,1,2, -5707,1,2, -5707,2,8, -5709,1,2, -5713,1,2, -5713,2,8, -5714,1,8, -5715,1,6, -5715,2,8, -5720,1,8, -5724,1,2, -5724,2,8, -5725,1,2, -5727,1,8, -5728,1,15, -5731,1,2, -5732,1,8, -5737,1,1, -5737,2,2, -5737,3,5, -5741,1,2, -5743,1,1, -5743,2,3, -5744,1,15, -5746,1,2, -5746,2,18,Intubated and unresponsive -5750,1,1, -5750,2,2, -5750,3,5, -5750,4,6, -5750,5,8, -5751,1,1, -5751,2,2, -5751,3,9, -5752,1,19, -5756,1,2, -5756,2,9, -5758,1,1, -5758,2,2, -5758,3,5, -5758,4,7, -5759,1,2, -5759,2,8, -5760,1,2, -5763,1,1, -5763,2,2, -5763,3,3, -5763,4,8, -5766,1,8, -5768,1,6, -5768,2,18,CXR with pulmonary contusion -5775,1,1, -5775,2,3, -5775,3,15, -5775,4,16, -5776,1,1, -5776,2,2, -5778,1,8, -5779,1,1, -5779,2,2, -5782,1,2, -5782,2,16, -5783,1,7, -5783,2,10, -5785,1,6, -5785,2,16, -5786,1,2, -5786,2,3, -5786,3,5, -5786,4,8, -5786,5,18,Neurological Status -5789,1,2, -5789,2,8, -5793,1,3, -5793,2,8, -5795,1,2, -5795,2,8, -5795,3,9, -5797,1,2, -5797,2,8, -5800,1,2, -5800,2,9, -5804,1,5, -5804,2,8, -5804,3,9, -5809,1,2, -5809,2,4, -5810,1,2, -5810,2,5, -5816,1,7, -5816,2,9, -5820,1,8, -5821,1,8, -5822,1,1, -5822,2,8, -5824,1,2, -5824,2,5, -5829,1,1, -5829,2,2, -5829,3,9, -5830,1,2, -5830,2,8, -5830,3,9, -5830,4,10, -5832,1,8, -5833,1,6, -5833,2,8, -5834,1,2, -5834,2,8, -5836,1,9, -5837,1,2, -5837,2,3, -5837,3,8, -5842,1,15, -5843,1,2, -5843,2,5, -5844,1,2, -5844,2,8, -5846,1,1, -5846,2,8, -5847,1,8, -5848,1,13, -5848,2,14, -5850,1,2, -5850,2,9, -5857,1,2, -5857,2,5, -5857,3,8, -5858,1,2, -5858,2,13, -5858,3,18,pelvic fracture -5861,1,2, -5861,2,9, -5863,1,2, -5863,2,5, -5863,3,9, -5865,1,2, -5865,2,6, -5865,3,8, -5866,1,9, -5868,1,2, -5868,2,3, -5868,3,6, -5870,1,8, -5872,1,1, -5872,2,2, -5872,3,9, -5873,1,1, -5873,2,8, -5874,1,2, -5874,2,8, -5874,3,13, -5875,1,8, -5879,1,1, -5879,2,2, -5883,1,9, -5885,1,1, -5886,1,2, -5886,2,8, -5886,3,9, -5887,1,2, -5888,1,5, -5888,2,13, -5889,1,2, -5890,1,1, -5890,2,2, -5890,3,18,abdominal pain -5894,1,2, -5894,2,5, -5898,1,1, -5898,2,2, -5901,1,6, -5901,2,15, -5903,1,2, -5903,2,8, -5906,1,8, -5907,1,8, -5909,1,2, -5909,2,9, -5911,1,2, -5911,2,8, -5915,1,1, -5915,2,2, -5915,3,4, -5915,4,5, -5915,5,9, -5915,6,10, -5915,7,11, -5917,1,2, -5917,2,4, -5917,3,8, -5918,1,13, -5922,1,2, -5922,2,8, -5923,1,3, -5923,2,6, -5923,3,8, -5925,1,2, -5925,2,6, -5925,3,8, -5932,1,1, -5932,2,5, -5932,3,8, -5933,1,1, -5933,2,3, -5933,3,2, -5935,1,1, -5935,2,2, -5935,3,9, -5936,1,18,inability to assess 2 degrees patient mental status down -5937,1,18,Abdominal Pain -5938,1,2, -5938,2,4, -5938,3,8, -5942,1,19, -5946,1,1, -5946,2,2, -5946,3,5, -5947,1,3, -5947,2,8, -5947,3,9, -5949,1,2, -5949,2,8, -5950,1,2, -5950,2,8, -5951,1,16, -5953,1,2, -5953,2,5, -5953,3,8, -5953,4,9, -5958,1,1, -5958,2,18,vomiting -5959,1,10, -5960,1,2, -5960,2,6, -5960,3,8, -5960,4,9, -5963,1,8, -5964,1,1, -5964,2,2, -5968,1,2, -5969,1,2, -5969,2,8, -5972,1,4, -5972,2,5, -5972,3,9, -5972,4,18,known epidural hematoma -5973,1,2, -5973,2,8, -5976,1,9, -5977,1,2, -5977,2,8, -5978,1,10, -5978,2,2, -5978,3,7, -5981,1,19, -5982,1,8, -5982,2,15, -5984,1,6, -5984,2,8, -5984,3,16, -5985,1,8, -5990,1,1, -5990,2,8, -5992,1,2, -5992,2,9, -5993,1,8, -5995,1,1, -5995,2,2, -5995,3,18,Abdominal Pain -5996,1,8, -5996,2,13, -5997,1,2, -5997,2,8, -6004,1,2, -6004,2,18,distracting injury -6009,1,2, -6009,2,7, -6010,1,2, -6010,2,13, -6014,1,2, -6014,2,8, -6015,1,2, -6015,2,7, -6015,3,18,pelvic and/or flank abrasions -6016,1,18,persistently elevated heart rate -6018,1,13, -6019,1,8, -6022,1,9, -6023,1,2, -6023,2,5, -6026,1,8, -6028,1,1, -6028,2,2, -6028,3,18,"Abrasions, looked Pale" -6033,1,2, -6033,2,8, -6034,1,2, -6034,2,6, -6035,1,8, -6040,1,1, -6040,2,8, -6040,3,18,pelvic bone pain -6041,1,8, -6041,2,9, -6042,1,2, -6042,2,18,traumatic asphyxia -6046,1,16, -6047,1,1, -6047,2,2, -6050,1,2, -6050,2,3, -6050,3,6, -6050,4,15, -6054,1,1, -6054,2,2, -6054,3,5, -6057,1,8, -6060,1,6, -6060,2,16, -6061,1,8, -6061,2,18,recent surgery making exam difficult -6068,1,1, -6071,1,1, -6071,2,2, -6071,3,5, -6075,1,1, -6075,2,2, -6085,1,2, -6088,1,1, -6088,2,2, -6088,3,18,Model disease with hepato/splenomegaly -6092,1,2, -6095,1,2, -6095,2,4, -6095,3,8, -6096,1,1, -6096,2,2, -6097,1,2, -6097,2,8, -6098,1,2, -6098,2,9, -6101,1,2, -6101,2,4, -6101,3,5, -6106,1,1, -6106,2,2, -6106,3,18,Lap belt sign/ pain on exam -6107,1,8, -6109,1,8, -6109,2,13, -6111,1,15, -6114,1,8, -6114,2,16, -6115,1,11, -6115,2,14, -6115,3,18,"Pt with H SS dz, baseline splenoniesally, RUQ pain injury" -6116,1,2, -6116,2,18,Distracting Injury -6117,1,8, -6119,1,8, -6120,1,3, -6120,2,8, -6121,1,1, -6121,2,2, -6121,3,5, -6121,4,9, -6122,1,5, -6122,2,8, -6123,1,2, -6123,2,18,loss of consciousness -6126,1,3, -6126,2,6, -6127,1,9, -6127,2,18,maternal anxiety -6128,1,8, -6129,1,2, -6129,2,8, -6129,3,9, -6129,4,16, -6130,1,8, -6131,1,2, -6132,1,19, -6135,1,5, -6136,1,2, -6136,2,8, -6141,1,8, -6146,1,2, -6146,2,6, -6146,3,8, -6146,4,18,Equivocal FAST -6147,1,2, -6147,2,4, -6147,3,5, -6147,4,9, -6147,5,11, -6148,1,2, -6148,2,9, -6149,1,2, -6149,2,5, -6149,3,18,Distracting injuries -6150,1,2, -6150,2,8, -6152,1,2, -6152,2,18,increased pain over the morning -6157,1,2, -6161,1,2, -6161,2,8, -6161,3,9, -6162,1,1, -6162,2,8, -6162,3,18,persistent vomiting -6166,1,8, -6167,1,8, -6167,2,9, -6169,1,1, -6169,2,2, -6169,3,9, -6172,1,1, -6172,2,2, -6172,3,9, -6174,1,6, -6174,2,8, -6176,1,2, -6176,2,5, -6176,3,9, -6178,1,2, -6178,2,5, -6178,3,7, -6178,4,9, -6180,1,2, -6180,2,4, -6180,3,7, -6180,4,9, -6182,1,2, -6182,2,6, -6182,3,8, -6186,1,2, -6188,1,2, -6188,2,8, -6194,1,6, -6194,2,8, -6196,1,2, -6196,2,7, -6196,3,8, -6196,4,9, -6196,5,10, -6200,1,8, -6200,2,9, -6205,1,2, -6205,2,6, -6205,3,8, -6207,1,6, -6208,1,1, -6208,2,2, -6208,3,9, -6209,1,3, -6209,2,6, -6209,3,8, -6210,1,2, -6210,2,1, -6214,1,8, -6217,1,2, -6217,2,8, -6224,1,1, -6224,2,16, -6225,1,2, -6225,2,18,seat belt sign -6229,1,8, -6232,1,6, -6234,1,1, -6234,2,2, -6234,3,8, -6235,1,2, -6235,2,18,abrasion LUQ -6236,1,2, -6236,2,6, -6236,3,8, -6236,4,9, -6238,1,5, -6240,1,19, -6244,1,18,history of enlarged spleen -6251,1,9, -6252,1,2, -6252,2,5, -6255,1,2, -6255,2,5, -6260,1,2, -6260,2,8, -6261,1,9, -6261,2,2, -6261,3,18,Pelvic Tenderness -6266,1,8, -6267,1,6, -6270,1,2, -6270,2,8, -6275,1,2, -6275,2,5, -6276,1,9, -6278,1,2, -6278,2,3, -6278,3,6, -6278,4,8, -6282,1,2, -6282,2,8, -6284,1,2, -6284,2,8, -6284,3,9, -6285,1,2, -6285,2,8, -6285,3,18,MEQ EMESIS -6288,1,1, -6288,2,2, -6290,1,8, -6290,2,9, -6291,1,1, -6291,2,2, -6293,1,2, -6293,2,16, -6295,1,2, -6298,1,9, -6300,1,8, -6300,2,9, -6300,3,13, -6302,1,1, -6302,2,2, -6302,3,4, -6302,4,5, -6302,5,17,Guinc + -6303,1,2, -6303,2,8, -6303,3,13, -6303,4,14, -6306,1,19, -6309,1,1, -6309,2,2, -6309,3,5, -6309,4,9, -6311,1,1, -6311,2,2, -6311,3,4, -6318,1,1, -6318,2,2, -6318,3,5, -6318,4,8, -6319,1,1, -6319,2,2, -6319,3,8, -6321,1,2, -6321,2,3, -6325,1,2, -6325,2,8, -6327,1,8, -6332,1,2, -6332,2,8, -6333,1,1, -6333,2,2, -6333,3,9, -6335,1,2, -6335,2,8, -6337,1,1, -6337,2,2, -6337,3,5, -6341,1,1, -6341,2,2, -6341,3,6, -6341,4,8, -6344,1,19, -6345,1,2, -6345,2,5, -6347,1,2, -6347,2,9, -6350,1,2, -6350,2,7, -6350,3,9, -6350,4,10, -6356,1,16, -6358,1,1, -6358,2,2, -6358,3,5, -6362,1,8, -6367,1,3, -6367,2,6, -6367,3,8, -6368,1,6, -6368,2,16, -6368,3,18,patient is on anticoagulants -6369,1,1, -6369,2,2, -6371,1,8, -6371,2,11, -6371,3,17,FAST + -6371,4,18,ecchymoses -6372,1,2, -6372,2,9, -6380,1,2, -6380,2,9, -6382,1,1, -6382,2,2, -6382,3,8, -6383,1,8, -6384,1,8, -6385,1,2, -6387,1,2, -6387,2,8, -6387,3,18,seatbelt sign -6388,1,2, -6388,2,4, -6388,3,9, -6388,4,12, -6389,1,1, -6389,2,2, -6393,1,19, -6395,1,2, -6400,1,2, -6400,2,4, -6404,1,2, -6404,2,9, -6405,1,2, -6405,2,5, -6405,3,8, -6406,1,19, -6410,1,2, -6410,2,8, -6415,1,2, -6415,2,9, -6418,1,2, -6418,2,8, -6418,3,18,height of fall -6419,1,2, -6419,2,5, -6421,1,2, -6421,2,8, -6421,3,9, -6422,1,2, -6422,2,8, -6426,1,9, -6427,1,1, -6427,2,5, -6427,3,9, -6431,1,2, -6431,2,8, -6432,1,2, -6432,2,5, -6433,1,2, -6433,2,1, -6435,1,7, -6436,1,2, -6436,2,5, -6436,3,9, -6439,1,2, -6439,2,8, -6440,1,1, -6440,2,2, -6440,3,8, -6440,4,9, -6441,1,1, -6441,2,2, -6441,3,3, -6441,4,9, -6442,1,8, -6442,2,9, -6444,1,8, -6447,1,8, -6447,2,18,evidence of forceful impact with handlebars -6452,1,2, -6452,2,9, -6455,1,8, -6458,1,1, -6458,2,18,mechanism/ abrasion of abdomen -6460,1,1, -6460,2,2, -6461,1,18,Left upper quad/thoracic tenderness -6463,1,1, -6463,2,2, -6463,3,9, -6464,1,8, -6466,1,2, -6468,1,2, -6468,2,6, -6468,3,8, -6473,1,18,Chance of fracture on x-ray at outside hospital. -6474,1,2, -6474,2,18,low thorasic / high lumbar spine fx. -6477,1,8, -6479,1,2, -6479,2,9, -6480,1,2, -6480,2,6, -6480,3,8, -6480,4,9, -6484,1,5, -6485,1,2, -6485,2,5, -6485,3,18,tachycardia -6486,1,2, -6486,2,7, -6487,1,2, -6487,2,5, -6492,1,2, -6492,2,6, -6492,3,18,pallor -6494,1,8, -6495,1,3, -6495,2,8, -6501,1,2, -6501,2,8, -6506,1,1, -6506,2,2, -6507,1,2, -6507,2,5, -6507,3,6, -6511,1,2, -6511,2,5, -6511,3,9, -6513,1,8, -6514,1,2, -6514,2,8, -6514,3,9, -6515,1,1, -6515,2,2, -6517,1,1, -6517,2,2, -6517,3,8, -6526,1,2, -6526,2,5, -6527,1,1, -6527,2,18,"Nausea, emesis" -6533,1,1, -6533,2,2, -6533,3,5, -6533,4,7, -6537,1,2, -6537,2,8, -6539,1,2, -6541,1,2, -6542,1,2, -6544,1,8, -6544,2,13, -6548,1,2, -6548,2,8, -6551,1,2, -6551,2,8, -6553,1,2, -6553,2,4, -6553,3,5, -6553,4,8, -6553,5,11, -6557,1,9, -6558,1,2, -6558,2,6, -6560,1,1, -6560,2,2, -6564,1,1, -6564,2,2, -6565,1,8, -6566,1,2, -6566,2,6, -6566,3,8, -6567,1,2, -6567,2,8, -6567,3,18,c/o severe pain -6572,1,2, -6572,2,9, -6573,1,1, -6573,2,2, -6574,1,19, -6575,1,5, -6576,1,8, -6578,1,3, -6578,2,6, -6578,3,8, -6578,4,18,Referred pain to Left shoulder -6579,1,1, -6579,2,2, -6579,3,3, -6579,4,4, -6579,5,5, -6579,6,8, -6582,1,1, -6582,2,13, -6584,1,2, -6584,2,5, -6584,3,9, -6585,1,2, -6585,2,8, -6586,1,18,family -6590,1,8, -6591,1,6, -6591,2,16, -6592,1,2, -6592,2,3, -6592,3,6, -6594,1,5, -6600,1,2, -6600,2,5, -6603,1,2, -6603,2,8, -6606,1,8, -6607,1,5, -6607,2,9, -6608,1,18,ct chest showed lac vs. cyst liver? -6614,1,8, -6615,1,2, -6615,2,7, -6615,3,9, -6615,4,13, -6617,1,9, -6619,1,8, -6629,1,2, -6629,2,8, -6630,1,1, -6630,2,2, -6635,1,2, -6635,2,5, -6638,1,9, -6639,1,9, -6642,1,1, -6642,2,2, -6642,3,4, -6642,4,9, -6643,1,2, -6647,1,2, -6647,2,4, -6647,3,5, -6650,1,1, -6650,2,18,child abuse - multiple fx - occult trauma -6656,1,1, -6656,2,2, -6659,1,8, -6660,1,2, -6660,2,8, -6660,3,18,To go to OR for ortho procedure -6663,1,17,(+)blood urine dip -6664,1,2, -6664,2,5, -6664,3,9, -6667,1,8, -6670,1,1, -6670,2,2, -6670,3,10, -6673,1,8, -6674,1,2, -6674,2,8, -6676,1,8, -6677,1,2, -6677,2,3, -6677,3,8, -6677,4,9, -6680,1,9, -6681,1,2, -6681,2,9, -6682,1,18,RUQ & LUQ tenderness -6683,1,3, -6683,2,6, -6683,3,8, -6684,1,1, -6684,2,2, -6684,3,8, -6685,1,2, -6685,2,8, -6685,3,9, -6688,1,2, -6688,2,8, -6691,1,9, -6691,2,18,suspected abuse -6696,1,2, -6696,2,5, -6698,1,3, -6698,2,8, -6700,1,3, -6700,2,6, -6700,3,8, -6701,1,2, -6702,1,8, -6703,1,1, -6703,2,2, -6703,3,8, -6704,1,2, -6704,2,18,Flank Abrasion -6705,1,5, -6705,2,9, -6706,1,2, -6706,2,5, -6713,1,5, -6713,2,18,+ loc w/non verbal pt on arrival -6714,1,2, -6714,2,7, -6718,1,1, -6718,2,2, -6718,3,18,Concern for N.A.T. -6719,1,2, -6719,2,8, -6724,1,2, -6724,2,8, -6726,1,2, -6726,2,9, -6728,1,1, -6728,2,2, -6734,1,2, -6734,2,8, -6734,3,9, -6735,1,19, -6737,1,1, -6737,2,2, -6737,3,9, -6741,1,8, -6743,1,2, -6743,2,8, -6744,1,2, -6744,2,5, -6744,3,9, -6745,1,2, -6748,1,8, -6748,2,16, -6748,3,18,hemophilia -6749,1,2, -6749,2,8, -6750,1,8, -6754,1,9, -6755,1,2, -6755,2,8, -6756,1,8, -6758,1,1, -6758,2,8, -6763,1,8, -6764,1,2, -6764,2,9, -6764,3,18,seat belt sign -6768,1,1, -6768,2,2, -6768,3,8, -6769,1,1, -6769,2,8, -6769,3,9, -6775,1,1, -6775,2,2, -6776,1,2, -6776,2,8, -6778,1,16, -6786,1,1, -6786,2,2, -6786,3,9, -6790,1,2, -6790,2,18,seat belt sign -6795,1,1, -6795,2,2, -6795,3,8, -6797,1,5, -6797,2,9, -6798,1,18,pneumothorax on CXR - Chest and Abdominal CT to look at further injuries -6802,1,2, -6802,2,9, -6803,1,2, -6803,2,7, -6803,3,9, -6805,1,8, -6806,1,6, -6806,2,8, -6807,1,18,"CHI w/ vomiting, fall" -6809,1,2, -6810,1,2, -6810,2,8, -6810,3,9, -6812,1,8, -6814,1,2, -6814,2,8, -6817,1,2, -6817,2,8, -6818,1,2, -6820,1,2, -6820,2,8, -6823,1,2, -6823,2,18,persistent emesis -6824,1,2, -6824,2,7, -6826,1,8, -6826,2,18,unknown injury/not witnessed -6827,1,8, -6827,2,9, -6829,1,8, -6831,1,2, -6831,2,6, -6831,3,8, -6837,1,2, -6837,2,8, -6839,1,8, -6840,1,8, -6841,1,1, -6841,2,7, -6841,3,9, -6841,4,10, -6841,5,13, -6841,6,14, -6842,1,18,abd bruising -6843,1,2, -6843,2,9, -6846,1,9, -6848,1,2, -6848,2,8, -6848,3,9, -6849,1,2, -6849,2,8, -6850,1,1, -6850,2,2, -6850,3,9, -6851,1,6, -6851,2,8, -6853,1,8, -6853,2,18,Syncope -6854,1,2, -6854,2,8, -6854,3,18,Seat belt sign -6855,1,8, -6858,1,2, -6858,2,3, -6858,3,6, -6858,4,8, -6860,1,4, -6860,2,5, -6861,1,2, -6861,2,8, -6865,1,2, -6867,1,2, -6867,2,8, -6867,3,9, -6867,4,13, -6869,1,2, -6869,2,5, -6869,3,9, -6872,1,2, -6872,2,7, -6873,1,2, -6873,2,6, -6873,3,8, -6874,1,1, -6874,2,13, -6879,1,4, -6879,2,6, -6879,3,8, -6884,1,1, -6884,2,2, -6884,3,7, -6884,4,8, -6884,5,9, -6885,1,8, -6890,1,2, -6890,2,5, -6890,3,9, -6895,1,2, -6895,2,5, -6898,1,2, -6898,2,8, -6901,1,1, -6901,2,2, -6902,1,2, -6902,2,8, -6904,1,8, -6905,1,1, -6905,2,8, -6906,1,2, -6908,1,5, -6908,2,8, -6910,1,8, -6910,2,9, -6911,1,2, -6911,2,6, -6911,3,18,vaginal bleeding -6912,1,2, -6912,2,6, -6912,3,8, -6914,1,2, -6914,2,8, -6916,1,2, -6916,2,9, -6917,1,1, -6917,2,2, -6917,3,9, -6919,1,2, -6920,1,2, -6920,2,8, -6921,1,8, -6926,1,2, -6926,2,9, -6930,1,1, -6930,2,8, -6935,1,2, -6935,2,6, -6936,2,8, -6937,1,5, -6942,1,8, -6942,2,16, -6945,1,1, -6945,2,8, -6945,3,18,hx unknown -6946,1,8, -6946,2,18,Pt intubated with sedation and unable to properly assess by other means -6949,1,1, -6949,2,2, -6949,3,3, -6949,4,13, -6954,1,2, -6954,2,9, -6955,1,2, -6955,2,6, -6955,3,8, -6955,4,15, -6957,1,2, -6957,2,8, -6957,3,18,Abnormal vital signs -6959,1,2, -6959,2,8, -6959,3,18,Belly contussions / Hematoma -6963,1,2, -6974,1,4, -6974,2,18,2 episodes of hypotension -6977,1,8, -6977,2,2, -6977,3,9, -6979,1,8, -6980,1,2, -6980,2,6, -6980,3,8, -6980,4,9, -6981,1,18,Seatbelt sign -6983,1,5, -6983,2,9, -6985,1,1, -6985,2,2, -6989,1,8, -6989,2,13, -6989,3,14, -6992,1,5, -6992,2,9, -6995,1,2, -6995,2,13, -6997,1,2, -6998,1,19, -7000,1,2, -7000,2,8, -7001,1,2, -7001,2,8, -7001,3,9, -7003,1,2, -7003,2,8, -7003,3,9, -7004,1,2, -7004,2,8, -7008,1,2, -7008,2,9, -7008,3,13, -7008,4,14, -7013,1,6, -7013,2,8, -7015,1,2, -7015,2,3, -7015,3,8, -7016,1,1, -7016,2,7, -7016,3,9, -7017,1,8, -7018,1,2, -7018,2,8, -7021,1,2, -7021,2,8, -7021,3,9, -7024,1,8, -7028,1,5, -7028,2,9, -7030,1,2, -7031,1,2, -7031,2,18,GCS< 8 -7034,1,5, -7034,2,8, -7038,1,2, -7038,2,9, -7041,1,8, -7045,1,2, -7046,1,2, -7050,1,2, -7050,2,5, -7050,3,9, -7051,1,16, -7053,1,2, -7053,2,7, -7053,3,9, -7055,1,2, -7055,2,15, -7056,1,2, -7056,2,9, -7061,1,6, -7061,2,8, -7061,3,18,patient and parent preference -7063,1,8, -7067,1,2, -7067,2,4, -7067,3,7, -7067,4,9, -7069,1,19, -7070,1,2, -7070,2,5, -7070,3,8, -7071,1,2, -7071,2,5, -7072,1,8, -7073,1,8, -7074,1,15, -7075,1,2, -7075,2,8, -7078,1,1, -7078,2,2, -7078,3,18,lower pelvis with ecchymosis -7084,1,2, -7085,1,6, -7085,2,8, -7086,1,1, -7086,2,2, -7086,3,5, -7086,4,9, -7087,1,2, -7087,2,4, -7087,3,9, -7095,1,2, -7095,2,8, -7096,1,6, -7096,2,8, -7096,3,9, -7097,1,1, -7101,1,9, -7102,1,2, -7104,1,1, -7104,2,2, -7118,1,2, -7118,2,16, -7122,1,1, -7122,2,2, -7122,3,5, -7122,4,9, -7123,1,2, -7123,2,6, -7123,3,8, -7123,4,9, -7124,1,2, -7124,2,9, -7129,1,1, -7129,2,2, -7129,3,8, -7132,1,2, -7132,2,8, -7134,1,2, -7135,1,2, -7135,2,6, -7136,1,1, -7136,2,5, -7136,3,13, -7138,1,5, -7138,2,9, -7140,1,2, -7141,1,2, -7141,2,18,associated pelvic fracture on xray -7142,1,1, -7142,2,2, -7142,3,6, -7142,4,9, -7146,1,5, -7146,2,18,"found unresponsive, bruise on face" -7147,1,8, -7150,1,1, -7150,2,2, -7150,3,5, -7150,4,9, -7150,5,18,Seat bealt -7153,1,8, -7154,1,9, -7157,1,19, -7158,1,18,clinical pelvic fx -7163,1,1, -7163,2,2, -7166,1,2, -7166,2,8, -7171,1,2, -7171,2,5, -7173,1,8, -7173,2,13, -7175,1,2, -7175,3,8, -7177,1,1, -7177,2,2, -7180,1,2, -7180,2,8, -7182,1,13, -7184,1,2, -7184,2,8, -7186,1,2, -7186,2,9, -7188,1,2, -7188,2,8, -7189,1,8, -7189,2,18,Seat belt sign -7193,1,8, -7198,1,8, -7200,1,2, -7200,2,6, -7203,1,2, -7203,2,8, -7207,1,3, -7207,2,8, -7209,1,1, -7209,2,2, -7209,3,8, -7212,1,8, -7213,1,8, -7214,1,2, -7214,2,4, -7214,3,6, -7214,4,8, -7215,1,2, -7215,2,5, -7215,3,8, -7215,4,9, -7217,1,1, -7217,2,2, -7217,3,5, -7217,4,8, -7220,1,5, -7220,2,9, -7221,1,5, -7221,2,18,Chest Injury -7223,1,2, -7223,2,8, -7225,1,8, -7227,1,2, -7227,2,5, -7227,3,9, -7228,1,4, -7228,2,8, -7229,1,2, -7229,2,5, -7229,3,9, -7229,4,17,WBC 17.3 -7230,1,8, -7235,1,8, -7237,1,2, -7237,2,18,multiple ecchymosis on ant chest and abd. -7240,1,2, -7240,2,8, -7242,1,2, -7242,2,6, -7242,3,8, -7242,4,9, -7244,1,8, -7245,1,2, -7245,2,8, -7245,3,9, -7245,4,18,pelvic fx known -7247,1,1, -7247,2,2, -7247,3,8, -7248,1,7, -7248,2,9, -7248,3,15, -7249,1,2, -7249,2,8, -7252,1,2, -7252,2,6, -7252,3,8, -7253,1,2, -7253,2,3, -7253,3,8, -7256,1,2, -7259,1,1, -7259,2,2, -7259,3,8, -7259,4,9, -7260,1,8, -7270,1,1, -7270,2,2, -7270,3,8, -7271,1,18,NAI -7274,1,2, -7274,2,7, -7274,3,9, -7274,4,10, -7275,1,1, -7275,2,2, -7275,3,5, -7275,4,9, -7276,1,1, -7276,2,2, -7276,3,5, -7276,4,8, -7276,5,9, -7277,1,2, -7277,2,8, -7278,1,8, -7285,1,2, -7287,1,6, -7287,2,8, -7294,1,18,Positive L&C -7296,1,2, -7296,2,8, -7298,1,2, -7298,2,18,Splenic TTP -7299,1,2, -7302,1,1, -7302,2,2, -7302,3,9, -7308,1,9, -7313,1,2, -7313,2,8, -7317,1,2, -7320,1,2, -7320,2,8, -7321,1,2, -7321,2,8, -7323,1,8, -7324,1,1, -7324,2,2, -7324,3,9, -7327,1,1, -7327,2,2, -7327,3,5, -7328,1,8, -7328,2,2, -7332,1,1, -7332,2,13, -7332,3,18,"Multiple abdominal bruising, child abuse suspected" -7334,1,3, -7335,1,1, -7335,2,2, -7335,3,9, -7342,1,1, -7342,2,2, -7342,3,9, -7342,4,18,Abdomen distended -7347,1,2, -7347,2,4, -7347,3,8, -7347,4,11, -7353,1,2, -7353,2,8, -7356,1,1, -7356,2,2, -7356,3,8, -7356,4,9, -7361,1,8, -7361,2,18,worsening of symptoms over 12hours -7362,1,2, -7363,1,9, -7364,1,8, -7364,2,9, -7367,1,2, -7367,2,4, -7367,3,18,Shock -7369,1,2, -7369,2,9, -7370,1,18,Von willebrand disease and factor 7 deficency -7371,1,2, -7371,2,8, -7375,1,1, -7375,2,2, -7375,3,8, -7380,1,6, -7380,2,8, -7382,1,2, -7382,2,3, -7382,3,8, -7383,1,1, -7383,2,2, -7383,3,5, -7383,4,9, -7389,1,1, -7389,2,5, -7394,1,8, -7394,2,14, -7394,3,18,Vomiting -7399,1,6, -7399,2,8, -7404,1,2, -7404,2,5, -7404,3,8, -7408,1,7, -7415,1,17,High Creatine -7416,1,1, -7416,2,2, -7416,3,5, -7416,4,8, -7421,1,2, -7421,2,18,bike handle mark in epigastrium -7422,1,2, -7422,2,9, -7422,3,18,Abrasions to abdomen -7425,1,5, -7426,1,2, -7426,2,5, -7429,1,8, -7429,2,18,handle bar injury -7431,1,1, -7432,1,3, -7432,2,8, -7433,1,1, -7433,2,18,physical exam -7438,1,2, -7440,1,2, -7440,2,6, -7440,3,8, -7442,1,18,Persistent abdominal pain -7450,1,18,Pelvic tenderness -7454,1,2, -7454,2,8, -7455,1,8, -7462,1,8, -7462,2,9, -7466,1,2, -7466,2,3, -7466,3,9, -7467,1,8, -7469,1,2, -7469,2,8, -7472,1,2, -7472,2,9, -7472,3,10, -7472,4,13, -7474,1,2, -7474,2,6, -7476,1,9, -7478,1,2, -7478,2,5, -7480,1,19, -7483,1,2, -7483,2,8, -7483,3,16, -7484,1,2, -7484,2,8, -7486,1,2, -7486,2,5, -7486,3,7, -7486,4,10, -7488,1,1, -7488,2,2, -7488,3,8, -7489,1,19, -7490,1,1, -7490,2,2, -7490,3,5, -7492,1,2, -7493,1,2, -7493,2,5, -7493,3,9, -7496,1,6, -7496,2,8, -7496,3,18,right pneumothorax -7497,1,2, -7497,2,7, -7498,1,2, -7498,2,8, -7498,3,18,Use of EtOH at time of accident -7499,1,3, -7499,2,5, -7499,3,8, -7502,1,19, -7503,1,5, -7504,1,2, -7504,2,7, -7505,1,2, -7509,1,2, -7509,2,6, -7509,3,8, -7513,1,19, -7515,1,13, -7517,1,2, -7517,2,5, -7517,3,9, -7521,1,2, -7521,2,9, -7521,3,18,Flank Abrasions -7521,4,5, -7526,1,1, -7526,2,2, -7526,3,9, -7528,1,2, -7528,2,9, -7531,1,2, -7531,2,9, -7531,3,13, -7532,1,2, -7532,2,4, -7532,3,5, -7533,1,1, -7533,2,18,mechanism dresser fell on abdomen; patient pinned down by dresser -7540,1,2, -7540,2,5, -7543,1,5, -7543,2,8, -7551,1,1, -7551,2,2, -7551,3,5, -7551,4,9, -7556,1,1, -7556,2,2, -7556,3,9, -7557,1,1, -7557,2,2, -7558,1,2, -7558,2,8, -7560,1,3, -7560,2,6, -7560,3,8, -7564,1,1, -7564,2,5, -7564,3,8, -7568,1,2, -7568,2,8, -7575,1,2, -7575,2,5, -7578,1,2, -7578,2,8, -7582,1,2, -7582,2,5, -7583,1,2, -7583,2,8, -7583,3,9, -7586,1,1, -7586,2,2, -7586,3,4, -7586,4,5, -7586,5,9, -7586,6,17,lowering BP -7588,1,2, -7588,2,8, -7588,3,18,seat belt sign -7589,1,9, -7591,1,8, -7591,2,9, -7594,1,19, -7595,1,2, -7595,2,5, -7595,3,18,Obese -7599,1,1, -7599,2,2, -7599,3,8, -7600,1,3, -7600,2,8, -7605,1,2, -7608,1,2, -7608,2,8, -7611,1,2, -7611,2,13, -7614,1,2, -7614,2,8, -7616,1,13, -7617,1,2, -7617,2,8, -7618,1,2, -7623,1,4, -7623,2,9, -7627,1,2, -7629,1,2, -7629,2,8, -7629,3,18,Seat Belt Sign -7633,1,2, -7634,1,2, -7634,2,5, -7636,1,13, -7638,1,8, -7641,1,13, -7642,1,2, -7642,2,9, -7642,3,18,open tibia/fibula fracture -7643,1,10, -7643,2,2, -7643,3,8, -7643,4,9, -7644,1,1, -7644,2,5, -7645,1,8, -7648,1,2, -7648,2,8, -7653,1,2, -7656,1,3, -7656,2,8, -7659,1,15, -7660,1,2, -7660,2,5, -7660,3,9, -7660,4,13, -7661,1,2, -7661,2,8, -7663,1,1, -7663,2,2, -7663,3,8, -7664,1,9, -7664,2,13, -7664,3,15, -7665,1,3, -7665,2,6, -7670,1,1, -7670,2,2, -7670,3,8, -7671,1,2, -7671,2,8, -7671,3,18,seat belt sign -7672,1,8, -7674,1,6, -7674,2,8, -7676,1,2, -7676,2,5, -7680,1,5, -7680,2,9, -7681,1,8, -7683,1,2, -7683,2,18,"PTX, s/p chest tube, pulmonary contusion" -7687,1,2, -7687,2,7, -7687,3,9, -7688,1,8, -7689,1,9, -7694,1,8, -7694,2,9, -7696,1,1, -7696,2,18,concern for NAT -7697,1,2, -7698,1,1, -7698,2,2, -7699,1,8, -7704,1,2, -7704,2,9, -7704,3,15, -7705,1,1, -7705,2,2, -7705,3,8, -7709,1,2, -7709,2,8, -7709,3,9, -7712,1,1, -7712,2,18,abdominal pain and abrasions -7713,1,2, -7713,2,5, -7713,3,8, -7713,4,9, -7714,1,2, -7716,1,1, -7716,2,2, -7716,3,13, -7720,1,9, -7721,1,3, -7721,2,8, -7727,1,2, -7727,2,8, -7729,1,2, -7729,2,8, -7730,1,15, -7732,1,5, -7734,1,16, -7736,1,8, -7736,2,9, -7736,3,18,see how deep lac is -7737,1,2, -7737,2,9, -7739,1,2, -7739,2,8, -7742,1,9, -7742,2,18,unknown mechenism of injury -7743,1,8, -7743,2,9, -7744,1,2, -7744,2,8, -7745,1,1, -7745,2,2, -7747,1,1, -7747,2,9, -7748,1,2, -7748,2,6, -7748,3,8, -7756,1,2, -7756,2,6, -7756,3,8, -7757,1,6, -7757,2,8, -7761,1,19, -7762,1,2, -7766,1,6, -7766,2,8, -7767,1,1, -7767,2,2, -7768,1,1, -7768,2,2, -7768,3,5, -7768,4,9, -7770,1,2, -7770,2,9, -7771,1,2, -7771,2,6, -7773,1,1, -7773,2,2, -7773,3,8, -7775,1,2, -7775,2,5, -7775,3,9, -7777,1,1, -7777,2,2, -7777,3,3, -7777,4,9, -7779,1,3, -7779,2,8, -7780,1,3, -7780,2,8, -7786,1,16, -7787,1,2, -7787,2,6, -7787,3,10, -7788,1,8, -7790,1,2, -7790,2,5, -7790,3,7, -7790,4,8, -7790,5,9, -7790,6,10, -7794,1,1, -7794,2,2, -7794,3,9, -7796,1,2, -7796,2,7, -7800,1,2, -7800,2,6, -7800,3,8, -7801,1,2, -7801,2,18,+LOC -7802,1,19, -7804,1,2, -7804,2,7, -7804,3,8, -7804,4,9, -7804,5,10, -7805,1,8, -7808,1,8, -7815,1,2, -7815,2,9, -7816,1,2, -7816,2,18,Hemophilia -7821,1,2, -7823,1,8, -7824,1,1, -7824,2,2, -7825,1,8, -7827,1,3, -7827,2,15, -7831,1,1, -7831,2,2, -7831,3,3, -7832,1,2, -7832,2,5, -7833,1,2, -7833,2,5, -7833,3,9, -7834,1,16, -7838,1,1, -7838,2,2, -7838,3,8, -7839,1,2, -7839,2,5, -7840,1,1, -7840,2,2, -7840,3,5, -7840,4,9, -7853,1,8, -7853,2,9, -7854,1,2, -7854,2,7, -7854,3,9, -7856,1,2, -7856,2,5, -7858,1,18,lacetabular fracture on pelvic x-ray -7859,1,1, -7859,2,2, -7859,3,5, -7859,4,7, -7859,5,9, -7861,1,5, -7862,1,2, -7862,2,9, -7864,1,8, -7865,1,18,mechanism and pain -7866,1,2, -7866,2,8, -7866,3,18,seat belt sign -7867,1,8, -7867,2,18,Seat Belt Sign -7868,1,1, -7868,2,9, -7871,1,2, -7871,2,8, -7872,1,8, -7872,2,9, -7873,1,2, -7873,2,9, -7882,1,2, -7882,2,5, -7883,1,2, -7883,2,8, -7888,1,2, -7888,2,5, -7888,3,9, -7889,1,8, -7890,1,9, -7890,2,18,Unknown speed of vehicle -7892,1,1, -7892,2,2, -7892,3,9, -7894,1,2, -7894,2,18,assault; unknown mechanism -7895,1,18,Loc on scene -7896,1,2, -7896,2,8, -7902,1,2, -7902,2,8, -7904,1,2, -7904,2,8, -7904,3,9, -7908,1,6, -7908,2,8, -7908,3,18,vomited blood -7909,1,2, -7909,2,8, -7909,3,9, -7911,1,1, -7911,2,6, -7913,1,2, -7913,2,6, -7914,1,2, -7914,2,13, -7914,3,14, -7917,1,2, -7920,1,6, -7922,1,2, -7922,2,9, -7925,1,1, -7925,2,2, -7926,1,8, -7928,1,2, -7928,2,8, -7928,3,15, -7929,1,2, -7929,2,8, -7929,3,9, -7933,1,8, -7934,1,2, -7936,1,2, -7936,2,8, -7936,3,9, -7937,1,1, -7937,2,2, -7937,3,7, -7938,1,18,AP -7939,1,1, -7939,2,2, -7939,3,5, -7941,1,2, -7941,2,8, -7944,1,2, -7944,2,5, -7946,1,8, -7950,1,2, -7950,2,5, -7950,3,7, -7950,4,15, -7954,1,6, -7954,2,8, -7957,1,16, -7958,1,2, -7958,2,7, -7960,1,2, -7960,2,9, -7962,1,1, -7962,2,2, -7962,3,5, -7962,4,9, -7968,1,2, -7968,2,8, -7968,3,9, -7971,1,8, -7972,1,2, -7972,2,7, -7972,3,8, -7972,4,13, -7972,5,14, -7974,1,8, -7975,1,1, -7975,2,2, -7983,1,8, -7983,2,18,pain slowly worsening -7984,1,1, -7984,2,8, -7985,1,3, -7985,2,6, -7985,3,8, -7985,4,16, -7989,1,2, -7990,1,8, -7993,1,18,unable to evaluate due to spinal injury -7997,1,2, -7997,2,9, -7999,1,2, -7999,2,5, -7999,3,9, -8000,1,6, -8003,1,8, -8003,2,18,vomit blood -8010,1,1, -8010,2,2, -8010,3,9, -8013,1,2, -8013,2,5, -8013,3,9, -8014,1,6, -8016,1,9, -8017,1,5, -8017,2,8, -8019,1,8, -8019,2,18,Chest injury -8020,1,15, -8020,2,16, -8022,1,2, -8023,1,18,Seatbelt sign -8024,1,3, -8024,2,9, -8026,1,19, -8032,1,2, -8032,2,4, -8032,3,9, -8032,4,11, -8033,1,2, -8033,2,18,Abdominal Wall Contusion -8034,1,1, -8034,2,2, -8035,1,2, -8035,2,3, -8037,1,8, -8037,2,18,H/O low platelets / easy brusing -8040,1,2, -8040,2,8, -8041,1,2, -8041,2,18,posterior hip dislocation -8042,1,2, -8042,2,8, -8045,1,2, -8045,2,9, -8047,1,18,LUQ abdominal pain- r/o spleen -8048,1,9, -8048,2,18,going to OR for open fx -8050,1,19, -8051,1,2, -8051,2,6, -8051,3,8, -8055,1,2, -8055,2,8, -8055,3,9, -8058,1,8, -8061,1,2, -8061,2,9, -8062,1,2, -8062,2,4, -8062,3,5, -8065,1,2, -8068,1,1, -8068,2,2, -8068,3,18,Distracting Injury -8069,1,2, -8069,2,8, -8072,1,2, -8072,2,8, -8072,3,9, -8073,1,1, -8073,2,7, -8075,1,1, -8075,2,2, -8077,1,3, -8077,2,8, -8081,1,18,"Injury mechanism, Emesis, Bruising" -8083,1,1, -8083,2,2, -8086,1,1, -8086,2,9, -8087,1,2, -8087,2,8, -8090,1,8, -8090,2,9, -8091,1,1, -8091,2,2, -8091,3,4, -8091,4,8, -8091,5,9, -8099,1,2, -8099,2,8, -8100,1,2, -8100,2,3, -8100,3,8, -8101,1,8, -8101,2,18,suspicious for appendicitis -8103,1,2, -8103,2,6, -8107,1,1, -8107,2,2, -8107,3,8, -8110,1,2, -8110,2,10, -8112,1,2, -8112,2,5, -8119,1,5, -8119,2,8, -8120,1,1, -8120,2,2, -8120,3,9, -8122,1,5, -8122,2,9, -8123,1,3, -8123,2,8, -8124,1,2, -8124,2,5, -8124,3,11, -8125,1,2, -8125,2,9, -8127,1,1, -8127,2,2, -8127,3,7, -8129,1,5, -8129,2,18,Assault Mechanism -8131,1,8, -8134,1,2, -8134,2,3, -8134,3,8, -8134,4,18,"increased pain overnight, lack of appetite" -8137,1,19, -8139,1,2, -8141,1,2, -8141,2,9, -8145,1,2, -8146,1,2, -8146,2,6, -8149,1,2, -8149,2,8, -8151,1,9, -8151,2,13, -8152,1,8, -8154,1,1, -8154,2,2, -8154,3,5, -8155,1,2, -8155,2,18,High Speed MVA 70mph Rollover -8156,1,3, -8156,2,16, -8159,1,2, -8159,2,8, -8160,1,5, -8160,2,9, -8160,3,16, -8163,1,8, -8164,1,5, -8164,2,9, -8165,1,1, -8165,2,2, -8167,1,2, -8167,2,8, -8167,3,9, -8168,1,2, -8168,2,9, -8171,1,8, -8171,2,18,"recent appy - 2 weeks post-op, hit RLQ" -8173,1,15, -8175,1,2, -8175,2,9, -8179,1,2, -8179,2,8, -8180,1,6, -8180,2,16, -8183,1,5, -8184,1,2, -8185,1,1, -8185,2,8, -8185,3,9, -8187,1,8, -8189,1,2, -8189,2,3, -8189,3,6, -8192,1,2, -8192,2,5, -8192,3,8, -8193,1,2, -8194,1,2, -8194,2,9, -8194,3,18,pelvic fx on plain film. -8195,1,8, -8198,1,1, -8198,2,2, -8198,3,5, -8198,4,9, -8198,5,15, -8201,1,8, -8202,1,2, -8202,2,5, -8202,3,9, -8203,1,6, -8204,1,2, -8204,2,5, -8206,1,8, -8207,1,1, -8207,2,2, -8207,3,9, -8207,4,18,large abrasion over abdomen -8210,1,2, -8210,2,8, -8211,1,2, -8212,1,2, -8212,2,8, -8213,1,2, -8213,2,6, -8214,1,19, -8215,1,5, -8215,2,9, -8217,1,2, -8217,2,3, -8217,3,8, -8220,1,2, -8220,2,9, -8220,3,18,Pelvis Tenderness -8221,1,8, -8221,2,13, -8221,3,17,elevated WBC -8222,1,2, -8222,2,8, -8225,1,8, -8228,1,1, -8228,2,2, -8228,3,3, -8228,4,4, -8228,5,18,Right sided chest tube -8229,1,2, -8229,2,13, -8235,1,2, -8235,2,8, -8237,1,2, -8237,2,8, -8237,3,9, -8238,1,2, -8238,2,6, -8241,1,2, -8243,1,2, -8245,1,1, -8245,2,2, -8245,3,18,language barrier -8248,1,18,MVC and Head trauma -8249,1,2, -8249,2,5, -8249,3,9, -8254,1,7, -8254,2,15, -8255,1,2, -8255,2,8, -8255,3,9, -8256,1,8, -8257,1,2, -8257,2,5, -8257,3,8, -8257,4,9, -8259,1,18,+ hemo peritoneum -8260,1,1, -8260,2,3, -8261,1,1, -8261,2,2, -8261,3,6, -8261,4,8, -8262,1,2, -8262,2,4, -8262,3,5, -8262,4,9, -8262,5,3, -8267,1,2, -8267,2,8, -8271,1,1, -8271,2,2, -8271,3,8, -8272,1,2, -8274,1,6, -8274,2,8, -8275,1,1, -8275,2,2, -8275,3,8, -8276,1,2, -8276,2,9, -8279,1,1, -8279,2,2, -8279,3,5, -8279,4,9, -8280,1,9, -8283,1,5, -8283,2,8, -8283,3,18,Tachycardia -8284,1,8, -8286,1,2, -8286,2,18,Seat belt sign -8287,1,8, -8288,1,2, -8288,2,5, -8288,3,9, -8288,4,10, -8291,1,8, -8294,1,18,Persistent tachycardia -8295,1,3, -8295,2,8, -8298,1,2, -8299,1,3, -8299,3,2, -8300,1,8, -8301,1,8, -8301,2,17,left lower chest wall tenderness -8304,1,3, -8304,2,8, -8309,1,1, -8310,1,1, -8310,2,2, -8311,1,5, -8315,1,2, -8317,1,19, -8318,1,1, -8318,2,2, -8318,3,8, -8321,1,2, -8321,2,5, -8321,3,9, -8322,1,2, -8323,1,18,positive FAST -8324,1,8, -8325,1,2, -8325,2,5, -8325,3,9, -8326,1,17,"Increased lipase, AST/ALT" -8328,1,9, -8328,2,18,Unclear impact/mechanism -8329,1,7, -8329,2,9, -8330,1,3, -8330,2,8, -8330,3,18,hemoptysis -8331,1,8, -8332,1,2, -8332,2,8, -8333,1,2, -8333,2,4, -8333,3,8, -8333,4,18,hx of mono -8334,1,8, -8335,1,8, -8335,2,13, -8336,1,8, -8340,1,1, -8340,2,2, -8340,3,5, -8340,4,18,Complains of abd pain -8341,1,1, -8341,2,2, -8341,3,7, -8342,1,2, -8342,2,8, -8344,1,2, -8348,1,1, -8348,2,2, -8348,3,6, -8348,4,18,Decreased leg movements/ concern for pelvic fx vs femur fx -8351,1,2, -8351,2,8, -8352,1,6, -8354,1,1, -8354,2,2, -8354,3,5, -8354,4,9, -8358,1,2, -8358,2,6, -8358,3,8, -8361,1,2, -8361,2,4, -8361,3,5, -8361,4,8, -8361,5,11, -8363,1,2, -8363,2,8, -8363,3,9, -8366,1,2, -8366,2,18,Distracting Injury (tib fx) -8368,1,13, -8369,1,19, -8371,1,2, -8371,2,9, -8372,1,1, -8372,2,2, -8372,3,3, -8372,4,5, -8372,5,8, -8372,6,9, -8372,7,10, -8377,1,8, -8378,1,10, -8384,1,2, -8384,2,9, -8384,3,10, -8384,4,18,Seat Belt Sign Across Abdomen -8388,1,3, -8388,2,8, -8389,1,2, -8389,2,5, -8389,3,9, -8389,4,18,Intubated/epidural -8393,1,2, -8393,2,8, -8394,1,2, -8394,2,8, -8396,1,2, -8396,2,6, -8396,3,15, -8398,1,2, -8398,2,8, -8399,1,2, -8399,2,8, -8401,1,2, -8401,2,9, -8404,1,8, -8404,2,18,seat belt sign over epigastrum -8408,1,2, -8408,2,9, -8412,1,18,mechanism of injury -8414,1,2, -8414,2,9, -8418,1,5, -8418,2,15, -8422,1,2, -8422,2,13, -8428,1,18,PNB/Shock -8429,1,1, -8429,2,2, -8435,1,2, -8435,2,5, -8435,3,18,distracting injury (transferred for R subdural parietal) -8438,1,2, -8438,2,5, -8438,3,9, -8441,1,2, -8441,2,8, -8441,3,9, -8443,1,1, -8447,1,8, -8448,1,8, -8450,1,2, -8450,2,9, -8451,1,2, -8455,1,2, -8455,2,8, -8455,3,18,Splenomegaly (hereditary splenocytosis) -8458,1,1, -8458,2,6, -8458,3,8, -8458,4,18,+ blood rectal exam -8460,1,6, -8460,2,8, -8462,1,13, -8469,1,2, -8469,2,17,Abnormal FAST -8470,1,2, -8470,2,5, -8474,1,2, -8474,2,6, -8474,3,8, -8476,1,8, -8480,1,1, -8480,2,2, -8482,1,1, -8482,2,2, -8485,1,8, -8488,1,19, -8489,1,2, -8489,2,3, -8489,3,9, -8491,1,8, -8493,1,2, -8493,2,4, -8493,3,5, -8493,4,8, -8493,5,9, -8493,6,18,Seat belt sign -8494,1,8, -8496,1,2, -8496,2,8, -8499,1,1, -8499,2,2, -8500,1,9, -8501,1,2, -8501,2,4, -8501,3,5, -8501,4,18,intubated -8502,1,1, -8502,2,8, -8505,1,2, -8505,2,6, -8505,3,8, -8506,1,3, -8507,1,2, -8507,2,6, -8507,3,16, -8508,1,8, -8509,1,2, -8509,2,5, -8509,3,8, -8510,1,1, -8510,2,18,Continued complaint of AP -8513,1,15, -8516,1,8, -8517,1,8, -8523,1,2, -8523,2,8, -8524,1,15, -8526,1,1, -8526,2,8, -8527,1,3, -8527,2,6, -8527,3,8, -8530,1,8, -8538,1,9, -8540,1,2, -8540,2,6, -8540,3,9, -8541,1,8, -8541,2,9, -8542,1,2, -8542,2,8, -8542,3,9, -8543,1,2, -8543,2,8, -8544,1,2, -8544,2,8, -8546,1,2, -8546,2,5, -8546,3,8, -8546,4,9, -8547,1,8, -8548,1,8, -8549,1,2, -8549,2,8, -8549,3,9, -8552,1,9, -8553,1,9, -8555,1,2, -8555,2,8, -8555,3,9, -8555,4,18,pt. is autistic -8558,1,9, -8558,2,10, -8560,1,8, -8560,2,9, -8560,3,18,pelvic fx -8567,1,2, -8567,2,3, -8569,1,2, -8569,2,5, -8574,1,1, -8574,2,9, -8574,3,13, -8577,1,5, -8577,2,9, -8579,1,18,abd tenderness -8580,1,2, -8580,2,8, -8582,1,2, -8586,1,18,Unavailable Exam Second Degree to ETOH -8587,1,2, -8587,2,6, -8594,1,2, -8594,2,7, -8600,1,8, -8602,1,2, -8602,2,6, -8602,3,8, -8602,4,16, -8606,1,18,mechausan -8608,1,8, -8611,1,1, -8611,2,2, -8611,3,5, -8611,4,7, -8611,5,9, -8612,1,1, -8612,2,2, -8612,3,5, -8612,4,9, -8616,1,2, -8616,2,10, -8617,1,2, -8621,1,2, -8621,2,5, -8624,1,2, -8624,2,18,questionable FAST-stable patient -8626,1,1, -8626,2,2, -8626,3,3, -8626,4,6, -8626,5,8, -8626,6,9, -8628,1,2, -8630,1,9, -8637,1,2, -8638,1,1, -8638,2,2, -8638,3,9, -8640,1,9, -8641,1,18,Paresthesis on scene -8644,1,2, -8647,1,2, -8647,2,9, -8649,1,2, -8654,1,1, -8654,2,2, -8656,1,2, -8656,2,9, -8657,1,1, -8657,2,2, -8657,3,9, -8660,1,1, -8660,2,2, -8660,3,9, -8663,1,2, -8663,2,9, -8665,1,1, -8665,2,2, -8665,3,8, -8667,1,2, -8667,2,8, -8669,1,1, -8669,2,2, -8669,3,3, -8669,4,6, -8669,5,8, -8669,6,13, -8669,7,14, -8669,8,16, -8670,1,2, -8672,1,2, -8672,2,9, -8674,1,2, -8674,2,9, -8674,3,10, -8675,1,8, -8676,1,18,Pelvic Fracture -8678,1,2, -8678,2,9, -8688,1,8, -8690,1,2, -8690,2,8, -8692,1,8, -8692,2,18,Pallor -8694,1,1, -8694,2,2, -8694,3,9, -8695,1,1, -8695,2,2, -8695,3,5, -8695,4,8, -8697,1,19, -8699,1,2, -8699,2,5, -8699,3,9, -8701,1,1, -8701,2,8, -8704,1,2, -8704,2,9, -8705,1,19, -8706,1,18,Amnesia for event -8706,2,18,Severity of facial injuries -8706,3,18,Likelihood of handlebar injury -8707,1,2, -8707,2,8, -8711,1,18,T-spine pain and HA distracting injury -8712,1,8, -8714,1,9, -8714,2,18,Unknown mechanism of injury -8716,1,2, -8716,2,8, -8718,1,8, -8719,1,19, -8722,1,8, -8725,1,2, -8725,2,18,head injury ALOL -8727,1,2, -8727,2,7, -8732,1,1, -8732,2,2, -8733,1,8, -8736,1,2, -8736,2,8, -8737,1,2, -8737,2,9, -8744,1,9, -8746,1,8, -8746,2,18,No A/P initial then developed A/P + ETOH -8747,1,1, -8747,2,2, -8750,1,2, -8750,2,4, -8750,3,5, -8750,4,7, -8750,5,8, -8750,6,9, -8750,7,11, -8751,1,8, -8754,1,1, -8754,2,2, -8754,3,7, -8754,4,8, -8754,5,9, -8754,6,16, -8755,1,2, -8755,2,8, -8759,1,2, -8760,1,1, -8760,2,2, -8760,3,5, -8760,4,8, -8760,5,10, -8762,1,2, -8762,2,6, -8762,3,8, -8764,1,2, -8764,2,8, -8768,1,2, -8769,1,2, -8769,2,8, -8776,1,8, -8776,2,18,parental concern -8778,1,2, -8779,1,2, -8779,2,8, -8780,1,8, -8784,1,8, -8784,2,9, -8784,3,17,Pelvic fx on Abd XR -8785,1,19, -8786,1,2, -8786,2,8, -8790,1,2, -8790,2,7, -8790,3,9, -8791,1,2, -8791,2,17,BLE Paralysis -8792,1,8, -8793,1,2, -8793,2,8, -8794,1,2, -8795,1,3, -8796,1,2, -8796,2,8, -8798,1,18,Pelvis Pain -8800,1,9, -8801,1,1, -8801,2,2, -8802,1,19, -8803,1,2, -8803,2,8, -8803,3,9, -8805,1,2, -8805,2,8, -8807,1,8, -8811,1,2, -8812,1,18,L1 fracture -8813,1,2, -8813,2,9, -8816,1,1, -8816,2,2, -8816,3,8, -8818,1,2, -8818,2,8, -8818,3,12, -8818,4,13, -8823,1,8, -8824,1,19, -8830,1,5, -8830,2,15, -8832,1,2, -8832,2,9, -8832,3,10, -8832,4,18,Distracting facial injury -8834,1,2, -8836,1,16, -8837,1,1, -8837,2,2, -8837,3,7, -8837,4,8, -8838,1,2, -8838,2,5, -8838,3,7, -8844,1,8, -8846,1,2, -8846,2,8, -8848,1,9, -8849,1,2, -8849,2,8, -8850,1,2, -8851,1,9, -8851,2,13, -8851,3,14, -8854,1,2, -8854,2,8, -8856,1,2, -8857,1,1, -8857,2,2, -8858,1,2, -8858,2,6, -8859,1,2, -8859,2,5, -8859,3,9, -8865,1,2, -8865,2,8, -8866,1,18,Abdominal Pain -8867,1,1, -8867,2,3, -8867,3,8, -8870,1,8, -8875,1,2, -8877,1,8, -8878,1,2, -8878,2,5, -8878,3,18,GCS SCORE -8880,1,1, -8880,2,2, -8880,3,8, -8882,1,1, -8882,2,2, -8885,1,2, -8885,2,6, -8885,3,8, -8886,1,2, -8886,2,9, -8887,1,2, -8887,2,8, -8890,1,9, -8891,1,10, -8891,2,7, -8893,1,2, -8893,2,18,rib pain -8897,1,19, -8899,1,9, -8901,1,2, -8901,2,3, -8902,1,2, -8902,2,6, -8904,1,2, -8904,2,6, -8906,1,1, -8906,2,8, -8906,3,9, -8908,1,15, -8909,1,2, -8909,2,6, -8909,3,8, -8911,1,1, -8911,2,2, -8913,1,2, -8913,2,8, -8915,1,8, -8915,2,18,seat belt sign -8916,1,2, -8916,2,8, -8916,3,9, -8918,1,2, -8918,2,8, -8920,1,2, -8920,2,8, -8922,1,5, -8922,2,18,Concern for abuse -8923,1,2, -8923,2,7, -8924,1,2, -8924,2,8, -8926,1,9, -8929,1,2, -8929,2,9, -8930,1,2, -8938,1,1, -8938,2,8, -8940,1,18,pelvic fx on x-ray -8942,1,9, -8944,1,2, -8944,2,9, -8945,1,2, -8945,2,6, -8948,1,2, -8948,2,8, -8949,1,2, -8949,2,6, -8949,3,8, -8957,1,2, -8958,1,6, -8961,1,18,Need for imaging L spine fx -8962,1,9, -8964,1,2, -8964,2,7, -8964,3,9, -8966,1,1, -8966,2,2, -8966,3,5, -8968,1,8, -8969,1,2, -8969,2,3, -8974,1,1, -8974,2,2, -8974,3,4, -8974,4,5, -8974,5,7, -8976,1,2, -8976,2,8, -8977,1,2, -8977,2,6, -8981,1,2, -8981,2,5, -8981,3,9, -8982,1,1, -8982,2,13, -8990,1,2, -8990,2,8, -8995,1,3, -8995,2,8, -8996,1,1, -8996,2,2, -8998,1,3, -8998,2,18,abd tenderness -9000,1,2, -9000,2,3, -9000,3,8, -9002,1,2, -9002,2,9, -9004,1,2, -9009,1,2, -9009,2,6, -9009,3,9, -9013,1,2, -9013,2,6, -9013,3,8, -9014,1,2, -9014,2,4, -9014,3,5, -9014,4,8, -9018,1,5, -9019,1,2, -9022,1,2, -9022,2,8, -9023,1,13, -9023,2,15, -9023,3,18,hemoptysis & underlying bleeding disorder -9024,1,1, -9024,2,2, -9024,3,8, -9025,1,2, -9026,1,1, -9026,2,2, -9026,3,5, -9026,4,9, -9026,5,16, -9028,1,2, -9028,2,5, -9028,3,18,+LOC w/vomiting -9030,1,5, -9030,2,9, -9034,1,2, -9034,2,9, -9035,1,8, -9035,2,18,pt from out of town and will travel back tonight. -9036,1,1, -9036,2,2, -9036,3,5, -9037,1,2, -9037,2,7, -9037,3,8, -9037,4,13, -9038,1,9, -9038,2,18,Concern about blood near spleen on ultrasound -9039,1,2, -9039,2,9, -9040,1,3, -9043,1,1, -9043,2,2, -9046,1,1, -9046,2,8, -9048,1,2, -9048,2,8, -9052,1,1, -9052,2,2, -9052,3,18,Abdominal pain -9052,4,10, -9053,1,2, -9053,2,5, -9056,1,3, -9057,1,1, -9057,2,2, -9057,3,9, -9061,1,2, -9061,2,9, -9064,1,2, -9064,2,9, -9065,1,1, -9065,2,2, -9065,3,8, -9072,1,2, -9072,2,5, -9074,1,2, -9077,1,2, -9077,2,8, -9077,3,15, -9078,1,2, -9078,2,5, -9078,3,9, -9079,1,1, -9079,2,8, -9080,1,2, -9080,2,8, -9082,1,2, -9083,1,2, -9083,2,5, -9083,3,9, -9085,1,9, -9086,1,1, -9086,2,2, -9086,3,5, -9087,1,1, -9087,2,2, -9087,3,18,Unclear mechanism; R/O NAT -9088,1,8, -9089,1,2, -9089,2,5, -9089,3,9, -9093,1,1, -9093,2,8, -9096,1,2, -9096,2,8, -9097,1,18,Possible Abuse -9098,1,6, -9098,2,8, -9099,1,19, -9101,1,18,TTP/guarding RUQ -9102,1,8, -9102,2,13, -9108,1,2, -9108,2,9, -9112,1,8, -9116,1,2, -9116,2,4, -9116,3,5, -9116,4,8, -9116,5,9, -9117,1,1, -9117,2,2, -9117,3,8, -9118,1,5, -9124,1,2, -9124,2,5, -9124,3,9, -9125,1,2, -9129,1,1, -9130,1,5, -9130,2,6, -9133,1,6, -9133,2,16, -9134,1,2, -9134,2,9, -9135,1,1, -9135,2,2, -9135,3,8, -9136,1,11, -9138,1,2, -9143,1,2, -9143,2,8, -9145,1,2, -9145,2,6, -9145,3,8, -9146,1,17,positive FAST -9147,1,2, -9147,2,5, -9147,3,8, -9148,1,5, -9148,2,8, -9148,3,18,Hematemesis -9149,1,2, -9149,2,8, -9151,1,2, -9151,2,8, -9155,1,2, -9155,2,8, -9155,3,9, -9157,1,2, -9160,1,2, -9160,2,3, -9160,3,8, -9165,1,8, -9166,1,2, -9166,2,5, -9170,1,5, -9170,2,9, -9170,3,10, -9175,1,1, -9175,2,2, -9177,1,8, -9178,1,2, -9178,2,8, -9178,3,9, -9179,1,5, -9179,2,10, -9182,1,8, -9183,1,2, -9183,2,13, -9185,1,8, -9186,1,1, -9186,2,2, -9186,3,3, -9187,1,8, -9188,1,18,Small bruise on abdomen -9189,1,8, -9189,2,18,t-spine tenderness and abdominal pain -9191,1,18,Unreliable Pt exam -9193,1,9, -9194,1,2, -9195,1,2, -9195,2,8, -9196,1,2, -9196,2,9, -9197,1,8, -9198,1,1, -9198,2,7, -9199,1,3, -9199,2,15, -9201,1,3, -9202,1,9, -9203,1,1, -9203,2,3, -9205,1,8, -9206,1,1, -9206,2,2, -9206,3,9, -9210,1,3, -9210,2,8, -9212,1,6, -9213,1,1, -9213,2,2, -9213,3,8, -9213,4,9, -9215,1,2, -9215,2,4, -9215,3,5, -9215,4,9, -9217,1,2, -9217,2,7, -9217,3,9, -9217,4,10, -9219,1,2, -9219,2,9, -9219,3,13, -9221,1,1, -9221,2,8, -9222,1,6, -9222,2,8, -9224,1,2, -9224,2,13, -9224,3,16, -9225,1,1, -9225,2,2, -9225,3,8, -9226,1,2, -9226,2,8, -9227,1,8, -9228,1,2, -9228,2,8, -9228,3,9, -9232,1,2, -9232,2,8, -9233,1,2, -9233,2,5, -9234,1,2, -9234,2,9, -9234,3,11, -9235,1,2, -9235,2,9, -9236,1,1, -9236,2,2, -9236,3,18,Pelvic injury -9237,1,1, -9237,2,2, -9237,3,18,inappropriate restraint for age and significant shoulder belt abrasion - no mark across abdomen -9238,1,2, -9238,2,9, -9243,1,2, -9243,2,5, -9243,3,9, -9245,1,5, -9245,2,9, -9246,1,2, -9246,2,8, -9247,1,2, -9248,1,2, -9249,1,2, -9249,2,8, -9250,1,9, -9251,1,2, -9251,2,6, -9251,3,9, -9257,1,1, -9257,2,2, -9257,3,18,Spina bifida ped struck -9260,1,2, -9260,2,5, -9261,1,2, -9264,1,8, -9266,1,9, -9269,1,2, -9269,2,8, -9271,1,8, -9277,1,5, -9280,1,18,Pelvic pain -9284,1,5, -9284,2,9, -9284,3,18,ETOH -9285,1,1, -9285,2,2, -9285,3,5, -9285,4,8, -9285,5,9, -9285,6,11, -9288,1,1, -9288,2,2, -9291,1,1, -9291,2,18,blood in underwear and distracting back pain -9293,1,2, -9293,2,7, -9294,1,1, -9294,2,2, -9295,1,2, -9295,2,3, -9295,3,8, -9295,4,9, -9295,5,15, -9296,1,6, -9296,2,16, -9298,1,1, -9298,2,5, -9300,1,2, -9300,2,5, -9300,3,8, -9301,1,5, -9301,2,8, -9305,1,9, -9306,1,2, -9306,2,6, -9306,3,8, -9306,4,9, -9307,1,3, -9307,2,6, -9307,3,9, -9310,1,1, -9310,2,2, -9310,3,8, -9312,1,18,"distention, persistent vomiting" -9313,1,9, -9314,1,2, -9314,2,5, -9315,1,8, -9318,1,6, -9318,2,8, -9319,1,2, -9319,3,5, -9321,1,5, -9322,1,2, -9322,2,7, -9322,3,9, -9323,1,2, -9323,2,5, -9323,3,9, -9323,4,13, -9328,1,5, -9328,2,6, -9328,3,18,Mechanism -9331,1,9, -9333,1,2, -9333,2,8, -9337,1,2, -9337,2,5, -9338,1,2, -9338,2,9, -9340,1,2, -9340,2,18,Seat belt sign -9342,1,1, -9342,2,2, -9342,3,9, -9343,1,8, -9343,2,16, -9346,1,2, -9346,2,8, -9350,1,9, -9351,1,1, -9351,2,6, -9351,3,8, -9352,1,3, -9352,2,4, -9355,1,9, -9355,2,11, -9357,1,2, -9357,2,8, -9357,3,9, -9357,4,13, -9357,5,14, -9358,1,2, -9358,2,5, -9358,3,9, -9360,1,8, -9362,1,8, -9365,1,1, -9365,2,2, -9365,3,6, -9365,4,8, -9365,5,9, -9365,6,18,L3 Compression Fracture -9366,1,2, -9366,2,8, -9368,1,3, -9368,2,8, -9369,1,2, -9369,2,9, -9374,1,2, -9374,2,8, -9376,1,1, -9376,2,2, -9376,3,5, -9376,4,9, -9378,1,1, -9378,2,7, -9378,3,18,Generalized Abd pain -9380,1,1, -9380,2,2, -9380,3,8, -9380,4,9, -9380,5,16, -9382,1,2, -9382,2,8, -9384,1,2, -9384,2,9, -9386,1,2, -9386,2,10, -9387,1,1, -9387,2,2, -9397,1,2, -9397,2,3, -9397,3,6, -9397,4,8, -9398,1,10, -9401,1,18,Loss of Consciousness -9402,1,1, -9402,2,2, -9405,1,8, -9405,2,9, -9406,1,2, -9406,2,8, -9413,1,8, -9416,1,2, -9416,2,8, -9417,1,2, -9420,1,2, -9420,2,9, -9423,1,1, -9423,2,7, -9423,3,9, -9423,4,18,UNKNOWN MECHANISM OF INJURY -9430,1,6, -9430,2,8, -9432,1,1, -9432,2,2, -9432,3,4, -9432,4,7, -9432,5,11, -9432,6,12, -9432,7,17,lactate -9433,1,8, -9434,1,2, -9434,2,8, -9436,1,8, -9437,1,2, -9437,2,5, -9438,1,5, -9438,2,9, -9441,1,6, -9441,2,8, -9443,1,2, -9443,2,6, -9443,3,18,abrasions/petechiae to flank/spine -9444,1,2, -9444,2,18,Complex Right UE fx - distraction -9444,3,18,Sedated with morphine -9449,1,1, -9449,2,2, -9449,3,7, -9449,4,9, -9451,1,2, -9452,1,2, -9452,2,8, -9452,3,9, -9453,1,15, -9454,1,6, -9454,2,15, -9454,3,16, -9456,1,1, -9456,2,2, -9456,3,7, -9456,4,9, -9463,1,1, -9464,1,2, -9465,1,2, -9466,1,2, -9466,2,8, -9469,1,1, -9469,2,2, -9469,3,10, -9470,1,8, -9471,1,2, -9471,2,9, -9472,1,9, -9474,1,2, -9475,1,2, -9475,2,6, -9475,3,8, -9475,4,9, -9477,1,2, -9477,2,9, -9480,1,1, -9480,2,2, -9480,3,4, -9480,4,5, -9481,1,2, -9481,2,7, -9481,3,10, -9482,1,2, -9482,2,5, -9482,3,7, -9484,1,2, -9484,2,3, -9484,3,6, -9486,1,8, -9486,2,18,Concern re:appy as well as trauma -9487,1,2, -9487,2,5, -9487,3,8, -9488,1,3, -9488,2,8, -9490,1,18,Sever Thoracolumbar Tenderness -9491,1,8, -9491,2,18,back pain -9491,3,18,Lower Extremity neuro deficit -9492,1,2, -9494,1,6, -9494,2,8, -9494,3,9, -9497,1,2, -9497,2,5, -9501,1,1, -9501,2,8, -9503,1,1, -9503,2,2, -9503,3,9, -9505,1,8, -9507,1,2, -9507,2,6, -9507,3,9, -9508,1,2, -9508,2,8, -9508,3,18,AbdominalTenderness -9510,1,9, -9510,2,18,Pelvis tenderness -9512,1,7, -9514,1,9, -9515,1,1, -9515,2,2, -9515,3,9, -9518,1,2, -9518,2,8, -9521,1,2, -9521,2,5, -9521,3,12, -9523,1,2, -9523,2,6, -9523,3,8, -9523,4,9, -9525,1,2, -9526,1,9, -9527,1,2, -9530,1,2, -9534,1,2, -9534,2,5, -9534,3,8, -9537,1,2, -9537,2,8, -9539,1,2, -9539,2,9, -9539,3,18,pain due to seveir facial trauma -9548,1,8, -9550,1,8, -9551,1,2, -9551,2,8, -9555,1,1, -9555,2,2, -9555,3,8, -9555,4,18,L2 fX -9556,1,6, -9556,2,8, -9560,1,1, -9560,2,2, -9562,1,1, -9562,2,2, -9563,1,18,pneumothorax on CXR -9566,1,3, -9566,2,13, -9566,3,18,ROPA -9571,1,2, -9572,1,2, -9572,2,8, -9575,1,18,c/o abdominal pain -9576,1,2, -9576,2,9, -9581,1,18,Pt unable to cooperate -9586,1,8, -9589,1,1, -9589,2,6, -9590,1,2, -9590,2,7, -9592,1,2, -9592,2,4, -9592,3,6, -9592,4,7, -9593,1,2, -9593,2,5, -9593,3,9, -9599,1,3, -9599,2,8, -9601,1,9, -9601,2,18,trauma surgery -9604,1,8, -9605,1,5, -9605,2,9, -9611,1,2, -9611,2,6, -9611,3,9, -9612,1,1, -9612,2,2, -9612,3,18,abrasion over post. torso (back) -9615,1,2, -9615,2,4, -9615,3,5, -9615,4,7, -9615,5,9, -9619,1,8, -9620,1,1, -9620,2,2, -9620,3,6, -9620,4,15, -9622,1,2, -9622,2,8, -9622,3,18,back pain -9624,1,6, -9624,2,3, -9624,3,15, -9626,1,2, -9626,2,8, -9627,1,2, -9627,2,3, -9627,3,9, -9627,4,10, -9633,1,9, -9633,2,18,Vomiting -9634,1,2, -9634,2,8, -9634,3,9, -9636,1,5, -9638,1,2, -9638,2,9, -9645,1,2, -9645,2,8, -9648,1,1, -9648,2,2, -9653,1,19, -9655,1,8, -9659,1,2, -9661,1,2, -9661,2,18,extrication from car required -9661,3,18,severe back pain and need to obtain other scans/x-rays -9663,1,2, -9663,2,5, -9663,3,8, -9664,1,2, -9664,2,9, -9666,1,1, -9666,2,5, -9666,3,9, -9666,4,10, -9667,1,6, -9667,2,8, -9671,1,5, -9671,2,8, -9671,3,9, -9675,1,8, -9678,1,1, -9678,2,2, -9678,3,8, -9679,1,2, -9679,2,18,suspicion of dislocated R hip -9680,1,2, -9681,1,2, -9681,2,8, -9689,1,2, -9693,1,2, -9694,1,19, -9697,1,2, -9698,1,2, -9698,2,9, -9707,1,9, -9710,1,2, -9710,2,8, -9713,1,2, -9715,1,6, -9715,2,8, -9716,1,8, -9716,2,16, -9723,1,1, -9723,2,2, -9728,1,18,X-ray unclear -9734,1,2, -9734,2,5, -9736,1,1, -9736,2,9, -9736,3,18,R/O NAT-Intracranial bleed -9738,1,8, -9738,2,18,tachycardia -9739,1,2, -9741,1,2, -9741,2,6, -9741,3,9, -9751,1,8, -9758,1,8, -9759,1,1, -9759,2,2, -9759,3,5, -9759,4,18,HIP ABRASIONS -9769,1,1, -9769,2,2, -9769,3,13, -9775,1,2, -9777,1,2, -9777,2,8, -9778,1,3, -9778,2,8, -9781,1,2, -9782,1,2, -9782,2,7, -9782,3,9, -9784,1,2, -9784,2,6, -9784,3,8, -9787,1,2, -9787,2,6, -9787,3,9, -9788,1,1, -9788,2,6, -9788,3,8, -9788,4,18,large flank/back antusions -9791,1,2, -9791,2,9, -9792,1,8, -9793,1,2, -9793,2,8, -9794,1,2, -9794,2,3, -9795,1,2, -9795,2,5, -9796,1,1, -9796,2,2, -9796,3,5, -9796,4,9, -9799,1,1, -9799,2,2, -9801,1,2, -9802,1,4, -9802,2,8, -9805,1,6, -9805,2,8, -9805,3,16, -9806,1,1, -9806,2,2, -9806,3,5, -9806,4,8, -9807,1,8, -9807,2,9, -9809,1,8, -9809,2,18,persistent vomiting -9811,1,2, -9811,2,8, -9814,1,7, -9818,1,1, -9818,2,6, -9818,3,8, -9819,1,1, -9819,2,2, -9821,1,2, -9821,2,18,distracting injury -9822,1,1, -9822,2,2, -9822,3,8, -9822,4,13, -9823,1,2, -9823,2,8, -9824,1,2, -9824,2,8, -9827,1,6, -9828,1,2, -9828,2,4, -9828,3,9, -9830,1,2, -9830,2,3, -9830,3,6, -9831,1,2, -9831,2,8, -9837,1,2, -9837,2,18,seatbelt sign -9838,1,1, -9838,2,2, -9839,1,2, -9839,2,9, -9839,3,18,seat belt sign -9841,1,2, -9841,2,5, -9841,3,9, -9844,1,1, -9844,2,2, -9844,3,9, -9847,1,15, -9848,1,2, -9848,2,6, -9848,3,8, -9850,1,2, -9850,2,8, -9851,1,1, -9851,2,2, -9851,3,5, -9851,4,9, -9852,1,1, -9852,2,2, -9852,3,5, -9852,4,9, -9853,1,2, -9854,1,2, -9854,2,8, -9856,1,9, -9859,1,7, -9859,2,9, -9859,3,18,SVT enroute-? of more severe injury -9861,1,2, -9861,2,6, -9861,3,8, -9864,1,1, -9864,2,2, -9864,3,3, -9864,4,8, -9865,1,2, -9870,1,6, -9871,1,5, -9872,1,2, -9872,3,5, -9874,1,8, -9874,2,18,Persistent abd pain @ LUQ -9876,1,1, -9876,2,2, -9877,1,2, -9878,1,18,single kidney -9880,1,2, -9880,2,3, -9880,3,6, -9880,4,8, -9881,1,2, -9881,2,9, -9884,1,2, -9884,2,8, -9887,1,8, -9887,2,9, -9888,1,8, -9888,2,9, -9889,1,2, -9893,1,1, -9893,2,8, -9893,3,18,unwitnessed event -9896,1,9, -9898,1,2, -9898,2,9, -9899,1,1, -9899,2,5, -9899,3,9, -9902,1,15, -9904,1,2, -9904,2,8, -9906,1,1, -9906,2,2, -9906,3,6, -9909,1,15, -9909,2,17,Hematuria -9916,1,1, -9916,2,2, -9916,3,9, -9919,1,2, -9919,2,5, -9920,1,2, -9920,2,18,Seat belt sign -9921,1,2, -9921,2,8, -9923,1,2, -9923,2,8, -9925,1,16, -9926,1,1, -9926,2,2, -9926,3,8, -9932,1,8, -9932,2,18,history of severe hemophilia a -9933,1,9, -9944,1,8, -9947,1,1, -9947,2,2, -9947,3,5, -9947,4,8, -9949,1,18,pain localizing -9950,1,2, -9950,2,8, -9954,1,9, -9961,1,8, -9963,1,1, -9963,2,2, -9963,3,8, -9964,1,2, -9964,2,8, -9965,1,2, -9965,2,8, -9965,3,18,severe pain per patient -9967,1,15, -9969,1,8, -9970,1,2, -9970,2,8, -9971,1,9, -9972,1,19, -9983,1,8, -9984,1,2, -9984,2,8, -9986,1,18,chronic hepatic cystic disease -9986,2,18,requested CT by GI service -9987,1,1, -9987,2,2, -9987,3,9, -9990,1,6, -9991,1,5, -9991,2,9, -9992,1,2, -9992,2,8, -9995,1,8, -9998,1,1, -9998,2,2, -9998,3,9, -9999,1,2, -9999,2,7, -10000,1,2, -10000,2,10, -10001,1,8, -10002,1,8, -10002,2,9, -10002,3,13, -10007,1,1, -10007,2,2, -10007,3,3, -10007,4,6, -10008,1,9, -10009,1,19, -10010,1,16, -10013,1,1, -10013,2,2, -10013,3,9, -10016,1,19, -10017,1,2, -10017,2,8, -10020,1,2, -10020,2,9, -10021,1,19, -10024,1,1, -10024,2,2, -10024,3,8, -10024,4,9, -10030,1,2, -10030,2,8, -10032,1,2, -10035,1,8, -10036,1,2, -10036,2,8, -10036,3,9, -10039,1,9, -10042,1,2, -10042,2,6, -10042,3,8, -10043,1,3, -10043,2,6, -10043,3,8, -10044,1,1, -10044,2,2, -10044,3,8, -10045,1,8, -10047,1,3, -10047,2,8, -10050,1,1, -10050,2,8, -10050,3,9, -10051,1,2, -10051,2,5, -10051,3,9, -10054,1,1, -10054,2,8, -10055,1,1, -10055,2,2, -10057,1,2, -10057,2,10, -10059,1,2, -10061,1,1, -10061,2,2, -10061,3,9, -10062,1,2, -10062,2,8, -10064,1,5, -10065,1,1, -10065,2,2, -10065,3,8, -10071,1,13, -10073,1,1, -10073,2,2, -10073,3,9, -10073,4,14, -10077,1,1, -10077,2,2, -10077,3,8, -10079,1,2, -10079,2,6, -10079,3,8, -10083,1,2, -10083,2,5, -10085,1,1, -10085,2,2, -10085,3,8, -10093,1,11, -10093,2,16, -10096,1,2, -10096,2,1, -10097,1,2, -10097,2,8, -10097,3,9, -10097,4,15, -10100,1,2, -10101,1,13, -10103,1,2, -10106,1,8, -10113,1,6, -10113,2,8, -10113,3,16, -10114,1,2, -10114,2,8, -10117,1,8, -10117,2,9, -10118,1,1, -10118,2,2, -10118,3,9, -10119,1,2, -10119,2,6, -10120,1,8, -10120,2,15, -10121,1,2, -10121,2,6, -10121,3,9, -10124,1,1, -10124,2,2, -10124,3,5, -10124,4,7, -10124,5,8, -10126,1,18,Localized RUQ tenderness -10132,1,6, -10132,2,16, -10135,1,3, -10135,2,8, -10137,1,1, -10137,2,2, -10137,3,18,Non accidental trauma -10139,1,8, -10139,2,18,positive FAST -10141,1,1, -10141,2,2, -10144,1,13, -10146,1,2, -10146,2,8, -10147,1,2, -10147,3,5, -10148,1,2, -10150,1,2, -10152,1,9, -10152,2,18,trauma surgery consult decision -10158,1,2, -10158,2,5, -10161,1,2, -10161,2,18,Distracting Foot Injury -10162,1,2, -10162,2,8, -10163,1,2, -10163,2,7, -10163,3,10, -10164,1,8, -10165,1,2, -10167,1,8, -10169,1,8, -10173,1,18,Von Willebrand's -10174,1,7, -10175,1,2, -10175,2,9, -10177,1,1, -10177,2,2, -10187,1,18,abdominal pain -10190,1,2, -10192,1,19, -10198,1,9, -10199,1,2, -10199,2,8, -10209,1,2, -10211,1,2, -10211,2,5, -10212,1,1, -10212,2,2, -10213,1,2, -10213,2,5, -10214,1,8, -10214,2,9, -10214,3,18,"low BP, + FAST exam" -10217,1,2, -10217,2,8, -10217,3,9, -10220,1,2, -10220,2,9, -10220,3,18,Abrasion- Hip -10221,1,8, -10221,2,9, -10222,1,2, -10222,2,5, -10222,3,9, -10224,1,2, -10224,2,6, -10225,1,1, -10225,2,2, -10225,3,4, -10225,4,5, -10225,5,9, -10225,6,10, -10225,7,11, -10227,1,1, -10227,2,2, -10228,1,2, -10228,2,8, -10229,1,2, -10229,2,3, -10229,3,7, -10229,4,9, -10231,1,1, -10231,2,2, -10231,3,9, -10232,1,2, -10232,2,18,platelet storage pool disease -10234,1,8, -10235,1,2, -10235,2,6, -10235,3,8, -10237,1,19, -10238,1,1, -10238,2,2, -10238,3,5, -10238,4,9, -10240,1,6, -10240,2,15, -10244,1,18,fluid on FAST exam -10247,1,18,persistant unexplained tachy cardia with mild LLQ tenderness -10250,1,1, -10250,2,2, -10250,3,7, -10252,1,2, -10252,2,8, -10253,1,1, -10253,2,2, -10259,1,18,Multipule pelvic fractures diagnosed at outside ED -10261,1,3, -10261,2,9, -10262,1,3, -10262,2,13, -10264,1,3, -10265,1,2, -10265,2,18,pelvic fx on x-ray -10266,1,2, -10266,2,8, -10268,1,2, -10268,2,8, -10270,1,1, -10270,2,2, -10270,3,5, -10270,4,8, -10272,1,2, -10272,2,8, -10275,1,8, -10278,1,9, -10279,1,2, -10279,2,8, -10281,1,8, -10282,1,1, -10282,2,2, -10282,3,9, -10283,1,8, -10283,2,17,exam + seat belt sign -10285,1,1, -10285,2,2, -10288,1,4, -10288,2,8, -10289,1,2, -10289,2,7, -10289,3,9, -10290,1,2, -10290,2,6, -10290,3,8, -10290,4,9, -10291,1,9, -10292,1,9, -10295,1,2, -10295,2,18,pelvic fracture -10296,1,1, -10296,2,2, -10296,3,8, -10296,4,9, -10300,1,1, -10300,2,5, -10300,3,7, -10300,4,13, -10300,5,18,Suspected nonaccidental trauma -10301,1,15, -10302,1,2, -10306,1,2, -10306,2,6, -10306,3,8, -10312,1,2, -10312,2,5, -10312,3,9, -10313,1,8, -10318,1,2, -10320,1,11, -10322,1,2, -10322,2,9, -10323,1,2, -10323,2,8, -10323,3,9, -10331,1,1, -10331,2,2, -10331,3,6, -10331,4,8, -10331,5,18,seat belt sign -10332,1,5, -10332,2,9, -10336,1,1, -10336,2,2, -10337,1,5, -10339,1,1, -10339,2,5, -10339,3,13, -10348,1,1, -10348,2,2, -10348,3,5, -10349,1,2, -10349,2,5, -10349,3,9, -10349,4,10, -10349,5,11, -10349,6,18,"pulseless left arm, decrease sats on room air" -10350,1,9, -10351,1,5, -10351,2,9, -10351,3,18,unknown mechanism; associated CHI -10353,1,1, -10353,2,2, -10353,3,5, -10353,4,8, -10354,1,3, -10354,3,8, -10355,1,1, -10355,2,5, -10357,1,2, -10358,1,2, -10358,2,3, -10366,1,13, -10366,2,18,suspected fx -10368,1,14, -10369,1,8, -10370,1,2, -10371,1,2, -10371,2,9, -10374,1,2, -10374,2,5, -10377,1,2, -10377,2,9, -10380,1,1, -10380,2,2, -10381,1,1, -10381,2,16, -10383,1,1, -10383,2,2, -10383,3,8, -10383,4,9, -10384,1,2, -10387,1,5, -10388,1,2, -10388,2,3, -10388,3,8, -10388,4,9, -10389,1,19, -10391,1,2, -10391,2,6, -10391,3,8, -10398,1,5, -10400,1,18,Pelvic fx -10402,1,18,Initially Pt said had abdominal pain -10405,1,2, -10405,2,5, -10405,3,9, -10406,1,19, -10408,1,8, -10408,2,18,rib tenderness -10417,1,1, -10417,2,2, -10417,3,5, -10417,4,8, -10417,5,9, -10418,1,1, -10418,2,6, -10418,3,8, -10420,1,2, -10420,2,3, -10420,3,8, -10421,1,2, -10421,2,18,tachycardia -10422,1,8, -10424,1,2, -10424,2,9, -10424,3,18,free fluid on FAST -10430,1,2, -10430,2,9, -10436,1,19, -10438,1,18,Pain @ xyphoid process -10439,1,2, -10439,2,7, -10442,1,2, -10442,2,5, -10442,3,9, -10442,4,18,Suspected pelvic fracture -10446,1,2, -10446,2,8, -10447,1,8, -10447,2,9, -10449,1,1, -10449,2,2, -10450,1,5, -10450,2,9, -10450,3,18,concern for non-accidental trauma -10452,1,1, -10452,2,2, -10452,3,8, -10452,4,9, -10457,1,2, -10462,1,2, -10464,1,2, -10464,2,7, -10468,1,18,hereditary spherocytosis & splenomegaly -10469,1,2, -10469,2,8, -10469,3,9, -10472,1,2, -10472,2,8, -10474,1,2, -10474,2,8, -10474,3,9, -10476,1,8, -10481,1,2, -10481,2,9, -10485,1,4, -10485,2,8, -10485,3,9, -10486,1,2, -10486,2,8, -10488,1,2, -10488,2,9, -10488,3,10, -10488,4,11, -10490,1,2, -10494,1,2, -10494,2,8, -10497,1,2, -10497,2,9, -10502,1,2, -10502,2,9, -10503,1,1, -10503,2,2, -10503,3,8, -10506,1,6, -10506,2,8, -10506,3,9, -10507,1,2, -10508,1,3, -10511,1,1, -10511,2,2, -10511,3,8, -10512,1,8, -10517,1,9, -10517,2,18,hematemesis -10519,1,2, -10519,2,9, -10520,1,19, -10521,1,1, -10521,2,2, -10522,1,2, -10522,2,8, -10523,1,2, -10523,2,8, -10525,1,1, -10525,2,2, -10525,3,5, -10528,1,1, -10528,2,2, -10530,1,18,T2 paralysis-unreliable exam -10531,1,8, -10533,1,1, -10533,2,2, -10536,1,2, -10536,2,9, -10536,3,18,severe back pain -10540,1,4, -10542,1,8, -10547,1,1, -10547,2,2, -10547,3,6, -10547,4,8, -10549,1,9, -10550,1,1, -10550,2,2, -10550,3,5, -10550,4,8, -10550,5,12, -10551,1,8, -10552,1,1, -10552,2,2, -10552,3,8, -10554,1,2, -10554,2,8, -10555,1,2, -10555,2,5, -10555,3,7, -10558,1,4, -10558,2,8, -10561,1,3, -10561,2,8, -10562,1,2, -10562,2,8, -10562,3,9, -10562,4,15, -10565,1,1, -10565,2,9, -10567,1,2, -10570,1,2, -10570,2,8, -10570,3,9, -10570,4,18,h/o bile duct repture & paverecreatity -10575,1,2, -10575,2,3, -10575,3,6, -10575,4,8, -10575,5,9, -10579,1,2, -10580,1,2, -10580,2,18,pelvic pain -10584,1,8, -10584,2,3, -10587,1,2, -10587,2,5, -10588,1,1, -10588,2,2, -10588,3,7, -10588,4,9, -10589,1,8, -10593,1,2, -10593,2,8, -10593,3,18,Seat belt sign/+FAST exam -10594,1,2, -10598,1,18,T12 fx on X-ray -10600,1,2, -10600,2,8, -10601,1,9, -10601,2,8, -10604,1,8, -10605,1,9, -10607,1,2, -10607,2,3, -10607,3,8, -10608,1,2, -10614,1,2, -10614,2,8, -10616,1,2, -10616,2,9, -10617,1,8, -10617,2,18,Uncooperative with exam -10619,1,1, -10619,2,2, -10627,1,1, -10627,2,8, -10629,1,1, -10629,2,2, -10632,1,9, -10637,1,2, -10637,2,3, -10637,3,4, -10637,4,8, -10637,5,9, -10637,6,13, -10638,1,2, -10638,2,5, -10638,3,8, -10638,4,11, -10638,5,12, -10639,1,2, -10639,2,5, -10639,3,10, -10642,1,8, -10642,2,18,Patient c/o onset of LUQ pain -10643,1,3, -10643,2,5, -10643,3,8, -10644,1,2, -10644,2,8, -10647,1,1, -10647,2,2, -10647,3,5, -10650,1,1, -10650,2,18,Gross blood on BM -10658,1,2, -10658,2,5, -10659,1,5, -10659,2,18,abdominal pain -10665,1,16, -10668,1,9, -10668,2,15, -10668,3,18,pelvic fracture on x-ray -10669,1,2, -10669,2,8, -10669,3,9, -10669,4,10, -10671,1,2, -10671,2,8, -10671,3,18,Distracting injury -10675,1,1, -10675,2,2, -10675,3,8, -10676,1,8, -10676,2,18,Unknown -10679,1,1, -10679,2,2, -10679,3,8, -10679,4,9, -10684,1,2, -10685,1,8, -10689,1,9, -10693,1,8, -10695,1,2, -10695,2,9, -10695,3,18,complex lumbar laceration -10697,1,2, -10697,2,8, -10698,1,2, -10699,1,8, -10701,1,5, -10701,2,10, -10701,3,16, -10703,1,2, -10703,2,3, -10703,3,8, -10703,4,9, -10705,1,8, -10707,1,3, -10707,2,6, -10709,1,2, -10709,2,8, -10710,1,1, -10710,2,9, -10712,1,1, -10712,2,2, -10716,1,2, -10720,1,2, -10720,2,8, -10722,1,2, -10722,2,5, -10726,1,18,Pain -10727,1,13, -10729,1,1, -10729,2,2, -10729,3,8, -10733,1,3, -10733,2,8, -10734,1,8, -10734,2,2, -10735,1,2, -10735,2,9, -10737,1,2, -10738,1,2, -10738,2,3, -10738,3,8, -10739,1,2, -10739,2,6, -10740,1,8, -10741,1,2, -10741,2,18,assault -10748,1,6, -10749,1,5, -10749,2,2, -10751,1,1, -10751,2,2, -10751,3,9, -10751,4,17,lactate -10756,1,5, -10760,1,8, -10763,1,8, -10765,1,18,ultrasound -10770,1,1, -10770,2,2, -10776,1,2, -10777,1,2, -10777,2,9, -10778,1,9, -10781,1,2, -10781,2,9, -10783,1,2, -10783,2,9, -10784,1,9, -10784,2,10, -10785,1,7, -10785,2,8, -10786,1,2, -10786,2,6, -10786,3,8, -10789,1,8, -10790,1,2, -10790,2,5, -10792,1,9, -10793,1,2, -10795,1,2, -10795,2,3, -10795,3,9, -10798,1,2, -10800,1,2, -10800,2,8, -10801,1,2, -10801,2,5, -10801,3,9, -10805,1,8, -10811,1,2, -10811,2,9, -10812,1,8, -10816,1,2, -10816,2,6, -10816,3,8, -10816,4,18,spasmodic pain episodes -10818,1,1, -10818,2,8, -10818,3,18,pcp request -10821,1,8, -10822,1,2, -10822,2,17,Elevated WBC -10823,1,2, -10823,2,3, -10823,3,6, -10825,1,8, -10825,2,18,Significant Bruising on exam -10826,1,2, -10826,2,18,Abrasions on Back -10828,1,2, -10828,2,6, -10834,1,8, -10835,1,2, -10835,2,8, -10836,1,1, -10836,2,8, -10839,1,2, -10839,2,8, -10839,3,17,ume + blood -10840,1,9, -10841,1,5, -10844,1,2, -10847,1,2, -10847,2,9, -10850,1,2, -10853,1,2, -10853,2,5, -10855,1,2, -10855,2,8, -10856,1,8, -10857,1,8, -10859,1,8, -10863,1,2, -10863,2,6, -10866,1,2, -10866,2,8, -10871,1,6, -10871,2,8, -10871,3,15, -10876,1,12, -10877,1,2, -10877,2,9, -10877,3,15, -10877,4,18,Pelvic tenderness -10880,1,8, -10880,2,9, -10881,1,8, -10886,1,8, -10890,1,2, -10890,2,9, -10890,3,17,c/o abd pain -10892,1,1, -10892,2,2, -10895,1,8, -10898,1,1, -10898,2,2, -10898,3,13, -10903,1,2, -10904,1,8, -10905,1,2, -10905,2,9, -10907,1,3, -10907,2,6, -10907,3,8, -10910,1,1, -10910,2,2, -10910,3,8, -10911,1,1, -10911,2,2, -10911,3,8, -10911,4,9, -10914,1,8, -10918,1,2, -10918,2,18,Abd tenderness & pelvic fracture -10921,1,2, -10921,2,8, -10927,1,2, -10927,2,8, -10929,1,15, -10930,1,9, -10932,1,2, -10932,2,8, -10933,1,8, -10935,1,2, -10935,2,9, -10936,1,2, -10936,2,5, -10936,3,8, -10936,4,9, -10937,1,7, -10937,2,9, -10940,1,1, -10940,2,2, -10940,3,8, -10940,4,9, -10941,1,2, -10941,2,4, -10946,1,6, -10946,2,8, -10946,3,18,Anuria -10948,1,2, -10948,2,8, -10950,1,2, -10954,1,2, -10954,2,18,abdominal pain -10959,1,8, -10960,1,1, -10960,2,2, -10960,3,8, -10961,1,1, -10961,2,2, -10962,1,1, -10962,2,2, -10962,3,5, -10962,4,7, -10962,5,9, -10962,6,10, -10962,7,16, -10963,1,2, -10963,2,18,Cont to c/ abdominal pain -10966,1,8, -10972,1,18,LUQ tender -10976,1,2, -10979,1,2, -10979,2,8, -10993,1,8, -10994,1,13, -10996,1,1, -10996,2,9, -10996,3,18,Unable to asses abdomen due to intubation and paralyses -11000,1,9, -11001,1,18,von willebrand disease -11003,1,2, -11004,1,17,"elevated LFT, Child Abuse" -11008,1,2, -11008,2,8, -11011,1,7, -11011,2,18,Tachycardia -11014,1,6, -11014,2,16, -11015,1,2, -11015,2,6, -11015,3,9, -11018,1,8, -11018,2,2, -11019,1,2, -11019,2,4, -11019,3,9, -11022,1,2, -11022,2,18,Brusing on lower abd wall -11025,1,2, -11025,2,7, -11026,1,8, -11027,1,2, -11027,2,9, -11030,1,8, -11032,1,2, -11032,2,7, -11032,3,10, -11034,1,2, -11034,2,7, -11034,3,9, -11034,4,18,quaiac + -11036,1,2, -11036,2,7, -11036,3,9, -11037,1,8, -11041,1,1, -11041,2,8, -11042,1,2, -11042,2,9, -11043,1,1, -11043,2,2, -11043,3,3, -11046,1,2, -11046,2,8, -11049,1,4, -11049,2,5, -11049,3,9, -11049,4,10, -11049,5,11, -11049,6,12, -11049,7,16, -11049,8,17,acidosis -11053,1,1, -11053,2,2, -11053,3,9, -11058,1,2, -11059,1,1, -11059,2,2, -11059,3,9, -11062,1,2, -11062,2,4, -11062,3,5, -11064,1,1, -11064,2,2, -11066,1,2, -11066,2,5, -11066,3,8, -11072,1,1, -11072,2,2, -11074,1,2, -11074,2,16, -11080,1,8, -11084,1,18,Point Lumbar Tenerness -11086,1,2, -11087,1,8, -11089,1,1, -11089,2,2, -11089,3,8, -11089,4,9, -11090,1,1, -11090,2,2, -11090,3,8, -11092,1,5, -11092,2,11, -11092,3,13, -11093,1,2, -11093,2,6, -11093,3,8, -11093,4,18,seat belt mark -11094,1,2, -11094,2,9, -11094,3,18,Seat Belt Sign -11095,1,2, -11095,2,7, -11095,3,9, -11098,1,8, -11098,2,18,seat belt sign -11099,1,2, -11101,1,1, -11101,2,2, -11101,3,9, -11102,1,3, -11102,2,8, -11104,1,8, -11104,2,9, -11106,1,8, -11109,1,2, -11109,2,8, -11110,1,2, -11110,2,1, -11110,3,9, -11116,1,18,inconsistent exam -11117,1,8, -11117,2,18,Handlebar mark on abdomen -11120,1,2, -11120,2,8, -11122,1,9, -11123,1,2, -11123,2,5, -11126,1,2, -11126,2,4, -11126,3,9, -11129,1,16, -11132,1,2, -11132,2,8, -11134,1,2, -11134,2,8, -11134,3,9, -11135,1,2, -11135,2,8, -11135,3,9, -11136,1,19, -11140,1,2, -11140,2,8, -11142,1,8, -11142,2,9, -11142,3,15, -11144,1,2, -11144,2,5, -11144,3,8, -11146,1,1, -11146,2,2, -11150,1,5, -11151,1,1, -11151,2,2, -11153,1,2, -11153,2,5, -11153,3,9, -11156,1,2, -11156,2,8, -11157,1,8, -11165,1,2, -11165,2,6, -11165,3,8, -11167,1,3, -11167,2,6, -11167,3,8, -11170,1,8, -11170,2,18,Patient wishes to return to hockey -11172,1,6, -11172,2,8, -11172,3,16, -11173,1,8, -11176,1,2, -11177,1,8, -11182,1,5, -11182,2,8, -11183,1,18,thoracic spine tenderness-con -11186,1,2, -11186,2,5, -11187,1,2, -11187,2,8, -11189,1,18,unable to confidently localize to abd wall. -11192,1,2, -11192,2,5, -11192,3,7, -11192,4,8, -11192,5,9, -11199,1,19, -11200,1,2, -11201,1,5, -11205,1,2, -11205,2,8, -11209,1,8, -11213,1,9, -11214,1,1, -11214,2,2, -11214,3,9, -11218,1,1, -11218,2,2, -11221,1,19, -11222,1,1, -11222,2,2, -11226,1,2, -11226,2,8, -11226,3,9, -11226,4,17,hemoperitoneumonus -11228,1,9, -11229,1,13, -11237,1,16, -11238,1,6, -11238,2,8, -11242,1,2, -11242,2,7, -11243,1,2, -11243,2,9, -11244,1,1, -11244,2,2, -11244,3,7, -11244,4,9, -11245,1,1, -11245,2,2, -11247,1,8, -11248,1,2, -11248,2,6, -11248,3,8, -11249,1,16, -11250,1,8, -11250,2,18,Mechanism -11252,1,1, -11252,2,2, -11255,1,2, -11255,2,3, -11255,3,18,Concern for duodenal injury -11257,1,2, -11258,1,8, -11260,1,2, -11260,2,3, -11260,3,6, -11261,1,9, -11261,2,10, -11268,1,9, -11275,1,18,pelvic fracture -11276,1,2, -11276,2,8, -11277,1,8, -11279,1,9, -11283,1,2, -11283,2,18,injuries to head and leg -11286,1,2, -11286,2,5, -11286,3,9, -11288,1,1, -11288,2,2, -11288,3,7, -11288,4,8, -11289,1,8, -11291,1,2, -11291,2,18,back pain -11295,1,2, -11295,2,8, -11295,3,9, -11297,1,13, -11297,2,18,sickle cell disease -11303,1,2, -11303,2,9, -11304,1,8, -11308,1,2, -11308,2,8, -11311,1,14, -11311,2,18,focal injury to LUQ -11314,1,5, -11314,2,11, -11314,3,13, -11314,4,16, -11314,5,17,WBC 23.6 -11316,1,2, -11316,2,6, -11316,3,8, -11316,4,18,vomiting -11317,1,2, -11317,2,6, -11320,1,2, -11320,2,5, -11321,1,2, -11321,2,5, -11324,1,2, -11324,2,18,"Lap seat belt sign, severe abd pain reported by EMS in field" -11328,1,5, -11334,1,2, -11334,2,5, -11335,1,8, -11336,1,2, -11337,1,1, -11337,2,11, -11337,3,5, -11337,4,18,Fx skull and bleed -11338,1,2, -11338,2,5, -11338,3,13, -11338,4,16, -11339,1,2, -11339,2,8, -11348,1,8, -11355,1,1, -11355,2,2, -11355,3,9, -11359,1,1, -11359,2,8, -11360,1,1, -11360,2,2, -11362,1,8, -11363,1,1, -11363,2,2, -11369,1,1, -11369,2,2, -11369,3,13, -11370,1,1, -11370,2,2, -11370,3,5, -11371,1,2, -11371,2,7, -11371,3,9, -11382,1,2, -11382,2,8, -11382,3,9, -11386,1,9, -11387,1,2, -11389,1,2, -11389,2,14, -11389,3,11, -11392,1,1, -11392,2,2, -11393,1,2, -11393,2,6, -11393,3,8, -11395,1,1, -11395,2,8, -11396,1,1, -11396,2,9, -11396,3,18,Suspicion of abuse -11396,4,2, -11397,1,2, -11397,2,8, -11398,1,18,"PMD request,( Primary doctor requested)" -11399,1,1, -11399,2,2, -11399,3,8, -11400,1,15, -11402,1,8, -11404,1,18,Fracture identified at transfering hospital on pelvic x-ray -11406,1,1, -11406,2,2, -11406,3,8, -11408,1,1, -11408,2,2, -11408,3,5, -11408,4,8, -11408,5,13, -11409,1,1, -11409,2,2, -11412,1,1, -11412,2,5, -11412,3,18,suspected NAT -11413,1,6, -11413,2,8, -11414,1,8, -11416,1,10, -11419,1,8, -11420,1,1, -11420,2,2, -11420,3,9, -11421,1,2, -11421,2,5, -11422,1,2, -11422,2,8, -11425,1,1, -11425,2,2, -11425,3,5, -11425,4,9, -11427,1,16, -11432,1,18,Patient developed abdominal pain -11436,1,1, -11436,2,2, -11436,3,9, -11439,1,2, -11440,1,2, -11442,1,2, -11442,2,8, -11443,1,8, -11445,1,2, -11445,2,3, -11445,3,6, -11445,4,8, -11447,1,1, -11447,2,8, -11447,3,18,2 dead passengers in same vehicle -11448,1,8, -11449,1,2, -11452,1,18,Distracting injury -11453,1,2, -11453,2,4, -11453,3,15, -11454,1,1, -11454,2,2, -11454,3,8, -11454,4,9, -11460,1,19, -11461,1,2, -11461,2,6, -11462,1,2, -11462,2,18,Spine Tenderness -11465,1,2, -11465,2,9, -11467,1,8, -11468,1,17,UA w/ 188RBC -11472,1,5, -11474,1,2, -11474,2,8, -11474,3,11, -11475,1,2, -11475,2,9, -11476,1,1, -11476,2,16, -11480,1,1, -11480,2,2, -11480,3,18,widened mediastinum on chest x-ray -11482,1,2, -11482,2,9, -11485,1,3, -11485,2,5, -11489,1,2, -11489,2,18,"Distracting Facial Injuries, Pallor" -11491,1,2, -11491,2,8, -11492,1,2, -11493,1,2, -11493,2,5, -11495,1,6, -11495,2,8, -11496,1,8, -11497,1,5, -11499,1,2, -11499,2,8, -11499,3,9, -11500,1,1, -11500,2,2, -11500,3,4, -11500,4,5, -11502,1,1, -11502,2,2, -11502,3,9, -11503,1,8, -11506,1,1, -11506,2,8, -11507,1,6, -11509,1,3, -11511,1,6, -11511,2,9, -11511,3,18,FAST exam with small amount of free fluid -11513,1,1, -11513,2,2, -11513,3,18,+ seat belt sign -11515,1,8, -11516,1,19, -11521,1,19, -11522,1,8, -11522,2,9, -11524,1,5, -11524,2,8, -11526,1,2, -11526,2,15, -11528,1,2, -11528,2,9, -11529,1,1, -11529,2,2, -11529,3,8, -11530,1,19, -11532,1,2, -11532,2,3, -11533,1,2, -11533,2,8, -11535,1,2, -11535,2,5, -11535,3,8, -11535,4,9, -11538,1,3, -11541,1,1, -11541,2,2, -11541,3,9, -11541,4,18,Difficulty in evaluating abdomen due to young age -11542,1,8, -11543,1,2, -11543,2,9, -11549,1,2, -11549,2,8, -11550,1,7, -11550,2,8, -11552,1,2, -11553,1,2, -11553,2,7, -11554,1,2, -11555,1,2, -11559,1,2, -11559,2,7, -11561,1,2, -11561,2,8, -11561,3,9, -11562,1,2, -11562,2,6, -11562,3,8, -11563,1,1, -11563,2,2, -11563,3,8, -11564,1,2, -11564,2,6, -11567,1,1, -11567,2,2, -11567,3,9, -11569,1,18,Abdominal pain and scat belt mark -11572,1,3, -11574,1,2, -11574,2,6, -11574,3,8, -11574,4,9, -11581,1,8, -11581,2,9, -11586,1,2, -11586,2,8, -11587,1,1, -11587,2,2, -11587,3,3, -11587,4,8, -11590,1,2, -11590,2,5, -11594,1,5, -11594,2,9, -11597,1,2, -11597,2,9, -11597,3,14, -11598,1,7, -11600,1,13, -11601,1,8, -11603,1,8, -11607,1,2, -11607,2,3, -11609,1,2, -11609,2,9, -11609,3,18,thoracic pain -11611,1,8, -11612,1,2, -11612,2,8, -11613,1,2, -11613,2,8, -11614,1,2, -11614,2,5, -11614,3,8, -11615,1,8, -11617,1,2, -11617,2,4, -11617,3,5, -11621,1,2, -11621,2,8, -11629,1,13, -11630,1,1, -11630,2,2, -11630,3,4, -11630,4,5, -11630,5,9, -11631,1,6, -11631,2,16, -11633,1,1, -11633,2,2, -11634,1,2, -11634,2,5, -11639,1,8, -11640,1,1, -11640,2,2, -11640,3,18,abdominal wall abrasion -11641,1,2, -11641,2,8, -11643,1,2, -11644,1,6, -11644,2,8, -11645,1,2, -11645,2,6, -11645,3,8, -11645,4,16, -11646,1,2, -11647,1,2, -11647,2,9, -11647,3,18,Disturbing injury -11648,1,9, -11649,1,1, -11649,2,2, -11649,3,8, -11660,1,8, -11662,1,2, -11662,2,7, -11662,3,8, -11663,1,2, -11663,2,5, -11666,1,2, -11666,2,9, -11668,1,1, -11668,2,2, -11668,3,8, -11668,4,3, -11669,1,8, -11669,2,9, -11670,1,2, -11670,2,3, -11670,3,8, -11671,1,8, -11672,1,2, -11673,1,2, -11673,2,7, -11674,1,8, -11675,1,8, -11675,2,16, -11679,1,3, -11679,2,6, -11679,3,8, -11679,4,9, -11681,1,8, -11682,1,2, -11682,2,4, -11682,3,5, -11682,4,7, -11682,5,9, -11684,1,2, -11684,2,8, -11684,3,18,FAST ultrasound -11686,1,2, -11686,2,5, -11689,1,2, -11689,2,6, -11690,1,2, -11690,2,7, -11693,1,2, -11693,2,8, -11693,3,9, -11695,1,1, -11695,2,2, -11695,3,8, -11697,1,2, -11697,2,7, -11698,1,5, -11698,2,9, -11699,1,2, -11699,2,4, -11704,1,19, -11709,1,1, -11709,2,2, -11711,1,2, -11711,2,8, -11711,3,9, -11712,1,2, -11712,2,9, -11713,1,1, -11713,2,2, -11713,3,8, -11715,1,8, -11718,1,1, -11718,2,2, -11719,1,5, -11720,1,1, -11720,2,2, -11720,3,3, -11720,4,13, -11722,1,2, -11725,1,2, -11725,2,8, -11729,1,19, -11730,1,1, -11730,2,3, -11730,3,8, -11730,4,13, -11731,1,1, -11731,2,8, -11737,1,1, -11737,2,8, -11739,1,1, -11739,2,2, -11741,1,8, -11742,1,9, -11742,2,16, -11744,1,2, -11744,2,9, -11745,1,8, -11748,1,2, -11749,1,8, -11750,1,2, -11750,2,7, -11752,1,2, -11752,2,18,Patient unable to describe pain -11753,1,1, -11753,2,2, -11753,3,18,Incomplete LE because Paraplegic Insensate -11755,1,2, -11756,1,8, -11761,1,2, -11761,2,8, -11763,1,2, -11763,2,8, -11764,1,2, -11764,2,8, -11770,1,1, -11770,2,2, -11770,3,18,bruise on abdomen -11771,1,2, -11771,2,9, -11775,1,2, -11775,2,7, -11775,3,8, -11775,4,9, -11775,5,15, -11776,1,1, -11776,2,9, -11776,3,18,ecchymosis on LLQ -11781,1,2, -11781,2,9, -11781,3,10, -11782,1,2, -11782,2,6, -11782,3,18,n/o Liver transplant/Splenomegaly -11785,1,1, -11785,2,2, -11785,3,3, -11785,4,7, -11788,1,8, -11790,1,2, -11790,2,8, -11790,3,9, -11791,1,2, -11791,2,9, -11802,1,1, -11802,2,2, -11804,1,9, -11811,1,2, -11814,1,2, -11814,2,5, -11815,1,2, -11815,2,3, -11815,3,8, -11817,1,1, -11817,2,2, -11817,3,9, -11819,1,9, -11821,1,2, -11821,2,5, -11821,3,9, -11822,1,8, -11824,1,8, -11826,1,3, -11826,2,8, -11828,1,18,surgical attending request -11831,1,2, -11831,2,18,distracting face trauma -11831,3,10, -11833,1,6, -11833,2,8, -11833,3,14, -11833,4,15, -11835,1,1, -11835,2,2, -11835,3,9, -11835,4,18,unwittnessed event -11836,1,1, -11836,2,2, -11839,1,8, -11841,1,1, -11841,2,5, -11841,3,8, -11844,1,9, -11845,1,8, -11846,1,1, -11846,2,2, -11846,3,8, -11847,1,2, -11847,2,8, -11848,1,1, -11848,2,18,patient has osteogenesis imperfecta -11850,1,18,LOC; hip tenderness -11852,1,8, -11852,2,13, -11853,1,2, -11853,2,11, -11855,1,1, -11855,2,2, -11855,3,8, -11855,4,9, -11856,1,1, -11856,2,8, -11856,3,13, -11857,1,1, -11857,2,2, -11857,3,5, -11858,1,2, -11858,2,18,Trauma Ordered 2 Erythem -11859,1,1, -11859,2,2, -11859,3,8, -11861,1,2, -11861,2,5, -11865,1,2, -11865,2,4, -11876,1,1, -11876,2,3, -11876,3,8, -11876,4,9, -11878,1,2, -11878,2,5, -11878,3,8, -11878,4,9, -11886,1,8, -11886,2,9, -11887,1,13, -11888,1,19, -11900,1,18,VonWilebrands Disease -11901,1,2, -11901,2,8, -11903,1,1, -11903,2,2, -11903,3,8, -11904,1,8, -11905,1,18,Trauma Fellow wanted it -11908,1,2, -11908,2,3, -11908,3,6, -11910,1,2, -11910,2,8, -11910,3,9, -11914,1,1, -11914,2,2, -11914,3,8, -11915,1,2, -11915,2,5, -11916,1,8, -11918,1,2, -11918,2,5, -11919,1,2, -11919,2,9, -11924,1,2, -11924,2,8, -11932,1,2, -11932,2,8, -11935,1,1, -11935,2,8, -11935,3,15, -11937,1,2, -11937,2,8, -11940,1,8, -11940,2,13, -11945,1,1, -11945,2,8, -11945,3,18,Spinal Fracture -11951,1,6, -11951,2,8, -11953,1,2, -11953,2,5, -11953,3,6, -11953,5,8, -11954,1,15, -11955,1,1, -11955,2,2, -11955,3,18,Guaiac + -11959,1,2, -11962,1,1, -11962,2,2, -11962,3,3, -11962,4,8, -11962,5,13, -11963,1,5, -11966,1,2, -11967,1,2, -11970,1,2, -11970,2,9, -11970,3,10, -11971,1,2, -11972,1,2, -11972,2,8, -11974,1,2, -11974,2,8, -11979,1,2, -11979,2,5, -11979,3,9, -11984,1,1, -11984,2,2, -11984,3,6, -11984,4,8, -11984,5,9, -11985,1,2, -11985,2,5, -11987,1,2, -11989,1,2, -11989,2,5, -11990,1,1, -11990,2,2, -11990,3,9, -11994,1,8, -11994,2,9, -11994,3,18,seat belt sign -11995,1,2, -11995,2,8, -11998,1,8, -12002,1,2, -12002,2,8, -12004,1,9, -12004,2,18,Pelvic tenderness -12005,1,2, -12005,2,18,Death in same accident -12007,1,2, -12007,2,9, -12012,1,2, -12012,2,7, -12012,3,8, -12012,4,9, -12017,1,15, -12018,1,8, -12021,1,2, -12021,2,8, -12023,1,13, -12029,1,2, -12029,2,8, -12030,1,1, -12030,2,2, -12030,3,9, -12031,1,2, -12031,2,9, -12031,3,15, -12032,1,2, -12032,2,6, -12032,3,8, -12033,1,1, -12033,2,2, -12033,3,5, -12033,4,18,Back pain(T Spine) -12035,1,2, -12035,2,8, -12037,1,5, -12039,1,2, -12041,1,2, -12041,2,8, -12044,1,2, diff --git a/data/iai_pecarn/raw/form1_mvccollision.csv b/data/iai_pecarn/raw/form1_mvccollision.csv deleted file mode 100644 index 91ec217e..00000000 --- a/data/iai_pecarn/raw/form1_mvccollision.csv +++ /dev/null @@ -1,4197 +0,0 @@ -SubjectID,Repeat_instance,MVCCollision -3,1,2 -3,1,2 -7,1,4 -9,1,4 -9,1,4 -12,1,6 -14,1,4 -16,1,3 -19,1,2 -20,1,4 -22,1,4 -24,1,4 -25,1,4 -26,1,3 -27,1,4 -34,1,6 -36,1,4 -43,1,6 -54,1,4 -54,1,4 -58,1,4 -61,1,6 -77,1,4 -78,1,4 -85,2,5 -86,1,4 -87,1,4 -87,1,4 -88,1,4 -93,1,2 -98,1,4 -109,1,2 -109,2,3 -114,1,4 -126,1,4 -129,1,4 -130,1,4 -132,1,5 -136,1,2 -137,1,4 -142,1,1 -142,2,2 -142,3,3 -143,1,4 -145,1,4 -146,1,4 -147,1,1 -147,2,2 -148,1,4 -149,1,4 -150,1,4 -150,1,6 -155,1,5 -156,1,2 -157,1,4 -158,1,4 -162,1,2 -163,1,5 -164,1,2 -166,2,2 -168,1,4 -170,1,4 -171,1,2 -174,1,4 -175,1,2 -175,1,2 -176,1,4 -177,1,4 -181,1,4 -183,1,6 -184,1,4 -185,1,1 -185,2,2 -191,1,4 -193,1,4 -199,1,4 -201,1,4 -205,1,4 -208,1,4 -216,1,4 -219,1,4 -220,1,1 -225,1,2 -225,2,3 -229,1,2 -230,1,4 -231,1,3 -234,1,4 -236,1,4 -238,1,5 -239,1,5 -240,1,4 -243,1,4 -244,1,6 -246,1,2 -249,1,4 -251,1,4 -254,1,4 -254,1,4 -255,1,6 -258,1,4 -260,1,4 -262,1,4 -267,1,4 -270,1,4 -273,1,2 -285,1,4 -286,1,3 -289,1,2 -292,1,2 -302,1,4 -305,1,6 -308,1,5 -314,1,1 -320,1,4 -322,1,2 -323,1,4 -330,1,4 -333,1,4 -334,1,4 -335,1,3 -336,1,2 -340,1,2 -341,1,3 -347,1,5 -348,1,4 -349,1,1 -351,1,4 -355,1,5 -357,1,4 -359,1,4 -361,1,2 -363,1,4 -367,1,4 -368,1,4 -369,1,4 -369,1,6 -374,1,2 -374,2,3 -375,1,2 -379,1,3 -380,1,4 -390,1,4 -392,1,4 -399,1,1 -400,1,4 -400,1,4 -405,1,4 -408,1,4 -410,1,4 -411,1,1 -412,1,4 -413,1,3 -414,1,4 -415,1,4 -415,1,4 -417,1,6 -418,1,4 -421,1,4 -427,1,4 -428,1,1 -431,1,4 -432,1,4 -434,1,2 -435,1,4 -437,1,4 -438,1,6 -443,1,4 -444,1,4 -447,1,2 -449,1,4 -452,1,1 -462,1,4 -468,1,4 -470,1,4 -475,1,6 -477,1,1 -477,2,2 -486,1,4 -490,1,1 -490,2,2 -492,1,4 -493,1,4 -499,1,4 -504,1,4 -509,1,4 -510,1,6 -516,1,4 -518,1,2 -520,1,2 -521,1,4 -522,1,3 -527,1,3 -528,1,5 -531,1,2 -535,1,4 -537,1,6 -538,1,4 -541,1,6 -545,1,4 -546,1,6 -549,1,5 -552,1,4 -556,1,4 -559,1,2 -561,1,4 -562,1,4 -563,1,4 -566,1,4 -572,1,4 -578,1,6 -579,1,4 -580,1,4 -581,1,4 -584,1,4 -585,1,2 -590,1,4 -593,1,4 -599,1,6 -600,1,4 -603,1,2 -606,1,4 -608,1,3 -610,1,4 -611,1,2 -611,2,3 -611,3,1 -612,1,1 -613,1,4 -614,1,4 -617,1,3 -617,2,1 -617,3,2 -618,1,4 -621,1,6 -622,1,4 -628,1,4 -631,1,4 -632,1,5 -633,1,4 -638,1,4 -640,1,2 -643,1,4 -644,1,4 -652,1,4 -653,1,4 -655,1,4 -660,1,4 -665,1,5 -669,1,1 -672,1,4 -681,1,1 -682,1,4 -683,1,2 -687,1,3 -689,1,4 -690,1,4 -690,1,4 -692,1,4 -695,1,4 -695,1,4 -697,1,4 -701,1,2 -702,1,4 -703,1,4 -704,1,4 -706,1,4 -711,1,4 -714,1,4 -719,1,3 -719,1,2 -719,2,3 -721,1,2 -721,2,1 -725,1,4 -726,1,4 -727,1,4 -729,1,4 -735,1,4 -736,1,4 -737,1,4 -739,1,5 -743,1,4 -747,1,2 -749,1,4 -754,1,4 -757,1,4 -760,1,4 -763,1,4 -769,1,4 -771,1,6 -771,1,4 -772,1,1 -778,1,4 -783,1,4 -784,1,4 -785,1,4 -786,1,4 -787,1,4 -789,1,4 -793,1,2 -797,1,4 -809,1,2 -811,1,2 -816,1,4 -822,1,4 -823,1,4 -824,1,1 -832,1,4 -837,1,2 -839,1,2 -839,1,2 -841,1,6 -842,1,6 -846,1,4 -849,1,4 -854,1,4 -855,1,4 -858,1,4 -861,1,2 -863,1,4 -864,1,4 -866,1,4 -867,1,4 -867,1,4 -868,1,5 -875,1,2 -875,1,2 -876,1,4 -882,1,2 -886,1,1 -887,1,4 -889,1,4 -894,1,2 -900,1,6 -901,1,4 -904,1,4 -906,1,4 -912,1,2 -917,1,1 -919,1,4 -921,1,4 -922,1,4 -923,1,4 -927,1,4 -930,1,2 -933,1,4 -939,1,4 -940,1,4 -944,1,6 -946,1,4 -947,1,4 -949,1,4 -950,1,4 -954,1,5 -962,1,1 -962,2,2 -963,1,4 -965,1,2 -966,1,2 -966,1,2 -969,1,4 -975,1,4 -977,1,4 -979,1,4 -980,1,4 -986,1,4 -987,1,4 -992,1,4 -994,1,4 -1000,1,4 -1001,1,4 -1007,1,4 -1008,1,4 -1014,1,4 -1015,1,2 -1015,1,2 -1020,1,2 -1021,1,4 -1023,1,2 -1027,1,2 -1029,1,6 -1030,1,4 -1034,1,4 -1035,1,4 -1039,1,5 -1043,1,2 -1044,1,4 -1044,1,4 -1048,1,4 -1051,1,6 -1054,1,4 -1058,1,4 -1059,1,2 -1065,1,4 -1078,1,2 -1079,1,4 -1083,1,4 -1097,1,4 -1098,1,4 -1099,1,3 -1100,1,4 -1109,1,3 -1110,1,2 -1116,1,1 -1116,2,2 -1117,1,4 -1119,1,5 -1121,1,1 -1121,2,2 -1125,1,3 -1129,1,4 -1130,1,4 -1131,1,4 -1132,1,2 -1139,1,2 -1140,1,4 -1143,1,4 -1149,1,5 -1154,1,6 -1154,1,4 -1157,1,4 -1158,1,4 -1161,1,4 -1171,1,2 -1172,1,4 -1182,1,1 -1182,2,3 -1185,1,4 -1185,1,4 -1197,1,4 -1202,1,2 -1205,1,2 -1215,1,4 -1216,1,5 -1217,1,5 -1218,1,1 -1219,1,1 -1219,2,2 -1220,1,4 -1220,1,6 -1222,1,4 -1232,1,4 -1233,1,4 -1238,1,4 -1241,1,4 -1244,1,4 -1252,1,4 -1254,1,4 -1257,1,4 -1262,1,2 -1263,1,5 -1271,1,1 -1271,2,2 -1272,1,3 -1273,1,4 -1277,1,4 -1284,1,3 -1287,1,4 -1290,1,1 -1292,1,4 -1294,1,4 -1295,1,5 -1296,1,4 -1298,1,4 -1300,1,2 -1306,1,4 -1308,1,4 -1315,1,4 -1319,1,4 -1322,1,5 -1326,1,4 -1327,1,1 -1328,1,4 -1332,1,1 -1337,1,4 -1339,1,4 -1343,1,4 -1345,1,4 -1349,1,4 -1350,1,4 -1362,1,4 -1363,1,3 -1365,1,4 -1369,1,4 -1372,1,6 -1375,1,2 -1376,1,1 -1379,1,4 -1388,1,2 -1390,1,4 -1393,1,4 -1395,1,1 -1400,1,4 -1401,1,4 -1404,1,4 -1413,1,4 -1414,1,4 -1416,1,5 -1417,1,4 -1420,1,4 -1422,1,2 -1422,1,2 -1424,1,4 -1425,1,1 -1425,2,2 -1428,1,4 -1433,1,5 -1435,1,4 -1436,1,4 -1438,1,4 -1442,1,4 -1443,1,4 -1446,1,4 -1449,1,4 -1454,1,6 -1459,1,5 -1460,1,1 -1460,2,2 -1461,1,1 -1461,2,3 -1463,1,4 -1467,1,4 -1469,1,1 -1469,2,2 -1470,1,4 -1475,1,4 -1479,1,4 -1483,1,4 -1484,1,2 -1486,1,6 -1487,1,4 -1490,1,4 -1492,1,4 -1499,1,1 -1502,1,4 -1503,1,4 -1508,1,4 -1509,1,4 -1511,1,4 -1520,1,4 -1522,1,4 -1526,1,4 -1528,1,4 -1532,1,4 -1533,1,2 -1534,1,5 -1536,1,5 -1539,1,4 -1544,1,2 -1546,1,2 -1547,1,4 -1551,1,4 -1554,1,4 -1557,1,4 -1564,1,4 -1566,1,6 -1568,1,4 -1570,1,2 -1572,1,2 -1573,1,4 -1575,1,4 -1577,1,4 -1580,1,4 -1584,1,4 -1586,1,4 -1593,1,4 -1594,1,4 -1596,1,4 -1600,1,3 -1600,1,3 -1601,1,4 -1603,1,5 -1607,1,4 -1612,1,4 -1614,1,4 -1623,1,4 -1626,1,4 -1627,1,4 -1627,1,4 -1629,1,2 -1631,1,5 -1633,1,4 -1638,1,4 -1644,1,2 -1649,1,5 -1650,1,4 -1653,2,5 -1655,1,4 -1656,1,4 -1657,1,4 -1663,1,4 -1666,1,4 -1672,1,2 -1679,1,4 -1681,1,6 -1683,1,4 -1684,1,2 -1685,1,6 -1690,1,5 -1702,1,4 -1704,1,4 -1711,1,2 -1713,1,4 -1714,1,4 -1715,1,4 -1719,1,4 -1725,1,4 -1729,1,4 -1730,1,1 -1730,2,2 -1730,3,3 -1731,1,4 -1733,1,1 -1733,2,2 -1733,3,3 -1734,1,2 -1736,1,4 -1737,1,4 -1738,1,6 -1739,1,3 -1740,1,4 -1745,1,4 -1749,1,2 -1750,1,4 -1755,1,4 -1761,1,4 -1763,1,2 -1764,1,5 -1771,1,2 -1774,1,1 -1774,2,2 -1777,1,5 -1778,1,4 -1785,1,4 -1786,1,4 -1787,1,4 -1789,1,3 -1794,1,4 -1797,1,4 -1798,1,4 -1801,1,4 -1805,1,1 -1805,2,2 -1808,1,6 -1810,1,2 -1811,1,4 -1823,1,2 -1824,1,4 -1826,1,4 -1836,1,2 -1837,1,4 -1841,1,6 -1846,1,4 -1854,1,4 -1856,1,4 -1864,1,6 -1865,1,4 -1875,1,4 -1880,1,4 -1886,1,2 -1888,1,4 -1889,1,4 -1894,1,6 -1894,1,4 -1896,1,4 -1901,1,4 -1905,1,4 -1908,1,6 -1910,1,3 -1912,1,4 -1920,1,2 -1920,1,2 -1921,1,4 -1924,1,4 -1926,1,4 -1930,1,6 -1931,1,4 -1933,1,4 -1934,1,4 -1936,1,2 -1937,1,4 -1945,1,1 -1946,1,4 -1947,1,3 -1948,1,4 -1952,1,2 -1953,1,4 -1961,1,4 -1962,1,6 -1967,1,6 -1968,1,4 -1971,1,2 -1971,1,2 -1972,1,4 -1977,1,2 -1980,1,4 -1982,1,4 -1983,1,2 -1985,1,5 -1995,1,6 -1997,1,2 -2000,1,4 -2001,1,4 -2003,1,4 -2007,1,4 -2008,1,4 -2009,1,4 -2015,1,5 -2026,1,2 -2027,1,2 -2028,1,4 -2031,1,4 -2039,1,4 -2043,1,4 -2047,1,4 -2050,1,4 -2051,1,4 -2053,1,4 -2055,1,4 -2056,1,5 -2057,1,4 -2058,1,6 -2060,1,4 -2064,1,4 -2065,1,4 -2071,1,6 -2072,1,6 -2076,1,6 -2081,1,3 -2083,1,4 -2089,1,4 -2090,1,2 -2091,1,4 -2103,1,4 -2104,1,4 -2107,1,2 -2108,1,4 -2109,1,1 -2110,1,4 -2116,1,4 -2118,1,6 -2118,1,6 -2119,1,2 -2123,1,4 -2126,1,1 -2127,1,2 -2130,1,4 -2131,1,6 -2131,1,4 -2132,1,4 -2133,1,5 -2134,1,3 -2135,1,4 -2135,1,4 -2136,1,1 -2136,2,2 -2140,1,4 -2152,1,4 -2153,1,4 -2155,1,2 -2156,1,4 -2159,1,3 -2161,1,2 -2163,1,4 -2167,1,2 -2171,1,2 -2171,1,2 -2173,1,4 -2175,1,6 -2177,1,4 -2179,1,4 -2182,1,2 -2187,1,5 -2194,1,2 -2196,1,4 -2199,1,4 -2201,1,4 -2206,1,4 -2207,1,4 -2208,1,1 -2209,1,1 -2211,1,2 -2213,1,1 -2215,1,4 -2216,1,4 -2222,1,3 -2222,1,3 -2226,1,5 -2227,1,4 -2233,1,4 -2234,1,4 -2235,1,4 -2241,1,4 -2249,1,2 -2250,1,4 -2253,1,4 -2255,1,6 -2262,1,4 -2264,1,4 -2266,1,4 -2273,1,5 -2275,1,2 -2280,1,2 -2280,1,2 -2281,1,4 -2282,1,4 -2283,1,1 -2283,2,2 -2283,3,3 -2286,1,5 -2290,1,2 -2291,1,4 -2298,1,2 -2298,2,3 -2301,1,4 -2309,1,4 -2313,1,4 -2316,1,4 -2318,1,4 -2321,1,2 -2323,1,4 -2324,1,4 -2326,1,3 -2329,1,2 -2332,1,4 -2338,1,6 -2343,2,4 -2345,1,4 -2348,1,4 -2350,1,5 -2353,1,4 -2362,1,4 -2365,1,2 -2370,1,4 -2375,1,4 -2376,1,4 -2382,1,4 -2383,1,4 -2386,1,4 -2387,1,4 -2392,1,2 -2393,1,4 -2401,1,4 -2402,1,3 -2403,1,4 -2405,1,2 -2405,1,2 -2413,1,4 -2418,1,2 -2423,1,4 -2437,1,4 -2439,1,1 -2441,1,4 -2441,1,4 -2448,1,2 -2450,1,4 -2451,1,2 -2452,1,4 -2457,1,4 -2459,1,4 -2459,1,4 -2460,1,4 -2461,1,6 -2466,1,4 -2467,1,4 -2470,1,4 -2472,1,4 -2477,1,1 -2477,2,2 -2478,1,2 -2479,1,2 -2480,1,1 -2483,2,2 -2484,1,4 -2486,1,4 -2489,1,4 -2493,1,4 -2495,1,4 -2498,1,4 -2499,1,2 -2501,1,4 -2508,1,2 -2510,1,4 -2511,1,1 -2511,2,2 -2511,3,3 -2519,1,4 -2524,1,4 -2526,1,3 -2527,1,4 -2529,1,4 -2531,1,4 -2538,1,4 -2539,1,2 -2541,1,4 -2547,1,1 -2547,2,2 -2549,1,4 -2559,1,3 -2559,1,3 -2565,1,1 -2569,1,4 -2570,1,2 -2571,1,5 -2574,1,4 -2575,1,4 -2576,1,4 -2577,1,1 -2579,1,4 -2580,1,6 -2581,1,4 -2585,1,4 -2585,1,4 -2590,1,2 -2600,1,6 -2602,1,2 -2603,1,4 -2604,1,4 -2605,1,4 -2605,1,4 -2606,1,2 -2606,2,3 -2611,1,4 -2621,1,3 -2622,1,2 -2623,1,4 -2625,1,4 -2626,1,4 -2628,1,4 -2633,1,1 -2637,1,2 -2641,1,4 -2641,1,4 -2643,1,4 -2648,1,4 -2651,1,4 -2655,1,2 -2655,1,2 -2657,1,4 -2659,1,4 -2661,1,4 -2665,1,4 -2667,1,4 -2670,1,4 -2672,1,2 -2675,1,4 -2676,1,6 -2681,1,4 -2692,1,2 -2695,1,4 -2697,1,2 -2699,1,4 -2700,1,4 -2702,1,2 -2706,1,6 -2715,1,1 -2715,2,2 -2715,3,3 -2723,1,4 -2726,1,2 -2730,1,1 -2735,1,2 -2736,1,2 -2737,1,4 -2739,1,4 -2741,1,4 -2744,1,4 -2748,1,4 -2755,1,4 -2763,1,4 -2764,1,3 -2771,1,4 -2776,1,4 -2777,1,4 -2780,1,2 -2781,1,4 -2783,1,4 -2784,1,5 -2788,1,4 -2789,1,2 -2790,1,4 -2792,1,6 -2795,1,4 -2797,1,4 -2798,1,2 -2801,1,2 -2802,1,4 -2804,1,4 -2806,1,4 -2810,1,4 -2810,1,4 -2813,1,6 -2820,1,4 -2826,1,2 -2826,1,2 -2827,1,4 -2831,1,3 -2833,1,1 -2834,1,4 -2837,1,5 -2840,1,2 -2842,1,4 -2855,1,5 -2863,1,2 -2868,1,4 -2872,1,4 -2873,1,2 -2877,1,4 -2879,1,4 -2882,1,5 -2883,1,2 -2888,1,1 -2891,1,4 -2892,1,4 -2895,1,4 -2898,1,4 -2899,1,4 -2902,1,5 -2909,1,4 -2910,1,4 -2911,1,4 -2912,1,2 -2912,1,2 -2913,1,4 -2924,1,4 -2930,1,5 -2933,1,4 -2934,1,4 -2938,1,4 -2941,1,4 -2942,1,4 -2945,1,1 -2945,2,2 -2945,3,3 -2946,1,4 -2947,1,3 -2949,1,6 -2950,1,4 -2956,1,4 -2959,1,4 -2961,1,6 -2966,1,6 -2968,1,4 -2973,1,4 -2974,1,2 -2977,1,4 -2984,1,4 -2986,1,4 -2988,1,4 -2992,1,4 -2993,1,4 -2998,1,4 -3005,1,2 -3005,2,1 -3006,1,4 -3008,1,4 -3011,1,4 -3013,1,3 -3015,1,4 -3015,1,4 -3017,1,4 -3018,1,2 -3020,1,4 -3021,1,4 -3022,1,4 -3024,1,2 -3026,1,4 -3028,1,2 -3029,1,4 -3032,1,1 -3032,2,2 -3036,1,1 -3037,1,4 -3039,1,4 -3047,1,4 -3048,1,2 -3048,1,2 -3049,1,1 -3049,2,3 -3054,1,4 -3057,1,5 -3057,1,4 -3070,1,5 -3074,1,1 -3074,2,2 -3075,1,4 -3076,1,6 -3077,1,4 -3078,1,4 -3081,1,4 -3082,1,6 -3083,1,3 -3086,1,4 -3087,1,4 -3090,1,4 -3092,1,4 -3094,1,4 -3097,1,4 -3100,1,2 -3102,1,4 -3103,1,4 -3105,1,2 -3107,1,4 -3108,1,4 -3109,1,4 -3112,1,3 -3120,1,4 -3125,1,4 -3129,1,5 -3130,1,4 -3138,1,3 -3139,1,4 -3142,1,4 -3143,1,4 -3145,1,3 -3147,1,2 -3147,1,2 -3148,1,3 -3149,1,4 -3152,1,4 -3157,1,4 -3163,1,4 -3167,1,5 -3168,1,4 -3170,1,2 -3171,1,4 -3185,1,4 -3186,1,1 -3189,1,6 -3190,1,4 -3191,1,4 -3199,1,4 -3208,1,2 -3209,1,4 -3212,1,4 -3213,1,4 -3217,1,4 -3223,1,4 -3226,1,2 -3227,1,2 -3229,1,4 -3232,1,5 -3233,1,2 -3236,1,4 -3238,1,5 -3238,1,3 -3251,1,4 -3254,1,4 -3256,1,6 -3258,1,5 -3263,1,4 -3265,1,5 -3269,1,4 -3272,1,4 -3274,1,2 -3276,1,5 -3277,1,1 -3277,1,1 -3286,1,1 -3287,1,2 -3288,1,4 -3290,1,4 -3291,1,4 -3294,1,4 -3300,1,4 -3302,1,4 -3313,1,4 -3317,1,4 -3319,1,5 -3321,1,2 -3321,1,2 -3323,1,2 -3327,1,4 -3331,1,4 -3332,1,4 -3333,1,4 -3336,1,4 -3337,1,5 -3340,1,4 -3341,1,5 -3346,1,2 -3346,1,2 -3348,1,4 -3349,1,4 -3361,1,4 -3363,1,4 -3367,1,4 -3368,1,4 -3369,1,4 -3371,1,2 -3372,1,2 -3374,1,4 -3379,1,4 -3382,1,4 -3384,1,4 -3386,1,4 -3390,1,4 -3394,1,4 -3395,1,1 -3395,2,3 -3399,1,6 -3400,1,6 -3402,1,4 -3403,1,4 -3406,1,4 -3411,1,6 -3414,1,1 -3415,1,4 -3415,1,4 -3416,1,1 -3416,2,2 -3420,1,1 -3420,2,2 -3420,3,3 -3441,1,4 -3442,1,2 -3444,1,6 -3449,1,4 -3451,1,3 -3451,1,3 -3451,2,2 -3453,1,2 -3454,1,4 -3454,1,6 -3455,1,4 -3456,1,4 -3459,1,6 -3460,1,4 -3464,1,2 -3467,1,4 -3469,1,4 -3470,1,2 -3472,1,4 -3473,1,1 -3473,2,2 -3476,1,4 -3477,1,4 -3479,1,4 -3482,1,4 -3483,1,6 -3486,1,2 -3493,1,1 -3498,1,4 -3506,1,4 -3507,1,4 -3507,1,4 -3509,1,4 -3518,1,2 -3519,1,4 -3526,1,5 -3532,1,2 -3537,1,4 -3542,1,4 -3543,1,2 -3544,1,5 -3545,1,4 -3547,1,4 -3550,1,4 -3551,1,4 -3554,1,6 -3555,1,4 -3557,1,2 -3558,1,1 -3560,1,2 -3562,1,3 -3562,1,3 -3564,1,5 -3565,1,4 -3567,1,1 -3575,1,4 -3576,1,4 -3577,1,4 -3579,1,4 -3581,1,6 -3584,1,4 -3586,1,4 -3587,1,4 -3589,1,4 -3591,1,4 -3599,1,5 -3603,1,4 -3606,1,4 -3608,1,4 -3609,1,4 -3610,1,4 -3612,1,4 -3615,1,2 -3615,2,3 -3617,1,4 -3619,1,4 -3623,1,2 -3625,1,4 -3626,1,2 -3633,1,4 -3637,1,4 -3638,1,6 -3640,1,4 -3644,1,4 -3644,1,2 -3645,1,4 -3649,1,5 -3659,1,4 -3663,1,4 -3667,1,5 -3673,1,4 -3682,1,4 -3682,1,4 -3687,1,4 -3688,1,4 -3691,1,4 -3692,1,4 -3695,1,4 -3699,1,4 -3707,1,2 -3708,1,4 -3712,1,4 -3715,1,1 -3722,1,4 -3724,1,4 -3726,1,2 -3726,1,2 -3728,1,4 -3729,1,4 -3730,1,4 -3732,1,2 -3738,1,4 -3738,1,4 -3745,1,1 -3747,1,4 -3751,1,4 -3752,1,2 -3754,1,4 -3756,1,4 -3757,1,6 -3759,1,2 -3761,1,2 -3768,1,6 -3769,1,4 -3770,1,4 -3771,1,4 -3780,1,4 -3782,1,1 -3782,2,2 -3783,1,4 -3784,1,4 -3785,1,2 -3787,1,1 -3788,1,4 -3791,1,4 -3792,1,4 -3797,1,2 -3799,1,2 -3804,1,4 -3804,1,4 -3805,1,6 -3806,1,4 -3817,1,4 -3821,1,4 -3826,1,4 -3826,1,4 -3827,1,4 -3828,1,4 -3838,1,4 -3840,1,4 -3843,1,2 -3844,1,4 -3850,1,6 -3855,1,4 -3857,1,6 -3858,1,6 -3867,1,4 -3873,1,4 -3873,1,4 -3882,1,4 -3884,1,4 -3892,1,4 -3893,1,2 -3897,1,4 -3897,1,4 -3900,1,4 -3903,1,2 -3904,1,4 -3906,1,1 -3906,2,2 -3909,1,4 -3911,1,1 -3921,1,4 -3924,1,1 -3924,2,2 -3924,3,3 -3931,1,1 -3932,1,4 -3933,1,2 -3936,1,4 -3938,1,4 -3940,1,2 -3944,1,4 -3948,1,4 -3949,1,4 -3951,1,4 -3952,1,4 -3956,1,6 -3958,1,4 -3966,1,4 -3969,1,5 -3970,1,4 -3971,1,1 -3973,1,4 -3976,1,4 -3977,1,4 -3978,1,4 -3979,1,1 -3979,2,2 -3980,1,1 -3990,1,5 -3994,1,2 -3996,1,2 -3997,1,1 -3997,2,2 -4000,1,4 -4002,1,4 -4007,1,2 -4008,1,4 -4019,1,3 -4024,1,4 -4025,1,2 -4028,1,4 -4029,1,4 -4029,1,4 -4032,1,4 -4033,1,5 -4034,1,2 -4035,1,4 -4036,1,4 -4038,1,4 -4039,1,1 -4039,2,3 -4044,1,2 -4047,1,1 -4047,2,2 -4049,1,5 -4051,1,4 -4052,1,5 -4056,1,2 -4058,1,4 -4060,1,2 -4060,1,2 -4061,1,4 -4061,1,4 -4063,1,4 -4063,1,6 -4064,1,4 -4067,1,4 -4068,1,4 -4077,1,2 -4078,1,4 -4081,1,4 -4082,1,4 -4083,1,4 -4084,1,4 -4089,1,4 -4090,1,3 -4091,1,4 -4091,1,4 -4093,1,4 -4095,1,4 -4096,1,4 -4096,1,4 -4099,1,4 -4100,1,4 -4103,1,6 -4108,1,4 -4109,1,4 -4112,1,4 -4121,1,2 -4122,1,2 -4125,1,4 -4131,1,4 -4132,1,4 -4134,1,4 -4135,1,1 -4135,2,2 -4139,1,4 -4142,1,4 -4144,1,2 -4144,2,3 -4145,1,6 -4145,1,6 -4151,1,4 -4163,1,5 -4164,1,2 -4171,1,4 -4174,1,4 -4176,1,4 -4181,1,1 -4184,1,4 -4187,1,4 -4191,1,4 -4193,1,4 -4194,1,6 -4195,1,6 -4197,1,4 -4199,1,4 -4206,1,2 -4208,1,2 -4210,1,4 -4213,1,4 -4214,1,4 -4221,1,1 -4221,1,1 -4221,2,2 -4221,2,2 -4224,1,4 -4227,1,4 -4229,1,4 -4231,1,4 -4232,1,2 -4235,1,4 -4236,1,2 -4237,1,4 -4242,1,2 -4245,1,4 -4249,1,4 -4250,1,1 -4250,2,2 -4252,1,1 -4254,1,4 -4261,1,2 -4266,1,4 -4269,1,2 -4275,1,4 -4277,1,3 -4282,1,2 -4284,1,4 -4287,1,4 -4288,1,4 -4292,1,3 -4294,1,4 -4296,1,2 -4297,1,4 -4299,1,4 -4300,1,5 -4302,1,4 -4306,1,4 -4317,1,4 -4318,1,4 -4322,1,4 -4324,1,4 -4329,1,4 -4332,1,4 -4348,1,4 -4354,1,1 -4359,1,4 -4364,1,4 -4365,1,4 -4366,1,4 -4379,1,4 -4381,1,4 -4381,1,6 -4388,1,4 -4391,1,4 -4392,1,4 -4397,1,1 -4397,2,2 -4398,1,4 -4401,1,4 -4402,1,4 -4404,1,4 -4417,1,2 -4423,1,2 -4423,1,2 -4424,1,4 -4427,1,4 -4432,1,4 -4434,1,3 -4442,1,2 -4449,1,4 -4453,1,4 -4454,1,1 -4455,1,1 -4456,1,1 -4457,1,1 -4462,1,4 -4464,1,4 -4465,1,2 -4467,1,6 -4470,1,4 -4472,1,4 -4472,1,4 -4479,1,4 -4482,1,4 -4483,1,2 -4484,1,2 -4485,1,1 -4486,1,4 -4488,1,4 -4490,1,5 -4491,1,1 -4492,1,6 -4494,1,4 -4499,1,5 -4509,1,5 -4514,1,2 -4521,1,4 -4527,1,4 -4531,1,2 -4534,1,4 -4535,1,4 -4536,1,2 -4544,1,4 -4552,1,4 -4553,1,2 -4555,1,4 -4556,1,4 -4563,1,1 -4565,1,1 -4567,1,6 -4575,1,5 -4576,1,2 -4577,1,5 -4578,1,2 -4580,2,5 -4582,1,3 -4586,1,3 -4587,1,4 -4588,1,4 -4591,1,4 -4594,1,4 -4595,1,4 -4598,1,4 -4599,1,2 -4601,1,4 -4603,1,1 -4605,1,4 -4605,1,4 -4611,1,4 -4614,1,4 -4617,1,4 -4621,1,4 -4623,1,6 -4627,1,3 -4627,1,4 -4630,1,2 -4632,1,4 -4633,1,1 -4636,1,4 -4641,1,4 -4642,1,4 -4645,1,4 -4648,1,4 -4648,1,4 -4652,1,2 -4654,1,4 -4654,1,4 -4656,1,4 -4657,1,4 -4658,1,4 -4659,1,4 -4661,1,4 -4661,1,4 -4663,1,1 -4665,1,4 -4669,1,2 -4674,1,5 -4675,1,4 -4675,1,4 -4679,1,4 -4680,1,4 -4682,1,4 -4685,1,4 -4688,1,4 -4689,1,4 -4694,1,6 -4695,1,4 -4701,1,4 -4702,1,3 -4716,1,4 -4716,1,4 -4720,1,4 -4721,1,4 -4726,1,2 -4730,1,4 -4735,1,4 -4740,1,4 -4742,1,2 -4743,1,6 -4744,1,4 -4747,1,4 -4750,1,4 -4750,1,4 -4759,1,6 -4761,1,4 -4762,1,4 -4764,1,4 -4767,1,2 -4775,1,4 -4778,1,4 -4784,1,4 -4787,1,4 -4790,1,4 -4794,1,4 -4795,1,4 -4795,1,4 -4796,1,4 -4800,1,4 -4804,1,2 -4805,1,5 -4810,1,4 -4820,1,1 -4820,2,2 -4826,1,4 -4827,1,6 -4828,1,2 -4829,1,1 -4829,2,2 -4831,1,1 -4831,2,3 -4834,1,4 -4836,1,4 -4837,1,5 -4838,1,4 -4846,1,4 -4849,1,4 -4852,1,1 -4853,1,4 -4855,1,4 -4860,1,4 -4861,1,1 -4864,1,3 -4865,1,4 -4872,1,4 -4875,1,4 -4880,1,5 -4881,1,4 -4883,1,2 -4884,1,4 -4889,1,5 -4890,1,4 -4896,1,4 -4898,1,4 -4899,1,6 -4902,1,4 -4909,1,4 -4910,1,4 -4911,1,4 -4912,1,4 -4914,1,6 -4915,1,6 -4915,1,4 -4918,1,4 -4919,1,2 -4925,1,4 -4926,1,5 -4928,1,5 -4930,1,6 -4931,1,4 -4935,1,4 -4935,1,4 -4936,1,4 -4939,1,4 -4941,1,4 -4945,1,5 -4946,1,4 -4950,1,6 -4952,1,6 -4954,1,2 -4955,1,4 -4955,1,4 -4956,1,2 -4957,1,4 -4958,1,4 -4961,1,4 -4966,1,4 -4970,1,2 -4978,1,4 -4979,1,4 -4980,1,4 -4981,1,4 -4981,1,4 -4983,1,4 -4984,1,1 -4984,1,1 -4984,2,2 -4984,2,2 -4990,1,4 -4991,1,4 -4995,1,4 -4995,1,4 -4996,1,4 -5004,1,4 -5005,1,2 -5008,1,4 -5010,1,4 -5010,1,4 -5012,1,4 -5015,1,2 -5017,1,4 -5019,1,4 -5022,1,5 -5025,1,1 -5025,1,4 -5026,1,4 -5029,1,4 -5031,1,4 -5033,1,5 -5037,1,2 -5039,1,4 -5044,1,4 -5047,1,4 -5048,1,5 -5050,1,2 -5053,1,4 -5054,1,4 -5055,1,4 -5056,1,4 -5059,1,4 -5060,1,6 -5060,1,4 -5065,1,2 -5071,1,4 -5072,1,4 -5076,1,4 -5084,1,4 -5084,1,4 -5085,1,5 -5085,1,4 -5086,1,1 -5087,1,3 -5091,1,5 -5092,1,3 -5098,1,4 -5098,1,4 -5101,1,4 -5102,1,4 -5107,1,2 -5107,1,2 -5108,1,4 -5109,1,1 -5115,1,1 -5116,1,2 -5119,1,4 -5127,1,4 -5129,1,4 -5130,1,2 -5131,1,4 -5133,1,4 -5134,1,5 -5137,1,2 -5142,1,4 -5144,1,4 -5147,1,4 -5150,1,4 -5153,1,4 -5155,1,4 -5166,1,1 -5166,2,2 -5167,1,4 -5174,1,4 -5177,1,2 -5180,1,1 -5193,1,4 -5199,1,4 -5200,1,5 -5210,1,4 -5211,1,4 -5212,1,4 -5213,1,4 -5214,1,4 -5223,1,2 -5225,1,4 -5231,1,4 -5233,1,4 -5237,1,5 -5245,1,4 -5249,1,1 -5251,1,2 -5252,1,4 -5258,1,4 -5264,1,4 -5265,1,2 -5265,1,2 -5269,1,2 -5272,1,6 -5278,1,4 -5280,1,2 -5284,1,1 -5291,1,4 -5292,1,4 -5294,1,5 -5307,1,4 -5309,1,4 -5310,1,4 -5310,1,4 -5314,1,4 -5324,1,4 -5325,1,3 -5337,1,4 -5341,1,3 -5342,1,4 -5344,1,4 -5346,1,2 -5349,1,4 -5351,1,4 -5351,1,4 -5352,1,4 -5353,1,2 -5354,1,5 -5358,1,2 -5365,1,2 -5366,1,4 -5369,1,2 -5369,2,3 -5370,1,6 -5375,1,4 -5379,1,4 -5380,1,5 -5382,1,4 -5383,1,4 -5384,1,4 -5386,1,6 -5396,1,4 -5397,1,4 -5398,1,1 -5402,1,6 -5403,1,1 -5407,1,4 -5412,1,4 -5415,1,4 -5416,1,2 -5418,1,2 -5420,1,6 -5421,1,4 -5423,1,4 -5424,1,4 -5426,1,4 -5426,1,4 -5429,1,4 -5435,1,4 -5436,1,4 -5440,1,4 -5442,1,5 -5443,1,4 -5445,1,4 -5447,1,4 -5448,1,4 -5450,1,4 -5455,1,4 -5457,1,4 -5458,1,2 -5458,1,2 -5459,1,4 -5460,1,4 -5471,1,4 -5472,1,3 -5473,1,2 -5474,1,4 -5475,1,3 -5476,1,6 -5480,1,2 -5483,1,4 -5484,1,6 -5490,1,5 -5490,1,4 -5491,1,1 -5494,1,4 -5498,1,2 -5500,1,4 -5505,1,3 -5508,1,2 -5509,1,2 -5511,1,2 -5513,1,4 -5516,1,6 -5518,1,4 -5518,1,4 -5519,1,4 -5524,1,4 -5534,1,2 -5538,1,4 -5539,1,2 -5541,1,6 -5542,1,4 -5544,1,2 -5547,1,4 -5548,1,5 -5554,1,2 -5556,1,4 -5557,1,2 -5558,1,2 -5562,1,4 -5574,1,4 -5578,1,4 -5580,1,1 -5580,2,2 -5581,1,4 -5589,1,4 -5592,1,2 -5595,1,4 -5600,1,2 -5603,1,4 -5605,1,4 -5606,1,4 -5610,1,4 -5614,1,4 -5619,1,4 -5622,1,4 -5624,1,2 -5625,1,4 -5643,1,4 -5647,1,4 -5649,1,2 -5658,1,4 -5661,1,4 -5664,1,2 -5665,1,4 -5666,1,4 -5672,1,4 -5673,1,5 -5675,1,4 -5678,1,4 -5678,1,4 -5679,1,4 -5681,1,4 -5686,1,4 -5691,1,4 -5695,1,6 -5696,1,4 -5697,1,2 -5702,1,4 -5707,1,1 -5707,2,2 -5712,1,4 -5713,1,4 -5714,1,4 -5720,1,4 -5720,1,4 -5724,1,4 -5726,1,6 -5727,1,2 -5734,1,4 -5740,1,4 -5741,1,4 -5742,1,4 -5744,1,4 -5745,1,4 -5749,1,2 -5752,1,5 -5757,1,4 -5759,1,5 -5765,1,2 -5769,1,2 -5772,1,2 -5774,1,2 -5778,1,4 -5778,1,6 -5782,1,3 -5793,1,4 -5794,1,4 -5794,1,4 -5795,1,4 -5797,1,2 -5797,2,1 -5800,1,3 -5801,1,4 -5807,1,6 -5809,1,4 -5811,1,4 -5811,1,4 -5813,1,4 -5817,1,4 -5818,1,4 -5822,1,4 -5823,1,4 -5827,1,5 -5828,1,6 -5829,1,4 -5831,1,5 -5835,1,4 -5836,1,5 -5838,1,2 -5841,1,2 -5843,1,4 -5844,1,2 -5844,1,2 -5845,1,4 -5850,1,3 -5852,1,4 -5857,1,4 -5858,1,4 -5866,1,5 -5868,1,4 -5871,1,4 -5874,1,1 -5878,1,4 -5880,1,4 -5885,1,4 -5886,1,4 -5887,1,4 -5889,1,1 -5890,1,2 -5892,1,4 -5903,1,4 -5905,1,4 -5906,1,4 -5907,1,4 -5908,1,4 -5909,1,4 -5911,1,4 -5916,1,5 -5922,1,4 -5929,1,2 -5937,1,4 -5942,1,6 -5945,1,4 -5946,1,5 -5949,1,1 -5953,1,4 -5955,1,4 -5961,1,4 -5968,1,4 -5970,1,1 -5970,1,1 -5973,1,4 -5973,1,4 -5974,1,4 -5976,1,1 -5981,1,4 -5987,1,4 -5989,1,5 -5990,1,4 -5997,1,4 -5998,1,2 -6000,1,5 -6001,1,4 -6008,1,4 -6010,1,6 -6017,1,4 -6019,1,4 -6020,1,4 -6021,1,4 -6023,1,4 -6026,1,4 -6027,1,4 -6029,1,6 -6030,1,4 -6034,1,6 -6035,1,4 -6038,1,4 -6043,1,4 -6045,1,4 -6049,1,6 -6061,1,4 -6061,1,4 -6064,1,2 -6065,1,4 -6066,1,1 -6069,1,4 -6074,1,4 -6077,1,2 -6077,1,2 -6081,1,2 -6084,1,2 -6089,1,4 -6092,1,5 -6095,1,4 -6098,1,3 -6099,1,4 -6106,1,4 -6111,1,4 -6123,1,1 -6124,1,2 -6131,1,6 -6134,1,4 -6136,1,4 -6137,1,6 -6143,1,4 -6144,1,4 -6146,1,3 -6147,1,2 -6147,2,3 -6148,1,4 -6151,1,4 -6154,1,5 -6156,1,4 -6157,1,5 -6158,1,4 -6166,1,2 -6167,1,4 -6174,1,4 -6176,1,1 -6177,1,4 -6189,1,4 -6189,1,6 -6190,1,4 -6197,1,4 -6201,1,4 -6205,1,4 -6205,1,6 -6207,1,4 -6210,1,2 -6211,1,4 -6213,1,4 -6214,2,4 -6219,1,6 -6221,1,2 -6223,1,2 -6225,1,4 -6227,1,4 -6228,1,2 -6230,1,4 -6232,1,4 -6237,1,4 -6239,1,2 -6245,1,2 -6246,1,4 -6249,1,4 -6252,1,5 -6263,1,4 -6265,1,4 -6270,1,4 -6279,1,4 -6284,1,3 -6289,1,2 -6292,1,4 -6293,1,4 -6294,1,4 -6299,1,4 -6304,1,4 -6309,1,4 -6311,1,2 -6317,1,6 -6319,1,2 -6322,1,3 -6326,1,1 -6327,1,6 -6328,1,4 -6330,1,1 -6331,1,4 -6334,1,4 -6338,1,4 -6341,1,4 -6345,1,4 -6345,1,5 -6349,1,4 -6349,1,4 -6351,1,2 -6354,1,4 -6355,1,4 -6359,1,4 -6360,1,4 -6367,1,4 -6373,1,4 -6382,1,4 -6387,1,6 -6389,1,4 -6389,1,4 -6390,1,4 -6390,1,4 -6394,1,5 -6395,1,4 -6396,1,4 -6400,1,2 -6403,1,4 -6405,1,2 -6408,1,4 -6410,1,4 -6414,1,4 -6415,1,5 -6426,1,4 -6427,1,6 -6429,1,4 -6433,1,4 -6434,1,4 -6435,1,4 -6435,1,4 -6437,1,2 -6437,1,2 -6439,1,6 -6445,1,2 -6449,1,2 -6452,1,3 -6463,1,2 -6467,1,4 -6471,1,4 -6473,1,4 -6476,1,4 -6477,1,2 -6480,1,4 -6482,1,2 -6483,1,4 -6488,1,2 -6494,1,4 -6496,1,4 -6497,1,4 -6499,1,2 -6499,1,2 -6506,1,4 -6510,1,1 -6516,1,5 -6517,1,4 -6518,1,4 -6521,1,4 -6522,1,4 -6523,1,4 -6524,1,4 -6525,1,4 -6527,1,4 -6532,1,4 -6534,1,4 -6535,1,4 -6537,1,2 -6538,1,4 -6540,1,4 -6541,1,4 -6547,1,2 -6549,1,4 -6551,1,2 -6552,1,2 -6553,1,1 -6553,2,2 -6553,3,3 -6555,1,4 -6557,1,4 -6565,1,4 -6570,1,6 -6573,1,1 -6573,2,2 -6574,1,6 -6576,1,4 -6577,1,4 -6579,1,2 -6581,1,2 -6585,1,4 -6589,1,4 -6592,1,1 -6592,2,2 -6593,1,4 -6596,1,3 -6597,1,4 -6600,1,5 -6608,1,4 -6619,1,4 -6622,1,4 -6633,1,2 -6634,1,6 -6635,1,1 -6637,1,5 -6642,1,1 -6642,2,2 -6643,1,4 -6646,1,6 -6647,1,1 -6647,2,3 -6648,1,4 -6648,1,4 -6649,1,2 -6661,1,4 -6667,1,2 -6668,1,3 -6670,1,2 -6674,1,4 -6676,1,4 -6677,1,4 -6679,1,4 -6684,1,4 -6685,1,4 -6689,1,4 -6696,1,6 -6697,1,4 -6699,1,4 -6701,1,2 -6703,1,4 -6705,1,2 -6706,1,5 -6711,1,6 -6723,1,4 -6724,1,4 -6734,1,4 -6740,1,2 -6754,1,4 -6756,1,3 -6759,1,2 -6764,1,4 -6765,1,4 -6765,1,6 -6769,1,4 -6770,1,4 -6775,1,5 -6776,1,2 -6776,2,3 -6780,1,2 -6781,1,2 -6781,1,2 -6785,1,4 -6786,1,4 -6790,1,4 -6790,1,5 -6798,1,6 -6799,1,2 -6803,1,1 -6803,2,2 -6805,1,4 -6810,1,2 -6811,1,4 -6821,1,3 -6822,1,4 -6827,1,4 -6828,1,1 -6829,1,4 -6832,1,4 -6837,1,2 -6842,1,4 -6846,1,4 -6848,1,4 -6850,1,2 -6854,1,6 -6855,1,4 -6857,1,2 -6857,1,2 -6860,1,3 -6861,1,4 -6869,1,5 -6875,1,1 -6882,1,4 -6884,1,3 -6885,1,4 -6888,1,4 -6890,1,2 -6890,1,2 -6896,1,4 -6899,1,4 -6902,1,2 -6904,1,6 -6905,1,4 -6909,1,4 -6910,1,5 -6912,1,2 -6914,1,4 -6917,1,4 -6918,1,4 -6920,1,6 -6922,1,4 -6923,1,4 -6924,1,4 -6926,1,1 -6930,1,4 -6930,1,4 -6933,1,4 -6936,1,4 -6936,1,4 -6938,1,4 -6940,1,4 -6950,1,4 -6952,1,6 -6954,1,4 -6954,1,4 -6956,1,4 -6963,1,2 -6966,1,6 -6974,1,4 -6975,1,2 -6977,1,4 -6980,1,2 -6981,1,4 -6982,1,4 -6982,1,4 -6984,1,6 -6985,1,5 -6989,1,5 -6991,1,4 -6992,1,4 -6997,1,1 -6997,1,1 -6999,1,2 -7002,1,6 -7003,1,4 -7005,1,2 -7011,1,4 -7017,1,4 -7019,1,2 -7022,1,4 -7024,1,4 -7026,1,6 -7030,1,6 -7031,1,5 -7035,1,4 -7041,1,4 -7044,1,4 -7048,1,4 -7050,1,4 -7056,1,4 -7060,1,4 -7062,1,5 -7063,1,2 -7065,1,4 -7066,1,4 -7070,1,2 -7070,1,2 -7071,1,5 -7074,1,4 -7077,1,4 -7079,1,4 -7081,1,3 -7083,1,4 -7090,1,3 -7092,1,4 -7093,1,4 -7094,1,5 -7097,1,4 -7107,1,4 -7112,1,4 -7119,1,2 -7120,1,2 -7122,1,4 -7128,1,4 -7129,1,4 -7130,1,4 -7132,1,4 -7134,1,4 -7140,1,4 -7145,1,2 -7148,1,2 -7150,1,4 -7154,1,3 -7156,1,6 -7159,1,4 -7168,1,4 -7174,1,1 -7176,1,4 -7177,1,1 -7179,1,6 -7180,1,4 -7186,1,4 -7187,1,4 -7188,1,4 -7189,1,3 -7191,1,6 -7193,1,4 -7196,1,4 -7198,1,3 -7202,1,4 -7206,1,4 -7207,1,2 -7209,1,2 -7212,1,4 -7213,1,4 -7214,1,4 -7217,1,6 -7217,1,4 -7223,1,4 -7225,1,4 -7227,1,1 -7236,1,4 -7238,1,4 -7239,1,6 -7240,1,4 -7245,1,4 -7246,1,6 -7248,1,4 -7251,1,4 -7252,1,4 -7256,1,6 -7259,1,4 -7261,1,6 -7263,1,4 -7264,1,1 -7264,2,2 -7267,1,4 -7276,1,3 -7283,1,4 -7285,1,5 -7286,1,4 -7293,1,2 -7296,1,4 -7299,1,2 -7299,1,2 -7301,1,2 -7306,1,4 -7306,1,4 -7310,1,4 -7312,1,4 -7315,1,4 -7317,1,4 -7318,1,4 -7323,1,4 -7324,1,4 -7327,1,4 -7329,1,4 -7330,1,4 -7333,1,2 -7336,1,4 -7340,1,4 -7349,1,6 -7353,1,1 -7355,1,4 -7356,1,3 -7359,1,4 -7362,1,6 -7362,1,4 -7367,1,2 -7367,1,4 -7375,1,6 -7381,1,4 -7387,1,4 -7395,1,4 -7397,1,4 -7403,1,4 -7405,1,4 -7405,1,4 -7406,1,4 -7417,1,4 -7423,1,4 -7424,1,2 -7428,1,2 -7430,1,3 -7430,1,3 -7431,1,4 -7435,1,4 -7436,1,1 -7438,1,1 -7440,1,2 -7440,2,3 -7444,1,4 -7446,1,4 -7458,1,2 -7461,1,4 -7466,1,4 -7467,1,4 -7469,1,4 -7477,1,4 -7480,1,2 -7481,1,2 -7482,1,4 -7482,1,4 -7486,1,5 -7490,1,4 -7492,1,4 -7493,1,1 -7493,2,2 -7498,1,2 -7500,1,4 -7504,1,4 -7512,1,4 -7513,1,4 -7514,1,4 -7523,1,4 -7527,1,3 -7532,1,2 -7535,1,2 -7537,1,4 -7539,1,4 -7542,1,4 -7542,1,4 -7552,1,2 -7556,1,2 -7558,1,4 -7562,1,4 -7563,1,2 -7580,1,1 -7583,1,4 -7585,1,4 -7586,1,1 -7588,1,4 -7588,1,4 -7591,1,1 -7595,1,4 -7597,1,4 -7599,1,4 -7600,1,4 -7604,1,4 -7605,1,4 -7608,1,4 -7609,1,4 -7610,1,6 -7611,1,1 -7615,1,6 -7616,1,4 -7621,1,4 -7623,1,4 -7627,1,5 -7628,1,4 -7629,1,3 -7635,1,2 -7641,1,4 -7643,1,4 -7648,1,4 -7650,1,2 -7653,1,2 -7658,1,4 -7660,1,4 -7661,1,4 -7664,1,4 -7666,1,4 -7667,1,4 -7668,1,4 -7671,1,2 -7673,1,4 -7677,1,4 -7678,1,4 -7687,1,4 -7688,1,4 -7689,1,4 -7695,1,2 -7697,1,5 -7697,1,4 -7703,1,4 -7704,1,4 -7706,1,3 -7707,1,6 -7708,1,4 -7711,1,4 -7716,1,1 -7716,2,2 -7720,1,4 -7725,1,4 -7728,1,4 -7732,1,3 -7738,1,4 -7739,1,4 -7740,1,4 -7744,1,5 -7760,1,5 -7764,1,4 -7765,1,2 -7768,1,4 -7770,1,2 -7772,1,1 -7773,1,2 -7774,1,4 -7779,1,4 -7782,1,2 -7784,1,2 -7785,1,1 -7785,2,2 -7790,1,2 -7793,1,4 -7794,1,2 -7795,1,4 -7801,1,1 -7802,1,4 -7808,1,4 -7809,1,3 -7810,1,4 -7813,1,1 -7814,1,4 -7815,1,4 -7822,1,4 -7835,1,2 -7835,1,2 -7839,1,2 -7841,1,4 -7845,1,4 -7846,1,2 -7848,1,4 -7853,1,4 -7853,1,4 -7854,1,6 -7857,1,2 -7861,1,2 -7866,1,4 -7867,1,4 -7871,1,2 -7884,1,4 -7888,1,4 -7892,1,2 -7895,1,4 -7900,1,3 -7901,1,4 -7902,1,4 -7903,1,4 -7906,1,2 -7910,1,6 -7912,1,4 -7913,1,4 -7916,1,4 -7921,1,4 -7926,1,4 -7928,1,4 -7933,1,4 -7935,1,4 -7935,1,4 -7939,1,4 -7943,1,3 -7944,1,1 -7944,2,2 -7946,1,4 -7948,1,4 -7951,1,4 -7951,1,4 -7958,1,4 -7959,1,6 -7962,1,4 -7963,1,4 -7966,1,4 -7970,1,1 -7970,2,2 -7970,3,3 -7972,1,4 -7973,1,4 -7974,1,4 -7976,1,4 -7978,1,4 -7980,1,2 -7982,1,2 -7986,1,4 -7987,1,4 -7989,1,4 -7995,1,4 -7996,1,4 -7997,1,3 -7998,1,2 -8001,1,4 -8003,1,4 -8006,1,4 -8008,1,4 -8011,1,4 -8012,1,4 -8015,1,4 -8018,1,4 -8019,1,2 -8023,1,4 -8027,1,2 -8028,1,4 -8030,1,2 -8034,1,4 -8035,1,4 -8041,1,4 -8042,1,5 -8047,1,4 -8055,1,2 -8062,1,1 -8064,1,6 -8065,1,4 -8069,1,4 -8071,1,4 -8072,1,6 -8074,1,4 -8075,1,4 -8079,1,4 -8083,1,1 -8085,1,1 -8088,1,4 -8093,1,4 -8094,1,4 -8095,1,4 -8096,1,2 -8099,1,1 -8099,2,2 -8100,1,4 -8109,1,4 -8113,1,4 -8114,1,4 -8116,1,4 -8117,1,4 -8124,1,3 -8127,1,4 -8128,1,4 -8130,1,5 -8131,1,4 -8138,1,4 -8139,1,4 -8140,1,2 -8140,1,2 -8141,1,2 -8144,1,4 -8148,1,4 -8153,1,4 -8155,1,2 -8158,1,4 -8162,1,4 -8175,1,4 -8176,1,4 -8181,1,4 -8187,1,4 -8190,1,6 -8191,1,6 -8193,1,2 -8195,1,4 -8199,1,4 -8202,1,4 -8217,1,5 -8218,1,4 -8221,1,4 -8222,1,2 -8226,1,4 -8227,1,2 -8227,1,2 -8229,1,5 -8230,1,4 -8232,1,3 -8235,1,4 -8236,1,4 -8236,1,4 -8241,1,4 -8242,1,2 -8243,1,2 -8248,1,4 -8249,1,4 -8255,1,4 -8256,1,4 -8262,1,1 -8262,2,2 -8268,1,4 -8272,1,1 -8275,1,6 -8276,1,4 -8279,1,4 -8280,1,6 -8286,1,4 -8288,1,5 -8297,1,4 -8298,1,4 -8303,1,4 -8304,1,4 -8306,1,2 -8314,1,4 -8317,1,4 -8318,1,5 -8319,1,4 -8320,1,2 -8323,1,4 -8325,1,4 -8326,1,4 -8332,1,4 -8334,1,4 -8337,1,4 -8338,1,2 -8339,1,4 -8340,1,4 -8351,1,4 -8356,1,4 -8357,1,4 -8359,1,4 -8361,1,2 -8361,2,3 -8367,1,2 -8370,1,4 -8371,1,4 -8372,1,3 -8373,1,1 -8373,2,2 -8374,1,4 -8376,1,4 -8378,1,4 -8383,1,4 -8384,1,4 -8386,1,4 -8390,1,4 -8397,1,4 -8399,1,2 -8404,1,4 -8408,1,4 -8409,1,4 -8412,1,4 -8414,1,1 -8416,1,4 -8422,1,4 -8423,1,6 -8423,1,4 -8428,1,6 -8432,1,4 -8438,1,1 -8439,1,2 -8441,1,4 -8443,1,4 -8446,1,4 -8451,1,3 -8454,1,2 -8456,1,2 -8456,1,2 -8457,1,4 -8461,1,2 -8461,2,1 -8463,1,4 -8466,1,2 -8468,1,2 -8470,1,4 -8473,1,4 -8475,1,4 -8477,1,5 -8478,1,4 -8482,1,3 -8483,1,4 -8485,1,4 -8488,1,4 -8492,1,4 -8493,1,4 -8494,1,4 -8496,1,4 -8498,1,5 -8501,1,2 -8502,1,4 -8503,1,4 -8508,1,2 -8509,1,4 -8510,1,4 -8513,1,4 -8521,1,4 -8522,1,4 -8526,1,4 -8529,1,4 -8532,1,5 -8536,1,4 -8541,1,2 -8543,1,4 -8546,1,2 -8549,1,4 -8554,1,4 -8560,1,4 -8563,1,4 -8582,1,4 -8583,1,6 -8590,1,4 -8592,1,4 -8601,1,4 -8603,1,6 -8607,1,4 -8610,1,1 -8612,1,5 -8617,1,6 -8621,1,1 -8623,1,4 -8625,1,4 -8626,1,1 -8627,1,1 -8630,1,4 -8630,1,6 -8632,1,2 -8632,1,2 -8636,1,5 -8647,1,2 -8654,1,4 -8655,1,5 -8662,1,4 -8665,1,4 -8670,1,4 -8678,1,4 -8680,1,2 -8686,1,4 -8688,1,4 -8692,1,4 -8697,1,4 -8700,1,4 -8702,1,2 -8703,1,2 -8707,1,6 -8709,1,4 -8710,1,2 -8713,1,4 -8715,1,2 -8718,1,4 -8719,1,6 -8730,1,2 -8731,1,4 -8731,1,4 -8732,1,1 -8732,2,2 -8732,3,3 -8734,1,4 -8736,1,4 -8746,1,4 -8747,1,2 -8748,1,4 -8754,1,1 -8760,1,1 -8760,1,1 -8760,2,2 -8760,2,2 -8766,1,2 -8768,1,1 -8768,2,2 -8769,1,6 -8777,1,2 -8778,1,4 -8779,1,4 -8785,1,1 -8789,1,4 -8790,1,5 -8794,1,4 -8799,1,2 -8800,1,6 -8802,1,1 -8802,2,2 -8806,1,4 -8807,1,5 -8810,1,4 -8812,1,5 -8817,1,1 -8818,1,4 -8823,1,4 -8825,1,2 -8829,1,4 -8831,1,4 -8832,1,6 -8834,1,5 -8839,1,4 -8843,1,4 -8844,1,4 -8848,1,4 -8849,1,4 -8855,1,4 -8857,1,1 -8858,1,4 -8859,1,4 -8860,1,4 -8868,1,3 -8870,1,5 -8871,1,4 -8876,1,6 -8877,1,4 -8878,1,4 -8880,1,4 -8880,1,4 -8881,1,4 -8882,2,2 -8885,1,4 -8887,1,4 -8888,1,2 -8890,1,4 -8893,1,3 -8896,1,4 -8905,1,1 -8911,1,1 -8911,2,2 -8913,1,4 -8915,1,4 -8920,1,4 -8926,1,3 -8929,1,4 -8934,1,2 -8935,1,4 -8937,1,4 -8938,1,4 -8940,1,5 -8944,1,1 -8944,2,2 -8947,1,6 -8953,1,4 -8955,1,4 -8955,1,6 -8959,1,6 -8962,1,4 -8963,1,1 -8965,1,5 -8966,1,2 -8966,2,3 -8967,1,4 -8967,1,4 -8970,1,2 -8972,1,2 -8974,1,5 -8974,1,4 -8985,1,4 -8987,1,1 -8993,1,4 -8996,1,4 -8999,1,2 -9001,1,4 -9002,1,1 -9003,1,4 -9009,1,1 -9009,1,1 -9011,1,4 -9012,1,4 -9013,1,1 -9015,1,4 -9019,1,2 -9022,1,4 -9024,1,2 -9025,1,4 -9029,1,5 -9030,1,4 -9032,1,4 -9034,1,4 -9037,1,3 -9038,1,4 -9039,1,2 -9044,1,4 -9045,1,4 -9049,1,2 -9050,1,4 -9051,1,2 -9053,1,5 -9056,1,4 -9056,1,4 -9057,1,2 -9059,1,2 -9061,1,2 -9071,1,4 -9075,1,2 -9075,1,2 -9078,1,4 -9079,1,4 -9079,1,4 -9080,1,4 -9080,1,6 -9088,1,4 -9089,1,4 -9089,1,4 -9091,1,4 -9093,1,6 -9098,1,4 -9114,1,6 -9115,1,4 -9119,1,4 -9131,1,2 -9137,1,4 -9138,1,4 -9140,1,4 -9145,1,4 -9147,1,2 -9152,1,4 -9155,1,2 -9158,1,2 -9160,1,4 -9162,1,4 -9164,1,2 -9164,1,2 -9165,1,4 -9170,1,5 -9172,1,2 -9175,1,1 -9175,2,2 -9179,1,5 -9181,1,4 -9183,1,1 -9187,1,4 -9187,1,4 -9190,1,2 -9193,1,4 -9196,1,1 -9201,1,4 -9207,1,5 -9215,1,1 -9220,1,6 -9224,1,3 -9227,1,5 -9228,1,4 -9235,1,4 -9237,1,4 -9238,1,4 -9239,1,1 -9240,1,4 -9245,1,4 -9247,1,4 -9252,1,4 -9253,1,4 -9255,1,4 -9255,1,4 -9258,1,4 -9260,1,4 -9262,1,2 -9264,1,4 -9268,1,2 -9269,1,4 -9276,1,4 -9279,1,6 -9283,1,4 -9286,1,6 -9288,1,4 -9289,1,2 -9292,1,2 -9294,1,5 -9294,1,4 -9295,1,4 -9297,1,4 -9298,1,4 -9302,1,4 -9310,1,1 -9310,2,2 -9312,1,4 -9317,1,6 -9318,1,4 -9319,1,4 -9325,1,4 -9328,1,2 -9329,1,4 -9330,1,6 -9331,1,4 -9333,1,4 -9338,1,4 -9340,1,4 -9351,1,4 -9358,1,2 -9359,1,2 -9362,1,4 -9365,1,4 -9369,1,4 -9380,1,1 -9381,1,4 -9381,1,4 -9386,1,4 -9388,1,4 -9394,1,2 -9395,1,4 -9398,1,1 -9398,2,2 -9400,1,2 -9405,1,4 -9406,1,4 -9408,1,4 -9415,1,6 -9417,1,1 -9418,1,4 -9420,1,4 -9422,1,2 -9424,1,4 -9426,1,4 -9431,1,2 -9436,1,5 -9437,1,2 -9439,1,4 -9446,1,4 -9450,1,2 -9455,1,6 -9458,1,4 -9461,1,4 -9463,1,4 -9464,1,4 -9465,1,4 -9467,1,4 -9469,1,4 -9477,1,2 -9477,2,3 -9478,1,2 -9479,1,4 -9483,1,4 -9485,1,4 -9489,1,4 -9493,1,4 -9494,1,6 -9495,1,4 -9499,1,4 -9499,1,4 -9500,1,4 -9502,1,4 -9505,1,4 -9506,1,2 -9508,1,2 -9511,1,6 -9512,1,1 -9513,1,4 -9515,1,4 -9519,1,2 -9520,1,4 -9523,1,2 -9527,1,4 -9532,1,2 -9533,1,6 -9535,1,4 -9536,1,4 -9547,1,4 -9549,1,2 -9550,1,4 -9551,1,4 -9553,1,4 -9558,1,1 -9559,1,4 -9561,1,2 -9567,1,4 -9567,1,4 -9576,1,4 -9579,1,4 -9584,1,4 -9586,1,2 -9590,1,4 -9596,1,4 -9601,1,4 -9606,1,4 -9608,1,4 -9608,1,4 -9609,1,2 -9609,1,2 -9611,1,1 -9611,2,2 -9613,1,1 -9615,1,1 -9616,1,4 -9619,1,4 -9622,1,4 -9627,1,4 -9632,1,2 -9634,1,4 -9639,1,4 -9639,1,4 -9645,1,4 -9648,1,4 -9657,1,2 -9660,1,5 -9661,1,4 -9662,1,4 -9664,1,2 -9665,1,4 -9667,1,2 -9673,1,2 -9676,1,4 -9680,1,1 -9680,2,2 -9684,1,2 -9694,1,4 -9695,1,4 -9704,1,4 -9713,1,4 -9720,1,4 -9729,1,4 -9734,1,4 -9739,1,2 -9740,1,4 -9741,1,4 -9742,1,4 -9748,1,4 -9749,1,4 -9759,1,1 -9760,1,4 -9774,1,4 -9778,1,4 -9781,1,4 -9789,1,2 -9790,1,6 -9791,1,2 -9793,1,4 -9796,1,5 -9800,1,4 -9801,1,6 -9802,1,4 -9803,1,5 -9804,1,2 -9807,1,4 -9810,1,4 -9815,1,1 -9823,1,4 -9825,1,4 -9829,1,4 -9831,1,4 -9834,1,4 -9835,1,4 -9837,1,2 -9838,1,4 -9839,1,4 -9840,1,2 -9843,1,2 -9844,1,2 -9844,1,2 -9846,1,4 -9847,1,2 -9850,1,4 -9851,1,4 -9857,1,2 -9860,1,2 -9862,1,4 -9867,1,4 -9868,1,4 -9870,1,6 -9871,1,4 -9873,1,4 -9874,1,4 -9876,1,4 -9884,1,4 -9892,1,2 -9896,1,4 -9897,1,2 -9898,1,3 -9903,1,4 -9905,1,4 -9908,1,4 -9916,1,2 -9918,1,4 -9920,1,6 -9923,1,4 -9928,1,6 -9935,1,4 -9937,1,4 -9941,1,4 -9942,1,4 -9944,1,4 -9950,1,4 -9951,1,4 -9956,1,4 -9963,1,4 -9965,1,4 -9969,1,4 -9972,1,1 -9975,1,4 -9983,1,5 -9984,1,4 -9986,1,4 -9998,1,4 -10000,1,4 -10007,1,1 -10007,2,2 -10009,1,2 -10011,1,6 -10016,1,2 -10019,1,4 -10020,1,4 -10024,1,5 -10035,1,2 -10044,1,1 -10045,1,4 -10049,1,4 -10049,1,4 -10050,1,4 -10051,1,4 -10057,1,4 -10063,1,4 -10068,1,4 -10078,1,4 -10078,1,4 -10080,1,6 -10084,1,4 -10085,1,4 -10087,1,6 -10090,1,6 -10092,1,4 -10096,1,1 -10096,2,2 -10098,1,2 -10100,1,4 -10100,1,6 -10104,1,4 -10105,1,4 -10111,1,4 -10116,1,4 -10119,1,4 -10120,1,4 -10121,1,1 -10122,1,4 -10136,1,4 -10136,1,4 -10143,1,4 -10145,1,4 -10146,1,4 -10148,1,4 -10151,1,4 -10152,1,4 -10159,1,4 -10161,1,4 -10168,1,4 -10175,1,2 -10177,1,2 -10178,1,4 -10179,1,4 -10182,1,4 -10184,1,4 -10189,1,2 -10190,1,6 -10191,1,2 -10191,1,2 -10193,1,4 -10194,1,4 -10205,1,4 -10208,1,6 -10209,1,4 -10210,1,6 -10215,1,4 -10219,1,2 -10223,1,4 -10228,1,4 -10233,1,4 -10234,1,4 -10236,1,4 -10242,1,2 -10243,1,4 -10246,1,4 -10247,1,4 -10248,1,4 -10250,1,4 -10253,1,4 -10254,1,4 -10255,1,4 -10261,1,1 -10264,1,4 -10265,1,1 -10272,1,4 -10275,1,4 -10281,1,4 -10283,1,2 -10289,1,3 -10290,1,4 -10291,1,1 -10294,1,3 -10295,1,4 -10296,1,4 -10298,1,2 -10301,1,4 -10302,1,2 -10312,1,1 -10313,1,4 -10321,1,4 -10322,1,1 -10323,1,4 -10324,1,4 -10326,1,2 -10331,1,4 -10336,1,4 -10344,1,4 -10349,1,1 -10353,1,4 -10354,1,4 -10357,1,2 -10360,1,4 -10365,1,2 -10380,1,2 -10385,1,4 -10386,1,1 -10388,1,2 -10388,2,3 -10395,1,4 -10402,1,4 -10405,1,1 -10406,1,4 -10408,1,2 -10420,1,4 -10422,1,6 -10426,1,4 -10429,1,2 -10432,1,4 -10435,1,4 -10437,1,2 -10439,1,4 -10444,1,4 -10446,1,2 -10449,1,1 -10449,2,3 -10452,1,1 -10456,1,4 -10457,1,1 -10462,1,1 -10464,1,1 -10465,1,4 -10472,1,2 -10474,1,4 -10493,1,4 -10497,1,4 -10501,1,5 -10503,1,1 -10505,1,4 -10506,1,2 -10511,1,2 -10516,1,6 -10517,1,4 -10518,1,2 -10519,1,2 -10520,1,2 -10521,1,5 -10526,1,4 -10533,1,2 -10533,2,3 -10535,1,4 -10537,1,4 -10540,1,1 -10540,2,3 -10541,1,1 -10541,2,2 -10544,1,4 -10548,1,4 -10550,1,3 -10552,1,6 -10553,1,2 -10554,1,1 -10555,1,2 -10562,1,4 -10578,1,2 -10579,1,3 -10580,1,4 -10583,1,4 -10586,1,4 -10587,1,1 -10587,2,2 -10590,1,6 -10591,1,4 -10592,1,2 -10593,1,2 -10594,1,3 -10596,1,4 -10597,1,4 -10599,1,4 -10600,1,4 -10603,1,4 -10606,1,1 -10607,1,4 -10610,1,2 -10612,1,4 -10614,1,4 -10616,1,1 -10616,2,2 -10617,1,4 -10618,1,4 -10621,1,4 -10624,1,4 -10629,1,4 -10631,1,2 -10633,1,4 -10644,1,4 -10645,1,4 -10649,1,4 -10656,1,4 -10674,1,4 -10675,1,2 -10682,1,4 -10688,1,3 -10690,1,2 -10691,1,4 -10693,1,4 -10696,1,1 -10696,2,2 -10697,1,4 -10698,1,4 -10702,1,2 -10703,1,4 -10705,1,4 -10718,1,6 -10720,1,1 -10723,1,4 -10729,1,4 -10736,1,6 -10743,1,4 -10743,1,4 -10750,1,1 -10754,1,2 -10756,1,4 -10757,1,1 -10757,2,2 -10762,1,4 -10762,1,4 -10763,1,4 -10764,1,4 -10767,1,4 -10769,1,1 -10775,1,4 -10776,1,3 -10777,1,5 -10783,1,4 -10784,1,2 -10785,1,4 -10787,1,4 -10790,1,1 -10795,1,2 -10797,1,4 -10797,1,4 -10801,1,4 -10801,1,4 -10807,1,5 -10808,1,4 -10810,1,4 -10820,1,4 -10822,1,1 -10823,1,4 -10824,1,4 -10829,1,4 -10830,1,4 -10831,1,2 -10831,2,1 -10832,1,4 -10840,1,5 -10842,1,6 -10843,1,1 -10847,1,2 -10849,1,2 -10850,1,4 -10860,1,4 -10861,1,2 -10865,1,4 -10876,1,4 -10878,1,2 -10880,1,4 -10882,1,2 -10883,1,2 -10883,1,2 -10887,1,6 -10888,1,1 -10892,1,2 -10892,2,3 -10896,1,4 -10899,1,4 -10900,1,4 -10902,1,4 -10903,1,1 -10903,2,2 -10906,1,2 -10909,1,4 -10909,1,4 -10910,1,3 -10911,1,1 -10911,2,2 -10915,1,2 -10916,1,2 -10917,1,1 -10917,2,2 -10919,1,4 -10923,1,2 -10926,1,4 -10927,1,4 -10930,1,4 -10932,1,4 -10934,1,4 -10937,1,4 -10941,1,1 -10942,1,4 -10944,1,4 -10947,1,2 -10947,1,2 -10948,1,2 -10949,1,1 -10950,1,4 -10955,1,4 -10957,1,4 -10958,1,4 -10960,1,4 -10963,1,4 -10964,1,5 -10965,1,4 -10969,1,4 -10972,1,2 -10975,1,4 -10977,1,4 -10978,1,4 -10980,1,4 -10982,1,4 -10983,1,4 -10985,1,4 -10988,1,4 -10989,1,4 -10989,1,4 -10992,1,2 -10993,1,4 -10999,1,6 -11000,1,2 -11000,1,3 -11000,2,3 -11002,1,4 -11009,1,2 -11012,1,4 -11017,1,4 -11018,1,5 -11019,1,2 -11023,1,4 -11025,1,1 -11025,2,3 -11026,1,2 -11028,1,4 -11029,1,2 -11038,1,4 -11039,1,4 -11044,1,6 -11046,1,4 -11048,1,6 -11053,1,4 -11055,1,4 -11057,1,4 -11058,1,2 -11066,1,1 -11070,1,1 -11070,2,2 -11074,1,4 -11079,1,4 -11080,1,4 -11081,1,4 -11082,1,2 -11083,1,4 -11085,1,4 -11086,1,4 -11088,1,4 -11093,1,4 -11094,1,4 -11098,1,4 -11099,1,3 -11104,1,4 -11106,1,4 -11108,1,4 -11109,1,1 -11109,2,2 -11110,1,4 -11115,1,4 -11119,1,2 -11120,1,4 -11122,1,4 -11124,1,4 -11125,1,4 -11126,1,4 -11127,1,4 -11128,1,4 -11130,1,4 -11132,1,5 -11134,1,2 -11136,1,4 -11137,1,4 -11140,1,2 -11140,2,3 -11145,1,4 -11153,1,5 -11153,1,5 -11164,1,4 -11166,1,4 -11171,1,2 -11171,1,2 -11173,1,4 -11174,1,5 -11176,1,1 -11183,1,4 -11186,1,5 -11193,1,4 -11193,1,1 -11196,1,2 -11197,1,4 -11202,1,2 -11203,1,6 -11204,1,4 -11211,1,4 -11214,1,4 -11214,1,4 -11222,1,5 -11245,1,6 -11246,1,2 -11247,1,4 -11248,1,4 -11255,1,4 -11256,1,4 -11261,1,2 -11266,1,1 -11266,2,2 -11270,1,1 -11270,1,1 -11270,2,2 -11274,1,1 -11274,2,2 -11275,1,2 -11276,1,2 -11279,1,4 -11282,1,4 -11283,1,3 -11285,1,2 -11290,1,4 -11292,1,4 -11294,1,4 -11295,1,3 -11299,1,4 -11303,1,6 -11304,1,4 -11307,1,4 -11310,1,5 -11313,1,1 -11319,1,4 -11320,1,4 -11324,1,2 -11330,1,6 -11339,1,5 -11340,1,4 -11342,1,4 -11342,1,4 -11346,1,4 -11348,1,4 -11349,1,6 -11351,1,4 -11354,1,4 -11355,1,2 -11357,1,4 -11362,1,6 -11364,1,2 -11365,1,4 -11366,1,4 -11366,1,4 -11368,1,4 -11370,1,4 -11375,1,4 -11378,1,6 -11380,1,6 -11381,1,5 -11383,1,2 -11383,2,3 -11385,1,4 -11385,1,4 -11386,1,6 -11387,1,4 -11389,1,3 -11390,1,6 -11390,1,2 -11392,1,1 -11395,1,4 -11398,1,4 -11404,1,4 -11406,1,4 -11407,1,2 -11418,1,2 -11419,1,4 -11423,1,4 -11424,1,4 -11428,1,4 -11434,1,4 -11438,1,4 -11440,1,2 -11440,2,3 -11443,1,4 -11445,1,4 -11447,1,3 -11449,1,4 -11453,1,2 -11454,1,2 -11455,1,4 -11459,1,4 -11463,1,4 -11466,1,6 -11467,1,4 -11468,1,4 -11474,1,1 -11474,2,3 -11477,1,2 -11484,1,2 -11492,1,3 -11496,1,4 -11498,1,5 -11500,1,4 -11501,1,4 -11506,1,4 -11513,1,4 -11523,1,6 -11533,1,6 -11535,1,1 -11535,2,2 -11540,1,4 -11541,1,4 -11542,1,3 -11544,1,4 -11546,1,4 -11548,1,2 -11549,1,6 -11554,1,4 -11555,1,1 -11559,1,4 -11562,1,4 -11563,1,2 -11565,1,2 -11565,2,3 -11566,1,4 -11567,1,4 -11569,1,4 -11573,1,4 -11574,1,1 -11574,2,2 -11581,1,2 -11589,1,2 -11591,1,4 -11597,1,2 -11599,1,4 -11605,1,4 -11613,1,2 -11614,1,5 -11621,1,4 -11623,1,4 -11626,1,4 -11627,1,4 -11628,1,4 -11629,1,4 -11630,1,3 -11631,1,4 -11634,1,4 -11636,1,2 -11638,1,4 -11639,1,4 -11639,1,5 -11644,1,4 -11646,1,4 -11649,1,2 -11651,1,2 -11654,1,4 -11657,1,2 -11659,1,2 -11660,1,2 -11672,1,4 -11674,1,4 -11679,1,4 -11682,1,6 -11683,1,4 -11684,1,4 -11685,1,4 -11687,1,4 -11689,1,6 -11691,1,6 -11695,1,4 -11698,1,4 -11702,1,4 -11703,1,4 -11703,1,4 -11704,1,6 -11707,1,4 -11710,1,1 -11711,1,4 -11712,1,4 -11713,1,4 -11713,1,4 -11714,1,4 -11716,1,2 -11726,1,4 -11732,1,1 -11743,1,4 -11744,1,6 -11748,1,2 -11750,1,4 -11755,1,4 -11756,1,4 -11756,1,6 -11757,1,4 -11762,1,4 -11770,1,2 -11776,1,4 -11778,1,4 -11780,1,4 -11781,1,5 -11789,1,1 -11790,1,3 -11791,1,5 -11796,1,6 -11799,1,6 -11802,1,2 -11802,1,2 -11805,1,4 -11812,1,4 -11817,1,4 -11827,1,2 -11837,1,4 -11840,1,4 -11845,1,4 -11846,1,4 -11847,1,2 -11847,1,2 -11850,1,4 -11857,1,1 -11861,1,5 -11862,1,4 -11866,1,4 -11868,1,2 -11878,1,4 -11880,1,4 -11884,1,2 -11885,1,3 -11886,1,4 -11894,1,4 -11895,1,4 -11902,1,4 -11904,1,4 -11906,1,4 -11907,1,6 -11914,1,4 -11919,1,4 -11925,1,6 -11927,1,4 -11929,1,6 -11931,1,4 -11931,1,6 -11933,1,4 -11940,1,4 -11941,1,1 -11941,2,2 -11942,1,4 -11944,1,2 -11950,1,4 -11952,1,4 -11953,1,4 -11954,1,4 -11958,1,4 -11959,1,4 -11961,1,4 -11964,1,4 -11965,1,4 -11970,1,2 -11975,1,2 -11978,1,4 -11979,1,4 -11982,1,1 -11982,2,2 -11990,1,1 -11990,2,2 -11991,1,4 -11993,1,6 -11994,1,4 -11997,1,4 -11998,1,4 -11999,1,4 -12003,1,2 -12004,1,4 -12005,1,2 -12007,1,2 -12009,1,2 -12009,1,2 -12010,1,4 -12018,1,4 -12019,1,4 -12020,1,2 -12025,1,5 -12027,1,4 -12029,1,2 -12031,1,4 -12033,1,4 -12040,1,2 -12044,1,1 diff --git a/data/iai_pecarn/raw/form1_pelvtenderloc.csv b/data/iai_pecarn/raw/form1_pelvtenderloc.csv deleted file mode 100644 index 9377827d..00000000 --- a/data/iai_pecarn/raw/form1_pelvtenderloc.csv +++ /dev/null @@ -1,1325 +0,0 @@ -SubjectID,Repeat_instance,PelvTenderLoc -15,1,1 -16,1,1 -39,1,4 -55,1,3 -58,1,1 -70,1,1 -75,1,1 -79,1,2 -104,1,1 -105,1,1 -126,1,1 -136,1,1 -140,1,6 -158,1,4 -170,1,1 -183,1,1 -196,1,1 -197,1,1 -206,1,1 -206,2,2 -220,1,5 -244,1,1 -244,2,2 -248,1,1 -249,1,3 -252,1,1 -255,1,1 -272,1,1 -286,1,1 -286,2,4 -288,1,1 -294,1,1 -296,1,1 -324,1,1 -329,1,1 -335,1,1 -365,1,1 -367,1,1 -370,1,1 -376,1,1 -376,2,4 -380,1,1 -390,1,1 -410,1,3 -411,1,1 -414,1,1 -414,2,3 -416,1,1 -426,1,4 -456,1,1 -456,2,3 -459,1,1 -462,1,1 -462,2,2 -462,3,3 -462,4,4 -472,1,1 -472,2,2 -476,1,2 -496,1,1 -496,2,2 -503,1,1 -516,1,1 -531,1,1 -545,1,1 -549,1,1 -557,1,1 -574,1,1 -576,1,1 -591,1,1 -594,1,1 -601,1,1 -608,1,1 -613,1,1 -628,1,1 -631,1,1 -654,1,1 -669,1,1 -669,2,2 -672,1,1 -683,1,1 -694,1,1 -706,1,1 -711,1,1 -714,1,2 -718,1,5 -723,1,1 -731,1,2 -748,1,1 -748,1,1 -748,2,2 -749,1,3 -749,2,4 -766,1,5 -776,1,1 -776,2,3 -776,3,2 -776,4,4 -784,1,1 -796,1,1 -828,1,1 -838,1,1 -839,1,1 -841,1,1 -845,1,4 -856,1,5 -859,1,5 -879,1,1 -880,1,1 -904,1,6 -905,1,1 -923,1,1 -944,1,1 -985,1,2 -992,1,1 -999,1,1 -1001,1,5 -1016,1,1 -1016,1,6 -1023,1,1 -1024,1,1 -1025,1,1 -1032,1,1 -1034,1,1 -1034,2,3 -1038,1,1 -1046,1,1 -1065,1,1 -1085,1,1 -1086,1,6 -1099,1,1 -1111,1,1 -1125,1,1 -1155,1,1 -1165,1,4 -1172,1,4 -1182,1,3 -1185,1,1 -1205,1,5 -1208,1,1 -1221,1,5 -1229,1,3 -1233,1,1 -1237,1,1 -1250,1,1 -1253,1,1 -1279,1,1 -1286,1,1 -1303,1,1 -1303,1,1 -1306,1,1 -1321,1,1 -1344,1,1 -1348,1,1 -1349,1,6 -1357,1,1 -1361,1,1 -1363,1,1 -1365,1,1 -1370,1,4 -1373,1,1 -1392,1,1 -1401,1,1 -1455,1,1 -1455,2,4 -1484,1,1 -1496,1,1 -1502,1,1 -1507,1,1 -1516,1,1 -1528,1,4 -1532,1,1 -1535,1,1 -1551,1,1 -1557,1,1 -1558,1,1 -1570,1,1 -1577,1,1 -1584,1,1 -1592,1,1 -1601,1,1 -1611,1,1 -1611,2,3 -1635,1,1 -1647,1,1 -1656,1,1 -1664,1,1 -1681,1,1 -1685,1,1 -1687,1,2 -1699,1,1 -1710,1,5 -1711,1,1 -1713,1,1 -1720,1,1 -1720,3,2 -1721,1,4 -1722,1,1 -1722,1,1 -1722,2,2 -1746,1,1 -1749,1,1 -1749,2,4 -1754,1,1 -1755,1,1 -1757,1,1 -1768,1,3 -1798,1,1 -1807,1,3 -1807,2,4 -1818,1,1 -1836,1,1 -1844,1,1 -1845,1,1 -1849,1,1 -1862,1,1 -1865,1,1 -1878,1,1 -1894,1,1 -1894,2,3 -1894,3,4 -1909,1,1 -1958,1,1 -1962,1,1 -1967,1,3 -1975,1,2 -1975,2,3 -1975,3,4 -2013,1,1 -2020,1,1 -2047,1,1 -2047,2,2 -2075,1,1 -2088,1,1 -2089,1,1 -2101,1,1 -2137,1,1 -2147,1,1 -2153,1,1 -2174,1,1 -2184,1,1 -2205,1,1 -2213,1,1 -2215,1,1 -2243,1,1 -2250,1,1 -2257,1,2 -2284,1,1 -2285,1,2 -2294,1,4 -2296,1,1 -2300,1,1 -2310,1,6 -2328,1,1 -2330,1,5 -2331,1,1 -2339,1,1 -2339,2,2 -2339,3,3 -2350,1,1 -2368,1,1 -2374,1,1 -2380,1,6 -2381,1,1 -2392,1,6 -2404,1,1 -2406,1,1 -2417,1,1 -2449,1,1 -2461,1,1 -2464,1,1 -2485,1,3 -2500,1,1 -2507,1,1 -2510,1,1 -2514,1,1 -2514,2,2 -2514,3,4 -2518,1,1 -2553,1,2 -2559,1,1 -2573,1,1 -2585,1,1 -2588,1,4 -2590,1,1 -2604,1,1 -2617,1,1 -2627,1,1 -2641,1,1 -2641,1,1 -2659,1,1 -2667,1,1 -2668,1,5 -2672,1,1 -2676,1,1 -2677,1,1 -2685,1,1 -2698,1,4 -2708,1,1 -2721,1,1 -2727,1,1 -2740,1,4 -2741,1,1 -2741,2,2 -2741,3,4 -2761,1,1 -2796,1,1 -2827,1,1 -2830,1,1 -2838,1,1 -2841,1,1 -2841,1,1 -2846,1,1 -2847,1,1 -2848,1,1 -2848,2,4 -2851,1,1 -2852,1,1 -2852,2,2 -2863,1,6 -2865,1,1 -2878,1,1 -2881,1,1 -2881,2,2 -2895,1,1 -2907,1,1 -2908,1,1 -2908,1,1 -2922,1,2 -2923,1,1 -2929,1,1 -2940,1,1 -2940,2,3 -2947,1,2 -2947,2,3 -2951,1,1 -2957,1,4 -2962,1,5 -2978,1,1 -2988,1,1 -2996,1,1 -3005,1,1 -3007,1,1 -3020,1,1 -3022,1,1 -3054,1,1 -3056,1,2 -3057,1,1 -3058,1,1 -3060,1,1 -3061,1,1 -3061,2,2 -3061,3,3 -3066,1,4 -3069,1,1 -3069,2,3 -3072,1,1 -3076,1,4 -3081,1,1 -3085,1,5 -3104,1,1 -3112,1,4 -3128,1,5 -3153,1,4 -3156,1,3 -3179,1,1 -3180,1,1 -3180,2,4 -3182,1,5 -3201,1,1 -3210,1,1 -3215,1,1 -3229,1,1 -3233,1,1 -3235,1,1 -3237,1,1 -3255,1,1 -3266,1,1 -3298,1,1 -3307,1,1 -3315,1,1 -3325,1,1 -3325,1,1 -3332,1,1 -3342,1,1 -3362,1,1 -3364,1,6 -3373,1,1 -3373,2,2 -3373,3,3 -3406,1,1 -3421,1,5 -3422,1,1 -3424,1,1 -3440,1,1 -3452,1,6 -3458,1,2 -3460,1,1 -3460,2,4 -3463,1,1 -3483,1,1 -3519,1,1 -3534,1,1 -3539,1,1 -3539,1,6 -3573,1,1 -3605,1,4 -3630,1,1 -3636,1,1 -3662,1,1 -3681,1,1 -3687,1,4 -3690,1,1 -3690,1,1 -3690,2,4 -3690,2,2 -3690,3,4 -3705,1,1 -3705,2,4 -3706,1,1 -3721,1,2 -3739,1,1 -3753,1,1 -3754,1,1 -3756,1,1 -3789,1,1 -3790,1,1 -3798,1,1 -3822,1,1 -3823,1,1 -3826,1,1 -3838,1,1 -3850,1,4 -3858,1,1 -3859,1,1 -3867,1,1 -3873,1,1 -3875,1,1 -3885,1,1 -3897,1,1 -3908,1,1 -3929,1,5 -3951,1,1 -3966,1,1 -3966,2,3 -3966,3,2 -3976,1,1 -3998,1,1 -3998,1,1 -3999,1,1 -4027,1,1 -4038,1,6 -4053,1,1 -4079,1,1 -4093,1,1 -4095,1,1 -4101,1,1 -4101,2,2 -4101,3,3 -4101,4,4 -4123,1,1 -4132,1,1 -4132,2,2 -4149,1,1 -4155,1,1 -4156,1,4 -4159,1,2 -4159,1,1 -4159,2,3 -4159,2,2 -4159,3,3 -4163,1,1 -4170,1,1 -4171,1,1 -4183,1,1 -4194,1,1 -4208,1,1 -4216,1,4 -4217,1,4 -4232,1,1 -4232,2,4 -4251,1,1 -4253,1,6 -4258,1,1 -4275,1,1 -4277,1,1 -4277,2,2 -4277,3,3 -4294,1,1 -4301,1,1 -4301,1,1 -4307,1,1 -4329,1,1 -4330,1,1 -4332,1,2 -4343,1,1 -4352,1,4 -4355,1,3 -4370,1,1 -4381,1,1 -4381,1,1 -4390,1,1 -4390,1,4 -4390,2,3 -4398,1,1 -4404,1,5 -4408,1,1 -4426,1,1 -4450,1,1 -4455,1,1 -4462,1,2 -4462,2,3 -4467,1,1 -4507,1,1 -4512,1,1 -4515,1,1 -4526,1,2 -4527,1,1 -4532,1,1 -4541,1,1 -4548,1,1 -4563,1,2 -4566,1,1 -4572,1,1 -4609,1,1 -4614,1,1 -4621,1,1 -4623,1,1 -4626,1,1 -4645,1,1 -4650,1,5 -4663,1,1 -4677,1,1 -4729,1,5 -4732,1,1 -4737,1,1 -4739,1,3 -4739,2,4 -4740,1,1 -4743,1,1 -4746,1,1 -4747,1,1 -4786,1,1 -4788,1,3 -4788,2,4 -4797,1,1 -4799,1,1 -4802,1,1 -4807,1,4 -4808,1,1 -4813,1,1 -4816,1,1 -4826,1,1 -4833,1,4 -4834,1,1 -4855,1,1 -4858,1,3 -4859,1,1 -4869,1,1 -4869,1,1 -4894,1,3 -4915,1,1 -4916,1,1 -4916,2,4 -4929,1,1 -4930,1,1 -4976,1,1 -5011,1,1 -5035,1,1 -5047,1,1 -5060,1,1 -5060,1,1 -5068,1,1 -5072,1,1 -5087,1,1 -5088,1,4 -5088,1,4 -5111,1,1 -5119,1,1 -5128,1,1 -5129,1,1 -5138,1,1 -5146,1,1 -5147,1,1 -5147,2,3 -5149,1,1 -5149,2,2 -5150,1,1 -5180,1,1 -5180,2,2 -5206,1,6 -5268,1,6 -5303,1,1 -5307,1,1 -5309,1,1 -5312,1,1 -5319,1,1 -5334,1,1 -5354,1,1 -5369,1,1 -5393,1,1 -5408,1,5 -5421,1,1 -5421,2,2 -5434,1,1 -5434,2,3 -5441,1,1 -5442,1,4 -5455,1,1 -5477,1,1 -5488,1,1 -5500,1,5 -5504,1,1 -5514,1,1 -5537,1,1 -5538,1,1 -5563,1,4 -5590,1,2 -5636,1,1 -5640,1,1 -5640,2,4 -5647,1,1 -5667,1,1 -5668,1,5 -5695,1,1 -5697,1,1 -5707,1,1 -5707,2,2 -5707,3,3 -5712,1,1 -5712,2,2 -5718,1,1 -5727,1,1 -5753,1,1 -5754,1,1 -5754,2,2 -5759,1,1 -5770,1,5 -5795,1,1 -5822,1,1 -5851,1,3 -5858,1,1 -5858,2,3 -5861,1,1 -5903,1,1 -5917,1,1 -5937,1,1 -5960,1,1 -5963,1,1 -5973,1,1 -5995,1,1 -5998,1,1 -6011,1,2 -6038,1,1 -6040,1,1 -6049,1,1 -6050,1,1 -6061,1,1 -6081,1,1 -6108,1,1 -6114,1,1 -6126,1,1 -6128,1,1 -6142,1,1 -6159,1,6 -6160,1,1 -6174,1,1 -6180,1,5 -6183,1,1 -6191,1,1 -6203,1,1 -6207,1,1 -6209,1,1 -6216,1,5 -6242,1,1 -6246,1,4 -6261,1,2 -6282,1,1 -6293,1,5 -6308,1,2 -6317,1,1 -6322,1,2 -6331,1,1 -6350,1,1 -6356,1,1 -6370,1,2 -6372,1,1 -6380,1,1 -6380,1,1 -6380,2,3 -6382,1,1 -6429,1,4 -6431,1,1 -6471,1,1 -6479,2,1 -6494,1,1 -6514,1,1 -6519,1,1 -6521,1,3 -6523,1,1 -6530,1,1 -6537,1,1 -6547,1,1 -6563,1,1 -6570,1,3 -6579,1,1 -6580,1,1 -6590,1,1 -6593,1,1 -6598,1,1 -6612,1,1 -6614,1,1 -6615,1,1 -6624,1,1 -6624,1,6 -6638,1,1 -6641,1,1 -6677,1,1 -6679,1,1 -6693,1,1 -6703,1,1 -6714,1,5 -6720,1,1 -6724,1,1 -6734,1,5 -6758,1,1 -6758,1,1 -6783,1,1 -6788,1,1 -6803,1,1 -6808,1,1 -6818,1,3 -6824,1,1 -6872,1,1 -6873,1,1 -6879,1,1 -6879,2,2 -6879,3,3 -6879,4,4 -6888,1,1 -6898,1,2 -6900,1,1 -6902,1,1 -6928,1,5 -6940,1,2 -6959,1,5 -6986,1,2 -7004,1,1 -7022,1,1 -7039,1,4 -7049,1,1 -7050,1,2 -7050,2,4 -7067,1,2 -7090,1,1 -7098,1,1 -7098,2,4 -7132,1,1 -7148,1,1 -7155,1,1 -7158,1,2 -7158,2,3 -7167,1,1 -7175,1,1 -7183,1,1 -7186,1,1 -7186,2,2 -7186,3,3 -7186,4,4 -7198,1,1 -7200,1,1 -7203,1,1 -7213,1,1 -7223,1,1 -7226,1,1 -7231,1,1 -7231,2,2 -7245,1,1 -7248,1,1 -7248,2,2 -7249,1,2 -7250,1,3 -7270,1,1 -7274,1,1 -7276,1,1 -7277,1,1 -7305,1,5 -7311,1,1 -7320,1,1 -7331,1,3 -7344,1,1 -7357,1,1 -7406,1,1 -7441,1,1 -7450,1,1 -7462,1,1 -7472,1,1 -7488,1,1 -7511,1,1 -7516,1,1 -7519,1,1 -7548,1,1 -7570,1,2 -7597,1,1 -7604,1,1 -7605,1,1 -7606,1,1 -7608,1,2 -7617,1,1 -7624,1,4 -7629,1,1 -7642,1,1 -7642,1,1 -7662,1,1 -7685,1,4 -7699,1,1 -7714,1,4 -7717,1,3 -7722,1,1 -7729,1,1 -7730,1,1 -7740,1,1 -7748,1,1 -7766,1,1 -7766,2,3 -7776,1,1 -7787,1,1 -7792,1,1 -7795,1,1 -7807,1,1 -7809,1,1 -7811,1,2 -7821,1,1 -7853,1,1 -7853,1,1 -7858,1,1 -7867,1,1 -7869,1,1 -7874,1,1 -7902,1,1 -7903,1,1 -7908,1,1 -7921,1,1 -7930,1,6 -7940,1,2 -7958,1,1 -7966,1,1 -7976,1,1 -7990,1,1 -7990,2,4 -7996,1,1 -8023,1,1 -8043,1,6 -8054,1,1 -8055,1,1 -8069,1,1 -8069,2,4 -8072,1,2 -8072,2,3 -8072,3,4 -8074,1,1 -8081,1,1 -8086,1,1 -8103,1,1 -8116,1,4 -8127,1,1 -8132,1,1 -8134,1,1 -8146,1,1 -8173,1,1 -8180,1,1 -8187,1,1 -8194,1,3 -8200,1,1 -8207,1,1 -8208,1,2 -8209,1,1 -8209,2,2 -8209,3,3 -8220,1,1 -8225,1,1 -8225,2,2 -8237,1,1 -8241,1,1 -8241,2,2 -8241,3,3 -8241,4,4 -8245,1,2 -8257,1,1 -8257,2,4 -8276,1,5 -8282,1,1 -8286,1,1 -8291,1,1 -8298,1,5 -8321,1,4 -8327,1,1 -8332,1,1 -8342,1,1 -8348,1,4 -8381,1,1 -8385,1,1 -8391,1,1 -8394,1,1 -8404,1,1 -8441,1,1 -8490,1,1 -8494,1,1 -8494,2,2 -8503,1,4 -8524,1,1 -8530,1,1 -8555,1,1 -8560,1,6 -8565,1,1 -8570,1,1 -8589,1,1 -8619,1,1 -8626,1,1 -8666,1,4 -8671,1,4 -8676,1,4 -8689,1,2 -8691,1,1 -8705,1,1 -8707,1,1 -8713,1,1 -8716,1,1 -8716,1,1 -8716,2,2 -8716,3,3 -8716,4,4 -8732,1,1 -8736,1,1 -8739,1,1 -8742,1,1 -8742,2,3 -8764,1,1 -8784,1,1 -8792,1,4 -8793,1,1 -8794,1,1 -8798,1,1 -8804,1,1 -8805,1,1 -8805,2,2 -8807,1,1 -8833,1,2 -8844,1,1 -8854,1,1 -8860,1,1 -8883,1,3 -8886,1,2 -8886,2,3 -8888,1,1 -8891,1,1 -8892,1,2 -8897,1,1 -8898,1,1 -8915,1,1 -8919,1,3 -8919,1,1 -8919,2,4 -8928,1,1 -8928,2,4 -8936,1,1 -8940,1,1 -8940,2,2 -8940,3,3 -8949,1,1 -8949,1,1 -8949,2,2 -8949,2,2 -8949,3,3 -8949,3,3 -8954,1,1 -8955,1,1 -8955,1,1 -8959,1,1 -8967,1,1 -8967,1,1 -8977,1,1 -8986,1,1 -8987,1,1 -8987,2,4 -9005,1,6 -9009,1,1 -9013,1,1 -9013,2,4 -9016,1,1 -9017,1,4 -9024,1,1 -9051,1,1 -9059,1,1 -9068,1,1 -9096,1,1 -9098,1,1 -9108,1,1 -9114,1,2 -9117,1,1 -9123,1,1 -9130,1,1 -9147,1,1 -9161,1,1 -9161,2,2 -9161,3,3 -9161,4,4 -9187,1,1 -9187,1,1 -9187,2,2 -9195,1,1 -9200,1,1 -9224,1,1 -9224,2,4 -9234,1,1 -9236,1,1 -9236,2,2 -9236,3,3 -9236,4,4 -9247,1,3 -9249,1,3 -9251,1,4 -9271,1,5 -9280,1,1 -9280,2,2 -9280,3,3 -9296,1,2 -9299,1,1 -9306,1,6 -9311,1,1 -9316,1,1 -9317,1,2 -9333,1,1 -9357,1,1 -9369,1,2 -9369,2,3 -9372,1,1 -9382,1,1 -9396,1,1 -9397,1,1 -9432,1,1 -9433,1,1 -9436,1,1 -9446,1,1 -9449,1,3 -9455,1,1 -9456,1,1 -9466,1,1 -9467,1,1 -9475,1,1 -9475,2,3 -9475,3,4 -9481,1,2 -9492,1,1 -9494,1,1 -9510,1,1 -9523,1,1 -9523,2,3 -9523,3,4 -9539,1,6 -9544,1,2 -9551,1,1 -9571,1,1 -9590,1,5 -9592,1,1 -9610,1,1 -9630,1,1 -9637,1,1 -9640,1,1 -9662,1,1 -9679,1,1 -9681,1,1 -9688,1,1 -9697,1,1 -9728,1,6 -9731,1,6 -9732,1,1 -9738,1,1 -9755,1,1 -9761,1,4 -9767,1,1 -9768,1,1 -9768,1,1 -9772,1,1 -9774,1,1 -9776,1,1 -9787,1,1 -9788,1,1 -9788,2,2 -9788,3,3 -9788,4,4 -9812,1,4 -9821,1,1 -9858,1,3 -9858,2,4 -9865,1,1 -9873,1,1 -9907,1,5 -9939,1,1 -9944,1,1 -9948,1,1 -9976,1,1 -9976,2,3 -9982,1,1 -9994,1,1 -9995,1,1 -9999,1,1 -10017,1,2 -10023,1,3 -10024,1,1 -10030,1,1 -10033,1,1 -10059,1,1 -10070,1,1 -10075,1,1 -10082,1,6 -10097,1,1 -10097,2,3 -10097,3,4 -10102,1,1 -10102,1,1 -10102,2,4 -10108,1,1 -10127,1,1 -10130,1,4 -10145,1,1 -10171,1,1 -10174,1,1 -10180,1,1 -10190,1,1 -10192,1,1 -10193,1,1 -10197,1,6 -10198,1,1 -10220,1,1 -10224,1,4 -10227,1,1 -10246,1,1 -10247,1,1 -10259,1,4 -10265,1,2 -10265,2,4 -10275,1,1 -10295,1,3 -10301,1,1 -10340,1,1 -10352,1,1 -10352,2,4 -10368,1,1 -10369,1,1 -10377,1,1 -10378,1,3 -10381,1,1 -10400,1,1 -10400,2,2 -10400,3,4 -10418,1,1 -10424,1,1 -10424,2,2 -10424,3,3 -10432,1,1 -10442,1,1 -10442,2,2 -10442,3,3 -10447,1,1 -10451,1,4 -10452,1,1 -10464,1,2 -10497,1,1 -10510,1,1 -10512,1,1 -10535,1,1 -10547,1,6 -10562,1,1 -10562,2,2 -10575,1,1 -10575,2,2 -10575,3,4 -10580,1,1 -10580,2,3 -10596,1,2 -10603,1,1 -10605,1,1 -10680,1,1 -10686,1,2 -10690,1,1 -10692,1,1 -10703,1,1 -10707,1,1 -10739,1,1 -10763,1,1 -10763,2,2 -10763,3,3 -10798,1,4 -10806,1,1 -10821,1,1 -10843,1,1 -10846,1,2 -10846,2,3 -10846,3,4 -10854,1,1 -10875,1,4 -10877,1,1 -10879,1,2 -10880,1,1 -10884,1,1 -10903,1,4 -10917,1,1 -10918,1,1 -10918,2,3 -10918,3,2 -10921,1,1 -10928,1,4 -10994,1,1 -11025,1,1 -11028,1,1 -11039,1,1 -11051,1,3 -11057,1,1 -11061,1,1 -11095,1,1 -11098,1,1 -11099,1,1 -11105,1,1 -11108,1,1 -11119,1,1 -11120,1,1 -11140,1,1 -11145,1,1 -11161,1,1 -11165,1,1 -11173,1,1 -11188,1,1 -11196,1,1 -11196,2,4 -11221,1,1 -11238,1,1 -11257,1,1 -11258,1,4 -11259,1,3 -11275,1,1 -11275,2,2 -11275,3,4 -11283,1,1 -11287,1,1 -11297,1,1 -11326,1,1 -11330,1,1 -11333,1,3 -11377,1,1 -11399,1,1 -11404,1,2 -11404,2,3 -11405,1,6 -11406,1,1 -11417,1,1 -11421,1,1 -11434,1,4 -11453,1,1 -11458,1,1 -11491,1,1 -11499,1,1 -11530,1,3 -11546,1,2 -11550,1,1 -11550,2,2 -11550,3,3 -11550,4,4 -11562,1,2 -11564,1,1 -11574,1,1 -11578,1,4 -11595,1,1 -11595,2,4 -11612,1,2 -11615,1,1 -11629,1,1 -11636,1,1 -11639,1,1 -11643,1,1 -11643,2,2 -11643,3,3 -11643,4,4 -11660,1,1 -11660,2,2 -11660,3,3 -11660,4,4 -11689,1,1 -11693,1,1 -11693,2,3 -11703,1,1 -11705,1,1 -11705,1,1 -11724,1,5 -11724,1,5 -11769,1,1 -11772,1,1 -11777,1,1 -11797,1,1 -11810,1,1 -11844,1,1 -11850,1,1 -11868,1,1 -11892,1,5 -11894,1,1 -11896,1,5 -11925,1,1 -11926,1,1 -11932,1,1 -11942,1,1 -11956,1,1 -11968,1,1 -11968,1,1 -11976,1,1 -11984,1,1 -11991,1,6 -11995,1,1 -12002,1,1 -12004,1,1 -12025,1,1 -12026,1,1 -12029,1,1 -12033,1,1 -12044,1,1 diff --git a/data/iai_pecarn/raw/form1_thoracicabnormalities.csv b/data/iai_pecarn/raw/form1_thoracicabnormalities.csv deleted file mode 100644 index 19b88194..00000000 --- a/data/iai_pecarn/raw/form1_thoracicabnormalities.csv +++ /dev/null @@ -1,2883 +0,0 @@ -SubjectID,Repeat_instance,ThorAbnormality -2,1,2 -2,1,3 -6,1,3 -7,1,3 -8,1,2 -8,2,3 -9,1,2 -9,1,2 -9,2,3 -10,1,2 -10,2,3 -16,1,1 -16,2,2 -21,1,2 -23,1,7 -26,1,5 -38,1,1 -40,2,2 -45,1,1 -45,2,2 -45,3,3 -49,1,4 -55,1,2 -61,1,2 -73,1,2 -75,1,2 -80,1,1 -80,2,2 -86,1,2 -86,2,3 -88,1,5 -93,1,2 -94,1,6 -106,1,2 -117,1,2 -123,1,2 -124,1,6 -125,1,2 -127,1,3 -140,1,2 -140,2,3 -145,1,4 -147,1,2 -147,2,3 -150,1,3 -150,1,3 -151,1,2 -155,1,2 -156,1,2 -159,1,2 -164,1,2 -165,1,2 -169,1,2 -169,2,3 -178,1,6 -185,1,2 -185,2,5 -189,1,2 -189,3,3 -205,1,2 -214,1,3 -217,1,1 -217,2,2 -217,3,5 -219,1,1 -219,2,2 -219,3,3 -224,1,6 -231,1,3 -238,1,4 -244,1,2 -248,1,2 -257,1,1 -265,1,2 -282,2,7 -290,1,2 -296,1,1 -298,1,2 -302,1,2 -304,1,3 -308,1,2 -311,1,3 -315,1,3 -319,1,2 -321,1,2 -328,1,2 -328,2,2 -334,1,1 -334,2,2 -337,1,2 -337,2,3 -338,1,2 -345,1,2 -346,1,3 -350,1,3 -351,1,2 -363,1,3 -370,1,3 -378,1,1 -381,1,1 -391,1,2 -392,1,1 -392,2,2 -394,1,2 -394,2,3 -398,1,2 -399,1,3 -399,2,5 -400,1,2 -400,1,2 -402,1,2 -413,1,2 -413,2,3 -419,1,3 -425,1,2 -426,1,2 -426,2,3 -430,1,2 -430,2,3 -435,1,2 -435,2,3 -447,1,2 -453,1,2 -465,1,6 -471,1,1 -471,2,2 -472,1,2 -494,1,3 -500,1,2 -520,1,2 -527,1,2 -539,1,2 -541,1,2 -542,1,1 -542,2,3 -544,1,2 -544,2,3 -545,1,2 -546,1,2 -553,1,3 -555,1,1 -555,2,2 -563,1,3 -591,1,3 -591,2,4 -592,1,1 -593,1,2 -595,1,2 -608,1,2 -611,1,2 -623,1,3 -629,1,2 -634,1,1 -634,2,2 -636,1,2 -642,1,1 -642,2,2 -649,1,3 -650,1,2 -651,1,2 -659,1,2 -664,1,1 -664,2,2 -669,1,5 -671,1,2 -671,2,3 -671,3,5 -673,1,2 -674,1,2 -682,1,3 -690,1,3 -691,1,2 -694,1,2 -695,1,6 -710,1,2 -710,2,3 -720,1,2 -722,1,2 -728,1,6 -730,1,2 -746,1,3 -754,1,3 -756,1,2 -756,2,3 -759,1,2 -774,1,2 -780,1,2 -786,1,3 -797,1,6 -802,1,2 -811,1,2 -814,1,2 -819,1,5 -820,1,6 -821,1,2 -822,1,2 -831,1,2 -831,2,3 -834,1,1 -834,2,3 -842,1,1 -842,2,2 -842,3,3 -845,1,2 -845,2,3 -846,1,2 -846,2,3 -850,1,2 -851,1,2 -852,1,2 -852,2,3 -854,1,2 -854,2,3 -858,1,1 -862,1,6 -868,1,2 -869,1,3 -870,1,2 -871,1,2 -871,2,3 -872,1,7 -872,1,1 -872,2,2 -872,3,3 -880,1,6 -883,1,2 -884,1,2 -885,1,2 -886,1,2 -890,1,2 -894,1,1 -894,2,2 -907,1,7 -910,1,1 -910,2,2 -918,1,2 -919,1,2 -920,1,2 -923,1,2 -928,1,2 -931,1,2 -931,2,3 -948,1,3 -949,1,2 -952,1,1 -952,2,2 -952,3,3 -953,1,2 -958,1,1 -970,1,2 -972,1,3 -979,1,7 -987,1,2 -990,1,2 -995,1,2 -1001,1,2 -1010,1,2 -1011,1,5 -1025,1,1 -1025,2,2 -1028,1,2 -1029,1,2 -1034,1,2 -1035,1,6 -1039,1,2 -1041,1,2 -1045,1,2 -1046,1,1 -1046,2,2 -1051,1,2 -1051,2,3 -1058,1,2 -1060,1,2 -1065,1,1 -1065,2,2 -1065,3,3 -1071,1,2 -1082,1,2 -1083,1,3 -1088,1,6 -1089,1,1 -1089,2,2 -1092,1,4 -1099,1,2 -1101,1,2 -1102,1,2 -1105,1,2 -1114,1,3 -1125,1,6 -1127,1,2 -1136,1,2 -1141,1,4 -1141,2,2 -1141,3,3 -1141,4,5 -1146,2,1 -1146,3,2 -1146,4,3 -1148,1,2 -1149,1,6 -1151,1,2 -1160,1,2 -1163,1,2 -1164,1,7 -1182,1,2 -1182,2,3 -1185,1,2 -1185,2,3 -1188,1,1 -1188,2,2 -1191,1,2 -1203,1,2 -1203,2,3 -1213,1,2 -1218,1,2 -1218,2,3 -1219,1,2 -1220,1,6 -1229,1,1 -1229,2,2 -1229,3,3 -1230,1,1 -1230,2,2 -1230,3,3 -1234,1,3 -1239,1,2 -1253,1,1 -1253,2,2 -1253,3,3 -1257,1,2 -1257,2,6 -1265,1,2 -1266,1,2 -1282,1,2 -1282,2,3 -1289,1,2 -1289,2,3 -1296,1,2 -1297,1,2 -1297,2,1 -1297,3,3 -1305,1,2 -1307,1,7 -1323,1,6 -1330,1,2 -1332,1,2 -1338,1,2 -1347,1,2 -1350,1,6 -1351,1,2 -1359,1,2 -1359,2,3 -1363,1,2 -1363,2,3 -1367,1,2 -1370,1,5 -1380,1,2 -1380,2,6 -1401,1,1 -1402,1,3 -1403,1,5 -1415,1,2 -1418,1,2 -1418,2,3 -1421,1,2 -1428,1,2 -1429,1,2 -1429,2,3 -1442,1,2 -1442,2,3 -1443,1,3 -1443,2,6 -1446,1,2 -1449,1,3 -1454,1,3 -1455,1,2 -1460,1,2 -1473,1,2 -1473,2,3 -1484,1,3 -1498,1,2 -1498,2,6 -1499,1,1 -1499,2,2 -1510,1,2 -1512,1,2 -1512,2,3 -1518,1,1 -1521,1,1 -1521,2,2 -1521,3,3 -1539,1,3 -1543,1,2 -1545,1,2 -1551,1,6 -1559,1,2 -1586,1,3 -1590,1,2 -1608,1,2 -1610,1,2 -1611,1,1 -1611,2,2 -1611,3,3 -1611,4,5 -1620,1,2 -1630,1,2 -1641,1,3 -1648,1,7 -1653,1,1 -1653,2,2 -1653,3,4 -1656,1,1 -1656,2,2 -1659,1,2 -1664,1,2 -1665,1,4 -1677,1,2 -1687,1,3 -1699,1,6 -1725,1,2 -1725,2,3 -1734,1,1 -1734,2,2 -1734,3,3 -1739,1,2 -1748,1,3 -1753,1,2 -1753,2,3 -1760,1,2 -1761,1,7 -1763,1,2 -1764,1,6 -1769,1,2 -1770,1,2 -1773,1,2 -1775,1,2 -1824,1,2 -1824,2,3 -1828,1,4 -1828,2,5 -1850,1,2 -1865,1,2 -1865,2,3 -1874,1,2 -1875,1,2 -1875,2,3 -1877,1,1 -1877,2,3 -1893,1,2 -1897,1,2 -1910,1,2 -1913,1,2 -1918,1,2 -1929,1,2 -1929,2,3 -1938,1,3 -1967,1,7 -1969,1,1 -1969,2,3 -1976,1,2 -1978,1,2 -1985,1,1 -1998,1,6 -2005,1,1 -2005,2,2 -2024,1,2 -2026,1,6 -2035,1,2 -2041,2,1 -2042,1,3 -2042,1,3 -2044,1,2 -2045,1,2 -2045,2,6 -2077,1,1 -2077,2,2 -2091,1,7 -2092,1,2 -2092,2,3 -2098,1,6 -2100,1,3 -2103,1,1 -2105,1,1 -2105,2,2 -2106,1,2 -2108,1,1 -2112,1,7 -2116,1,2 -2131,1,2 -2134,1,3 -2141,1,2 -2141,2,1 -2149,1,2 -2149,2,3 -2150,1,2 -2150,1,2 -2150,2,3 -2163,1,6 -2166,1,2 -2174,1,2 -2182,1,2 -2182,2,3 -2191,1,3 -2193,1,2 -2199,1,2 -2200,1,2 -2213,1,1 -2213,2,2 -2214,1,6 -2216,1,4 -2222,1,2 -2223,1,2 -2223,2,3 -2237,1,2 -2239,1,1 -2239,2,2 -2240,1,2 -2246,1,2 -2250,1,6 -2252,1,5 -2253,1,2 -2253,2,5 -2269,1,6 -2272,1,3 -2283,1,2 -2288,1,3 -2289,1,1 -2289,2,6 -2290,1,3 -2299,1,1 -2299,2,2 -2307,1,3 -2320,1,3 -2323,1,3 -2327,1,6 -2335,1,2 -2340,1,2 -2341,1,2 -2342,1,2 -2342,2,3 -2345,1,7 -2351,1,1 -2351,2,2 -2351,3,3 -2362,1,2 -2369,1,3 -2373,1,3 -2380,1,2 -2382,1,2 -2382,2,3 -2383,1,3 -2384,1,6 -2390,1,7 -2393,1,1 -2393,2,2 -2397,1,6 -2407,1,2 -2409,1,2 -2418,1,1 -2418,2,2 -2420,1,3 -2428,1,6 -2436,1,1 -2436,2,2 -2436,3,3 -2437,1,1 -2439,1,2 -2443,1,3 -2447,1,2 -2453,1,2 -2460,1,1 -2460,2,2 -2461,1,6 -2467,1,2 -2467,2,5 -2470,1,1 -2477,1,2 -2489,1,2 -2489,2,3 -2507,1,2 -2509,1,6 -2526,1,3 -2545,2,2 -2547,1,2 -2547,2,3 -2567,1,3 -2568,1,2 -2580,1,2 -2582,1,6 -2592,1,1 -2592,2,2 -2598,1,2 -2601,1,2 -2606,1,7 -2612,1,6 -2615,1,2 -2618,1,1 -2626,1,3 -2636,1,2 -2638,1,2 -2640,1,1 -2640,2,2 -2652,1,2 -2652,2,3 -2659,1,1 -2659,2,2 -2660,1,1 -2660,2,2 -2662,1,6 -2668,1,2 -2675,1,1 -2675,2,2 -2675,3,4 -2684,1,6 -2685,1,6 -2692,1,1 -2692,2,3 -2715,1,2 -2724,1,3 -2726,1,3 -2727,1,2 -2740,1,2 -2742,1,2 -2761,1,7 -2776,1,6 -2777,1,2 -2780,1,2 -2780,2,3 -2795,1,1 -2795,2,2 -2795,3,3 -2800,1,1 -2800,2,3 -2809,1,2 -2811,1,3 -2811,1,3 -2815,1,2 -2821,1,3 -2822,1,1 -2822,2,2 -2822,3,3 -2828,1,2 -2828,2,3 -2837,1,2 -2837,2,3 -2839,1,2 -2842,1,3 -2845,1,1 -2846,1,3 -2847,1,2 -2852,1,2 -2857,1,2 -2858,1,2 -2860,1,2 -2860,2,3 -2861,1,2 -2861,2,3 -2865,1,6 -2870,1,1 -2870,2,2 -2882,1,2 -2884,1,2 -2897,1,2 -2897,2,3 -2909,1,2 -2909,2,3 -2912,1,1 -2913,1,1 -2919,1,4 -2919,2,5 -2936,1,7 -2960,1,2 -2962,1,2 -2962,2,3 -2966,1,2 -2967,1,2 -2967,1,2 -2967,2,3 -2968,1,5 -2971,1,2 -2981,1,3 -2996,1,2 -2997,1,1 -2998,1,2 -2999,2,2 -3007,1,2 -3009,1,2 -3014,1,2 -3014,2,3 -3016,1,3 -3020,1,1 -3021,1,1 -3025,1,2 -3025,1,2 -3033,1,2 -3033,2,3 -3037,1,2 -3054,1,2 -3054,3,3 -3057,1,2 -3059,1,1 -3059,2,2 -3059,3,3 -3063,1,2 -3063,2,3 -3068,1,2 -3074,2,6 -3076,1,2 -3083,1,2 -3087,1,1 -3087,2,2 -3101,1,2 -3103,1,2 -3103,2,3 -3106,1,3 -3115,1,6 -3115,1,7 -3120,1,3 -3129,1,2 -3129,2,5 -3133,1,2 -3135,1,6 -3140,1,5 -3144,1,3 -3153,1,2 -3169,1,1 -3169,2,3 -3172,1,2 -3177,1,6 -3195,1,1 -3195,2,3 -3197,1,2 -3202,1,5 -3211,1,2 -3213,1,1 -3213,2,2 -3220,1,3 -3222,1,1 -3222,2,2 -3224,1,2 -3228,1,2 -3231,1,1 -3231,2,2 -3231,3,3 -3242,1,1 -3242,2,2 -3242,3,3 -3248,1,2 -3250,1,2 -3250,2,3 -3251,1,2 -3251,2,3 -3276,1,2 -3277,1,2 -3277,1,2 -3280,1,1 -3280,2,3 -3282,1,2 -3282,1,2 -3282,2,3 -3282,2,3 -3290,1,3 -3295,1,2 -3296,1,2 -3299,1,2 -3308,1,2 -3312,1,2 -3314,1,2 -3314,2,3 -3314,3,4 -3314,4,5 -3320,1,2 -3320,2,3 -3329,1,2 -3332,1,3 -3334,1,2 -3334,1,2 -3334,2,3 -3334,2,3 -3341,1,2 -3351,1,6 -3365,1,2 -3374,1,3 -3383,1,2 -3391,1,3 -3397,1,2 -3397,2,3 -3398,1,2 -3404,1,3 -3411,1,2 -3413,1,2 -3420,1,2 -3420,2,3 -3420,3,4 -3420,4,5 -3425,1,2 -3436,1,2 -3437,1,1 -3437,2,2 -3446,1,2 -3448,1,6 -3456,1,3 -3467,1,6 -3468,1,2 -3468,2,3 -3469,1,6 -3472,1,1 -3472,2,2 -3472,3,3 -3475,1,7 -3481,1,2 -3481,1,2 -3483,1,2 -3488,1,3 -3491,1,2 -3496,1,6 -3497,1,7 -3521,1,3 -3522,1,2 -3532,1,5 -3535,1,2 -3535,2,3 -3536,1,2 -3536,2,3 -3536,3,5 -3537,1,2 -3539,1,2 -3539,1,2 -3539,2,3 -3543,1,3 -3554,1,2 -3557,1,3 -3562,1,1 -3562,1,2 -3562,2,2 -3563,1,7 -3566,1,6 -3588,1,2 -3601,1,6 -3604,1,2 -3605,1,1 -3609,1,1 -3609,2,3 -3612,1,7 -3618,1,2 -3631,1,2 -3631,1,2 -3631,2,3 -3631,3,6 -3638,1,2 -3652,1,1 -3652,1,3 -3652,2,2 -3652,3,3 -3653,1,2 -3654,1,2 -3660,1,1 -3660,2,2 -3665,1,2 -3665,2,3 -3677,1,3 -3686,1,1 -3686,2,2 -3688,1,7 -3693,1,2 -3696,1,1 -3696,2,2 -3696,3,3 -3701,1,2 -3704,1,2 -3704,2,3 -3715,1,1 -3715,2,2 -3720,1,6 -3723,1,2 -3723,2,3 -3730,1,3 -3733,1,2 -3739,1,2 -3739,2,5 -3741,1,2 -3746,1,2 -3756,1,3 -3778,1,2 -3778,1,2 -3778,2,3 -3785,1,2 -3800,1,2 -3812,1,3 -3816,1,1 -3816,2,2 -3816,3,3 -3825,1,2 -3836,1,2 -3837,1,1 -3838,1,2 -3845,1,2 -3845,2,3 -3846,1,2 -3846,2,3 -3850,1,6 -3854,1,2 -3870,1,2 -3870,2,3 -3873,1,3 -3877,1,1 -3877,2,2 -3889,1,3 -3901,1,1 -3901,2,2 -3901,3,3 -3901,4,4 -3905,1,2 -3922,1,1 -3924,1,3 -3930,1,5 -3931,1,2 -3937,1,6 -3938,1,2 -3942,1,2 -3952,1,2 -3957,1,2 -3957,2,3 -3961,1,2 -3967,1,1 -3967,2,2 -3967,3,3 -3976,1,1 -3976,2,2 -3979,1,1 -3979,2,2 -3980,1,2 -3980,2,4 -3983,1,1 -3983,2,2 -3985,1,2 -3985,2,3 -3993,1,6 -3996,1,2 -3998,1,2 -4002,1,2 -4003,1,2 -4004,1,2 -4012,1,1 -4012,2,2 -4012,3,3 -4013,1,2 -4019,1,2 -4022,1,2 -4028,1,2 -4036,1,1 -4036,2,2 -4047,1,6 -4050,1,7 -4051,1,2 -4069,1,3 -4077,1,1 -4077,2,2 -4077,3,3 -4087,1,2 -4090,1,2 -4100,1,2 -4102,1,2 -4103,1,2 -4111,1,6 -4113,1,7 -4118,1,2 -4123,1,2 -4126,1,2 -4131,1,1 -4138,1,1 -4138,2,3 -4145,1,2 -4145,1,2 -4148,1,2 -4152,1,1 -4163,1,2 -4165,1,2 -4173,1,2 -4188,1,2 -4193,1,3 -4198,1,2 -4198,2,3 -4210,1,1 -4210,2,3 -4212,1,7 -4216,1,6 -4218,1,2 -4219,1,1 -4219,2,2 -4228,1,7 -4231,1,2 -4231,2,3 -4241,1,6 -4246,1,6 -4250,1,1 -4250,2,2 -4250,3,3 -4252,1,2 -4259,1,2 -4271,1,6 -4286,1,2 -4304,1,1 -4304,2,2 -4305,1,2 -4317,1,2 -4320,1,1 -4320,2,2 -4320,3,3 -4322,1,2 -4322,2,3 -4323,1,1 -4323,1,3 -4334,1,1 -4334,2,2 -4334,3,3 -4361,1,2 -4361,2,3 -4371,1,1 -4371,2,2 -4371,3,3 -4372,1,2 -4375,1,1 -4391,1,7 -4395,1,3 -4402,1,3 -4403,1,1 -4403,2,2 -4408,1,2 -4421,1,3 -4435,1,1 -4435,2,2 -4437,1,2 -4441,1,2 -4454,1,5 -4463,2,2 -4466,1,1 -4466,2,2 -4471,1,2 -4490,1,6 -4491,1,7 -4492,1,2 -4493,1,2 -4493,2,3 -4502,1,2 -4503,1,2 -4515,1,2 -4529,1,2 -4533,1,2 -4533,2,3 -4537,1,3 -4537,2,4 -4537,3,2 -4538,1,2 -4538,2,3 -4540,1,6 -4543,1,1 -4543,2,3 -4545,1,2 -4558,1,2 -4560,1,2 -4574,1,2 -4576,1,2 -4581,1,2 -4586,1,2 -4587,1,2 -4602,1,1 -4602,2,2 -4602,3,3 -4605,1,1 -4608,1,6 -4610,1,3 -4611,1,6 -4615,1,2 -4620,1,2 -4620,2,3 -4635,1,2 -4636,1,3 -4637,1,6 -4638,1,3 -4642,1,3 -4643,1,1 -4643,2,2 -4644,1,2 -4648,1,2 -4648,1,2 -4653,1,2 -4662,1,2 -4662,2,3 -4663,1,2 -4677,1,2 -4695,1,3 -4696,1,2 -4706,1,3 -4708,1,2 -4708,2,3 -4709,1,2 -4709,2,3 -4710,1,6 -4710,1,6 -4714,1,6 -4717,1,1 -4718,1,6 -4720,1,6 -4724,1,6 -4726,1,7 -4727,1,1 -4727,2,2 -4740,1,2 -4745,1,7 -4748,1,2 -4748,2,3 -4754,1,3 -4768,1,1 -4772,1,2 -4779,1,1 -4780,1,2 -4790,1,1 -4790,2,2 -4790,3,3 -4809,1,2 -4820,1,2 -4820,2,3 -4820,3,5 -4822,1,1 -4822,2,2 -4822,3,3 -4823,1,2 -4828,1,2 -4828,2,3 -4828,3,5 -4833,1,2 -4833,1,2 -4850,1,7 -4851,1,2 -4859,1,1 -4859,2,2 -4859,3,3 -4867,1,2 -4872,1,7 -4893,1,2 -4893,2,3 -4893,3,5 -4894,1,2 -4894,2,3 -4909,1,4 -4925,1,2 -4943,1,3 -4959,1,2 -4965,1,1 -4968,1,1 -4968,2,2 -4975,1,2 -4989,1,3 -4994,1,1 -4994,2,2 -4995,1,7 -4997,1,1 -4997,2,2 -4999,1,2 -4999,3,3 -5004,1,1 -5004,2,2 -5011,1,2 -5011,2,3 -5018,1,2 -5021,1,6 -5022,1,2 -5034,1,2 -5034,2,3 -5040,2,2 -5044,1,2 -5054,1,2 -5056,1,2 -5064,1,6 -5069,1,2 -5072,1,2 -5086,1,2 -5086,2,5 -5095,1,6 -5101,1,2 -5101,2,3 -5103,1,2 -5104,1,2 -5111,1,2 -5111,1,2 -5111,2,3 -5113,1,2 -5115,1,2 -5115,2,3 -5115,3,5 -5117,1,1 -5117,2,2 -5117,3,3 -5119,1,1 -5119,2,2 -5129,1,2 -5131,1,2 -5136,1,2 -5141,1,1 -5141,2,3 -5146,1,1 -5146,2,2 -5146,3,3 -5146,4,6 -5150,1,1 -5156,1,1 -5156,2,2 -5157,1,2 -5168,1,2 -5169,1,2 -5169,2,5 -5173,1,2 -5186,1,1 -5186,2,2 -5191,1,6 -5199,1,3 -5208,1,2 -5209,1,1 -5216,1,2 -5216,2,3 -5217,1,2 -5220,1,2 -5223,1,1 -5223,2,2 -5223,3,5 -5242,1,2 -5257,1,2 -5261,1,3 -5262,1,1 -5262,1,1 -5262,2,2 -5266,1,1 -5266,2,3 -5283,1,1 -5283,2,2 -5283,3,3 -5285,1,3 -5286,1,2 -5287,1,6 -5292,1,1 -5292,2,2 -5295,1,2 -5295,2,3 -5310,1,2 -5310,1,3 -5322,1,3 -5327,1,2 -5332,1,1 -5338,1,1 -5338,2,2 -5339,1,1 -5339,2,2 -5346,1,2 -5348,1,2 -5351,1,2 -5351,1,2 -5352,1,6 -5353,1,2 -5359,1,1 -5359,2,2 -5359,3,3 -5360,1,1 -5362,1,7 -5364,1,2 -5364,2,3 -5372,1,2 -5390,1,2 -5393,1,2 -5393,2,3 -5396,1,2 -5400,1,2 -5401,1,2 -5411,1,1 -5422,1,2 -5433,1,3 -5435,1,2 -5435,2,3 -5442,1,3 -5443,1,2 -5443,2,3 -5453,1,2 -5460,1,2 -5460,2,3 -5461,1,2 -5467,1,2 -5469,1,6 -5483,1,1 -5483,2,2 -5483,3,3 -5501,1,2 -5508,1,6 -5509,1,7 -5520,1,3 -5528,1,2 -5535,1,2 -5535,2,3 -5537,1,3 -5540,1,2 -5540,2,3 -5553,1,3 -5570,1,2 -5571,1,6 -5573,1,7 -5574,1,3 -5575,1,2 -5577,1,1 -5577,2,2 -5578,1,2 -5582,1,1 -5582,2,3 -5591,1,1 -5591,2,2 -5607,1,6 -5608,1,6 -5620,1,2 -5624,1,2 -5624,2,3 -5628,1,2 -5638,1,7 -5648,1,2 -5651,1,2 -5653,1,3 -5661,1,2 -5670,1,1 -5670,2,3 -5671,1,2 -5678,1,2 -5678,1,1 -5678,2,2 -5678,3,3 -5685,1,2 -5690,1,3 -5693,1,6 -5694,1,3 -5698,1,3 -5707,1,2 -5707,2,3 -5722,1,7 -5729,1,2 -5730,1,2 -5730,2,3 -5758,1,2 -5759,1,3 -5763,1,1 -5763,2,2 -5768,1,1 -5768,2,2 -5768,3,3 -5770,1,1 -5770,2,2 -5776,1,2 -5786,1,2 -5788,1,1 -5788,2,2 -5797,2,6 -5807,1,2 -5810,1,2 -5824,1,2 -5830,1,2 -5830,2,3 -5835,1,3 -5844,1,2 -5844,1,3 -5845,1,2 -5850,1,5 -5859,1,2 -5865,1,2 -5867,1,2 -5874,1,2 -5874,2,3 -5875,1,2 -5882,1,6 -5886,1,2 -5900,1,2 -5903,1,2 -5918,1,1 -5918,2,3 -5920,1,7 -5923,1,3 -5927,1,2 -5929,1,2 -5930,1,3 -5935,1,3 -5938,1,1 -5938,2,2 -5938,3,3 -5943,1,2 -5947,1,2 -5947,2,3 -5949,1,2 -5949,2,3 -5955,1,1 -5955,2,2 -5964,1,2 -5975,1,2 -5996,1,6 -5997,1,1 -6006,1,6 -6018,1,2 -6023,1,2 -6026,1,2 -6028,1,2 -6032,1,2 -6033,1,1 -6033,2,2 -6033,3,3 -6041,1,2 -6048,1,2 -6048,2,3 -6048,3,5 -6050,1,6 -6051,1,2 -6072,1,6 -6075,1,7 -6079,1,3 -6081,1,2 -6095,1,2 -6095,2,3 -6098,1,3 -6098,2,4 -6120,1,6 -6127,1,2 -6132,1,2 -6133,1,2 -6137,1,2 -6147,1,2 -6147,2,3 -6151,1,7 -6158,1,7 -6159,1,1 -6159,2,2 -6161,1,3 -6166,1,2 -6168,1,2 -6169,1,2 -6175,1,2 -6175,2,3 -6182,1,2 -6192,1,2 -6198,1,2 -6211,1,1 -6211,2,2 -6219,1,2 -6225,1,3 -6230,1,2 -6236,1,2 -6236,2,3 -6260,1,2 -6262,1,2 -6267,1,6 -6274,1,1 -6275,1,2 -6279,1,3 -6286,1,2 -6291,1,6 -6293,1,2 -6294,1,2 -6297,1,2 -6298,1,6 -6303,1,2 -6303,2,3 -6304,1,2 -6320,1,3 -6326,1,2 -6332,1,2 -6333,1,2 -6333,2,3 -6335,1,7 -6342,1,3 -6345,1,1 -6345,2,2 -6345,2,2 -6345,3,3 -6360,1,3 -6362,1,1 -6362,2,2 -6363,1,5 -6366,1,6 -6367,1,1 -6371,1,3 -6379,1,3 -6387,1,2 -6387,2,3 -6390,1,1 -6390,1,1 -6390,2,2 -6390,2,2 -6400,1,2 -6400,2,3 -6402,1,2 -6405,1,5 -6406,1,2 -6406,2,6 -6408,1,2 -6408,2,3 -6409,1,2 -6410,1,2 -6410,2,3 -6428,1,2 -6442,1,3 -6449,1,2 -6449,2,3 -6452,1,2 -6474,1,2 -6489,1,2 -6491,1,2 -6492,1,1 -6495,1,1 -6495,2,3 -6507,1,3 -6512,1,2 -6519,1,2 -6536,1,1 -6536,2,3 -6537,1,1 -6541,1,1 -6541,2,2 -6542,1,6 -6544,1,1 -6544,2,2 -6546,1,2 -6551,1,2 -6553,1,4 -6556,1,2 -6556,2,3 -6557,1,3 -6558,1,2 -6558,1,1 -6561,1,3 -6564,1,2 -6564,2,3 -6572,1,3 -6572,2,2 -6579,1,2 -6579,2,4 -6582,1,6 -6592,1,2 -6592,2,3 -6596,1,2 -6599,1,2 -6599,2,4 -6608,1,7 -6615,1,3 -6623,1,2 -6628,1,2 -6631,1,2 -6634,1,2 -6640,1,2 -6641,1,2 -6652,1,2 -6653,1,3 -6657,1,6 -6660,1,2 -6664,1,6 -6669,1,3 -6669,1,2 -6676,1,6 -6677,1,1 -6677,2,2 -6680,1,2 -6681,1,1 -6682,1,6 -6698,1,2 -6698,2,3 -6702,1,2 -6708,1,2 -6712,1,2 -6712,2,3 -6717,1,1 -6717,2,2 -6727,1,2 -6732,1,2 -6735,1,2 -6739,1,1 -6739,2,2 -6739,3,3 -6742,1,2 -6755,1,7 -6757,1,1 -6757,2,3 -6764,1,2 -6765,1,3 -6765,1,2 -6787,1,2 -6798,1,1 -6798,2,2 -6798,3,3 -6799,1,2 -6809,1,5 -6811,1,2 -6813,1,1 -6813,2,2 -6819,1,6 -6840,1,1 -6840,2,2 -6840,3,3 -6859,1,7 -6860,1,1 -6860,2,2 -6860,3,3 -6866,1,2 -6866,2,3 -6870,1,2 -6873,1,2 -6878,1,3 -6882,1,2 -6886,1,1 -6886,2,3 -6899,1,2 -6900,1,2 -6906,1,2 -6907,1,3 -6910,1,2 -6912,1,6 -6937,1,2 -6953,1,2 -6959,1,2 -6959,2,3 -6974,1,2 -6981,1,1 -6981,2,2 -6989,1,6 -6995,1,3 -6999,1,2 -6999,2,3 -7001,1,2 -7001,2,3 -7023,1,1 -7023,2,2 -7025,1,2 -7038,1,6 -7050,1,2 -7050,2,3 -7057,1,2 -7064,1,2 -7064,2,3 -7066,1,2 -7071,1,1 -7071,2,2 -7075,1,2 -7084,1,3 -7087,1,5 -7099,1,1 -7099,2,3 -7121,1,3 -7128,1,1 -7134,1,2 -7134,2,3 -7141,1,2 -7169,1,2 -7172,1,5 -7172,1,5 -7182,2,2 -7208,1,2 -7214,1,1 -7214,2,2 -7214,3,3 -7218,1,2 -7218,2,3 -7219,1,7 -7221,1,1 -7221,2,2 -7225,1,2 -7227,1,6 -7228,1,2 -7228,2,3 -7228,3,4 -7231,1,2 -7231,2,3 -7237,1,2 -7237,2,3 -7244,1,1 -7244,2,2 -7247,1,1 -7247,2,2 -7247,3,3 -7264,1,3 -7270,1,2 -7272,1,2 -7276,1,2 -7282,1,2 -7293,1,2 -7304,1,2 -7314,1,2 -7316,1,2 -7316,2,3 -7332,1,3 -7344,1,3 -7355,1,1 -7355,2,2 -7356,1,2 -7356,2,3 -7359,1,1 -7359,2,2 -7359,3,3 -7367,1,2 -7367,1,6 -7375,1,2 -7375,2,3 -7379,1,2 -7382,1,2 -7383,1,2 -7383,2,4 -7392,1,1 -7400,1,6 -7401,1,6 -7410,1,2 -7418,1,2 -7421,1,2 -7421,2,3 -7426,1,1 -7426,2,3 -7431,1,1 -7431,2,2 -7431,3,3 -7432,1,1 -7432,2,2 -7436,1,6 -7440,1,1 -7440,2,2 -7440,3,3 -7444,1,2 -7449,1,3 -7454,1,2 -7454,2,3 -7458,1,2 -7460,1,2 -7463,1,2 -7466,1,1 -7466,2,3 -7472,1,2 -7478,1,2 -7480,1,2 -7484,1,2 -7489,1,2 -7489,2,6 -7493,1,1 -7493,2,2 -7493,3,5 -7506,1,6 -7509,1,1 -7509,2,2 -7524,1,2 -7526,1,2 -7528,1,3 -7529,1,2 -7530,1,7 -7531,1,3 -7534,1,2 -7543,1,2 -7546,1,2 -7551,1,2 -7551,2,3 -7555,1,3 -7556,1,2 -7557,1,2 -7566,1,1 -7566,2,2 -7566,3,3 -7567,1,2 -7573,1,7 -7580,1,1 -7580,2,2 -7580,3,3 -7586,1,2 -7586,2,5 -7592,1,2 -7596,1,2 -7596,2,3 -7598,1,3 -7611,1,2 -7614,1,2 -7615,1,2 -7619,1,2 -7623,1,2 -7623,2,3 -7627,1,2 -7628,1,2 -7628,2,3 -7638,1,2 -7641,1,2 -7642,1,2 -7643,1,2 -7643,2,3 -7653,1,2 -7662,1,2 -7665,1,1 -7672,1,2 -7672,2,3 -7683,1,1 -7683,2,2 -7689,1,6 -7694,1,3 -7701,1,2 -7701,2,3 -7703,1,6 -7704,1,2 -7704,2,3 -7709,1,1 -7709,2,3 -7721,1,3 -7721,2,6 -7726,1,6 -7738,1,3 -7755,1,2 -7759,1,1 -7759,2,2 -7759,3,3 -7761,1,2 -7771,1,1 -7771,2,2 -7771,3,3 -7775,1,2 -7777,1,2 -7779,1,1 -7779,2,2 -7781,1,2 -7782,1,3 -7804,1,2 -7812,1,2 -7825,1,2 -7831,1,3 -7831,2,4 -7838,1,1 -7838,2,2 -7838,3,3 -7853,1,2 -7853,1,2 -7866,1,2 -7873,1,2 -7879,1,1 -7879,2,2 -7885,1,1 -7886,1,2 -7895,1,1 -7901,1,7 -7904,1,6 -7905,1,2 -7909,1,2 -7911,1,6 -7928,1,1 -7928,2,2 -7932,1,2 -7936,1,1 -7936,2,2 -7942,1,5 -7948,1,2 -7958,1,2 -7958,2,3 -7959,1,1 -7980,1,1 -7980,2,2 -7989,1,2 -7989,2,3 -7992,1,2 -7993,1,6 -7998,1,1 -7999,1,1 -7999,2,2 -7999,3,3 -8004,1,2 -8007,1,2 -8007,2,3 -8019,1,2 -8019,2,1 -8023,1,2 -8024,1,6 -8032,1,2 -8035,1,1 -8047,1,2 -8047,2,3 -8050,1,2 -8057,1,3 -8078,1,2 -8089,1,1 -8089,2,2 -8091,1,2 -8091,1,2 -8092,1,2 -8093,1,1 -8107,1,2 -8112,1,2 -8114,1,1 -8114,2,2 -8139,1,2 -8139,2,3 -8140,1,2 -8140,1,2 -8151,1,2 -8160,1,2 -8167,1,2 -8175,1,2 -8175,2,3 -8176,1,1 -8176,2,2 -8176,3,3 -8177,1,2 -8179,1,1 -8179,2,2 -8184,1,2 -8187,1,2 -8192,1,1 -8192,2,2 -8192,3,3 -8197,1,6 -8207,1,2 -8212,1,2 -8213,1,3 -8213,1,2 -8228,1,1 -8228,2,2 -8228,3,3 -8228,4,6 -8230,1,2 -8230,2,3 -8232,1,2 -8232,2,3 -8236,1,2 -8236,1,1 -8236,2,2 -8250,1,2 -8253,1,2 -8256,1,6 -8260,1,4 -8262,1,2 -8264,1,2 -8266,1,3 -8275,1,2 -8279,1,2 -8279,2,3 -8280,1,2 -8280,2,3 -8286,1,2 -8287,1,3 -8292,1,3 -8299,1,1 -8301,1,1 -8302,1,6 -8302,1,6 -8313,1,2 -8313,2,3 -8315,1,2 -8318,1,2 -8318,2,3 -8322,1,7 -8337,1,2 -8359,1,7 -8361,1,1 -8361,2,2 -8364,1,1 -8370,1,7 -8372,1,1 -8372,2,2 -8372,3,3 -8389,1,2 -8390,1,1 -8390,2,3 -8395,1,2 -8395,2,3 -8395,3,5 -8396,1,2 -8401,1,6 -8408,1,2 -8415,1,7 -8423,1,1 -8423,1,1 -8423,2,2 -8423,2,2 -8429,1,2 -8429,1,2 -8432,1,1 -8434,1,2 -8435,1,2 -8458,1,3 -8459,1,2 -8462,1,1 -8462,2,2 -8463,1,2 -8479,1,7 -8486,1,2 -8489,1,2 -8493,1,2 -8495,1,7 -8496,1,2 -8496,2,3 -8499,1,2 -8501,1,6 -8502,1,2 -8505,1,2 -8514,1,2 -8523,1,2 -8527,2,2 -8530,1,1 -8530,2,2 -8537,1,2 -8538,1,2 -8538,2,3 -8547,1,2 -8547,1,1 -8547,2,3 -8547,2,2 -8553,1,2 -8553,2,3 -8556,1,7 -8559,1,6 -8567,1,2 -8567,2,4 -8575,1,2 -8590,2,2 -8591,1,3 -8599,1,6 -8603,1,4 -8604,1,3 -8607,1,2 -8607,2,3 -8612,1,2 -8616,1,2 -8620,1,3 -8624,1,2 -8626,1,1 -8626,2,2 -8630,1,6 -8632,1,1 -8634,1,1 -8634,2,2 -8634,3,3 -8637,1,2 -8642,1,3 -8657,1,2 -8658,1,6 -8664,1,2 -8664,2,3 -8664,3,5 -8665,1,2 -8666,1,2 -8666,1,2 -8669,1,7 -8673,1,2 -8680,1,1 -8680,2,2 -8687,1,2 -8692,1,2 -8692,2,3 -8695,1,1 -8695,2,2 -8699,1,2 -8700,1,1 -8700,2,2 -8700,3,3 -8704,1,2 -8707,1,2 -8713,1,7 -8722,1,2 -8724,1,6 -8734,1,2 -8736,1,3 -8737,1,6 -8747,1,1 -8747,2,2 -8750,1,1 -8750,2,2 -8750,3,3 -8750,4,4 -8753,1,2 -8760,1,2 -8764,1,2 -8769,1,2 -8769,2,3 -8781,1,2 -8781,2,3 -8789,1,7 -8790,1,1 -8790,2,2 -8790,3,3 -8791,1,2 -8799,1,2 -8799,2,5 -8802,1,1 -8808,1,2 -8814,1,2 -8816,1,2 -8816,1,1 -8816,2,3 -8816,2,2 -8816,3,3 -8821,1,2 -8828,1,2 -8835,1,6 -8844,1,1 -8846,1,2 -8848,1,3 -8858,1,2 -8858,2,3 -8867,1,2 -8869,1,1 -8874,1,1 -8874,2,2 -8875,1,2 -8882,1,2 -8882,2,3 -8885,1,3 -8897,1,2 -8897,2,3 -8905,1,2 -8911,1,2 -8912,1,7 -8916,1,2 -8919,1,3 -8919,1,2 -8921,1,2 -8926,1,3 -8930,1,2 -8930,2,3 -8937,1,2 -8945,1,3 -8947,1,6 -8963,1,2 -8966,1,1 -8966,2,2 -8969,1,1 -8969,2,2 -8969,3,3 -8975,1,6 -8989,1,3 -8990,1,3 -8997,1,2 -8999,1,5 -9000,1,6 -9002,1,2 -9013,1,2 -9014,1,4 -9020,1,2 -9022,1,2 -9022,2,3 -9024,1,2 -9026,1,5 -9027,1,2 -9029,1,2 -9029,2,3 -9040,1,2 -9044,1,3 -9048,1,1 -9048,2,2 -9048,3,3 -9059,1,6 -9065,1,2 -9066,1,2 -9083,1,2 -9092,1,7 -9100,1,2 -9100,2,3 -9101,1,2 -9107,1,2 -9110,1,2 -9112,1,6 -9116,1,1 -9116,2,2 -9116,3,3 -9127,1,7 -9143,1,2 -9143,2,3 -9149,1,2 -9153,1,2 -9153,2,3 -9157,1,2 -9160,1,2 -9182,1,2 -9182,2,3 -9185,1,2 -9186,1,2 -9189,1,7 -9194,1,2 -9194,2,5 -9199,1,7 -9201,1,6 -9203,1,1 -9203,1,7 -9203,2,2 -9205,1,1 -9210,1,3 -9222,1,2 -9229,1,6 -9235,1,2 -9235,2,3 -9241,1,1 -9244,1,2 -9244,2,3 -9250,1,1 -9258,1,1 -9263,1,6 -9266,1,2 -9281,1,6 -9285,1,2 -9285,2,3 -9295,1,1 -9295,2,2 -9295,3,3 -9297,1,1 -9297,2,3 -9303,1,2 -9309,1,6 -9316,1,2 -9318,1,6 -9324,1,2 -9330,1,1 -9330,2,2 -9332,1,2 -9340,1,2 -9342,1,2 -9352,1,2 -9352,1,4 -9352,2,4 -9354,1,3 -9359,1,2 -9372,1,2 -9384,1,6 -9384,1,3 -9385,1,6 -9391,1,1 -9392,1,2 -9392,1,1 -9392,2,2 -9392,3,3 -9395,1,1 -9395,2,2 -9405,1,3 -9417,1,1 -9417,2,2 -9417,3,5 -9419,1,2 -9421,1,1 -9421,2,2 -9421,3,6 -9428,1,2 -9442,1,1 -9442,2,3 -9443,1,1 -9443,2,3 -9445,1,5 -9449,1,2 -9454,1,3 -9456,1,2 -9480,1,1 -9480,2,2 -9480,3,3 -9488,1,3 -9503,1,2 -9518,1,5 -9530,1,3 -9532,1,1 -9532,2,2 -9532,3,3 -9534,1,4 -9539,1,2 -9539,2,3 -9553,1,2 -9553,2,3 -9555,1,2 -9555,2,3 -9556,1,7 -9557,1,1 -9557,2,2 -9561,1,7 -9562,1,1 -9562,2,5 -9563,1,2 -9563,2,3 -9563,3,6 -9569,1,3 -9571,1,2 -9580,1,2 -9580,2,3 -9581,1,1 -9581,2,2 -9581,3,3 -9585,1,2 -9585,2,3 -9586,1,2 -9590,1,2 -9592,1,2 -9595,1,3 -9596,1,3 -9597,1,2 -9599,1,2 -9603,1,1 -9603,2,6 -9611,1,2 -9612,1,1 -9612,2,2 -9612,3,3 -9612,4,5 -9613,1,2 -9615,1,2 -9627,1,3 -9637,1,1 -9639,1,1 -9639,1,2 -9639,2,2 -9641,1,3 -9644,1,1 -9644,2,2 -9644,3,3 -9651,1,2 -9662,1,2 -9670,1,6 -9675,1,2 -9675,2,3 -9678,1,2 -9678,3,3 -9684,1,2 -9691,1,2 -9696,1,3 -9699,1,2 -9702,2,2 -9707,1,2 -9707,2,3 -9709,1,2 -9723,1,2 -9740,1,7 -9741,1,3 -9748,1,6 -9750,1,2 -9751,1,2 -9764,1,6 -9775,1,7 -9781,1,2 -9784,1,7 -9787,1,2 -9787,2,3 -9788,1,1 -9788,2,2 -9788,3,3 -9793,1,2 -9794,1,1 -9794,2,2 -9806,1,2 -9820,1,2 -9823,1,2 -9827,1,2 -9830,1,3 -9833,1,2 -9833,2,3 -9834,1,2 -9834,2,3 -9835,1,1 -9837,1,3 -9839,1,1 -9839,2,2 -9839,3,3 -9848,1,1 -9848,2,2 -9864,1,2 -9864,2,3 -9865,1,1 -9865,1,1 -9865,2,2 -9865,2,2 -9865,3,3 -9865,3,3 -9872,1,2 -9880,1,1 -9880,2,2 -9880,3,3 -9889,1,1 -9889,2,2 -9905,1,1 -9905,2,3 -9907,1,2 -9909,1,1 -9909,2,2 -9919,1,2 -9924,1,2 -9928,1,2 -9930,1,1 -9930,2,2 -9930,3,3 -9932,1,2 -9937,1,6 -9948,1,2 -9950,1,1 -9950,2,2 -9958,1,3 -9968,1,2 -9968,1,2 -9968,2,3 -9970,1,2 -9973,1,2 -9992,1,6 -9993,1,1 -9993,2,2 -10000,1,2 -10007,1,2 -10011,1,1 -10018,1,2 -10024,1,1 -10024,2,2 -10026,1,2 -10029,1,2 -10043,1,2 -10061,1,2 -10074,1,3 -10080,1,2 -10080,2,3 -10090,1,2 -10093,1,3 -10098,1,2 -10101,1,3 -10104,1,2 -10109,1,2 -10121,1,4 -10129,1,2 -10129,1,1 -10129,2,3 -10129,2,2 -10138,1,3 -10154,1,6 -10155,1,2 -10158,1,2 -10166,1,2 -10174,1,3 -10174,2,6 -10182,1,1 -10183,1,7 -10190,1,2 -10192,1,2 -10200,1,6 -10201,1,2 -10205,1,7 -10208,1,2 -10208,2,3 -10211,1,2 -10228,1,2 -10228,2,3 -10229,1,5 -10235,1,7 -10245,1,2 -10248,1,6 -10257,1,2 -10261,1,2 -10261,2,5 -10262,1,3 -10267,1,2 -10270,1,1 -10270,2,2 -10270,3,3 -10270,4,4 -10272,1,6 -10274,1,2 -10277,1,2 -10281,1,1 -10281,2,2 -10282,1,2 -10287,1,1 -10287,2,2 -10290,1,3 -10294,1,1 -10294,2,3 -10295,1,2 -10295,2,3 -10295,3,5 -10302,1,3 -10303,1,2 -10307,1,1 -10307,2,3 -10307,3,6 -10310,1,1 -10311,1,1 -10311,2,2 -10318,1,6 -10320,1,2 -10321,1,1 -10331,1,1 -10331,2,2 -10332,1,2 -10332,2,3 -10333,1,2 -10336,1,2 -10336,2,3 -10356,1,2 -10362,1,3 -10365,1,1 -10365,2,2 -10372,1,2 -10374,1,1 -10374,2,2 -10386,1,2 -10388,1,2 -10391,1,2 -10394,1,3 -10403,1,2 -10407,1,6 -10408,1,5 -10428,1,2 -10430,1,2 -10436,1,2 -10438,1,1 -10441,1,2 -10442,1,2 -10442,2,6 -10445,1,3 -10460,1,3 -10470,1,2 -10475,1,2 -10475,2,3 -10476,1,2 -10476,2,3 -10476,3,6 -10485,1,2 -10488,1,6 -10490,1,5 -10490,1,5 -10493,1,1 -10493,2,2 -10502,1,1 -10502,2,2 -10503,1,2 -10503,2,3 -10524,1,2 -10527,1,2 -10527,2,3 -10532,1,2 -10540,1,3 -10540,2,2 -10546,1,6 -10551,1,2 -10555,1,3 -10562,1,2 -10562,2,3 -10564,1,2 -10575,1,2 -10577,1,6 -10586,1,2 -10601,1,2 -10614,1,2 -10615,1,2 -10615,2,3 -10632,1,6 -10637,1,3 -10637,2,6 -10641,1,2 -10641,1,2 -10643,1,1 -10643,2,2 -10649,1,2 -10655,1,2 -10662,1,2 -10666,1,6 -10691,1,2 -10701,1,3 -10703,1,6 -10708,1,1 -10708,2,3 -10712,1,2 -10720,1,2 -10720,2,3 -10720,3,5 -10724,1,6 -10727,1,1 -10727,2,2 -10733,1,6 -10738,1,1 -10738,2,2 -10739,1,2 -10743,1,3 -10743,1,2 -10751,1,4 -10752,1,2 -10764,1,1 -10768,1,2 -10782,1,1 -10782,2,2 -10784,1,3 -10787,1,3 -10795,1,3 -10798,1,2 -10804,1,2 -10809,1,2 -10814,1,2 -10814,2,3 -10825,1,1 -10825,2,3 -10831,1,2 -10836,1,5 -10839,1,2 -10853,1,2 -10853,2,3 -10862,1,1 -10864,1,2 -10864,1,2 -10873,1,3 -10877,1,2 -10877,2,3 -10904,1,2 -10906,1,3 -10909,1,1 -10909,1,1 -10910,1,2 -10911,1,2 -10911,2,6 -10918,1,2 -10918,2,3 -10920,1,3 -10929,1,2 -10935,1,2 -10938,1,2 -10945,1,2 -10958,1,6 -10960,1,2 -10962,1,2 -10962,2,3 -10980,1,3 -10987,1,2 -10988,1,7 -10993,1,2 -10994,1,1 -10994,2,2 -10994,3,3 -10999,1,2 -11004,1,2 -11006,1,1 -11006,2,2 -11009,1,2 -11013,1,2 -11016,1,2 -11031,1,2 -11031,2,3 -11043,1,2 -11044,1,2 -11045,1,2 -11059,1,1 -11059,2,2 -11062,1,2 -11066,1,2 -11076,1,2 -11082,1,2 -11087,1,1 -11090,1,1 -11090,2,2 -11091,1,2 -11093,1,2 -11095,1,2 -11096,1,6 -11102,1,3 -11105,1,2 -11109,1,2 -11122,1,3 -11130,1,6 -11136,1,2 -11138,1,2 -11144,1,2 -11144,2,3 -11162,1,2 -11162,2,3 -11167,1,2 -11197,1,2 -11199,1,2 -11199,2,3 -11201,1,2 -11204,1,3 -11213,1,2 -11214,1,2 -11215,1,2 -11220,1,2 -11222,1,2 -11227,1,6 -11240,1,2 -11248,1,2 -11248,2,3 -11251,1,2 -11253,1,1 -11253,1,2 -11253,2,2 -11255,1,3 -11258,1,1 -11258,2,2 -11264,1,2 -11268,1,2 -11273,1,2 -11273,1,2 -11275,1,2 -11278,1,2 -11278,2,3 -11284,1,7 -11285,1,1 -11285,2,2 -11285,3,3 -11286,1,2 -11292,1,6 -11306,1,2 -11317,1,1 -11317,2,2 -11322,1,2 -11322,2,3 -11325,1,6 -11326,1,2 -11328,1,2 -11338,1,2 -11341,1,1 -11356,1,2 -11360,1,2 -11360,1,2 -11365,1,6 -11378,1,1 -11379,1,7 -11387,1,2 -11387,2,3 -11391,1,1 -11391,2,2 -11391,3,3 -11408,1,2 -11409,1,2 -11411,1,2 -11426,1,3 -11427,1,2 -11428,1,3 -11435,1,2 -11435,2,3 -11445,1,7 -11449,1,1 -11449,2,2 -11449,3,3 -11457,1,2 -11471,1,7 -11473,1,3 -11474,1,6 -11475,1,2 -11483,1,1 -11483,2,2 -11484,1,2 -11484,2,3 -11487,1,2 -11493,1,2 -11500,1,2 -11500,2,3 -11502,1,7 -11509,1,1 -11509,2,2 -11509,3,3 -11517,1,7 -11528,1,2 -11533,1,2 -11535,1,2 -11539,1,2 -11539,2,3 -11542,1,2 -11548,1,1 -11548,2,2 -11548,3,3 -11549,1,7 -11552,1,2 -11552,2,3 -11559,1,1 -11559,2,2 -11559,3,3 -11562,1,1 -11562,2,6 -11577,1,6 -11578,1,2 -11578,2,3 -11579,1,3 -11581,1,2 -11581,2,3 -11584,1,3 -11585,1,2 -11585,2,3 -11590,1,2 -11590,2,3 -11592,1,1 -11592,2,2 -11593,2,2 -11600,1,1 -11600,2,2 -11601,2,2 -11609,1,1 -11609,2,2 -11613,1,2 -11617,1,2 -11617,2,3 -11622,1,6 -11637,1,3 -11642,1,2 -11642,1,2 -11668,1,1 -11668,2,2 -11668,3,3 -11676,1,2 -11679,1,3 -11682,1,3 -11685,1,1 -11685,2,2 -11685,3,3 -11694,1,6 -11704,1,7 -11708,1,1 -11708,2,2 -11713,1,1 -11718,1,2 -11720,1,2 -11735,1,2 -11738,1,2 -11771,1,1 -11771,2,2 -11772,1,6 -11775,1,2 -11775,2,3 -11779,1,2 -11782,1,2 -11784,1,2 -11784,1,2 -11785,1,4 -11788,1,2 -11790,1,2 -11790,2,3 -11801,1,2 -11801,2,3 -11805,1,2 -11806,2,2 -11813,1,3 -11813,2,6 -11815,1,2 -11821,1,3 -11826,1,1 -11827,1,3 -11829,1,1 -11829,2,2 -11831,1,1 -11831,2,2 -11834,1,2 -11834,2,1 -11836,1,2 -11844,1,2 -11844,1,2 -11857,1,2 -11857,2,3 -11858,1,1 -11859,1,2 -11860,1,2 -11861,1,5 -11864,1,2 -11865,1,2 -11870,1,2 -11872,1,2 -11886,1,1 -11886,2,2 -11886,3,3 -11887,1,7 -11888,1,4 -11891,1,2 -11892,1,6 -11905,1,2 -11906,1,3 -11907,1,2 -11907,3,3 -11913,1,4 -11915,1,2 -11915,2,3 -11926,1,2 -11926,2,3 -11934,1,1 -11934,1,1 -11934,2,2 -11934,2,2 -11935,1,3 -11936,1,2 -11938,1,1 -11962,1,2 -11963,1,2 -11963,2,3 -11966,1,2 -11966,1,2 -11968,1,6 -11968,1,2 -11975,1,3 -11981,1,3 -11987,1,2 -11988,1,4 -11994,1,2 -12031,1,2 -12033,1,3 -12041,1,2 -12042,1,6 diff --git a/data/iai_pecarn/raw/form2.csv b/data/iai_pecarn/raw/form2.csv deleted file mode 100644 index 8b09fdcc..00000000 --- a/data/iai_pecarn/raw/form2.csv +++ /dev/null @@ -1,633 +0,0 @@ -SubjectID,EDEvalTime,EvalTmKnown,Certification,ThoracicTrauma,ThorAbnLoc,ThoracicTender,LtCostalTender,RtCostalTender,DecrBreathSound,AbnChestAusc,CurrIntubated,PharmaParalyzed,PharmaSedated,AlcDrgSuspicion,GCSEye,GCSVerbal,GCSMotor,GCSScore,AggregateGCS,Preverbal,AbdomenPain,AbdPainSeverity,AbdPainLoc,VomitWretch,ShortBreath,DistractingPain,InjuryMechanism,InjMechSpecs,PatientRestrained,RestraintSystem,PatientRunOver,HandlebarsAbd,GenComment,FlankTender,PelvicTender,PelvisUnstable,NonAbdSurgery,IAISuspicion,IAIAcuteInterv,LabResultAware,AbdCTScan,KnowAbCTRes,AbdTrauma,SeatBeltSign,AbdDistention,BowelSounds,AbdomenTender,AbdTenderDegree,AbdTenderLoc,PeritonIrrit -2,1650,1,3,1,2,1,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,2,2,2,2,1,1,2,3,,2,2,2,2,2,,,2 -3,1823,1,9,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -9,1500,1,2,1,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,1,3: > 40 mph,1,1,,,,2,2,2,3,2,1,2,2,,2,2,2,1,1,1,2,2 -54,2100,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,1,4,,,,2,2,2,2,1,1,2,3,,2,2,2,2,2,,,2 -87,1930,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,2,2,2,1,2,2,2,2,,2,2,2,2,2,,,2 -116,1630,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,2,3: > 10 ft.,,,,,,2,2,2,2,4,2,2,1,1,2,2,2,1,1,1,1,2 -119,1830,1,9,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -150,1217,1,3,1,1,3,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,4: Speed Unknown,1,4,,,,3,2,2,3,1,1,2,3,,2,2,2,3,3,,,2 -159,2000,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,2,2,2,2,1,1,2,1,1,2,2,2,2,2,,,2 -175,,2,3,2,,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,2,2,2,2,2,1,1,1,2,1,1,2,2,2,,,2 -254,1500,1,2,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -261,1459,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,2,2,7,2: Accidental,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -271,1933,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,,1,2,1,2,1,1,2,2,,2,2,2,2,2,,,2 -288,1950,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,5: Physician did not answer,,,4,,,2,4,2,1,1,1,2,1,3,2,2,2,2,2,,,2 -297,1530,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,2,2,2,1,1,1,2,1,1,2,2,2,2,2,,,2 -328,1835,1,1,1,4,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,2,2,2,2,2,2,2,1,1,2,2,2,2,2,,,2 -332,1854,1,8,2,,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,4,2,2,5,,,,,1,,1,2,2,2,4,1,2,1,1,1,2,2,1,1,3,2,1 -339,1335,1,3,2,,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,,1,2,2,2,1,1,1,2,,2,2,2,2,2,,,2 -369,0919,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,2,,,,,2,2,2,2,2,1,2,3,,2,2,2,3,1,2,3,2 -400,,2,1,1,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,2,2,2,2,2,2,1,1,1,1,2,3,2,,,2 -409,1800,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,1: < 5 mph,,,1,,,2,2,2,1,1,1,2,2,,1,2,2,2,2,,,2 -415,1310,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,2,,,,2,2,2,2,2,2,2,1,1,1,1,2,2,1,3,1,2 -422,1015,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,4: Speed Unknown,,,2,,,2,2,2,2,2,1,3,1,1,1,2,2,2,2,,,2 -425,1900,1,3,1,3,1,2,1,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,1,3,2,2 -428,1547,1,3,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,3,2,9,,,,,,,2,2,2,2,2,1,2,1,1,2,2,1,3,2,,,2 -442,1940,1,1,2,,3,3,3,2,2,2,2,2,2,1,4,3,10,,2,3,,,2,3,2,4,2: 5 - 20 mph,,,2,,,3,3,2,2,2,1,2,1,1,2,2,2,2,3,,,3 -454,1940,1,3,2,,2,3,3,3,3,2,2,2,2,1,2,2,13,,1,3,,,3,3,1,2,2: 3 - 10 ft.,,,,,,3,3,2,1,2,1,2,2,,2,2,2,3,3,,,3 -507,2116,1,10,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,2,2,3: > 10 ft.,,,,,,2,2,2,3,2,1,2,1,1,2,2,2,2,2,,,2 -567,2300,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,2,2,2,1,2,1,2,1,1,2,2,2,2,1,2,1,2 -586,,2,4,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,,2,2,2,2,1,1,2,1,1,2,2,2,1,2,,,2 -588,1840,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,4,2,2,2,7,2: Accidental,,,,,,2,2,2,2,4,1,2,1,1,2,2,2,2,1,1,2,2 -627,1615,1,2,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,2,2,2,2,2,1,2,1,1,2,2,2,2,2,,,2 -656,1615,1,3,2,,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,1,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -667,,2,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,2,2,2,2,2,1,2,2,,2,2,2,2,1,2,2,2 -668,1723,1,3,2,,2,2,2,2,2,1,2,2,2,4,5,3,6,,2,2,,,1,2,1,4,4: Speed Unknown,,,2,,,2,2,2,3,3,2,2,1,1,2,3,2,3,2,,,2 -676,2045,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,1,2,2,3: > 10 ft.,,,,,,2,2,1,1,1,1,2,1,1,1,2,2,3,2,,,2 -690,1840,1,8,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,2,2,2,2,1,2,2,,2,2,2,2,1,1,1,2 -695,0515,1,3,2,,1,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,1,2,1,3: > 40 mph,1,1,,,,2,4,2,2,3,3,1,1,2,2,2,2,2,1,3,2,2 -719,1705,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,2,2,2,4,1,1,2,2,,2,2,2,3,2,,,2 -748,1718,1,3,2,,4,4,4,4,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,2,1,2,3,2,2,2,1,1,1,2,2,1,2,,,2 -767,1110,1,2,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,2,2,2,2,1,1,2,1,1,1,2,2,2,1,1,2,2 -771,1400,1,4,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,2,2,1,1,1,2,1,1,2,2,2,2,2,,,2 -839,2050,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,6,,,,1,1,2,2,2,1,2,3,,2,2,2,2,1,1,4,2 -840,1930,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,2: Accidental,,,,,,2,2,2,2,1,1,2,1,,2,2,2,2,2,,,2 -859,1430,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,2,2,2,2,1,1,2,2,,2,3,2,3,2,,,2 -867,1900,1,8,2,,4,4,4,4,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,1,2,2,2,1,1,2,2,,2,2,2,2,2,,,4 -872,2100,1,3,1,1,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,2,2,2,2,1,1,2,3,,2,2,2,2,2,,,2 -875,1915,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,2,2,2,2,2,1,2,1,1,1,3,2,2,1,2,2,2 -877,2129,1,3,2,,3,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,3,2: 6-15,,,,,,3,3,2,1,2,1,2,1,1,2,2,2,2,2,,,3 -928,1600,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -960,2320,1,3,2,,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,2,2,2,2,2,1,2,1,2,1,2,2,3,1,2,4,2 -966,1900,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,4,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,1,1,1,2 -971,2140,1,10,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,9,,,,,,,2,2,2,2,1,1,1,1,1,2,2,2,3,1,1,1,2 -1013,2019,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,5,,,,,2,,2,2,2,2,1,1,2,2,,2,2,2,1,2,,,2 -1015,1900,1,1,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,1,3: > 40 mph,1,4,,,,2,2,2,2,2,1,2,2,,2,2,2,2,2,,,2 -1016,1245,1,2,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,1,1,2,2,3,1,2,2,,2,2,2,2,2,,,2 -1028,0815,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -1044,1730,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,2,2,2,1,2,1,2,1,1,2,2,2,3,2,,,2 -1067,1900,1,3,2,,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,"Exam on child changed from time of first evaluation to Kappa, not disagreement between MDs, but change in child",2,2,2,2,1,1,2,4,,2,2,2,1,1,2,2,2 -1103,1314,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,3,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -1144,0815,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -1154,1543,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,4,,,,2,2,2,2,3,2,1,1,1,1,2,2,2,3,,,2 -1185,1430,1,3,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,2,1,2,2,3,3,2,1,1,1,1,2,2,1,2,3,2 -1220,1613,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,2,2,2,2,1,1,2,2,,2,2,2,3,2,,,2 -1239,2305,1,8,1,1,3,3,3,2,1,1,1,1,2,4,5,6,3,,1,3,,,3,3,3,4,4: Speed Unknown,,,3,,,3,3,2,1,4,4,2,1,1,2,2,1,4,3,,,3 -1278,1648,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,2,2,3,2: 6-15,,,,,,2,2,2,2,1,1,2,3,,2,2,2,3,2,,,2 -1303,1535,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,3,,,2,1,2,3,1,1,2,2,,2,2,2,2,2,,,2 -1397,1937,1,4,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,2,2,2,1,1,1,2,2,,2,2,2,2,2,,,2 -1422,2119,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,3,2,2,1,1,1,2,2,,2,2,2,2,2,,,2 -1429,1346,1,3,2,,2,2,2,2,2,2,2,1,2,1,1,1,15,,2,1,4,3,2,2,2,4,2: 5 - 20 mph,,,2,,,2,2,2,2,2,1,2,1,2,1,2,2,2,2,,,2 -1431,2205,1,3,2,,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,2,2,2,4,1,1,2,2,,2,2,2,2,2,,,2 -1485,1420,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,7,2: Accidental,,,,,,2,2,2,2,3,1,2,1,1,1,2,2,2,1,1,2,2 -1524,1255,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,3,2,4,3: > 20 mph,,,2,,,2,2,2,2,1,1,1,2,,2,2,2,2,2,,,2 -1565,2110,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,4,3: > 20 mph,,,2,,,2,2,2,2,2,1,2,2,,2,1,2,2,3,,,2 -1571,1905,1,3,2,,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,1,2,2,2,1,1,2,2,,2,2,2,2,1,1,2,2 -1598,2350,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,1,2,9,,,,,,,2,2,2,2,4,2,2,1,1,2,2,2,4,1,2,2,2 -1600,1200,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,2,2,2,4,1,1,2,2,,2,2,2,2,2,,,2 -1619,0027,1,3,2,,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,,4,2,2,2,1,1,2,3,,2,2,2,3,2,,,2 -1627,1230,1,2,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -1664,1915,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,1,2,2,4,4: Speed Unknown,,,2,,,2,2,2,2,4,2,2,1,2,2,2,2,2,1,3,1,2 -1665,1712,1,8,1,1,2,2,2,2,2,2,2,2,2,2,3,1,12,,2,3,,,4,4,1,6,,,,,,,2,2,2,1,4,4,2,1,1,2,2,1,3,1,3,1,3 -1712,1405,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,4,,,4,4,4,4,3: > 20 mph,,,2,,,2,2,2,1,2,1,2,1,1,2,2,2,2,2,,,2 -1722,1640,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,4,4: Speed Unknown,,,1,,,1,1,2,2,4,2,2,1,1,1,2,2,3,1,2,3,3 -1754,2211,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,3,2,2,6,,,,,,,2,1,2,2,2,1,2,1,1,2,3,2,2,2,,,2 -1803,2100,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,,2,2,2,2,1,1,2,3,,2,2,2,3,2,,,2 -1843,2330,1,10,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,7,1: Intentional,,,,,,2,2,1,2,2,1,2,2,,2,2,2,2,2,,,2 -1845,1615,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,1,2,2,2,4,2,2,1,1,1,2,2,2,1,3,2,1 -1871,1914,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,2,3: > 10 ft.,,,,,,2,2,2,1,2,2,1,2,,2,2,2,2,2,,,2 -1894,1928,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,1,,,,2,2,2,2,2,2,2,1,1,1,1,2,2,1,2,3,2 -1902,1955,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,2,2,2,2,2,1,2,2,,2,2,2,2,1,1,3,2 -1920,1322,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -1971,1250,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,1,1,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -1984,1800,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,2,2,2,2,1,1,1,2,,2,2,2,2,2,,,2 -2042,1300,1,3,1,1,1,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,,2,2,2,1,1,1,2,2,,2,2,2,2,2,,,2 -2049,1830,1,3,2,,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,1: < 5 mph,,,1,,,1,2,2,3,2,1,2,1,1,2,2,2,2,1,2,1,2 -2066,1535,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,4,,,2,2,1,9,,,,,,,2,2,2,1,1,1,2,2,,2,2,2,3,2,,,2 -2082,2355,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,7,2: Accidental,,,,,,2,2,2,2,4,3,2,1,1,2,2,2,2,1,2,4,2 -2118,1550,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,2,2,2,2,1,1,2,2,,2,2,2,3,2,,,2 -2125,2312,1,3,2,,3,3,3,2,2,2,2,2,2,3,3,3,9,,2,3,,,2,2,3,5,,,,,2,,3,3,2,3,1,1,2,2,,2,2,2,2,3,,,3 -2131,2250,1,3,1,4,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,5: Physician did not answer,2,,,,,2,2,2,3,2,2,2,2,,2,2,2,3,2,,,2 -2135,1830,1,3,2,,2,2,2,2,2,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,2,2,2,1,1,1,2,1,1,2,2,2,2,2,,,2 -2148,1827,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,2,2,2,1,2,1,2,1,1,1,2,2,2,2,,,2 -2150,1535,1,8,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,2,2,2,1,1,1,2,2,,2,2,2,3,2,,,2 -2154,1415,1,3,2,,2,2,2,2,2,2,2,2,2,1,3,1,13,,1,4,,,2,2,2,2,4: Unknown,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,3 -2171,1750,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,2,2,2,2,1,1,2,3,,2,2,2,2,2,,,2 -2185,2257,1,3,2,,1,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,2,2,2,2,1,1,2,1,1,2,2,2,3,1,2,2,2 -2191,1700,1,8,1,2,3,3,3,2,1,2,2,2,2,1,1,1,15,,2,3,,,2,1,2,4,4: Speed Unknown,,,1,,,3,2,2,2,5,3,2,1,1,1,2,2,3,1,1,1,2 -2222,1059,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,2,2,2,2,1,1,1,2,,2,2,2,2,2,,,2 -2228,0915,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,4,4: Speed Unknown,,,3,,,2,2,2,2,3,3,2,1,1,2,2,2,2,3,,,3 -2239,2300,1,3,2,,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -2271,1410,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,2,2: 3 - 10 ft.,,,,,,2,2,2,2,2,1,2,2,,2,2,2,2,2,,,2 -2280,1830,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,2,2,2,2,2,1,2,2,,2,2,2,2,2,,,2 -2349,1820,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,3,3,3,2,2: 3 - 10 ft.,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -2395,1000,1,4,2,,2,4,4,2,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,2,2,2,2,1,1,2,1,1,2,2,2,2,2,,,2 -2405,2035,1,3,2,,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,3,2,2,2,3,2,2,1,1,3,2,2,2,1,3,2,2 -2430,2100,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,2,2,2,1,1,1,2,2,,2,3,2,2,2,,,2 -2435,1630,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -2441,1340,1,2,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,3: > 40 mph,1,4,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -2446,1700,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,2,14,,2,2,,,2,2,2,4,4: Speed Unknown,,,3,,,2,2,2,2,1,1,1,2,,2,2,2,2,2,,,2 -2459,1330,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,2,,,,2,2,2,2,3,2,2,1,1,2,2,2,2,1,2,3,2 -2485,2150,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,1,9,,,,,,,2,2,2,1,1,1,1,2,,2,2,2,2,3,,,2 -2512,1715,1,1,2,,1,2,1,2,2,2,2,2,2,2,2,1,13,,2,1,4,1,2,2,1,4,3: > 20 mph,,,2,,,1,2,2,2,3,2,2,1,1,1,2,2,2,1,3,1,2 -2520,1310,1,3,2,,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -2528,1912,1,9,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,1,1,3,2 -2554,0815,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,1,1,4,4: Speed Unknown,,,2,,,2,2,2,1,1,1,2,2,,2,2,2,3,2,,,2 -2559,1745,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,2,,,,2,2,2,2,3,2,2,1,1,1,1,2,3,1,2,3,2 -2585,1730,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,1,1,,,,2,1,2,2,1,1,1,2,,2,2,2,3,1,1,2,2 -2605,1715,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,2,2,2,2,2,1,2,2,,2,2,2,2,1,2,3,2 -2636,1458,1,3,1,4,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,4,1,9,,,,,,,2,2,1,1,3,3,2,1,1,1,2,1,3,1,1,1,3 -2641,1420,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,1,2,2,2,2,2,1,1,1,1,2,2,1,1,3,2 -2655,,2,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,3,,,,,2,2,2,1,2,1,2,2,,2,2,2,2,2,,,2 -2716,1415,1,3,2,,1,2,1,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,4,4: Speed Unknown,,,2,,,2,2,2,2,1,1,2,2,,2,2,2,2,1,1,2,2 -2719,1140,1,1,2,,3,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,2,2: 3 - 10 ft.,,,,,,3,3,2,1,2,1,2,1,1,2,2,2,2,3,,,3 -2722,1518,1,3,2,,2,2,2,2,2,2,2,2,2,2,2,2,12,,2,1,1,2,1,2,3,9,,,,,,,2,2,2,2,2,1,1,1,2,2,2,2,2,2,,,2 -2738,1544,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,9,,,,,,,2,2,2,2,2,1,2,1,2,2,2,2,3,1,2,1,2 -2742,1841,1,3,1,2,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,1,2,2,2,2: 3 - 10 ft.,,,,,,2,2,2,2,2,1,2,3,,2,2,2,2,2,,,2 -2810,1033,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,4,2,2,1,3: > 40 mph,1,1,,,,2,2,2,2,1,1,1,2,,2,2,2,2,2,,,2 -2811,1619,1,9,1,1,3,3,3,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,1,1,3,1: 5 or less,,,,,,3,3,2,2,1,1,2,2,,2,2,2,2,3,,,3 -2826,1405,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,3: > 40 mph,1,1,,,,2,2,2,2,1,1,2,1,1,2,2,2,2,1,3,1,2 -2841,0915,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,4,2,2,4,3: > 20 mph,,,2,,,2,1,2,2,2,1,2,1,1,1,2,2,2,1,1,3,2 -2875,1415,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,4,4: Speed Unknown,,,3,,,2,2,2,2,1,1,2,1,1,2,2,2,2,2,,,2 -2893,1430,1,2,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,,1,2,2,2,1,1,2,2,,2,2,2,2,1,1,3,2 -2900,1810,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,2,2,2,1,1,1,2,1,1,2,2,2,2,2,,,2 -2908,1533,1,3,2,,1,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,4,3: > 20 mph,,,4,,,1,1,2,2,2,1,2,3,,2,2,2,3,1,2,1,2 -2912,1530,1,3,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,6,,,,2,2,2,2,1,1,2,3,,2,2,2,3,2,,,2 -2937,1236,1,3,2,,1,2,1,2,2,2,2,2,2,1,2,1,14,,2,1,2,2,1,2,2,2,2: 3 - 10 ft.,,,,,,2,2,2,2,2,1,1,1,1,2,2,2,2,1,2,5,2 -2953,2315,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -2967,1115,1,1,1,2,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,2,,,2,2,2,2,3,1,2,1,1,1,2,2,2,1,3,1,2 -2976,1628,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,2,2,2,2,1,1,2,2,,1,2,2,3,2,,,2 -2978,0930,1,8,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,4,,,2,3,1,9,,,,,,,3,1,2,1,1,1,2,2,,2,2,2,2,2,,,2 -3015,0840,1,1,2,,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,2,2,2,2,2,1,2,1,,2,2,2,2,1,1,2,2 -3025,2000,1,1,1,1,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,1,,,2,2,2,4,3,1,2,1,1,2,2,2,2,2,,,2 -3045,1451,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,5,,,,,3,,2,2,2,2,1,1,2,2,,2,2,2,3,1,1,3,2 -3048,2030,1,8,2,,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,3: > 40 mph,4,,,,,2,2,2,2,1,1,2,2,,2,2,2,3,2,,,2 -3057,1345,1,4,1,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,3: > 40 mph,1,1,,,,2,2,2,2,2,2,2,1,2,2,2,2,1,1,2,1,2 -3110,1922,1,3,2,,3,3,3,2,2,1,2,1,2,4,5,6,3,,2,3,,,1,3,3,4,4: Speed Unknown,,,2,,,3,3,2,2,3,2,2,1,1,2,1,2,2,3,,,2 -3115,2029,1,3,1,2,2,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,2,5: Physician did not answer,,,,,in carrier,3,3,4,2,1,1,2,1,1,2,2,2,2,2,,,2 -3147,1250,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,1,1,,,,2,2,2,2,1,1,2,2,,1,1,2,2,2,,,2 -3151,1836,1,8,2,,2,4,4,2,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,5: Physician did not answer,,,4,,,2,2,2,2,2,1,3,1,3,1,3,2,2,2,,,2 -3203,2130,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,2,2,1,2,2,1: < 3 ft.,,,,,,2,2,2,2,1,1,2,1,2,2,2,2,4,1,2,3,2 -3224,2110,1,1,1,1,3,3,3,2,2,1,2,2,2,4,5,6,3,,2,3,,,2,3,3,4,3: > 20 mph,,,1,,,3,3,2,1,4,4,2,2,,1,2,2,1,3,,,3 -3238,1108,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,6,,,,2,2,2,2,3,2,1,1,2,2,2,2,2,2,,,2 -3247,2040,1,1,2,,3,3,3,2,2,2,2,2,2,1,5,6,6,,2,4,,,2,3,2,2,2: 3 - 10 ft.,,,,,,3,3,2,1,2,1,2,1,1,2,2,4,4,3,,,3 -3259,2130,1,10,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,2,2,2,2,1,1,2,1,2,2,2,2,2,2,,,2 -3262,1535,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,9,,,,,,,2,2,2,1,1,1,2,1,1,1,2,2,2,2,,,2 -3277,2030,1,8,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,2,2,2,2,1,1,1,2,,2,2,2,3,2,,,2 -3278,0930,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,4,,,2,2,2,1,2,1,2,2,,1,2,4,4,2,,,2 -3279,0126,1,3,2,,1,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,7,1: Intentional,,,,,,1,2,1,2,3,1,2,1,,2,2,2,2,1,2,2,2 -3282,1030,1,2,1,1,1,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,1: < 3 ft.,,,,,,1,2,2,2,3,1,2,1,1,1,2,2,2,1,1,2,2 -3321,1320,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -3325,1920,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,3: Unknown intentionality,,,,,Thrown by boy-unknown if meant to cause harm,2,1,2,4,1,1,2,2,,2,2,2,2,2,,,2 -3334,2205,1,3,1,3,1,1,1,1,1,2,2,2,2,1,1,1,15,,2,3,,,2,3,1,4,2: 5 - 20 mph,,,1,,,3,2,2,3,4,2,2,1,1,1,2,2,2,2,,,2 -3346,2108,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,3,2,4,1,1,1,2,2,,2,2,2,2,2,,,2 -3356,2014,1,9,2,,1,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,2,,2,2,2,2,2,2,2,2,,2,2,2,2,1,2,2,2 -3377,0005,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,2,2,2,1,1,1,2,3,,2,2,2,2,2,,,2 -3410,1700,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,1,,2,2,2,2,2,2,2,1,3,2,2,2,2,1,1,2,2 -3415,1245,1,5,2,,3,3,3,2,2,1,1,1,2,4,5,3,6,,2,3,,,3,3,1,1,3: > 40 mph,2,,,,,3,3,3,1,1,1,2,1,1,2,2,2,3,3,,,2 -3427,2117,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,2,2,2,2,2,1,2,2,,2,2,2,2,2,,,2 -3451,1705,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,2,,,,,2,2,2,2,1,1,2,2,,2,2,2,3,2,,,2 -3454,1843,1,3,2,,3,3,3,2,2,2,2,2,2,2,2,2,12,,2,3,,,2,3,2,1,3: > 40 mph,3,,,,,3,3,2,1,2,1,2,1,1,1,2,2,3,3,,,3 -3481,1650,1,3,1,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,1,,2,2,2,2,3,1,2,1,1,1,2,2,2,1,1,2,2 -3485,1700,1,3,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,4,3: > 20 mph,,,3,,,2,2,2,2,2,1,2,1,1,2,2,2,2,2,,,2 -3489,1945,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,1,4,4: Speed Unknown,,,4,,,1,2,2,2,3,2,2,1,1,2,2,2,2,1,2,3,1 -3507,1430,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,2,,,,2,2,2,2,3,1,2,1,1,1,1,2,2,2,,,2 -3513,1929,1,3,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,5,,,,,3,,1,2,2,2,3,2,2,1,1,1,2,2,3,2,,,2 -3521,1730,1,4,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,2,2,2,2,1,1,2,1,1,1,2,2,2,1,1,4,2 -3529,,2,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,2,2,2,3,1,1,2,2,,2,2,2,2,2,,,2 -3539,2300,1,1,1,4,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,2,1,2,1,2,1,2,1,1,2,2,2,3,1,1,2,2 -3561,0525,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,2: 3 - 10 ft.,,,,,,2,2,2,2,1,1,2,2,,1,2,2,2,1,1,2,2 -3562,1718,1,1,1,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,1,,,,2,2,2,2,2,1,2,1,1,2,2,2,3,1,1,3,2 -3630,1725,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,1,2,6,,,,,,,2,2,2,2,2,1,2,3,,1,2,2,2,2,,,2 -3631,2130,1,8,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,4,4: Speed Unknown,,,3,,,3,2,2,2,1,1,1,2,,2,2,2,2,2,,,2 -3644,1458,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,2,,,,2,2,2,2,1,1,2,1,2,2,2,2,2,2,,,2 -3652,2100,1,3,1,3,1,2,2,2,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,2,5,,,,,2,,2,2,2,1,2,2,2,1,1,2,2,2,2,2,,,2 -3672,1630,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,2,2,2,1,3,2,2,1,1,2,2,2,3,2,,,2 -3682,1501,1,9,2,,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,2,2,2,2,1,1,2,3,,2,2,2,2,1,1,2,2 -3690,,2,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,2,1,3,2,2,1,2,3,,2,2,2,2,1,1,3,2 -3723,1900,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,2,2,2,2,1,1,1,2,,2,2,2,2,2,,,2 -3726,1740,1,1,2,,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,2,2,2,1,1,2,1,3,2,2,2,3,1,1,2,2 -3738,2000,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -3741,1314,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,6,,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -3778,1720,1,3,1,3,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,4,2: 5 - 20 mph,,,1,,,2,2,2,2,2,1,2,1,1,2,2,2,2,2,,,2 -3803,1245,1,3,2,,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -3804,2315,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,1,2,2,2,1,1,2,2,,2,2,2,2,1,1,2,2 -3820,1210,1,8,2,,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,,1,2,2,2,2,1,2,3,,2,2,2,2,2,,,2 -3826,1520,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -3830,1945,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,,2,2,2,2,2,1,2,2,,2,2,2,2,2,,,2 -3835,1600,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,1,2,2,9,,,,,,,2,2,2,2,2,1,2,1,,2,2,2,2,1,2,1,2 -3860,1645,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,4,,,1,4,1,4,2: 5 - 20 mph,,,2,,,2,2,2,1,2,1,2,1,1,2,2,2,2,2,,,2 -3873,1448,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,4: Speed Unknown,1,1,,,,2,2,2,2,5,4,2,1,2,1,1,1,2,1,3,1,1 -3888,1600,1,8,2,,2,2,2,2,2,2,2,2,2,,,,,15,2,1,2,2,2,2,2,6,,,,,,,2,2,2,2,4,2,2,1,1,1,2,2,1,1,2,2,2 -3897,1047,1,9,2,,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,4: Speed Unknown,1,1,,,,1,2,2,2,2,2,2,1,2,2,2,2,2,1,2,2,2 -3899,2025,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,2,2,2,2,1,1,2,3,,1,2,2,2,2,,,2 -3947,1900,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,2,2,2,1,1,1,2,2,,2,2,2,3,2,,,2 -3998,1415,1,1,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,,1,1,2,2,2,1,2,1,1,2,2,2,2,2,,,2 -4029,2315,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,1,4: Speed Unknown,1,6,,,,2,2,2,2,1,1,2,1,1,1,1,2,3,1,1,3,2 -4037,1420,1,3,2,,2,3,3,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,1,2,3: > 10 ft.,,,,,,2,2,2,1,3,2,2,1,1,2,2,1,2,2,,,2 -4060,1500,1,3,2,,3,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,3,,,,,2,2,2,2,1,1,2,2,,2,2,2,3,3,,,2 -4061,0725,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -4063,0750,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,5,,,,2,2,2,2,1,1,2,2,,2,2,2,3,2,,,2 -4070,1730,1,3,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,5,,,,,2,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -4079,2055,1,8,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,1,,,2,2,2,2,2,2,2,1,1,2,2,2,2,1,2,1,2 -4086,1545,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,4,2,2,2,9,,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,1,1,3,2 -4091,1815,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,2,2,2,2,1,2,2,,1,1,2,2,1,1,3,2 -4096,0743,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,4,,,,,2,2,4,2,1,1,2,2,,2,2,2,2,2,,,2 -4127,2030,1,8,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,9,,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -4145,1440,1,2,1,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -4159,1650,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,1,4,4: Speed Unknown,,,3,,,2,1,2,1,3,2,2,1,1,1,2,2,3,1,2,1,2 -4196,0945,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -4221,0000,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,2,2,2,2,2,2,2,1,1,2,2,2,2,2,,,2 -4252,1715,1,10,1,4,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,4,,,,,2,2,2,4,1,1,2,1,2,2,2,2,1,2,,,2 -4301,2030,1,3,2,,1,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,1,2,5,,,,,2,,1,1,1,2,1,1,2,2,,2,2,2,3,1,1,1,2 -4323,1735,1,3,1,1,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,7,1: Intentional,,,,,,2,2,2,2,1,1,2,3,,2,2,2,2,1,2,2,2 -4350,1741,1,8,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,2,,,2,2,2,4,3: > 20 mph,,,1,,,2,2,2,2,2,1,2,1,1,2,2,2,2,2,,,2 -4355,1620,1,3,2,,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,2,3: > 10 ft.,,,,,,2,2,2,1,2,1,2,4,,2,2,2,2,2,,,2 -4381,1707,1,3,2,,1,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,4,1,5: Physician did not answer,1,5,,,booster seat and lap belt only.,1,1,3,1,3,2,2,1,1,1,1,2,3,1,2,1,2 -4390,1509,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,,2,1,2,2,1,1,2,2,,2,2,2,3,2,,,2 -4396,1850,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,4,,,2,2,2,2,2,1,1,4,,2,2,2,2,1,2,2,2 -4416,1640,1,3,2,,2,2,2,3,3,2,2,2,2,1,1,1,15,,2,1,4,3,2,2,2,6,,,,,,,3,2,2,3,2,2,2,1,1,3,2,3,3,1,1,2,3 -4423,1450,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -4472,0930,1,10,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,2,2,1,1,1,2,2,,2,2,2,2,2,,,2 -4507,1630,1,3,2,,4,4,4,4,4,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,1,,2,1,2,2,1,1,2,2,,1,2,2,2,1,1,3,2 -4530,0915,1,3,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,1,3,1,2,3: > 10 ft.,,,,,,2,2,2,2,2,1,1,2,,2,2,2,3,2,,,2 -4540,,2,3,2,,3,3,3,1,2,1,1,1,2,4,5,6,3,,2,3,,,1,3,3,4,4: Speed Unknown,,,3,,,3,3,2,3,2,1,2,1,1,2,2,2,3,3,,,3 -4554,1502,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,2,4,2,2,1,1,2,3,,2,2,2,3,2,,,2 -4559,1710,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,4,,,1,2,2,2,2,1,2,1,1,2,2,2,3,1,1,5,2 -4604,2228,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,5: Physician did not answer,,,3,,,3,2,2,2,4,2,2,1,1,1,2,2,2,1,4,1,1 -4605,1515,1,1,1,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,2,2,2,3,2,2,1,1,1,1,2,2,1,1,1,2 -4607,,2,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,2,2,9,,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -4613,1915,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,2,3: > 10 ft.,,,,,,3,2,2,4,2,1,2,2,,2,2,2,2,3,,,2 -4627,2219,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,2,2,2,2,2,1,2,1,2,2,2,2,2,2,,,2 -4648,2150,1,3,1,4,4,4,4,4,4,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,4: Speed Unknown,2,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -4654,1540,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,1,,,,2,2,2,1,1,1,2,2,,2,2,2,2,2,,,2 -4661,0845,1,2,2,,1,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -4672,1440,1,3,2,,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,2,9,,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -4675,1700,1,11,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,2,2,2,3,1,1,2,2,,2,2,2,2,2,,,2 -4697,1115,1,3,2,,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,1,2,2,2,2,1,2,3,,2,2,2,2,2,,,2 -4710,2230,1,2,1,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,Hit by soccer goalie / flipped and landed on back,1,2,2,2,3,1,2,1,1,2,2,2,2,2,,,2 -4716,1725,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,2,2,2,1,1,1,2,3,,2,2,2,2,2,,,2 -4750,0743,1,3,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,3,,,2,3,3,1,4: Speed Unknown,4,,,,,2,4,2,2,1,1,2,2,,2,2,2,3,2,,,2 -4795,1240,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,1,1,2,2 -4833,2155,1,1,1,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,1,1,2,2,2,1,2,1,1,2,2,2,2,2,,,2 -4842,1745,1,3,2,,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,8,,,,,,,2,2,2,2,2,1,2,2,,2,3,2,2,1,4,4,2 -4869,1834,1,10,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,2,1,2,1,2,2,2,1,1,2,2,2,2,1,1,5,2 -4905,1954,1,9,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,2,2,2,1,1,1,2,2,,2,2,2,2,2,,,2 -4913,1235,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,2,2,2,4,1,1,2,2,,2,2,2,2,2,,,2 -4915,2215,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,2,2,2,1,1,2,4,,2,2,2,2,2,,,2 -4935,1320,1,11,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,2,2,2,2,1,1,2,1,1,2,2,2,2,1,1,5,2 -4955,2300,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,2: 20 - 40 mph,2,,,,,2,2,2,2,1,1,2,1,1,1,2,2,3,2,,,2 -4981,1045,1,1,2,,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,2,2,2,2,1,2,2,,2,2,2,2,2,,,2 -4984,1830,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,1,1,5: Physician did not answer,3,,,,,2,2,2,1,3,1,1,1,2,2,2,2,2,2,,,2 -4995,1735,1,3,2,,2,2,2,2,1,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,2,,,,,1,2,2,2,1,1,2,2,,2,2,2,3,1,1,3,2 -5010,2215,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,2,2,2,2,1,2,1,1,2,2,1,2,1,1,1,2 -5025,1700,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,2,2,2,2,2,1,2,2,,2,2,2,2,2,,,2 -5060,1858,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,1,2,2,3,2,1,1,2,2,2,2,2,1,2,3,2 -5062,1545,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,3,,,2,2,2,1,2,1,2,1,1,2,2,2,2,2,,,2 -5066,1600,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,2,2,2,3,1,1,2,2,,2,2,2,2,2,,,2 -5084,2240,1,8,2,,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,1,4: Speed Unknown,1,1,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -5085,1447,1,3,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,4,3,2,2,3,1,4: Speed Unknown,1,6,,,,2,2,2,2,5,2,1,1,1,1,1,2,2,1,4,5,3 -5088,1620,1,2,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,2,1,2,2,1,1,2,3,,2,2,2,2,2,,,2 -5098,1430,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,4,2,2,2,1,4: Speed Unknown,1,1,,,,2,2,2,2,2,1,2,1,2,2,2,2,2,1,1,3,2 -5107,1740,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,2,2,2,2,1,1,2,2,,2,2,2,3,2,,,2 -5111,1820,1,1,1,1,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,2,1,2,1,2,1,2,1,1,2,2,2,2,2,,,2 -5132,1440,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,2,2,2,2,2,1,2,1,1,2,2,2,2,1,1,2,2 -5159,1215,1,1,2,,3,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,4,3: > 20 mph,,,4,,,3,3,2,1,3,1,2,1,1,1,2,2,1,3,,,3 -5170,2120,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,2,pedal struck abdomen,2,2,2,2,4,3,1,1,1,2,2,2,2,1,1,3,2 -5183,1335,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,1,9,,,,,,,2,2,2,3,1,1,2,2,,2,2,2,2,2,,,2 -5226,1515,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -5239,1834,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,2,2,2,2,2,1,2,1,2,2,2,2,2,2,,,2 -5262,2140,1,3,1,1,1,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,7,2: Accidental,,,,,hockey stick,2,2,2,2,4,2,2,1,1,2,2,2,2,1,1,2,4 -5265,1520,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,2,2,2,2,1,1,2,3,,2,2,2,3,2,,,2 -5310,2003,1,10,1,1,1,4,4,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,2,2,2,2,2,2,2,1,2,2,2,2,3,2,,,2 -5351,0745,1,10,1,4,3,3,3,1,1,1,2,1,1,4,5,6,3,,2,3,,,2,2,4,1,3: > 40 mph,2,,,,,3,3,2,4,1,1,2,1,1,2,2,2,1,3,,,3 -5388,1800,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,,1,2,2,2,5,2,2,1,1,2,2,2,3,1,2,2,3 -5394,1855,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,2,2,2,2,1,1,1,2,,2,2,2,2,2,,,2 -5426,2015,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,3: > 40 mph,1,2,,,,2,2,2,2,1,1,2,1,1,2,2,2,2,1,1,4,2 -5430,2033,1,3,2,,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,6,,,,,,,3,2,2,3,2,1,2,2,,2,2,2,2,2,,,2 -5441,1934,1,3,2,,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,3,1: 5 or less,,,,,,1,1,2,2,2,1,2,3,,2,2,2,2,1,2,2,2 -5458,1940,1,1,2,,3,3,3,2,2,1,1,1,2,4,5,6,3,,1,3,,,3,3,3,1,4: Speed Unknown,3,,,,,3,3,2,1,5,5,1,1,1,2,2,2,3,3,,,3 -5490,1915,1,3,2,,2,2,2,3,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,1,,,,2,2,2,2,1,1,2,1,1,2,2,2,3,1,1,2,2 -5495,2300,1,8,2,,2,3,3,2,2,1,2,1,2,4,4,6,4,,2,3,,,3,3,1,4,4: Speed Unknown,,,3,,,2,2,2,2,3,3,2,1,1,2,2,2,2,3,,,3 -5518,1130,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,3,,,,,2,2,2,2,2,1,2,3,,2,2,2,2,2,,,2 -5528,1838,1,3,3,,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,2,2,2,3,2,2,2,1,2,2,2,2,2,2,,,2 -5678,1230,1,8,1,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,4,,,,2,2,2,2,1,1,2,2,,2,3,2,2,2,,,2 -5709,1823,1,8,2,,3,3,3,2,2,1,1,1,2,4,5,4,5,,1,3,,,3,3,3,4,4: Speed Unknown,,,3,,,3,3,2,1,4,2,1,1,1,2,2,2,2,3,,,3 -5720,0830,1,1,2,,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,2,2,2,2,2,2,1,1,1,2,2,2,1,2,2,2 -5778,2120,1,3,2,,2,2,2,3,3,2,2,2,2,1,1,1,15,,2,1,4,2,3,2,2,1,5: Physician did not answer,4,,,,,2,2,2,2,2,2,2,1,1,2,2,1,3,1,2,3,2 -5794,,2,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -5811,1714,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,3,,,,,2,2,2,3,1,1,2,3,,2,2,2,3,2,,,2 -5815,1500,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,2,2,2,2,1,1,1,2,,2,2,2,2,2,,,2 -5844,1800,1,1,1,4,1,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,1,2,2,2,4,2,2,1,2,1,2,2,2,1,3,2,2 -5901,1437,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,2: Accidental,,,,,lacrosse stick,1,2,2,2,2,1,2,1,1,2,2,2,2,2,,,2 -5932,1820,1,8,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,1,2,1,2,2,2,2,2: 3 - 10 ft.,,,,,,2,2,2,2,3,2,2,1,1,2,2,2,2,1,2,4,2 -5970,,2,8,2,,2,2,2,2,2,2,2,2,2,1,3,1,13,,2,3,,,2,2,2,1,3: > 40 mph,2,,,,,3,2,2,2,4,4,2,2,,1,2,2,2,2,,,2 -5973,1905,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,4: Speed Unknown,1,6,,,,2,1,2,2,2,2,2,1,1,2,2,2,2,1,1,3,2 -6013,1320,1,2,2,,1,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,7,1: Intentional,,,,,karate,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -6029,1633,1,3,2,,1,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,1,2,2,2,1,1,2,3,,2,2,2,3,2,,,2 -6061,1845,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,1: < 20 mph,1,1,,,,2,2,2,2,1,1,2,1,1,2,2,2,2,1,1,3,2 -6077,0930,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,3,2,2,1,2: 20 - 40 mph,2,,,,,2,2,2,2,1,1,2,2,,2,2,2,3,2,,,2 -6133,1752,1,3,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,1,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -6189,2200,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,4,1,4: Speed Unknown,2,,,,,2,2,4,2,1,1,1,2,,2,2,2,2,2,,,2 -6205,1830,1,3,2,,2,4,4,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,1,2: 20 - 40 mph,1,2,,,,2,2,2,2,4,3,1,1,2,1,1,2,2,1,2,1,3 -6212,,2,8,2,,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,1,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -6269,1810,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,2,2,2,1,1,1,2,2,,2,2,2,2,2,,,2 -6270,1949,1,9,2,,2,2,2,2,2,2,2,2,1,1,1,1,15,,2,1,4,1,2,2,1,2,2: 3 - 10 ft.,,,,,,2,2,2,2,1,1,2,1,3,2,2,2,2,2,,,2 -6273,2133,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,4,,2,2,2,2,1,1,2,2,,1,2,2,2,2,,,2 -6345,1640,1,3,1,1,3,3,3,2,2,1,2,1,2,4,5,6,3,,2,3,,,3,3,3,1,4: Speed Unknown,2,,,,,3,3,2,1,3,2,2,1,1,2,2,2,2,3,,,3 -6349,1545,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,2,2,2,2,1,1,2,3,,2,2,2,2,2,,,2 -6380,1415,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,6,,,,,,,2,1,2,2,2,2,2,1,1,1,2,2,2,2,,,2 -6389,2020,1,4,2,,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,1,2,2,2,2,1,2,1,1,2,2,2,3,2,,,2 -6390,1235,1,2,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -6412,1740,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,4,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -6435,2145,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,1,7,,,,2,2,2,2,2,2,1,1,1,2,2,2,1,2,,,2 -6437,1300,1,2,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -6450,1805,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,2,2: 3 - 10 ft.,,,,,,2,2,2,2,1,1,2,2,,2,2,2,3,2,,,2 -6499,1850,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,1,4,,,,2,2,2,2,2,1,2,2,,2,2,2,2,2,,,2 -6504,1730,1,8,2,,1,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,2,,,1,2,2,2,1,1,2,2,,2,2,2,2,1,2,2,2 -6531,1600,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,2,,2,2,2,2,1,1,1,2,,2,2,2,2,1,1,1,2 -6558,1830,1,3,1,1,1,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,9,,,,,,,1,2,2,2,3,2,2,1,1,1,2,2,2,1,1,2,2 -6624,2056,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,2,1,2,2,1,1,3,2,,2,2,2,2,2,,,2 -6639,1100,1,10,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,9,,,,,,,2,2,2,2,1,1,2,1,2,2,2,2,2,2,,,2 -6648,0451,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -6662,2057,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -6669,1830,1,8,1,4,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,2,2,2,2,2,1,2,1,1,2,2,2,2,2,,,2 -6726,1713,1,3,2,,3,3,3,2,2,2,2,2,2,1,3,2,12,,2,3,,,3,3,3,4,4: Speed Unknown,,,3,,,3,3,2,2,2,2,2,1,1,2,2,2,3,3,,,3 -6727,1800,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,3: > 20 mph,,,3,,"patient initially without pain, examined several hours later - now with pain",2,2,2,2,3,2,1,1,1,2,2,2,2,1,1,4,2 -6737,1030,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,2,2,2,2,2,1,2,1,1,2,2,2,2,2,,,2 -6749,1300,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,1,2,2,9,,,,,,,2,2,2,2,2,1,2,1,1,2,2,2,2,2,,,2 -6758,1015,1,1,2,,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,2,9,,,,,,,1,1,2,2,3,2,2,1,1,2,2,2,2,1,3,1,2 -6765,1130,1,3,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,3: > 40 mph,1,4,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -6781,1500,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,3,,,,2,2,2,2,1,1,2,3,,2,2,2,3,2,,,2 -6790,1300,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,2,2,2,2,3,2,2,1,1,1,1,1,2,1,1,4,2 -6792,1500,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -6814,2007,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,2,2,2,2,1,1,2,1,3,2,2,2,2,1,1,2,2 -6816,1900,1,3,2,,3,3,3,2,2,2,2,2,2,3,3,3,9,,2,3,,,1,3,3,2,1: < 3 ft.,,,,,,3,3,2,1,2,2,2,3,,2,2,2,3,3,,,3 -6857,0315,1,10,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,2,2,2,2,1,1,2,1,1,2,2,2,2,2,,,2 -6859,1915,1,3,1,4,3,4,4,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,1,4,3: > 20 mph,,,2,,,3,3,4,2,1,1,2,2,,1,2,2,2,3,,,2 -6890,0020,1,1,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,2,2,2,2,2,2,2,1,1,2,3,2,3,2,,,2 -6930,1910,1,8,2,,4,4,4,4,4,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,1,4: Speed Unknown,1,1,,,,2,2,2,2,2,2,2,1,1,2,2,2,2,1,2,2,2 -6936,,2,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,1,3: > 40 mph,1,1,,,,2,2,2,2,3,2,2,1,1,1,1,2,2,1,2,2,2 -6954,0930,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,4: Speed Unknown,2,,,,,2,2,2,3,1,1,2,1,1,2,2,2,3,2,,,2 -6971,0930,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,2,2,2,1,1,1,2,2,,2,2,2,2,2,,,2 -6978,2025,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,1: 5 or less,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -6982,2155,1,2,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,2,,,,,2,2,2,2,1,1,2,2,,2,2,2,1,1,1,4,2 -6988,1620,1,3,2,,2,2,2,4,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,4,,,2,2,2,2,1,1,2,2,,2,2,2,4,2,,,2 -6997,2146,1,10,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,4,2,2,2,1,3: > 40 mph,2,,,,,2,2,2,4,1,1,2,1,3,2,2,2,2,1,1,6,4 -7006,2228,1,3,2,,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,3,2: 6-15,,,,,,1,2,2,3,1,1,2,2,,2,2,2,2,2,,,2 -7070,2355,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,2,2,2,1,1,2,1,1,2,2,2,2,1,1,3,2 -7078,1330,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,3: > 10 ft.,,,,,,2,2,4,3,3,2,2,1,1,2,2,2,2,2,,,2 -7116,1900,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,,1,2,2,2,2,1,1,2,,2,2,2,2,1,1,1,2 -7161,2350,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,1: < 3 ft.,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,1,1,1,2 -7163,,2,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,4,2: 5 - 20 mph,,,2,,,2,2,2,2,2,1,2,1,1,2,2,1,3,1,1,1,2 -7165,2300,1,1,2,,2,2,2,2,2,1,1,1,1,4,5,6,3,,1,3,,,2,3,1,8,,,,,,,2,2,2,1,1,1,2,2,,2,2,2,4,2,,,2 -7167,1935,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,2,2,2,1,1,1,2,3,,2,2,2,2,2,,,2 -7172,0949,1,3,1,4,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,2,2,2,1,1,1,2,2,,2,2,2,2,2,,,2 -7178,1834,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,3: > 10 ft.,,,,,,2,2,2,2,2,1,2,2,,2,2,2,3,2,,,2 -7217,1843,1,3,2,,3,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,1,4: Speed Unknown,1,1,,,,3,3,2,1,3,2,2,1,1,1,1,2,3,3,,,3 -7219,1230,1,3,1,4,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,,2,2,2,3,1,1,2,2,,2,2,2,3,2,,,2 -7226,2245,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,4: Speed Unknown,,,2,,,2,2,2,2,2,1,2,3,,2,2,2,2,1,1,3,2 -7269,0218,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,1: < 5 mph,,,2,,,2,2,2,2,1,1,2,2,,2,2,2,2,1,1,1,2 -7282,1228,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,1,,,2,2,2,1,1,1,2,2,,2,2,2,2,2,,,2 -7299,0041,1,10,2,,2,2,2,2,2,2,2,1,1,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,2,2,2,2,2,1,2,1,1,2,2,2,3,2,,,2 -7306,0111,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,2: 20 - 40 mph,1,1,,,,2,2,2,2,1,1,2,2,,1,1,2,2,1,1,3,2 -7358,2345,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -7362,2300,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,2,,,2,2,2,1,3: > 40 mph,2,,,,,2,2,2,2,1,1,2,1,1,2,2,2,2,2,,,2 -7367,2330,1,8,1,1,3,3,3,2,2,1,2,2,2,4,5,6,3,,2,3,,,3,3,3,1,3: > 40 mph,3,,,,,3,3,3,1,2,2,2,3,,2,2,2,2,3,,,3 -7374,1828,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,4,,,2,4,4,2,2: 3 - 10 ft.,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,4,,,2 -7385,1604,1,3,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,1,2,3,1,2,2,2,1: < 3 ft.,,,,,,2,2,2,2,1,1,2,1,2,2,2,2,3,2,,,2 -7389,1700,1,8,2,,3,3,3,2,2,1,1,1,2,4,2,2,10,,1,3,,,2,3,3,8,,,,,,,3,2,2,3,2,1,2,1,1,2,2,2,3,3,,,3 -7402,2130,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,1,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -7405,1534,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,4,,,Car seat with intrusion (car seat damaged),2,2,2,2,1,1,2,3,,2,2,2,2,2,,,2 -7430,1745,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -7439,1400,1,8,2,,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,,2,2,2,2,1,1,2,3,,2,2,2,4,2,,,2 -7482,1805,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,2,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -7494,2350,1,8,2,,2,2,2,2,2,2,2,2,2,1,2,2,13,,1,3,,,1,3,1,3,4: Unknown,,,,,,2,2,2,3,3,2,1,2,,2,2,2,2,2,,,2 -7525,1830,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -7542,2111,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,2,2,2,1,1,2,2,,1,1,2,2,2,,,2 -7568,2010,1,8,2,,2,1,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,2,3: > 10 ft.,,,,,,2,2,2,2,4,3,2,1,1,1,2,1,2,1,3,1,3 -7574,1300,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -7588,1550,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,1,3: > 40 mph,1,2,,,,2,2,2,2,3,1,1,1,,1,1,2,2,1,3,3,2 -7642,1550,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,3,,,2,1,2,3,2,1,2,1,1,2,2,2,2,2,,,2 -7685,1008,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,,4,4,4,4,6,6,3,4,,2,2,2,2,2,,,2 -7697,2055,1,4,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,2,2,2,1,1,2,1,1,2,2,2,3,2,,,2 -7757,1930,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,5,,,,,3,,2,2,2,2,2,1,2,1,,1,2,2,2,1,1,1,2 -7780,2200,1,3,2,,1,1,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,1,2,7,2: Accidental,,,,,,2,2,3,2,2,1,2,1,1,2,2,2,3,2,,,2 -7783,1635,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,2,2,2,2,1,1,2,2,,4,3,4,4,4,,,4 -7835,1145,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,3,4,,,4,4,4,1,2: 20 - 40 mph,1,4,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -7853,1828,1,3,1,1,4,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,3,2,2,1,3: > 40 mph,1,1,,,,2,1,2,2,3,3,2,1,1,1,1,2,2,1,1,1,2 -7862,1905,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,4,,,2,2,2,2,1,1,2,1,1,2,2,2,2,2,,,2 -7915,1347,1,3,2,,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,2,2,2,2,1,1,2,2,,2,2,2,1,2,,,2 -7932,2300,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,2,2,2,2,1,1,2,2,,2,2,2,1,2,,,2 -7935,2252,1,10,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,3,2,2,2,1,1: < 20 mph,3,,,,,2,2,2,2,2,1,2,2,,2,2,2,2,2,,,2 -7951,1730,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -7957,1130,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,1,2,2,2,5,2,1,1,,2,2,2,2,1,1,2,2 -7968,2000,1,8,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,5,,,,,2,,2,2,2,2,1,1,2,1,2,1,2,2,2,1,1,1,2 -8016,1745,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,3,2,2,2,2,1,2,1,1,2,2,2,2,1,1,2,2 -8024,2030,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,,2,2,2,2,1,1,2,1,1,2,2,2,2,1,1,3,2 -8059,1813,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,1: Intentional,,,,,Abdomen struck by fists and feet,2,2,2,2,1,1,2,3,,2,2,2,2,1,2,3,2 -8063,2215,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,,2,2,2,1,1,1,2,3,,2,2,2,2,2,,,2 -8091,1310,1,3,1,3,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,2,2,2,4,1: < 5 mph,,,4,,,2,2,2,2,3,2,2,1,1,1,2,2,2,2,,,2 -8119,1430,1,8,2,,2,2,2,2,2,2,2,2,2,1,2,2,13,,2,1,4,1,2,2,2,9,,,,,,,2,2,2,2,2,1,2,1,1,2,2,2,2,1,2,1,2 -8140,1618,1,3,1,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,1,2,1,3: > 40 mph,1,1,,,,1,2,2,2,1,1,2,3,,2,2,2,3,2,,,2 -8142,1855,1,9,2,,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,7,1: Intentional,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,1,1,1,2 -8159,2050,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,1,2,5,,,,,1,,2,2,2,2,4,2,2,1,1,1,2,2,2,1,3,1,2 -8179,2010,1,3,1,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,5,4,2,2,2,4,4: Speed Unknown,,,3,,,2,2,2,2,2,1,2,1,3,2,2,2,2,2,,,2 -8180,2340,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,2,2: 3 - 10 ft.,,,,,,1,2,2,2,5,2,1,1,1,2,2,2,3,1,2,2,2 -8189,1340,1,1,2,,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,2,2,2,2,2,1,2,1,1,2,2,2,2,2,,,2 -8213,,2,3,1,1,1,4,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,6,,,,,,ATV rollover,2,2,2,2,2,1,2,1,2,2,2,2,2,2,,,2 -8223,1800,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,2,2,2,3,1,1,2,2,,2,2,2,3,2,,,2 -8227,1630,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,2,2,2,4,1,1,2,2,,2,2,2,2,2,,,2 -8236,,2,3,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,1,2,2,2,2,1,1,2,,1,1,2,2,2,,,2 -8265,1533,1,4,2,,4,4,4,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,,2,2,2,1,1,1,2,2,,2,2,2,2,2,,,2 -8277,1223,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,3,2: 6-15,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -8302,,2,8,1,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,2,2,2,2,1,1,1,2,,2,2,2,2,2,,,2 -8348,2230,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,2,3,2,3,1,7,2: Accidental,,,,,heavy dresser fell on patient/crushing injury,1,1,2,1,4,2,2,1,,1,2,2,2,1,2,2,3 -8364,2032,1,9,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,1: < 3 ft.,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -8423,1600,1,2,1,1,2,4,4,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -8429,1645,1,1,1,1,2,2,2,2,2,2,2,2,2,1,2,3,12,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,2,2,2,2,2,2,2,1,1,1,2,2,2,2,,,2 -8433,1845,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -8456,1750,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,2,2,2,2,1,1,2,3,,2,2,2,2,2,,,2 -8474,1722,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,1: < 5 mph,,,1,,,2,2,2,2,2,1,2,1,2,1,2,2,2,1,1,2,2 -8547,2020,1,3,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,1: < 5 mph,,,1,,,2,2,2,2,4,1,1,1,1,1,2,2,2,1,2,1,2 -8591,1116,1,3,2,,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,1,2,2,2,1,1,2,1,1,2,2,2,2,2,,,2 -8597,2111,1,3,2,,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,1,6,,,,,,,4,4,4,1,1,1,2,2,,2,2,2,2,2,,,2 -8615,2011,1,8,2,,3,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,3,2,1: < 3 ft.,,,,,,3,3,2,2,1,1,2,2,,2,2,2,2,2,,,2 -8616,1340,1,3,2,,3,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,6,,,,,,,3,3,2,2,1,1,2,1,1,2,2,2,2,3,,,3 -8630,0825,1,3,2,,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,2,2,2,2,2,1,2,1,3,2,2,2,2,2,,,2 -8632,2200,1,8,2,,1,2,2,2,2,2,2,2,2,,,,,15,2,2,,,4,4,4,1,2: 20 - 40 mph,1,1,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -8666,2100,1,3,1,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,3,,,2,2,2,2,2: 3 - 10 ft.,,,,,,2,3,2,2,1,1,2,2,,1,2,2,2,2,,,2 -8672,1420,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,3,1: 5 or less,,,,,,2,2,2,2,1,1,2,1,2,2,2,2,3,2,,,2 -8685,1645,1,3,2,,1,4,4,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,2,2,2,2,1,1,1,2,,2,2,2,2,2,,,2 -8693,2140,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,1,,,2,2,2,1,1,1,2,2,,2,2,2,2,2,,,2 -8716,,2,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,3: > 20 mph,,,2,,,2,1,2,2,3,2,2,1,1,2,2,2,2,1,2,3,2 -8731,1130,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,5,,,,2,2,2,2,1,1,2,3,,2,2,2,2,2,,,2 -8735,1519,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,7,1: Intentional,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,1,2,1,2 -8743,2240,1,3,2,,2,2,2,2,2,2,2,2,1,2,1,1,14,,2,2,,,1,1,1,7,1: Intentional,,,,,,2,2,2,2,2,1,2,2,,2,2,2,2,2,,,2 -8760,1340,1,1,1,2,3,3,3,2,2,1,1,1,2,4,5,6,3,,2,3,,,2,3,3,1,3: > 40 mph,2,,,,,3,3,1,2,3,2,2,1,1,1,3,2,2,3,,,3 -8782,1845,1,8,2,,3,3,3,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,2,2,3,2: 6-15,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,3,,,2 -8816,1440,1,3,1,1,3,3,3,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,2,2,2,2,2,1,2,1,1,2,2,2,2,3,,,2 -8846,2048,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,2,3: > 10 ft.,,,,,,1,2,2,2,3,1,2,1,2,2,2,2,2,1,1,2,2 -8880,1409,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,4: Speed Unknown,1,6,,,,2,2,2,2,2,1,2,1,1,2,2,2,2,1,1,3,2 -8891,1630,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,3: > 20 mph,,,2,,,2,1,2,1,3,2,2,1,1,2,2,2,2,1,1,3,2 -8919,2030,1,3,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,1,1,2,2,1,1,2,2,,1,2,2,2,2,,,2 -8923,1430,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,2,2,2,1,2,1,2,1,1,2,2,2,2,2,,,2 -8924,1836,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,5: Physician did not answer,,,3,,,2,2,2,1,2,2,2,1,1,2,2,2,2,1,1,3,2 -8949,1820,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,2,1,9,,,,,,,2,1,2,2,3,2,2,1,1,1,2,2,2,1,3,1,3 -8955,1710,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,2,,,,2,1,2,2,1,1,2,2,,2,2,2,1,2,,,2 -8958,1830,1,1,2,,1,1,2,2,2,2,2,2,2,1,1,1,15,,3,1,2,1,2,2,2,9,,,,,,,1,2,2,2,2,2,2,1,1,2,2,2,3,1,2,2,2 -8967,2200,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,1,1,2: 20 - 40 mph,2,,,,,2,1,2,2,1,1,1,2,,2,2,2,2,1,1,2,2 -8974,1809,1,10,2,,3,3,3,2,2,1,1,1,1,4,5,3,6,,2,3,,,3,3,1,1,3: > 40 mph,1,6,,,,3,3,2,1,6,6,2,1,1,2,2,2,2,2,,,3 -8977,0350,1,4,2,,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,1,,,1,1,2,2,4,3,2,1,1,2,2,2,1,1,1,2,2 -9009,0500,1,4,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,2,2,2,1,2,1,1,1,2,2,2,2,2,2,,,2 -9056,2159,1,8,2,,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,2,,,,,2,2,2,2,1,1,2,1,1,2,2,2,2,1,1,6,2 -9069,1610,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -9075,1750,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,4,,,,,2,2,2,2,1,1,2,3,,2,2,2,2,2,,,2 -9079,1740,1,3,2,,4,4,4,4,4,2,2,2,2,1,1,1,15,,2,1,4,1,3,2,2,1,4: Speed Unknown,1,2,,,,2,2,2,2,3,2,2,1,1,2,2,1,2,1,2,1,2 -9080,1840,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,1,4: Speed Unknown,1,2,,,,2,2,2,1,5,5,2,1,2,1,1,2,3,1,2,1,2 -9086,1145,1,3,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,3,2,2,4,3: > 20 mph,,,2,,,2,2,2,2,2,1,2,1,1,2,2,2,2,2,,,3 -9089,1830,1,10,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,2,2,2,2,1,6,1,1,2,2,2,2,2,2,,,2 -9099,1545,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,3,,,2,2,2,2,1,1,2,3,,2,2,2,2,2,,,2 -9101,2005,1,3,1,1,1,2,1,2,2,2,2,2,2,1,1,1,15,,3,2,,,1,2,2,2,1: < 3 ft.,,,,,,4,2,2,2,3,2,2,1,1,1,2,2,2,1,1,2,2 -9164,1200,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,4: Speed Unknown,4,,,,,2,2,2,2,1,1,2,2,,2,2,2,3,2,,,2 -9184,1700,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,4: Speed Unknown,,,2,,,2,2,2,2,1,1,2,2,,1,2,2,2,2,,,2 -9187,1607,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,1,3,1,2,2,2,1,4: Speed Unknown,1,2,,,,2,1,2,1,5,5,2,1,2,2,2,2,1,1,2,1,1 -9197,1945,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,1,2,1,2,5,,,,,1,,2,2,2,2,3,3,2,1,1,1,2,2,2,1,2,4,2 -9198,2315,1,3,2,,2,2,2,2,2,2,2,1,2,1,2,1,14,,2,3,,,2,2,1,2,2: 3 - 10 ft.,,,,,,2,2,2,1,2,1,2,2,,2,2,2,2,2,,,2 -9203,1457,1,3,1,4,1,1,1,1,1,2,2,2,2,1,1,1,15,,1,1,2,4,2,1,1,8,,,,,,,2,2,2,2,5,4,1,1,2,1,1,2,1,1,2,1,2 -9255,1930,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -9294,1430,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,1,2,,,,2,2,2,2,1,1,2,1,1,2,2,2,2,2,,,2 -9305,1505,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,5: Physician did not answer,,,3,,,2,2,2,3,2,1,2,1,2,2,2,2,2,2,,,2 -9336,2138,1,3,2,,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,3,1,4,4: Speed Unknown,,,3,,,2,2,2,2,4,3,2,3,,2,2,2,2,1,1,2,2 -9347,1700,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,2: 3 - 10 ft.,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -9352,1418,1,9,1,3,1,1,2,1,1,2,2,2,2,1,1,1,15,,2,2,,,2,1,1,6,,,,,,,1,2,2,3,2,2,2,1,2,2,2,2,2,2,,,2 -9367,2020,1,3,2,,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,9,,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,1,1,2,2 -9381,0015,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,1,3: > 40 mph,2,,,,,2,2,2,2,1,1,2,2,,2,2,2,3,2,,,2 -9384,1730,1,10,1,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,2,2,2,2,1,1,2,1,2,2,2,2,2,2,,,2 -9392,2017,1,8,1,1,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,2,2,2,2,2,1,2,4,,1,2,2,2,2,,,2 -9402,2125,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,2,2,2,2,1,1,2,1,1,2,2,2,2,2,,,2 -9443,2011,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,,1,2,2,2,1,1,2,1,1,2,2,2,2,2,,,2 -9499,,2,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,2,,,,,2,2,2,2,1,1,2,3,,2,2,2,2,1,1,2,2 -9528,,2,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,2,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -9540,2115,1,8,2,,2,2,2,2,2,3,3,3,3,1,1,1,15,,3,4,,,4,4,4,4,4: Speed Unknown,,,2,,,2,2,2,1,1,1,2,2,,2,2,2,2,2,,,2 -9567,1800,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -9608,2230,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,1,1,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -9609,1530,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,1,,,,2,2,2,2,2,1,2,2,,2,2,2,2,2,,,2 -9639,2340,1,8,1,1,2,2,2,1,2,2,2,2,2,1,1,1,15,,2,2,,,4,4,4,1,2: 20 - 40 mph,1,5,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -9641,1159,1,3,1,2,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,7,1: Intentional,,,,,,1,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -9691,1630,1,3,1,1,2,2,2,2,2,2,2,1,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,3,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -9697,1626,1,3,2,,1,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,2,3: > 10 ft.,,,,,,4,1,2,2,2,1,2,1,2,2,2,2,3,1,2,1,2 -9703,2100,1,3,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,2,2,9,,,,,,,2,2,2,4,1,1,2,2,,2,2,2,2,2,,,2 -9722,1500,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,2,2,2,2,2,1,2,2,,2,2,2,2,1,2,3,2 -9724,1430,1,3,2,,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -9731,2023,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,1,9,,,,,,,2,2,2,1,2,1,2,2,,2,2,2,3,1,1,2,2 -9745,1510,1,8,2,,1,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,1,2,9,,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -9752,1340,1,10,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -9764,1404,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,,2,2,2,2,1,1,2,2,,2,2,2,1,2,,,2 -9768,1330,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,2,1,2,1,2,1,2,2,,2,2,2,2,2,,,2 -9814,1400,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,2,2,2,2,2,1,2,1,1,2,2,2,2,2,,,2 -9824,2105,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,2,2,2,2,4,4,2,1,1,1,2,2,4,1,2,2,2 -9844,1630,1,11,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,1,6,,,,2,2,2,2,1,1,2,1,1,2,2,2,2,2,,,2 -9865,2130,1,3,1,3,1,2,1,1,1,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,9,,,,,,,2,1,4,2,2,1,2,1,1,2,2,2,2,2,,,4 -9886,2100,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -9915,1749,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,4,,,2,2,2,2,1,1,2,3,,2,2,2,2,2,,,2 -9921,1354,1,8,2,,1,2,1,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,5,,,,,1,,2,2,2,2,2,1,2,1,1,2,2,2,2,1,1,1,2 -9968,1540,1,8,1,1,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,1,6,,,,,,,2,2,2,1,1,1,2,2,,2,2,2,2,2,,,2 -9973,2120,1,8,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -9977,1315,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,3: > 10 ft.,,,,,,2,2,2,2,1,1,2,1,1,2,2,2,2,2,,,2 -9991,1330,1,1,2,,3,3,3,3,2,1,1,1,2,4,5,6,3,,2,3,,,1,3,2,9,,,,,,,3,3,2,2,2,2,2,1,2,2,2,2,2,3,,,3 -10005,1930,1,3,2,,3,3,3,3,3,2,2,2,2,1,1,1,15,,2,3,,,2,3,3,9,,,,,,,2,2,2,3,2,1,2,2,,2,2,2,3,2,,,2 -10049,1600,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,1,2,2,1,2: 20 - 40 mph,1,4,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -10078,2120,1,8,2,,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,2,,,2,2,1,1,3: > 40 mph,1,1,,,,2,2,2,4,2,2,2,3,,1,2,2,3,2,,,2 -10100,1041,1,3,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,1,1,1,1,3: > 40 mph,1,1,,,,2,2,2,1,2,1,2,1,1,2,2,2,4,2,,,2 -10102,2159,1,3,2,,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,1,4,3,2,1,1,8,,,,,,"assault- ""jumped""",1,1,2,2,1,1,2,2,,2,2,2,2,1,1,1,2 -10117,2230,1,8,2,,2,2,2,2,2,2,2,2,2,2,1,1,14,,2,1,3,2,2,2,2,3,1: 5 or less,,,,,Patient was kicked in stomach then fell down 5-6 steps,2,2,2,2,1,1,2,1,1,2,2,2,2,1,3,3,2 -10129,2030,1,3,1,2,3,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,2,2,4,2: 5 - 20 mph,,,3,,,2,2,2,2,2,1,2,2,,2,2,2,2,2,,,2 -10136,0700,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,2,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -10180,1401,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,1,2,2,2,1,1,2,2,,2,2,2,3,2,,,2 -10191,1300,1,2,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,2,2,1,4: Speed Unknown,1,4,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -10206,1538,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -10212,1508,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,,2,2,2,2,1,1,2,1,1,2,2,2,2,2,,,2 -10214,1740,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,1,2,9,,,,,,,2,2,4,2,4,2,2,1,1,2,2,4,4,1,2,2,1 -10251,2310,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,2,2,2,2,1,1,2,3,,2,2,2,2,2,,,2 -10342,2213,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -10351,1700,1,3,2,,2,3,3,3,3,2,2,2,2,1,1,1,15,,1,2,,,2,3,2,8,,,,,,,3,3,2,2,3,2,2,1,1,1,3,2,3,1,2,4,2 -10367,1515,1,2,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,1,2,9,,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -10380,1700,1,10,2,,4,4,4,4,4,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,2,2,2,4,2,1,2,1,1,2,2,2,1,2,,,2 -10384,1400,1,4,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,2,2,2,1,1,1,2,1,1,2,3,2,2,2,,,2 -10403,1915,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,5,,,,,2,,2,2,2,2,1,1,2,2,,2,2,2,2,1,1,1,2 -10414,1643,1,3,2,,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,2,2,1,2,2,1,2,3,,2,2,2,2,1,2,2,2 -10459,1850,1,3,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,1,3,2: 6-15,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -10461,1700,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,6,,,,,,,2,2,2,2,1,1,2,2,,2,2,2,3,2,,,2 -10490,1500,1,3,1,4,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,2,2,2,2,2,2,1,1,,2,2,2,2,2,,,2 -10534,,2,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,9,,,,,,"Unsure of time when kappa was filled out, but it was within one hour of triage",2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -10567,2217,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,3: > 20 mph,,,2,,,2,2,2,2,1,1,2,3,,1,2,2,3,2,,,2 -10577,1630,1,3,2,,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -10637,1000,1,3,1,3,4,1,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,1,2,4,3: > 20 mph,,,3,,,2,2,2,2,5,2,2,1,1,1,2,2,2,1,1,1,2 -10641,2055,1,3,1,1,3,3,3,2,2,2,2,2,2,4,4,4,6,,2,3,,,3,3,3,2,3: > 10 ft.,,,,,,3,3,2,2,2,1,2,2,,2,2,2,2,3,,,3 -10709,1730,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,4,2: 5 - 20 mph,,,2,,,2,2,2,2,2,1,2,1,1,1,2,2,2,1,1,2,2 -10712,2230,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,2,3: > 10 ft.,,,,,,2,2,2,2,1,1,2,1,1,2,2,2,2,2,,,4 -10743,1600,1,1,1,1,2,2,2,2,2,2,2,2,2,2,2,2,12,,2,2,,,2,2,2,1,3: > 40 mph,1,5,,,,2,2,2,2,2,2,2,3,,2,2,2,2,2,,,2 -10762,1145,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,1: < 20 mph,1,1,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -10797,2230,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,5: Physician did not answer,3,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -10801,1750,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,1,,,LAP AND SHOULDER HARNESS FAILED,2,2,2,2,1,1,2,1,1,2,2,2,3,2,,,2 -10864,1540,1,3,1,2,2,3,3,2,2,2,2,1,2,1,1,1,15,,2,2,,,2,2,1,8,,,,,,,2,2,2,1,1,1,2,2,,2,2,2,2,2,,,2 -10883,1130,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,2,2,2,2,1,1,1,2,,2,3,2,4,2,,,2 -10909,0900,1,8,1,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,2,2,2,1,1,2,2,,2,2,2,2,1,1,3,2 -10921,0845,1,1,2,,1,2,1,2,2,2,2,2,2,2,1,1,14,,2,1,1,1,2,2,2,4,3: > 20 mph,,,2,,,2,2,2,2,3,1,2,1,1,2,2,2,2,1,1,2,2 -10922,1700,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,4,4: Speed Unknown,,,2,,,2,2,2,2,1,1,2,2,,2,2,2,2,1,1,2,2 -10947,1414,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,2,2,2,2,1,1,2,2,,1,1,2,2,1,1,3,2 -10989,,2,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,1,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -11000,1526,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,4,,,2,4,2,1,3: > 40 mph,1,1,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -11003,1355,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,2,2,2,2,2,2,2,1,1,2,2,2,2,2,,,2 -11011,2000,1,8,2,,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,1,6,,,,,,,2,2,2,1,2,2,2,1,1,2,2,2,2,2,,,2 -11043,1410,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,3: > 20 mph,,,2,,,2,2,2,3,2,1,2,1,1,1,2,2,2,2,,,2 -11061,1720,1,2,2,,4,1,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,1,1,2,9,,,,,,,3,1,3,2,2,1,2,2,,2,2,2,2,2,,,2 -11064,1625,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -11117,2200,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,5,,,,,1,,2,2,2,2,4,3,2,1,,1,2,2,3,1,2,2,2 -11153,1139,1,3,2,,3,3,3,2,2,1,1,1,2,,,,,3,2,3,,,1,3,3,1,3: > 40 mph,4,,,,,3,3,2,2,2,1,2,1,1,2,2,2,2,3,,,3 -11171,1940,1,3,2,,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,4,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -11193,1506,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,2,,,,2,2,2,2,1,1,2,4,,1,1,2,2,2,,,2 -11214,0510,1,4,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,2,,,,,2,2,2,2,2,1,1,1,2,1,2,2,2,2,,,2 -11225,1230,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,2: 3 - 10 ft.,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -11241,0745,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,1,2,2,9,,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,1,1,2,2 -11253,2045,1,9,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -11270,1146,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,3: > 40 mph,2,,,,,1,2,2,2,2,1,2,2,,2,3,2,2,2,,,2 -11273,1530,1,3,1,1,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,7,1: Intentional,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,1,1,1,2 -11305,1920,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -11306,1830,1,3,1,4,2,2,1,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,4,,,2,2,2,2,2,1,2,2,,1,2,2,2,2,,,2 -11328,2248,1,8,1,1,2,2,2,2,2,2,2,2,2,2,2,1,13,,2,1,4,2,2,2,2,9,,,,,,,2,2,2,2,2,1,2,1,1,2,2,2,2,1,2,2,2 -11332,2340,1,10,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,1: Intentional,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -11337,2252,1,8,2,,3,3,3,2,2,1,2,1,2,4,5,3,6,,3,3,,,3,3,3,8,,,,,,,3,3,2,3,3,2,1,1,1,2,2,2,2,3,,,3 -11342,1100,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,2,2,1,1: < 20 mph,1,2,,,,2,2,2,2,1,1,2,2,,2,2,2,2,1,1,1,2 -11343,1700,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,6,,,,,,,2,2,2,2,3,1,2,2,,1,2,2,2,1,1,2,2 -11360,1330,1,1,1,1,2,2,2,2,1,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,2,3: > 10 ft.,,,,,,2,2,2,2,2,1,2,3,,1,2,2,2,2,,,2 -11366,1015,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,1,2: 20 - 40 mph,2,,,,,2,2,2,2,1,1,2,3,,2,2,2,2,1,1,2,2 -11385,1515,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,1,2: 20 - 40 mph,1,1,,,,2,2,2,1,1,1,2,2,,2,2,2,2,2,,,2 -11390,1945,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,3: > 40 mph,2,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -11410,1740,1,3,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,2,3,2,8,,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -11432,1005,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,2,2,2,1,2,1,2,1,1,2,2,2,2,2,,,2 -11448,1830,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,3,2,2,2,2,5,,,,,1,,2,2,2,2,2,1,2,1,1,1,3,2,2,1,2,2,2 -11639,1843,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,4,,,3,2,2,1,3: > 40 mph,3,,,,,2,1,2,2,2,1,2,1,1,2,3,2,3,1,2,1,2 -11642,,2,8,1,4,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,5,,,,,2,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -11669,1730,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,1,2,2,2,2,2: 3 - 10 ft.,,,,,,2,2,3,2,5,3,2,3,,2,2,2,3,1,2,1,1 -11673,1730,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,2,2,2,1,2,1,2,1,1,2,2,2,2,2,,,2 -11703,1210,1,3,2,,2,2,2,2,2,2,2,2,2,,,,,15,1,2,,,2,2,2,1,3: > 40 mph,1,5,,,,2,2,2,2,2,1,2,2,,1,1,2,2,2,,,2 -11705,2015,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,2: 5 - 20 mph,,,2,,,1,1,2,2,2,1,2,2,,2,2,2,2,1,1,3,2 -11713,2203,1,9,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,4: Speed Unknown,1,7,,,,2,2,2,2,1,1,2,1,2,2,2,2,2,2,,,2 -11717,1020,1,3,2,,1,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,7,2: Accidental,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,1,2,2,2 -11721,1950,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,2: 5 - 20 mph,,,2,,,2,2,2,3,1,1,2,2,,2,2,2,2,2,,,2 -11724,2153,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,2,1,2,2,1,1,2,2,,2,2,2,2,2,,,2 -11737,1317,1,3,2,,2,1,2,2,2,2,2,2,2,1,1,1,15,,2,1,4,1,3,2,2,7,2: Accidental,,,,,Fell stool leg hit abdomen,2,2,2,2,3,1,2,1,1,2,2,2,2,1,1,2,2 -11756,2216,1,3,2,,1,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,1,1,1,1,5: Physician did not answer,1,1,,,,2,2,4,2,1,1,2,1,1,2,2,2,3,1,1,1,2 -11784,2030,1,3,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,4,4: Speed Unknown,,,2,,,2,2,2,1,2,1,2,2,,2,2,2,2,2,,,2 -11802,1645,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,1,2,,,2,2,2,1,3: > 40 mph,1,4,,,,2,2,2,2,1,1,2,1,3,2,2,2,1,2,,,2 -11839,1715,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,2,2,2,2,4,3: > 20 mph,,,2,,,2,2,2,2,3,2,2,1,1,1,2,2,2,1,2,2,2 -11841,1740,1,8,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,1,3,,,1,3,2,4,2: 5 - 20 mph,,,1,,,3,3,2,2,5,5,1,1,2,1,2,1,2,3,,,3 -11843,1700,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,2: 5 - 20 mph,,,2,,,2,2,2,2,1,1,2,3,,2,2,2,2,2,,,2 -11844,1415,1,3,1,1,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,9,,,,,,,2,2,2,2,2,1,2,1,3,1,2,2,2,2,,,2 -11847,2350,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,1,1,2,2,2,1,2: 20 - 40 mph,1,1,,,,2,2,2,2,2,1,2,1,1,2,2,2,2,1,1,1,2 -11854,0934,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,2,2,2,1,2,2,2,2,,2,2,2,2,2,,,2 -11869,0920,1,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,1: < 5 mph,,,4,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -11879,1850,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,1,2,2,5,,,,,2,,2,2,2,2,2,1,2,2,,2,2,2,2,1,2,2,2 -11891,2130,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,2,3: > 10 ft.,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -11931,1622,1,3,2,,2,2,2,2,2,2,2,2,2,1,2,1,14,,2,2,,,2,2,2,1,3: > 40 mph,1,2,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -11934,1250,1,2,1,1,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,7,2: Accidental,,,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -11951,,2,8,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,1,2,2,2,2,2,9,,,,,,,2,2,2,2,2,1,2,1,1,2,2,2,2,1,2,2,2 -11966,2330,1,8,1,1,2,2,2,2,2,2,2,2,2,,,,,15,2,2,,,2,2,2,5,,,,,2,,2,2,2,2,1,1,2,1,1,1,2,2,2,2,,,2 -11968,1350,1,8,1,2,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,1,6,,,,,,,2,1,2,2,1,1,2,2,,1,2,2,2,2,,,4 -11973,2002,1,8,2,,3,3,3,2,2,2,2,2,2,1,1,1,15,,1,3,,,2,3,2,9,,,,,,,2,2,2,2,3,1,2,2,,2,2,2,2,2,,,2 -11992,1615,1,1,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,4,4: Speed Unknown,,,2,,,4,4,4,4,6,6,3,4,,2,2,2,2,2,,,4 -12009,1230,1,3,2,,2,2,2,2,2,2,2,2,2,1,1,1,15,,2,2,,,2,2,2,1,2: 20 - 40 mph,1,2,,,,2,2,2,2,1,1,2,2,,2,2,2,2,2,,,2 -12032,2105,1,8,2,,1,2,1,1,2,2,2,2,2,1,1,1,15,,2,1,5,4,2,1,2,6,,,,,,,1,2,2,2,3,2,1,1,2,1,2,2,2,1,2,2,2 diff --git a/data/iai_pecarn/raw/form4a.csv b/data/iai_pecarn/raw/form4a.csv deleted file mode 100644 index e2157b5f..00000000 --- a/data/iai_pecarn/raw/form4a.csv +++ /dev/null @@ -1,12045 +0,0 @@ -SubjectID,ChestCXR,CHCXRFindings,PelvicXR,PelXRFindings,OthAbdImages,AbdUltrasound1,AbdCTScan1 -1,1,1,1,2,2,2,2 -2,2,,2,,2,2,2 -3,1,1,1,2,2,2,2 -4,1,1,2,,2,2,2 -5,1,1,1,2,2,2,1 -6,1,1,1,2,2,2,1 -7,1,1,1,2,2,2,2 -8,1,2,2,,2,2,1 -9,1,1,2,,2,2,2 -10,1,2,2,,2,2,2 -11,1,1,2,,2,2,1 -12,1,1,1,2,2,2,1 -13,1,1,1,2,2,2,2 -14,1,1,1,2,2,2,1 -15,2,,1,2,2,2,2 -16,1,1,1,2,2,2,1 -17,1,1,1,2,2,2,2 -18,2,,2,,2,2,1 -19,2,,2,,2,2,1 -20,1,1,1,2,2,1,1 -21,1,1,1,2,2,2,1 -22,2,,1,2,2,2,2 -23,1,1,1,2,2,2,2 -24,2,,1,2,2,2,1 -25,1,1,1,2,2,2,2 -26,2,,2,,2,2,2 -27,2,,2,,2,2,2 -28,2,,2,,2,2,2 -29,2,,2,,2,2,2 -30,2,,2,,2,2,1 -31,2,,2,,2,2,2 -32,1,1,1,2,2,2,1 -33,1,1,2,,2,1,1 -34,1,1,2,,2,2,1 -35,1,1,1,2,2,2,1 -36,1,1,1,2,2,2,2 -37,1,1,1,2,2,2,1 -38,1,1,1,2,2,2,2 -39,2,,1,2,2,2,2 -40,1,1,2,,2,1,1 -41,1,1,1,2,2,2,1 -42,2,,2,,2,2,2 -43,2,,2,,2,2,2 -44,1,1,1,2,2,2,1 -45,1,1,2,,2,2,1 -46,1,1,1,2,2,2,2 -47,2,,1,2,2,2,2 -48,1,1,2,,2,2,2 -49,1,2,1,2,2,2,1 -50,1,2,2,,2,2,1 -51,2,,2,,2,2,2 -52,1,1,1,2,2,2,2 -53,1,1,2,,2,2,1 -54,2,,2,,2,2,2 -55,1,1,1,2,2,2,1 -56,2,,2,,2,2,1 -57,1,2,2,,2,1,1 -58,2,,1,2,2,2,2 -59,1,1,2,,2,2,1 -60,1,1,1,1,1,1,1 -61,1,1,1,2,2,2,2 -62,1,1,2,,2,2,2 -63,2,,2,,2,2,2 -64,2,,2,,2,2,1 -65,1,1,2,,2,2,2 -66,2,,2,,2,1,1 -67,1,1,2,,2,2,2 -68,1,1,1,2,2,2,1 -69,2,,2,,2,2,2 -70,1,1,1,2,2,1,2 -71,1,1,2,,2,2,1 -72,1,1,2,,2,2,1 -73,1,1,1,2,2,2,2 -74,1,1,1,2,2,2,1 -75,1,1,2,,2,2,1 -76,1,1,1,2,2,2,2 -77,1,1,2,,2,2,2 -78,1,1,2,,2,2,2 -79,2,,1,2,2,2,2 -80,2,,2,,2,2,2 -81,1,1,1,2,2,2,2 -82,2,,2,,2,2,1 -83,1,1,2,,2,2,1 -84,1,1,1,2,2,2,2 -85,1,2,2,,2,2,1 -86,1,1,1,2,2,2,1 -87,2,,1,2,2,2,2 -88,1,1,2,,2,1,1 -89,1,1,1,2,2,1,1 -90,2,,2,,2,1,1 -91,1,1,2,,2,2,1 -92,1,1,2,,2,2,2 -93,1,1,2,,2,2,2 -94,1,1,2,,2,2,2 -95,1,1,1,2,2,2,2 -96,2,,2,,2,2,1 -97,2,,1,2,2,2,2 -98,2,,2,,2,2,2 -99,1,1,2,,2,2,2 -100,2,,2,,2,2,2 -101,1,1,2,,2,2,1 -102,1,1,2,,2,2,1 -103,1,1,2,,2,2,2 -104,1,1,1,2,2,2,2 -105,1,1,2,,2,2,1 -106,1,1,2,,2,2,1 -107,2,,2,,2,2,2 -108,1,1,1,2,2,2,2 -109,1,1,2,,2,2,1 -110,2,,2,,2,2,1 -111,1,1,2,,2,2,1 -112,2,,2,,2,2,1 -113,1,1,1,2,2,2,2 -114,1,1,1,2,2,2,1 -115,1,1,1,2,2,2,1 -116,1,1,1,2,2,2,1 -117,1,1,1,2,2,2,2 -118,1,1,1,2,2,2,1 -119,2,,2,,2,2,2 -120,1,1,1,2,2,2,2 -121,2,,2,,2,2,1 -122,2,,2,,1,2,2 -123,1,1,2,,2,2,2 -124,1,2,2,,2,2,1 -125,1,1,1,2,2,2,1 -126,1,1,2,,2,2,2 -127,1,1,2,,2,2,2 -128,2,,2,,2,1,2 -129,2,,2,,2,2,1 -130,1,1,1,2,2,2,2 -131,2,,2,,2,2,1 -132,1,2,1,2,2,2,1 -133,2,,2,,2,2,2 -134,1,1,2,,2,2,2 -135,1,1,2,,2,2,1 -136,1,1,1,2,2,2,1 -137,1,1,1,2,2,2,1 -138,1,1,1,2,2,2,2 -139,1,1,2,,2,2,1 -140,1,2,1,2,2,2,1 -141,2,,2,,2,1,1 -142,1,1,1,2,2,2,1 -143,1,1,1,2,2,2,2 -144,1,1,1,1,2,2,1 -145,1,2,2,,2,2,1 -146,2,,2,,2,2,2 -147,1,1,2,,2,2,1 -148,1,1,1,2,2,2,1 -149,2,,2,,2,2,2 -150,1,1,2,,2,2,1 -151,1,2,1,2,2,2,1 -152,1,1,1,2,2,2,1 -153,1,1,1,2,2,2,2 -154,2,,2,,2,2,2 -155,1,2,1,2,2,2,1 -156,1,1,2,,2,2,2 -157,1,1,2,,2,2,1 -158,1,1,1,2,2,2,1 -159,1,1,1,2,2,2,1 -160,2,,2,,2,2,2 -161,1,1,2,,2,2,1 -162,2,,2,,2,2,2 -163,1,1,2,,2,2,1 -164,1,1,1,2,2,2,2 -165,2,,2,,2,2,1 -166,1,1,1,2,2,2,2 -167,1,1,2,,2,2,1 -168,1,1,2,,2,2,1 -169,1,1,2,,2,1,1 -170,1,1,1,2,2,2,1 -171,1,1,1,2,2,2,2 -172,2,,2,,2,2,2 -173,1,1,1,2,2,1,1 -174,1,1,2,,2,2,1 -175,2,,2,,2,2,1 -176,1,1,2,,2,1,1 -177,1,1,2,,2,2,1 -178,2,,2,,2,2,1 -179,1,1,2,,2,1,2 -180,1,1,2,,2,2,1 -181,1,1,1,2,2,2,1 -182,1,1,2,,2,2,1 -183,1,1,1,1,2,2,1 -184,1,1,1,2,2,1,1 -185,1,1,1,2,2,2,2 -186,2,,2,,2,2,2 -187,2,,2,,2,2,2 -188,1,1,2,,2,1,1 -189,1,1,2,,2,2,1 -190,2,,2,,2,2,1 -191,2,,2,,2,2,2 -192,2,,2,,2,2,2 -193,1,1,2,,2,2,1 -194,1,1,2,,2,2,2 -195,1,1,1,2,2,2,1 -196,2,,1,2,2,2,2 -197,1,1,1,2,2,2,1 -198,1,1,2,,2,2,2 -199,1,1,1,2,2,2,1 -200,1,1,1,2,2,2,2 -201,1,1,1,2,2,2,2 -202,1,1,1,1,2,2,1 -203,2,,2,,2,1,1 -204,1,1,1,2,2,2,1 -205,1,1,2,,2,2,2 -206,1,1,1,2,2,1,1 -207,2,,2,,2,2,2 -208,1,1,2,,2,1,2 -209,1,1,2,,2,2,2 -210,1,1,1,2,2,2,1 -211,1,1,2,,2,2,1 -212,1,1,2,,2,2,1 -213,1,1,1,2,2,2,2 -214,1,1,1,2,2,2,1 -215,1,1,1,2,2,2,2 -216,1,1,1,2,2,2,1 -217,2,,2,,2,2,1 -218,1,1,2,,2,2,2 -219,1,1,2,,2,2,1 -220,1,1,1,1,2,2,1 -221,1,1,2,,2,1,1 -222,1,1,2,,2,2,2 -223,2,,2,,2,2,2 -224,2,,2,,2,2,2 -225,1,1,2,,2,2,2 -226,2,,1,2,2,2,1 -227,1,1,2,,2,2,1 -228,1,1,2,,2,1,2 -229,2,,2,,2,2,2 -230,1,1,1,2,2,2,2 -231,1,1,1,2,2,2,2 -232,2,,2,,2,2,2 -233,1,1,1,2,2,2,2 -234,2,,2,,2,2,2 -235,1,1,1,2,2,2,1 -236,2,,1,2,2,2,2 -237,1,1,1,2,2,2,1 -238,1,2,1,1,2,2,2 -239,1,1,2,,2,1,1 -240,1,1,2,,2,2,1 -241,1,1,1,2,2,2,1 -242,2,,2,,2,2,2 -243,1,1,1,2,2,2,2 -244,1,2,1,1,2,2,1 -245,1,1,1,2,2,2,1 -246,1,1,1,2,2,1,2 -247,1,1,2,,2,2,1 -248,1,1,1,2,2,2,2 -249,2,,1,2,2,2,2 -250,1,1,2,,2,2,1 -251,1,1,2,,2,2,2 -252,2,,1,2,2,2,2 -253,1,1,2,,2,2,2 -254,2,,2,,2,2,2 -255,1,1,1,2,2,2,2 -256,1,1,1,2,2,2,1 -257,1,1,2,,2,2,2 -258,2,,2,,2,2,2 -259,1,1,2,,2,2,2 -260,1,1,1,2,2,2,2 -261,1,1,1,2,2,2,1 -262,2,,2,,2,2,2 -263,1,1,1,2,2,2,1 -264,1,1,1,2,2,2,2 -265,1,1,2,,2,2,2 -266,1,1,2,,2,2,2 -267,1,1,1,2,2,2,2 -268,2,,2,,2,2,2 -269,1,2,2,,2,2,2 -270,2,,2,,2,1,2 -271,1,1,2,,2,2,2 -272,2,,1,2,2,2,2 -273,1,1,2,,2,2,2 -274,1,1,2,,2,2,2 -275,2,,1,1,2,2,1 -276,1,1,2,,2,2,2 -277,2,,2,,2,2,2 -278,2,,2,,2,2,2 -279,2,,2,,2,2,2 -280,2,,2,,2,2,2 -281,2,,2,,2,2,2 -282,1,1,1,2,2,2,1 -283,1,1,2,,2,2,2 -284,2,,2,,2,2,1 -285,1,1,1,2,2,2,1 -286,1,1,1,2,2,2,1 -287,1,1,1,2,2,2,1 -288,1,1,1,2,2,2,1 -289,2,,2,,2,2,2 -290,1,1,1,2,2,2,1 -291,1,1,2,,2,2,1 -292,1,1,2,,2,2,2 -293,2,,2,,2,2,1 -294,2,,1,2,2,2,2 -295,2,,2,,2,2,2 -296,1,1,2,,2,2,1 -297,1,1,1,2,2,2,1 -298,2,,2,,2,2,2 -299,1,1,1,2,2,2,1 -300,1,1,1,2,2,2,1 -301,1,1,2,,2,2,2 -302,1,1,2,,2,2,1 -303,1,1,1,2,2,2,2 -304,1,1,1,2,2,2,1 -305,2,,2,,2,2,1 -306,1,1,2,,2,2,1 -307,1,1,2,,2,2,1 -308,1,1,1,2,2,2,1 -309,2,,2,,2,1,2 -310,1,1,2,,2,2,2 -311,2,,2,,2,2,2 -312,2,,2,,2,2,1 -313,1,1,2,,2,2,2 -314,1,1,1,2,2,2,2 -315,1,1,2,,2,2,2 -316,1,1,1,2,2,2,1 -317,1,1,2,,2,2,2 -318,1,1,2,,2,2,2 -319,1,1,1,2,2,2,2 -320,1,1,1,2,2,2,1 -321,1,1,1,2,2,2,1 -322,1,1,1,2,2,2,1 -323,2,,2,,2,2,1 -324,1,1,1,2,2,2,2 -325,1,1,1,2,2,2,2 -326,1,2,2,,2,2,1 -327,1,1,2,,2,2,2 -328,1,1,1,2,2,1,1 -329,1,1,1,2,2,2,2 -330,1,1,2,,2,2,2 -331,2,,2,,2,2,2 -332,2,,2,,2,2,1 -333,1,1,1,2,2,2,1 -334,1,1,2,,2,2,1 -335,1,1,1,2,2,2,2 -336,1,1,1,2,2,2,1 -337,1,2,2,,2,2,1 -338,2,,2,,2,1,1 -339,2,,2,,2,2,2 -340,1,1,2,,2,2,2 -341,1,1,1,2,2,2,1 -342,1,1,2,,2,1,2 -343,1,1,2,,2,2,2 -344,1,1,1,2,2,2,2 -345,1,1,2,,2,2,2 -346,2,,2,,2,2,1 -347,1,1,1,2,2,2,1 -348,2,,2,,2,2,2 -349,1,1,2,,2,2,2 -350,2,,2,,2,2,1 -351,1,1,1,2,2,2,1 -352,1,1,1,2,2,2,1 -353,2,,2,,2,2,2 -354,2,,2,,2,2,1 -355,1,2,1,2,2,1,1 -356,1,1,1,2,2,2,1 -357,1,1,1,2,2,2,2 -358,2,,2,,2,2,1 -359,1,1,2,,2,2,1 -360,2,,2,,2,2,2 -361,1,1,2,,2,1,2 -362,2,,2,,2,2,1 -363,1,1,2,,2,2,1 -364,1,1,2,,2,2,2 -365,1,1,2,,2,2,1 -366,2,,2,,1,2,1 -367,1,1,1,1,2,2,2 -368,1,1,1,2,2,2,1 -369,1,1,2,,2,2,1 -370,1,1,1,2,2,2,1 -371,2,,2,,2,1,1 -372,1,1,2,,2,1,1 -373,2,,2,,2,2,2 -374,1,1,2,,2,2,1 -375,2,,2,,2,2,1 -376,2,,1,1,2,2,1 -377,1,1,2,,2,2,2 -378,2,,2,,2,2,1 -379,1,2,1,2,2,2,1 -380,1,1,2,,2,2,1 -381,2,,2,,2,2,2 -382,1,1,1,2,2,2,1 -383,1,1,1,2,2,2,2 -384,1,1,1,2,2,2,2 -385,2,,2,,2,2,2 -386,1,1,1,2,2,2,1 -387,1,1,1,2,2,1,1 -388,2,,2,,2,2,1 -389,2,,2,,2,2,1 -390,1,1,1,2,2,1,1 -391,1,1,2,,2,2,2 -392,1,1,2,,2,2,2 -393,2,,2,,2,1,2 -394,2,,2,,2,2,2 -395,2,,2,,2,2,2 -396,1,1,2,,2,2,2 -397,1,1,2,,2,2,2 -398,1,1,2,,2,2,2 -399,1,2,1,1,1,2,1 -400,1,1,1,2,2,2,1 -401,1,1,1,2,2,2,2 -402,2,,2,,2,2,2 -403,2,,2,,2,2,2 -404,2,,2,,2,2,2 -405,2,,2,,2,2,2 -406,1,1,1,2,2,2,1 -407,1,1,1,2,2,2,2 -408,1,1,2,,2,2,2 -409,2,,2,,2,2,2 -410,1,1,1,1,2,2,1 -411,2,,2,,2,2,2 -412,1,1,1,2,2,2,2 -413,1,1,2,,2,2,2 -414,1,1,1,1,2,2,1 -415,1,1,1,2,2,2,1 -416,1,1,1,2,2,2,2 -417,1,1,2,,2,2,1 -418,1,1,1,2,2,2,2 -419,1,1,2,,2,2,2 -420,1,1,2,,2,2,2 -421,1,1,1,2,2,2,2 -422,2,,2,,2,2,1 -423,1,1,1,2,2,2,2 -424,2,,2,,2,2,2 -425,1,1,2,,2,2,2 -426,2,,1,2,2,2,2 -427,2,,2,,2,2,1 -428,1,1,2,,2,2,1 -429,1,1,2,,2,2,1 -430,1,1,1,2,2,2,1 -431,1,1,1,2,2,2,1 -432,2,,2,,2,2,2 -433,1,1,1,1,2,2,1 -434,1,1,1,2,2,2,2 -435,1,1,1,2,2,2,1 -436,1,1,2,,2,2,2 -437,1,1,1,2,2,2,2 -438,1,1,1,2,2,2,1 -439,1,1,2,,2,2,1 -440,1,1,2,,2,1,2 -441,2,,2,,2,2,2 -442,1,1,1,2,2,2,1 -443,2,,2,,2,2,2 -444,1,2,2,,2,2,1 -445,1,1,1,2,2,1,2 -446,1,1,2,,2,2,2 -447,1,1,2,,2,2,1 -448,1,2,1,2,2,1,1 -449,1,1,1,2,2,2,2 -450,1,1,2,,2,2,1 -451,2,,1,2,2,2,2 -452,1,1,1,2,2,2,1 -453,1,1,2,,2,2,2 -454,1,1,1,2,2,2,2 -455,2,,2,,2,2,2 -456,1,1,1,2,2,2,2 -457,1,1,1,2,2,1,1 -458,1,1,1,2,2,2,2 -459,2,,1,2,2,1,2 -460,1,1,2,,2,2,1 -461,1,1,1,2,2,2,2 -462,2,,1,1,1,2,1 -463,2,,2,,2,2,2 -464,1,1,2,,2,2,2 -465,1,2,1,1,2,2,1 -466,2,,1,2,2,2,1 -467,2,,2,,2,2,2 -468,1,1,1,2,2,2,2 -469,1,1,2,,2,2,1 -470,1,1,2,,2,2,2 -471,1,1,2,,2,2,2 -472,1,1,1,2,2,2,1 -473,1,1,2,,2,2,2 -474,1,1,1,2,2,2,2 -475,1,1,1,2,2,2,2 -476,2,,1,2,2,2,2 -477,1,1,2,,2,2,1 -478,1,1,1,2,2,2,1 -479,2,,2,,2,2,2 -480,1,1,2,,2,2,2 -481,2,,2,,2,2,2 -482,1,1,1,2,2,2,2 -483,2,,2,,2,2,2 -484,1,1,2,,2,2,1 -485,2,,2,,2,2,2 -486,1,1,1,2,2,2,2 -487,2,,2,,2,2,1 -488,2,,2,,2,2,2 -489,2,,1,2,2,2,2 -490,1,1,2,,2,2,1 -491,2,,2,,2,2,1 -492,2,,2,,2,2,2 -493,2,,2,,2,2,2 -494,1,2,1,2,2,2,1 -495,1,1,1,2,2,2,2 -496,1,1,1,2,2,2,1 -497,2,,2,,2,2,1 -498,1,1,1,2,2,2,2 -499,2,,2,,2,2,1 -500,1,1,2,,2,2,1 -501,1,1,1,2,2,2,1 -502,1,1,1,2,2,2,2 -503,1,1,2,,2,2,2 -504,2,,2,,2,2,2 -505,2,,2,,2,2,1 -506,2,,2,,2,2,2 -507,1,1,1,2,2,1,1 -508,1,1,1,2,2,2,2 -509,1,1,2,,2,2,1 -510,1,1,2,,2,2,2 -511,2,,2,,2,2,1 -512,1,1,2,,2,2,1 -513,1,1,1,2,2,2,1 -514,1,1,1,2,2,2,1 -515,1,1,1,2,2,2,2 -516,1,1,1,1,2,2,1 -517,1,1,1,2,2,2,2 -518,2,,2,,2,2,2 -519,1,1,1,2,2,2,2 -520,1,2,1,2,2,2,1 -521,1,1,1,2,2,1,1 -522,1,2,1,1,2,2,1 -523,1,1,2,,2,2,1 -524,2,,2,,2,2,2 -525,1,1,2,,2,2,1 -526,1,1,1,2,2,2,2 -527,1,1,1,2,2,2,1 -528,2,,2,,2,2,1 -529,1,1,2,,2,2,1 -530,2,,2,,2,2,2 -531,1,1,1,2,2,2,1 -532,1,1,1,2,2,2,1 -533,1,1,1,2,2,2,2 -534,1,1,2,,2,2,2 -535,1,1,1,1,2,1,1 -536,1,1,2,,2,2,1 -537,1,1,1,2,2,2,1 -538,1,1,2,,2,2,1 -539,1,1,1,2,2,2,2 -540,1,1,1,2,2,1,1 -541,2,,2,,2,2,2 -542,1,1,2,,2,2,1 -543,1,1,2,,2,2,1 -544,1,1,1,2,2,2,2 -545,2,,2,,2,2,1 -546,1,2,1,2,2,2,1 -547,1,1,2,,2,2,1 -548,1,1,1,2,2,2,2 -549,1,2,1,2,2,2,1 -550,1,1,1,2,2,2,2 -551,1,1,2,,2,2,2 -552,2,,2,,2,2,2 -553,2,,2,,2,2,1 -554,1,1,1,2,2,2,1 -555,1,1,2,,2,2,2 -556,2,,2,,2,2,1 -557,1,1,1,2,2,2,2 -558,1,1,2,,2,1,1 -559,1,1,2,,2,2,1 -560,2,,2,,2,2,1 -561,1,1,1,2,2,2,2 -562,1,1,2,,2,2,2 -563,1,2,2,,2,2,1 -564,2,,2,,2,2,1 -565,2,,2,,2,2,2 -566,2,,2,,2,2,2 -567,1,1,1,2,2,2,1 -568,1,1,1,2,2,2,2 -569,2,,2,,2,2,1 -570,1,2,2,,2,2,1 -571,2,,2,,2,2,2 -572,1,1,2,,2,2,1 -573,1,1,1,2,2,2,1 -574,1,1,1,1,2,2,1 -575,1,1,1,2,2,2,1 -576,1,1,1,2,2,1,1 -577,2,,2,,2,2,1 -578,1,1,2,,2,2,1 -579,1,1,2,,2,1,1 -580,1,1,2,,2,2,1 -581,2,,2,,2,2,2 -582,1,1,1,2,2,2,1 -583,1,1,2,,2,2,2 -584,2,,2,,2,2,2 -585,1,1,2,,2,2,2 -586,1,1,1,2,2,2,1 -587,1,1,2,,2,1,1 -588,2,,2,,2,2,1 -589,1,1,1,2,2,2,2 -590,2,,2,,2,2,1 -591,1,2,1,1,2,1,1 -592,1,1,2,,2,2,2 -593,1,1,1,2,2,2,2 -594,1,1,1,2,2,2,1 -595,1,1,1,2,2,2,1 -596,1,1,1,2,2,2,1 -597,2,,2,,2,2,2 -598,2,,2,,2,1,2 -599,2,,2,,2,2,2 -600,1,1,2,,2,2,2 -601,1,1,1,2,2,2,2 -602,1,1,2,,2,2,1 -603,1,1,1,2,2,2,2 -604,2,,2,,2,2,2 -605,1,1,1,2,2,2,2 -606,1,2,1,2,2,1,1 -607,1,1,1,2,2,2,2 -608,1,2,1,2,2,2,1 -609,2,,2,,2,2,2 -610,1,1,2,,2,2,2 -611,1,1,1,1,2,2,1 -612,1,1,2,,2,2,2 -613,1,1,1,2,2,2,1 -614,1,1,1,2,2,2,2 -615,1,1,2,,2,2,1 -616,1,1,1,2,2,2,2 -617,1,1,2,,2,2,1 -618,1,1,1,2,2,2,1 -619,2,,2,,2,2,2 -620,1,1,1,2,2,2,2 -621,1,1,2,,2,2,2 -622,1,1,1,2,2,1,1 -623,1,1,2,,2,2,1 -624,1,1,1,2,2,2,1 -625,2,,2,,2,2,1 -626,1,1,2,,2,2,2 -627,1,1,1,2,2,2,1 -628,2,,1,2,2,2,2 -629,1,1,2,,2,2,2 -630,1,1,1,2,2,2,2 -631,1,1,1,2,2,2,2 -632,1,2,1,2,2,2,1 -633,1,1,2,,2,2,1 -634,2,,2,,2,2,2 -635,2,,2,,2,2,2 -636,1,1,2,,2,2,1 -637,1,1,1,2,2,2,1 -638,2,,2,,2,2,2 -639,2,,2,,2,2,2 -640,1,1,2,,2,2,2 -641,2,,2,,2,2,2 -642,1,1,1,2,2,2,1 -643,1,1,1,2,2,2,2 -644,2,,2,,2,2,1 -645,1,1,1,2,2,1,2 -646,1,1,2,,2,2,1 -647,1,1,1,2,2,2,2 -648,1,1,1,2,2,2,1 -649,1,1,1,2,2,2,2 -650,1,2,1,2,2,2,1 -651,2,,2,,2,2,1 -652,2,,2,,2,2,1 -653,1,1,1,2,2,2,2 -654,1,1,2,,2,2,1 -655,2,,2,,2,2,1 -656,2,,2,,2,2,2 -657,1,2,1,2,2,1,1 -658,1,1,1,2,2,2,2 -659,1,1,1,2,2,2,1 -660,2,,2,,2,2,2 -661,1,1,1,2,2,2,1 -662,2,,2,,2,2,1 -663,1,1,2,,2,2,1 -664,2,,2,,2,2,1 -665,1,1,2,,2,2,1 -666,1,1,2,,2,2,2 -667,2,,2,,2,2,2 -668,1,1,2,,2,2,1 -669,1,2,1,1,1,2,1 -670,2,,2,,2,2,2 -671,1,1,1,2,2,2,2 -672,1,1,1,2,2,2,2 -673,1,1,1,2,2,2,1 -674,1,1,2,,2,2,1 -675,1,2,2,,2,2,1 -676,1,1,1,2,2,2,1 -677,2,,2,,2,2,2 -678,2,,2,,2,2,2 -679,1,1,2,,2,2,1 -680,2,,2,,2,1,2 -681,1,1,2,,2,2,2 -682,1,1,2,,2,2,2 -683,1,1,1,2,2,2,1 -684,2,,1,2,2,2,2 -685,2,,2,,2,2,2 -686,1,1,1,2,2,1,1 -687,1,1,1,2,2,1,1 -688,1,1,2,,2,2,2 -689,1,1,1,2,2,2,1 -690,1,1,2,,2,2,2 -691,1,1,2,,2,2,2 -692,2,,2,,2,2,2 -693,1,1,1,2,2,2,2 -694,1,1,1,1,2,2,1 -695,1,2,2,,2,2,1 -696,1,1,2,,2,2,2 -697,2,,2,,2,2,2 -698,2,,2,,2,2,1 -699,1,1,2,,2,2,1 -700,1,1,2,,2,2,1 -701,1,1,1,2,2,2,1 -702,2,,2,,2,2,1 -703,2,,2,,2,2,1 -704,2,,2,,2,2,2 -705,2,,2,,2,2,2 -706,1,1,1,2,2,2,1 -707,1,1,1,2,2,1,2 -708,1,1,1,2,2,2,1 -709,2,,2,,2,2,1 -710,1,1,2,,2,2,1 -711,2,,1,2,2,2,1 -712,1,1,2,,2,2,1 -713,2,,2,,2,2,2 -714,1,1,2,,2,2,1 -715,2,,2,,2,2,2 -716,2,,2,,2,2,1 -717,1,1,1,1,2,2,1 -718,2,,1,2,2,2,2 -719,1,1,1,2,2,2,2 -720,1,1,1,2,2,2,1 -721,1,1,1,2,2,2,1 -722,1,1,2,,2,2,1 -723,2,,2,,2,2,2 -724,2,,2,,2,2,2 -725,1,1,1,2,2,2,2 -726,1,1,1,2,2,1,2 -727,2,,2,,2,2,1 -728,1,1,1,2,2,2,1 -729,1,2,1,1,2,2,1 -730,1,1,2,,2,2,1 -731,2,,2,,2,2,1 -732,1,1,1,2,2,2,2 -733,1,1,1,2,2,2,1 -734,1,1,2,,2,2,1 -735,2,,2,,2,2,2 -736,1,1,2,,2,2,2 -737,1,1,2,,2,2,1 -738,1,1,1,2,2,2,2 -739,1,1,2,,2,2,1 -740,1,1,1,2,2,2,2 -741,2,,2,,2,2,2 -742,1,1,1,2,2,1,1 -743,2,,2,,2,2,2 -744,1,1,2,,2,2,2 -745,2,,2,,2,2,2 -746,1,1,2,,2,1,1 -747,1,1,2,,2,1,1 -748,1,1,2,,2,2,1 -749,2,,1,1,2,2,1 -750,1,1,1,2,2,1,1 -751,1,1,1,2,2,2,2 -752,1,1,2,,2,2,1 -753,2,,2,,2,2,2 -754,2,,2,,2,2,2 -755,1,1,2,,2,2,1 -756,1,1,1,2,2,2,1 -757,2,,2,,2,2,2 -758,1,1,1,2,2,2,2 -759,1,1,2,,2,2,2 -760,1,1,1,2,2,2,1 -761,2,,2,,2,2,1 -762,1,1,1,2,2,2,1 -763,1,1,1,2,2,2,1 -764,1,1,1,2,2,2,2 -765,2,,2,,2,2,2 -766,1,1,1,1,2,2,1 -767,2,,2,,2,2,1 -768,2,,2,,2,2,2 -769,2,,2,,2,2,2 -770,1,1,1,2,2,2,2 -771,1,1,1,2,2,2,1 -772,1,1,1,2,2,2,2 -773,1,1,1,2,2,2,2 -774,1,1,2,,2,2,1 -775,2,,2,,2,2,2 -776,2,,2,,2,2,2 -777,2,,2,,2,2,2 -778,1,1,2,,2,2,1 -779,1,1,2,,2,2,1 -780,1,1,1,2,2,2,1 -781,1,1,1,2,2,2,1 -782,2,,2,,2,2,2 -783,1,1,2,,2,2,2 -784,1,1,2,,2,2,1 -785,2,,2,,2,2,2 -786,1,1,1,2,2,2,1 -787,1,1,2,,2,2,1 -788,1,1,1,2,2,2,2 -789,2,,2,,2,2,2 -790,1,1,1,2,2,1,2 -791,1,1,1,2,2,2,1 -792,1,1,1,2,2,1,1 -793,2,,2,,2,2,2 -794,1,1,2,,2,2,1 -795,1,1,2,,2,2,2 -796,2,,1,2,2,2,1 -797,2,,2,,2,2,2 -798,1,1,2,,2,1,2 -799,1,1,2,,2,2,2 -800,1,1,1,2,2,2,2 -801,1,1,2,,2,2,2 -802,2,,2,,2,2,1 -803,1,1,1,2,2,2,2 -804,1,1,2,,2,2,1 -805,2,,2,,2,2,2 -806,1,1,2,,2,2,1 -807,2,,1,2,2,2,2 -808,1,1,2,,2,2,2 -809,1,1,2,,2,2,1 -810,2,,2,,2,2,1 -811,1,1,1,2,2,2,2 -812,1,1,1,2,2,2,1 -813,2,,2,,2,2,2 -814,1,1,2,,2,2,1 -815,1,1,1,2,2,2,1 -816,1,1,2,,2,2,1 -817,1,1,1,2,2,2,2 -818,1,1,1,2,2,2,2 -819,1,1,1,2,2,2,1 -820,1,1,1,2,2,2,1 -821,1,1,2,,2,1,2 -822,2,,2,,2,2,2 -823,2,,2,,2,2,2 -824,1,1,2,,2,2,2 -825,2,,2,,2,2,2 -826,2,,1,2,2,2,2 -827,1,1,1,2,2,1,1 -828,1,1,1,2,2,2,1 -829,2,,2,,2,2,2 -830,2,,2,,2,2,1 -831,1,1,2,,2,2,1 -832,1,1,1,2,2,2,2 -833,2,,2,,2,2,2 -834,1,2,1,2,2,2,1 -835,2,,2,,2,2,2 -836,1,1,1,2,2,2,2 -837,1,1,2,,2,2,2 -838,1,1,1,2,2,2,1 -839,2,,2,,2,2,1 -840,2,,2,,2,2,1 -841,1,1,1,2,2,2,1 -842,1,1,1,2,2,1,1 -843,2,,2,,2,2,2 -844,2,,2,,2,2,2 -845,2,,1,2,2,2,2 -846,1,1,1,2,2,2,1 -847,1,1,2,,1,2,1 -848,2,,2,,2,1,1 -849,1,1,2,,2,2,2 -850,1,1,1,2,2,2,1 -851,1,1,1,2,2,2,2 -852,1,1,1,2,2,2,1 -853,2,,2,,2,2,2 -854,1,1,2,,2,2,1 -855,2,,2,,2,2,2 -856,1,1,1,2,2,2,1 -857,1,1,1,2,2,2,1 -858,1,1,2,,2,2,1 -859,2,,1,2,2,2,2 -860,2,,1,2,2,2,2 -861,1,1,1,2,2,2,1 -862,1,1,1,2,2,2,2 -863,1,2,1,1,2,2,1 -864,1,1,1,2,2,2,2 -865,1,1,2,,2,2,1 -866,2,,1,2,2,2,2 -867,2,,2,,2,2,2 -868,1,1,2,,2,2,1 -869,1,1,2,,2,2,1 -870,2,,2,,2,2,2 -871,1,1,1,2,2,2,2 -872,2,,2,,2,2,2 -873,2,,2,,2,2,2 -874,1,1,2,,2,2,2 -875,2,,2,,2,2,1 -876,1,1,1,2,2,2,1 -877,2,,2,,2,2,1 -878,1,1,1,2,2,2,1 -879,1,1,1,2,2,2,2 -880,1,1,2,,2,2,2 -881,2,,2,,2,1,2 -882,2,,2,,2,2,2 -883,2,,1,1,2,1,2 -884,1,1,2,,2,1,2 -885,1,1,1,2,2,2,2 -886,1,1,2,,2,1,1 -887,1,1,1,2,2,2,1 -888,1,1,2,,2,2,1 -889,2,,2,,2,2,2 -890,1,2,2,,2,2,1 -891,2,,2,,2,2,2 -892,2,,2,,2,2,1 -893,1,1,1,2,2,2,2 -894,2,,2,,2,2,2 -895,2,,2,,2,2,2 -896,1,1,1,2,2,2,1 -897,1,1,1,2,2,2,2 -898,1,1,1,2,2,2,2 -899,1,1,2,,2,2,1 -900,1,1,1,2,2,2,2 -901,1,1,1,2,2,1,1 -902,1,1,2,,2,2,2 -903,2,,2,,2,2,2 -904,1,1,1,2,2,2,1 -905,1,1,1,2,2,2,1 -906,2,,2,,2,2,2 -907,1,1,2,,2,2,1 -908,2,,2,,2,2,1 -909,2,,2,,2,2,2 -910,2,,2,,2,2,2 -911,1,1,1,2,2,2,2 -912,1,1,1,2,2,1,1 -913,2,,2,,2,1,2 -914,2,,2,,2,2,2 -915,1,1,1,2,2,1,1 -916,2,,2,,2,2,2 -917,1,2,2,,2,2,1 -918,1,1,2,,2,2,1 -919,1,1,2,,2,2,1 -920,2,,2,,2,1,2 -921,1,1,2,,2,2,1 -922,1,1,2,,2,2,1 -923,1,1,2,,2,2,2 -924,2,,2,,2,2,1 -925,1,1,2,,2,2,2 -926,1,1,1,2,2,2,1 -927,2,,2,,2,2,2 -928,2,,2,,2,2,2 -929,1,1,2,,2,2,2 -930,1,1,1,2,2,2,2 -931,1,2,1,2,2,2,1 -932,2,,2,,2,2,2 -933,2,,2,,2,2,1 -934,2,,2,,2,2,2 -935,2,,2,,2,2,1 -936,1,1,1,2,2,2,2 -937,1,1,2,,1,1,2 -938,1,1,2,,2,2,2 -939,1,1,1,1,1,1,1 -940,1,1,2,,2,2,1 -941,1,1,1,2,2,1,1 -942,1,1,2,,2,2,1 -943,1,1,1,2,2,2,1 -944,2,,2,,2,2,1 -945,1,1,2,,2,2,2 -946,1,1,1,2,2,2,1 -947,1,1,2,,2,2,2 -948,1,1,2,,2,2,2 -949,1,2,1,2,2,1,1 -950,1,1,1,2,2,1,1 -951,2,,2,,2,2,2 -952,1,1,2,,2,2,2 -953,1,1,1,2,2,2,2 -954,1,1,1,2,2,2,1 -955,1,1,2,,2,2,1 -956,2,,2,,2,2,1 -957,1,1,2,,2,2,1 -958,1,1,2,,2,2,1 -959,1,1,2,,2,2,2 -960,2,,2,,2,2,1 -961,1,1,2,,2,2,2 -962,1,1,1,2,2,2,1 -963,2,,2,,2,2,2 -964,1,1,1,2,2,2,1 -965,2,,2,,2,2,1 -966,1,1,1,2,2,2,2 -967,2,,2,,2,2,1 -968,1,1,1,2,2,1,2 -969,2,,2,,2,2,2 -970,1,1,1,2,2,1,1 -971,1,1,1,2,2,1,1 -972,1,1,2,,2,1,2 -973,1,1,1,2,2,2,2 -974,2,,2,,2,2,1 -975,2,,2,,2,2,2 -976,1,1,1,2,2,1,2 -977,1,1,2,,2,2,1 -978,1,1,2,,2,2,2 -979,2,,2,,2,2,2 -980,2,,2,,2,2,2 -981,2,,1,2,2,2,1 -982,1,1,2,,2,2,1 -983,1,1,1,2,2,2,1 -984,2,,2,,2,2,2 -985,1,1,1,2,2,2,2 -986,1,1,2,,2,2,1 -987,1,1,2,,2,2,2 -988,1,1,1,2,2,2,1 -989,2,,2,,2,2,2 -990,1,1,1,2,2,2,1 -991,2,,2,,2,2,2 -992,1,1,1,2,2,2,1 -993,1,1,2,,2,2,2 -994,1,1,2,,2,2,2 -995,1,1,2,,2,2,2 -996,2,,2,,2,2,2 -997,2,,2,,2,2,2 -998,2,,2,,2,2,2 -999,1,1,1,2,2,2,2 -1000,1,1,1,2,2,2,1 -1001,1,1,1,2,2,1,1 -1002,1,1,2,,2,2,1 -1003,2,,2,,2,2,1 -1004,2,,2,,2,2,1 -1005,2,,2,,2,2,2 -1006,1,1,2,,2,2,1 -1007,1,1,1,2,2,2,1 -1008,1,1,1,2,2,2,2 -1009,1,1,1,2,2,2,1 -1010,2,,2,,2,2,2 -1011,1,1,2,,2,2,2 -1012,2,,2,,2,2,2 -1013,2,,2,,2,2,2 -1014,2,,2,,2,2,2 -1015,1,1,2,,2,2,2 -1016,2,,1,2,2,2,2 -1017,2,,2,,2,1,2 -1018,1,1,2,,2,2,2 -1019,2,,1,2,2,2,2 -1020,1,1,1,2,2,2,1 -1021,1,1,2,,2,1,2 -1022,1,1,2,,2,2,2 -1023,1,1,1,2,2,2,1 -1024,2,,2,,2,2,1 -1025,1,1,1,2,2,2,1 -1026,2,,2,,2,2,1 -1027,2,,2,,2,2,2 -1028,1,1,2,,2,2,1 -1029,2,,2,,2,2,2 -1030,1,1,1,2,2,1,1 -1031,2,,2,,2,2,2 -1032,1,1,1,2,2,2,2 -1033,2,,2,,2,2,2 -1034,1,1,1,1,2,2,1 -1035,1,1,1,2,2,2,1 -1036,1,1,1,2,2,2,2 -1037,2,,2,,2,2,2 -1038,1,1,1,1,2,2,1 -1039,1,2,1,2,2,2,1 -1040,2,,2,,2,2,2 -1041,1,1,1,2,2,2,1 -1042,1,1,1,2,2,2,2 -1043,1,1,1,2,2,2,1 -1044,1,1,1,2,2,2,1 -1045,1,2,2,,2,2,2 -1046,1,1,1,2,2,2,2 -1047,2,,2,,2,2,2 -1048,1,1,2,,2,2,2 -1049,1,2,1,2,2,2,1 -1050,1,1,1,2,2,2,2 -1051,1,1,1,2,2,2,2 -1052,2,,2,,2,2,2 -1053,1,1,2,,2,2,1 -1054,1,1,1,2,2,2,1 -1055,2,,2,,2,2,2 -1056,1,1,1,2,2,2,1 -1057,2,,2,,2,2,2 -1058,1,1,2,,2,2,2 -1059,2,,2,,2,2,2 -1060,2,,2,,2,2,2 -1061,1,1,1,2,2,2,1 -1062,2,,2,,2,2,1 -1063,1,1,2,,2,2,2 -1064,2,,2,,2,2,2 -1065,1,1,1,2,2,2,1 -1066,1,1,2,,2,2,2 -1067,1,1,2,,2,1,2 -1068,1,1,1,2,2,2,1 -1069,2,,2,,2,2,2 -1070,1,1,2,,2,1,2 -1071,1,1,1,2,2,1,2 -1072,2,,2,,2,2,2 -1073,1,2,2,,2,2,2 -1074,2,,2,,2,2,1 -1075,1,1,2,,2,2,2 -1076,1,1,1,1,2,2,1 -1077,1,1,2,,2,2,2 -1078,2,,2,,2,2,2 -1079,2,,2,,2,2,2 -1080,1,1,2,,2,2,1 -1081,1,1,2,,2,2,2 -1082,1,1,2,,2,2,2 -1083,2,,2,,2,2,2 -1084,1,1,1,2,2,2,2 -1085,2,,2,,2,1,1 -1086,2,,2,,2,2,2 -1087,1,1,1,2,2,2,1 -1088,1,1,2,,2,2,1 -1089,2,,2,,2,2,2 -1090,2,,2,,2,2,2 -1091,1,1,1,2,2,2,2 -1092,1,2,2,,2,2,1 -1093,2,,2,,2,2,1 -1094,2,,2,,2,2,1 -1095,1,1,2,,2,1,1 -1096,2,,2,,2,2,1 -1097,1,1,1,2,2,2,1 -1098,2,,2,,2,1,1 -1099,1,1,1,2,2,2,1 -1100,1,2,2,,2,2,1 -1101,2,,2,,2,2,1 -1102,1,1,2,,2,2,1 -1103,1,1,2,,2,2,2 -1104,1,1,1,2,2,1,1 -1105,1,2,1,1,2,1,1 -1106,1,1,1,2,2,2,1 -1107,2,,2,,2,2,2 -1108,1,1,2,,2,2,1 -1109,1,2,1,2,2,1,1 -1110,1,1,2,,2,2,1 -1111,1,1,1,2,2,2,2 -1112,1,1,1,2,2,2,2 -1113,2,,2,,2,2,2 -1114,1,1,2,,2,2,2 -1115,2,,2,,2,2,2 -1116,2,,1,2,2,2,1 -1117,1,1,1,2,2,2,1 -1118,2,,2,,2,2,1 -1119,1,1,1,2,2,2,1 -1120,1,1,2,,2,2,2 -1121,1,1,2,,2,2,1 -1122,1,1,1,2,2,2,2 -1123,2,,2,,2,2,2 -1124,1,1,1,2,2,2,2 -1125,1,1,1,2,2,2,1 -1126,2,,2,,2,2,2 -1127,2,,2,,2,2,2 -1128,2,,2,,2,2,1 -1129,2,,2,,2,2,2 -1130,1,1,1,2,2,2,2 -1131,2,,2,,2,1,2 -1132,2,,2,,2,1,1 -1133,1,1,1,2,2,2,2 -1134,1,1,1,2,2,2,2 -1135,1,1,2,,2,2,2 -1136,1,1,2,,2,2,2 -1137,1,1,1,2,2,2,2 -1138,1,1,1,2,2,2,2 -1139,1,1,1,2,2,2,1 -1140,1,2,1,2,2,1,2 -1141,1,2,1,2,2,2,1 -1142,1,1,1,2,2,2,1 -1143,2,,2,,2,2,2 -1144,1,1,2,,2,2,2 -1145,1,1,2,,2,2,1 -1146,2,,2,,2,2,1 -1147,1,1,1,2,2,2,1 -1148,1,1,1,2,2,2,2 -1149,1,2,1,2,2,2,1 -1150,1,2,2,,2,2,1 -1151,2,,2,,2,2,2 -1152,1,1,1,2,2,2,2 -1153,2,,2,,2,2,1 -1154,2,,2,,2,2,1 -1155,1,1,1,2,2,2,2 -1156,1,1,2,,2,2,1 -1157,1,1,2,,2,2,1 -1158,2,,2,,2,2,2 -1159,2,,2,,2,2,2 -1160,1,1,1,2,2,2,2 -1161,1,1,1,2,2,2,1 -1162,2,,2,,2,2,2 -1163,2,,2,,2,2,1 -1164,1,1,2,,2,2,2 -1165,1,1,1,2,2,2,1 -1166,1,1,1,2,2,2,2 -1167,2,,2,,2,2,1 -1168,1,1,1,2,2,2,2 -1169,2,,2,,2,2,2 -1170,1,1,2,,2,2,2 -1171,1,1,2,,2,2,1 -1172,1,1,1,2,2,2,1 -1173,2,,2,,2,1,1 -1174,2,,2,,2,2,1 -1175,2,,2,,2,2,1 -1176,2,,2,,2,1,2 -1177,2,,2,,2,1,2 -1178,2,,2,,2,1,2 -1179,1,1,1,2,2,2,2 -1180,1,1,1,2,2,2,2 -1181,2,,1,2,2,2,1 -1182,1,1,1,2,2,2,1 -1183,1,1,2,,2,2,2 -1184,2,,2,,2,2,2 -1185,2,,2,,2,2,1 -1186,2,,1,2,2,2,2 -1187,1,1,1,2,2,2,2 -1188,1,1,2,,2,2,2 -1189,1,1,1,2,2,2,2 -1190,1,1,2,,2,2,1 -1191,1,1,1,2,2,2,2 -1192,2,,2,,2,1,2 -1193,1,1,2,,2,2,1 -1194,1,1,2,,2,2,2 -1195,1,1,2,,2,2,1 -1196,1,2,1,2,2,1,1 -1197,1,1,1,2,2,1,1 -1198,1,2,1,2,2,2,1 -1199,1,1,1,2,2,2,1 -1200,2,,2,,2,2,2 -1201,1,1,1,2,2,2,1 -1202,1,1,1,2,2,2,1 -1203,1,1,1,2,2,2,1 -1204,2,,2,,2,2,2 -1205,1,2,2,,2,2,2 -1206,1,1,2,,2,2,1 -1207,1,1,1,2,2,2,1 -1208,1,1,1,2,2,2,2 -1209,1,1,1,2,2,2,2 -1210,1,1,2,,2,2,1 -1211,1,1,1,2,2,2,2 -1212,2,,2,,2,2,2 -1213,1,1,1,2,2,2,1 -1214,1,1,2,,2,2,1 -1215,1,1,1,2,2,2,2 -1216,1,1,2,,2,2,2 -1217,1,1,2,,2,2,1 -1218,1,1,1,2,2,2,1 -1219,1,1,2,,2,2,1 -1220,1,1,1,2,2,2,1 -1221,1,1,1,2,2,2,1 -1222,1,1,1,2,2,2,2 -1223,2,,2,,2,2,2 -1224,1,1,2,,2,2,2 -1225,2,,2,,2,2,2 -1226,2,,2,,2,2,2 -1227,2,,2,,2,2,1 -1228,1,1,2,,2,2,2 -1229,1,1,1,2,2,2,1 -1230,1,1,1,2,2,2,1 -1231,1,1,1,2,2,2,2 -1232,2,,2,,2,2,1 -1233,1,1,1,2,2,2,2 -1234,1,2,2,,2,2,1 -1235,1,1,1,2,2,2,2 -1236,2,,2,,2,2,1 -1237,1,1,2,,2,2,1 -1238,1,1,1,2,2,2,2 -1239,1,1,1,1,2,2,1 -1240,1,1,1,2,2,2,1 -1241,1,1,2,,2,2,2 -1242,1,1,1,2,2,2,2 -1243,1,1,1,2,2,2,1 -1244,1,1,1,2,2,2,1 -1245,1,1,1,2,2,2,2 -1246,1,1,1,2,2,2,1 -1247,1,1,2,,2,1,2 -1248,2,,2,,2,2,2 -1249,1,1,1,2,2,1,2 -1250,1,1,2,,1,2,1 -1251,1,1,2,,2,2,2 -1252,2,,2,,2,2,2 -1253,1,1,1,1,2,2,1 -1254,1,1,1,2,2,1,1 -1255,2,,2,,2,2,2 -1256,1,1,2,,2,2,2 -1257,1,2,2,,2,2,1 -1258,1,1,2,,2,2,2 -1259,2,,2,,2,2,2 -1260,2,,2,,2,1,2 -1261,1,1,1,2,2,2,2 -1262,1,1,2,,2,2,2 -1263,1,1,1,1,2,1,1 -1264,2,,2,,2,2,2 -1265,1,1,2,,2,1,1 -1266,1,1,2,,2,2,2 -1267,1,1,2,,2,2,1 -1268,2,,2,,2,2,2 -1269,1,1,1,2,2,2,2 -1270,2,,1,2,2,2,1 -1271,2,,2,,2,2,1 -1272,1,1,1,2,2,2,1 -1273,1,1,2,,2,1,2 -1274,1,1,2,,2,2,2 -1275,1,2,1,2,2,2,1 -1276,1,1,2,,2,2,2 -1277,1,1,1,2,2,2,1 -1278,2,,2,,2,2,2 -1279,1,1,1,2,1,2,1 -1280,1,1,2,,2,2,1 -1281,1,1,2,,2,2,2 -1282,1,1,2,,2,2,1 -1283,1,1,1,2,2,2,1 -1284,1,1,2,,2,2,1 -1285,2,,2,,2,2,2 -1286,1,1,2,,2,2,1 -1287,2,,2,,2,2,2 -1288,1,1,1,2,2,2,1 -1289,1,2,1,1,2,2,1 -1290,1,1,1,2,2,2,2 -1291,2,,2,,2,2,2 -1292,1,1,1,2,2,2,2 -1293,1,1,2,,2,2,2 -1294,1,1,1,2,2,2,2 -1295,1,1,2,,2,2,2 -1296,1,1,1,2,2,2,2 -1297,1,2,2,,2,2,1 -1298,2,,2,,2,2,2 -1299,1,1,1,2,2,2,1 -1300,1,1,1,2,2,2,2 -1301,1,1,1,2,2,2,2 -1302,2,,2,,2,2,1 -1303,1,1,1,2,2,2,2 -1304,1,1,1,2,2,2,2 -1305,1,1,1,2,2,2,2 -1306,2,,2,,2,2,1 -1307,2,,2,,2,2,2 -1308,1,2,1,1,2,1,1 -1309,2,,1,1,2,2,1 -1310,1,1,1,2,2,2,2 -1311,1,1,2,,2,2,1 -1312,2,,2,,2,2,2 -1313,1,1,2,,2,1,1 -1314,1,1,2,,2,2,2 -1315,1,1,1,2,2,2,2 -1316,2,,2,,2,2,2 -1317,1,1,2,,2,2,2 -1318,2,,2,,2,2,2 -1319,1,1,2,,2,2,2 -1320,2,,2,,2,2,2 -1321,1,1,1,2,2,2,1 -1322,1,1,1,2,2,2,1 -1323,2,,2,,2,2,1 -1324,1,1,2,,2,2,2 -1325,2,,2,,2,2,2 -1326,1,1,1,2,2,1,2 -1327,1,1,2,,2,2,2 -1328,1,1,1,2,2,1,2 -1329,2,,2,,2,2,2 -1330,1,1,1,1,2,2,1 -1331,1,1,2,,2,2,2 -1332,1,1,1,2,2,1,2 -1333,2,,2,,2,2,2 -1334,2,,1,2,2,2,2 -1335,2,,1,2,2,2,2 -1336,1,1,2,,2,2,1 -1337,1,1,1,2,2,2,2 -1338,1,1,2,,2,2,1 -1339,2,,2,,2,2,2 -1340,2,,2,,2,2,2 -1341,2,,2,,2,2,2 -1342,1,1,2,,2,2,2 -1343,2,,2,,2,2,2 -1344,2,,1,2,2,2,2 -1345,2,,2,,2,2,1 -1346,2,,2,,2,2,2 -1347,1,1,1,2,2,2,1 -1348,1,1,1,2,2,2,2 -1349,2,,1,2,2,1,2 -1350,1,1,1,2,2,2,2 -1351,2,,2,,2,2,2 -1352,1,1,2,,2,2,1 -1353,1,1,1,2,2,2,2 -1354,2,,2,,2,2,2 -1355,2,,2,,2,2,2 -1356,1,1,1,2,2,2,2 -1357,2,,1,2,2,2,2 -1358,2,,2,,2,2,2 -1359,1,1,2,,2,2,1 -1360,1,1,1,2,2,2,2 -1361,1,1,1,2,2,2,1 -1362,2,,2,,2,2,2 -1363,1,1,1,2,2,2,1 -1364,2,,2,,2,2,1 -1365,1,1,1,2,2,1,1 -1366,2,,2,,2,2,1 -1367,1,1,2,,2,2,1 -1368,2,,2,,2,2,2 -1369,1,1,2,,2,2,2 -1370,1,1,1,2,2,2,2 -1371,1,1,1,2,2,1,2 -1372,2,,2,,2,2,2 -1373,2,,2,,2,2,1 -1374,1,1,2,,2,2,2 -1375,1,1,1,2,2,2,2 -1376,1,1,2,,2,2,1 -1377,1,1,1,2,2,2,2 -1378,1,1,1,2,2,2,1 -1379,1,1,2,,2,2,1 -1380,2,,2,,2,2,1 -1381,1,1,2,,2,2,2 -1382,1,2,1,2,2,2,1 -1383,1,1,1,2,2,2,1 -1384,1,1,2,,2,2,1 -1385,1,1,2,,2,2,1 -1386,2,,2,,2,2,2 -1387,2,,2,,2,2,2 -1388,2,,2,,2,2,2 -1389,2,,1,2,2,2,2 -1390,2,,2,,2,2,2 -1391,2,,2,,2,2,1 -1392,2,,1,2,2,2,2 -1393,2,,2,,2,2,2 -1394,1,2,1,2,2,2,2 -1395,1,1,1,2,2,2,2 -1396,2,,2,,2,2,2 -1397,1,1,1,2,2,2,2 -1398,1,1,2,,2,2,1 -1399,1,1,2,,2,2,2 -1400,2,,2,,2,2,1 -1401,1,1,1,2,2,2,2 -1402,1,2,2,,2,2,2 -1403,2,,2,,2,2,1 -1404,1,1,2,,2,2,2 -1405,1,1,2,,2,2,2 -1406,2,,2,,2,2,2 -1407,1,1,1,2,2,2,1 -1408,2,,2,,2,2,2 -1409,2,,2,,2,2,2 -1410,2,,2,,2,2,1 -1411,2,,2,,2,2,2 -1412,2,,2,,2,2,2 -1413,1,1,1,2,2,2,1 -1414,1,1,1,2,2,2,1 -1415,2,,2,,2,2,1 -1416,1,2,1,2,2,1,1 -1417,1,1,2,,2,2,1 -1418,1,1,2,,2,1,1 -1419,2,,2,,2,2,2 -1420,2,,2,,2,2,1 -1421,1,1,2,,2,2,2 -1422,1,1,1,2,2,2,2 -1423,1,1,2,,2,2,2 -1424,1,1,1,2,2,1,1 -1425,1,1,2,,2,2,1 -1426,1,1,2,,2,2,1 -1427,1,1,2,,2,2,1 -1428,2,,2,,2,2,2 -1429,1,1,1,2,2,2,1 -1430,1,1,1,2,2,2,1 -1431,1,1,2,,2,2,2 -1432,1,1,2,,2,2,1 -1433,1,1,2,,2,2,2 -1434,1,1,1,2,2,2,1 -1435,2,,2,,2,2,2 -1436,1,1,1,2,2,2,1 -1437,2,,2,,2,2,2 -1438,2,,2,,2,2,2 -1439,1,1,1,2,2,2,2 -1440,1,1,1,1,2,2,1 -1441,2,,2,,2,2,2 -1442,1,1,1,2,2,2,2 -1443,1,1,2,,2,2,2 -1444,2,,2,,2,2,2 -1445,1,1,1,2,2,2,1 -1446,1,2,2,,2,2,1 -1447,1,1,1,2,2,2,1 -1448,1,1,2,,2,2,1 -1449,1,1,2,,2,2,1 -1450,1,1,1,2,2,2,2 -1451,2,,2,,2,2,2 -1452,2,,1,2,2,2,2 -1453,1,1,1,2,2,2,1 -1454,2,,2,,2,2,1 -1455,1,1,1,1,2,2,1 -1456,2,,2,,2,2,2 -1457,1,1,1,2,2,2,2 -1458,2,,2,,2,2,2 -1459,1,1,1,1,2,2,1 -1460,1,2,1,2,2,2,1 -1461,1,1,1,2,2,2,1 -1462,1,1,2,,2,2,1 -1463,1,1,2,,2,2,2 -1464,1,1,2,,2,2,1 -1465,1,1,2,,2,2,1 -1466,1,1,2,,2,2,2 -1467,2,,2,,2,2,1 -1468,1,1,2,,2,2,2 -1469,1,1,1,2,2,2,2 -1470,2,,2,,2,1,1 -1471,1,1,1,2,2,1,2 -1472,1,1,1,2,2,2,2 -1473,1,2,1,2,2,2,1 -1474,2,,2,,2,2,2 -1475,1,1,1,2,2,2,2 -1476,1,1,1,2,2,2,1 -1477,1,1,1,2,2,2,1 -1478,2,,2,,2,2,2 -1479,2,,2,,2,2,2 -1480,2,,2,,2,2,2 -1481,2,,2,,2,2,2 -1482,2,,2,,2,1,1 -1483,2,,2,,2,2,2 -1484,2,,1,2,2,2,1 -1485,2,,2,,2,2,1 -1486,1,1,1,2,2,2,1 -1487,2,,2,,2,2,2 -1488,2,,2,,2,2,2 -1489,1,1,1,2,2,2,2 -1490,1,1,2,,2,2,1 -1491,1,1,1,2,2,2,2 -1492,2,,2,,2,2,2 -1493,2,,2,,2,2,2 -1494,1,1,1,2,2,2,1 -1495,1,1,2,,2,2,1 -1496,1,1,1,1,2,2,1 -1497,1,1,1,2,2,2,2 -1498,1,1,1,2,2,2,1 -1499,1,2,1,2,2,2,1 -1500,1,1,1,2,2,2,2 -1501,1,1,2,,2,2,1 -1502,2,,1,2,2,2,1 -1503,2,,2,,2,2,1 -1504,2,,1,2,2,2,2 -1505,2,,2,,2,2,2 -1506,2,,2,,2,2,2 -1507,1,1,1,1,2,2,1 -1508,1,1,2,,2,2,2 -1509,2,,2,,2,2,1 -1510,1,1,2,,2,2,1 -1511,2,,2,,2,2,2 -1512,1,1,1,2,2,2,1 -1513,1,1,1,2,2,2,1 -1514,1,1,2,,2,2,1 -1515,1,1,2,,2,2,2 -1516,1,1,2,,2,2,2 -1517,2,,2,,2,2,2 -1518,1,1,1,2,2,2,2 -1519,1,1,2,,2,2,2 -1520,2,,2,,2,2,1 -1521,1,1,2,,2,2,1 -1522,1,1,1,2,2,2,1 -1523,1,1,2,,2,2,2 -1524,2,,2,,2,1,2 -1525,1,1,2,,2,2,2 -1526,1,1,1,2,2,2,2 -1527,2,,2,,2,2,2 -1528,1,1,1,1,2,1,1 -1529,1,1,1,2,2,2,2 -1530,2,,2,,2,2,2 -1531,1,1,1,2,2,2,1 -1532,2,,1,2,2,2,2 -1533,1,1,1,2,2,2,2 -1534,1,1,1,2,2,2,2 -1535,1,1,1,2,2,2,1 -1536,1,1,2,,2,2,2 -1537,1,1,2,,2,2,2 -1538,1,1,1,2,2,1,2 -1539,1,1,1,2,2,2,2 -1540,1,1,1,2,2,2,1 -1541,2,,2,,2,2,2 -1542,1,1,2,,2,2,1 -1543,2,,2,,2,2,2 -1544,1,1,2,,2,2,2 -1545,1,1,2,,2,2,1 -1546,1,1,2,,2,2,2 -1547,1,1,1,2,2,2,2 -1548,1,1,2,,2,2,2 -1549,1,1,1,2,2,2,2 -1550,2,,1,2,2,2,1 -1551,1,1,1,2,2,2,1 -1552,1,1,1,2,2,2,2 -1553,2,,2,,2,2,2 -1554,1,1,1,2,2,2,1 -1555,1,1,2,,2,2,2 -1556,1,1,2,,2,2,1 -1557,1,1,1,2,2,2,2 -1558,2,,1,1,2,2,1 -1559,1,1,2,,2,2,1 -1560,1,1,2,,2,2,2 -1561,1,1,2,,2,2,2 -1562,1,1,2,,2,2,2 -1563,2,,2,,2,2,2 -1564,1,1,2,,2,2,1 -1565,2,,2,,2,2,2 -1566,1,1,2,,2,2,1 -1567,1,1,1,2,2,1,1 -1568,2,,2,,2,2,2 -1569,1,1,1,2,2,2,2 -1570,1,1,1,2,2,2,2 -1571,1,1,2,,2,2,2 -1572,2,,2,,2,2,1 -1573,1,1,2,,2,2,1 -1574,1,1,2,,2,2,1 -1575,1,1,1,1,2,2,1 -1576,2,,2,,2,2,2 -1577,2,,2,,2,2,2 -1578,2,,1,2,2,2,2 -1579,1,1,2,,2,2,1 -1580,2,,2,,2,2,2 -1581,2,,2,,2,2,2 -1582,2,,2,,2,2,1 -1583,1,1,1,2,2,2,2 -1584,1,1,1,2,2,2,1 -1585,2,,2,,2,2,2 -1586,2,,2,,2,2,2 -1587,1,1,1,2,2,2,1 -1588,2,,2,,2,2,2 -1589,1,1,2,,2,2,2 -1590,1,1,1,2,2,2,1 -1591,2,,2,,2,2,1 -1592,2,,1,2,2,2,1 -1593,1,1,2,,2,2,2 -1594,2,,2,,2,1,2 -1595,1,1,2,,2,1,1 -1596,1,1,2,,2,2,2 -1597,1,1,1,2,2,2,1 -1598,1,1,2,,2,2,1 -1599,2,,2,,2,2,2 -1600,1,1,1,2,2,2,2 -1601,2,,1,2,2,2,2 -1602,1,1,2,,2,2,1 -1603,1,1,1,2,2,2,2 -1604,1,1,2,,2,2,1 -1605,2,,2,,2,2,2 -1606,2,,2,,2,2,2 -1607,2,,2,,2,2,2 -1608,2,,2,,2,2,1 -1609,1,1,2,,2,2,1 -1610,1,1,2,,2,2,2 -1611,1,1,1,2,2,2,1 -1612,2,,2,,2,2,1 -1613,1,1,1,2,2,2,2 -1614,1,1,1,2,2,2,2 -1615,2,,2,,2,2,2 -1616,1,1,2,,2,2,1 -1617,1,2,2,,2,2,1 -1618,1,1,2,,2,1,2 -1619,1,1,2,,2,2,1 -1620,1,1,2,,2,2,2 -1621,1,1,1,2,2,2,2 -1622,1,1,1,2,2,2,2 -1623,1,1,1,2,2,1,1 -1624,1,1,2,,2,2,1 -1625,1,1,2,,2,2,1 -1626,1,1,1,2,2,1,1 -1627,2,,2,,2,2,2 -1628,1,1,1,2,2,2,2 -1629,1,1,2,,2,2,1 -1630,2,,2,,2,2,1 -1631,1,1,1,2,2,2,2 -1632,1,1,1,2,2,2,1 -1633,1,1,2,,2,2,1 -1634,2,,2,,2,2,1 -1635,2,,2,,2,2,2 -1636,1,1,2,,2,2,2 -1637,1,1,2,,2,2,1 -1638,1,1,1,2,2,2,2 -1639,1,1,1,2,2,2,1 -1640,1,1,2,,2,2,2 -1641,1,1,1,2,2,2,2 -1642,1,1,1,1,2,2,1 -1643,1,1,2,,2,2,2 -1644,1,1,1,2,2,1,1 -1645,2,,2,,2,1,1 -1646,2,,2,,2,2,2 -1647,1,2,1,2,2,2,1 -1648,1,2,2,,2,2,1 -1649,1,1,1,2,2,2,1 -1650,1,1,2,,2,2,1 -1651,2,,1,2,2,2,2 -1652,1,2,2,,2,2,2 -1653,1,1,1,2,2,1,1 -1654,1,1,2,,2,2,1 -1655,1,1,2,,2,2,1 -1656,1,1,2,,2,2,1 -1657,1,1,2,,2,2,1 -1658,1,1,1,2,2,2,1 -1659,1,1,2,,2,2,2 -1660,2,,2,,2,2,2 -1661,1,1,2,,2,2,2 -1662,1,1,2,,2,2,1 -1663,1,1,2,,2,2,1 -1664,1,1,1,1,2,2,1 -1665,1,2,2,,2,2,1 -1666,1,1,2,,2,2,2 -1667,1,1,2,,2,2,1 -1668,2,,2,,2,2,2 -1669,1,1,1,2,2,2,2 -1670,2,,2,,2,2,2 -1671,1,1,1,2,2,1,1 -1672,2,,2,,2,2,2 -1673,1,1,2,,2,2,1 -1674,1,1,1,2,2,2,1 -1675,1,1,2,,2,2,1 -1676,1,1,1,2,2,2,1 -1677,1,1,1,2,2,2,2 -1678,2,,2,,2,2,2 -1679,1,2,2,,2,2,1 -1680,1,1,2,,2,2,2 -1681,2,,1,2,2,2,2 -1682,2,,2,,2,2,2 -1683,1,1,2,,2,2,1 -1684,1,1,1,2,2,2,2 -1685,2,,1,2,2,2,2 -1686,1,1,1,2,2,2,2 -1687,2,,2,,2,2,1 -1688,2,,2,,2,2,2 -1689,2,,2,,2,2,1 -1690,1,1,1,2,2,2,2 -1691,1,1,1,2,2,2,1 -1692,1,1,2,,2,2,1 -1693,1,1,2,,2,2,2 -1694,1,1,2,,2,2,2 -1695,2,,2,,2,2,2 -1696,2,,2,,2,2,1 -1697,1,1,1,2,2,2,2 -1698,1,1,1,2,2,2,2 -1699,2,,2,,2,2,1 -1700,2,,2,,2,2,2 -1701,1,1,1,2,2,2,1 -1702,2,,2,,2,2,2 -1703,1,1,2,,2,2,2 -1704,1,1,2,,2,2,2 -1705,1,1,2,,2,2,1 -1706,2,,2,,2,2,2 -1707,1,1,1,2,2,2,1 -1708,2,,2,,2,2,1 -1709,1,1,2,,2,2,2 -1710,1,1,1,2,2,2,2 -1711,1,1,2,,2,2,1 -1712,1,1,1,2,2,2,1 -1713,2,,1,2,2,2,2 -1714,1,1,1,2,2,2,2 -1715,1,1,1,2,2,2,2 -1716,1,1,1,2,2,2,2 -1717,1,1,2,,2,2,1 -1718,1,1,1,2,2,2,2 -1719,2,,2,,2,1,2 -1720,2,,1,2,2,2,1 -1721,2,,1,2,2,2,2 -1722,1,1,1,1,2,2,1 -1723,1,1,2,,2,2,1 -1724,1,1,1,2,2,2,2 -1725,1,1,1,2,2,2,1 -1726,1,1,1,2,2,2,1 -1727,2,,2,,2,2,1 -1728,1,1,2,,2,1,2 -1729,1,2,1,2,2,2,2 -1730,2,,2,,2,2,1 -1731,1,1,2,,2,2,2 -1732,1,1,2,,2,2,2 -1733,1,1,1,2,2,2,2 -1734,1,2,2,,2,2,1 -1735,1,1,1,2,2,2,2 -1736,1,1,2,,2,2,2 -1737,1,1,2,,2,2,2 -1738,1,1,2,,2,2,2 -1739,1,1,2,,2,2,1 -1740,1,1,2,,2,2,1 -1741,2,,2,,2,2,2 -1742,2,,2,,2,2,2 -1743,2,,2,,2,2,2 -1744,1,1,1,2,2,1,1 -1745,2,,2,,2,2,1 -1746,2,,1,2,2,2,2 -1747,2,,2,,2,2,2 -1748,1,1,2,,2,2,1 -1749,1,1,1,2,2,1,1 -1750,1,1,1,2,2,2,1 -1751,2,,2,,2,2,2 -1752,2,,1,2,2,2,2 -1753,2,,2,,2,2,2 -1754,2,,2,,2,2,2 -1755,1,1,2,,2,2,2 -1756,1,1,2,,2,2,1 -1757,2,,1,2,2,2,2 -1758,1,1,1,2,2,2,1 -1759,1,1,1,2,2,1,2 -1760,1,1,2,,2,1,1 -1761,1,1,1,1,2,2,1 -1762,2,,2,,2,2,1 -1763,1,1,1,2,2,2,2 -1764,1,2,1,1,2,2,1 -1765,2,,1,2,2,2,1 -1766,2,,2,,2,2,2 -1767,1,1,1,2,2,2,1 -1768,1,1,1,1,2,2,1 -1769,1,1,1,2,2,2,1 -1770,1,2,2,,2,1,1 -1771,1,1,2,,2,2,1 -1772,1,1,2,,2,2,2 -1773,1,1,1,2,2,2,2 -1774,1,1,2,,2,2,1 -1775,1,1,1,2,2,2,1 -1776,1,1,1,2,2,2,1 -1777,1,1,1,2,2,2,1 -1778,1,1,2,,2,2,2 -1779,2,,2,,2,2,2 -1780,2,,1,2,2,2,2 -1781,1,1,2,,2,2,2 -1782,1,1,2,,2,2,2 -1783,1,1,2,,2,2,2 -1784,1,1,1,2,2,2,2 -1785,1,1,1,2,2,2,1 -1786,2,,2,,2,2,2 -1787,2,,2,,2,2,2 -1788,2,,2,,2,2,2 -1789,2,,2,,2,2,2 -1790,1,2,2,,2,2,1 -1791,2,,2,,2,1,2 -1792,1,1,1,2,2,2,1 -1793,1,1,1,2,2,2,1 -1794,1,1,1,2,2,2,2 -1795,2,,2,,2,2,1 -1796,1,1,2,,2,2,1 -1797,1,1,1,2,2,2,1 -1798,1,1,1,1,2,2,1 -1799,1,1,1,2,2,2,2 -1800,2,,2,,2,2,1 -1801,2,,2,,2,2,2 -1802,2,,2,,2,2,2 -1803,2,,2,,2,2,2 -1804,1,1,1,2,2,2,1 -1805,2,,2,,2,2,2 -1806,1,1,1,2,2,2,1 -1807,1,1,1,1,2,1,1 -1808,1,1,2,,2,2,2 -1809,2,,2,,2,2,2 -1810,1,1,2,,2,2,2 -1811,1,1,1,2,2,2,2 -1812,1,1,1,2,2,2,2 -1813,1,1,2,,2,2,2 -1814,2,,2,,2,2,2 -1815,1,1,1,2,2,1,2 -1816,1,1,1,2,2,2,1 -1817,1,2,1,2,2,2,1 -1818,2,,1,2,2,2,2 -1819,1,1,2,,2,2,2 -1820,1,1,1,2,2,2,2 -1821,1,1,2,,2,2,2 -1822,1,1,1,2,2,2,2 -1823,1,1,1,2,2,2,1 -1824,1,1,2,,2,2,1 -1825,2,,2,,2,2,1 -1826,1,1,2,,2,2,2 -1827,1,1,1,2,2,2,2 -1828,1,1,1,2,2,2,1 -1829,1,1,1,2,2,2,1 -1830,2,,2,,2,2,2 -1831,1,1,1,2,2,1,2 -1832,2,,2,,2,2,2 -1833,1,1,2,,2,2,1 -1834,1,1,2,,2,2,1 -1835,1,1,1,2,2,2,1 -1836,1,1,1,2,2,2,1 -1837,1,1,1,2,2,2,1 -1838,2,,2,,2,2,1 -1839,1,1,1,2,2,2,1 -1840,2,,2,,2,2,2 -1841,1,1,1,2,2,2,2 -1842,1,1,2,,2,2,2 -1843,1,1,1,2,2,1,2 -1844,2,,2,,2,2,2 -1845,2,,1,2,2,2,1 -1846,1,1,1,2,2,2,1 -1847,1,1,2,,2,2,2 -1848,2,,2,,2,2,2 -1849,1,1,1,2,2,2,2 -1850,2,,2,,2,2,2 -1851,1,1,1,2,2,2,1 -1852,1,1,2,,2,2,2 -1853,2,,2,,2,1,2 -1854,2,,2,,2,2,1 -1855,1,1,1,2,2,2,1 -1856,1,1,2,,2,2,1 -1857,1,1,2,,2,2,2 -1858,1,1,2,,2,2,2 -1859,1,1,2,,2,2,2 -1860,1,1,1,2,2,1,1 -1861,2,,2,,2,1,2 -1862,1,1,1,2,2,2,2 -1863,1,1,2,,2,2,1 -1864,2,,2,,2,2,2 -1865,1,1,2,,2,2,2 -1866,1,1,1,2,2,2,1 -1867,2,,1,2,2,2,2 -1868,1,1,2,,2,2,2 -1869,1,1,1,2,2,2,2 -1870,1,2,1,2,2,2,1 -1871,1,1,2,,2,2,2 -1872,2,,2,,2,2,2 -1873,2,,2,,2,2,1 -1874,1,1,2,,2,2,2 -1875,1,1,2,,2,2,2 -1876,2,,2,,2,2,2 -1877,1,1,2,,2,2,2 -1878,1,1,1,2,2,2,1 -1879,1,1,1,2,2,2,1 -1880,1,1,1,2,2,2,2 -1881,2,,2,,2,2,2 -1882,1,1,1,2,2,1,1 -1883,1,1,2,,2,2,2 -1884,1,1,1,2,2,2,2 -1885,2,,2,,2,2,1 -1886,1,1,1,2,2,2,1 -1887,2,,2,,2,2,1 -1888,2,,2,,2,2,2 -1889,1,1,2,,2,2,1 -1890,1,1,2,,2,2,1 -1891,1,1,2,,2,2,1 -1892,1,1,2,,2,2,1 -1893,1,1,2,,2,2,1 -1894,1,1,1,2,2,2,1 -1895,2,,2,,2,2,1 -1896,1,1,1,2,2,2,2 -1897,1,1,2,,2,2,1 -1898,2,,2,,2,2,2 -1899,1,1,1,2,2,2,2 -1900,2,,2,,2,2,2 -1901,1,1,2,,2,2,2 -1902,1,1,1,2,2,2,2 -1903,1,1,1,2,2,2,2 -1904,1,1,1,2,2,2,2 -1905,1,1,2,,2,2,2 -1906,1,1,2,,2,2,2 -1907,1,1,2,,2,2,2 -1908,2,,2,,2,2,2 -1909,1,1,1,2,2,2,1 -1910,1,1,1,2,2,1,1 -1911,1,1,2,,2,2,2 -1912,2,,2,,2,1,1 -1913,1,1,1,2,2,2,2 -1914,2,,2,,2,1,2 -1915,1,1,1,2,2,2,2 -1916,2,,1,2,2,2,2 -1917,1,1,2,,2,2,1 -1918,2,,2,,2,2,1 -1919,2,,2,,2,2,2 -1920,1,1,1,2,2,2,2 -1921,1,1,1,2,2,2,1 -1922,1,1,2,,2,2,2 -1923,2,,2,,2,2,1 -1924,1,1,2,,2,2,2 -1925,2,,2,,2,2,2 -1926,1,2,2,,2,2,1 -1927,1,1,2,,2,2,2 -1928,2,,1,2,2,2,2 -1929,2,,2,,2,2,2 -1930,1,1,1,2,2,2,1 -1931,1,1,1,2,2,2,2 -1932,1,1,2,,2,2,2 -1933,1,1,1,2,2,2,2 -1934,1,1,2,,2,2,2 -1935,1,1,2,,2,2,1 -1936,2,,2,,2,2,2 -1937,1,1,1,2,2,2,1 -1938,1,1,2,,2,2,2 -1939,1,1,1,2,2,2,2 -1940,2,,2,,2,2,2 -1941,2,,2,,2,2,1 -1942,2,,1,2,2,2,2 -1943,1,1,1,2,2,2,1 -1944,1,1,1,2,2,1,1 -1945,1,2,1,2,2,2,1 -1946,2,,2,,2,2,2 -1947,1,1,1,2,2,1,1 -1948,1,1,2,,2,2,2 -1949,2,,2,,2,2,2 -1950,1,1,2,,2,1,1 -1951,2,,2,,2,2,1 -1952,1,1,1,2,2,2,2 -1953,1,1,2,,2,2,1 -1954,1,1,1,2,2,2,1 -1955,1,1,1,2,2,2,2 -1956,1,1,1,2,2,2,2 -1957,1,1,2,,2,2,1 -1958,1,1,1,2,2,2,1 -1959,1,1,1,2,2,2,2 -1960,2,,2,,2,2,2 -1961,2,,2,,2,1,2 -1962,1,1,1,2,2,2,1 -1963,2,,2,,2,2,2 -1964,2,,2,,2,2,2 -1965,1,1,1,2,2,2,1 -1966,1,1,1,2,2,2,2 -1967,2,,2,,2,2,2 -1968,2,,2,,2,2,2 -1969,2,,2,,2,2,1 -1970,1,1,2,,2,2,2 -1971,1,1,1,2,2,2,2 -1972,2,,1,2,2,2,2 -1973,1,1,1,2,2,2,2 -1974,1,1,2,,2,1,2 -1975,2,,1,1,2,2,1 -1976,2,,2,,2,2,2 -1977,2,,2,,2,2,2 -1978,1,1,2,,2,2,1 -1979,2,,2,,2,2,1 -1980,2,,2,,2,2,2 -1981,1,1,2,,2,2,1 -1982,2,,2,,2,2,2 -1983,2,,2,,2,2,2 -1984,2,,2,,2,2,2 -1985,1,2,1,1,1,2,1 -1986,1,1,2,,2,2,1 -1987,1,1,1,2,2,2,1 -1988,2,,2,,2,2,2 -1989,2,,2,,2,2,2 -1990,2,,2,,2,1,1 -1991,1,1,2,,2,2,2 -1992,1,1,2,,2,2,1 -1993,2,,2,,2,2,2 -1994,1,1,1,2,2,2,1 -1995,2,,1,2,2,2,2 -1996,1,1,2,,2,2,1 -1997,1,1,1,2,2,2,2 -1998,1,1,1,2,2,2,2 -1999,1,1,2,,2,2,2 -2000,1,1,1,1,1,2,1 -2001,2,,2,,2,2,1 -2002,1,1,2,,2,2,2 -2003,1,1,2,,2,2,2 -2004,1,1,2,,2,2,2 -2005,2,,2,,2,2,2 -2006,2,,2,,2,2,1 -2007,1,1,2,,2,2,1 -2008,1,1,1,2,2,2,1 -2009,1,1,1,2,2,2,1 -2010,2,,2,,2,2,2 -2011,1,1,2,,2,2,1 -2012,1,1,2,,2,2,2 -2013,2,,1,2,2,2,2 -2014,1,1,1,2,2,1,2 -2015,1,1,2,,2,2,1 -2016,1,1,1,2,2,2,1 -2017,2,,2,,2,2,1 -2018,2,,2,,2,2,2 -2019,1,1,1,2,2,2,1 -2020,2,,2,,2,2,2 -2021,1,1,1,1,2,2,1 -2022,1,1,1,2,2,2,2 -2023,1,1,2,,2,2,1 -2024,1,1,1,2,2,2,1 -2025,2,,2,,2,2,2 -2026,1,1,2,,2,2,2 -2027,1,1,2,,2,2,2 -2028,1,1,2,,2,2,1 -2029,1,1,1,2,2,2,1 -2030,1,1,1,2,2,2,2 -2031,1,1,2,,2,2,2 -2032,1,1,2,,2,2,2 -2033,1,2,1,1,1,1,2 -2034,2,,2,,2,2,2 -2035,1,1,2,,2,2,1 -2036,2,,2,,2,2,2 -2037,1,1,1,2,2,2,1 -2038,1,1,2,,2,2,1 -2039,1,1,1,2,2,2,1 -2040,1,1,2,,2,2,2 -2041,1,1,1,2,2,2,2 -2042,1,1,2,,2,2,2 -2043,1,1,1,2,2,2,1 -2044,1,1,1,2,2,2,1 -2045,1,1,1,2,2,2,1 -2046,1,1,2,,2,2,1 -2047,1,1,1,2,1,2,1 -2048,1,1,1,2,2,2,1 -2049,1,1,2,,2,2,1 -2050,2,,2,,2,2,2 -2051,1,1,1,2,2,2,2 -2052,2,,2,,2,1,1 -2053,1,1,1,2,2,2,1 -2054,2,,2,,2,2,1 -2055,1,1,2,,2,2,2 -2056,1,1,1,2,2,2,1 -2057,2,,2,,2,2,1 -2058,1,1,1,1,1,2,1 -2059,1,2,1,2,2,2,1 -2060,1,1,2,,2,2,1 -2061,1,1,2,,2,2,1 -2062,1,1,2,,2,2,2 -2063,1,1,2,,2,2,1 -2064,2,,1,2,2,2,1 -2065,1,1,1,2,2,2,1 -2066,2,,2,,2,2,2 -2067,1,1,1,2,2,2,2 -2068,1,1,2,,2,2,2 -2069,2,,2,,2,2,1 -2070,1,1,2,,2,2,1 -2071,1,1,2,,2,2,1 -2072,1,1,2,,2,2,2 -2073,1,1,1,2,2,2,2 -2074,1,1,1,2,2,2,1 -2075,1,1,1,1,2,2,1 -2076,1,1,1,2,2,2,1 -2077,1,1,2,,2,2,2 -2078,1,1,2,,2,2,1 -2079,2,,2,,2,2,2 -2080,1,1,2,,2,2,1 -2081,1,1,2,,2,2,2 -2082,2,,2,,2,2,1 -2083,1,1,1,2,2,2,2 -2084,1,1,2,,2,2,2 -2085,2,,2,,2,2,2 -2086,1,1,2,,2,2,1 -2087,1,1,2,,2,2,1 -2088,2,,2,,2,2,2 -2089,1,1,1,2,2,2,1 -2090,2,,2,,2,2,2 -2091,2,,2,,2,2,2 -2092,1,1,2,,2,2,2 -2093,1,1,1,2,2,2,2 -2094,2,,2,,2,2,2 -2095,1,1,2,,2,2,2 -2096,1,1,1,2,2,2,2 -2097,1,1,1,2,2,2,1 -2098,2,,2,,2,2,2 -2099,2,,2,,2,2,2 -2100,2,,2,,2,2,2 -2101,1,1,1,2,1,2,1 -2102,2,,2,,2,2,1 -2103,1,1,2,,2,2,2 -2104,2,,2,,2,2,2 -2105,1,1,1,2,2,2,2 -2106,1,1,1,2,2,1,1 -2107,2,,2,,2,2,1 -2108,1,1,1,2,2,2,2 -2109,1,1,2,,2,2,1 -2110,2,,2,,2,2,2 -2111,1,1,2,,2,2,2 -2112,1,1,2,,2,2,2 -2113,1,1,2,,2,2,1 -2114,1,2,1,2,2,2,1 -2115,1,1,1,2,2,2,1 -2116,1,1,1,2,2,2,2 -2117,2,,2,,2,2,2 -2118,1,1,1,2,2,2,2 -2119,1,1,1,2,2,2,1 -2120,1,1,1,2,2,2,1 -2121,1,1,2,,2,2,1 -2122,1,1,1,2,2,2,1 -2123,2,,1,2,2,1,1 -2124,2,,2,,2,2,1 -2125,2,,2,,2,2,2 -2126,1,1,1,2,2,2,1 -2127,1,1,1,2,2,2,1 -2128,2,,2,,2,2,1 -2129,2,,2,,2,2,2 -2130,1,1,2,,2,2,1 -2131,1,1,1,2,2,2,1 -2132,1,1,1,2,2,2,1 -2133,1,1,1,2,2,2,2 -2134,2,,2,,2,2,1 -2135,1,1,1,2,2,2,1 -2136,1,1,2,,2,1,1 -2137,1,1,2,,2,2,1 -2138,2,,2,,2,2,1 -2139,1,1,1,2,2,2,1 -2140,1,1,2,,2,2,1 -2141,2,,2,,2,2,1 -2142,2,,1,2,2,2,2 -2143,2,,2,,2,2,2 -2144,1,1,1,2,2,2,2 -2145,1,1,1,2,2,2,1 -2146,1,1,2,,2,2,2 -2147,1,1,2,,2,1,1 -2148,1,1,2,,2,2,1 -2149,1,1,1,2,2,2,2 -2150,2,,1,2,2,2,2 -2151,2,,2,,2,2,1 -2152,1,1,2,,2,2,2 -2153,2,,1,2,2,2,1 -2154,1,1,1,2,2,2,2 -2155,1,1,1,2,2,2,1 -2156,1,1,1,2,2,1,1 -2157,1,1,1,1,2,2,2 -2158,2,,2,,2,2,2 -2159,1,2,2,,2,2,1 -2160,2,,2,,2,2,2 -2161,1,1,2,,2,2,2 -2162,2,,1,2,2,2,2 -2163,1,1,1,2,2,2,2 -2164,1,1,1,2,2,2,2 -2165,1,1,2,,2,2,2 -2166,1,1,1,2,2,2,2 -2167,2,,2,,2,2,2 -2168,1,1,2,,2,2,1 -2169,1,1,2,,2,2,2 -2170,2,,2,,2,2,2 -2171,2,,2,,2,2,2 -2172,1,1,1,2,2,2,2 -2173,1,1,1,2,2,2,2 -2174,1,1,1,2,2,2,1 -2175,1,1,2,,2,2,2 -2176,1,1,2,,2,2,2 -2177,1,1,1,2,2,1,1 -2178,1,1,1,2,2,2,1 -2179,1,1,1,2,2,2,2 -2180,1,1,1,2,2,2,2 -2181,1,1,1,2,2,2,2 -2182,1,1,1,2,2,1,1 -2183,2,,2,,2,2,1 -2184,2,,1,2,2,2,2 -2185,1,1,2,,2,2,1 -2186,2,,2,,2,2,1 -2187,2,,2,,2,2,1 -2188,1,1,1,2,2,2,1 -2189,2,,2,,2,2,2 -2190,1,1,2,,2,2,1 -2191,1,2,1,2,2,2,1 -2192,1,1,2,,2,2,2 -2193,1,1,1,2,2,2,1 -2194,1,1,2,,2,2,1 -2195,2,,2,,2,2,1 -2196,2,,2,,2,2,2 -2197,1,1,1,1,2,1,1 -2198,1,1,1,2,2,2,2 -2199,1,1,2,,2,2,1 -2200,2,,2,,2,2,2 -2201,2,,1,2,2,2,2 -2202,2,,2,,2,2,1 -2203,1,1,1,2,2,2,1 -2204,1,1,1,2,2,1,1 -2205,1,1,2,,2,2,1 -2206,1,1,1,2,2,2,2 -2207,1,1,1,2,2,1,1 -2208,1,1,1,2,2,2,2 -2209,2,,1,2,2,2,1 -2210,1,1,2,,2,2,1 -2211,1,1,1,2,2,2,1 -2212,1,1,2,,2,2,1 -2213,1,1,1,2,2,2,1 -2214,1,1,1,2,2,1,1 -2215,2,,1,2,2,2,2 -2216,1,2,2,,2,2,1 -2217,1,1,1,2,2,2,2 -2218,2,,2,,2,2,2 -2219,1,1,2,,2,2,2 -2220,1,1,1,2,2,2,1 -2221,1,1,1,2,2,2,1 -2222,1,1,1,2,2,1,2 -2223,1,2,2,,2,2,1 -2224,1,1,1,2,2,2,1 -2225,1,1,1,2,2,2,1 -2226,1,1,2,,2,2,1 -2227,1,1,1,2,2,2,2 -2228,1,1,1,2,2,2,1 -2229,1,1,2,,2,2,2 -2230,1,1,1,2,2,2,1 -2231,2,,2,,2,2,2 -2232,2,,2,,2,2,2 -2233,1,1,1,2,2,1,2 -2234,1,1,2,,2,2,2 -2235,2,,2,,2,2,2 -2236,1,1,1,2,2,2,2 -2237,1,1,1,2,2,2,2 -2238,1,1,2,,2,2,1 -2239,2,,2,,2,2,2 -2240,1,1,1,2,2,2,1 -2241,1,1,2,,2,2,2 -2242,2,,2,,2,1,2 -2243,2,,1,2,2,2,2 -2244,1,1,2,,2,2,1 -2245,1,1,1,2,2,2,1 -2246,1,1,1,1,2,2,1 -2247,2,,2,,2,2,2 -2248,2,,2,,2,2,1 -2249,2,,2,,2,2,2 -2250,2,,1,2,2,2,1 -2251,1,1,2,,2,2,2 -2252,1,1,2,,2,2,1 -2253,1,1,1,2,2,2,1 -2254,1,1,2,,2,2,2 -2255,2,,2,,2,2,2 -2256,2,,2,,2,2,2 -2257,2,,1,2,2,2,2 -2258,1,1,2,,2,2,1 -2259,1,1,1,2,2,2,1 -2260,1,1,2,,2,2,1 -2261,1,1,2,,2,2,2 -2262,2,,1,2,2,2,2 -2263,2,,1,2,2,2,1 -2264,1,1,1,2,2,2,2 -2265,1,1,2,,2,2,1 -2266,1,1,2,,2,2,2 -2267,2,,2,,2,2,2 -2268,2,,2,,2,2,2 -2269,1,1,2,,2,1,2 -2270,1,1,1,2,2,2,2 -2271,1,1,1,2,2,2,2 -2272,1,1,2,,2,1,2 -2273,1,1,2,,2,2,1 -2274,1,1,1,2,2,2,1 -2275,1,1,2,,2,2,1 -2276,2,,1,2,2,2,2 -2277,1,1,1,2,2,2,1 -2278,1,1,1,2,2,2,1 -2279,2,,2,,2,1,2 -2280,1,1,1,2,2,2,2 -2281,1,1,2,,2,2,1 -2282,1,1,1,2,2,2,2 -2283,1,1,2,,2,2,1 -2284,2,,2,,2,2,2 -2285,1,1,1,1,2,2,2 -2286,1,1,2,,2,2,1 -2287,2,,2,,2,2,1 -2288,1,1,2,,2,2,2 -2289,1,1,2,,2,2,2 -2290,1,1,2,,2,2,1 -2291,1,1,2,,2,2,2 -2292,2,,2,,2,2,1 -2293,1,1,2,,2,2,2 -2294,1,1,2,,2,2,2 -2295,1,1,2,,2,2,1 -2296,1,1,1,2,2,2,1 -2297,1,1,1,2,2,2,1 -2298,1,1,1,2,2,2,1 -2299,2,,2,,2,2,2 -2300,2,,2,,2,2,2 -2301,2,,2,,2,2,1 -2302,1,1,1,2,2,2,1 -2303,2,,2,,2,2,1 -2304,2,,2,,2,1,2 -2305,1,1,1,2,2,2,2 -2306,2,,2,,2,2,1 -2307,1,1,2,,2,2,1 -2308,1,1,2,,2,2,1 -2309,2,,2,,2,2,2 -2310,2,,1,2,2,2,1 -2311,1,1,2,,2,2,2 -2312,2,,2,,2,2,2 -2313,1,1,1,2,2,2,1 -2314,1,1,2,,2,2,2 -2315,1,1,2,,2,2,2 -2316,1,1,1,2,2,2,2 -2317,2,,2,,2,1,2 -2318,1,1,1,2,2,2,2 -2319,1,1,1,2,2,2,1 -2320,1,1,1,2,2,2,1 -2321,1,1,2,,2,1,1 -2322,1,1,2,,2,2,1 -2323,1,1,1,2,2,2,1 -2324,1,1,1,2,2,2,2 -2325,2,,2,,2,2,2 -2326,1,1,1,2,2,2,1 -2327,1,1,1,2,2,2,2 -2328,2,,2,,2,2,1 -2329,2,,2,,2,2,2 -2330,2,,2,,2,2,1 -2331,1,1,2,,2,2,2 -2332,1,1,1,2,2,2,1 -2333,1,1,1,2,2,1,1 -2334,2,,2,,2,2,2 -2335,1,1,2,,2,2,2 -2336,1,1,1,2,2,2,1 -2337,1,2,1,2,2,2,1 -2338,2,,2,,2,2,2 -2339,1,1,1,2,2,2,1 -2340,1,1,1,1,2,2,1 -2341,1,1,2,,2,2,2 -2342,2,,2,,2,2,2 -2343,1,2,1,2,2,1,1 -2344,1,1,2,,2,2,1 -2345,1,2,1,2,2,2,2 -2346,1,1,2,,2,2,2 -2347,2,,2,,2,2,1 -2348,1,1,1,2,2,1,1 -2349,1,1,2,,2,2,1 -2350,2,,2,,2,1,2 -2351,1,1,1,2,2,2,1 -2352,2,,2,,2,1,2 -2353,1,1,1,2,2,2,2 -2354,1,1,2,,2,2,1 -2355,1,1,1,2,2,2,1 -2356,1,1,2,,2,2,1 -2357,1,1,1,2,2,2,1 -2358,2,,2,,2,2,2 -2359,1,1,2,,2,2,2 -2360,1,1,2,,2,2,2 -2361,2,,2,,2,2,2 -2362,1,1,1,2,2,2,1 -2363,2,,2,,2,2,2 -2364,1,1,2,,2,2,2 -2365,1,1,1,2,2,2,2 -2366,2,,2,,1,1,2 -2367,2,,2,,2,2,1 -2368,2,,2,,2,2,1 -2369,1,1,1,2,2,2,1 -2370,2,,2,,2,2,1 -2371,1,2,1,2,2,2,1 -2372,1,1,1,2,2,2,1 -2373,1,1,2,,2,2,1 -2374,1,1,1,2,2,2,2 -2375,1,1,1,2,2,2,2 -2376,1,1,2,,2,2,2 -2377,2,,1,2,2,2,2 -2378,1,1,2,,2,2,2 -2379,1,1,1,2,2,2,1 -2380,2,,2,,2,2,1 -2381,2,,2,,2,2,1 -2382,2,,2,,2,2,1 -2383,1,1,1,2,2,2,1 -2384,1,1,1,2,2,2,1 -2385,1,1,1,2,2,2,2 -2386,1,1,1,2,2,2,2 -2387,1,1,2,,2,2,1 -2388,2,,2,,2,2,1 -2389,1,1,1,2,2,2,2 -2390,1,2,1,2,2,2,2 -2391,2,,2,,2,2,2 -2392,1,1,2,,1,2,1 -2393,1,1,1,2,2,2,2 -2394,2,,2,,2,2,2 -2395,1,1,1,2,2,1,1 -2396,1,1,1,2,2,1,1 -2397,1,1,2,,2,2,2 -2398,2,,2,,2,2,1 -2399,2,,2,,2,2,2 -2400,1,1,1,2,2,2,2 -2401,1,1,1,2,2,1,1 -2402,1,2,1,1,2,2,1 -2403,1,1,1,2,2,1,1 -2404,1,1,1,2,2,1,1 -2405,1,1,1,2,2,2,1 -2406,2,,1,2,2,2,2 -2407,2,,2,,2,2,2 -2408,2,,2,,2,2,2 -2409,1,1,1,2,2,2,2 -2410,2,,1,2,2,2,2 -2411,1,1,1,2,2,2,2 -2412,1,1,1,2,2,2,2 -2413,1,1,1,2,2,1,2 -2414,2,,2,,2,1,1 -2415,2,,2,,2,2,2 -2416,1,1,2,,2,1,2 -2417,1,1,1,1,2,2,1 -2418,1,1,2,,2,2,2 -2419,1,2,1,2,2,2,2 -2420,2,,2,,2,2,1 -2421,1,1,2,,2,1,1 -2422,1,1,2,,2,2,2 -2423,1,1,2,,2,2,1 -2424,1,1,1,2,2,2,2 -2425,1,1,1,2,2,2,2 -2426,1,1,2,,2,2,1 -2427,1,2,1,2,2,2,2 -2428,1,1,1,2,2,2,1 -2429,1,1,2,,2,2,2 -2430,1,1,1,2,2,2,2 -2431,1,1,1,2,2,2,1 -2432,2,,2,,2,2,2 -2433,2,,2,,2,2,2 -2434,1,1,2,,2,2,1 -2435,1,1,1,2,2,2,2 -2436,1,2,2,,2,2,2 -2437,1,1,1,2,2,2,2 -2438,1,1,1,2,2,2,2 -2439,1,1,1,2,2,2,1 -2440,1,1,2,,2,2,2 -2441,2,,2,,2,2,2 -2442,2,,2,,2,2,2 -2443,1,1,2,,2,2,2 -2444,2,,1,2,2,2,2 -2445,1,2,1,2,2,2,1 -2446,1,1,1,2,2,2,2 -2447,1,1,1,2,2,2,2 -2448,1,1,1,1,2,2,1 -2449,1,1,1,2,2,2,1 -2450,1,1,1,2,2,2,2 -2451,2,,2,,2,2,2 -2452,2,,2,,2,2,2 -2453,1,1,1,2,2,2,2 -2454,1,1,1,2,2,2,1 -2455,1,1,2,,2,2,1 -2456,1,1,1,2,2,2,1 -2457,2,,2,,2,2,2 -2458,2,,1,2,2,2,1 -2459,1,1,2,,2,2,1 -2460,1,1,2,,2,2,2 -2461,1,1,1,2,2,2,2 -2462,1,1,1,2,2,1,1 -2463,2,,2,,2,2,1 -2464,1,1,1,2,2,2,1 -2465,2,,1,2,2,2,2 -2466,1,1,2,,2,2,1 -2467,1,1,2,,2,2,1 -2468,1,1,2,,2,2,1 -2469,1,1,1,2,2,2,2 -2470,1,1,2,,2,2,2 -2471,1,1,2,,2,2,1 -2472,2,,2,,2,2,1 -2473,2,,2,,2,2,2 -2474,1,1,1,2,2,2,1 -2475,1,1,1,2,2,2,1 -2476,1,1,2,,2,2,2 -2477,2,,2,,2,2,1 -2478,2,,1,2,2,1,1 -2479,1,1,1,2,2,2,1 -2480,1,1,2,,2,2,1 -2481,2,,2,,2,2,1 -2482,1,1,1,2,1,2,1 -2483,1,1,1,2,2,2,1 -2484,1,1,2,,2,2,1 -2485,1,1,1,2,2,2,2 -2486,1,1,1,2,2,2,1 -2487,2,,2,,2,2,2 -2488,1,1,1,2,2,2,2 -2489,2,,2,,2,2,1 -2490,1,1,1,2,2,2,2 -2491,1,1,2,,2,2,1 -2492,1,2,1,2,2,2,1 -2493,2,,2,,2,2,2 -2494,1,1,1,2,2,2,2 -2495,1,1,2,,2,2,2 -2496,1,1,2,,2,2,1 -2497,2,,1,2,2,2,1 -2498,1,1,1,2,2,2,1 -2499,1,1,2,,2,2,1 -2500,2,,1,2,2,2,2 -2501,2,,2,,2,2,2 -2502,1,1,1,2,2,2,1 -2503,1,1,2,,2,2,2 -2504,1,1,1,2,2,2,2 -2505,1,1,1,2,2,2,2 -2506,1,1,2,,2,2,2 -2507,1,1,1,2,2,2,2 -2508,1,1,1,2,2,2,2 -2509,1,1,1,2,2,2,1 -2510,2,,2,,2,2,2 -2511,1,2,1,2,2,1,1 -2512,1,1,1,2,2,2,1 -2513,1,2,1,2,2,2,2 -2514,2,,2,,2,2,2 -2515,1,1,2,,2,2,1 -2516,1,1,2,,2,1,2 -2517,1,1,1,2,2,2,2 -2518,1,1,1,2,2,2,1 -2519,1,1,2,,2,2,2 -2520,1,1,2,,2,2,2 -2521,1,1,1,2,2,1,1 -2522,1,1,2,,2,2,1 -2523,1,1,1,2,2,1,2 -2524,2,,2,,2,2,2 -2525,1,1,1,2,2,2,2 -2526,1,2,2,,2,2,1 -2527,2,,2,,2,2,2 -2528,2,,2,,2,2,2 -2529,2,,2,,2,2,1 -2530,1,1,1,2,2,2,2 -2531,1,1,2,,2,2,2 -2532,2,,2,,2,2,1 -2533,1,1,2,,2,2,2 -2534,1,1,2,,2,2,1 -2535,1,1,2,,2,2,2 -2536,1,1,1,2,2,1,1 -2537,2,,2,,2,2,2 -2538,1,1,2,,2,2,2 -2539,1,1,1,2,2,2,2 -2540,1,1,1,2,2,1,2 -2541,1,1,2,,2,2,1 -2542,2,,2,,2,2,2 -2543,2,,2,,2,2,2 -2544,1,1,2,,2,1,2 -2545,1,1,2,,2,2,2 -2546,2,,2,,2,1,2 -2547,1,1,1,2,2,1,1 -2548,2,,2,,2,2,1 -2549,1,1,1,2,2,2,1 -2550,1,1,1,2,2,2,2 -2551,1,1,1,2,2,2,2 -2552,1,1,1,2,2,2,1 -2553,2,,1,2,2,2,2 -2554,1,1,1,2,2,2,2 -2555,1,1,1,2,2,2,2 -2556,1,1,2,,2,2,1 -2557,2,,2,,2,2,2 -2558,2,,2,,2,2,2 -2559,1,1,1,2,2,2,1 -2560,2,,2,,2,2,1 -2561,1,1,1,2,2,2,1 -2562,1,1,1,2,2,2,1 -2563,1,1,1,2,2,1,2 -2564,2,,2,,2,2,1 -2565,1,2,1,2,2,2,1 -2566,1,1,2,,2,2,2 -2567,1,2,1,2,2,2,1 -2568,1,1,2,,2,2,1 -2569,1,1,1,2,2,2,1 -2570,2,,2,,2,2,1 -2571,2,,2,,2,2,1 -2572,2,,1,2,2,2,1 -2573,2,,1,2,2,2,2 -2574,1,1,1,2,2,2,1 -2575,1,1,1,2,2,1,2 -2576,1,1,1,2,2,1,1 -2577,1,1,1,2,2,1,1 -2578,2,,2,,2,2,2 -2579,1,1,2,,2,2,2 -2580,1,1,1,2,2,2,1 -2581,1,1,1,2,2,2,1 -2582,1,2,2,,2,2,2 -2583,2,,2,,2,2,2 -2584,2,,2,,2,2,2 -2585,2,,1,2,2,2,2 -2586,1,1,2,,2,2,2 -2587,1,1,2,,2,2,2 -2588,1,1,1,2,2,2,2 -2589,2,,2,,2,2,2 -2590,1,1,1,2,2,2,1 -2591,1,1,2,,2,2,2 -2592,1,1,2,,2,1,2 -2593,2,,2,,2,1,2 -2594,1,1,1,2,2,2,2 -2595,1,1,1,2,2,2,1 -2596,1,2,1,2,2,2,2 -2597,1,1,1,2,2,2,2 -2598,1,1,2,,2,2,1 -2599,2,,2,,2,1,2 -2600,1,1,1,2,2,2,2 -2601,1,1,1,2,2,1,1 -2602,2,,2,,2,2,1 -2603,1,1,2,,2,2,2 -2604,2,,1,2,2,2,2 -2605,2,,2,,2,2,2 -2606,1,1,1,2,2,2,1 -2607,1,1,2,,2,2,2 -2608,2,,2,,2,2,1 -2609,2,,2,,2,2,1 -2610,2,,2,,2,2,1 -2611,2,,2,,2,2,1 -2612,2,,2,,2,2,2 -2613,1,1,2,,2,2,1 -2614,2,,2,,2,2,2 -2615,1,1,2,,2,2,2 -2616,1,1,2,,2,2,2 -2617,2,,1,2,2,2,1 -2618,1,1,1,2,2,1,1 -2619,1,1,1,2,2,2,2 -2620,1,1,2,,2,2,2 -2621,1,2,1,2,2,1,1 -2622,2,,2,,2,2,2 -2623,1,1,1,2,2,2,1 -2624,2,,1,2,2,2,2 -2625,1,1,1,2,2,1,2 -2626,2,,2,,2,2,1 -2627,2,,1,2,2,2,2 -2628,1,1,1,2,2,1,1 -2629,1,1,1,2,2,2,2 -2630,2,,2,,2,2,2 -2631,1,1,2,,2,2,2 -2632,2,,1,2,2,2,2 -2633,1,1,1,2,2,2,1 -2634,1,1,1,2,2,2,2 -2635,1,1,2,,2,2,1 -2636,1,1,1,2,2,2,1 -2637,2,,2,,2,2,2 -2638,2,,2,,2,2,1 -2639,1,1,2,,2,2,1 -2640,1,1,2,,2,1,2 -2641,1,1,1,2,2,2,1 -2642,1,1,1,2,2,2,1 -2643,1,1,2,,2,2,1 -2644,1,1,2,,2,2,1 -2645,1,1,2,,2,2,1 -2646,2,,2,,2,2,1 -2647,1,1,1,2,2,2,1 -2648,1,1,2,,2,2,1 -2649,2,,1,2,2,2,2 -2650,2,,2,,2,2,2 -2651,1,1,1,2,2,2,1 -2652,2,,2,,2,2,2 -2653,2,,2,,2,2,1 -2654,1,1,1,1,2,2,1 -2655,1,1,2,,2,2,2 -2656,1,1,2,,2,2,2 -2657,1,1,1,2,2,2,1 -2658,2,,2,,2,1,2 -2659,2,,2,,2,2,1 -2660,1,1,2,,2,2,2 -2661,1,1,2,,2,2,1 -2662,1,1,1,2,2,2,1 -2663,2,,2,,2,2,2 -2664,2,,2,,2,2,2 -2665,2,,1,2,2,2,2 -2666,2,,2,,2,2,1 -2667,2,,1,2,2,2,1 -2668,1,1,2,,2,2,1 -2669,1,1,2,,2,2,1 -2670,1,1,1,2,2,2,2 -2671,1,1,2,,2,2,1 -2672,1,1,1,2,2,2,1 -2673,1,1,2,,2,2,2 -2674,1,1,1,2,2,2,1 -2675,1,2,2,,2,2,1 -2676,2,,2,,2,2,2 -2677,1,1,1,2,2,2,1 -2678,1,1,2,,2,2,2 -2679,2,,2,,2,2,2 -2680,1,1,2,,2,2,2 -2681,2,,2,,2,2,2 -2682,2,,2,,2,2,2 -2683,2,,2,,2,2,2 -2684,1,2,1,2,2,2,2 -2685,1,1,1,1,2,2,1 -2686,1,1,2,,2,2,2 -2687,1,2,2,,2,2,1 -2688,2,,2,,2,2,2 -2689,1,1,2,,2,2,1 -2690,2,,2,,2,2,2 -2691,1,1,2,,2,2,2 -2692,1,2,1,2,2,2,1 -2693,2,,2,,2,2,2 -2694,1,1,2,,2,2,1 -2695,2,,2,,2,2,2 -2696,1,1,1,2,2,2,1 -2697,1,1,1,2,2,2,2 -2698,2,,2,,2,2,2 -2699,1,1,2,,2,2,1 -2700,1,1,1,2,2,1,2 -2701,1,1,1,2,2,2,1 -2702,2,,2,,2,2,2 -2703,1,1,1,2,2,2,1 -2704,1,1,2,,2,2,2 -2705,1,2,2,,2,2,1 -2706,1,1,1,2,2,2,1 -2707,2,,2,,2,2,1 -2708,2,,1,2,2,2,2 -2709,1,1,2,,2,2,2 -2710,1,1,1,2,2,1,2 -2711,2,,2,,2,1,2 -2712,1,1,2,,2,2,1 -2713,1,1,1,2,2,2,2 -2714,1,1,2,,2,2,1 -2715,2,,2,,2,2,1 -2716,1,1,2,,2,2,2 -2717,2,,2,,2,2,2 -2718,1,1,1,2,2,2,2 -2719,1,1,2,,2,2,1 -2720,2,,2,,2,1,2 -2721,2,,1,1,2,2,2 -2722,1,1,1,2,2,2,1 -2723,2,,2,,2,2,2 -2724,1,1,2,,2,2,1 -2725,2,,2,,2,2,1 -2726,1,1,1,2,2,1,1 -2727,1,1,1,2,2,2,2 -2728,1,1,2,,2,2,2 -2729,1,1,2,,2,2,2 -2730,2,,2,,2,2,2 -2731,2,,2,,2,2,2 -2732,1,1,1,2,2,1,2 -2733,1,1,1,2,2,2,1 -2734,1,1,2,,2,2,2 -2735,1,1,1,2,2,2,1 -2736,1,1,2,,2,2,1 -2737,1,1,2,,2,2,2 -2738,2,,2,,2,2,1 -2739,1,1,2,,2,2,1 -2740,1,1,1,2,2,2,1 -2741,1,1,1,1,2,2,1 -2742,2,,2,,2,2,2 -2743,1,1,1,2,2,2,2 -2744,1,1,1,2,2,2,1 -2745,1,1,2,,2,1,1 -2746,1,1,2,,2,2,1 -2747,1,1,1,2,2,2,1 -2748,1,1,2,,2,2,2 -2749,1,1,1,2,2,1,2 -2750,1,1,1,2,2,1,1 -2751,1,1,1,2,2,2,1 -2752,1,1,2,,2,2,1 -2753,1,1,1,2,2,1,2 -2754,1,1,2,,2,2,2 -2755,1,1,1,2,2,2,2 -2756,1,1,2,,2,2,1 -2757,1,1,2,,2,2,2 -2758,1,1,1,2,2,2,1 -2759,1,1,1,2,2,2,1 -2760,1,1,2,,2,2,2 -2761,2,,1,2,2,2,2 -2762,1,1,1,2,2,2,1 -2763,1,1,2,,2,2,1 -2764,1,1,1,2,2,2,1 -2765,1,1,1,2,2,2,2 -2766,1,1,2,,2,2,2 -2767,2,,2,,2,2,2 -2768,2,,2,,2,2,2 -2769,1,1,2,,2,2,2 -2770,1,1,1,2,2,2,2 -2771,2,,2,,2,2,2 -2772,1,1,2,,2,2,1 -2773,1,1,2,,2,2,2 -2774,1,1,2,,2,2,2 -2775,2,,2,,2,2,1 -2776,2,,2,,2,2,2 -2777,1,1,1,2,2,2,1 -2778,2,,2,,2,2,1 -2779,1,1,1,2,2,2,2 -2780,2,,2,,2,2,2 -2781,2,,2,,2,2,2 -2782,1,1,2,,2,2,2 -2783,2,,2,,2,2,1 -2784,1,1,2,,2,2,1 -2785,1,1,1,2,2,2,2 -2786,1,1,1,2,2,2,2 -2787,1,1,1,2,2,2,1 -2788,1,1,2,,2,2,2 -2789,2,,2,,2,2,2 -2790,2,,2,,2,2,2 -2791,2,,2,,2,2,2 -2792,1,1,1,2,2,2,2 -2793,1,1,1,2,2,2,1 -2794,2,,2,,2,2,2 -2795,1,1,2,,2,2,2 -2796,1,1,2,,2,2,2 -2797,2,,2,,2,2,2 -2798,1,1,2,,2,2,2 -2799,1,1,1,2,2,1,1 -2800,1,1,2,,2,2,1 -2801,2,,2,,2,2,2 -2802,1,1,1,2,2,2,2 -2803,1,1,1,2,2,2,2 -2804,2,,2,,2,2,1 -2805,2,,2,,2,2,2 -2806,2,,2,,2,2,2 -2807,1,1,2,,2,2,2 -2808,2,,1,2,2,2,2 -2809,1,1,2,,2,2,2 -2810,1,1,2,,2,2,2 -2811,1,1,2,,2,2,2 -2812,1,1,2,,2,2,1 -2813,2,,2,,2,2,2 -2814,1,1,2,,2,2,2 -2815,1,1,1,2,2,2,2 -2816,1,1,1,2,2,2,2 -2817,1,1,1,2,2,2,2 -2818,2,,2,,2,2,1 -2819,2,,2,,2,2,1 -2820,1,1,1,2,2,2,2 -2821,2,,2,,2,2,2 -2822,1,1,1,2,2,2,1 -2823,1,1,1,2,2,2,1 -2824,1,1,2,,2,2,1 -2825,2,,2,,2,2,1 -2826,2,,2,,2,2,1 -2827,1,1,1,2,2,2,1 -2828,2,,2,,2,2,2 -2829,1,2,2,,2,2,1 -2830,2,,1,2,2,2,2 -2831,1,1,2,,2,2,1 -2832,2,,2,,2,2,2 -2833,1,1,2,,2,2,2 -2834,2,,2,,2,2,2 -2835,1,1,2,,2,2,2 -2836,1,1,2,,2,2,2 -2837,1,2,1,2,2,2,1 -2838,1,1,1,2,2,2,1 -2839,1,1,1,2,2,2,2 -2840,1,1,2,,2,2,1 -2841,1,1,1,2,2,2,1 -2842,1,1,2,,2,2,2 -2843,1,1,2,,2,2,1 -2844,2,,2,,2,2,2 -2845,1,1,2,,2,2,1 -2846,2,,1,2,2,2,2 -2847,1,1,1,2,2,2,2 -2848,1,1,1,1,2,2,1 -2849,2,,1,2,2,2,2 -2850,2,,2,,2,2,1 -2851,2,,2,,2,2,2 -2852,1,1,2,,2,2,1 -2853,1,1,1,2,2,2,2 -2854,2,,2,,2,2,2 -2855,1,1,2,,2,2,1 -2856,1,1,1,2,2,2,2 -2857,1,1,2,,2,2,1 -2858,1,1,2,,2,2,1 -2859,1,1,2,,2,2,2 -2860,1,1,2,,2,2,2 -2861,1,1,2,,2,2,1 -2862,2,,2,,2,2,1 -2863,1,1,2,,2,2,1 -2864,1,1,1,2,2,1,2 -2865,1,1,1,2,2,2,2 -2866,2,,2,,2,2,2 -2867,1,1,2,,2,2,2 -2868,1,1,2,,2,2,1 -2869,1,1,2,,2,2,1 -2870,2,,2,,2,2,2 -2871,1,1,1,2,2,1,1 -2872,1,1,2,,2,2,2 -2873,1,1,1,2,2,2,1 -2874,1,1,1,2,2,2,2 -2875,1,1,1,2,2,2,1 -2876,1,1,1,2,2,2,2 -2877,1,1,1,2,2,2,2 -2878,2,,1,2,2,2,2 -2879,2,,2,,2,2,2 -2880,1,1,2,,2,2,2 -2881,2,,2,,2,2,2 -2882,1,1,2,,2,2,1 -2883,1,1,1,2,2,2,1 -2884,2,,2,,2,2,1 -2885,1,1,1,2,2,2,1 -2886,1,1,1,2,2,2,2 -2887,1,1,1,2,2,2,1 -2888,1,1,2,,2,2,2 -2889,1,1,1,2,2,2,1 -2890,2,,2,,2,2,2 -2891,1,1,1,2,2,2,2 -2892,2,,2,,2,2,1 -2893,2,,2,,2,2,2 -2894,2,,2,,2,2,2 -2895,1,1,1,1,2,2,1 -2896,1,1,2,,2,2,2 -2897,1,1,2,,2,2,1 -2898,2,,2,,2,2,2 -2899,1,1,2,,2,2,1 -2900,1,1,2,,2,2,1 -2901,1,1,1,2,2,1,2 -2902,1,1,1,2,2,2,2 -2903,2,,2,,2,2,2 -2904,1,1,1,2,2,2,1 -2905,1,1,2,,2,1,2 -2906,1,1,1,2,2,2,2 -2907,2,,1,2,2,2,1 -2908,1,1,2,,2,2,1 -2909,1,1,1,2,2,2,1 -2910,1,1,1,2,2,1,1 -2911,2,,2,,2,2,1 -2912,1,1,1,2,2,2,2 -2913,1,1,2,,2,2,2 -2914,2,,2,,2,2,2 -2915,2,,2,,2,2,1 -2916,1,1,2,,2,2,2 -2917,2,,1,2,2,2,2 -2918,1,1,2,,2,2,1 -2919,1,1,2,,2,2,2 -2920,1,1,1,2,2,2,1 -2921,2,,2,,2,2,2 -2922,2,,2,,2,2,1 -2923,2,,2,,2,2,1 -2924,2,,2,,2,2,2 -2925,2,,2,,2,2,1 -2926,1,1,1,2,2,1,1 -2927,1,1,1,2,2,2,2 -2928,1,1,1,2,2,2,2 -2929,2,,2,,2,2,1 -2930,1,1,1,2,2,2,1 -2931,1,1,1,2,2,2,2 -2932,2,,2,,2,2,2 -2933,1,1,1,2,2,1,1 -2934,1,1,2,,2,2,2 -2935,1,1,2,,2,2,1 -2936,1,1,2,,2,2,2 -2937,1,1,2,,2,2,1 -2938,1,1,1,2,2,2,2 -2939,1,2,2,,2,2,1 -2940,1,1,2,,2,2,2 -2941,1,1,1,2,2,2,2 -2942,1,1,2,,2,2,1 -2943,1,1,1,2,2,2,1 -2944,1,1,1,2,2,2,2 -2945,1,1,1,2,2,2,1 -2946,1,1,1,2,2,2,1 -2947,1,2,1,1,2,1,1 -2948,2,,2,,2,2,2 -2949,1,1,1,2,2,2,2 -2950,2,,2,,2,2,1 -2951,2,,1,2,2,2,2 -2952,1,1,1,2,2,2,1 -2953,1,1,2,,2,2,2 -2954,2,,2,,2,1,2 -2955,1,1,1,2,2,2,2 -2956,2,,2,,2,2,1 -2957,2,,2,,2,2,2 -2958,1,1,1,2,2,2,1 -2959,1,1,2,,2,2,1 -2960,1,1,2,,2,2,1 -2961,2,,2,,2,2,2 -2962,1,1,2,,2,2,1 -2963,2,,2,,2,2,2 -2964,2,,2,,2,2,2 -2965,1,1,1,2,2,2,1 -2966,2,,2,,2,2,2 -2967,1,1,1,2,2,2,1 -2968,2,,2,,2,2,1 -2969,2,,2,,2,2,1 -2970,2,,2,,2,2,2 -2971,1,2,2,,2,2,1 -2972,1,1,2,,2,2,2 -2973,1,1,1,2,2,2,2 -2974,1,1,2,,2,2,1 -2975,2,,2,,2,2,1 -2976,2,,2,,2,2,2 -2977,1,1,2,,2,2,2 -2978,2,,1,2,2,2,1 -2979,2,,1,2,2,2,2 -2980,1,2,1,2,1,2,1 -2981,1,1,2,,2,2,1 -2982,1,1,1,2,2,2,1 -2983,1,1,2,,2,2,1 -2984,2,,2,,2,2,2 -2985,1,1,2,,2,2,2 -2986,1,1,1,2,2,2,2 -2987,2,,2,,2,2,1 -2988,1,1,1,2,2,2,2 -2989,1,1,1,2,2,2,2 -2990,1,1,1,2,2,2,2 -2991,1,1,2,,2,2,1 -2992,2,,2,,2,1,2 -2993,1,1,1,2,2,2,2 -2994,1,1,1,2,2,2,1 -2995,2,,2,,2,2,2 -2996,2,,1,2,2,2,2 -2997,1,1,1,2,2,2,1 -2998,1,1,1,2,2,2,2 -2999,1,1,2,,2,2,1 -3000,1,1,2,,2,2,1 -3001,1,1,2,,2,2,2 -3002,1,1,1,2,2,2,1 -3003,2,,2,,2,2,2 -3004,1,1,1,2,2,2,2 -3005,1,1,1,2,2,2,1 -3006,2,,2,,2,1,2 -3007,1,1,1,2,2,2,2 -3008,1,1,2,,2,2,2 -3009,1,1,2,,2,2,1 -3010,2,,2,,2,2,2 -3011,1,1,1,2,2,2,2 -3012,1,1,2,,2,2,2 -3013,2,,2,,2,2,2 -3014,1,1,1,2,2,2,1 -3015,1,1,2,,2,2,1 -3016,1,2,1,2,2,2,1 -3017,2,,2,,2,2,2 -3018,2,,2,,2,2,2 -3019,1,1,2,,2,2,2 -3020,1,1,2,,2,1,2 -3021,1,1,2,,2,1,2 -3022,1,1,1,2,2,2,1 -3023,2,,2,,2,2,2 -3024,2,,2,,2,2,2 -3025,1,1,1,2,2,2,1 -3026,2,,2,,2,2,2 -3027,1,1,2,,2,2,2 -3028,2,,2,,2,2,2 -3029,1,1,2,,2,2,2 -3030,1,1,1,2,2,2,1 -3031,2,,2,,2,1,2 -3032,1,1,2,,2,2,1 -3033,1,1,2,,2,2,1 -3034,1,1,1,2,2,2,2 -3035,1,1,2,,2,2,2 -3036,1,1,1,2,2,2,1 -3037,1,1,2,,2,2,1 -3038,2,,2,,2,2,1 -3039,1,1,1,2,2,2,2 -3040,1,1,1,2,2,2,2 -3041,2,,2,,2,2,2 -3042,1,1,1,2,2,2,1 -3043,1,1,2,,2,1,1 -3044,1,1,1,2,2,2,2 -3045,2,,2,,2,2,2 -3046,1,1,1,2,2,2,2 -3047,1,1,1,2,2,2,1 -3048,1,1,2,,2,2,2 -3049,1,2,1,1,2,2,2 -3050,1,1,2,,2,2,2 -3051,1,1,2,,2,2,2 -3052,1,1,1,2,2,2,2 -3053,2,,2,,2,2,2 -3054,2,,1,2,2,2,1 -3055,1,1,2,,2,2,1 -3056,2,,2,,2,2,1 -3057,1,1,1,1,2,1,1 -3058,2,,2,,2,2,2 -3059,1,1,1,2,2,2,1 -3060,1,1,2,,2,2,1 -3061,2,,1,1,2,2,1 -3062,1,1,1,2,2,2,1 -3063,1,1,1,2,2,2,1 -3064,1,1,2,,2,2,1 -3065,1,1,2,,2,2,1 -3066,1,1,2,,2,2,1 -3067,1,1,1,2,2,2,1 -3068,2,,1,2,2,2,1 -3069,1,1,1,2,2,2,1 -3070,1,1,1,2,2,2,1 -3071,1,1,2,,2,2,2 -3072,2,,2,,2,2,2 -3073,1,1,1,2,2,1,2 -3074,1,1,1,1,2,1,1 -3075,1,1,2,,2,2,2 -3076,1,1,1,2,2,2,2 -3077,1,1,1,2,2,2,1 -3078,2,,2,,2,2,2 -3079,2,,1,2,2,2,2 -3080,1,1,1,2,2,2,1 -3081,2,,1,2,2,2,2 -3082,1,1,1,2,2,2,2 -3083,2,,2,,2,2,1 -3084,2,,2,,2,2,2 -3085,1,1,1,2,2,2,1 -3086,2,,2,,2,2,2 -3087,2,,2,,2,2,2 -3088,2,,2,,2,2,1 -3089,1,1,2,,2,2,1 -3090,1,1,2,,2,2,2 -3091,2,,2,,2,2,2 -3092,1,1,1,2,2,2,1 -3093,1,1,2,,2,2,1 -3094,2,,2,,2,2,2 -3095,2,,2,,2,2,2 -3096,1,1,2,,2,2,2 -3097,2,,2,,2,2,2 -3098,1,1,1,2,2,2,2 -3099,1,1,1,2,2,2,1 -3100,1,1,1,2,2,2,2 -3101,1,2,1,2,2,2,1 -3102,1,1,1,2,2,2,1 -3103,1,1,2,,2,2,2 -3104,2,,1,2,2,2,2 -3105,1,1,1,2,2,2,1 -3106,2,,2,,2,2,2 -3107,2,,2,,2,2,2 -3108,1,1,2,,2,2,2 -3109,1,1,1,2,2,2,1 -3110,1,1,2,,2,2,1 -3111,1,1,1,2,2,2,1 -3112,1,1,1,1,2,2,1 -3113,1,1,1,2,2,2,1 -3114,1,2,1,2,2,1,1 -3115,1,1,2,,2,2,1 -3116,1,1,2,,2,1,2 -3117,2,,1,2,2,2,2 -3118,2,,2,,2,2,2 -3119,2,,2,,2,2,2 -3120,1,1,1,2,2,1,1 -3121,2,,2,,2,2,2 -3122,1,1,1,2,2,2,1 -3123,2,,2,,2,2,1 -3124,1,1,2,,2,2,2 -3125,1,1,1,2,2,2,2 -3126,2,,2,,2,2,2 -3127,1,1,2,,2,2,1 -3128,1,1,1,2,2,2,1 -3129,1,1,1,2,2,1,1 -3130,2,,2,,2,2,2 -3131,1,1,1,2,2,2,2 -3132,1,1,1,2,2,2,1 -3133,1,2,2,,2,2,2 -3134,1,1,1,2,2,2,2 -3135,2,,2,,2,2,1 -3136,2,,2,,2,2,2 -3137,1,1,1,2,2,2,1 -3138,1,1,1,2,2,1,1 -3139,1,1,1,2,2,2,2 -3140,2,,2,,2,2,2 -3141,1,1,1,2,2,2,1 -3142,2,,2,,2,2,2 -3143,2,,2,,2,1,2 -3144,1,1,2,,2,2,1 -3145,1,1,1,2,2,2,1 -3146,1,1,1,2,2,2,2 -3147,1,1,1,2,2,2,2 -3148,1,2,1,2,2,2,1 -3149,2,,2,,2,2,2 -3150,2,,2,,2,1,1 -3151,1,1,2,,2,2,1 -3152,1,1,2,,2,1,1 -3153,1,1,2,,2,2,1 -3154,2,,2,,2,2,2 -3155,2,,2,,2,2,2 -3156,2,,1,2,2,2,2 -3157,1,1,1,2,2,2,2 -3158,2,,2,,2,2,2 -3159,1,2,1,2,2,2,1 -3160,2,,2,,2,2,2 -3161,1,1,2,,2,2,1 -3162,1,1,1,2,2,2,1 -3163,2,,2,,2,2,2 -3164,1,2,2,,2,2,2 -3165,2,,2,,2,2,2 -3166,1,1,2,,2,2,2 -3167,1,1,2,,2,2,1 -3168,2,,1,2,2,2,2 -3169,2,,2,,2,2,1 -3170,2,,2,,2,2,1 -3171,2,,2,,2,2,2 -3172,1,1,2,,2,2,2 -3173,1,1,1,2,2,2,2 -3174,1,1,1,2,2,2,2 -3175,1,1,1,2,2,2,2 -3176,1,1,2,,2,2,2 -3177,1,1,1,2,2,1,1 -3178,1,1,1,2,2,2,1 -3179,1,1,1,2,2,2,2 -3180,1,1,2,,2,2,1 -3181,1,1,2,,2,2,1 -3182,1,1,1,2,2,2,1 -3183,1,1,2,,2,2,2 -3184,1,1,2,,2,2,2 -3185,2,,2,,2,2,2 -3186,1,2,1,1,2,2,1 -3187,2,,2,,2,2,1 -3188,1,1,1,2,2,2,2 -3189,1,1,1,2,2,1,1 -3190,1,1,1,2,2,1,1 -3191,1,1,2,,2,2,1 -3192,2,,2,,2,2,2 -3193,1,1,1,2,2,2,1 -3194,1,2,1,2,2,2,2 -3195,1,1,2,,2,2,1 -3196,1,1,2,,2,2,2 -3197,1,1,2,,2,2,1 -3198,1,1,2,,2,2,2 -3199,1,1,1,2,2,2,1 -3200,1,1,2,,2,2,2 -3201,1,1,1,2,2,2,2 -3202,1,1,2,,2,2,1 -3203,2,,2,,2,2,1 -3204,1,1,1,2,2,2,2 -3205,2,,1,2,2,1,2 -3206,2,,2,,2,2,2 -3207,1,1,2,,2,2,1 -3208,1,1,1,2,2,2,1 -3209,1,1,2,,2,2,1 -3210,1,1,1,2,2,2,1 -3211,1,2,1,1,2,2,1 -3212,1,1,1,2,2,2,1 -3213,2,,2,,2,2,1 -3214,1,1,1,2,2,2,1 -3215,2,,2,,2,2,2 -3216,1,1,2,,2,2,1 -3217,1,1,2,,2,2,1 -3218,2,,2,,2,2,1 -3219,2,,2,,2,2,1 -3220,1,1,2,,2,2,1 -3221,2,,2,,2,2,2 -3222,1,1,1,2,2,2,1 -3223,2,,2,,2,2,2 -3224,1,2,1,2,2,1,2 -3225,1,2,1,2,2,2,1 -3226,1,1,1,2,2,1,1 -3227,1,1,1,2,2,2,1 -3228,1,1,1,2,2,2,1 -3229,1,1,1,2,2,2,2 -3230,1,1,1,2,2,2,1 -3231,1,1,2,,2,2,1 -3232,1,2,1,1,2,2,1 -3233,1,1,1,2,2,2,1 -3234,1,1,1,2,2,2,2 -3235,2,,1,2,2,2,2 -3236,2,,2,,2,2,2 -3237,2,,1,2,2,2,2 -3238,1,1,2,,2,1,1 -3239,2,,2,,2,2,2 -3240,1,1,2,,2,2,2 -3241,2,,1,2,2,2,2 -3242,1,1,1,2,2,1,1 -3243,1,1,1,2,2,2,1 -3244,1,1,1,2,2,2,1 -3245,1,1,2,,2,1,2 -3246,1,2,2,,2,2,1 -3247,1,1,1,2,2,2,2 -3248,1,1,2,,2,2,2 -3249,2,,2,,2,2,2 -3250,1,2,1,2,2,2,1 -3251,1,1,1,2,2,2,1 -3252,1,1,2,,2,2,1 -3253,1,1,2,,2,2,1 -3254,2,,2,,2,2,2 -3255,1,1,1,2,2,2,1 -3256,1,1,2,,2,2,1 -3257,2,,2,,2,2,2 -3258,2,,2,,2,2,1 -3259,1,1,1,2,2,1,1 -3260,1,1,2,,2,2,2 -3261,1,1,1,2,2,2,1 -3262,1,1,2,,2,2,1 -3263,1,1,2,,2,2,2 -3264,1,1,1,2,2,2,1 -3265,1,1,1,2,2,2,1 -3266,2,,1,2,2,2,2 -3267,1,1,2,,2,2,2 -3268,1,1,1,2,2,2,2 -3269,1,1,2,,2,2,1 -3270,2,,2,,2,2,1 -3271,2,,2,,2,2,1 -3272,2,,2,,2,2,1 -3273,2,,2,,2,2,1 -3274,2,,2,,2,2,1 -3275,1,1,2,,2,2,1 -3276,1,1,2,,2,2,2 -3277,1,1,1,2,2,2,2 -3278,1,1,2,,2,2,2 -3279,1,1,2,,2,2,1 -3280,1,2,2,,2,2,1 -3281,1,1,1,2,2,1,1 -3282,2,,2,,2,2,1 -3283,1,1,1,2,2,2,2 -3284,1,1,1,2,2,2,2 -3285,1,1,2,,2,1,2 -3286,1,1,2,,2,2,1 -3287,1,1,2,,2,2,2 -3288,2,,2,,2,2,2 -3289,2,,2,,2,2,1 -3290,2,,2,,2,2,2 -3291,1,1,1,2,2,2,1 -3292,2,,2,,2,2,1 -3293,2,,2,,2,2,1 -3294,1,1,1,2,2,2,1 -3295,1,1,1,2,2,2,1 -3296,2,,2,,2,2,2 -3297,1,1,2,,2,1,1 -3298,2,,1,2,2,2,2 -3299,1,1,1,2,2,2,2 -3300,2,,2,,2,2,2 -3301,2,,2,,2,2,2 -3302,1,1,2,,2,2,2 -3303,2,,2,,2,2,2 -3304,1,1,2,,2,1,1 -3305,1,1,2,,2,2,2 -3306,2,,2,,2,2,1 -3307,1,1,1,2,2,2,1 -3308,2,,2,,2,2,1 -3309,1,1,2,,2,2,1 -3310,2,,2,,2,2,1 -3311,1,1,2,,2,2,1 -3312,1,1,2,,2,2,2 -3313,2,,2,,2,2,2 -3314,1,2,2,,2,2,1 -3315,2,,2,,2,2,2 -3316,2,,2,,2,2,2 -3317,1,1,2,,2,2,2 -3318,1,1,1,2,2,2,1 -3319,1,2,1,2,2,1,1 -3320,1,1,2,,2,2,1 -3321,1,1,1,2,2,2,2 -3322,1,2,1,2,2,2,1 -3323,1,1,2,,2,2,1 -3324,1,1,1,2,2,2,2 -3325,2,,1,2,2,2,2 -3326,2,,2,,2,2,1 -3327,1,1,1,2,2,2,2 -3328,1,1,2,,2,2,2 -3329,1,1,1,2,2,2,1 -3330,1,1,2,,2,1,1 -3331,1,1,2,,2,2,2 -3332,1,1,2,,2,2,1 -3333,2,,2,,2,2,2 -3334,1,2,1,2,2,1,2 -3335,1,1,2,,2,2,2 -3336,1,1,2,,2,2,2 -3337,1,1,2,,2,2,1 -3338,1,1,1,2,2,2,1 -3339,1,1,1,2,2,2,2 -3340,2,,2,,2,2,2 -3341,1,1,1,2,2,2,2 -3342,1,1,1,1,2,2,1 -3343,1,1,2,,2,2,2 -3344,1,1,1,2,2,2,1 -3345,1,1,1,2,2,2,2 -3346,1,1,1,2,2,2,2 -3347,1,1,2,,2,2,1 -3348,1,1,1,2,2,1,2 -3349,1,1,1,2,2,2,1 -3350,2,,2,,2,1,2 -3351,1,1,2,,2,2,1 -3352,1,1,2,,2,2,2 -3353,2,,2,,2,2,1 -3354,2,,2,,2,2,2 -3355,1,1,1,2,2,2,2 -3356,1,1,2,,2,2,2 -3357,2,,2,,2,2,2 -3358,1,1,2,,2,2,2 -3359,1,1,1,2,2,2,1 -3360,1,1,1,2,2,2,2 -3361,1,1,2,,2,2,1 -3362,1,1,1,2,2,2,2 -3363,2,,2,,2,2,1 -3364,2,,1,2,2,2,2 -3365,1,1,2,,2,2,2 -3366,2,,2,,2,2,2 -3367,2,,2,,2,2,2 -3368,1,1,2,,2,2,1 -3369,2,,2,,2,2,2 -3370,2,,2,,2,2,1 -3371,1,1,1,2,2,2,2 -3372,1,1,1,2,2,2,1 -3373,2,,1,1,2,2,1 -3374,1,1,1,2,2,1,1 -3375,2,,2,,2,2,1 -3376,2,,1,2,2,2,2 -3377,1,1,1,2,2,2,2 -3378,2,,1,2,2,2,2 -3379,1,1,2,,2,2,2 -3380,1,1,1,2,1,1,1 -3381,1,1,2,,2,2,2 -3382,1,1,2,,2,2,2 -3383,2,,2,,2,2,2 -3384,1,2,1,2,2,1,1 -3385,1,2,1,2,2,1,1 -3386,1,1,1,2,2,2,2 -3387,2,,2,,2,2,2 -3388,1,1,1,2,2,2,1 -3389,1,1,1,2,2,2,2 -3390,1,1,2,,2,2,1 -3391,2,,2,,2,2,2 -3392,1,1,2,,2,2,1 -3393,1,1,1,2,2,2,2 -3394,2,,2,,2,2,2 -3395,1,1,2,,2,2,1 -3396,1,1,1,2,2,2,2 -3397,1,1,2,,2,2,1 -3398,1,2,2,,2,2,2 -3399,2,,2,,2,2,2 -3400,1,1,1,2,2,2,1 -3401,1,1,1,2,2,2,2 -3402,2,,2,,2,2,1 -3403,2,,2,,2,2,1 -3404,1,1,2,,2,2,1 -3405,2,,2,,2,2,1 -3406,1,1,1,2,2,2,1 -3407,1,1,1,2,2,2,1 -3408,1,1,2,,2,2,2 -3409,2,,2,,2,2,2 -3410,2,,2,,2,2,1 -3411,2,,2,,2,2,1 -3412,2,,2,,2,2,2 -3413,1,1,1,2,2,2,2 -3414,1,1,2,,2,2,1 -3415,1,1,1,2,2,2,1 -3416,1,1,1,2,2,2,1 -3417,1,1,1,2,2,2,2 -3418,1,1,1,2,2,2,1 -3419,1,1,1,2,2,2,2 -3420,1,1,1,2,2,1,1 -3421,1,1,1,2,2,2,2 -3422,2,,1,2,2,2,2 -3423,1,1,2,,2,2,2 -3424,1,1,1,2,2,2,1 -3425,1,1,1,2,1,2,1 -3426,1,1,1,2,2,2,2 -3427,1,1,2,,2,2,1 -3428,2,,2,,2,2,2 -3429,2,,2,,2,2,2 -3430,1,1,2,,2,2,2 -3431,1,1,1,2,2,2,1 -3432,2,,2,,2,2,2 -3433,1,1,2,,2,2,1 -3434,1,1,2,,2,2,2 -3435,2,,2,,2,2,1 -3436,1,1,2,,2,2,2 -3437,2,,2,,2,1,1 -3438,1,1,2,,2,2,2 -3439,2,,2,,2,2,2 -3440,2,,1,2,2,2,2 -3441,1,1,2,,2,2,2 -3442,1,1,1,2,2,2,1 -3443,1,1,1,2,2,2,1 -3444,1,1,1,2,2,2,2 -3445,1,1,1,2,2,2,2 -3446,1,1,2,,2,2,2 -3447,1,1,2,,2,2,2 -3448,1,2,2,,2,2,1 -3449,1,1,1,2,2,2,2 -3450,1,1,1,2,2,2,2 -3451,1,1,1,2,2,2,2 -3452,2,,1,2,2,2,2 -3453,1,1,1,2,2,1,1 -3454,1,1,1,2,2,2,2 -3455,1,1,1,2,2,2,2 -3456,1,1,2,,2,1,1 -3457,1,1,1,2,2,2,1 -3458,2,,1,2,2,2,1 -3459,1,1,2,,2,2,1 -3460,1,1,1,2,2,2,2 -3461,1,1,2,,2,2,2 -3462,1,1,2,,2,2,1 -3463,1,1,1,2,2,2,1 -3464,1,1,1,2,2,2,1 -3465,2,,2,,2,2,2 -3466,1,1,1,2,2,2,1 -3467,2,,2,,2,2,2 -3468,1,1,2,,2,2,2 -3469,1,2,1,2,2,2,1 -3470,1,1,1,2,2,2,1 -3471,2,,2,,2,2,2 -3472,1,1,1,2,2,2,1 -3473,1,1,2,,2,2,2 -3474,1,1,2,,2,2,2 -3475,1,1,2,,2,2,2 -3476,2,,2,,2,2,2 -3477,2,,2,,2,2,2 -3478,2,,2,,2,2,2 -3479,1,1,2,,2,2,2 -3480,1,1,1,2,2,2,1 -3481,1,1,2,,2,2,1 -3482,1,1,1,2,2,2,2 -3483,1,1,1,2,2,2,2 -3484,1,1,2,,2,2,2 -3485,1,1,1,2,2,2,1 -3486,1,1,1,2,2,2,2 -3487,2,,2,,2,2,2 -3488,1,1,1,2,2,2,2 -3489,2,,2,,2,2,1 -3490,2,,2,,2,2,2 -3491,1,1,2,,2,2,1 -3492,2,,2,,2,2,2 -3493,1,1,1,2,2,2,2 -3494,1,1,1,2,2,2,2 -3495,1,1,1,2,2,2,2 -3496,1,1,2,,2,2,2 -3497,1,1,2,,2,2,1 -3498,1,1,2,,2,2,1 -3499,2,,1,2,2,1,2 -3500,1,1,1,2,2,2,2 -3501,2,,2,,2,2,2 -3502,1,1,2,,2,2,1 -3503,1,1,2,,2,1,2 -3504,2,,1,2,2,2,2 -3505,2,,2,,2,2,1 -3506,1,1,2,,2,2,1 -3507,2,,2,,2,2,2 -3508,1,1,1,2,2,2,1 -3509,1,1,2,,2,2,1 -3510,2,,2,,2,2,2 -3511,2,,2,,2,2,2 -3512,2,,2,,2,2,2 -3513,2,,2,,2,1,1 -3514,2,,2,,2,2,2 -3515,1,1,2,,2,2,2 -3516,2,,2,,2,2,2 -3517,1,1,2,,2,1,1 -3518,1,1,1,2,2,2,2 -3519,1,1,1,2,2,2,1 -3520,1,1,1,2,2,2,2 -3521,1,1,1,2,2,1,1 -3522,1,1,2,,2,2,1 -3523,2,,2,,2,2,2 -3524,1,1,2,,2,2,2 -3525,1,2,1,2,2,2,1 -3526,1,1,2,,2,2,1 -3527,2,,1,2,2,2,2 -3528,1,1,2,,2,1,1 -3529,1,1,1,2,2,2,2 -3530,2,,2,,2,2,2 -3531,1,1,1,2,2,1,2 -3532,1,1,1,2,2,2,2 -3533,1,1,2,,2,2,2 -3534,2,,2,,2,2,2 -3535,1,1,1,2,2,2,1 -3536,1,1,1,2,2,2,1 -3537,1,1,2,,2,2,2 -3538,2,,2,,2,2,1 -3539,1,1,1,2,2,2,1 -3540,2,,2,,2,2,1 -3541,1,1,2,,2,2,2 -3542,2,,2,,2,2,2 -3543,1,1,1,2,2,2,1 -3544,1,1,1,2,2,2,2 -3545,1,1,1,2,2,2,1 -3546,1,1,1,2,2,2,2 -3547,2,,2,,2,2,2 -3548,2,,2,,2,2,2 -3549,2,,2,,2,2,1 -3550,1,1,1,2,2,2,1 -3551,1,1,2,,2,2,1 -3552,1,1,1,2,2,2,2 -3553,1,1,2,,2,2,2 -3554,1,1,2,,2,2,2 -3555,2,,2,,2,2,2 -3556,1,1,2,,2,2,1 -3557,1,2,2,,2,2,1 -3558,1,1,1,2,2,2,1 -3559,1,2,2,,2,2,1 -3560,2,,2,,2,2,2 -3561,2,,2,,2,2,2 -3562,1,1,2,,2,2,1 -3563,1,1,2,,2,2,2 -3564,1,2,1,2,2,2,1 -3565,2,,2,,2,2,2 -3566,1,1,2,,2,2,1 -3567,1,1,1,2,2,1,2 -3568,1,1,2,,2,2,2 -3569,2,,1,2,2,2,2 -3570,2,,1,2,2,2,2 -3571,2,,2,,2,2,1 -3572,1,1,1,2,2,2,1 -3573,1,1,1,2,2,2,1 -3574,1,1,2,,2,2,1 -3575,1,1,2,,2,2,2 -3576,1,1,1,2,2,2,1 -3577,1,1,2,,2,2,2 -3578,1,1,2,,2,2,2 -3579,2,,2,,2,2,2 -3580,1,1,2,,2,2,1 -3581,2,,2,,2,2,2 -3582,2,,1,2,2,2,1 -3583,2,,2,,2,2,2 -3584,1,2,1,2,2,2,1 -3585,1,1,2,,2,2,2 -3586,1,1,2,,2,1,1 -3587,1,1,1,2,2,1,1 -3588,1,1,1,2,2,2,1 -3589,1,1,1,2,2,1,2 -3590,1,1,1,2,2,1,2 -3591,1,1,1,2,2,1,1 -3592,1,1,1,2,2,2,2 -3593,2,,2,,2,2,2 -3594,2,,2,,2,2,1 -3595,1,1,1,2,2,2,1 -3596,1,1,1,2,2,1,2 -3597,1,1,2,,2,2,1 -3598,1,1,1,2,2,2,1 -3599,2,,2,,2,2,1 -3600,1,1,2,,2,2,2 -3601,1,1,2,,2,2,2 -3602,1,1,1,2,2,2,2 -3603,1,1,2,,2,2,1 -3604,2,,2,,2,2,2 -3605,2,,2,,2,2,2 -3606,1,1,2,,2,2,2 -3607,1,1,1,1,1,2,1 -3608,2,,1,2,2,2,2 -3609,1,1,2,,2,2,2 -3610,1,1,1,2,2,2,1 -3611,2,,2,,2,2,1 -3612,1,1,2,,2,2,1 -3613,2,,2,,2,2,2 -3614,1,1,1,2,2,2,1 -3615,1,1,1,1,2,2,1 -3616,1,1,1,2,2,2,2 -3617,2,,2,,2,2,2 -3618,1,1,1,2,2,2,2 -3619,2,,2,,2,2,2 -3620,1,1,2,,2,2,2 -3621,1,1,1,2,2,2,1 -3622,1,1,1,1,2,2,1 -3623,1,1,1,2,2,1,1 -3624,1,1,2,,2,1,1 -3625,2,,2,,2,2,2 -3626,2,,2,,2,2,2 -3627,1,1,2,,2,2,1 -3628,1,1,1,2,2,2,1 -3629,1,1,2,,2,2,2 -3630,1,1,1,2,2,2,2 -3631,2,,2,,2,2,2 -3632,1,1,1,2,2,2,1 -3633,2,,2,,2,2,2 -3634,1,1,1,2,2,2,1 -3635,1,1,1,2,2,2,2 -3636,2,,1,2,2,2,2 -3637,2,,2,,2,2,2 -3638,1,1,2,,2,2,2 -3639,2,,2,,2,2,2 -3640,1,1,1,2,2,2,2 -3641,1,1,1,2,2,2,1 -3642,1,1,2,,2,2,1 -3643,1,1,2,,2,2,2 -3644,2,,2,,2,2,1 -3645,1,1,1,2,2,2,2 -3646,1,1,1,2,2,2,2 -3647,2,,2,,2,2,2 -3648,1,1,2,,2,2,2 -3649,1,1,1,2,2,2,2 -3650,1,1,2,,2,2,2 -3651,1,1,1,2,2,2,1 -3652,1,2,1,2,2,2,1 -3653,2,,2,,2,2,2 -3654,2,,2,,2,2,2 -3655,2,,2,,2,2,2 -3656,2,,2,,2,2,2 -3657,1,1,1,2,2,2,2 -3658,1,1,1,2,2,2,1 -3659,1,1,1,2,2,2,1 -3660,2,,2,,2,2,2 -3661,2,,2,,2,2,2 -3662,2,,1,2,2,2,2 -3663,1,1,1,2,2,2,2 -3664,1,1,1,2,2,2,1 -3665,2,,2,,2,2,1 -3666,1,1,1,2,2,2,2 -3667,1,1,2,,2,2,2 -3668,1,1,2,,2,2,1 -3669,1,1,2,,2,2,2 -3670,2,,2,,2,2,2 -3671,1,1,2,,2,2,2 -3672,1,1,2,,2,2,1 -3673,1,1,2,,2,2,2 -3674,2,,2,,2,2,2 -3675,1,1,2,,2,2,1 -3676,1,1,1,2,2,2,2 -3677,1,1,1,2,2,2,2 -3678,1,1,2,,2,2,2 -3679,1,1,1,2,2,2,1 -3680,2,,2,,2,2,2 -3681,1,1,1,2,2,2,1 -3682,1,1,2,,2,2,1 -3683,1,1,1,2,2,2,2 -3684,1,1,1,2,2,2,2 -3685,1,1,2,,2,2,2 -3686,1,1,1,2,2,2,1 -3687,1,2,1,2,2,2,2 -3688,2,,2,,2,2,2 -3689,2,,2,,2,2,2 -3690,1,1,1,2,2,2,2 -3691,2,,2,,2,2,2 -3692,1,1,1,2,2,2,2 -3693,1,2,2,,2,2,2 -3694,1,1,2,,2,2,2 -3695,1,1,1,2,2,2,1 -3696,1,1,1,2,2,2,1 -3697,2,,1,2,2,2,1 -3698,1,1,2,,2,2,2 -3699,1,1,1,2,2,2,2 -3700,2,,2,,2,2,2 -3701,1,2,2,,2,2,1 -3702,1,1,1,2,2,2,1 -3703,2,,2,,2,1,2 -3704,1,1,1,2,2,2,1 -3705,2,,1,2,2,2,2 -3706,2,,1,2,2,2,2 -3707,1,2,1,2,2,1,1 -3708,1,1,1,2,2,2,2 -3709,2,,2,,2,2,2 -3710,1,1,1,2,2,2,2 -3711,2,,2,,2,2,2 -3712,2,,2,,2,2,2 -3713,1,1,2,,2,2,1 -3714,1,1,2,,2,1,1 -3715,1,1,1,2,2,2,1 -3716,1,1,1,2,2,2,1 -3717,1,1,2,,2,2,2 -3718,1,1,2,,2,2,2 -3719,1,1,1,2,2,2,1 -3720,2,,2,,2,2,2 -3721,1,1,1,1,1,2,1 -3722,1,1,1,2,2,2,1 -3723,1,1,2,,2,2,1 -3724,1,1,2,,2,2,2 -3725,1,1,2,,2,2,1 -3726,1,1,1,2,2,1,1 -3727,1,1,2,,2,2,1 -3728,1,1,1,2,2,2,1 -3729,1,1,1,2,2,2,1 -3730,1,1,2,,2,2,1 -3731,1,1,1,2,2,2,2 -3732,1,1,2,,2,2,2 -3733,1,1,1,2,2,2,2 -3734,1,1,2,,2,2,2 -3735,1,1,2,,2,2,2 -3736,1,1,1,2,2,2,2 -3737,2,,2,,2,2,1 -3738,2,,2,,2,2,2 -3739,1,2,1,2,2,2,1 -3740,2,,2,,2,2,1 -3741,1,1,2,,2,2,2 -3742,2,,2,,2,2,2 -3743,1,1,2,,2,2,1 -3744,1,1,1,2,2,2,2 -3745,1,1,2,,2,2,1 -3746,1,2,2,,2,2,1 -3747,1,1,2,,2,2,2 -3748,1,1,2,,2,2,2 -3749,2,,2,,2,2,2 -3750,2,,2,,2,2,2 -3751,2,,2,,2,2,2 -3752,1,1,1,2,2,2,1 -3753,1,1,1,2,2,2,1 -3754,2,,2,,2,2,1 -3755,1,1,1,2,2,2,1 -3756,1,1,1,2,2,2,1 -3757,1,1,2,,2,2,1 -3758,2,,2,,2,2,2 -3759,2,,2,,2,2,2 -3760,2,,2,,2,2,2 -3761,1,1,1,2,2,2,1 -3762,2,,2,,2,1,1 -3763,2,,2,,2,2,2 -3764,2,,2,,2,2,2 -3765,2,,2,,2,2,2 -3766,2,,2,,2,2,2 -3767,1,1,1,2,2,2,1 -3768,1,1,1,2,2,1,1 -3769,2,,2,,2,2,2 -3770,2,,2,,2,2,2 -3771,1,1,1,2,2,2,1 -3772,2,,1,2,2,2,2 -3773,1,1,2,,2,1,2 -3774,1,2,2,,2,2,2 -3775,2,,2,,2,2,2 -3776,1,1,1,2,2,2,2 -3777,1,1,2,,2,2,1 -3778,1,1,1,2,2,2,1 -3779,2,,2,,2,2,1 -3780,1,1,1,2,2,2,2 -3781,1,1,1,2,2,1,2 -3782,1,1,1,2,2,1,1 -3783,1,1,2,,2,2,2 -3784,1,1,1,2,2,2,2 -3785,1,1,1,2,2,2,1 -3786,2,,2,,2,2,2 -3787,1,1,1,2,2,1,1 -3788,2,,2,,2,2,2 -3789,2,,1,2,2,2,2 -3790,1,1,2,,2,2,1 -3791,1,1,2,,2,2,2 -3792,1,1,2,,2,2,1 -3793,1,1,1,2,2,2,1 -3794,2,,1,2,2,2,2 -3795,1,1,1,2,2,1,2 -3796,2,,1,2,2,2,2 -3797,1,1,2,,2,2,2 -3798,1,1,1,2,2,2,2 -3799,1,1,2,,2,2,1 -3800,1,1,2,,2,2,2 -3801,2,,2,,2,2,1 -3802,1,1,1,2,2,2,2 -3803,2,,2,,2,2,2 -3804,2,,2,,2,2,2 -3805,2,,2,,2,1,2 -3806,1,1,1,2,2,2,1 -3807,2,,2,,2,2,2 -3808,1,1,2,,2,2,2 -3809,2,,2,,2,2,2 -3810,2,,2,,2,2,2 -3811,1,1,2,,2,2,2 -3812,1,1,2,,2,2,1 -3813,1,1,2,,2,2,1 -3814,2,,2,,2,2,1 -3815,1,1,1,2,2,2,2 -3816,1,1,2,,2,2,2 -3817,1,1,2,,2,2,2 -3818,1,1,2,,2,2,2 -3819,1,1,1,2,2,2,1 -3820,2,,2,,2,2,2 -3821,1,1,1,2,2,2,2 -3822,2,,1,2,2,2,2 -3823,1,1,1,2,2,2,2 -3824,1,1,1,2,2,2,1 -3825,1,1,2,,2,2,2 -3826,1,1,1,2,2,2,2 -3827,2,,2,,2,2,2 -3828,1,1,2,,2,2,2 -3829,1,1,2,,2,2,2 -3830,2,,2,,2,2,2 -3831,1,1,2,,2,2,1 -3832,2,,2,,2,2,2 -3833,2,,2,,2,2,2 -3834,1,1,1,2,2,2,2 -3835,1,1,1,2,2,2,1 -3836,1,1,1,2,2,2,1 -3837,1,1,2,,2,2,2 -3838,1,1,1,2,2,2,2 -3839,1,1,2,,2,2,2 -3840,1,1,2,,2,2,2 -3841,1,1,1,2,2,2,2 -3842,1,1,2,,2,1,1 -3843,2,,2,,2,2,2 -3844,2,,2,,2,2,2 -3845,1,1,2,,2,2,1 -3846,1,1,1,2,2,2,1 -3847,1,2,1,2,2,2,2 -3848,2,,2,,2,2,1 -3849,2,,2,,2,2,2 -3850,1,1,1,2,2,2,2 -3851,2,,2,,2,2,1 -3852,2,,2,,2,2,1 -3853,2,,2,,2,2,2 -3854,2,,2,,2,2,2 -3855,1,1,1,2,2,2,2 -3856,1,1,2,,2,2,1 -3857,1,1,2,,2,2,1 -3858,2,,1,2,2,2,2 -3859,2,,1,2,2,2,2 -3860,1,1,1,2,2,2,1 -3861,1,1,1,2,2,1,1 -3862,2,,2,,2,2,1 -3863,1,1,1,2,2,2,2 -3864,1,1,2,,2,2,1 -3865,1,2,2,,2,2,1 -3866,1,1,2,,2,2,1 -3867,2,,1,2,2,2,2 -3868,1,2,2,,2,2,1 -3869,2,,2,,2,2,2 -3870,1,1,2,,2,1,1 -3871,1,1,1,2,2,2,1 -3872,1,1,1,2,1,2,1 -3873,1,1,2,,2,2,1 -3874,2,,2,,2,2,2 -3875,2,,1,2,2,2,1 -3876,1,1,1,2,2,2,1 -3877,1,1,2,,2,2,2 -3878,1,1,1,2,2,2,2 -3879,1,1,1,2,2,1,1 -3880,1,1,2,,2,2,1 -3881,2,,2,,2,2,2 -3882,2,,1,2,2,2,1 -3883,2,,2,,2,2,2 -3884,2,,2,,2,1,2 -3885,1,1,1,2,2,1,2 -3886,1,1,2,,2,2,2 -3887,1,1,1,2,2,2,1 -3888,1,1,1,2,2,2,1 -3889,1,1,1,2,2,2,2 -3890,2,,2,,2,2,1 -3891,2,,2,,2,2,2 -3892,1,1,1,2,2,2,1 -3893,2,,2,,2,2,2 -3894,2,,2,,2,2,2 -3895,1,1,2,,2,1,2 -3896,1,1,1,2,2,2,1 -3897,1,1,1,2,2,2,1 -3898,2,,2,,2,2,1 -3899,2,,2,,2,2,2 -3900,2,,2,,2,1,2 -3901,1,2,1,2,2,2,1 -3902,1,1,1,2,2,2,2 -3903,1,1,1,2,2,2,1 -3904,1,1,1,2,2,2,1 -3905,1,1,1,2,2,2,1 -3906,1,1,1,2,2,2,1 -3907,1,1,1,2,2,2,1 -3908,2,,1,2,2,2,1 -3909,2,,2,,2,2,2 -3910,1,2,1,1,2,2,1 -3911,1,1,1,2,2,2,1 -3912,1,1,2,,2,2,2 -3913,2,,2,,2,2,1 -3914,1,1,1,2,2,2,2 -3915,2,,2,,2,2,2 -3916,1,1,1,2,2,2,2 -3917,1,1,2,,2,2,2 -3918,1,1,1,2,2,2,2 -3919,1,1,1,2,2,2,2 -3920,1,1,2,,2,1,1 -3921,2,,2,,2,2,2 -3922,2,,2,,2,2,2 -3923,1,1,1,2,2,1,1 -3924,1,1,2,,2,2,1 -3925,1,1,1,2,2,2,2 -3926,1,1,1,2,2,2,1 -3927,2,,2,,2,2,2 -3928,1,1,1,2,2,2,2 -3929,2,,1,2,2,2,1 -3930,1,1,2,,2,2,2 -3931,1,1,2,,2,2,1 -3932,2,,2,,2,2,2 -3933,2,,2,,2,1,1 -3934,2,,2,,2,2,2 -3935,2,,2,,2,2,2 -3936,1,1,1,2,2,2,1 -3937,1,1,2,,2,2,2 -3938,2,,2,,2,2,2 -3939,2,,2,,2,2,2 -3940,2,,2,,2,2,2 -3941,1,1,1,2,2,2,2 -3942,1,1,1,2,2,2,1 -3943,2,,2,,2,2,2 -3944,1,1,2,,2,2,2 -3945,1,1,2,,2,2,2 -3946,1,1,2,,2,2,1 -3947,1,1,1,2,2,2,2 -3948,1,1,1,2,2,2,2 -3949,1,1,1,2,2,2,1 -3950,2,,2,,2,2,2 -3951,2,,1,2,2,2,2 -3952,1,1,2,,2,2,1 -3953,2,,2,,2,2,1 -3954,2,,2,,2,2,1 -3955,1,1,2,,2,2,1 -3956,1,1,1,2,2,2,2 -3957,1,1,2,,2,2,2 -3958,1,1,2,,2,2,2 -3959,2,,2,,2,2,2 -3960,2,,2,,2,2,1 -3961,1,1,2,,2,2,2 -3962,1,1,2,,2,2,1 -3963,2,,2,,2,2,1 -3964,2,,2,,2,2,1 -3965,1,1,1,2,2,2,1 -3966,2,,1,1,2,2,1 -3967,1,1,1,2,2,2,1 -3968,2,,2,,2,2,2 -3969,2,,1,2,2,2,1 -3970,1,1,1,2,2,2,2 -3971,1,1,1,2,2,2,2 -3972,2,,2,,2,2,1 -3973,1,1,2,,2,2,2 -3974,1,1,1,2,2,2,2 -3975,2,,1,2,2,2,2 -3976,1,1,1,1,2,1,1 -3977,1,1,2,,2,2,2 -3978,1,1,1,2,2,2,1 -3979,1,1,1,2,2,2,1 -3980,1,2,1,2,2,1,1 -3981,1,1,1,2,2,2,1 -3982,1,1,2,,2,2,1 -3983,2,,2,,2,2,2 -3984,2,,2,,2,2,2 -3985,1,1,2,,2,2,2 -3986,1,1,1,2,2,2,1 -3987,2,,2,,2,2,2 -3988,1,1,1,2,2,2,2 -3989,1,1,2,,2,2,1 -3990,1,1,1,2,2,2,1 -3991,1,1,2,,2,2,2 -3992,1,1,1,2,2,2,1 -3993,1,1,1,2,2,2,2 -3994,1,1,1,2,2,2,1 -3995,2,,2,,2,2,1 -3996,1,2,1,2,2,2,1 -3997,1,1,2,,2,2,1 -3998,1,1,1,2,2,2,1 -3999,2,,1,2,2,2,2 -4000,2,,2,,2,2,2 -4001,1,1,1,2,2,2,1 -4002,1,1,1,2,2,2,1 -4003,1,1,2,,2,2,2 -4004,1,1,2,,2,2,2 -4005,1,1,2,,2,2,1 -4006,2,,2,,2,2,1 -4007,1,1,2,,2,2,2 -4008,1,1,1,2,2,2,2 -4009,2,,2,,2,2,2 -4010,1,1,1,2,2,2,1 -4011,2,,2,,2,1,2 -4012,1,1,2,,2,2,2 -4013,1,1,2,,2,2,1 -4014,1,2,2,,2,2,1 -4015,2,,1,2,2,2,2 -4016,1,1,2,,2,2,2 -4017,2,,2,,2,2,2 -4018,1,1,2,,2,2,2 -4019,1,1,1,2,2,2,1 -4020,2,,2,,2,2,2 -4021,2,,1,2,2,2,2 -4022,1,1,2,,2,1,1 -4023,2,,2,,2,2,2 -4024,2,,2,,2,2,2 -4025,1,1,1,2,2,1,1 -4026,1,1,1,2,2,1,1 -4027,1,1,1,1,1,1,1 -4028,1,1,1,2,2,2,1 -4029,1,1,1,2,2,2,1 -4030,1,1,1,2,2,2,1 -4031,1,1,1,2,2,2,2 -4032,1,1,1,2,2,2,2 -4033,1,1,1,2,2,2,1 -4034,1,1,2,,2,2,2 -4035,2,,2,,2,2,2 -4036,2,,1,2,2,2,1 -4037,1,1,1,2,2,2,1 -4038,2,,2,,2,2,1 -4039,2,,1,2,2,1,1 -4040,1,1,2,,2,2,2 -4041,1,1,2,,2,2,1 -4042,2,,2,,2,1,1 -4043,1,1,2,,2,2,2 -4044,2,,2,,2,2,2 -4045,2,,2,,2,2,2 -4046,1,1,2,,2,2,1 -4047,1,2,2,,2,1,1 -4048,2,,2,,2,2,1 -4049,1,1,1,2,2,2,2 -4050,1,1,2,,2,2,2 -4051,1,1,2,,2,2,2 -4052,1,1,2,,2,2,2 -4053,2,,1,2,2,2,2 -4054,1,1,1,2,2,2,2 -4055,1,1,2,,2,1,1 -4056,1,1,1,2,2,1,1 -4057,1,1,1,2,2,2,1 -4058,1,1,2,,2,2,1 -4059,2,,2,,2,2,1 -4060,1,1,1,2,2,2,2 -4061,2,,2,,2,2,2 -4062,1,1,1,2,2,1,1 -4063,1,1,1,2,2,2,2 -4064,2,,2,,2,2,1 -4065,1,1,2,,2,2,2 -4066,1,1,1,2,2,2,2 -4067,1,1,2,,2,2,2 -4068,1,1,2,,2,2,1 -4069,1,1,2,,2,2,2 -4070,1,1,1,2,2,2,2 -4071,1,1,2,,2,2,2 -4072,2,,2,,2,2,1 -4073,2,,1,2,2,2,1 -4074,1,1,1,2,2,2,2 -4075,1,1,1,2,2,1,1 -4076,2,,2,,2,1,1 -4077,1,1,2,,2,1,1 -4078,2,,2,,2,2,2 -4079,1,1,1,2,2,1,1 -4080,2,,2,,2,2,2 -4081,2,,2,,2,1,2 -4082,1,1,2,,2,2,2 -4083,1,1,1,2,2,2,1 -4084,1,1,1,2,2,2,1 -4085,1,1,2,,2,2,2 -4086,2,,2,,2,2,2 -4087,2,,2,,2,2,1 -4088,1,1,1,2,2,1,1 -4089,2,,2,,2,2,2 -4090,1,1,1,2,2,2,1 -4091,2,,2,,2,1,2 -4092,2,,2,,2,2,2 -4093,2,,2,,2,2,1 -4094,1,1,1,2,2,1,2 -4095,2,,2,,2,2,1 -4096,2,,2,,2,2,2 -4097,1,1,1,2,2,2,1 -4098,2,,2,,2,2,1 -4099,2,,2,,2,2,2 -4100,1,1,1,2,2,2,1 -4101,1,2,1,1,1,1,1 -4102,1,1,2,,2,2,1 -4103,1,1,2,,2,2,2 -4104,1,1,1,2,2,2,2 -4105,2,,2,,2,2,2 -4106,1,1,1,2,2,2,2 -4107,2,,2,,2,2,1 -4108,1,1,2,,2,2,2 -4109,2,,2,,2,2,2 -4110,1,1,2,,2,2,1 -4111,1,1,2,,2,2,1 -4112,1,1,2,,2,2,1 -4113,1,1,1,2,2,2,1 -4114,1,1,1,2,2,2,2 -4115,2,,2,,2,2,2 -4116,2,,2,,2,2,1 -4117,1,1,1,2,2,2,1 -4118,1,1,1,2,2,2,2 -4119,2,,2,,2,2,1 -4120,2,,2,,2,2,1 -4121,1,1,1,2,2,1,1 -4122,1,1,1,2,2,2,1 -4123,1,1,1,2,2,2,1 -4124,1,1,2,,2,2,1 -4125,1,1,2,,2,2,1 -4126,1,1,2,,2,2,1 -4127,1,1,1,2,2,2,2 -4128,2,,2,,2,2,2 -4129,1,1,1,2,2,2,2 -4130,2,,2,,2,1,2 -4131,2,,2,,2,2,2 -4132,1,1,1,2,2,2,1 -4133,2,,2,,2,2,2 -4134,2,,2,,2,2,2 -4135,1,1,2,,2,2,1 -4136,2,,2,,2,2,2 -4137,2,,2,,2,2,2 -4138,2,,2,,2,2,2 -4139,2,,2,,2,2,2 -4140,1,1,1,2,2,2,2 -4141,1,1,1,2,2,2,1 -4142,2,,2,,2,2,2 -4143,1,2,2,,2,2,1 -4144,1,1,1,2,2,1,1 -4145,2,,2,,2,2,2 -4146,1,1,2,,2,2,2 -4147,2,,2,,2,2,2 -4148,1,1,1,2,2,2,1 -4149,2,,1,2,2,2,2 -4150,2,,2,,2,2,1 -4151,1,1,1,2,2,1,1 -4152,1,1,2,,2,2,2 -4153,1,1,2,,2,1,1 -4154,1,1,1,2,2,2,2 -4155,1,1,1,2,2,2,1 -4156,2,,2,,2,2,2 -4157,1,1,1,2,2,2,2 -4158,1,1,1,2,2,2,2 -4159,1,2,1,1,2,1,1 -4160,1,1,2,,2,2,1 -4161,1,1,1,2,2,2,2 -4162,2,,2,,2,2,2 -4163,1,1,2,,2,2,1 -4164,2,,2,,2,2,2 -4165,1,2,2,,2,1,1 -4166,2,,2,,2,2,2 -4167,1,1,2,,2,2,2 -4168,1,1,2,,2,2,2 -4169,1,1,1,2,2,2,1 -4170,2,,1,2,2,2,2 -4171,1,1,2,,2,2,1 -4172,1,1,1,2,2,2,2 -4173,1,1,2,,2,2,1 -4174,2,,2,,2,2,2 -4175,1,1,1,2,2,2,2 -4176,2,,2,,2,2,2 -4177,2,,2,,2,2,2 -4178,2,,2,,2,2,2 -4179,1,1,2,,2,2,1 -4180,1,1,1,2,2,1,1 -4181,1,1,2,,2,2,1 -4182,2,,2,,2,2,2 -4183,2,,1,2,2,1,1 -4184,1,1,1,2,2,2,2 -4185,1,1,2,,2,2,2 -4186,2,,2,,2,2,2 -4187,1,1,1,2,2,2,2 -4188,2,,2,,2,2,2 -4189,1,1,2,,2,2,2 -4190,2,,2,,2,2,1 -4191,2,,2,,2,2,2 -4192,1,1,1,2,2,2,2 -4193,1,1,1,2,2,1,1 -4194,1,1,2,,2,2,2 -4195,2,,2,,2,2,2 -4196,2,,2,,2,2,2 -4197,2,,2,,2,2,1 -4198,1,1,2,,2,2,2 -4199,2,,2,,2,2,1 -4200,1,1,1,2,2,2,2 -4201,1,1,1,1,2,1,1 -4202,1,1,1,2,2,2,2 -4203,2,,2,,2,2,1 -4204,2,,2,,2,2,2 -4205,2,,2,,2,2,2 -4206,2,,2,,2,2,2 -4207,2,,2,,2,1,2 -4208,1,1,1,2,2,2,1 -4209,1,1,2,,2,2,2 -4210,1,1,2,,2,2,2 -4211,1,1,2,,2,2,1 -4212,1,1,2,,2,2,2 -4213,2,,2,,2,2,2 -4214,2,,2,,2,2,1 -4215,2,,2,,2,2,2 -4216,2,,2,,2,2,2 -4217,2,,2,,2,2,2 -4218,1,1,1,2,2,2,1 -4219,1,1,1,2,2,2,1 -4220,1,1,2,,2,2,1 -4221,1,1,1,2,2,2,1 -4222,1,1,2,,2,2,1 -4223,1,1,1,2,2,2,1 -4224,1,1,1,2,2,2,1 -4225,1,1,2,,2,1,1 -4226,2,,2,,2,2,1 -4227,2,,2,,2,2,1 -4228,1,1,2,,2,2,2 -4229,1,1,2,,2,2,2 -4230,1,1,1,2,2,2,2 -4231,1,2,1,2,2,2,1 -4232,1,1,1,2,2,2,1 -4233,2,,2,,2,2,1 -4234,2,,2,,2,2,2 -4235,1,1,1,2,2,2,1 -4236,1,1,1,2,2,2,2 -4237,1,1,1,2,2,2,1 -4238,1,1,1,2,2,2,1 -4239,1,1,1,2,2,2,2 -4240,1,1,2,,2,2,2 -4241,1,1,1,2,2,2,2 -4242,2,,2,,2,2,2 -4243,2,,2,,2,2,1 -4244,1,1,1,2,2,2,1 -4245,2,,2,,2,2,2 -4246,1,1,2,,2,2,2 -4247,2,,2,,2,2,2 -4248,2,,2,,2,2,2 -4249,2,,2,,2,2,2 -4250,1,2,2,,2,2,1 -4251,1,2,1,2,2,2,1 -4252,1,1,1,2,2,2,1 -4253,2,,2,,2,2,2 -4254,1,1,1,2,2,2,2 -4255,1,1,2,,2,2,2 -4256,1,1,1,2,2,2,2 -4257,2,,2,,2,2,2 -4258,2,,1,2,2,2,2 -4259,1,1,2,,2,2,2 -4260,1,1,2,,2,1,2 -4261,1,1,1,2,2,1,2 -4262,1,1,2,,2,2,2 -4263,1,1,2,,2,2,1 -4264,2,,2,,2,2,2 -4265,1,1,1,2,2,2,2 -4266,1,1,1,2,2,1,2 -4267,1,1,1,2,2,2,2 -4268,2,,2,,2,1,2 -4269,1,1,1,2,2,2,1 -4270,1,1,1,2,2,2,2 -4271,1,1,2,,2,1,2 -4272,2,,2,,2,2,2 -4273,1,1,2,,2,2,2 -4274,2,,2,,2,2,2 -4275,2,,2,,2,2,2 -4276,1,1,2,,2,2,2 -4277,1,1,1,2,2,2,1 -4278,2,,2,,2,2,2 -4279,2,,2,,2,2,1 -4280,1,1,1,2,2,2,2 -4281,1,1,1,2,2,2,2 -4282,1,1,1,2,2,2,2 -4283,1,1,1,2,2,2,2 -4284,1,1,2,,2,2,1 -4285,1,1,1,2,2,1,2 -4286,1,1,1,2,2,2,2 -4287,1,1,2,,2,2,2 -4288,2,,2,,2,2,2 -4289,2,,2,,2,2,1 -4290,2,,2,,2,2,2 -4291,1,1,1,2,2,2,1 -4292,2,,1,2,2,2,1 -4293,1,2,2,,2,2,1 -4294,1,1,1,1,2,2,1 -4295,1,1,2,,2,2,2 -4296,2,,2,,2,2,2 -4297,1,1,1,2,2,2,2 -4298,1,1,1,2,2,2,2 -4299,2,,2,,2,2,2 -4300,1,1,1,2,2,2,1 -4301,2,,1,2,2,2,2 -4302,1,1,1,2,2,2,2 -4303,2,,2,,2,2,2 -4304,1,1,2,,2,2,1 -4305,2,,2,,2,2,1 -4306,1,1,1,2,2,1,1 -4307,1,1,1,2,2,2,1 -4308,1,1,2,,2,2,1 -4309,2,,2,,2,2,1 -4310,1,1,2,,2,2,2 -4311,1,1,1,2,2,2,2 -4312,1,1,2,,2,2,2 -4313,1,1,1,2,2,2,1 -4314,1,1,1,2,2,2,1 -4315,1,1,1,2,2,2,1 -4316,1,1,1,2,2,2,1 -4317,2,,1,2,2,2,1 -4318,2,,2,,2,2,2 -4319,1,1,1,2,2,2,2 -4320,2,,2,,2,2,2 -4321,1,1,2,,2,2,2 -4322,1,1,2,,2,2,1 -4323,1,1,2,,2,1,1 -4324,1,1,2,,2,2,2 -4325,2,,2,,2,2,1 -4326,2,,2,,2,2,2 -4327,1,1,2,,2,2,1 -4328,2,,2,,2,2,2 -4329,1,1,1,2,2,2,1 -4330,1,1,1,2,2,1,1 -4331,1,1,2,,2,2,2 -4332,2,,2,,2,2,2 -4333,1,1,2,,2,2,2 -4334,1,1,1,2,2,2,1 -4335,1,1,2,,2,2,2 -4336,1,1,1,2,2,2,1 -4337,1,1,1,2,2,2,2 -4338,2,,2,,2,2,2 -4339,2,,2,,2,2,1 -4340,1,2,2,,2,1,2 -4341,1,1,2,,2,2,2 -4342,1,1,1,2,2,2,1 -4343,1,1,1,2,2,2,1 -4344,2,,2,,2,2,2 -4345,1,1,1,2,2,2,2 -4346,2,,2,,2,2,2 -4347,2,,2,,2,2,2 -4348,1,1,1,2,2,2,1 -4349,2,,2,,2,2,2 -4350,1,1,2,,2,2,1 -4351,1,2,1,2,2,2,1 -4352,2,,1,2,2,2,2 -4353,1,1,1,2,2,2,2 -4354,1,1,2,,2,2,2 -4355,2,,1,1,2,2,2 -4356,1,1,1,2,2,2,1 -4357,1,1,2,,2,2,2 -4358,2,,2,,2,2,1 -4359,2,,2,,2,2,2 -4360,1,1,1,2,2,2,1 -4361,1,1,1,2,2,2,1 -4362,2,,2,,2,2,2 -4363,1,1,2,,2,2,2 -4364,1,1,1,2,2,1,1 -4365,1,1,1,2,2,2,1 -4366,1,2,1,2,2,1,1 -4367,1,1,1,2,2,2,2 -4368,1,1,1,2,2,2,2 -4369,2,,2,,2,2,1 -4370,1,1,1,2,2,2,2 -4371,1,1,2,,2,2,2 -4372,1,1,1,2,2,2,1 -4373,1,1,1,2,2,2,2 -4374,1,1,1,2,2,2,2 -4375,2,,2,,2,2,2 -4376,1,1,2,,2,2,2 -4377,2,,2,,2,1,2 -4378,2,,2,,2,2,2 -4379,1,1,2,,2,2,1 -4380,2,,2,,2,2,2 -4381,1,1,1,2,2,2,1 -4382,1,1,2,,2,2,2 -4383,1,1,1,2,2,1,1 -4384,2,,2,,2,2,2 -4385,1,1,1,2,2,1,1 -4386,2,,2,,2,2,2 -4387,1,1,2,,2,2,1 -4388,1,1,1,2,2,2,2 -4389,1,1,2,,2,2,2 -4390,2,,1,2,2,2,1 -4391,1,1,1,2,2,2,2 -4392,1,1,2,,2,2,2 -4393,1,1,2,,2,2,2 -4394,2,,2,,2,2,1 -4395,2,,2,,2,2,2 -4396,1,1,2,,2,1,1 -4397,1,1,1,2,2,2,1 -4398,2,,1,2,2,2,2 -4399,1,2,1,2,2,2,1 -4400,1,1,1,2,2,2,1 -4401,2,,2,,2,2,2 -4402,1,2,2,,2,2,1 -4403,1,2,2,,2,2,1 -4404,1,1,1,1,1,2,1 -4405,1,1,1,2,2,2,1 -4406,1,1,1,2,2,2,1 -4407,2,,2,,2,2,2 -4408,1,1,1,2,2,2,2 -4409,1,1,1,2,2,2,1 -4410,2,,2,,2,1,1 -4411,2,,2,,2,2,2 -4412,1,2,1,2,2,2,1 -4413,2,,2,,2,2,2 -4414,1,1,1,2,2,2,1 -4415,2,,1,1,2,2,1 -4416,1,1,1,2,2,2,1 -4417,2,,1,1,1,2,1 -4418,1,1,1,2,2,2,1 -4419,1,1,2,,2,2,1 -4420,1,1,1,2,2,2,1 -4421,1,1,2,,2,2,2 -4422,1,1,2,,2,2,1 -4423,2,,2,,2,2,2 -4424,1,1,1,2,2,2,1 -4425,2,,2,,2,2,1 -4426,1,1,1,1,2,2,1 -4427,1,1,1,2,2,2,2 -4428,2,,2,,2,2,2 -4429,1,1,2,,2,2,1 -4430,2,,2,,2,2,2 -4431,2,,2,,2,2,2 -4432,2,,1,2,2,2,1 -4433,2,,2,,2,2,2 -4434,1,1,2,,2,2,1 -4435,1,1,2,,2,2,2 -4436,2,,2,,2,1,1 -4437,1,1,2,,2,2,2 -4438,1,1,2,,2,2,1 -4439,1,1,2,,2,2,2 -4440,2,,2,,2,2,2 -4441,1,1,2,,2,2,1 -4442,2,,2,,2,2,2 -4443,1,1,1,2,2,2,2 -4444,1,1,2,,2,2,2 -4445,2,,2,,2,2,2 -4446,2,,2,,2,2,2 -4447,1,1,1,2,2,2,1 -4448,1,1,1,2,2,2,1 -4449,2,,2,,2,2,2 -4450,2,,2,,2,2,2 -4451,2,,2,,2,2,2 -4452,1,1,2,,2,2,1 -4453,2,,2,,2,2,2 -4454,1,1,2,,2,2,1 -4455,2,,1,2,2,2,2 -4456,1,1,2,,2,2,1 -4457,1,1,1,2,2,2,2 -4458,1,1,1,2,2,2,2 -4459,2,,2,,2,2,2 -4460,1,1,2,,2,2,2 -4461,1,1,2,,2,2,2 -4462,2,,2,,2,2,1 -4463,1,1,2,,2,2,2 -4464,2,,2,,2,2,2 -4465,1,1,2,,2,1,1 -4466,1,1,2,,2,2,2 -4467,1,1,1,2,2,2,1 -4468,2,,2,,2,2,2 -4469,1,1,1,2,2,2,1 -4470,1,1,1,2,2,2,2 -4471,1,1,2,,2,2,2 -4472,1,1,1,2,2,1,1 -4473,1,1,1,2,2,2,2 -4474,2,,2,,2,2,2 -4475,1,1,1,2,2,1,2 -4476,2,,2,,2,2,2 -4477,2,,2,,2,2,2 -4478,1,1,1,2,2,2,1 -4479,2,,2,,2,2,2 -4480,1,1,2,,2,2,2 -4481,1,1,2,,2,2,1 -4482,1,1,1,2,2,1,1 -4483,1,1,1,2,2,2,1 -4484,1,1,1,2,2,2,2 -4485,1,1,2,,2,2,1 -4486,2,,2,,2,2,1 -4487,2,,2,,2,2,1 -4488,1,1,2,,2,2,2 -4489,2,,2,,2,2,2 -4490,1,1,1,2,2,2,1 -4491,1,2,1,2,2,2,1 -4492,1,1,2,,2,2,2 -4493,1,1,1,2,2,2,1 -4494,1,1,2,,2,2,1 -4495,1,1,2,,2,2,1 -4496,2,,2,,2,2,2 -4497,1,1,1,2,2,2,2 -4498,2,,2,,2,1,2 -4499,1,1,1,2,2,2,1 -4500,1,1,1,2,2,2,2 -4501,1,1,1,2,2,1,1 -4502,1,2,1,2,2,2,1 -4503,1,1,1,2,2,2,1 -4504,1,1,2,,2,2,1 -4505,1,1,1,2,2,2,2 -4506,1,1,2,,2,2,2 -4507,2,,2,,2,1,2 -4508,2,,2,,2,2,2 -4509,1,1,1,2,2,2,2 -4510,2,,2,,2,1,1 -4511,2,,1,2,2,2,2 -4512,1,1,1,2,2,2,1 -4513,1,1,2,,2,2,2 -4514,1,1,1,2,2,2,2 -4515,1,1,1,2,2,2,1 -4516,2,,2,,2,2,2 -4517,2,,2,,2,2,2 -4518,1,1,1,2,2,2,2 -4519,1,1,1,2,2,2,2 -4520,2,,2,,2,2,2 -4521,1,1,1,2,2,2,2 -4522,1,1,1,2,2,2,2 -4523,1,1,2,,2,2,2 -4524,1,1,1,2,2,2,1 -4525,1,1,1,2,2,2,2 -4526,2,,2,,2,2,1 -4527,1,1,1,2,2,1,2 -4528,1,1,2,,2,2,2 -4529,2,,1,2,2,2,2 -4530,1,1,1,2,2,2,2 -4531,1,1,2,,2,2,2 -4532,2,,1,2,2,2,2 -4533,1,1,2,,2,2,2 -4534,2,,2,,2,2,1 -4535,1,1,1,2,2,2,1 -4536,1,1,1,2,2,2,2 -4537,1,2,2,,2,2,2 -4538,1,1,2,,2,2,2 -4539,2,,1,2,2,2,1 -4540,1,1,1,2,2,2,1 -4541,1,1,1,2,2,2,2 -4542,1,1,1,2,2,2,2 -4543,1,1,2,,2,2,2 -4544,1,1,1,2,2,2,1 -4545,1,2,1,2,2,2,1 -4546,2,,2,,2,2,2 -4547,1,1,1,2,2,2,1 -4548,1,1,2,,2,2,1 -4549,1,1,1,2,2,2,2 -4550,1,1,1,2,2,2,1 -4551,1,1,2,,2,2,1 -4552,1,1,1,2,2,2,2 -4553,1,1,1,2,2,2,1 -4554,2,,2,,2,2,2 -4555,1,1,2,,2,2,1 -4556,2,,2,,2,2,1 -4557,1,1,1,2,2,1,1 -4558,1,2,2,,2,2,1 -4559,1,1,2,,2,2,1 -4560,1,1,1,2,2,2,2 -4561,2,,2,,2,2,2 -4562,1,1,1,2,2,2,1 -4563,1,1,1,1,2,2,1 -4564,1,1,2,,2,2,2 -4565,1,1,1,2,2,2,1 -4566,1,1,1,2,2,2,1 -4567,2,,2,,2,2,1 -4568,2,,2,,2,2,2 -4569,1,1,2,,2,2,2 -4570,1,1,2,,2,2,1 -4571,2,,1,2,2,2,1 -4572,2,,2,,2,2,1 -4573,1,1,1,2,2,2,2 -4574,2,,2,,2,2,2 -4575,1,1,1,2,2,2,2 -4576,1,1,1,2,2,1,1 -4577,1,1,1,2,2,2,1 -4578,2,,2,,2,2,2 -4579,2,,2,,2,2,1 -4580,1,1,2,,2,2,1 -4581,1,2,2,,2,1,1 -4582,1,1,1,2,2,2,1 -4583,1,1,1,2,2,2,1 -4584,2,,2,,2,2,2 -4585,2,,2,,2,2,2 -4586,1,1,1,2,2,2,1 -4587,1,1,2,,2,2,1 -4588,1,1,2,,2,2,2 -4589,1,1,1,2,2,2,1 -4590,1,1,2,,2,2,2 -4591,1,1,1,2,2,2,1 -4592,1,1,1,2,2,2,2 -4593,1,1,2,,2,2,2 -4594,1,1,2,,2,2,2 -4595,1,1,1,2,2,2,2 -4596,2,,2,,2,2,2 -4597,2,,2,,2,2,2 -4598,1,1,2,,2,2,2 -4599,1,1,1,2,2,2,2 -4600,1,1,2,,2,2,1 -4601,2,,2,,2,2,2 -4602,2,,2,,2,2,1 -4603,1,1,2,,2,2,2 -4604,1,1,2,,2,2,1 -4605,1,1,2,,2,2,1 -4606,1,1,1,2,2,2,2 -4607,2,,2,,2,2,2 -4608,1,1,2,,2,2,2 -4609,1,1,2,,2,2,1 -4610,1,1,2,,2,2,1 -4611,1,1,2,,2,2,1 -4612,2,,2,,2,2,2 -4613,1,1,2,,2,2,2 -4614,2,,2,,2,2,2 -4615,1,1,2,,2,2,1 -4616,2,,1,2,2,2,2 -4617,1,1,2,,2,2,2 -4618,1,1,2,,2,2,2 -4619,1,1,1,2,2,1,2 -4620,1,1,2,,2,1,1 -4621,2,,1,2,2,2,2 -4622,1,1,1,2,2,2,1 -4623,1,1,1,2,2,2,1 -4624,2,,2,,2,2,1 -4625,1,1,1,2,2,2,2 -4626,2,,2,,2,2,1 -4627,1,1,1,2,2,2,1 -4628,1,1,1,2,2,2,2 -4629,2,,2,,2,2,1 -4630,1,1,2,,2,2,2 -4631,2,,2,,2,2,2 -4632,2,,2,,2,2,1 -4633,1,1,2,,2,2,1 -4634,1,1,1,2,2,2,1 -4635,1,1,2,,2,2,2 -4636,1,1,1,2,2,1,1 -4637,1,1,2,,2,2,1 -4638,1,1,2,,2,2,2 -4639,2,,2,,2,2,2 -4640,1,1,1,2,2,2,1 -4641,2,,2,,2,2,2 -4642,1,1,1,1,2,1,1 -4643,1,1,2,,2,2,1 -4644,1,1,1,2,2,2,1 -4645,1,1,1,2,2,1,1 -4646,1,1,1,2,2,2,1 -4647,2,,1,2,2,2,2 -4648,1,1,2,,2,2,2 -4649,2,,2,,2,1,2 -4650,1,1,1,1,2,2,1 -4651,1,1,2,,2,2,1 -4652,1,1,1,2,2,2,2 -4653,1,1,1,2,2,2,1 -4654,1,1,1,2,2,2,2 -4655,1,1,1,2,2,2,1 -4656,1,1,1,2,2,2,1 -4657,1,1,1,2,2,1,2 -4658,1,1,1,2,2,2,1 -4659,1,2,1,2,2,1,1 -4660,1,2,2,,2,2,1 -4661,1,1,2,,2,2,2 -4662,2,,2,,2,2,1 -4663,1,1,1,2,2,2,1 -4664,1,1,2,,2,2,2 -4665,2,,2,,2,1,2 -4666,1,1,1,2,2,2,1 -4667,2,,2,,2,2,1 -4668,1,1,1,2,2,2,2 -4669,1,1,1,2,2,1,1 -4670,2,,2,,2,2,2 -4671,1,1,2,,2,2,1 -4672,1,1,1,2,2,2,2 -4673,1,1,1,2,2,2,2 -4674,1,1,1,2,2,2,1 -4675,1,1,1,2,2,2,2 -4676,1,1,1,2,2,2,2 -4677,1,1,2,,2,2,1 -4678,2,,2,,2,2,2 -4679,2,,2,,2,1,2 -4680,1,1,1,2,2,2,1 -4681,1,1,1,2,2,2,2 -4682,1,1,2,,2,2,1 -4683,1,1,2,,2,2,1 -4684,1,1,1,2,2,2,1 -4685,1,1,1,2,2,2,2 -4686,2,,2,,2,2,2 -4687,1,1,1,2,2,2,1 -4688,1,1,2,,2,2,1 -4689,2,,2,,2,2,2 -4690,1,1,1,2,2,2,2 -4691,2,,2,,2,2,2 -4692,1,1,1,2,2,2,1 -4693,1,1,1,2,2,1,1 -4694,1,1,1,2,2,2,2 -4695,1,1,2,,2,1,1 -4696,2,,2,,2,2,2 -4697,2,,2,,2,2,2 -4698,1,1,1,2,2,2,2 -4699,1,1,1,2,2,2,2 -4700,1,1,1,2,2,2,1 -4701,2,,2,,2,2,1 -4702,1,1,1,2,2,2,1 -4703,2,,2,,2,2,2 -4704,1,1,2,,2,2,2 -4705,2,,2,,2,2,2 -4706,1,1,2,,2,2,2 -4707,1,1,1,2,2,2,2 -4708,1,2,1,1,2,2,1 -4709,1,1,1,2,2,1,1 -4710,2,,2,,2,2,1 -4711,1,1,1,1,2,2,1 -4712,1,1,2,,2,2,1 -4713,2,,2,,2,2,2 -4714,1,1,2,,2,2,1 -4715,1,1,2,,2,2,1 -4716,1,1,1,2,2,2,1 -4717,1,2,2,,2,2,2 -4718,2,,1,2,2,2,1 -4719,1,1,1,2,2,2,1 -4720,1,1,2,,2,2,2 -4721,2,,2,,2,2,2 -4722,1,2,1,2,2,1,1 -4723,1,1,1,2,2,2,1 -4724,1,1,2,,2,2,1 -4725,1,1,1,2,2,2,2 -4726,1,1,2,,2,1,2 -4727,2,,2,,2,2,2 -4728,1,1,1,2,2,2,2 -4729,1,1,1,2,2,2,1 -4730,2,,2,,2,2,1 -4731,1,1,1,2,2,2,2 -4732,2,,2,,2,2,1 -4733,1,1,1,2,2,2,1 -4734,2,,2,,2,2,2 -4735,1,1,2,,2,2,2 -4736,1,1,1,2,2,2,2 -4737,1,1,1,2,2,2,1 -4738,1,1,1,2,2,2,2 -4739,2,,1,2,2,2,2 -4740,1,1,2,,2,2,1 -4741,1,1,1,2,2,2,2 -4742,1,1,2,,2,1,1 -4743,1,1,1,2,2,2,1 -4744,2,,2,,2,2,2 -4745,1,1,2,,2,2,1 -4746,2,,1,2,2,2,2 -4747,2,,1,2,2,2,1 -4748,2,,2,,2,2,1 -4749,1,1,1,2,2,2,1 -4750,2,,2,,2,2,2 -4751,2,,2,,2,2,2 -4752,2,,2,,2,2,1 -4753,1,1,1,2,2,2,2 -4754,2,,2,,2,2,1 -4755,1,1,2,,2,2,1 -4756,2,,2,,2,2,1 -4757,1,2,1,2,2,1,1 -4758,2,,2,,2,2,2 -4759,1,1,1,2,2,2,2 -4760,1,2,2,,2,2,1 -4761,2,,2,,2,2,2 -4762,1,1,2,,2,2,1 -4763,2,,2,,2,2,2 -4764,1,1,2,,2,2,1 -4765,1,1,1,2,2,2,2 -4766,1,1,2,,2,2,1 -4767,1,1,1,2,2,2,2 -4768,1,1,2,,2,2,2 -4769,1,1,2,,2,2,2 -4770,1,1,1,2,2,2,1 -4771,1,1,1,2,2,2,2 -4772,1,2,1,2,2,2,1 -4773,2,,2,,2,2,1 -4774,2,,2,,2,2,2 -4775,1,1,1,2,2,2,2 -4776,2,,2,,2,2,1 -4777,1,1,1,2,2,1,2 -4778,1,1,2,,2,2,2 -4779,1,1,2,,2,2,2 -4780,1,1,2,,2,2,2 -4781,1,1,2,,2,2,2 -4782,2,,2,,2,2,2 -4783,2,,2,,2,2,2 -4784,2,,2,,2,2,2 -4785,1,1,1,2,2,2,2 -4786,1,1,1,1,2,2,1 -4787,1,1,2,,2,2,1 -4788,2,,1,1,2,2,2 -4789,2,,2,,2,2,2 -4790,1,1,2,,2,2,2 -4791,1,1,1,2,2,2,1 -4792,1,2,1,2,2,1,1 -4793,2,,2,,2,2,2 -4794,1,1,1,2,2,2,2 -4795,2,,2,,2,2,2 -4796,1,1,1,2,2,2,2 -4797,1,1,2,,2,2,1 -4798,1,1,2,,2,2,2 -4799,2,,1,2,2,2,2 -4800,1,1,1,2,2,2,1 -4801,1,1,1,2,2,1,1 -4802,2,,1,2,2,2,2 -4803,2,,2,,2,2,2 -4804,1,1,1,2,2,2,2 -4805,2,,2,,2,2,1 -4806,1,1,2,,2,1,2 -4807,1,1,1,2,2,2,1 -4808,2,,2,,2,2,2 -4809,1,1,2,,2,2,2 -4810,1,1,1,2,2,2,1 -4811,1,1,2,,2,1,2 -4812,1,1,1,2,2,2,2 -4813,1,1,1,1,2,2,1 -4814,1,1,2,,2,1,2 -4815,1,1,2,,2,2,1 -4816,1,1,1,1,2,1,2 -4817,2,,1,2,2,2,1 -4818,1,1,2,,2,2,2 -4819,1,1,2,,2,2,2 -4820,1,2,2,,2,2,1 -4821,1,1,2,,2,2,2 -4822,1,2,2,,2,2,1 -4823,1,1,2,,2,2,2 -4824,1,1,1,2,2,2,2 -4825,2,,2,,2,2,2 -4826,1,1,1,2,2,2,2 -4827,2,,2,,2,2,2 -4828,1,1,2,,2,2,1 -4829,1,1,1,2,2,2,2 -4830,1,1,1,2,2,2,2 -4831,1,1,2,,2,2,1 -4832,2,,2,,2,2,1 -4833,1,1,2,,2,2,1 -4834,1,1,1,2,2,2,2 -4835,2,,2,,2,2,2 -4836,1,1,1,2,2,2,2 -4837,1,1,2,,2,2,2 -4838,1,1,2,,2,2,1 -4839,1,1,2,,2,2,1 -4840,1,1,2,,2,2,1 -4841,1,1,2,,2,2,1 -4842,2,,2,,2,1,2 -4843,1,1,1,2,2,2,1 -4844,1,1,2,,2,2,2 -4845,1,2,1,1,1,2,1 -4846,1,1,2,,2,2,1 -4847,2,,1,2,2,2,2 -4848,1,1,1,2,2,2,2 -4849,1,1,2,,2,2,1 -4850,1,1,1,2,2,2,2 -4851,1,1,2,,2,2,2 -4852,1,1,1,2,2,2,1 -4853,2,,2,,2,2,2 -4854,1,1,2,,2,2,1 -4855,1,1,1,2,2,2,2 -4856,2,,2,,2,2,1 -4857,1,1,1,2,2,2,1 -4858,1,1,1,2,2,2,2 -4859,1,2,1,2,2,2,1 -4860,1,1,1,2,2,2,1 -4861,1,1,1,2,2,2,1 -4862,2,,2,,2,2,2 -4863,2,,2,,2,2,2 -4864,2,,2,,2,2,2 -4865,1,2,1,2,2,2,1 -4866,1,1,1,2,2,2,2 -4867,2,,2,,2,2,2 -4868,1,1,1,2,2,2,2 -4869,1,1,1,2,2,1,1 -4870,1,1,2,,2,2,1 -4871,2,,2,,2,2,2 -4872,2,,2,,2,2,1 -4873,2,,2,,2,2,2 -4874,1,1,2,,2,2,2 -4875,1,1,1,2,2,2,1 -4876,1,1,2,,2,2,2 -4877,2,,2,,2,2,1 -4878,1,1,2,,2,2,2 -4879,1,1,2,,2,2,1 -4880,1,2,1,1,2,1,1 -4881,2,,2,,2,2,2 -4882,2,,2,,2,2,2 -4883,1,1,1,2,2,2,1 -4884,1,1,2,,2,2,1 -4885,1,1,2,,2,2,2 -4886,2,,2,,2,2,1 -4887,1,1,2,,2,2,1 -4888,1,1,2,,2,2,2 -4889,1,1,2,,2,2,2 -4890,2,,2,,2,2,1 -4891,1,1,2,,2,2,2 -4892,2,,2,,2,2,1 -4893,1,2,1,2,2,2,1 -4894,1,1,1,1,2,2,1 -4895,1,1,2,,2,2,2 -4896,2,,2,,2,1,2 -4897,2,,2,,2,2,1 -4898,1,1,2,,2,2,2 -4899,1,1,2,,2,2,2 -4900,2,,2,,2,2,2 -4901,2,,2,,2,2,2 -4902,1,1,2,,2,2,2 -4903,2,,2,,2,2,2 -4904,2,,2,,2,2,1 -4905,2,,2,,2,2,2 -4906,2,,2,,2,2,2 -4907,2,,2,,2,2,2 -4908,1,1,1,2,2,2,2 -4909,1,2,1,1,2,1,1 -4910,2,,2,,2,2,1 -4911,1,1,1,2,2,1,1 -4912,2,,2,,2,2,2 -4913,1,1,1,2,2,2,2 -4914,1,1,1,2,2,2,2 -4915,1,1,1,2,2,2,2 -4916,1,1,1,2,2,2,1 -4917,2,,2,,2,2,1 -4918,2,,2,,2,2,1 -4919,1,1,1,2,2,2,2 -4920,2,,1,2,2,2,1 -4921,2,,1,2,2,2,2 -4922,2,,2,,2,1,2 -4923,1,1,2,,2,2,1 -4924,1,1,1,2,2,2,1 -4925,1,1,2,,2,2,1 -4926,1,1,1,2,2,2,2 -4927,1,1,1,2,2,2,1 -4928,1,1,1,2,2,2,1 -4929,2,,1,2,2,2,1 -4930,1,1,1,2,2,1,2 -4931,1,1,2,,2,2,2 -4932,2,,1,2,2,2,2 -4933,1,1,2,,2,2,2 -4934,1,1,2,,2,1,2 -4935,1,1,1,2,2,2,1 -4936,1,1,1,2,2,1,1 -4937,2,,2,,2,1,2 -4938,2,,2,,2,2,1 -4939,1,1,2,,2,2,1 -4940,1,1,2,,2,2,2 -4941,2,,2,,2,2,2 -4942,2,,2,,2,2,2 -4943,1,2,1,2,2,2,1 -4944,1,1,1,2,2,1,1 -4945,1,1,1,2,2,2,1 -4946,1,1,1,2,2,2,2 -4947,2,,2,,2,1,1 -4948,2,,2,,2,2,2 -4949,2,,2,,2,2,2 -4950,1,2,1,2,1,1,1 -4951,1,1,1,2,2,2,2 -4952,1,1,2,,2,2,2 -4953,1,1,2,,2,2,2 -4954,1,1,1,2,2,2,2 -4955,1,1,2,,2,2,1 -4956,1,1,1,2,2,2,1 -4957,1,1,1,2,2,2,2 -4958,1,1,2,,2,2,2 -4959,2,,2,,2,2,2 -4960,1,1,2,,2,2,2 -4961,2,,2,,2,2,2 -4962,2,,2,,2,2,2 -4963,1,1,2,,2,2,1 -4964,2,,2,,2,2,2 -4965,1,2,2,,2,2,2 -4966,2,,1,2,2,2,1 -4967,2,,2,,2,2,2 -4968,1,1,1,2,2,2,1 -4969,2,,1,2,2,2,1 -4970,1,1,2,,2,2,2 -4971,2,,2,,2,2,1 -4972,2,,2,,2,2,2 -4973,2,,1,2,2,2,2 -4974,1,1,1,2,2,2,2 -4975,1,1,1,2,2,1,1 -4976,1,1,1,2,2,2,1 -4977,1,1,2,,2,2,1 -4978,1,1,1,2,2,2,2 -4979,2,,2,,2,2,1 -4980,1,1,2,,2,2,1 -4981,1,1,2,,2,2,2 -4982,1,1,2,,2,2,1 -4983,1,1,1,2,2,2,1 -4984,1,1,1,2,2,2,1 -4985,1,1,2,,2,2,1 -4986,2,,2,,2,2,2 -4987,1,1,1,2,2,2,2 -4988,2,,2,,2,2,2 -4989,2,,2,,2,2,1 -4990,1,1,1,2,2,2,1 -4991,2,,2,,2,2,2 -4992,1,1,1,2,2,2,1 -4993,2,,2,,2,2,1 -4994,1,1,1,2,2,2,1 -4995,1,1,2,,2,2,2 -4996,2,,2,,2,2,2 -4997,1,1,2,,2,2,2 -4998,1,1,1,2,2,2,2 -4999,1,1,2,,2,2,2 -5000,2,,2,,2,1,2 -5001,1,1,1,2,2,2,2 -5002,1,1,1,2,2,2,2 -5003,1,1,1,2,2,2,1 -5004,1,1,1,2,2,2,1 -5005,1,1,1,2,2,2,2 -5006,1,1,2,,2,2,1 -5007,1,1,2,,2,2,1 -5008,1,1,1,2,2,2,2 -5009,2,,2,,2,2,1 -5010,1,1,1,2,2,1,1 -5011,1,1,1,2,2,2,2 -5012,1,1,2,,2,2,2 -5013,1,1,1,2,2,2,2 -5014,1,1,1,2,2,2,2 -5015,1,1,1,2,2,2,2 -5016,1,1,2,,2,2,2 -5017,1,1,2,,2,2,2 -5018,1,1,2,,2,2,2 -5019,1,1,1,2,2,2,2 -5020,1,2,1,2,2,2,1 -5021,1,1,2,,2,2,1 -5022,1,1,2,,2,2,1 -5023,1,1,1,2,2,2,1 -5024,1,1,1,2,2,2,1 -5025,1,1,2,,2,2,2 -5026,1,1,1,2,2,2,1 -5027,1,1,2,,2,2,1 -5028,1,1,1,2,2,1,1 -5029,2,,2,,2,2,2 -5030,2,,2,,2,2,1 -5031,1,1,1,2,2,2,2 -5032,1,1,1,2,2,1,2 -5033,1,1,1,2,2,2,2 -5034,1,1,1,2,2,2,1 -5035,1,1,1,2,2,2,1 -5036,1,1,2,,2,2,2 -5037,1,2,1,2,1,1,1 -5038,1,1,2,,2,2,1 -5039,1,1,2,,2,2,2 -5040,1,1,2,,2,2,2 -5041,1,1,1,2,2,2,2 -5042,2,,2,,2,2,2 -5043,1,1,2,,2,2,2 -5044,1,1,2,,2,2,2 -5045,2,,2,,2,2,1 -5046,1,1,2,,2,2,1 -5047,1,1,1,2,2,2,1 -5048,2,,2,,2,1,1 -5049,1,1,1,2,2,2,2 -5050,1,1,2,,2,2,1 -5051,1,1,2,,2,2,1 -5052,1,1,2,,2,2,1 -5053,1,1,1,2,2,2,1 -5054,1,1,2,,2,2,2 -5055,1,1,2,,2,2,1 -5056,2,,2,,2,2,1 -5057,1,1,1,2,2,2,2 -5058,2,,2,,2,2,1 -5059,1,1,1,2,2,2,2 -5060,1,1,2,,2,2,1 -5061,2,,2,,2,2,1 -5062,1,1,1,2,2,2,1 -5063,1,1,2,,2,2,2 -5064,1,1,2,,2,2,1 -5065,1,1,2,,2,2,2 -5066,1,1,1,2,2,2,2 -5067,1,1,1,2,2,2,1 -5068,1,1,1,2,2,2,2 -5069,1,1,2,,2,2,2 -5070,1,1,2,,2,2,2 -5071,1,1,1,1,1,1,1 -5072,1,1,1,2,2,2,1 -5073,1,1,2,,2,2,1 -5074,1,1,2,,2,2,1 -5075,1,1,2,,2,2,2 -5076,2,,2,,2,2,2 -5077,1,1,2,,2,2,2 -5078,2,,2,,2,2,2 -5079,1,1,2,,2,2,2 -5080,1,1,1,1,1,1,1 -5081,1,2,1,2,2,2,1 -5082,1,1,2,,2,2,2 -5083,1,1,2,,2,2,1 -5084,1,1,2,,2,2,2 -5085,1,1,2,,2,2,1 -5086,1,1,1,2,2,1,1 -5087,1,2,1,1,1,1,1 -5088,2,,1,2,2,2,2 -5089,1,1,2,,2,2,1 -5090,2,,1,2,2,2,1 -5091,2,,1,2,2,2,1 -5092,1,2,2,,2,2,2 -5093,2,,2,,2,2,2 -5094,2,,2,,2,2,2 -5095,1,1,1,2,2,2,1 -5096,2,,2,,2,2,1 -5097,1,1,2,,2,2,2 -5098,1,1,2,,2,2,1 -5099,2,,2,,2,2,1 -5100,2,,2,,2,1,1 -5101,1,1,2,,2,2,2 -5102,1,1,2,,2,2,2 -5103,1,1,1,2,2,2,1 -5104,2,,2,,2,2,2 -5105,1,1,2,,2,2,1 -5106,1,1,2,,2,2,2 -5107,1,1,1,2,2,1,2 -5108,1,1,2,,2,2,2 -5109,2,,1,2,2,2,1 -5110,1,1,1,2,2,2,1 -5111,1,1,1,2,2,2,1 -5112,1,1,2,,2,2,1 -5113,2,,2,,2,2,2 -5114,2,,1,2,2,2,1 -5115,1,2,1,2,2,2,1 -5116,1,1,2,,2,2,1 -5117,2,,2,,2,2,2 -5118,1,1,2,,2,2,1 -5119,1,1,1,2,2,2,1 -5120,1,1,2,,2,2,2 -5121,1,1,2,,2,2,2 -5122,1,1,2,,2,2,2 -5123,1,1,2,,2,2,2 -5124,1,1,1,2,2,2,2 -5125,1,1,2,,2,2,1 -5126,1,1,1,2,2,2,1 -5127,1,1,1,2,2,1,2 -5128,1,1,1,2,2,2,1 -5129,1,1,1,2,2,2,1 -5130,1,1,2,,2,2,2 -5131,1,1,1,2,2,2,1 -5132,1,1,2,,2,2,1 -5133,1,1,1,2,2,1,1 -5134,1,1,2,,2,2,2 -5135,2,,2,,2,2,2 -5136,1,1,1,2,2,2,2 -5137,2,,2,,2,2,2 -5138,1,1,1,2,2,2,2 -5139,2,,2,,2,2,1 -5140,2,,1,2,2,2,1 -5141,1,1,2,,2,2,2 -5142,2,,2,,2,2,2 -5143,2,,1,2,2,2,1 -5144,1,1,2,,2,2,2 -5145,2,,2,,2,2,2 -5146,1,1,1,2,2,2,1 -5147,1,1,1,1,2,2,1 -5148,1,2,2,,2,2,1 -5149,2,,1,2,2,2,2 -5150,1,1,1,2,2,2,1 -5151,1,1,2,,2,2,2 -5152,2,,2,,2,2,2 -5153,2,,2,,2,2,1 -5154,1,1,2,,2,2,1 -5155,2,,2,,2,2,2 -5156,1,1,2,,2,2,2 -5157,1,1,2,,2,2,2 -5158,1,1,2,,2,2,1 -5159,1,1,1,1,2,1,1 -5160,2,,2,,2,2,2 -5161,1,1,2,,2,1,2 -5162,1,1,2,,2,2,1 -5163,1,1,1,2,2,2,2 -5164,1,1,1,2,2,2,1 -5165,1,1,2,,2,2,2 -5166,2,,2,,2,2,1 -5167,2,,2,,2,2,2 -5168,2,,2,,2,2,2 -5169,2,,2,,2,2,2 -5170,2,,2,,2,2,1 -5171,1,1,2,,2,2,2 -5172,2,,2,,2,2,2 -5173,1,1,2,,2,2,1 -5174,1,1,1,2,2,2,2 -5175,2,,2,,2,2,2 -5176,1,1,2,,2,2,2 -5177,1,1,1,2,2,2,1 -5178,2,,2,,2,1,2 -5179,1,1,1,2,2,2,2 -5180,1,1,1,1,2,2,1 -5181,1,1,2,,2,2,2 -5182,1,1,2,,2,2,1 -5183,2,,2,,2,2,2 -5184,1,2,2,,2,2,1 -5185,2,,2,,2,2,1 -5186,2,,2,,2,2,2 -5187,1,1,2,,2,2,2 -5188,1,1,2,,2,2,1 -5189,2,,2,,2,2,1 -5190,2,,2,,2,2,1 -5191,1,1,2,,2,2,2 -5192,1,1,1,2,2,2,2 -5193,2,,2,,2,2,2 -5194,2,,2,,2,2,1 -5195,1,1,1,2,2,2,2 -5196,2,,2,,2,2,2 -5197,1,1,1,2,2,2,1 -5198,2,,1,2,2,2,1 -5199,2,,2,,2,2,1 -5200,2,,2,,2,2,2 -5201,1,1,1,2,2,2,2 -5202,1,1,2,,2,2,2 -5203,1,2,2,,2,2,1 -5204,1,1,2,,2,2,2 -5205,1,1,2,,2,2,2 -5206,1,1,1,2,2,2,2 -5207,1,1,2,,2,2,2 -5208,1,1,1,2,2,2,1 -5209,1,2,2,,2,2,1 -5210,1,1,1,2,2,2,2 -5211,1,1,1,2,2,2,2 -5212,1,1,2,,2,2,1 -5213,1,1,1,2,2,2,2 -5214,1,1,2,,2,2,2 -5215,1,1,2,,2,2,2 -5216,1,1,2,,2,2,2 -5217,1,1,1,2,2,2,2 -5218,1,1,2,,2,2,2 -5219,1,1,2,,2,2,2 -5220,1,1,2,,2,1,2 -5221,2,,2,,2,2,1 -5222,1,1,2,,2,2,2 -5223,1,1,1,2,2,2,2 -5224,1,1,1,2,2,2,1 -5225,2,,1,2,2,2,2 -5226,2,,2,,2,2,2 -5227,1,1,1,2,2,2,2 -5228,2,,2,,2,2,1 -5229,1,1,2,,2,2,2 -5230,2,,2,,2,2,1 -5231,1,1,2,,2,2,2 -5232,2,,2,,2,2,1 -5233,1,1,1,2,2,2,2 -5234,1,1,2,,2,2,2 -5235,2,,1,2,2,2,2 -5236,2,,2,,2,2,2 -5237,1,1,1,2,2,1,1 -5238,1,1,2,,2,1,1 -5239,1,1,1,2,2,2,1 -5240,2,,2,,2,2,1 -5241,1,1,2,,2,2,2 -5242,2,,2,,2,2,2 -5243,1,1,1,2,2,2,1 -5244,1,2,1,2,2,2,1 -5245,1,1,1,2,2,2,2 -5246,1,1,1,2,2,2,1 -5247,1,1,2,,2,2,1 -5248,1,1,1,2,2,2,2 -5249,1,1,1,2,2,1,1 -5250,2,,2,,2,2,2 -5251,1,1,1,2,2,2,2 -5252,1,1,1,2,2,2,1 -5253,1,1,1,2,2,1,1 -5254,1,1,1,2,2,2,1 -5255,1,1,2,,2,2,1 -5256,2,,2,,2,2,2 -5257,1,1,1,2,2,2,1 -5258,1,1,2,,2,2,1 -5259,1,1,2,,2,2,2 -5260,1,1,1,2,2,2,2 -5261,2,,2,,2,2,2 -5262,1,1,2,,2,2,1 -5263,1,1,2,,2,2,2 -5264,2,,2,,2,2,2 -5265,1,1,1,2,2,2,2 -5266,1,1,1,2,2,2,2 -5267,1,1,1,2,2,2,1 -5268,1,1,1,2,2,2,2 -5269,1,1,1,2,2,1,1 -5270,2,,2,,2,2,2 -5271,2,,2,,2,2,2 -5272,1,1,1,2,2,2,1 -5273,1,1,2,,2,2,1 -5274,2,,2,,2,2,2 -5275,1,1,1,2,2,1,1 -5276,1,1,1,2,2,2,1 -5277,1,1,2,,2,2,2 -5278,2,,1,2,2,2,2 -5279,1,1,1,2,2,2,1 -5280,2,,2,,2,2,1 -5281,2,,2,,2,2,1 -5282,2,,2,,2,2,2 -5283,1,1,1,2,2,2,1 -5284,1,1,2,,2,2,1 -5285,1,1,2,,2,2,2 -5286,1,1,1,2,2,2,1 -5287,2,,2,,2,2,1 -5288,1,1,2,,2,2,1 -5289,2,,2,,2,2,2 -5290,2,,2,,2,2,2 -5291,1,1,2,,2,2,2 -5292,1,1,1,2,2,1,1 -5293,1,1,1,2,2,2,2 -5294,1,1,1,2,2,2,1 -5295,1,1,1,2,2,1,1 -5296,1,1,2,,2,2,2 -5297,2,,2,,2,2,2 -5298,1,1,2,,2,2,2 -5299,1,1,1,2,2,2,2 -5300,2,,2,,2,2,1 -5301,2,,2,,2,2,2 -5302,1,1,1,2,2,2,1 -5303,1,1,1,2,2,1,1 -5304,1,1,1,2,2,2,2 -5305,1,1,2,,2,2,2 -5306,2,,2,,2,2,2 -5307,2,,2,,2,2,2 -5308,1,2,2,,2,2,2 -5309,2,,2,,2,2,2 -5310,1,1,1,2,2,1,1 -5311,1,1,2,,2,2,2 -5312,2,,2,,2,2,2 -5313,2,,2,,2,2,1 -5314,1,1,2,,2,2,2 -5315,1,1,1,2,2,2,1 -5316,1,1,1,2,2,2,1 -5317,2,,2,,2,1,2 -5318,1,1,2,,2,2,2 -5319,1,1,1,2,2,2,1 -5320,1,1,2,,2,2,1 -5321,2,,2,,2,1,2 -5322,2,,2,,2,2,2 -5323,2,,2,,2,2,1 -5324,1,1,1,2,2,1,1 -5325,1,1,1,2,2,2,1 -5326,1,1,1,2,2,2,2 -5327,1,1,1,2,2,2,1 -5328,1,1,2,,2,2,2 -5329,2,,2,,2,2,2 -5330,1,1,2,,2,2,2 -5331,1,1,1,2,2,2,1 -5332,1,1,2,,2,2,2 -5333,1,1,1,2,2,2,1 -5334,1,2,1,2,2,2,1 -5335,1,1,1,2,2,2,2 -5336,1,1,1,1,2,2,1 -5337,1,2,1,2,2,2,1 -5338,1,1,2,,2,2,1 -5339,1,1,2,,2,2,2 -5340,1,1,1,2,2,2,1 -5341,1,1,1,2,2,2,2 -5342,2,,2,,2,2,2 -5343,1,1,1,2,2,2,1 -5344,1,1,2,,2,2,2 -5345,1,1,1,2,2,1,2 -5346,1,1,2,,2,2,2 -5347,1,1,2,,2,2,2 -5348,1,1,2,,2,2,1 -5349,2,,2,,2,2,1 -5350,1,1,2,,2,2,1 -5351,1,2,2,,2,1,1 -5352,1,1,1,2,2,2,1 -5353,1,1,1,2,2,2,2 -5354,1,1,1,2,2,2,1 -5355,2,,1,2,2,2,2 -5356,2,,2,,2,2,2 -5357,2,,2,,2,2,1 -5358,2,,2,,2,2,2 -5359,1,1,2,,2,2,2 -5360,1,1,2,,2,2,1 -5361,2,,2,,2,2,2 -5362,1,2,1,1,2,2,1 -5363,1,1,2,,2,2,1 -5364,1,2,1,2,2,2,1 -5365,1,2,1,2,2,2,1 -5366,2,,2,,2,2,2 -5367,1,1,1,2,2,1,2 -5368,1,1,1,2,2,2,2 -5369,1,1,1,2,2,2,1 -5370,1,1,1,2,2,2,2 -5371,1,1,2,,2,2,2 -5372,2,,2,,2,2,1 -5373,2,,2,,2,2,2 -5374,1,1,2,,2,2,2 -5375,1,1,2,,2,2,2 -5376,1,1,1,2,2,2,2 -5377,1,1,2,,2,2,2 -5378,1,1,2,,2,2,1 -5379,1,1,2,,2,2,1 -5380,1,1,1,2,2,2,2 -5381,2,,2,,2,2,2 -5382,2,,2,,2,2,2 -5383,1,1,2,,2,2,2 -5384,1,1,2,,2,2,1 -5385,1,1,1,2,2,2,2 -5386,1,1,2,,2,2,2 -5387,1,1,2,,2,2,2 -5388,1,1,2,,2,2,1 -5389,1,1,1,2,2,2,1 -5390,1,1,1,2,2,2,2 -5391,1,1,1,2,2,2,1 -5392,1,1,2,,2,2,2 -5393,1,1,1,2,2,2,1 -5394,1,1,1,2,2,2,2 -5395,1,1,1,2,2,2,2 -5396,1,1,2,,2,2,2 -5397,2,,2,,2,2,2 -5398,2,,1,2,2,2,1 -5399,1,1,1,2,2,2,2 -5400,1,1,1,2,2,2,2 -5401,1,1,2,,2,2,2 -5402,1,1,2,,2,2,1 -5403,1,1,1,2,2,2,2 -5404,1,1,1,2,2,2,2 -5405,1,1,2,,2,2,2 -5406,1,1,2,,2,2,2 -5407,2,,2,,2,2,2 -5408,1,1,1,2,2,2,2 -5409,2,,2,,2,2,2 -5410,1,1,2,,2,2,1 -5411,1,1,1,2,2,2,1 -5412,1,1,1,2,2,2,2 -5413,2,,2,,2,2,1 -5414,1,1,1,2,2,2,2 -5415,1,1,2,,2,2,1 -5416,1,1,1,2,2,2,2 -5417,2,,1,2,2,2,1 -5418,1,1,2,,2,1,1 -5419,2,,2,,2,2,2 -5420,1,1,1,2,2,2,1 -5421,1,1,1,1,2,1,1 -5422,1,2,1,2,2,2,1 -5423,2,,2,,2,2,2 -5424,2,,2,,2,2,2 -5425,1,1,2,,2,2,1 -5426,1,1,1,2,2,2,1 -5427,1,1,2,,2,2,1 -5428,1,1,2,,2,2,1 -5429,1,1,1,2,2,1,1 -5430,1,1,2,,2,2,2 -5431,1,1,1,2,2,2,1 -5432,1,1,1,2,2,2,1 -5433,1,1,1,2,2,2,2 -5434,2,,1,2,2,2,2 -5435,1,1,2,,2,1,1 -5436,2,,2,,2,2,2 -5437,2,,2,,2,2,2 -5438,1,1,1,2,2,2,2 -5439,1,1,1,2,2,2,2 -5440,1,1,2,,2,2,2 -5441,2,,2,,2,2,1 -5442,1,1,1,2,2,2,1 -5443,1,1,2,,2,2,1 -5444,2,,2,,2,2,1 -5445,1,1,1,2,2,1,1 -5446,1,1,2,,2,2,2 -5447,2,,2,,2,2,2 -5448,2,,2,,2,2,1 -5449,2,,2,,2,2,1 -5450,2,,2,,2,2,2 -5451,2,,2,,2,2,2 -5452,2,,2,,2,2,1 -5453,1,1,1,2,2,2,1 -5454,1,1,1,2,2,2,1 -5455,2,,2,,2,2,2 -5456,1,1,1,2,2,2,1 -5457,1,1,1,2,2,2,1 -5458,1,2,1,2,2,2,1 -5459,1,1,1,2,2,2,2 -5460,1,1,2,,2,2,1 -5461,2,,2,,2,2,2 -5462,1,1,2,,2,2,1 -5463,2,,2,,2,2,2 -5464,1,2,1,2,2,2,1 -5465,2,,2,,2,2,2 -5466,2,,2,,2,1,2 -5467,1,1,1,2,2,2,2 -5468,2,,2,,2,2,2 -5469,1,2,2,,2,2,1 -5470,1,1,1,2,2,2,1 -5471,2,,2,,2,2,2 -5472,1,2,1,1,2,2,1 -5473,2,,2,,2,2,2 -5474,1,1,1,2,2,2,2 -5475,1,1,1,1,2,1,1 -5476,2,,2,,2,2,1 -5477,1,1,1,2,2,2,1 -5478,2,,2,,2,2,2 -5479,1,1,2,,2,2,1 -5480,1,1,2,,2,2,2 -5481,2,,2,,2,2,1 -5482,2,,2,,2,2,2 -5483,1,2,1,2,2,1,1 -5484,2,,2,,2,2,2 -5485,2,,2,,2,2,2 -5486,1,1,1,2,2,2,2 -5487,1,1,1,2,2,2,1 -5488,1,1,2,,2,2,1 -5489,2,,2,,2,2,2 -5490,1,1,1,2,2,2,1 -5491,1,1,2,,2,1,1 -5492,1,1,2,,2,2,2 -5493,1,1,2,,2,1,2 -5494,1,1,1,2,2,2,2 -5495,1,1,1,1,2,2,1 -5496,1,1,1,2,2,2,2 -5497,2,,2,,2,1,2 -5498,1,1,1,2,2,2,2 -5499,1,1,2,,2,2,1 -5500,1,1,1,2,2,2,1 -5501,1,1,2,,2,2,1 -5502,2,,2,,2,2,1 -5503,1,1,1,2,2,1,1 -5504,2,,1,2,2,2,2 -5505,2,,2,,2,2,2 -5506,1,1,2,,2,1,1 -5507,1,2,1,2,2,2,2 -5508,1,1,2,,2,2,1 -5509,2,,2,,2,2,2 -5510,2,,1,2,2,2,2 -5511,1,1,1,2,2,1,1 -5512,1,1,2,,2,2,2 -5513,2,,2,,2,2,2 -5514,1,1,1,2,2,2,2 -5515,1,1,1,2,2,2,1 -5516,2,,2,,2,2,1 -5517,1,1,1,1,1,2,1 -5518,2,,2,,2,2,2 -5519,2,,2,,2,2,2 -5520,2,,2,,2,2,1 -5521,1,1,2,,2,2,2 -5522,2,,2,,2,2,2 -5523,1,1,2,,2,2,1 -5524,1,1,2,,2,2,1 -5525,2,,2,,2,2,2 -5526,2,,2,,2,2,2 -5527,2,,2,,2,2,2 -5528,1,1,1,2,2,2,1 -5529,2,,1,2,2,2,2 -5530,1,1,2,,2,2,2 -5531,1,1,1,2,2,2,1 -5532,1,1,2,,2,2,2 -5533,2,,2,,2,2,1 -5534,1,1,2,,2,2,2 -5535,2,,2,,2,2,2 -5536,2,,2,,2,2,1 -5537,1,1,1,2,2,2,1 -5538,1,1,2,,2,2,1 -5539,1,1,1,2,2,2,1 -5540,2,,2,,2,2,2 -5541,1,1,2,,2,2,2 -5542,2,,2,,2,2,1 -5543,1,1,1,2,2,2,1 -5544,1,1,1,2,2,2,1 -5545,1,1,1,2,2,2,1 -5546,2,,2,,2,2,2 -5547,2,,2,,2,2,2 -5548,1,1,1,2,2,2,2 -5549,1,1,1,2,2,2,2 -5550,2,,2,,2,2,2 -5551,1,1,2,,2,2,1 -5552,1,1,1,2,2,2,2 -5553,1,1,2,,2,2,2 -5554,1,1,2,,2,1,2 -5555,1,1,2,,2,2,2 -5556,1,1,1,2,2,2,2 -5557,1,2,2,,2,2,1 -5558,2,,2,,2,2,2 -5559,1,1,1,2,2,2,2 -5560,1,1,2,,2,2,2 -5561,1,1,2,,2,2,2 -5562,2,,2,,2,2,1 -5563,1,1,1,2,2,2,2 -5564,1,1,2,,2,2,2 -5565,1,1,2,,2,2,2 -5566,1,1,2,,2,2,1 -5567,1,1,1,2,2,2,1 -5568,1,1,2,,2,2,1 -5569,2,,2,,2,2,2 -5570,2,,2,,2,2,2 -5571,1,1,2,,2,2,2 -5572,2,,2,,2,2,1 -5573,2,,2,,2,2,1 -5574,1,1,1,2,2,2,1 -5575,2,,2,,2,2,2 -5576,1,1,1,2,2,2,1 -5577,1,1,1,2,2,2,1 -5578,1,1,1,2,2,2,1 -5579,1,1,2,,2,2,2 -5580,1,1,1,2,2,2,2 -5581,2,,2,,2,2,2 -5582,2,,2,,2,2,1 -5583,1,1,2,,2,2,2 -5584,2,,2,,2,2,2 -5585,1,1,2,,2,2,1 -5586,1,2,2,,1,2,1 -5587,1,1,2,,2,2,2 -5588,1,1,2,,2,2,2 -5589,1,1,1,2,2,2,2 -5590,1,1,1,2,2,1,1 -5591,1,1,2,,2,2,1 -5592,2,,2,,2,2,2 -5593,1,1,1,2,2,2,1 -5594,1,1,2,,2,2,1 -5595,2,,2,,2,2,1 -5596,1,1,1,2,2,2,2 -5597,2,,2,,2,2,1 -5598,1,1,2,,2,2,2 -5599,2,,2,,2,2,2 -5600,2,,2,,2,2,1 -5601,1,1,1,2,2,2,2 -5602,2,,2,,2,2,2 -5603,1,1,2,,2,2,1 -5604,2,,2,,2,2,2 -5605,2,,2,,2,2,2 -5606,2,,2,,2,2,1 -5607,1,2,1,2,2,2,2 -5608,1,1,2,,2,2,1 -5609,1,1,1,2,2,2,2 -5610,2,,2,,2,2,2 -5611,1,1,1,2,2,2,2 -5612,1,1,2,,2,2,2 -5613,1,1,1,2,2,2,2 -5614,2,,2,,2,2,2 -5615,2,,2,,2,1,1 -5616,1,1,2,,2,2,2 -5617,1,1,1,2,2,2,1 -5618,2,,2,,2,2,2 -5619,1,1,1,2,2,1,1 -5620,1,1,1,2,2,2,1 -5621,1,1,2,,2,2,1 -5622,1,1,1,2,2,2,1 -5623,2,,2,,2,2,2 -5624,1,1,1,2,2,2,1 -5625,1,1,1,2,2,2,1 -5626,1,1,2,,2,2,1 -5627,2,,2,,2,2,2 -5628,1,1,2,,2,2,2 -5629,1,2,2,,2,2,2 -5630,2,,2,,2,2,2 -5631,1,1,2,,2,2,2 -5632,2,,2,,2,2,2 -5633,1,1,2,,2,2,2 -5634,1,1,2,,2,2,2 -5635,1,1,1,2,2,2,2 -5636,2,,1,2,2,2,2 -5637,1,1,1,2,2,2,2 -5638,1,1,2,,2,2,2 -5639,2,,1,2,2,2,2 -5640,2,,1,2,2,2,2 -5641,1,1,2,,2,2,2 -5642,2,,2,,2,2,1 -5643,1,1,1,2,2,2,1 -5644,1,1,2,,2,2,2 -5645,1,1,1,2,2,2,1 -5646,2,,2,,2,2,2 -5647,1,1,1,1,2,2,1 -5648,2,,2,,2,2,2 -5649,1,1,1,2,2,1,1 -5650,1,1,2,,2,2,2 -5651,1,1,1,2,2,1,1 -5652,2,,2,,2,2,2 -5653,1,1,1,2,2,2,1 -5654,2,,2,,2,1,2 -5655,1,1,1,2,1,2,1 -5656,1,1,2,,2,2,2 -5657,1,1,1,2,2,2,1 -5658,2,,2,,2,1,2 -5659,1,1,1,2,2,2,2 -5660,1,1,2,,2,2,2 -5661,1,1,2,,2,2,2 -5662,2,,2,,2,2,2 -5663,1,1,1,2,2,2,1 -5664,1,1,2,,2,2,2 -5665,2,,2,,2,2,2 -5666,2,,2,,2,2,2 -5667,2,,1,2,2,2,2 -5668,1,1,1,2,2,2,1 -5669,1,1,1,2,2,2,1 -5670,1,1,2,,2,2,1 -5671,1,1,2,,2,2,1 -5672,1,1,1,2,2,1,2 -5673,1,1,1,2,2,2,2 -5674,1,1,1,2,2,2,2 -5675,1,1,1,2,2,2,2 -5676,1,1,2,,2,2,2 -5677,1,1,1,2,2,2,1 -5678,1,1,2,,2,2,2 -5679,2,,2,,2,2,2 -5680,1,1,2,,2,2,1 -5681,2,,2,,2,2,2 -5682,2,,2,,2,2,2 -5683,2,,2,,2,2,2 -5684,1,1,2,,2,2,1 -5685,1,1,2,,2,2,1 -5686,2,,2,,2,2,2 -5687,1,1,1,2,2,2,2 -5688,1,1,2,,2,2,1 -5689,1,1,1,2,2,2,1 -5690,1,1,2,,2,2,2 -5691,2,,1,2,2,2,2 -5692,1,1,2,,2,2,1 -5693,1,1,2,,2,2,1 -5694,1,1,1,2,2,2,1 -5695,2,,1,2,2,2,2 -5696,1,1,1,2,2,2,2 -5697,2,,1,2,2,2,2 -5698,1,1,2,,2,2,1 -5699,1,1,1,2,2,1,1 -5700,1,1,1,2,2,2,1 -5701,1,1,1,2,2,2,1 -5702,1,1,1,2,2,2,2 -5703,1,1,1,2,2,2,1 -5704,1,1,2,,2,2,2 -5705,1,1,1,2,2,2,2 -5706,2,,1,2,2,2,2 -5707,1,1,1,2,2,2,1 -5708,2,,2,,2,2,2 -5709,1,1,2,,2,2,1 -5710,1,1,2,,2,2,2 -5711,1,1,1,2,2,2,2 -5712,1,1,1,1,2,2,2 -5713,1,1,1,2,2,2,1 -5714,1,1,1,2,2,2,1 -5715,1,1,2,,2,2,1 -5716,2,,2,,2,2,2 -5717,2,,2,,2,2,2 -5718,2,,1,2,2,2,2 -5719,1,1,2,,2,1,2 -5720,1,1,2,,2,2,1 -5721,2,,2,,2,2,2 -5722,1,1,2,,2,2,2 -5723,1,1,2,,2,1,2 -5724,2,,2,,2,2,1 -5725,2,,2,,2,2,1 -5726,2,,2,,2,2,2 -5727,1,1,1,2,2,2,1 -5728,2,,2,,2,2,1 -5729,1,1,2,,2,2,2 -5730,2,,2,,2,2,2 -5731,1,1,2,,2,2,1 -5732,1,1,2,,2,2,1 -5733,1,1,2,,2,2,2 -5734,1,1,1,2,2,2,2 -5735,2,,2,,2,2,2 -5736,1,1,1,2,2,2,2 -5737,1,1,2,,2,2,1 -5738,1,1,1,2,2,1,2 -5739,2,,2,,2,2,2 -5740,2,,2,,2,2,2 -5741,1,1,1,2,2,1,1 -5742,1,1,1,2,2,2,2 -5743,2,,2,,2,2,1 -5744,2,,2,,2,2,1 -5745,2,,2,,2,2,2 -5746,1,1,2,,2,2,1 -5747,2,,2,,2,2,2 -5748,2,,2,,2,2,2 -5749,1,1,1,2,2,2,2 -5750,1,1,1,2,2,1,1 -5751,1,1,1,2,2,2,1 -5752,1,1,1,2,2,2,1 -5753,2,,1,2,2,2,2 -5754,2,,1,1,1,2,1 -5755,1,1,1,2,2,2,2 -5756,1,1,2,,2,2,1 -5757,2,,2,,2,2,2 -5758,1,1,1,1,2,2,1 -5759,1,1,1,2,2,2,1 -5760,1,1,1,2,2,2,1 -5761,1,1,1,2,2,2,2 -5762,2,,2,,2,2,2 -5763,1,1,1,2,2,2,1 -5764,2,,2,,2,2,2 -5765,1,1,1,2,2,1,2 -5766,1,1,1,2,2,2,1 -5767,1,1,1,2,2,2,2 -5768,1,1,2,,2,2,1 -5769,1,1,1,2,2,2,2 -5770,1,1,1,2,2,2,2 -5771,1,1,1,2,2,2,2 -5772,2,,2,,2,2,2 -5773,2,,2,,2,2,2 -5774,2,,2,,2,2,2 -5775,1,1,2,,2,2,1 -5776,1,1,1,2,2,2,1 -5777,1,1,2,,2,2,2 -5778,2,,2,,2,2,1 -5779,1,1,1,2,2,2,1 -5780,2,,2,,2,2,2 -5781,2,,2,,2,2,2 -5782,1,1,1,2,2,2,1 -5783,1,1,1,2,2,1,1 -5784,1,1,2,,2,2,2 -5785,2,,2,,1,1,1 -5786,1,1,1,2,2,2,1 -5787,1,1,1,2,2,2,2 -5788,1,1,2,,2,2,2 -5789,2,,1,2,2,2,1 -5790,2,,2,,2,2,2 -5791,1,1,1,2,2,2,2 -5792,1,1,2,,2,2,2 -5793,1,1,2,,2,2,1 -5794,2,,2,,2,2,2 -5795,1,1,2,,2,2,1 -5796,2,,2,,2,2,2 -5797,1,1,2,,2,2,1 -5798,1,1,2,,2,2,2 -5799,1,1,1,2,2,2,2 -5800,1,2,2,,2,2,1 -5801,2,,2,,2,2,2 -5802,2,,2,,2,2,2 -5803,2,,2,,2,2,2 -5804,1,1,2,,2,2,1 -5805,2,,2,,2,2,2 -5806,1,1,2,,2,2,2 -5807,1,1,2,,2,2,2 -5808,1,1,1,2,2,2,2 -5809,1,1,1,2,2,2,1 -5810,1,2,1,1,1,1,1 -5811,1,1,1,2,2,2,2 -5812,1,1,2,,2,2,2 -5813,2,,2,,2,2,2 -5814,2,,1,2,2,2,2 -5815,1,1,1,2,2,1,2 -5816,1,1,1,2,2,2,1 -5817,2,,2,,2,2,2 -5818,2,,2,,2,2,2 -5819,2,,2,,2,2,2 -5820,1,1,1,2,2,2,1 -5821,1,1,2,,2,2,1 -5822,1,1,1,2,2,2,1 -5823,1,1,2,,2,2,2 -5824,1,1,1,2,2,1,1 -5825,2,,2,,2,2,2 -5826,2,,2,,2,1,2 -5827,1,1,1,2,2,2,2 -5828,2,,2,,2,2,2 -5829,1,1,1,2,2,2,1 -5830,1,1,2,,2,2,1 -5831,1,1,1,2,2,2,2 -5832,1,1,2,,2,2,1 -5833,1,1,2,,2,2,1 -5834,1,1,1,2,2,2,1 -5835,1,1,2,,2,2,2 -5836,1,1,2,,2,2,1 -5837,2,,2,,2,2,1 -5838,2,,2,,2,2,2 -5839,2,,1,2,2,2,2 -5840,2,,2,,2,2,2 -5841,2,,2,,2,2,2 -5842,2,,2,,2,2,1 -5843,1,1,1,2,2,1,1 -5844,1,1,1,2,1,2,1 -5845,1,1,2,,2,2,2 -5846,2,,2,,2,2,1 -5847,1,1,2,,2,2,1 -5848,2,,2,,2,2,1 -5849,1,1,1,2,2,2,2 -5850,1,2,1,2,2,2,1 -5851,2,,2,,2,2,2 -5852,2,,2,,2,2,2 -5853,2,,2,,2,2,2 -5854,2,,2,,2,1,2 -5855,1,1,1,2,2,1,2 -5856,2,,2,,2,2,2 -5857,1,2,1,1,2,2,1 -5858,1,1,1,1,2,2,1 -5859,2,,2,,2,2,2 -5860,1,1,1,2,2,2,2 -5861,1,1,1,2,2,2,1 -5862,1,1,1,2,2,2,2 -5863,1,1,2,,2,1,1 -5864,1,1,2,,2,2,2 -5865,1,1,2,,2,2,1 -5866,1,1,1,2,2,2,1 -5867,1,1,2,,2,2,2 -5868,1,1,1,2,2,1,1 -5869,2,,2,,2,2,2 -5870,2,,2,,2,2,1 -5871,2,,2,,2,2,2 -5872,1,1,1,2,2,1,1 -5873,1,1,2,,2,2,1 -5874,1,1,2,,2,2,1 -5875,2,,2,,2,2,1 -5876,1,1,1,2,2,2,2 -5877,2,,2,,2,2,2 -5878,1,1,1,2,2,2,2 -5879,1,1,1,2,2,2,1 -5880,2,,2,,2,1,2 -5881,2,,2,,2,1,2 -5882,2,,2,,2,2,2 -5883,1,1,2,,2,2,1 -5884,2,,2,,2,1,2 -5885,1,1,1,2,2,2,2 -5886,1,1,2,,2,2,1 -5887,1,1,1,2,2,2,1 -5888,1,1,1,2,2,2,1 -5889,1,1,1,2,2,2,1 -5890,1,1,1,2,2,2,1 -5891,1,1,1,2,2,2,2 -5892,1,1,2,,2,2,2 -5893,2,,2,,2,2,2 -5894,1,2,1,2,2,1,1 -5895,1,1,1,2,2,2,2 -5896,1,1,2,,2,2,2 -5897,1,1,2,,2,2,2 -5898,2,,2,,2,2,1 -5899,1,1,1,2,2,2,2 -5900,1,1,2,,2,2,2 -5901,2,,2,,2,2,1 -5902,2,,2,,2,2,2 -5903,1,1,1,2,2,2,1 -5904,1,1,2,,2,2,2 -5905,2,,2,,2,2,2 -5906,1,1,2,,2,2,1 -5907,1,1,2,,2,2,1 -5908,2,,1,2,2,2,2 -5909,1,1,2,,2,2,1 -5910,2,,2,,2,2,2 -5911,1,1,1,2,2,2,1 -5912,1,1,1,2,2,2,2 -5913,1,1,2,,2,2,2 -5914,1,1,1,2,2,2,1 -5915,1,1,2,,2,2,1 -5916,1,1,1,2,2,2,2 -5917,1,1,1,1,2,2,1 -5918,2,,2,,2,2,1 -5919,2,,2,,2,2,2 -5920,2,,2,,2,2,2 -5921,2,,2,,2,2,2 -5922,1,1,2,,2,2,1 -5923,1,2,2,,2,2,1 -5924,1,1,2,,2,2,2 -5925,2,,2,,2,1,1 -5926,1,1,2,,2,2,2 -5927,1,1,2,,2,2,2 -5928,1,1,1,2,2,2,1 -5929,1,1,2,,2,2,2 -5930,1,1,2,,2,2,2 -5931,1,1,2,,2,2,2 -5932,1,1,2,,2,2,1 -5933,2,,2,,2,2,1 -5934,1,1,2,,2,2,2 -5935,1,1,2,,2,2,1 -5936,1,1,2,,2,2,1 -5937,1,1,1,2,2,2,1 -5938,1,2,2,,2,2,1 -5939,1,1,1,2,2,2,2 -5940,2,,2,,2,2,2 -5941,2,,2,,2,2,2 -5942,1,1,1,2,2,2,1 -5943,1,1,1,2,2,2,2 -5944,1,1,1,2,2,1,2 -5945,2,,2,,2,2,2 -5946,1,1,1,2,2,2,1 -5947,1,1,2,,2,2,1 -5948,2,,2,,2,2,2 -5949,1,1,1,2,2,2,1 -5950,2,,2,,2,2,1 -5951,1,2,1,1,2,2,1 -5952,1,1,1,2,2,2,2 -5953,1,1,1,2,2,2,1 -5954,1,1,1,2,2,2,2 -5955,1,1,2,,2,2,2 -5956,2,,2,,2,2,2 -5957,2,,1,2,2,2,2 -5958,2,,2,,2,2,1 -5959,1,1,1,2,2,2,1 -5960,1,1,1,2,2,1,1 -5961,1,1,1,2,2,2,1 -5962,1,1,1,2,2,2,2 -5963,1,1,1,2,2,2,1 -5964,1,1,2,,2,2,1 -5965,2,,2,,2,2,2 -5966,2,,2,,2,2,2 -5967,1,1,2,,2,2,2 -5968,1,1,1,2,2,2,1 -5969,1,1,2,,2,2,1 -5970,1,2,1,2,2,2,1 -5971,1,1,1,2,2,2,2 -5972,1,1,2,,2,2,2 -5973,1,1,1,2,2,2,1 -5974,1,1,2,,2,2,2 -5975,1,1,2,,2,2,2 -5976,1,1,1,1,2,2,1 -5977,1,1,2,,2,2,1 -5978,1,2,1,2,1,1,1 -5979,1,1,2,,2,2,2 -5980,1,1,1,2,2,2,2 -5981,1,1,2,,2,2,1 -5982,2,,2,,2,2,1 -5983,1,1,2,,2,2,2 -5984,2,,2,,2,1,1 -5985,1,1,2,,2,2,1 -5986,2,,2,,2,2,2 -5987,1,1,2,,2,2,2 -5988,1,1,2,,2,2,2 -5989,1,1,1,2,2,2,2 -5990,1,1,2,,2,2,1 -5991,2,,2,,2,2,2 -5992,1,1,2,,2,2,1 -5993,2,,2,,2,2,1 -5994,2,,2,,2,2,2 -5995,1,1,1,2,2,2,1 -5996,1,2,2,,2,2,1 -5997,1,1,1,2,2,1,1 -5998,2,,1,1,2,2,1 -5999,1,1,2,,2,2,2 -6000,1,1,1,2,2,2,2 -6001,1,1,1,2,2,1,2 -6002,1,1,1,2,2,2,1 -6003,1,1,1,2,2,2,1 -6004,1,1,1,2,2,2,1 -6005,1,1,2,,2,2,1 -6006,1,1,2,,2,1,2 -6007,2,,2,,2,2,2 -6008,1,1,2,,2,2,2 -6009,1,1,1,2,2,2,1 -6010,1,1,1,2,2,2,1 -6011,1,1,1,1,2,2,2 -6012,1,1,2,,2,2,2 -6013,1,1,2,,2,2,2 -6014,1,1,2,,2,2,2 -6015,1,1,1,2,2,1,1 -6016,1,1,2,,2,2,1 -6017,2,,2,,2,2,2 -6018,2,,2,,2,2,1 -6019,2,,2,,2,2,1 -6020,2,,2,,2,2,2 -6021,1,1,1,2,2,2,2 -6022,1,1,1,2,2,2,1 -6023,1,1,1,1,2,2,1 -6024,1,1,2,,2,2,2 -6025,2,,2,,2,2,2 -6026,1,1,1,2,2,2,1 -6027,1,1,1,2,2,2,2 -6028,1,2,1,1,2,2,1 -6029,1,1,2,,2,2,2 -6030,2,,2,,1,2,1 -6031,1,1,1,2,2,2,2 -6032,1,1,1,2,2,2,2 -6033,1,1,2,,2,2,1 -6034,2,,2,,2,2,1 -6035,1,1,1,2,2,2,1 -6036,1,1,1,2,2,2,2 -6037,1,1,2,,2,2,2 -6038,1,1,1,2,2,2,2 -6039,2,,2,,2,2,2 -6040,1,1,2,,2,2,1 -6041,1,1,1,2,2,2,1 -6042,1,1,1,2,2,2,1 -6043,1,1,2,,2,2,2 -6044,1,1,1,2,2,2,1 -6045,2,,2,,2,2,2 -6046,1,1,1,2,2,2,1 -6047,1,1,2,,2,2,1 -6048,2,,1,2,2,2,2 -6049,2,,2,,2,2,2 -6050,1,1,1,2,2,2,1 -6051,1,1,2,,2,2,1 -6052,1,1,2,,2,2,2 -6053,1,1,2,,2,2,2 -6054,1,1,1,2,2,2,1 -6055,1,1,2,,2,2,2 -6056,2,,2,,2,2,2 -6057,2,,2,,2,2,1 -6058,1,1,2,,2,2,2 -6059,2,,2,,2,2,2 -6060,2,,2,,2,2,1 -6061,1,1,1,2,2,2,1 -6062,2,,2,,2,2,2 -6063,1,1,2,,2,2,2 -6064,2,,2,,2,2,2 -6065,1,1,2,,2,2,2 -6066,1,1,1,2,2,2,2 -6067,2,,2,,2,2,2 -6068,1,1,1,2,2,2,1 -6069,1,1,1,2,2,2,2 -6070,2,,2,,2,2,2 -6071,1,1,2,,2,2,1 -6072,1,1,2,,2,2,2 -6073,1,1,2,,2,1,2 -6074,1,1,2,,2,2,2 -6075,1,2,1,2,2,2,1 -6076,2,,2,,2,2,2 -6077,1,1,1,2,2,2,2 -6078,2,,2,,2,2,2 -6079,1,1,2,,2,2,2 -6080,1,1,1,2,2,2,2 -6081,1,1,1,2,2,2,2 -6082,1,1,1,2,2,2,2 -6083,1,1,1,2,2,1,2 -6084,1,1,1,2,2,2,2 -6085,1,1,1,2,2,2,1 -6086,2,,2,,2,2,2 -6087,2,,2,,2,2,2 -6088,2,,2,,2,2,1 -6089,1,1,2,,2,2,1 -6090,2,,2,,2,2,2 -6091,1,1,1,2,2,2,1 -6092,1,1,1,2,2,1,1 -6093,2,,2,,2,1,2 -6094,1,1,1,2,2,2,2 -6095,1,1,2,,2,2,1 -6096,1,1,2,,2,2,1 -6097,1,1,1,2,2,2,1 -6098,1,1,1,2,2,2,1 -6099,2,,2,,2,2,2 -6100,2,,2,,2,2,2 -6101,1,1,2,,2,2,1 -6102,1,1,1,2,2,2,2 -6103,1,1,1,2,2,2,2 -6104,1,1,2,,2,2,2 -6105,1,1,2,,2,2,2 -6106,1,1,2,,2,2,1 -6107,1,1,1,2,2,1,1 -6108,1,1,1,2,2,2,2 -6109,1,1,1,2,2,1,2 -6110,1,1,1,2,2,2,2 -6111,2,,2,,2,2,1 -6112,1,1,2,,2,2,2 -6113,2,,2,,2,2,2 -6114,2,,2,,2,2,1 -6115,1,1,1,2,2,2,1 -6116,2,,1,2,2,2,1 -6117,1,1,2,,2,2,1 -6118,1,1,1,2,2,2,2 -6119,2,,1,2,2,2,1 -6120,2,,2,,2,2,1 -6121,1,1,1,2,2,2,1 -6122,1,1,2,,2,2,1 -6123,1,1,2,,2,2,1 -6124,2,,2,,2,2,2 -6125,1,1,1,2,2,2,2 -6126,2,,2,,2,2,1 -6127,2,,2,,2,2,1 -6128,1,1,1,2,2,2,1 -6129,1,1,2,,2,2,1 -6130,2,,2,,2,2,1 -6131,1,1,1,2,2,2,1 -6132,1,1,1,2,2,2,1 -6133,1,1,2,,2,2,2 -6134,1,1,1,2,2,2,1 -6135,1,1,2,,2,2,2 -6136,1,2,1,1,2,2,1 -6137,1,1,2,,2,2,2 -6138,1,1,1,2,2,2,2 -6139,1,1,2,,2,2,2 -6140,1,1,1,2,2,2,2 -6141,1,1,2,,2,2,1 -6142,1,1,1,2,2,2,1 -6143,1,1,1,2,2,2,2 -6144,1,1,2,,2,2,2 -6145,2,,2,,2,2,2 -6146,1,2,1,2,2,1,1 -6147,1,2,1,2,2,2,1 -6148,1,1,1,2,2,1,1 -6149,1,1,1,2,2,1,1 -6150,2,,2,,2,2,1 -6151,1,1,2,,2,2,2 -6152,2,,2,,2,2,1 -6153,1,1,1,2,2,2,2 -6154,1,1,2,,2,2,2 -6155,2,,2,,2,2,2 -6156,1,1,2,,2,2,2 -6157,1,1,1,2,2,2,1 -6158,1,1,2,,2,2,2 -6159,2,,1,2,2,2,2 -6160,2,,1,2,2,2,2 -6161,1,2,2,,2,2,1 -6162,2,,2,,2,2,1 -6163,2,,2,,2,2,2 -6164,1,2,1,2,2,2,1 -6165,2,,2,,2,2,2 -6166,1,1,2,,2,2,1 -6167,1,1,1,2,2,1,1 -6168,1,1,1,2,2,2,2 -6169,1,1,2,,2,2,1 -6170,1,1,1,2,2,2,2 -6171,1,1,1,2,2,2,2 -6172,1,1,2,,2,2,1 -6173,2,,2,,2,2,2 -6174,1,1,1,2,2,2,1 -6175,1,1,2,,2,2,1 -6176,1,1,1,1,2,2,1 -6177,2,,2,,2,2,2 -6178,1,1,1,2,2,2,1 -6179,2,,1,2,2,2,2 -6180,1,1,1,1,2,2,1 -6181,1,1,1,2,2,2,2 -6182,2,,2,,2,2,1 -6183,2,,1,2,2,2,2 -6184,1,1,1,2,2,2,2 -6185,1,1,2,,2,2,2 -6186,1,1,1,2,2,1,1 -6187,1,1,1,2,2,2,2 -6188,2,,2,,2,2,1 -6189,1,2,1,2,2,2,2 -6190,2,,2,,2,2,2 -6191,2,,2,,2,2,2 -6192,1,1,1,2,2,2,2 -6193,1,1,1,2,2,2,2 -6194,2,,2,,2,2,1 -6195,1,1,1,1,2,2,1 -6196,2,,1,2,2,2,1 -6197,2,,2,,2,2,2 -6198,1,1,2,,2,2,2 -6199,1,1,1,2,2,2,2 -6200,1,1,2,,2,2,1 -6201,2,,2,,2,2,2 -6202,1,1,2,,2,1,1 -6203,1,1,1,2,2,2,2 -6204,1,1,2,,2,2,2 -6205,1,1,1,2,2,1,1 -6206,1,1,1,2,2,2,2 -6207,1,1,1,2,2,2,1 -6208,1,1,1,2,2,2,1 -6209,2,,2,,2,2,1 -6210,1,1,1,2,2,1,1 -6211,1,1,1,2,2,2,2 -6212,1,1,2,,2,2,2 -6213,2,,1,2,2,2,2 -6214,1,1,1,2,2,2,1 -6215,2,,2,,2,2,2 -6216,1,1,1,2,2,2,2 -6217,1,1,2,,2,2,1 -6218,1,1,2,,2,2,2 -6219,2,,2,,2,2,2 -6220,1,1,2,,2,2,2 -6221,2,,2,,2,2,2 -6222,1,1,2,,2,2,2 -6223,1,1,1,2,2,2,2 -6224,2,,2,,2,2,1 -6225,1,1,1,2,2,1,1 -6226,2,,2,,2,2,2 -6227,2,,2,,2,2,2 -6228,2,,2,,2,2,2 -6229,2,,2,,2,2,1 -6230,2,,2,,2,2,2 -6231,2,,2,,2,2,2 -6232,1,1,1,2,2,2,1 -6233,2,,2,,2,2,2 -6234,2,,2,,2,2,1 -6235,1,1,1,2,2,2,1 -6236,1,1,1,1,2,1,1 -6237,2,,2,,2,2,2 -6238,1,1,2,,2,2,1 -6239,1,1,1,2,2,2,2 -6240,1,1,2,,2,2,2 -6241,1,1,1,2,2,2,2 -6242,1,1,1,2,2,2,2 -6243,1,1,2,,2,2,2 -6244,2,,2,,2,2,1 -6245,2,,2,,2,2,2 -6246,2,,1,2,2,2,2 -6247,2,,1,2,2,2,2 -6248,1,1,2,,2,2,2 -6249,2,,2,,2,2,2 -6250,1,1,2,,2,2,1 -6251,1,1,2,,2,2,1 -6252,1,1,2,,2,2,1 -6253,1,1,2,,2,1,2 -6254,2,,2,,2,2,2 -6255,1,1,2,,2,2,1 -6256,1,1,2,,2,2,2 -6257,2,,2,,2,1,2 -6258,1,1,2,,2,2,2 -6259,2,,2,,2,2,2 -6260,1,1,1,2,2,2,1 -6261,1,1,1,1,2,2,1 -6262,1,1,2,,2,2,2 -6263,1,1,1,2,2,2,2 -6264,1,1,1,2,2,2,2 -6265,1,1,2,,2,2,2 -6266,2,,2,,2,2,1 -6267,1,1,2,,2,2,1 -6268,2,,2,,2,2,2 -6269,1,1,1,2,2,2,2 -6270,1,1,1,2,2,2,1 -6271,2,,2,,2,1,2 -6272,1,1,2,,2,2,2 -6273,2,,2,,2,2,2 -6274,1,1,2,,2,2,2 -6275,1,2,1,2,2,2,1 -6276,2,,1,2,2,2,1 -6277,2,,2,,2,2,2 -6278,1,1,1,2,2,2,1 -6279,2,,2,,2,2,2 -6280,2,,2,,2,2,2 -6281,1,1,2,,2,2,2 -6282,1,1,1,2,2,2,1 -6283,1,1,1,2,2,2,2 -6284,1,1,1,2,2,2,1 -6285,2,,2,,2,2,1 -6286,2,,2,,2,2,2 -6287,1,1,1,2,2,2,2 -6288,1,1,2,,2,2,1 -6289,1,1,1,2,2,2,2 -6290,1,1,2,,2,2,1 -6291,1,1,1,2,2,2,1 -6292,2,,2,,2,2,2 -6293,1,2,1,1,1,1,1 -6294,2,,2,,2,2,2 -6295,2,,2,,2,2,1 -6296,2,,2,,2,2,2 -6297,2,,2,,2,2,2 -6298,1,1,1,2,2,2,1 -6299,2,,2,,2,2,2 -6300,2,,2,,2,2,1 -6301,2,,2,,2,2,1 -6302,1,1,2,,2,2,1 -6303,1,1,2,,2,2,1 -6304,1,1,2,,2,2,2 -6305,2,,2,,2,2,2 -6306,1,1,2,,2,2,1 -6307,1,1,2,,2,2,1 -6308,2,,1,2,2,2,2 -6309,1,1,1,2,2,2,1 -6310,1,1,1,2,2,2,2 -6311,1,1,1,2,2,2,1 -6312,1,1,2,,2,2,2 -6313,2,,2,,2,2,2 -6314,2,,2,,2,2,2 -6315,2,,2,,2,2,2 -6316,1,1,2,,2,2,2 -6317,1,1,1,2,2,2,2 -6318,1,1,2,,2,2,1 -6319,1,1,2,,2,2,1 -6320,1,1,1,2,2,2,2 -6321,1,1,1,2,2,2,1 -6322,1,1,1,2,2,2,2 -6323,1,1,1,1,2,2,1 -6324,1,1,1,2,2,2,2 -6325,1,2,1,2,2,2,1 -6326,1,1,2,,2,2,2 -6327,1,1,2,,2,2,1 -6328,2,,2,,2,2,2 -6329,2,,2,,2,2,2 -6330,1,1,1,2,2,2,2 -6331,2,,2,,2,2,2 -6332,1,1,2,,2,2,1 -6333,1,1,1,2,2,2,1 -6334,2,,2,,2,2,2 -6335,2,,2,,2,2,1 -6336,1,1,1,2,2,2,2 -6337,2,,2,,2,2,1 -6338,1,1,1,2,2,2,2 -6339,2,,2,,2,2,2 -6340,1,1,1,2,2,2,2 -6341,1,1,2,,2,2,1 -6342,1,1,1,2,2,2,2 -6343,2,,2,,2,2,2 -6344,2,,2,,2,2,1 -6345,1,1,1,2,2,1,1 -6346,1,1,2,,2,2,2 -6347,1,1,1,2,2,2,1 -6348,1,1,1,2,2,2,2 -6349,1,1,2,,2,2,2 -6350,1,1,1,2,2,2,1 -6351,1,1,1,2,2,2,2 -6352,1,1,1,2,2,2,1 -6353,1,1,1,2,2,2,2 -6354,1,1,2,,2,2,2 -6355,1,1,1,2,2,2,2 -6356,2,,1,2,2,2,1 -6357,2,,2,,2,2,2 -6358,1,1,1,2,2,2,1 -6359,1,1,2,,2,2,2 -6360,1,1,2,,2,1,2 -6361,1,2,2,,2,2,2 -6362,1,1,2,,2,1,1 -6363,1,1,1,2,2,2,2 -6364,2,,2,,2,2,2 -6365,2,,2,,2,2,2 -6366,2,,2,,2,2,2 -6367,1,1,1,2,2,1,1 -6368,2,,2,,2,1,1 -6369,2,,2,,2,2,1 -6370,2,,1,1,2,2,2 -6371,1,1,1,2,2,2,1 -6372,1,1,1,2,2,2,1 -6373,2,,2,,2,2,2 -6374,2,,2,,2,2,2 -6375,1,1,1,2,2,2,1 -6376,2,,2,,2,2,2 -6377,1,1,2,,2,2,2 -6378,2,,2,,2,2,2 -6379,1,1,1,2,2,2,2 -6380,1,1,1,2,2,2,1 -6381,2,,2,,2,2,2 -6382,1,1,2,,2,2,1 -6383,1,2,1,2,2,2,1 -6384,1,1,2,,2,2,1 -6385,2,,2,,2,2,1 -6386,1,1,1,2,2,2,2 -6387,1,1,1,2,2,1,1 -6388,1,1,2,,2,2,1 -6389,1,1,1,2,2,1,1 -6390,2,,2,,2,2,2 -6391,1,1,2,,2,2,2 -6392,1,1,1,2,2,2,2 -6393,1,1,1,1,2,2,1 -6394,1,1,1,2,2,2,2 -6395,2,,2,,2,2,1 -6396,2,,2,,2,2,2 -6397,1,1,2,,2,2,2 -6398,1,1,1,2,2,2,2 -6399,1,1,2,,2,2,2 -6400,1,1,1,2,2,2,1 -6401,2,,2,,2,2,2 -6402,1,1,2,,2,2,2 -6403,1,1,2,,2,2,2 -6404,1,1,1,2,2,2,1 -6405,1,2,1,2,2,1,1 -6406,1,1,2,,2,1,1 -6407,1,1,1,2,2,2,2 -6408,1,1,2,,2,2,1 -6409,2,,2,,2,2,2 -6410,1,1,1,2,2,2,1 -6411,1,1,1,2,2,2,2 -6412,1,1,1,2,2,2,2 -6413,1,1,2,,2,2,2 -6414,2,,2,,2,2,2 -6415,1,1,2,,2,2,1 -6416,2,,1,2,2,2,2 -6417,1,1,1,2,2,2,2 -6418,2,,2,,2,2,1 -6419,1,1,2,,2,2,1 -6420,1,1,2,,2,1,2 -6421,2,,2,,2,2,1 -6422,1,1,2,,2,2,1 -6423,1,1,2,,2,2,2 -6424,2,,2,,2,2,2 -6425,2,,2,,2,2,2 -6426,1,1,2,,2,2,1 -6427,1,1,2,,2,2,1 -6428,1,1,1,2,2,2,2 -6429,2,,2,,2,2,2 -6430,1,1,1,2,2,2,2 -6431,1,1,1,2,2,2,1 -6432,1,1,1,2,2,2,1 -6433,1,1,2,,1,2,1 -6434,2,,1,2,2,2,2 -6435,2,,2,,2,2,1 -6436,1,2,1,2,2,2,1 -6437,1,1,1,2,2,2,2 -6438,1,1,2,,2,2,2 -6439,1,1,1,2,2,2,1 -6440,1,1,1,2,2,2,1 -6441,1,1,2,,2,2,1 -6442,1,1,1,2,2,2,1 -6443,1,1,2,,2,2,2 -6444,1,1,2,,2,2,1 -6445,1,1,1,2,2,2,1 -6446,2,,1,2,2,2,2 -6447,1,1,1,2,2,2,1 -6448,1,1,1,2,2,2,2 -6449,1,1,2,,2,2,2 -6450,1,1,2,,2,2,2 -6451,1,1,1,2,2,2,2 -6452,1,1,1,2,2,2,1 -6453,1,1,1,2,2,2,2 -6454,1,1,2,,2,2,2 -6455,2,,2,,2,2,1 -6456,1,2,1,2,2,2,2 -6457,1,1,1,2,2,2,2 -6458,2,,2,,2,2,1 -6459,1,2,2,,2,2,2 -6460,1,1,2,,2,2,1 -6461,1,1,2,,2,2,1 -6462,1,1,1,2,2,1,2 -6463,1,1,1,2,2,2,1 -6464,2,,2,,2,2,1 -6465,1,1,2,,2,2,2 -6466,1,1,1,2,2,2,1 -6467,1,1,2,,2,2,2 -6468,2,,2,,2,2,1 -6469,2,,2,,2,2,2 -6470,1,1,1,2,2,2,2 -6471,2,,1,2,2,2,2 -6472,2,,2,,2,2,2 -6473,1,1,1,2,2,2,1 -6474,1,2,2,,2,1,1 -6475,2,,2,,2,2,2 -6476,2,,2,,2,2,2 -6477,1,1,2,,2,2,1 -6478,2,,1,2,2,2,2 -6479,1,1,1,2,2,2,1 -6480,1,1,1,2,2,2,1 -6481,2,,2,,2,2,2 -6482,2,,2,,2,2,2 -6483,1,1,1,2,2,2,2 -6484,1,1,1,2,2,2,1 -6485,1,1,2,,2,2,1 -6486,1,1,2,,2,2,1 -6487,1,2,1,2,2,2,1 -6488,1,1,1,2,2,2,2 -6489,1,1,2,,2,2,2 -6490,1,1,2,,2,2,2 -6491,1,1,2,,2,2,2 -6492,1,1,1,2,2,1,1 -6493,1,1,2,,2,2,2 -6494,1,1,1,2,2,2,1 -6495,1,1,2,,2,2,1 -6496,1,1,1,2,2,2,2 -6497,2,,2,,2,1,2 -6498,2,,1,2,2,2,2 -6499,1,1,1,2,2,2,2 -6500,1,1,2,,2,2,2 -6501,1,1,2,,2,2,1 -6502,2,,1,2,2,2,2 -6503,2,,2,,2,2,2 -6504,1,1,2,,2,2,2 -6505,1,1,1,2,2,2,1 -6506,1,1,1,2,2,1,1 -6507,1,1,1,1,2,2,1 -6508,2,,2,,2,2,2 -6509,1,1,1,2,2,2,2 -6510,1,1,1,2,2,2,2 -6511,1,1,1,2,2,1,1 -6512,1,1,1,2,2,2,2 -6513,1,1,1,2,2,2,1 -6514,1,1,2,,2,2,1 -6515,1,1,1,2,2,2,1 -6516,2,,2,,2,2,2 -6517,1,2,1,2,2,2,1 -6518,1,1,1,2,2,2,2 -6519,2,,1,2,2,2,2 -6520,2,,2,,2,2,2 -6521,2,,2,,2,2,2 -6522,1,1,1,2,2,2,2 -6523,2,,2,,2,2,1 -6524,2,,2,,2,2,2 -6525,1,1,2,,2,2,2 -6526,1,1,1,2,2,1,1 -6527,2,,2,,2,2,1 -6528,1,1,1,2,2,2,2 -6529,1,1,1,2,2,2,2 -6530,2,,2,,2,2,2 -6531,1,1,2,,2,2,2 -6532,1,1,1,2,2,2,2 -6533,1,1,1,2,2,2,1 -6534,1,1,2,,2,2,2 -6535,2,,2,,2,2,2 -6536,1,1,2,,2,2,2 -6537,1,1,1,2,2,2,1 -6538,2,,2,,2,2,2 -6539,1,1,1,2,2,2,1 -6540,1,1,2,,2,2,2 -6541,1,1,2,,2,2,1 -6542,1,2,2,,1,2,1 -6543,2,,2,,2,2,2 -6544,1,1,2,,2,2,1 -6545,1,1,2,,2,2,2 -6546,1,1,2,,2,2,2 -6547,1,1,1,2,2,2,2 -6548,1,2,1,2,2,1,1 -6549,1,1,1,2,2,2,2 -6550,1,1,2,,2,2,1 -6551,1,1,2,,2,2,1 -6552,2,,2,,2,2,2 -6553,1,2,2,,1,2,1 -6554,1,1,1,2,2,2,2 -6555,1,1,2,,2,2,2 -6556,1,1,2,,2,2,2 -6557,1,1,1,2,2,1,1 -6558,1,1,2,,2,2,1 -6559,1,1,1,2,2,2,2 -6560,1,1,2,,2,2,1 -6561,1,1,2,,2,2,2 -6562,2,,2,,2,2,2 -6563,1,1,1,2,2,2,2 -6564,1,1,1,2,2,2,1 -6565,1,1,2,,2,2,1 -6566,1,1,2,,2,2,1 -6567,2,,2,,2,2,1 -6568,2,,2,,2,2,2 -6569,2,,2,,2,1,2 -6570,1,1,1,2,2,2,2 -6571,1,1,1,2,2,2,2 -6572,1,1,1,1,2,2,1 -6573,1,1,2,,2,2,1 -6574,1,1,1,2,2,2,1 -6575,1,1,2,,2,2,1 -6576,1,1,1,2,2,2,1 -6577,2,,2,,2,2,2 -6578,1,1,2,,2,2,1 -6579,1,2,1,2,2,1,1 -6580,2,,1,1,2,2,2 -6581,1,1,1,2,2,2,2 -6582,1,1,2,,2,2,1 -6583,1,1,1,2,2,1,2 -6584,1,1,1,2,2,2,1 -6585,1,1,1,2,2,2,1 -6586,2,,2,,2,2,1 -6587,2,,2,,2,2,2 -6588,1,1,1,2,2,2,2 -6589,1,1,1,2,2,2,2 -6590,1,1,1,2,2,2,1 -6591,1,1,2,,2,2,1 -6592,1,1,2,,2,2,1 -6593,1,1,1,2,2,2,2 -6594,1,1,1,2,2,2,1 -6595,1,1,1,2,2,2,2 -6596,1,1,2,,2,2,2 -6597,1,1,1,2,2,2,2 -6598,2,,2,,2,2,2 -6599,1,1,1,1,1,1,2 -6600,1,1,1,2,2,1,1 -6601,2,,2,,2,2,2 -6602,1,1,1,2,2,2,2 -6603,1,1,2,,2,2,1 -6604,2,,2,,2,2,2 -6605,1,1,2,,2,2,2 -6606,1,1,2,,2,2,1 -6607,1,1,2,,2,2,1 -6608,2,,2,,2,2,1 -6609,2,,1,2,2,2,2 -6610,2,,1,2,2,2,2 -6611,1,1,2,,2,2,2 -6612,2,,2,,2,2,2 -6613,2,,2,,2,2,2 -6614,2,,2,,2,2,1 -6615,1,1,2,,2,2,1 -6616,2,,2,,2,2,2 -6617,1,1,1,2,2,1,1 -6618,1,1,1,2,2,2,2 -6619,1,1,1,2,2,2,1 -6620,1,1,1,2,2,2,2 -6621,2,,1,2,2,2,2 -6622,2,,2,,2,2,2 -6623,2,,2,,2,2,2 -6624,2,,2,,2,2,2 -6625,1,1,1,2,2,2,2 -6626,2,,2,,2,2,2 -6627,2,,2,,2,2,2 -6628,1,1,2,,2,2,2 -6629,1,1,2,,2,2,1 -6630,1,1,2,,2,2,1 -6631,1,1,2,,2,2,1 -6632,2,,2,,2,2,2 -6633,1,1,2,,2,2,2 -6634,2,,2,,2,2,2 -6635,1,1,1,2,2,2,1 -6636,2,,1,2,2,2,1 -6637,1,1,1,2,2,2,1 -6638,1,1,1,2,2,2,1 -6639,1,1,1,2,2,1,1 -6640,1,1,2,,2,2,2 -6641,2,,1,2,2,2,2 -6642,1,2,1,2,2,1,1 -6643,2,,2,,2,2,1 -6644,1,1,1,2,2,1,2 -6645,2,,2,,2,2,2 -6646,1,1,2,,2,2,2 -6647,1,1,1,2,2,2,1 -6648,1,1,1,2,2,2,2 -6649,1,1,2,,2,2,2 -6650,1,1,1,2,2,2,1 -6651,2,,2,,2,2,2 -6652,1,1,2,,2,2,2 -6653,1,1,1,2,2,2,2 -6654,1,1,1,2,2,2,1 -6655,1,1,1,2,2,2,2 -6656,1,1,1,2,2,1,1 -6657,1,1,2,,2,2,2 -6658,2,,2,,2,2,2 -6659,1,1,2,,2,2,1 -6660,1,1,2,,2,2,1 -6661,1,1,1,2,2,2,2 -6662,2,,2,,2,2,2 -6663,1,1,1,2,2,2,1 -6664,1,1,2,,2,2,1 -6665,2,,2,,2,1,2 -6666,2,,2,,2,2,2 -6667,1,1,1,2,2,2,1 -6668,1,1,1,2,2,2,2 -6669,1,1,1,2,2,2,2 -6670,1,1,1,2,2,2,2 -6671,2,,2,,2,2,2 -6672,1,1,2,,2,2,2 -6673,2,,2,,2,2,1 -6674,1,1,1,2,2,2,1 -6675,2,,2,,2,2,2 -6676,2,,2,,2,2,1 -6677,1,1,1,2,2,2,1 -6678,2,,2,,2,2,2 -6679,1,1,1,2,2,2,2 -6680,2,,2,,2,2,1 -6681,1,1,1,2,2,2,1 -6682,1,1,2,,2,2,1 -6683,1,1,2,,2,2,1 -6684,1,1,2,,2,2,1 -6685,1,1,1,2,2,2,1 -6686,2,,2,,2,2,2 -6687,2,,2,,2,2,2 -6688,2,,2,,2,2,1 -6689,1,1,2,,2,2,2 -6690,2,,2,,2,2,2 -6691,1,1,2,,2,2,1 -6692,1,1,1,2,2,2,2 -6693,2,,2,,2,2,2 -6694,1,1,1,2,2,1,2 -6695,1,1,1,2,2,2,2 -6696,1,1,1,2,2,2,1 -6697,1,1,1,2,2,2,2 -6698,1,1,2,,2,2,1 -6699,1,1,2,,2,2,2 -6700,2,,2,,2,2,1 -6701,1,1,1,2,2,1,1 -6702,1,1,2,,2,2,1 -6703,2,,2,,2,2,1 -6704,1,1,1,2,2,2,1 -6705,1,2,2,,2,1,1 -6706,1,1,2,,2,2,1 -6707,2,,2,,2,2,2 -6708,2,,2,,2,1,2 -6709,1,1,1,2,2,2,1 -6710,1,1,2,,2,2,2 -6711,2,,2,,2,2,2 -6712,1,1,2,,2,2,2 -6713,1,1,2,,2,1,1 -6714,1,1,2,,2,2,1 -6715,1,1,2,,2,2,2 -6716,1,1,2,,2,2,2 -6717,1,1,2,,2,2,2 -6718,1,1,2,,2,2,1 -6719,2,,2,,2,2,1 -6720,2,,1,2,2,2,2 -6721,2,,2,,2,2,2 -6722,1,2,1,2,2,2,1 -6723,2,,2,,2,2,2 -6724,1,1,2,,2,2,1 -6725,2,,2,,2,2,2 -6726,1,1,2,,2,2,1 -6727,2,,2,,2,2,1 -6728,2,,2,,2,2,1 -6729,2,,2,,2,2,2 -6730,1,1,1,2,2,2,2 -6731,2,,2,,2,2,1 -6732,1,1,1,2,2,2,2 -6733,1,1,2,,2,2,2 -6734,1,2,1,1,1,2,1 -6735,2,,2,,2,2,1 -6736,1,1,2,,2,2,2 -6737,1,1,1,2,2,2,1 -6738,2,,2,,2,2,2 -6739,1,1,2,,2,2,2 -6740,1,1,2,,2,2,2 -6741,2,,2,,2,2,1 -6742,1,1,2,,2,2,2 -6743,2,,2,,2,2,1 -6744,1,1,1,2,2,2,1 -6745,2,,2,,2,2,1 -6746,1,1,1,2,2,2,2 -6747,1,1,2,,2,2,2 -6748,2,,2,,2,2,1 -6749,2,,2,,2,1,1 -6750,1,1,2,,2,2,1 -6751,2,,2,,2,2,2 -6752,1,1,2,,2,2,2 -6753,2,,2,,2,2,2 -6754,2,,2,,2,2,1 -6755,1,1,2,,2,2,1 -6756,1,1,1,2,2,2,1 -6757,2,,2,,2,2,2 -6758,1,1,2,,2,2,1 -6759,2,,2,,2,2,2 -6760,1,1,1,2,2,2,2 -6761,1,1,1,2,2,2,2 -6762,2,,2,,2,2,2 -6763,2,,2,,2,2,1 -6764,1,1,1,2,2,2,1 -6765,2,,2,,2,2,2 -6766,1,1,1,2,2,2,2 -6767,1,1,1,2,2,2,2 -6768,2,,2,,2,2,1 -6769,1,1,1,2,2,2,1 -6770,2,,2,,2,2,2 -6771,1,1,2,,2,2,2 -6772,1,1,2,,2,2,2 -6773,1,1,2,,2,2,2 -6774,2,,2,,2,2,1 -6775,2,,2,,2,2,1 -6776,1,1,1,2,2,2,1 -6777,1,1,1,2,2,2,2 -6778,2,,2,,2,2,1 -6779,1,1,1,2,2,2,2 -6780,2,,2,,2,2,1 -6781,1,1,1,2,2,2,2 -6782,1,1,2,,2,2,2 -6783,2,,2,,2,2,2 -6784,1,1,1,2,2,2,1 -6785,2,,2,,2,2,2 -6786,1,1,2,,2,2,1 -6787,1,1,2,,2,2,2 -6788,2,,1,2,2,2,2 -6789,2,,2,,2,2,2 -6790,1,1,1,2,2,2,1 -6791,1,1,2,,2,2,2 -6792,1,1,1,2,2,2,2 -6793,2,,2,,2,2,2 -6794,2,,2,,2,2,2 -6795,2,,2,,2,2,1 -6796,1,1,1,2,2,2,2 -6797,2,,2,,2,1,1 -6798,1,2,2,,2,2,1 -6799,1,1,2,,2,2,2 -6800,1,1,1,2,2,2,2 -6801,2,,1,2,2,2,2 -6802,1,1,1,2,2,2,1 -6803,1,1,1,2,2,2,1 -6804,1,1,1,2,2,2,2 -6805,1,1,2,,2,2,1 -6806,2,,2,,2,2,1 -6807,1,1,2,,2,2,1 -6808,2,,1,2,2,2,2 -6809,1,2,1,1,2,1,1 -6810,1,2,1,2,2,2,1 -6811,1,1,2,,2,2,2 -6812,1,1,2,,2,2,1 -6813,2,,2,,2,1,2 -6814,1,1,1,2,2,2,1 -6815,1,1,1,2,2,2,2 -6816,1,1,2,,2,2,2 -6817,2,,2,,2,2,1 -6818,2,,1,1,2,2,1 -6819,2,,2,,2,2,2 -6820,1,1,1,2,2,2,1 -6821,1,1,1,2,2,2,2 -6822,1,1,1,2,2,2,2 -6823,2,,2,,2,2,1 -6824,1,1,2,,2,2,1 -6825,1,1,1,2,2,2,2 -6826,2,,2,,2,2,1 -6827,1,1,1,2,2,2,1 -6828,1,1,2,,2,2,2 -6829,1,1,1,2,2,1,1 -6830,2,,2,,2,2,1 -6831,2,,2,,2,2,1 -6832,1,1,2,,2,1,2 -6833,1,1,1,2,2,2,2 -6834,2,,2,,2,2,2 -6835,1,1,1,2,2,2,2 -6836,2,,2,,2,2,2 -6837,1,1,2,,2,2,1 -6838,1,1,1,2,2,2,2 -6839,1,1,2,,2,2,1 -6840,2,,2,,2,2,1 -6841,1,1,1,2,2,2,1 -6842,1,1,1,2,2,2,1 -6843,1,1,1,2,2,2,1 -6844,2,,2,,2,2,2 -6845,2,,2,,2,2,2 -6846,1,1,1,2,2,2,1 -6847,2,,2,,2,2,2 -6848,1,1,1,2,2,2,1 -6849,1,1,1,2,2,2,1 -6850,1,1,1,2,2,2,1 -6851,2,,2,,2,2,1 -6852,2,,2,,2,2,2 -6853,1,1,2,,2,1,1 -6854,1,1,2,,2,2,1 -6855,2,,2,,2,2,1 -6856,2,,2,,2,2,2 -6857,1,2,1,2,2,1,2 -6858,1,1,2,,2,2,1 -6859,2,,2,,2,2,2 -6860,1,1,1,2,2,1,1 -6861,1,1,2,,2,2,1 -6862,1,1,2,,2,2,1 -6863,1,1,2,,2,2,2 -6864,2,,2,,2,2,2 -6865,1,2,1,1,2,2,1 -6866,1,1,1,2,2,2,2 -6867,1,1,1,2,2,2,1 -6868,2,,2,,2,2,2 -6869,1,1,1,2,2,2,1 -6870,1,1,2,,2,2,2 -6871,1,1,2,,2,2,2 -6872,1,1,1,1,2,2,1 -6873,1,1,1,1,2,2,1 -6874,2,,2,,2,2,1 -6875,1,1,1,2,2,2,1 -6876,1,1,1,2,2,2,2 -6877,2,,2,,2,2,2 -6878,1,1,1,2,2,1,2 -6879,1,1,1,1,2,2,1 -6880,2,,2,,2,2,2 -6881,1,1,1,2,2,2,2 -6882,2,,2,,2,2,2 -6883,2,,2,,2,1,2 -6884,1,1,2,,2,2,1 -6885,2,,2,,2,2,1 -6886,1,1,1,2,2,2,2 -6887,2,,2,,2,2,2 -6888,2,,1,2,2,2,2 -6889,2,,2,,2,2,2 -6890,1,1,2,,2,2,1 -6891,1,1,2,,2,2,2 -6892,2,,2,,2,2,2 -6893,2,,2,,2,2,2 -6894,1,1,1,2,2,2,2 -6895,1,1,2,,2,2,1 -6896,2,,2,,2,2,2 -6897,2,,2,,2,2,2 -6898,1,1,1,1,2,2,1 -6899,1,1,2,,2,2,2 -6900,1,1,1,2,2,2,2 -6901,1,1,1,2,2,2,1 -6902,2,,1,1,2,2,1 -6903,2,,2,,2,2,2 -6904,1,1,1,2,2,2,1 -6905,2,,2,,2,2,1 -6906,2,,2,,2,2,1 -6907,2,,2,,2,2,2 -6908,1,1,2,,2,2,1 -6909,1,1,2,,2,2,2 -6910,1,1,2,,2,2,1 -6911,1,1,2,,2,2,1 -6912,1,1,2,,2,2,1 -6913,1,1,1,2,2,1,2 -6914,2,,2,,2,2,1 -6915,1,1,1,2,2,2,2 -6916,1,1,1,2,2,2,1 -6917,1,1,1,2,2,2,1 -6918,1,1,1,2,2,2,2 -6919,1,1,1,2,2,2,1 -6920,1,1,2,,2,2,1 -6921,2,,2,,2,2,1 -6922,1,1,1,2,2,2,2 -6923,2,,2,,2,2,2 -6924,2,,2,,2,2,2 -6925,2,,2,,2,2,2 -6926,1,1,1,2,2,1,1 -6927,1,1,1,2,2,2,2 -6928,1,1,1,2,2,2,2 -6929,1,1,1,2,2,2,1 -6930,1,1,1,2,2,2,1 -6931,1,1,1,2,2,2,2 -6932,1,1,2,,2,2,2 -6933,2,,2,,2,2,2 -6934,1,1,2,,2,2,2 -6935,1,1,1,2,2,1,1 -6936,2,,2,,2,2,1 -6937,1,1,1,2,2,2,1 -6938,1,1,2,,2,2,2 -6939,1,1,1,2,2,2,2 -6940,1,1,1,1,2,2,1 -6941,2,,2,,2,1,2 -6942,1,1,2,,2,2,1 -6943,2,,2,,2,1,2 -6944,1,1,1,2,2,2,2 -6945,1,1,2,,2,2,1 -6946,1,1,1,2,2,2,1 -6947,1,1,1,2,2,2,2 -6948,1,1,1,2,2,2,2 -6949,2,,2,,2,2,1 -6950,2,,2,,2,2,2 -6951,2,,2,,2,2,2 -6952,2,,2,,2,2,2 -6953,2,,2,,2,2,2 -6954,1,1,2,,2,2,1 -6955,2,,2,,2,2,1 -6956,2,,2,,2,2,2 -6957,1,1,2,,2,2,1 -6958,2,,2,,2,2,2 -6959,1,1,1,1,2,2,1 -6960,1,1,2,,2,2,2 -6961,2,,2,,2,2,2 -6962,1,1,1,2,2,2,2 -6963,1,1,1,2,2,1,1 -6964,2,,2,,2,2,2 -6965,1,1,1,2,2,2,2 -6966,1,1,2,,2,2,2 -6967,2,,2,,2,2,2 -6968,2,,2,,2,2,2 -6969,1,1,1,2,2,2,2 -6970,1,1,1,2,2,2,2 -6971,2,,2,,2,2,2 -6972,2,,2,,2,2,1 -6973,1,1,1,2,2,2,1 -6974,1,1,1,2,2,1,1 -6975,1,1,2,,2,2,2 -6976,2,,2,,2,2,2 -6977,1,1,1,2,2,1,1 -6978,2,,1,2,2,2,2 -6979,2,,2,,2,2,1 -6980,1,1,1,2,2,2,1 -6981,1,1,2,,2,2,1 -6982,2,,2,,2,2,2 -6983,1,1,1,2,2,2,1 -6984,2,,1,2,2,2,2 -6985,1,1,1,2,2,2,1 -6986,2,,2,,2,2,2 -6987,1,1,2,,2,2,2 -6988,1,1,1,2,2,2,2 -6989,1,1,2,,2,2,1 -6990,2,,2,,2,2,2 -6991,2,,2,,2,2,2 -6992,1,1,2,,2,2,1 -6993,2,,2,,2,1,2 -6994,2,,2,,2,2,2 -6995,1,1,2,,2,2,1 -6996,1,1,2,,2,2,2 -6997,1,1,1,2,2,1,1 -6998,1,1,1,2,2,2,1 -6999,2,,2,,2,2,2 -7000,2,,2,,2,2,1 -7001,1,2,2,,2,2,1 -7002,1,1,2,,2,2,2 -7003,1,1,1,2,2,2,1 -7004,1,1,2,,2,2,1 -7005,1,1,1,2,2,2,2 -7006,2,,2,,2,2,2 -7007,2,,2,,2,2,2 -7008,1,1,1,2,2,2,1 -7009,2,,2,,2,2,2 -7010,1,1,2,,2,2,1 -7011,1,1,1,2,2,2,2 -7012,2,,1,2,2,2,2 -7013,1,1,2,,2,2,1 -7014,1,1,2,,2,2,2 -7015,2,,2,,2,2,1 -7016,1,1,1,2,2,2,1 -7017,1,1,2,,2,2,1 -7018,1,1,1,2,2,1,1 -7019,1,1,2,,2,2,2 -7020,2,,2,,2,2,1 -7021,1,1,1,2,2,2,1 -7022,2,,1,2,2,2,2 -7023,1,1,2,,2,2,2 -7024,2,,2,,2,2,1 -7025,1,1,1,2,2,2,2 -7026,1,1,1,2,2,2,2 -7027,1,1,2,,2,2,2 -7028,1,1,2,,2,2,1 -7029,2,,2,,2,2,2 -7030,1,1,2,,2,2,1 -7031,1,1,1,2,2,2,1 -7032,2,,2,,2,2,2 -7033,1,1,2,,2,2,2 -7034,1,1,2,,2,2,1 -7035,1,1,1,2,2,2,2 -7036,1,1,2,,2,2,2 -7037,1,1,2,,2,2,2 -7038,1,1,1,2,2,1,1 -7039,2,,2,,2,2,2 -7040,2,,2,,2,2,2 -7041,2,,2,,2,2,1 -7042,1,1,2,,2,2,2 -7043,1,1,1,2,2,2,2 -7044,1,1,2,,2,2,2 -7045,2,,2,,2,2,1 -7046,1,1,1,2,2,2,1 -7047,1,1,1,2,2,2,2 -7048,1,1,2,,2,1,2 -7049,2,,2,,2,2,2 -7050,1,2,1,1,2,2,1 -7051,2,,2,,2,2,1 -7052,1,1,2,,2,2,2 -7053,2,,2,,2,2,1 -7054,1,1,2,,2,2,2 -7055,2,,2,,2,2,1 -7056,1,1,1,2,2,1,1 -7057,1,1,2,,2,2,2 -7058,1,1,2,,2,2,2 -7059,2,,2,,2,2,2 -7060,1,1,1,2,2,2,2 -7061,2,,2,,2,2,1 -7062,1,1,1,2,2,2,2 -7063,1,1,2,,2,2,1 -7064,2,,2,,2,2,2 -7065,2,,2,,2,2,2 -7066,2,,2,,2,2,2 -7067,1,1,1,1,2,1,1 -7068,2,,2,,2,2,2 -7069,1,1,2,,2,2,1 -7070,1,1,2,,2,2,1 -7071,1,2,1,2,2,2,1 -7072,2,,2,,2,2,1 -7073,1,1,2,,2,2,1 -7074,1,1,1,2,2,2,1 -7075,1,1,1,2,2,2,1 -7076,1,1,2,,2,2,2 -7077,2,,2,,2,2,2 -7078,1,1,2,,2,2,1 -7079,1,1,2,,2,2,2 -7080,1,1,2,,2,2,2 -7081,2,,2,,2,2,2 -7082,1,1,2,,2,1,2 -7083,1,1,1,2,2,2,2 -7084,1,1,2,,2,2,1 -7085,1,1,2,,2,2,1 -7086,1,1,1,2,2,2,1 -7087,1,1,1,2,2,1,1 -7088,2,,2,,2,2,2 -7089,1,1,2,,2,2,2 -7090,1,1,2,,2,2,2 -7091,1,1,1,2,2,2,2 -7092,1,1,1,2,2,2,2 -7093,2,,1,2,2,2,2 -7094,1,1,1,2,2,2,2 -7095,2,,2,,2,2,1 -7096,1,1,2,,2,2,1 -7097,1,1,1,2,2,2,1 -7098,2,,1,2,2,2,2 -7099,1,1,2,,2,2,2 -7100,1,1,2,,2,2,2 -7101,1,1,1,2,2,2,1 -7102,1,1,1,2,2,2,1 -7103,1,1,2,,2,2,2 -7104,1,1,1,2,2,2,1 -7105,1,1,1,2,2,2,2 -7106,2,,2,,2,2,2 -7107,2,,2,,2,2,2 -7108,1,1,1,2,2,2,2 -7109,1,1,1,2,2,2,1 -7110,2,,2,,2,2,2 -7111,2,,2,,2,2,2 -7112,2,,2,,2,2,2 -7113,1,1,1,2,2,2,2 -7114,1,1,1,2,2,2,2 -7115,2,,2,,2,2,2 -7116,2,,2,,2,2,2 -7117,2,,2,,2,2,2 -7118,2,,2,,2,2,1 -7119,1,1,2,,2,2,2 -7120,2,,2,,2,2,2 -7121,2,,2,,2,2,2 -7122,1,1,1,2,2,2,1 -7123,1,1,1,2,2,2,1 -7124,1,1,1,2,2,2,1 -7125,2,,2,,2,1,2 -7126,2,,2,,2,2,2 -7127,1,1,2,,2,2,2 -7128,1,1,2,,2,2,2 -7129,1,1,2,,2,2,1 -7130,2,,2,,2,1,2 -7131,1,1,2,,2,2,2 -7132,1,2,2,,2,2,1 -7133,2,,2,,2,2,2 -7134,1,1,1,2,2,1,1 -7135,2,,2,,2,2,1 -7136,1,2,2,,2,2,1 -7137,1,1,1,2,2,2,2 -7138,1,1,2,,2,2,1 -7139,2,,2,,2,2,2 -7140,1,1,1,2,2,1,1 -7141,1,1,1,1,2,2,1 -7142,1,1,1,2,2,2,1 -7143,1,1,1,2,2,2,2 -7144,1,1,2,,2,2,2 -7145,1,1,1,2,2,2,2 -7146,1,1,2,,2,2,2 -7147,2,,2,,2,2,1 -7148,1,1,1,2,2,2,2 -7149,2,,2,,2,2,2 -7150,1,1,1,2,2,2,1 -7151,1,1,2,,2,2,2 -7152,1,1,1,2,2,2,2 -7153,1,1,2,,2,2,1 -7154,1,1,1,1,2,2,1 -7155,2,,1,1,2,2,2 -7156,2,,2,,2,2,2 -7157,1,1,2,,2,2,1 -7158,1,1,2,,1,2,1 -7159,1,1,2,,2,2,2 -7160,2,,2,,2,2,2 -7161,2,,2,,2,2,2 -7162,1,1,1,2,2,2,2 -7163,1,1,1,2,2,2,1 -7164,1,1,2,,2,2,2 -7165,1,1,2,,2,2,1 -7166,1,1,1,2,2,1,1 -7167,1,1,1,2,2,2,2 -7168,1,1,2,,2,2,2 -7169,2,,2,,2,2,2 -7170,1,2,1,2,2,2,1 -7171,1,1,2,,2,2,1 -7172,2,,2,,2,2,2 -7173,1,1,1,2,2,2,1 -7174,1,1,1,2,2,2,2 -7175,1,1,2,,2,2,1 -7176,1,1,1,2,2,2,2 -7177,1,1,1,2,2,1,1 -7178,2,,2,,2,2,2 -7179,2,,2,,2,2,2 -7180,2,,2,,2,2,1 -7181,1,1,2,,2,2,2 -7182,2,,2,,2,1,1 -7183,2,,1,2,2,2,2 -7184,1,1,2,,2,2,1 -7185,1,1,1,2,2,2,2 -7186,1,1,1,1,1,2,1 -7187,2,,2,,2,2,2 -7188,1,1,2,,2,2,1 -7189,1,2,1,2,2,2,1 -7190,2,,2,,2,2,2 -7191,2,,2,,2,2,2 -7192,2,,2,,2,2,2 -7193,1,1,2,,2,2,1 -7194,2,,2,,2,2,2 -7195,1,1,1,2,2,2,1 -7196,2,,2,,2,2,2 -7197,2,,2,,2,2,2 -7198,2,,2,,2,2,1 -7199,2,,2,,2,2,2 -7200,1,1,1,2,2,2,1 -7201,2,,2,,2,2,2 -7202,1,1,1,2,2,2,2 -7203,1,1,1,2,2,2,1 -7204,1,1,2,,2,2,2 -7205,1,1,1,2,2,2,2 -7206,2,,2,,2,2,2 -7207,1,1,2,,2,2,1 -7208,1,1,2,,2,1,2 -7209,2,,2,,2,2,1 -7210,2,,2,,2,2,2 -7211,1,1,2,,2,2,2 -7212,2,,2,,2,2,1 -7213,1,1,1,2,2,2,1 -7214,1,1,1,2,2,2,1 -7215,1,1,2,,2,2,1 -7216,2,,2,,2,2,2 -7217,1,1,2,,2,2,1 -7218,1,1,2,,2,2,2 -7219,1,1,2,,2,2,2 -7220,1,1,1,2,2,2,1 -7221,1,1,1,2,2,2,1 -7222,2,,2,,2,2,2 -7223,1,1,2,,2,2,1 -7224,1,1,2,,2,2,2 -7225,1,1,2,,2,2,1 -7226,1,1,1,2,2,2,2 -7227,1,2,1,2,2,2,1 -7228,1,2,2,,2,1,1 -7229,1,1,2,,2,2,1 -7230,2,,2,,2,2,1 -7231,1,1,1,2,2,2,2 -7232,1,1,1,2,2,1,2 -7233,2,,2,,2,2,2 -7234,1,1,1,2,2,2,2 -7235,1,1,2,,2,2,2 -7236,2,,2,,2,2,2 -7237,1,1,1,2,2,2,1 -7238,1,1,1,2,2,2,2 -7239,2,,2,,2,2,2 -7240,1,1,1,2,2,2,1 -7241,1,1,1,2,2,2,2 -7242,1,1,2,,2,2,1 -7243,1,1,1,2,2,2,2 -7244,1,1,2,,2,2,1 -7245,2,,1,1,1,2,1 -7246,2,,2,,2,2,1 -7247,1,1,1,2,2,2,1 -7248,1,2,1,1,2,2,1 -7249,1,1,1,2,2,2,1 -7250,1,1,1,2,2,2,2 -7251,1,1,1,2,2,2,2 -7252,2,,1,1,2,2,1 -7253,1,1,2,,2,2,1 -7254,1,1,1,2,2,2,2 -7255,1,1,2,,2,2,2 -7256,1,1,1,2,2,2,1 -7257,2,,2,,2,2,2 -7258,1,1,1,2,2,2,2 -7259,1,2,1,2,2,2,1 -7260,1,2,1,2,2,2,1 -7261,2,,2,,2,2,2 -7262,1,1,1,2,2,2,2 -7263,1,1,2,,2,2,2 -7264,1,1,1,2,2,2,2 -7265,1,1,2,,2,2,2 -7266,1,1,1,2,2,2,2 -7267,1,1,2,,2,2,2 -7268,2,,2,,2,2,2 -7269,1,1,1,2,2,2,2 -7270,1,1,1,1,2,2,1 -7271,1,1,1,2,2,2,1 -7272,2,,2,,2,2,2 -7273,2,,2,,2,2,2 -7274,1,1,1,2,2,2,1 -7275,1,1,1,2,2,2,1 -7276,1,1,2,,2,1,1 -7277,1,1,2,,2,2,1 -7278,1,1,2,,2,2,1 -7279,1,1,1,2,2,2,2 -7280,2,,2,,2,1,2 -7281,1,1,1,2,2,2,2 -7282,1,1,1,2,2,2,2 -7283,2,,2,,2,2,2 -7284,1,1,1,2,2,1,2 -7285,1,2,1,2,2,2,1 -7286,2,,2,,2,2,2 -7287,2,,1,2,2,2,1 -7288,1,1,1,2,2,2,2 -7289,2,,2,,2,2,2 -7290,1,1,1,2,2,2,2 -7291,1,1,1,2,2,2,2 -7292,1,1,2,,2,2,2 -7293,1,1,1,2,2,2,2 -7294,1,1,2,,2,1,1 -7295,2,,2,,2,2,2 -7296,1,1,1,2,2,2,1 -7297,1,1,1,2,2,2,2 -7298,2,,2,,2,2,1 -7299,1,1,2,,2,1,1 -7300,1,1,1,2,2,2,2 -7301,2,,2,,2,2,2 -7302,1,1,1,2,2,2,1 -7303,1,1,1,2,2,2,2 -7304,1,1,1,2,2,2,2 -7305,1,1,1,1,2,2,2 -7306,2,,2,,2,2,2 -7307,2,,2,,2,2,2 -7308,1,1,1,2,2,2,1 -7309,2,,1,2,2,2,2 -7310,2,,2,,2,2,2 -7311,2,,1,2,2,2,2 -7312,1,1,1,2,2,2,2 -7313,1,1,1,2,2,2,1 -7314,1,1,1,2,2,2,2 -7315,2,,2,,2,2,2 -7316,1,1,1,2,2,2,2 -7317,2,,2,,2,1,1 -7318,1,1,2,,2,2,1 -7319,1,1,2,,2,2,2 -7320,1,1,1,2,2,2,1 -7321,2,,2,,2,2,1 -7322,1,1,2,,2,2,2 -7323,2,,2,,2,2,1 -7324,1,1,1,2,2,2,1 -7325,1,1,1,2,2,1,2 -7326,2,,2,,2,2,2 -7327,1,1,2,,2,2,1 -7328,1,1,2,,2,2,1 -7329,2,,2,,2,2,2 -7330,2,,2,,2,2,2 -7331,2,,1,2,2,2,2 -7332,1,1,1,2,2,2,1 -7333,2,,2,,2,2,2 -7334,1,1,1,2,2,2,1 -7335,1,1,1,2,2,2,1 -7336,2,,2,,2,2,2 -7337,1,1,2,,2,2,2 -7338,2,,2,,2,2,2 -7339,2,,2,,2,2,2 -7340,1,1,2,,2,2,2 -7341,2,,2,,2,2,2 -7342,1,1,1,2,2,2,1 -7343,1,1,2,,2,2,2 -7344,2,,2,,2,2,2 -7345,2,,2,,2,2,2 -7346,1,1,2,,2,2,2 -7347,1,1,2,,2,2,1 -7348,1,1,1,2,2,2,2 -7349,1,1,1,2,2,2,2 -7350,1,1,2,,2,2,1 -7351,1,1,2,,2,2,2 -7352,1,1,1,2,2,2,2 -7353,1,2,1,2,2,2,1 -7354,2,,2,,2,1,2 -7355,1,1,2,,2,2,2 -7356,1,1,1,2,2,2,1 -7357,1,1,1,2,2,2,2 -7358,2,,2,,2,2,2 -7359,2,,2,,2,2,2 -7360,1,1,1,2,2,2,2 -7361,2,,2,,2,1,1 -7362,1,1,1,2,2,2,1 -7363,1,1,2,,2,2,1 -7364,1,1,2,,2,2,1 -7365,2,,2,,2,2,2 -7366,2,,1,2,2,2,2 -7367,1,2,2,,2,2,1 -7368,1,1,1,2,2,2,2 -7369,1,1,2,,2,2,1 -7370,2,,2,,2,1,1 -7371,1,1,1,1,2,2,1 -7372,1,1,2,,2,2,2 -7373,1,1,2,,2,2,2 -7374,2,,2,,2,2,2 -7375,1,1,2,,2,2,1 -7376,2,,2,,2,2,2 -7377,1,1,1,2,2,2,2 -7378,1,1,2,,2,2,2 -7379,2,,2,,2,2,2 -7380,2,,2,,2,2,1 -7381,1,1,2,,2,2,2 -7382,1,1,1,2,2,2,1 -7383,1,2,2,,2,2,1 -7384,1,1,1,2,2,2,2 -7385,2,,2,,2,2,2 -7386,2,,2,,2,2,2 -7387,1,1,2,,2,2,2 -7388,2,,2,,2,2,2 -7389,1,1,2,,2,2,1 -7390,2,,2,,2,2,2 -7391,1,1,1,2,2,2,2 -7392,1,1,1,2,2,2,2 -7393,1,1,2,,2,2,2 -7394,1,1,2,,2,2,1 -7395,2,,2,,2,2,2 -7396,2,,2,,2,2,2 -7397,2,,2,,2,2,2 -7398,2,,1,2,2,2,2 -7399,1,1,1,2,2,2,1 -7400,1,1,2,,2,2,2 -7401,1,1,2,,2,2,2 -7402,1,1,2,,2,2,2 -7403,1,1,1,2,2,2,2 -7404,2,,2,,2,2,1 -7405,2,,2,,2,2,2 -7406,1,1,1,2,2,2,2 -7407,1,1,2,,2,2,2 -7408,1,1,1,2,2,1,1 -7409,1,1,1,2,2,2,2 -7410,2,,2,,2,2,2 -7411,2,,2,,2,2,2 -7412,2,,2,,2,2,2 -7413,2,,2,,2,2,2 -7414,1,1,1,2,2,2,2 -7415,2,,1,2,2,2,1 -7416,1,1,1,2,2,2,1 -7417,1,1,1,2,2,2,2 -7418,1,1,1,2,2,2,2 -7419,1,1,2,,2,1,2 -7420,1,1,1,2,2,2,2 -7421,1,1,2,,2,2,1 -7422,1,1,1,2,2,2,1 -7423,1,1,1,2,2,2,2 -7424,2,,2,,2,2,2 -7425,1,1,1,2,2,2,1 -7426,2,,2,,2,2,1 -7427,1,1,1,2,2,2,2 -7428,1,1,1,2,2,2,2 -7429,2,,2,,2,2,1 -7430,1,1,1,2,2,2,2 -7431,1,1,1,2,2,2,1 -7432,1,1,2,,2,2,1 -7433,1,1,2,,2,1,1 -7434,2,,2,,2,2,2 -7435,1,1,1,2,2,1,1 -7436,1,2,2,,2,2,2 -7437,2,,2,,2,2,2 -7438,1,1,2,,2,2,1 -7439,2,,2,,2,1,2 -7440,1,1,1,2,2,2,1 -7441,2,,1,2,2,2,2 -7442,2,,2,,2,2,1 -7443,1,1,2,,2,2,2 -7444,1,1,2,,2,2,2 -7445,1,1,2,,2,1,2 -7446,2,,2,,2,2,2 -7447,1,1,1,2,2,2,2 -7448,1,1,2,,2,2,2 -7449,1,1,2,,2,2,2 -7450,1,1,1,2,2,2,1 -7451,1,1,1,2,2,2,2 -7452,2,,2,,2,2,2 -7453,1,1,1,2,2,2,2 -7454,1,1,2,,2,2,1 -7455,2,,2,,2,2,1 -7456,1,1,1,2,2,1,2 -7457,2,,1,2,2,2,2 -7458,1,1,1,2,2,2,2 -7459,1,1,1,2,2,2,2 -7460,1,1,1,2,2,2,2 -7461,1,1,2,,2,2,2 -7462,1,1,1,2,2,2,1 -7463,2,,2,,2,1,2 -7464,1,1,1,2,2,2,2 -7465,1,1,2,,2,2,2 -7466,1,1,1,2,2,2,1 -7467,2,,2,,2,2,1 -7468,1,1,1,2,2,2,2 -7469,1,1,2,,2,2,1 -7470,1,1,2,,2,2,2 -7471,2,,2,,2,2,2 -7472,1,1,1,2,2,2,1 -7473,1,1,2,,2,2,2 -7474,2,,2,,2,2,1 -7475,1,1,1,2,2,2,2 -7476,2,,1,2,2,2,1 -7477,2,,2,,2,2,2 -7478,1,1,1,2,2,2,1 -7479,2,,2,,2,2,2 -7480,1,1,1,2,2,2,1 -7481,2,,2,,2,2,2 -7482,2,,2,,2,2,2 -7483,1,1,2,,2,2,1 -7484,1,1,1,2,2,2,1 -7485,2,,2,,2,2,2 -7486,1,1,1,1,2,2,1 -7487,1,1,2,,2,2,2 -7488,1,1,2,,2,2,1 -7489,1,1,2,,2,2,1 -7490,1,1,1,2,2,2,1 -7491,1,1,1,2,2,2,2 -7492,1,1,1,2,2,1,1 -7493,1,1,2,,2,2,1 -7494,1,1,1,2,2,2,2 -7495,1,1,2,,2,2,2 -7496,1,2,2,,2,2,1 -7497,1,1,2,,2,1,1 -7498,1,1,1,2,2,1,1 -7499,1,1,1,2,2,2,1 -7500,2,,2,,2,2,2 -7501,1,1,2,,2,2,2 -7502,1,1,2,,2,2,1 -7503,1,1,2,,2,2,1 -7504,1,1,1,2,2,2,1 -7505,1,1,1,2,2,1,1 -7506,2,,2,,2,2,2 -7507,1,1,2,,2,2,2 -7508,1,1,2,,2,2,2 -7509,2,,2,,2,2,1 -7510,1,1,1,2,2,2,2 -7511,1,1,1,2,2,2,2 -7512,2,,2,,2,2,2 -7513,1,1,2,,2,2,1 -7514,2,,2,,2,2,2 -7515,1,1,2,,2,2,1 -7516,2,,1,2,2,2,2 -7517,1,1,2,,2,2,1 -7518,1,1,1,2,2,2,1 -7519,2,,1,2,2,2,2 -7520,1,1,1,2,2,2,2 -7521,2,,1,2,2,2,1 -7522,1,1,1,2,2,2,2 -7523,1,1,1,2,2,2,2 -7524,1,1,1,2,2,1,2 -7525,2,,2,,2,2,2 -7526,1,1,1,2,2,1,1 -7527,2,,2,,2,2,2 -7528,1,1,1,2,2,2,1 -7529,1,2,2,,2,1,2 -7530,1,1,2,,2,2,2 -7531,1,1,2,,2,2,1 -7532,1,1,2,,2,2,1 -7533,1,1,1,2,2,2,1 -7534,2,,2,,2,2,2 -7535,1,1,1,2,2,2,2 -7536,2,,2,,2,2,2 -7537,1,1,1,2,2,2,2 -7538,1,1,1,2,2,2,2 -7539,2,,1,2,2,2,2 -7540,1,1,1,2,2,2,1 -7541,1,1,1,2,2,1,2 -7542,2,,2,,2,2,2 -7543,1,1,1,2,2,2,1 -7544,2,,2,,2,2,2 -7545,1,1,1,2,2,2,2 -7546,1,1,2,,2,2,2 -7547,2,,2,,2,2,2 -7548,1,1,1,2,2,2,2 -7549,1,1,1,2,2,2,2 -7550,2,,2,,2,2,2 -7551,1,1,2,,2,2,1 -7552,2,,2,,2,2,2 -7553,2,,2,,2,2,2 -7554,1,1,2,,2,2,2 -7555,2,,1,2,2,2,2 -7556,2,,2,,2,2,1 -7557,1,1,1,2,2,1,1 -7558,1,1,2,,2,2,1 -7559,2,,1,2,2,2,2 -7560,1,1,1,2,2,2,1 -7561,2,,2,,2,2,2 -7562,2,,2,,2,2,2 -7563,2,,1,2,2,2,2 -7564,1,1,1,2,2,2,1 -7565,1,1,2,,2,2,1 -7566,1,1,2,,2,2,2 -7567,2,,1,2,2,2,2 -7568,1,1,2,,2,2,1 -7569,1,1,2,,2,2,2 -7570,1,1,1,2,2,2,2 -7571,2,,2,,2,2,2 -7572,2,,2,,2,2,2 -7573,1,1,1,2,2,2,2 -7574,2,,2,,2,2,2 -7575,1,1,2,,2,2,1 -7576,1,1,2,,2,2,2 -7577,2,,2,,2,1,2 -7578,1,1,2,,2,2,1 -7579,1,1,1,2,2,2,2 -7580,2,,2,,2,2,2 -7581,2,,2,,2,2,2 -7582,1,1,2,,2,2,1 -7583,1,1,1,2,2,2,1 -7584,1,1,1,2,2,2,2 -7585,1,1,2,,2,2,2 -7586,2,,1,2,2,2,1 -7587,1,1,1,2,2,2,2 -7588,2,,2,,2,2,1 -7589,1,1,1,2,2,2,1 -7590,1,1,1,2,2,2,2 -7591,1,1,2,,2,2,1 -7592,1,1,2,,2,2,2 -7593,2,,2,,2,2,2 -7594,1,1,2,,2,2,1 -7595,1,2,1,2,2,1,1 -7596,1,1,1,2,2,2,2 -7597,2,,1,2,2,2,2 -7598,2,,2,,2,2,2 -7599,1,1,1,2,2,2,1 -7600,1,1,1,2,2,2,1 -7601,1,1,1,2,2,2,2 -7602,1,1,1,2,2,1,2 -7603,1,1,2,,2,2,2 -7604,1,1,1,2,2,2,2 -7605,1,1,2,,2,2,1 -7606,2,,2,,2,1,2 -7607,1,1,2,,2,1,2 -7608,1,2,2,,2,2,1 -7609,1,1,2,,2,2,2 -7610,1,1,2,,2,2,2 -7611,1,2,1,2,2,2,1 -7612,1,1,1,2,2,2,2 -7613,2,,2,,2,2,2 -7614,1,2,1,2,2,2,1 -7615,1,1,2,,2,2,2 -7616,2,,1,2,2,2,1 -7617,1,1,2,,2,2,1 -7618,1,1,1,2,2,2,1 -7619,1,1,1,2,2,2,2 -7620,1,1,1,2,2,2,2 -7621,2,,2,,2,2,2 -7622,2,,2,,2,2,2 -7623,1,1,1,2,2,2,1 -7624,2,,1,1,2,1,2 -7625,1,1,1,2,2,1,2 -7626,1,1,1,2,2,2,2 -7627,1,1,1,1,2,2,1 -7628,1,1,1,2,2,2,2 -7629,1,2,1,2,2,2,1 -7630,2,,2,,2,2,1 -7631,2,,2,,2,2,2 -7632,1,1,2,,2,2,2 -7633,2,,2,,1,1,1 -7634,1,1,2,,2,2,1 -7635,2,,2,,2,2,2 -7636,2,,2,,2,2,1 -7637,2,,2,,2,2,2 -7638,2,,2,,2,2,1 -7639,1,1,2,,2,2,2 -7640,1,1,2,,2,2,2 -7641,1,1,2,,2,2,1 -7642,1,1,1,2,2,2,1 -7643,1,1,1,1,2,2,1 -7644,2,,2,,2,2,1 -7645,2,,2,,2,2,1 -7646,2,,2,,2,2,2 -7647,1,1,1,2,2,2,2 -7648,1,1,1,2,2,2,1 -7649,1,1,1,2,2,2,2 -7650,1,1,1,2,2,2,2 -7651,1,1,1,2,2,2,1 -7652,2,,2,,2,2,2 -7653,1,1,2,,2,2,1 -7654,1,1,1,2,2,2,2 -7655,2,,2,,2,2,2 -7656,2,,2,,2,2,1 -7657,1,1,1,2,2,2,2 -7658,1,1,1,2,2,2,2 -7659,2,,2,,2,2,1 -7660,1,1,1,2,2,2,1 -7661,1,1,2,,2,2,1 -7662,1,1,2,,2,2,2 -7663,2,,2,,2,1,1 -7664,2,,2,,2,2,1 -7665,1,1,2,,2,2,1 -7666,1,1,2,,2,2,2 -7667,2,,2,,2,2,2 -7668,2,,2,,2,2,2 -7669,2,,1,2,2,2,2 -7670,2,,2,,2,2,1 -7671,2,,2,,2,2,1 -7672,2,,2,,2,2,1 -7673,1,1,2,,2,2,1 -7674,2,,2,,2,2,1 -7675,2,,2,,2,2,2 -7676,1,1,1,2,2,1,1 -7677,2,,2,,2,2,2 -7678,1,1,1,2,2,2,2 -7679,2,,1,2,2,2,2 -7680,1,1,1,2,2,2,1 -7681,1,1,1,2,2,2,1 -7682,1,1,1,2,2,1,2 -7683,2,,2,,2,2,1 -7684,2,,2,,2,2,2 -7685,2,,2,,2,2,2 -7686,1,1,1,2,2,2,1 -7687,1,1,1,2,2,2,1 -7688,2,,1,2,2,2,1 -7689,2,,2,,2,2,1 -7690,1,1,1,2,2,2,2 -7691,2,,2,,2,2,2 -7692,1,1,1,2,2,2,2 -7693,2,,2,,2,2,2 -7694,1,1,1,2,2,2,1 -7695,1,1,1,2,2,2,2 -7696,1,1,2,,2,2,1 -7697,1,1,1,2,2,2,1 -7698,1,1,1,2,2,2,1 -7699,2,,2,,2,2,1 -7700,1,1,1,2,2,2,2 -7701,2,,2,,2,2,2 -7702,2,,2,,2,2,2 -7703,1,1,1,2,2,1,2 -7704,1,1,2,,2,2,1 -7705,1,2,1,2,2,2,1 -7706,1,1,2,,2,2,2 -7707,1,1,2,,2,2,1 -7708,2,,2,,2,2,1 -7709,1,1,2,,2,2,1 -7710,1,1,2,,2,2,2 -7711,1,1,1,2,2,2,2 -7712,1,1,1,2,2,2,1 -7713,1,1,2,,2,2,1 -7714,2,,1,2,2,2,1 -7715,1,1,2,,2,2,1 -7716,1,1,1,2,2,2,2 -7717,2,,2,,2,2,2 -7718,1,1,2,,2,2,2 -7719,1,1,1,2,2,2,2 -7720,1,1,1,2,2,2,1 -7721,2,,2,,2,2,1 -7722,2,,2,,2,2,2 -7723,1,1,1,2,2,2,2 -7724,1,1,2,,2,2,2 -7725,2,,2,,2,2,2 -7726,1,1,2,,2,2,2 -7727,2,,2,,2,1,1 -7728,2,,2,,2,2,2 -7729,1,1,1,2,2,2,1 -7730,2,,1,2,2,2,1 -7731,2,,1,2,2,2,2 -7732,1,1,1,2,2,2,1 -7733,1,1,2,,2,2,2 -7734,2,,2,,2,2,1 -7735,1,1,1,2,2,2,1 -7736,1,1,2,,2,2,1 -7737,1,1,2,,2,2,1 -7738,1,1,2,,2,2,2 -7739,2,,2,,2,2,1 -7740,1,1,1,2,2,2,2 -7741,2,,2,,2,2,2 -7742,1,1,1,2,2,2,1 -7743,1,1,1,2,2,2,1 -7744,1,1,1,2,2,2,1 -7745,1,1,1,2,2,2,1 -7746,2,,2,,2,2,1 -7747,1,2,2,,2,2,1 -7748,1,1,1,2,2,2,1 -7749,2,,2,,2,2,2 -7750,1,1,2,,2,2,2 -7751,2,,2,,2,2,2 -7752,1,1,1,2,2,2,1 -7753,1,1,2,,2,2,2 -7754,1,1,2,,2,2,2 -7755,1,1,1,2,2,2,2 -7756,2,,1,2,2,2,1 -7757,2,,2,,2,2,1 -7758,2,,2,,2,2,2 -7759,1,1,1,2,2,2,2 -7760,1,1,1,2,2,2,2 -7761,1,1,2,,2,2,1 -7762,1,1,2,,2,2,1 -7763,2,,2,,2,1,2 -7764,1,1,2,,2,2,2 -7765,2,,2,,2,2,2 -7766,2,,2,,2,2,1 -7767,1,1,1,2,2,2,1 -7768,1,1,2,,2,2,1 -7769,2,,2,,2,1,2 -7770,1,1,1,2,2,2,1 -7771,2,,2,,2,2,1 -7772,1,1,1,2,2,2,1 -7773,1,1,2,,2,2,1 -7774,2,,2,,2,2,2 -7775,1,1,2,,2,2,1 -7776,1,1,1,2,2,2,2 -7777,1,1,1,2,2,2,1 -7778,1,1,2,,2,2,2 -7779,1,1,2,,2,2,1 -7780,1,1,2,,2,2,1 -7781,2,,2,,2,2,2 -7782,1,1,2,,2,2,2 -7783,1,1,2,,2,2,2 -7784,1,1,1,2,2,2,2 -7785,1,1,1,2,2,2,1 -7786,1,1,1,2,2,2,1 -7787,2,,1,2,2,2,1 -7788,1,1,1,2,2,1,2 -7789,1,1,1,1,2,2,2 -7790,1,1,1,2,2,2,1 -7791,1,1,1,2,2,2,2 -7792,2,,2,,2,2,2 -7793,1,1,2,,2,2,2 -7794,1,1,1,2,2,2,1 -7795,2,,1,2,2,2,2 -7796,1,1,1,2,2,2,1 -7797,2,,2,,2,2,2 -7798,2,,2,,2,2,2 -7799,1,1,2,,2,2,1 -7800,1,1,2,,2,2,1 -7801,1,1,1,2,2,2,1 -7802,1,1,1,2,2,2,1 -7803,2,,2,,2,1,2 -7804,1,1,1,2,2,2,1 -7805,1,1,2,,2,2,1 -7806,2,,2,,2,2,2 -7807,2,,2,,2,2,2 -7808,1,1,1,2,2,2,1 -7809,2,,1,2,2,2,2 -7810,1,1,1,2,2,2,2 -7811,2,,1,2,2,2,2 -7812,1,1,2,,2,2,2 -7813,2,,2,,2,2,2 -7814,1,1,2,,2,2,2 -7815,1,1,1,2,2,2,1 -7816,1,1,2,,2,2,1 -7817,1,1,1,2,2,2,2 -7818,2,,2,,2,2,2 -7819,2,,2,,2,2,2 -7820,1,1,2,,2,2,2 -7821,1,1,1,2,2,1,1 -7822,1,1,2,,2,1,2 -7823,1,1,1,2,2,2,1 -7824,2,,2,,2,2,1 -7825,1,1,2,,2,2,1 -7826,2,,2,,2,2,2 -7827,1,1,2,,2,2,1 -7828,1,1,2,,2,2,2 -7829,2,,2,,2,2,2 -7830,2,,2,,2,2,2 -7831,1,2,2,,2,2,1 -7832,1,1,1,2,2,2,1 -7833,1,1,1,2,2,2,1 -7834,2,,2,,2,2,1 -7835,1,1,2,,2,2,2 -7836,1,1,2,,2,2,2 -7837,1,1,1,2,2,2,1 -7838,1,1,1,2,2,2,1 -7839,1,1,1,2,2,1,1 -7840,1,2,1,2,2,2,1 -7841,2,,2,,2,2,2 -7842,2,,2,,2,2,2 -7843,1,1,1,2,2,1,2 -7844,2,,2,,2,2,2 -7845,1,1,2,,2,2,2 -7846,2,,2,,2,2,2 -7847,2,,2,,2,2,2 -7848,2,,2,,2,2,2 -7849,1,1,2,,2,2,2 -7850,1,1,1,2,2,1,2 -7851,1,1,1,2,2,2,2 -7852,1,1,1,2,2,2,2 -7853,1,1,2,,2,2,1 -7854,1,2,1,1,2,2,1 -7855,2,,1,2,2,1,2 -7856,1,1,1,2,2,2,1 -7857,1,1,2,,2,2,2 -7858,2,,2,,2,2,1 -7859,1,2,1,2,2,2,1 -7860,1,1,1,2,2,2,2 -7861,1,1,1,2,2,2,1 -7862,2,,1,2,2,1,1 -7863,1,1,1,2,2,2,2 -7864,1,1,2,,2,2,1 -7865,2,,2,,2,2,1 -7866,1,1,1,2,2,2,1 -7867,1,1,2,,2,2,1 -7868,1,1,2,,2,2,1 -7869,1,1,1,2,2,2,2 -7870,1,1,2,,2,2,2 -7871,1,1,1,2,2,2,1 -7872,1,1,2,,2,2,1 -7873,1,2,1,1,2,2,1 -7874,2,,1,2,2,2,2 -7875,1,1,2,,2,2,2 -7876,1,1,2,,2,2,2 -7877,1,1,1,2,2,2,2 -7878,2,,2,,2,2,2 -7879,1,1,2,,2,2,2 -7880,2,,1,2,2,2,2 -7881,1,1,1,2,2,2,1 -7882,1,1,2,,2,2,1 -7883,2,,2,,2,2,1 -7884,2,,2,,2,2,2 -7885,1,1,2,,2,2,2 -7886,1,1,2,,2,2,2 -7887,1,1,1,2,2,2,1 -7888,1,1,1,2,2,2,1 -7889,2,,2,,2,1,1 -7890,1,1,1,2,2,2,1 -7891,1,1,1,2,2,2,2 -7892,1,1,1,2,2,2,1 -7893,1,1,1,2,2,2,1 -7894,2,,2,,2,2,1 -7895,1,1,1,2,2,1,1 -7896,1,1,2,,2,2,1 -7897,2,,2,,2,2,2 -7898,1,1,1,2,2,2,2 -7899,1,1,2,,2,2,1 -7900,1,1,1,2,2,2,2 -7901,1,1,2,,2,2,2 -7902,1,1,1,2,2,2,1 -7903,1,2,1,1,2,2,2 -7904,1,1,2,,2,2,1 -7905,2,,2,,2,2,2 -7906,1,1,2,,2,2,2 -7907,2,,2,,2,2,2 -7908,1,1,2,,2,2,1 -7909,2,,2,,2,1,1 -7910,1,1,1,2,2,2,2 -7911,1,1,2,,2,2,1 -7912,1,1,1,2,2,2,2 -7913,1,1,1,2,2,2,1 -7914,1,1,1,2,2,2,1 -7915,1,1,2,,2,2,2 -7916,1,1,2,,2,2,2 -7917,2,,2,,2,2,1 -7918,1,1,2,,2,2,2 -7919,1,1,2,,2,2,2 -7920,1,1,2,,2,2,1 -7921,2,,1,2,2,2,2 -7922,1,1,2,,2,2,1 -7923,2,,2,,2,2,2 -7924,1,1,2,,2,2,2 -7925,1,1,1,2,2,2,1 -7926,1,1,2,,2,2,1 -7927,1,1,2,,2,2,1 -7928,2,,2,,1,2,1 -7929,1,1,1,2,2,1,1 -7930,1,1,1,2,2,2,1 -7931,1,1,2,,2,2,2 -7932,2,,2,,2,2,2 -7933,1,1,2,,2,2,1 -7934,1,1,1,2,2,2,1 -7935,1,1,1,2,2,1,2 -7936,1,1,2,,2,2,1 -7937,1,1,1,2,2,2,1 -7938,1,1,2,,2,2,1 -7939,1,1,1,2,2,2,1 -7940,1,1,1,1,2,2,2 -7941,1,1,2,,2,2,1 -7942,1,1,2,,2,2,2 -7943,2,,2,,2,2,2 -7944,1,1,2,,2,2,1 -7945,1,1,1,2,2,2,1 -7946,2,,2,,2,2,1 -7947,1,1,2,,2,2,2 -7948,2,,2,,2,2,2 -7949,2,,2,,2,2,2 -7950,1,1,2,,2,2,1 -7951,1,1,1,2,2,2,2 -7952,1,1,1,2,2,2,2 -7953,1,1,2,,2,2,2 -7954,1,1,2,,2,2,1 -7955,2,,2,,2,2,2 -7956,1,1,2,,2,2,2 -7957,2,,2,,2,2,1 -7958,1,1,1,1,2,1,1 -7959,1,1,2,,2,2,2 -7960,1,1,2,,2,2,1 -7961,2,,2,,2,1,2 -7962,1,1,1,2,2,2,1 -7963,1,1,1,2,2,1,2 -7964,1,1,2,,2,2,2 -7965,1,1,2,,2,2,2 -7966,2,,1,2,2,2,2 -7967,1,1,2,,2,2,2 -7968,1,1,2,,2,2,1 -7969,1,1,1,2,2,2,2 -7970,1,1,2,,2,2,2 -7971,2,,2,,2,2,1 -7972,1,1,1,2,2,2,1 -7973,2,,2,,2,2,2 -7974,1,1,2,,2,2,1 -7975,2,,1,2,2,2,1 -7976,1,1,1,2,2,2,2 -7977,1,1,1,2,2,2,2 -7978,1,1,1,2,2,2,2 -7979,2,,1,2,2,2,2 -7980,2,,2,,2,2,2 -7981,2,,2,,2,2,2 -7982,1,1,1,2,2,2,2 -7983,1,1,1,2,2,2,1 -7984,1,1,2,,2,2,1 -7985,2,,2,,2,2,1 -7986,1,1,1,2,2,2,2 -7987,2,,2,,2,2,2 -7988,1,1,1,2,2,2,2 -7989,2,,1,2,2,2,1 -7990,1,1,2,,2,2,1 -7991,1,1,2,,2,2,2 -7992,2,,2,,2,2,2 -7993,1,1,1,2,2,2,1 -7994,1,1,2,,2,2,2 -7995,1,1,1,2,2,2,1 -7996,2,,1,2,2,2,2 -7997,1,1,2,,2,2,1 -7998,1,1,1,2,2,2,2 -7999,1,1,1,2,2,2,1 -8000,1,1,1,2,2,2,1 -8001,2,,2,,2,2,2 -8002,1,1,1,2,2,2,2 -8003,1,2,2,,2,2,1 -8004,2,,2,,2,2,2 -8005,1,1,2,,2,1,2 -8006,1,1,1,2,2,1,2 -8007,1,1,2,,2,2,2 -8008,2,,2,,2,2,2 -8009,2,,2,,2,2,2 -8010,1,1,2,,2,2,1 -8011,1,1,1,2,2,2,2 -8012,2,,1,2,2,2,2 -8013,1,1,1,2,2,2,1 -8014,1,1,2,,2,2,1 -8015,1,1,2,,2,2,2 -8016,1,1,1,2,2,2,1 -8017,1,1,2,,2,2,1 -8018,1,1,1,2,2,2,2 -8019,1,2,2,,2,2,1 -8020,2,,2,,2,2,1 -8021,1,1,1,2,2,2,2 -8022,1,1,1,2,2,2,1 -8023,1,1,2,,2,2,1 -8024,1,1,2,,2,2,1 -8025,2,,2,,2,2,2 -8026,1,1,2,,2,2,1 -8027,2,,2,,2,2,2 -8028,1,1,2,,2,2,2 -8029,2,,2,,2,2,2 -8030,2,,2,,2,2,2 -8031,1,1,1,2,2,2,2 -8032,1,2,1,1,2,2,1 -8033,2,,2,,2,2,1 -8034,1,1,1,2,2,2,1 -8035,2,,2,,2,2,1 -8036,1,1,1,2,2,2,1 -8037,2,,2,,2,1,1 -8038,2,,1,2,2,2,2 -8039,1,1,1,2,2,2,2 -8040,1,1,1,2,2,2,1 -8041,1,1,1,1,2,2,1 -8042,1,2,1,2,2,2,1 -8043,2,,1,2,2,2,2 -8044,1,1,1,2,2,2,2 -8045,1,1,1,2,2,2,1 -8046,1,1,1,2,2,2,2 -8047,1,1,2,,2,2,1 -8048,1,1,1,2,2,2,1 -8049,1,1,1,2,2,2,2 -8050,1,1,2,,2,2,1 -8051,2,,1,2,2,2,1 -8052,1,1,2,,2,2,2 -8053,2,,2,,2,2,2 -8054,2,,2,,2,2,2 -8055,1,1,1,2,2,2,1 -8056,1,1,2,,2,2,2 -8057,1,1,2,,2,2,2 -8058,1,1,2,,2,2,1 -8059,2,,2,,2,2,2 -8060,2,,2,,2,2,2 -8061,1,1,2,,2,2,1 -8062,1,1,2,,2,2,1 -8063,1,1,1,2,2,2,2 -8064,2,,2,,2,2,2 -8065,1,2,1,2,2,2,1 -8066,1,1,1,2,2,2,2 -8067,2,,2,,2,2,2 -8068,1,1,1,2,2,1,1 -8069,1,1,1,2,2,2,1 -8070,1,1,2,,2,2,2 -8071,2,,2,,2,2,2 -8072,1,1,1,1,2,2,1 -8073,1,1,2,,2,2,1 -8074,2,,1,2,2,2,2 -8075,1,1,1,2,2,2,1 -8076,2,,1,2,2,2,2 -8077,1,1,2,,2,2,1 -8078,1,1,1,2,2,2,2 -8079,2,,2,,2,2,2 -8080,1,1,1,2,2,2,2 -8081,2,,2,,2,2,1 -8082,1,1,1,2,2,2,2 -8083,1,1,1,2,2,2,1 -8084,2,,2,,2,2,2 -8085,2,,2,,2,2,2 -8086,1,1,2,,2,2,1 -8087,2,,2,,2,2,1 -8088,2,,2,,2,2,2 -8089,2,,2,,2,2,2 -8090,1,1,1,2,2,2,1 -8091,1,1,1,2,2,2,1 -8092,1,1,2,,2,2,2 -8093,2,,2,,2,2,2 -8094,1,1,1,2,2,2,2 -8095,2,,2,,2,2,2 -8096,1,1,1,2,2,2,2 -8097,1,1,1,2,2,2,2 -8098,2,,2,,2,2,2 -8099,1,1,1,2,2,2,1 -8100,1,1,1,2,2,2,1 -8101,2,,2,,2,2,1 -8102,2,,2,,2,2,2 -8103,1,1,1,2,2,2,2 -8104,1,1,2,,2,2,2 -8105,2,,2,,2,2,2 -8106,1,1,1,2,2,2,2 -8107,1,2,1,2,2,2,1 -8108,1,1,2,,2,2,2 -8109,1,1,1,2,2,2,2 -8110,2,,2,,2,2,1 -8111,1,1,2,,2,2,2 -8112,1,2,1,2,2,2,1 -8113,1,1,2,,2,2,2 -8114,1,1,2,,2,2,2 -8115,1,1,2,,2,2,2 -8116,1,1,2,,2,2,2 -8117,1,1,1,2,2,2,2 -8118,1,1,1,2,2,2,2 -8119,2,,2,,2,2,1 -8120,1,1,1,2,2,2,1 -8121,1,1,1,2,2,2,2 -8122,1,1,2,,2,2,1 -8123,1,1,2,,2,2,1 -8124,1,1,2,,2,2,1 -8125,1,1,1,2,2,2,1 -8126,1,1,1,2,2,2,2 -8127,1,1,1,2,2,1,1 -8128,2,,2,,2,2,2 -8129,2,,2,,2,2,1 -8130,1,1,1,2,2,2,2 -8131,2,,2,,2,2,1 -8132,2,,1,2,2,2,2 -8133,2,,1,2,2,2,2 -8134,1,1,1,2,2,2,1 -8135,2,,2,,2,2,2 -8136,2,,2,,2,2,2 -8137,1,1,1,2,2,2,1 -8138,2,,2,,2,2,2 -8139,1,2,1,2,2,2,1 -8140,1,2,2,,2,2,2 -8141,1,1,1,2,2,2,1 -8142,2,,2,,2,2,2 -8143,2,,2,,2,2,2 -8144,2,,2,,2,2,2 -8145,2,,2,,2,1,1 -8146,2,,1,2,2,2,1 -8147,1,1,2,,2,2,2 -8148,2,,2,,2,2,2 -8149,2,,2,,2,2,1 -8150,1,1,2,,2,2,2 -8151,2,,2,,2,2,1 -8152,1,1,2,,2,2,1 -8153,2,,2,,2,2,2 -8154,1,1,1,2,2,2,1 -8155,1,1,2,,2,2,1 -8156,2,,2,,2,1,1 -8157,2,,1,2,2,2,2 -8158,1,1,1,2,2,2,2 -8159,1,1,2,,2,2,1 -8160,1,1,1,2,2,1,1 -8161,1,1,1,2,2,2,1 -8162,1,1,1,2,2,2,2 -8163,1,1,1,2,2,2,1 -8164,1,1,2,,2,2,1 -8165,1,1,2,,2,2,1 -8166,1,1,2,,2,2,2 -8167,1,2,1,2,2,2,1 -8168,1,1,1,2,2,2,1 -8169,1,1,1,2,2,2,2 -8170,2,,2,,2,2,2 -8171,2,,2,,2,2,1 -8172,1,1,1,2,2,2,2 -8173,2,,2,,2,2,1 -8174,1,1,2,,2,2,2 -8175,1,2,1,2,2,2,1 -8176,2,,2,,2,2,2 -8177,1,1,1,2,2,2,2 -8178,1,1,1,2,2,2,2 -8179,1,1,1,2,2,2,1 -8180,2,,2,,2,2,1 -8181,2,,2,,2,2,2 -8182,1,1,1,2,2,2,2 -8183,1,1,2,,2,2,1 -8184,1,1,1,2,2,2,1 -8185,1,1,2,,2,2,1 -8186,1,1,1,2,2,2,2 -8187,1,1,1,2,2,2,1 -8188,2,,2,,2,2,2 -8189,1,1,2,,2,2,1 -8190,2,,2,,2,2,2 -8191,1,1,1,2,2,2,2 -8192,1,1,2,,2,2,1 -8193,1,1,1,2,2,1,1 -8194,2,,1,1,2,2,1 -8195,1,1,2,,2,2,1 -8196,1,1,2,,2,2,2 -8197,1,1,2,,2,2,2 -8198,1,1,1,2,2,2,1 -8199,1,1,2,,2,2,2 -8200,1,1,1,2,2,2,1 -8201,2,,2,,2,2,1 -8202,1,1,1,2,2,1,1 -8203,2,,2,,2,2,1 -8204,1,1,1,2,2,2,1 -8205,1,1,2,,2,2,2 -8206,1,1,2,,2,2,1 -8207,1,1,1,2,2,2,1 -8208,2,,1,2,2,2,2 -8209,1,1,1,2,2,2,2 -8210,1,1,1,2,2,2,1 -8211,2,,2,,2,2,1 -8212,1,2,1,2,1,2,1 -8213,1,1,1,2,2,2,1 -8214,1,1,1,2,2,2,2 -8215,1,1,1,2,2,2,1 -8216,2,,2,,2,2,2 -8217,1,1,1,2,2,2,1 -8218,2,,2,,2,2,2 -8219,2,,2,,2,2,2 -8220,1,1,1,2,2,2,1 -8221,1,1,1,2,2,2,1 -8222,1,1,2,,2,2,1 -8223,1,1,1,2,2,2,2 -8224,2,,2,,2,2,2 -8225,1,1,1,2,2,2,1 -8226,1,1,2,,2,2,2 -8227,1,1,2,,2,2,2 -8228,1,2,1,2,2,2,1 -8229,2,,2,,2,2,1 -8230,1,1,2,,2,2,2 -8231,1,1,1,2,2,2,2 -8232,1,1,2,,2,2,2 -8233,2,,2,,2,2,2 -8234,2,,2,,2,2,2 -8235,1,1,1,2,2,2,1 -8236,2,,2,,2,2,2 -8237,1,1,1,2,2,2,1 -8238,2,,2,,2,2,1 -8239,2,,2,,2,2,2 -8240,1,1,2,,2,2,2 -8241,1,1,1,1,2,2,1 -8242,1,1,2,,2,2,2 -8243,1,1,1,2,2,1,1 -8244,1,1,2,,2,1,2 -8245,1,1,1,2,2,2,1 -8246,2,,2,,2,2,2 -8247,2,,2,,2,2,2 -8248,1,1,1,2,2,2,1 -8249,1,1,1,2,2,2,1 -8250,1,1,1,2,2,2,2 -8251,1,1,2,,2,1,2 -8252,1,1,1,2,2,2,2 -8253,1,1,1,2,2,2,2 -8254,1,1,1,2,2,2,1 -8255,1,1,1,2,2,2,1 -8256,1,1,1,2,2,2,1 -8257,1,1,1,2,2,2,1 -8258,1,1,1,2,2,2,2 -8259,1,1,2,,2,2,1 -8260,1,2,1,2,2,2,1 -8261,1,1,1,2,2,2,1 -8262,1,2,1,2,2,1,1 -8263,2,,2,,2,2,2 -8264,2,,2,,2,2,2 -8265,1,1,1,2,2,1,2 -8266,1,1,1,2,2,2,1 -8267,1,1,1,2,2,2,1 -8268,2,,2,,2,2,2 -8269,1,1,2,,2,2,2 -8270,2,,2,,2,2,2 -8271,2,,1,1,2,2,1 -8272,1,1,1,2,2,2,1 -8273,1,1,1,2,2,2,2 -8274,2,,2,,2,2,1 -8275,1,1,2,,2,2,1 -8276,1,1,1,2,2,2,1 -8277,2,,2,,2,1,2 -8278,2,,2,,2,2,2 -8279,1,1,2,,2,2,1 -8280,1,1,2,,2,2,1 -8281,1,1,1,2,2,2,2 -8282,1,1,1,2,2,2,2 -8283,1,1,2,,2,2,1 -8284,1,1,1,2,2,2,1 -8285,2,,2,,2,2,2 -8286,1,1,1,2,2,2,1 -8287,1,1,2,,2,2,1 -8288,1,1,1,2,2,2,1 -8289,2,,2,,2,2,2 -8290,1,1,1,2,2,2,2 -8291,1,1,2,,2,2,1 -8292,1,2,2,,2,2,2 -8293,1,1,1,2,2,2,2 -8294,2,,2,,2,2,2 -8295,1,1,2,,2,2,1 -8296,1,1,1,2,2,2,2 -8297,2,,2,,2,2,2 -8298,1,1,1,2,2,2,1 -8299,1,1,1,2,2,2,1 -8300,2,,2,,2,2,1 -8301,1,1,2,,2,2,1 -8302,1,1,1,2,2,2,2 -8303,2,,2,,2,2,2 -8304,1,1,2,,2,2,1 -8305,1,1,2,,2,1,2 -8306,2,,2,,2,2,2 -8307,2,,2,,2,2,2 -8308,1,1,2,,2,1,2 -8309,1,1,1,2,2,2,1 -8310,1,1,1,2,2,2,1 -8311,1,1,1,2,2,2,1 -8312,1,1,1,2,2,2,2 -8313,2,,2,,2,2,2 -8314,1,1,2,,2,2,1 -8315,1,1,2,,2,2,1 -8316,2,,2,,2,2,2 -8317,2,,2,,2,2,1 -8318,1,1,2,,2,2,1 -8319,2,,2,,2,2,2 -8320,1,1,2,,2,2,2 -8321,1,1,1,2,2,2,1 -8322,1,2,2,,2,2,1 -8323,1,1,1,2,2,2,1 -8324,2,,2,,2,2,1 -8325,1,1,1,2,2,2,1 -8326,2,,2,,2,2,1 -8327,2,,1,2,2,2,2 -8328,1,1,1,2,2,2,1 -8329,1,1,2,,2,2,1 -8330,2,,2,,2,2,1 -8331,1,1,2,,2,2,1 -8332,2,,2,,2,2,1 -8333,2,,2,,2,2,1 -8334,1,1,2,,2,2,1 -8335,2,,2,,2,2,1 -8336,1,1,2,,2,2,1 -8337,1,1,1,2,2,2,2 -8338,1,1,1,2,2,2,2 -8339,1,1,1,2,2,2,2 -8340,1,1,2,,2,2,1 -8341,2,,2,,2,2,1 -8342,2,,1,2,2,2,1 -8343,2,,2,,2,2,2 -8344,1,1,1,2,2,2,1 -8345,2,,2,,2,2,2 -8346,1,1,1,2,2,2,2 -8347,1,1,2,,2,2,1 -8348,1,1,2,,2,2,1 -8349,2,,2,,2,2,2 -8350,2,,2,,2,2,2 -8351,2,,1,2,2,2,1 -8352,2,,2,,2,2,1 -8353,1,1,2,,2,2,2 -8354,1,1,2,,2,2,1 -8355,1,1,1,2,2,2,2 -8356,2,,2,,2,2,2 -8357,2,,2,,2,2,2 -8358,1,1,1,2,2,2,1 -8359,1,1,2,,2,2,2 -8360,1,1,2,,2,2,2 -8361,1,1,2,,2,2,1 -8362,1,1,1,2,2,2,2 -8363,1,1,2,,2,2,1 -8364,1,1,2,,2,2,2 -8365,2,,2,,2,2,2 -8366,1,1,1,2,2,1,1 -8367,2,,2,,2,2,2 -8368,2,,2,,2,2,1 -8369,1,1,1,2,2,2,1 -8370,1,1,2,,2,2,2 -8371,1,1,1,2,2,2,1 -8372,1,2,1,2,2,2,1 -8373,1,1,1,2,2,2,2 -8374,2,,2,,2,2,2 -8375,2,,1,2,2,2,2 -8376,2,,2,,2,2,2 -8377,2,,2,,2,2,1 -8378,1,1,1,2,2,2,1 -8379,1,2,2,,2,2,2 -8380,2,,2,,2,2,2 -8381,2,,1,2,2,2,2 -8382,2,,2,,2,2,2 -8383,2,,2,,2,2,2 -8384,1,1,1,2,2,1,1 -8385,2,,2,,2,2,2 -8386,1,1,1,2,2,2,1 -8387,1,1,2,,2,2,2 -8388,1,1,2,,2,2,1 -8389,1,1,1,2,2,2,1 -8390,1,1,2,,2,2,2 -8391,1,1,1,2,2,2,2 -8392,1,1,2,,2,2,2 -8393,2,,2,,2,2,1 -8394,2,,1,2,2,2,1 -8395,1,1,2,,2,2,2 -8396,2,,2,,2,2,1 -8397,2,,2,,2,2,2 -8398,1,1,1,2,2,2,1 -8399,1,1,2,,2,2,1 -8400,2,,2,,2,2,2 -8401,1,2,1,2,2,2,1 -8402,1,1,1,2,2,2,2 -8403,2,,2,,2,2,2 -8404,1,1,2,,2,2,1 -8405,1,1,1,2,2,2,2 -8406,2,,2,,2,2,2 -8407,2,,2,,2,2,2 -8408,1,1,2,,2,2,1 -8409,1,1,1,2,2,2,2 -8410,2,,2,,2,2,2 -8411,2,,2,,2,2,2 -8412,1,1,1,2,2,1,1 -8413,2,,2,,2,2,1 -8414,1,1,1,2,2,2,1 -8415,1,1,1,2,2,2,2 -8416,1,1,2,,2,2,2 -8417,2,,2,,2,2,2 -8418,2,,2,,2,2,1 -8419,2,,2,,2,2,2 -8420,2,,2,,2,2,2 -8421,2,,2,,2,2,2 -8422,1,1,1,1,2,2,1 -8423,2,,2,,2,2,2 -8424,2,,2,,2,2,1 -8425,1,1,2,,2,2,2 -8426,2,,2,,2,2,2 -8427,2,,2,,2,2,2 -8428,1,1,2,,2,2,1 -8429,1,1,1,2,2,2,1 -8430,1,1,2,,2,2,2 -8431,2,,2,,2,2,2 -8432,1,1,2,,2,2,2 -8433,2,,1,2,2,2,2 -8434,1,1,2,,2,2,2 -8435,1,1,2,,2,2,1 -8436,2,,2,,2,2,2 -8437,2,,2,,2,2,2 -8438,1,1,1,2,2,2,1 -8439,1,1,1,2,2,2,2 -8440,1,1,2,,2,2,2 -8441,1,1,1,2,2,1,1 -8442,1,1,2,,2,2,2 -8443,1,1,1,2,2,2,1 -8444,1,1,1,2,2,2,2 -8445,1,2,2,,2,2,2 -8446,1,1,2,,2,2,2 -8447,1,1,2,,2,2,1 -8448,2,,2,,2,2,1 -8449,2,,2,,2,2,2 -8450,2,,1,2,2,2,1 -8451,2,,2,,2,2,1 -8452,2,,2,,2,2,2 -8453,1,1,2,,2,2,2 -8454,2,,2,,2,2,2 -8455,1,1,2,,2,2,1 -8456,2,,2,,2,2,2 -8457,1,1,1,2,2,2,2 -8458,1,1,1,2,2,2,1 -8459,1,1,2,,2,2,2 -8460,1,1,1,2,2,2,1 -8461,1,1,2,,2,2,2 -8462,1,2,1,2,2,2,1 -8463,2,,2,,2,2,2 -8464,1,1,2,,2,2,2 -8465,2,,2,,2,2,2 -8466,1,1,1,2,2,2,2 -8467,2,,2,,2,2,2 -8468,2,,2,,2,2,2 -8469,1,1,2,,2,1,1 -8470,1,1,1,2,2,2,1 -8471,1,1,2,,2,2,2 -8472,1,1,2,,2,2,2 -8473,1,1,2,,2,2,2 -8474,1,1,1,2,2,2,1 -8475,1,1,1,2,2,2,2 -8476,2,,2,,2,2,1 -8477,2,,2,,2,2,2 -8478,2,,2,,2,2,2 -8479,2,,2,,2,2,2 -8480,1,1,1,2,2,2,1 -8481,1,1,1,2,2,2,2 -8482,1,1,1,2,2,2,1 -8483,1,1,1,2,2,2,2 -8484,1,1,1,2,2,2,2 -8485,1,1,2,,2,2,1 -8486,1,1,2,,2,2,2 -8487,1,1,2,,2,2,2 -8488,1,1,1,1,2,2,1 -8489,1,1,1,2,2,2,1 -8490,2,,1,2,2,1,2 -8491,2,,2,,2,2,1 -8492,1,1,1,2,2,2,2 -8493,1,1,1,2,2,1,1 -8494,1,1,1,1,2,1,1 -8495,2,,2,,2,2,2 -8496,1,1,2,,2,2,1 -8497,2,,2,,2,1,2 -8498,1,1,2,,2,2,1 -8499,1,1,1,2,2,2,1 -8500,1,1,2,,2,2,1 -8501,1,2,2,,2,2,1 -8502,1,1,2,,2,2,1 -8503,1,1,1,2,2,2,2 -8504,1,1,1,2,2,2,1 -8505,1,1,1,2,2,1,1 -8506,1,1,2,,2,2,1 -8507,1,1,1,2,2,2,1 -8508,1,1,1,2,2,2,1 -8509,1,1,1,2,2,2,1 -8510,2,,2,,2,2,1 -8511,2,,2,,2,2,2 -8512,1,1,2,,2,2,2 -8513,2,,2,,2,2,1 -8514,2,,2,,2,2,2 -8515,2,,2,,2,2,2 -8516,2,,2,,2,2,1 -8517,1,1,2,,2,2,1 -8518,1,1,1,2,2,2,2 -8519,1,1,2,,2,2,2 -8520,1,1,2,,2,2,2 -8521,1,1,1,2,2,2,2 -8522,1,1,1,2,2,2,1 -8523,2,,2,,2,2,1 -8524,1,1,1,1,2,2,1 -8525,2,,2,,2,2,2 -8526,2,,2,,2,2,1 -8527,2,,2,,2,2,1 -8528,2,,2,,2,2,2 -8529,2,,2,,2,2,2 -8530,1,2,1,2,2,2,1 -8531,1,1,1,2,2,2,2 -8532,1,1,1,2,2,2,2 -8533,1,1,1,2,2,2,2 -8534,2,,2,,2,2,2 -8535,1,1,2,,2,2,2 -8536,2,,2,,2,1,2 -8537,2,,2,,2,2,2 -8538,1,1,2,,2,2,1 -8539,1,1,1,2,2,2,2 -8540,1,1,1,2,2,2,1 -8541,1,1,1,2,2,2,1 -8542,2,,2,,2,2,1 -8543,2,,2,,2,2,1 -8544,1,1,2,,2,2,1 -8545,2,,2,,2,2,2 -8546,1,2,2,,2,2,1 -8547,1,1,2,,2,2,1 -8548,1,1,2,,2,2,1 -8549,1,1,1,2,2,2,1 -8550,1,1,2,,2,2,2 -8551,1,1,2,,2,2,2 -8552,1,1,2,,2,2,1 -8553,1,1,1,1,2,2,1 -8554,1,1,2,,2,2,2 -8555,1,1,1,1,1,1,1 -8556,2,,2,,2,2,2 -8557,1,1,2,,2,2,2 -8558,1,1,1,2,2,2,1 -8559,2,,2,,2,2,2 -8560,1,1,1,1,1,2,1 -8561,2,,1,2,2,2,2 -8562,2,,2,,2,2,2 -8563,2,,2,,2,2,2 -8564,1,1,2,,2,2,2 -8565,2,,1,2,2,2,2 -8566,2,,2,,2,1,2 -8567,1,2,1,2,2,2,1 -8568,2,,2,,2,2,2 -8569,1,1,1,2,2,2,1 -8570,2,,2,,2,2,2 -8571,2,,1,2,2,2,2 -8572,1,1,1,2,2,2,2 -8573,1,1,1,2,2,2,2 -8574,1,1,2,,2,2,1 -8575,2,,2,,2,2,2 -8576,1,1,2,,2,2,2 -8577,1,2,2,,2,2,1 -8578,1,1,2,,2,2,1 -8579,2,,2,,2,2,1 -8580,1,1,2,,2,1,1 -8581,1,1,2,,2,2,2 -8582,1,1,1,2,2,2,1 -8583,2,,2,,2,2,2 -8584,1,1,2,,2,2,2 -8585,2,,1,2,2,2,2 -8586,1,1,1,2,2,1,1 -8587,1,1,2,,2,1,1 -8588,2,,2,,2,2,2 -8589,2,,1,2,2,2,2 -8590,1,1,2,,2,2,2 -8591,1,1,2,,2,2,2 -8592,2,,2,,2,2,2 -8593,2,,2,,2,2,2 -8594,1,1,1,2,2,2,1 -8595,2,,2,,2,2,2 -8596,1,1,2,,2,2,2 -8597,2,,1,2,2,2,2 -8598,2,,1,2,2,2,2 -8599,1,1,1,2,2,2,2 -8600,2,,2,,2,2,1 -8601,1,1,1,2,2,2,2 -8602,2,,2,,2,2,1 -8603,2,,2,,2,2,2 -8604,2,,2,,2,2,2 -8605,1,1,2,,2,2,2 -8606,1,1,1,1,2,2,1 -8607,1,1,2,,2,2,2 -8608,2,,2,,2,2,1 -8609,2,,2,,2,2,2 -8610,1,1,1,2,2,2,2 -8611,1,2,1,2,2,1,1 -8612,1,1,2,,2,2,1 -8613,1,1,1,2,2,2,2 -8614,1,1,2,,2,2,2 -8615,2,,2,,2,2,2 -8616,1,1,2,,2,2,1 -8617,1,1,1,2,2,2,1 -8618,1,1,2,,2,2,2 -8619,2,,1,2,2,2,2 -8620,1,1,2,,2,2,2 -8621,1,1,1,2,2,2,1 -8622,1,1,2,,2,2,2 -8623,2,,2,,2,2,2 -8624,1,1,1,2,2,1,1 -8625,2,,2,,2,2,2 -8626,2,,2,,2,2,1 -8627,2,,2,,2,2,2 -8628,1,1,2,,2,2,1 -8629,2,,2,,2,2,2 -8630,1,1,1,2,2,2,1 -8631,2,,2,,2,2,2 -8632,1,1,2,,2,2,2 -8633,1,1,1,2,2,2,2 -8634,1,1,1,2,2,2,2 -8635,1,1,2,,2,2,2 -8636,1,1,2,,2,2,2 -8637,1,1,2,,2,1,1 -8638,1,1,1,2,2,2,1 -8639,2,,2,,2,2,2 -8640,2,,1,2,2,2,1 -8641,1,1,2,,2,1,1 -8642,1,1,1,2,2,2,1 -8643,1,1,1,2,2,2,2 -8644,1,1,2,,2,2,1 -8645,2,,2,,2,2,2 -8646,1,1,2,,2,2,2 -8647,1,1,1,2,2,2,1 -8648,2,,2,,2,2,2 -8649,1,1,1,2,2,2,1 -8650,2,,2,,2,2,2 -8651,2,,2,,2,2,2 -8652,2,,2,,2,2,2 -8653,1,1,2,,2,2,2 -8654,2,,2,,2,2,1 -8655,1,1,1,2,2,2,2 -8656,1,1,1,2,2,2,1 -8657,1,1,1,2,2,2,1 -8658,1,1,1,2,2,2,2 -8659,1,2,1,2,2,2,2 -8660,1,1,1,2,2,2,1 -8661,1,1,1,2,2,2,2 -8662,1,1,1,2,2,2,2 -8663,1,1,1,2,2,1,1 -8664,1,1,2,,2,2,2 -8665,1,1,2,,2,2,1 -8666,1,1,1,2,2,2,2 -8667,1,1,2,,2,2,1 -8668,2,,2,,2,2,2 -8669,1,1,2,,2,2,1 -8670,1,1,1,2,2,2,1 -8671,1,1,1,2,2,2,2 -8672,1,1,1,2,2,2,1 -8673,2,,2,,2,2,2 -8674,1,1,1,2,2,2,1 -8675,1,1,2,,2,2,1 -8676,1,1,1,2,2,2,1 -8677,2,,2,,2,2,2 -8678,1,1,1,2,2,1,1 -8679,1,1,1,1,2,2,2 -8680,1,1,1,2,2,1,2 -8681,2,,2,,2,2,2 -8682,2,,2,,2,2,2 -8683,2,,2,,2,2,2 -8684,2,,2,,2,2,2 -8685,2,,2,,2,2,2 -8686,2,,2,,2,2,2 -8687,1,1,2,,2,2,2 -8688,1,1,1,2,2,2,1 -8689,2,,1,2,2,2,2 -8690,1,1,2,,2,2,1 -8691,2,,1,2,2,2,2 -8692,1,1,2,,2,2,1 -8693,1,1,1,2,2,2,2 -8694,1,1,1,2,2,2,1 -8695,1,1,1,2,2,2,1 -8696,1,1,1,2,2,2,2 -8697,2,,2,,2,2,1 -8698,1,1,1,2,2,1,2 -8699,1,2,1,2,2,2,1 -8700,1,1,2,,2,2,2 -8701,1,1,1,2,2,2,1 -8702,2,,2,,2,2,2 -8703,2,,2,,2,2,2 -8704,1,2,1,1,2,2,1 -8705,1,1,1,2,2,2,1 -8706,2,,2,,2,2,1 -8707,1,1,1,2,2,2,1 -8708,2,,2,,2,2,2 -8709,1,1,2,,2,2,2 -8710,2,,2,,2,2,2 -8711,1,1,1,2,2,1,1 -8712,2,,2,,2,2,1 -8713,1,1,1,2,2,2,2 -8714,1,1,1,2,2,2,1 -8715,1,1,1,2,2,2,2 -8716,1,1,1,2,2,2,1 -8717,1,1,2,,2,2,2 -8718,2,,2,,2,2,1 -8719,1,2,1,2,2,2,1 -8720,1,1,2,,2,2,1 -8721,1,1,1,2,2,2,2 -8722,1,1,2,,2,2,1 -8723,1,1,1,2,2,2,2 -8724,2,,2,,2,2,2 -8725,2,,2,,2,2,1 -8726,1,1,1,2,2,2,1 -8727,1,2,1,2,2,1,1 -8728,1,1,1,2,1,1,2 -8729,1,1,1,2,2,2,2 -8730,2,,2,,2,1,2 -8731,2,,2,,2,2,2 -8732,1,1,1,2,2,2,1 -8733,2,,2,,2,2,1 -8734,1,1,1,2,2,2,2 -8735,2,,2,,2,2,2 -8736,2,,2,,2,2,1 -8737,1,1,1,2,2,1,1 -8738,1,1,1,2,2,2,2 -8739,1,1,1,2,2,2,2 -8740,1,1,1,1,2,2,1 -8741,1,1,2,,2,2,2 -8742,1,1,1,2,2,2,2 -8743,1,1,2,,2,2,2 -8744,1,1,2,,2,2,1 -8745,1,1,1,2,2,2,2 -8746,1,1,1,2,2,2,1 -8747,1,1,2,,2,2,1 -8748,1,1,1,2,2,2,2 -8749,1,1,2,,2,2,2 -8750,2,,2,,2,2,1 -8751,2,,2,,2,2,1 -8752,2,,2,,2,2,2 -8753,1,1,2,,2,2,2 -8754,1,1,1,2,2,2,1 -8755,1,1,1,2,2,2,1 -8756,2,,2,,2,2,2 -8757,2,,2,,2,2,2 -8758,1,1,1,2,2,2,2 -8759,1,2,1,2,2,2,1 -8760,1,2,1,2,2,1,1 -8761,2,,2,,2,2,2 -8762,1,1,2,,2,2,1 -8763,1,1,2,,2,2,2 -8764,1,1,1,2,2,2,1 -8765,1,1,2,,2,2,2 -8766,1,1,2,,2,2,2 -8767,2,,2,,2,2,2 -8768,1,2,1,2,2,1,1 -8769,1,1,2,,2,2,1 -8770,1,1,2,,2,2,2 -8771,1,1,1,2,2,2,2 -8772,1,1,1,2,2,2,2 -8773,1,1,2,,2,2,2 -8774,2,,2,,2,2,2 -8775,2,,2,,2,2,2 -8776,2,,2,,2,2,1 -8777,1,1,2,,2,2,2 -8778,1,1,1,2,2,2,1 -8779,1,1,1,2,2,2,1 -8780,1,1,1,2,1,2,1 -8781,2,,2,,2,2,2 -8782,1,1,2,,2,2,2 -8783,1,1,2,,2,2,1 -8784,2,,2,,2,2,1 -8785,1,1,2,,2,1,1 -8786,2,,2,,2,2,1 -8787,2,,2,,2,2,2 -8788,1,1,1,2,2,2,2 -8789,2,,2,,2,2,2 -8790,1,1,1,2,2,2,1 -8791,2,,1,2,2,2,1 -8792,1,1,1,2,2,2,1 -8793,2,,2,,2,2,1 -8794,1,1,1,2,2,1,1 -8795,1,1,1,2,2,1,1 -8796,1,1,1,2,2,2,1 -8797,2,,1,2,2,2,2 -8798,1,1,1,2,2,2,1 -8799,2,,2,,2,2,2 -8800,1,1,2,,2,2,1 -8801,1,1,1,2,2,2,1 -8802,1,2,2,,2,2,1 -8803,1,1,1,2,2,2,1 -8804,2,,1,2,2,2,2 -8805,1,1,2,,2,2,1 -8806,1,1,2,,2,2,2 -8807,2,,1,2,2,2,1 -8808,1,1,2,,2,2,2 -8809,2,,2,,2,2,2 -8810,2,,2,,2,2,2 -8811,1,1,2,,2,2,1 -8812,1,1,2,,2,2,1 -8813,1,1,2,,2,2,1 -8814,1,1,1,2,2,2,2 -8815,2,,2,,2,1,2 -8816,1,1,1,2,2,2,1 -8817,1,1,2,,2,2,2 -8818,1,2,1,2,2,2,1 -8819,1,1,2,,2,2,2 -8820,1,1,1,2,2,1,2 -8821,2,,2,,2,2,2 -8822,1,1,2,,2,2,2 -8823,2,,2,,2,2,1 -8824,1,1,2,,2,2,1 -8825,1,1,1,2,2,2,2 -8826,1,1,2,,2,2,2 -8827,1,1,1,2,2,2,2 -8828,1,1,2,,2,2,2 -8829,2,,2,,2,2,2 -8830,1,1,1,1,2,2,1 -8831,1,1,2,,2,2,2 -8832,1,1,1,2,2,2,1 -8833,2,,2,,2,2,2 -8834,1,1,1,2,2,1,1 -8835,1,1,1,2,2,1,2 -8836,2,,2,,2,1,1 -8837,1,1,1,2,2,2,1 -8838,1,1,1,2,2,2,1 -8839,1,1,2,,2,2,2 -8840,1,1,2,,2,2,2 -8841,1,1,2,,2,2,2 -8842,2,,2,,2,2,2 -8843,2,,2,,2,2,2 -8844,1,1,2,,2,2,1 -8845,1,1,2,,2,2,2 -8846,2,,2,,1,2,1 -8847,1,1,2,,2,1,2 -8848,1,1,1,2,2,1,1 -8849,1,1,1,2,2,2,1 -8850,2,,2,,2,2,1 -8851,1,1,1,2,2,2,1 -8852,1,1,1,2,2,2,2 -8853,1,1,2,,2,2,2 -8854,1,1,2,,2,2,1 -8855,1,1,2,,2,2,2 -8856,1,1,2,,2,2,1 -8857,1,1,2,,2,2,1 -8858,1,2,2,,2,2,1 -8859,1,1,1,2,2,2,1 -8860,2,,2,,2,2,2 -8861,1,1,1,2,2,2,2 -8862,1,1,1,2,2,2,2 -8863,1,1,1,2,2,2,1 -8864,1,1,1,2,2,1,2 -8865,1,1,1,2,2,2,1 -8866,1,1,1,2,2,2,1 -8867,1,1,2,,2,1,1 -8868,1,1,1,2,2,1,1 -8869,1,1,2,,2,2,2 -8870,2,,2,,2,2,2 -8871,2,,2,,2,2,2 -8872,2,,2,,2,2,2 -8873,1,1,2,,2,2,2 -8874,1,1,2,,2,2,2 -8875,2,,2,,2,2,1 -8876,2,,2,,2,2,2 -8877,2,,2,,2,2,1 -8878,1,1,1,2,2,2,1 -8879,2,,1,2,2,2,1 -8880,2,,2,,2,2,1 -8881,2,,2,,2,2,2 -8882,1,1,2,,2,2,1 -8883,2,,2,,2,2,2 -8884,1,1,2,,2,2,2 -8885,1,1,1,2,2,2,1 -8886,1,1,1,1,2,2,1 -8887,1,1,1,2,2,2,1 -8888,2,,1,2,2,2,2 -8889,1,1,1,2,2,2,2 -8890,1,1,2,,2,2,1 -8891,1,1,1,2,2,2,1 -8892,1,1,1,2,2,2,2 -8893,1,1,1,2,2,2,1 -8894,2,,2,,2,2,2 -8895,2,,2,,2,2,1 -8896,1,1,1,2,2,2,2 -8897,1,1,1,1,2,2,1 -8898,2,,1,2,2,2,2 -8899,1,1,1,2,2,2,1 -8900,2,,2,,2,2,2 -8901,1,1,2,,2,2,1 -8902,1,1,1,2,2,2,2 -8903,1,1,2,,2,2,2 -8904,1,1,1,2,2,2,1 -8905,2,,2,,2,2,2 -8906,1,1,2,,2,2,1 -8907,2,,2,,2,2,2 -8908,2,,2,,2,2,1 -8909,2,,2,,2,2,1 -8910,1,1,1,2,2,2,2 -8911,1,1,1,2,2,2,1 -8912,1,1,1,2,2,2,2 -8913,2,,2,,2,2,1 -8914,1,1,1,2,2,2,2 -8915,1,1,1,2,2,2,1 -8916,1,1,1,2,2,2,1 -8917,2,,2,,2,2,2 -8918,1,1,1,2,2,2,1 -8919,1,1,1,2,2,2,2 -8920,1,2,1,2,2,1,1 -8921,2,,2,,2,2,2 -8922,1,1,2,,2,2,1 -8923,1,1,1,2,2,2,1 -8924,1,1,1,2,2,2,1 -8925,2,,2,,2,2,2 -8926,1,1,1,2,2,2,1 -8927,1,1,1,2,2,2,2 -8928,2,,1,2,2,2,2 -8929,1,1,1,2,2,2,1 -8930,1,1,2,,2,2,1 -8931,1,1,1,2,2,2,2 -8932,1,1,2,,2,2,2 -8933,2,,2,,2,2,2 -8934,1,1,1,2,2,2,2 -8935,1,1,1,2,2,2,2 -8936,1,1,1,2,2,2,1 -8937,1,1,2,,2,2,2 -8938,1,1,2,,2,2,1 -8939,2,,2,,2,2,2 -8940,1,1,1,1,2,2,1 -8941,1,1,2,,2,2,2 -8942,1,1,1,2,2,2,1 -8943,2,,2,,2,2,2 -8944,1,1,1,2,2,2,1 -8945,1,1,2,,2,2,1 -8946,1,1,1,2,2,2,2 -8947,1,1,2,,2,2,2 -8948,2,,2,,2,2,1 -8949,1,1,1,1,1,2,1 -8950,2,,2,,2,2,2 -8951,1,1,1,2,2,2,2 -8952,1,1,2,,2,2,2 -8953,1,1,2,,2,2,2 -8954,1,1,2,,2,2,2 -8955,1,1,1,2,2,1,2 -8956,1,1,2,,2,2,2 -8957,1,1,1,2,2,1,1 -8958,1,1,1,2,2,2,1 -8959,1,1,1,2,2,2,2 -8960,1,1,1,2,2,2,2 -8961,1,1,1,2,2,2,1 -8962,2,,2,,2,2,1 -8963,1,1,2,,2,2,2 -8964,1,1,1,2,2,1,1 -8965,1,1,1,2,2,2,2 -8966,1,1,2,,2,2,1 -8967,1,1,1,2,2,2,2 -8968,2,,2,,2,2,1 -8969,2,,2,,2,2,1 -8970,1,1,1,2,2,2,2 -8971,1,1,1,2,2,2,2 -8972,1,1,2,,2,2,2 -8973,1,1,2,,2,2,2 -8974,1,1,1,2,2,1,1 -8975,1,1,2,,2,1,2 -8976,1,1,1,2,2,2,1 -8977,1,1,1,2,2,1,1 -8978,1,1,2,,2,2,2 -8979,2,,2,,2,2,2 -8980,2,,2,,2,2,2 -8981,1,1,2,,2,2,1 -8982,1,1,2,,2,2,1 -8983,2,,2,,2,1,2 -8984,2,,2,,2,2,2 -8985,1,1,2,,2,2,2 -8986,1,1,1,2,2,1,2 -8987,1,1,1,2,2,2,2 -8988,2,,2,,2,2,2 -8989,2,,2,,2,2,2 -8990,1,1,2,,2,2,1 -8991,1,1,1,2,2,2,2 -8992,1,1,2,,2,2,2 -8993,1,1,2,,2,2,2 -8994,1,1,1,2,2,2,2 -8995,1,1,2,,2,2,1 -8996,1,1,1,2,2,1,1 -8997,1,1,2,,2,2,2 -8998,2,,2,,2,1,1 -8999,1,1,1,2,2,2,2 -9000,1,1,2,,2,2,1 -9001,1,1,2,,2,2,2 -9002,2,,1,2,2,2,1 -9003,2,,2,,2,2,2 -9004,1,1,1,2,2,2,1 -9005,1,1,1,2,2,1,2 -9006,1,1,2,,2,2,1 -9007,2,,2,,2,2,2 -9008,2,,2,,2,2,2 -9009,1,1,1,2,2,1,1 -9010,1,1,1,2,2,2,2 -9011,2,,2,,2,2,2 -9012,1,1,1,2,2,2,1 -9013,1,1,1,1,1,2,1 -9014,1,1,1,2,2,1,1 -9015,2,,2,,2,2,2 -9016,2,,1,2,2,2,2 -9017,1,1,2,,2,2,2 -9018,1,1,2,,2,2,1 -9019,1,1,1,2,2,1,1 -9020,1,1,2,,2,2,2 -9021,1,1,1,2,2,2,2 -9022,1,1,2,,2,2,1 -9023,1,1,2,,2,2,1 -9024,1,1,1,2,2,2,1 -9025,1,1,1,2,2,1,2 -9026,1,1,2,,2,2,1 -9027,2,,2,,2,2,2 -9028,1,1,1,2,2,2,1 -9029,1,1,2,,2,2,2 -9030,1,1,1,2,2,2,1 -9031,2,,2,,2,2,2 -9032,1,1,2,,2,2,2 -9033,1,1,2,,2,2,2 -9034,1,1,1,2,2,2,1 -9035,2,,2,,2,2,1 -9036,1,1,1,2,2,1,1 -9037,2,,2,,2,2,1 -9038,1,1,2,,2,2,1 -9039,1,1,1,2,2,2,1 -9040,2,,2,,2,2,1 -9041,2,,2,,2,2,2 -9042,1,1,2,,2,2,2 -9043,1,1,2,,2,2,1 -9044,1,1,2,,2,2,2 -9045,1,1,1,2,2,1,2 -9046,1,1,2,,2,2,1 -9047,1,1,1,2,2,2,2 -9048,1,1,2,,2,2,1 -9049,1,1,2,,2,2,2 -9050,1,1,1,2,2,2,2 -9051,1,1,1,2,2,2,2 -9052,1,1,1,2,2,2,1 -9053,1,1,2,,2,2,1 -9054,2,,2,,2,2,2 -9055,1,1,2,,2,2,2 -9056,1,1,2,,2,2,1 -9057,1,1,1,2,2,2,1 -9058,1,1,2,,2,2,2 -9059,1,1,2,,2,2,2 -9060,2,,2,,2,2,2 -9061,1,1,1,2,2,1,1 -9062,1,1,1,2,2,2,2 -9063,2,,2,,2,2,2 -9064,1,1,2,,2,1,1 -9065,1,1,1,2,2,2,1 -9066,1,1,1,2,2,2,2 -9067,1,1,2,,2,2,2 -9068,2,,1,2,2,2,2 -9069,2,,2,,2,1,2 -9070,2,,2,,2,2,2 -9071,2,,2,,2,2,2 -9072,1,1,2,,2,2,1 -9073,1,1,1,2,2,2,2 -9074,1,1,1,1,2,1,1 -9075,2,,2,,2,2,2 -9076,2,,1,2,2,2,2 -9077,2,,2,,2,2,1 -9078,1,1,1,2,2,2,1 -9079,2,,2,,2,2,1 -9080,1,1,1,2,2,2,1 -9081,1,1,2,,2,2,2 -9082,1,1,1,2,2,2,1 -9083,1,2,2,,2,2,1 -9084,2,,2,,2,2,2 -9085,1,1,1,2,2,2,1 -9086,1,1,1,2,2,2,1 -9087,1,1,1,2,2,1,1 -9088,2,,2,,2,2,1 -9089,1,1,1,2,2,2,1 -9090,1,1,1,2,2,1,2 -9091,1,1,2,,2,2,2 -9092,1,1,2,,2,2,2 -9093,1,1,1,2,2,1,1 -9094,2,,2,,2,2,2 -9095,1,1,2,,2,2,2 -9096,1,1,1,1,2,2,1 -9097,1,1,1,2,2,2,1 -9098,1,1,1,2,2,2,1 -9099,1,1,2,,2,2,1 -9100,1,1,1,2,2,2,2 -9101,2,,2,,2,2,1 -9102,1,1,2,,2,2,1 -9103,1,1,1,2,2,2,2 -9104,1,1,1,2,2,2,2 -9105,1,1,2,,2,2,2 -9106,1,1,2,,2,2,2 -9107,2,,2,,2,2,2 -9108,1,1,1,2,2,2,1 -9109,1,1,1,2,2,2,2 -9110,1,1,1,2,2,2,2 -9111,1,1,1,2,2,2,2 -9112,1,1,1,2,2,2,1 -9113,1,1,2,,2,2,2 -9114,1,1,1,2,2,2,2 -9115,2,,2,,2,2,2 -9116,1,1,1,1,1,1,1 -9117,1,1,1,1,1,2,1 -9118,2,,1,2,2,2,1 -9119,2,,2,,2,2,2 -9120,2,,2,,2,2,2 -9121,1,1,1,2,2,2,2 -9122,2,,2,,2,2,2 -9123,2,,1,2,2,2,2 -9124,1,1,2,,2,2,1 -9125,2,,2,,2,2,1 -9126,1,1,2,,2,2,2 -9127,2,,2,,2,2,2 -9128,2,,2,,2,2,2 -9129,1,1,2,,2,2,1 -9130,1,1,2,,2,2,1 -9131,1,1,2,,2,2,2 -9132,1,1,2,,2,2,2 -9133,2,,2,,2,1,1 -9134,1,1,1,2,2,2,1 -9135,1,1,1,2,2,2,1 -9136,1,1,1,2,2,2,1 -9137,2,,2,,2,2,2 -9138,1,1,1,2,2,2,1 -9139,1,1,1,2,2,2,2 -9140,2,,2,,2,2,2 -9141,1,1,2,,2,1,2 -9142,1,1,1,2,2,2,2 -9143,1,2,1,2,2,2,1 -9144,2,,2,,2,2,2 -9145,2,,2,,2,2,1 -9146,1,1,2,,2,1,1 -9147,1,1,1,1,2,2,1 -9148,2,,2,,2,2,1 -9149,1,1,1,2,2,2,1 -9150,1,1,2,,1,2,2 -9151,2,,2,,2,1,1 -9152,1,1,2,,2,2,2 -9153,1,1,1,2,2,2,2 -9154,1,1,2,,2,2,2 -9155,1,1,2,,1,2,1 -9156,1,1,1,2,2,1,2 -9157,1,1,1,2,2,2,1 -9158,1,1,1,2,2,2,2 -9159,1,1,2,,2,2,2 -9160,1,2,1,2,2,2,1 -9161,1,1,2,,2,2,1 -9162,2,,2,,2,2,2 -9163,1,1,2,,2,2,2 -9164,2,,2,,2,2,2 -9165,2,,2,,2,2,1 -9166,1,1,1,2,2,1,1 -9167,2,,2,,2,2,2 -9168,1,1,2,,2,2,2 -9169,1,2,2,,2,2,2 -9170,2,,2,,2,2,1 -9171,2,,2,,2,2,2 -9172,1,1,2,,2,2,2 -9173,1,1,1,2,2,2,1 -9174,1,1,1,2,2,2,2 -9175,1,1,2,,2,2,1 -9176,2,,1,2,2,2,2 -9177,1,1,1,2,2,2,1 -9178,1,1,1,2,2,2,1 -9179,2,,2,,2,2,1 -9180,2,,2,,2,2,2 -9181,1,1,1,2,2,2,2 -9182,2,,2,,2,2,1 -9183,2,,2,,2,2,1 -9184,2,,2,,2,2,2 -9185,2,,2,,2,2,1 -9186,1,1,2,,2,2,1 -9187,1,2,1,1,2,2,1 -9188,1,1,2,,2,2,1 -9189,1,1,2,,2,2,1 -9190,2,,2,,2,2,2 -9191,1,1,2,,2,2,1 -9192,1,1,1,2,2,1,2 -9193,1,1,2,,2,2,1 -9194,1,1,1,2,2,2,1 -9195,1,1,1,1,2,2,1 -9196,1,1,1,2,2,2,1 -9197,2,,2,,2,2,1 -9198,2,,2,,2,2,1 -9199,2,,2,,2,1,1 -9200,2,,1,2,2,2,2 -9201,1,1,2,,2,2,2 -9202,2,,1,2,2,2,1 -9203,1,2,2,,2,2,1 -9204,2,,2,,2,2,2 -9205,1,1,2,,2,2,1 -9206,1,1,2,,2,2,1 -9207,1,1,2,,2,2,1 -9208,1,1,1,2,2,2,2 -9209,2,,2,,2,2,2 -9210,1,1,2,,2,2,1 -9211,1,1,2,,2,1,2 -9212,2,,1,2,2,2,1 -9213,1,1,1,2,2,2,1 -9214,1,1,1,2,2,2,2 -9215,1,2,1,1,1,1,1 -9216,1,1,2,,2,2,2 -9217,1,1,1,2,2,2,1 -9218,2,,2,,2,2,2 -9219,1,1,1,2,2,2,1 -9220,2,,2,,2,2,2 -9221,1,1,2,,2,2,1 -9222,1,1,1,2,2,2,1 -9223,1,1,1,2,2,2,2 -9224,1,1,1,1,2,2,1 -9225,1,1,1,2,2,2,1 -9226,2,,2,,2,2,1 -9227,1,1,1,2,2,2,1 -9228,1,1,1,2,2,2,1 -9229,1,1,2,,2,2,2 -9230,1,1,1,2,2,2,2 -9231,1,1,2,,2,2,2 -9232,2,,2,,2,2,1 -9233,1,2,1,1,2,1,1 -9234,1,1,2,,2,2,1 -9235,1,2,2,,2,2,1 -9236,1,1,1,1,1,2,1 -9237,1,1,1,2,2,2,1 -9238,1,1,1,2,2,2,1 -9239,2,,2,,2,2,2 -9240,2,,2,,2,2,2 -9241,1,1,2,,2,2,2 -9242,1,1,1,2,2,2,2 -9243,1,1,2,,2,2,2 -9244,1,1,2,,2,2,2 -9245,1,1,2,,2,2,1 -9246,2,,2,,2,2,1 -9247,1,1,1,1,2,1,1 -9248,1,1,1,2,2,2,1 -9249,1,1,1,2,2,2,1 -9250,1,1,2,,2,1,1 -9251,1,1,1,2,2,2,1 -9252,2,,2,,2,2,2 -9253,2,,2,,2,2,2 -9254,2,,2,,2,2,2 -9255,1,1,2,,2,1,2 -9256,1,1,1,2,2,2,2 -9257,1,1,1,2,2,1,1 -9258,2,,2,,2,2,1 -9259,2,,2,,2,2,2 -9260,1,1,2,,2,2,1 -9261,1,1,2,,2,2,1 -9262,1,1,1,2,2,2,2 -9263,1,1,2,,2,2,2 -9264,1,1,1,2,2,2,1 -9265,2,,2,,2,2,2 -9266,1,1,1,2,2,2,1 -9267,2,,2,,2,2,2 -9268,1,1,1,2,2,2,2 -9269,2,,2,,2,2,1 -9270,2,,2,,2,2,2 -9271,1,1,1,2,2,2,1 -9272,1,1,1,2,2,2,2 -9273,2,,2,,2,2,2 -9274,2,,2,,2,2,2 -9275,2,,2,,2,2,2 -9276,2,,2,,2,1,2 -9277,1,1,2,,2,2,1 -9278,2,,2,,2,2,2 -9279,1,1,1,2,2,2,2 -9280,2,,1,1,2,2,1 -9281,1,1,2,,2,2,2 -9282,1,1,1,2,2,1,1 -9283,2,,2,,2,2,2 -9284,1,1,1,2,2,2,1 -9285,1,1,2,,2,2,1 -9286,2,,2,,2,2,2 -9287,2,,2,,2,2,2 -9288,1,1,2,,2,1,1 -9289,1,1,2,,2,2,2 -9290,1,1,1,2,2,2,2 -9291,1,1,2,,2,2,1 -9292,1,1,1,2,2,1,2 -9293,1,2,1,1,2,2,1 -9294,1,1,2,,2,2,1 -9295,1,1,1,2,2,1,1 -9296,1,2,1,1,2,2,1 -9297,1,1,1,2,2,2,2 -9298,1,2,1,2,2,1,1 -9299,2,,1,2,2,2,2 -9300,1,1,1,2,1,2,1 -9301,1,1,1,2,2,1,1 -9302,2,,1,2,2,2,2 -9303,2,,2,,2,2,2 -9304,2,,2,,2,2,2 -9305,1,1,1,2,2,1,1 -9306,1,1,1,1,2,2,1 -9307,1,1,2,,2,2,1 -9308,1,1,1,2,2,2,2 -9309,1,1,1,2,2,2,2 -9310,1,1,2,,2,2,1 -9311,1,1,1,2,2,1,2 -9312,1,1,1,2,2,2,1 -9313,1,1,1,2,2,2,1 -9314,1,1,1,2,2,2,1 -9315,1,1,1,2,2,2,1 -9316,1,1,1,2,2,2,2 -9317,2,,2,,2,2,2 -9318,1,1,2,,2,2,1 -9319,1,1,1,2,2,2,1 -9320,1,1,2,,2,2,2 -9321,1,1,1,2,2,2,1 -9322,1,1,2,,2,2,1 -9323,1,2,1,2,2,1,1 -9324,2,,2,,2,2,2 -9325,2,,2,,2,2,2 -9326,1,1,2,,2,2,2 -9327,2,,2,,2,2,2 -9328,1,1,1,2,2,2,1 -9329,1,1,2,,2,2,2 -9330,2,,2,,2,2,2 -9331,1,1,2,,2,2,1 -9332,1,1,2,,2,2,2 -9333,1,1,2,,2,2,1 -9334,2,,2,,2,2,2 -9335,1,1,1,2,2,2,2 -9336,1,1,2,,2,1,2 -9337,1,1,2,,2,2,1 -9338,1,1,1,2,2,1,1 -9339,1,1,2,,2,2,2 -9340,1,1,1,2,2,1,1 -9341,2,,2,,2,2,2 -9342,1,1,1,2,2,2,1 -9343,1,1,1,2,2,2,1 -9344,1,1,2,,2,2,2 -9345,1,1,1,2,2,2,2 -9346,2,,2,,2,2,1 -9347,1,1,1,2,2,2,1 -9348,2,,2,,2,2,2 -9349,1,1,1,2,2,2,1 -9350,1,1,1,2,2,2,1 -9351,1,1,2,,2,2,1 -9352,1,2,1,2,2,2,1 -9353,1,1,2,,2,2,2 -9354,2,,2,,2,2,2 -9355,2,,2,,2,2,1 -9356,1,1,2,,2,2,2 -9357,1,1,2,,2,2,1 -9358,1,1,1,2,2,1,1 -9359,1,1,1,2,2,1,2 -9360,2,,2,,2,2,1 -9361,2,,2,,2,2,2 -9362,2,,2,,2,2,1 -9363,1,1,2,,2,2,2 -9364,1,1,2,,2,2,2 -9365,1,1,1,2,2,2,1 -9366,2,,2,,2,2,1 -9367,2,,2,,2,2,2 -9368,1,1,2,,2,2,1 -9369,1,1,1,1,2,2,1 -9370,2,,1,2,2,2,2 -9371,2,,2,,2,2,2 -9372,1,1,1,1,2,2,2 -9373,1,1,1,2,2,2,2 -9374,1,1,2,,2,2,1 -9375,2,,2,,2,2,2 -9376,1,2,1,1,2,2,1 -9377,1,1,2,,2,2,2 -9378,1,1,1,2,2,1,1 -9379,1,1,2,,2,2,2 -9380,1,1,1,1,1,2,1 -9381,1,1,1,2,2,2,2 -9382,1,1,1,2,1,2,1 -9383,2,,2,,2,2,2 -9384,1,1,1,2,2,1,1 -9385,2,,2,,2,2,2 -9386,1,1,1,2,2,2,1 -9387,2,,2,,2,2,1 -9388,2,,2,,2,2,2 -9389,1,1,2,,2,2,2 -9390,1,1,2,,2,2,2 -9391,1,1,2,,2,2,2 -9392,1,1,2,,2,2,2 -9393,1,1,2,,2,2,1 -9394,2,,2,,2,2,2 -9395,1,1,1,2,2,2,2 -9396,2,,2,,2,2,2 -9397,1,1,1,2,2,2,1 -9398,2,,2,,2,2,1 -9399,1,1,2,,2,2,2 -9400,2,,2,,2,2,2 -9401,1,1,1,2,2,1,1 -9402,1,1,1,2,2,2,1 -9403,2,,1,2,2,2,2 -9404,2,,2,,2,2,2 -9405,1,1,2,,2,2,1 -9406,2,,2,,2,2,1 -9407,2,,2,,2,2,2 -9408,2,,2,,2,2,2 -9409,1,1,1,2,2,2,2 -9410,2,,2,,2,2,2 -9411,1,1,1,2,2,2,2 -9412,1,1,1,2,2,1,2 -9413,2,,2,,2,2,1 -9414,2,,1,2,2,2,2 -9415,1,1,2,,2,2,1 -9416,2,,2,,2,2,1 -9417,1,1,1,2,2,2,1 -9418,1,1,2,,2,2,2 -9419,2,,2,,2,2,2 -9420,1,1,1,2,1,1,1 -9421,1,1,2,,2,2,2 -9422,1,1,2,,2,2,2 -9423,1,1,1,2,2,2,1 -9424,2,,2,,2,2,2 -9425,1,1,1,2,2,2,2 -9426,1,1,1,2,2,2,1 -9427,2,,2,,2,2,2 -9428,1,1,2,,2,2,2 -9429,2,,2,,2,2,2 -9430,1,1,2,,2,2,1 -9431,2,,2,,2,2,2 -9432,1,1,1,1,1,1,1 -9433,1,1,2,,2,2,1 -9434,2,,2,,2,2,1 -9435,1,1,1,2,2,2,2 -9436,2,,2,,2,2,1 -9437,1,1,1,2,1,1,1 -9438,1,1,1,2,2,2,1 -9439,1,1,2,,2,2,2 -9440,2,,1,2,2,2,2 -9441,1,1,2,,2,2,1 -9442,1,1,2,,2,2,2 -9443,1,1,1,2,2,2,1 -9444,2,,2,,2,2,1 -9445,1,1,2,,2,2,2 -9446,2,,2,,2,2,2 -9447,1,1,1,2,2,2,2 -9448,2,,2,,2,2,2 -9449,1,1,1,2,2,2,1 -9450,2,,2,,2,2,2 -9451,1,1,1,2,2,2,1 -9452,1,1,1,2,2,2,1 -9453,2,,2,,2,2,1 -9454,2,,2,,2,2,1 -9455,1,1,1,2,2,2,2 -9456,1,1,1,2,2,2,1 -9457,1,1,1,2,2,2,2 -9458,2,,2,,2,2,2 -9459,2,,2,,2,2,2 -9460,2,,2,,2,2,2 -9461,1,1,2,,2,2,2 -9462,1,1,1,2,2,2,2 -9463,1,1,1,2,2,1,1 -9464,1,1,1,2,2,2,1 -9465,1,1,1,2,2,2,1 -9466,1,1,1,1,2,2,1 -9467,1,1,1,1,2,2,1 -9468,2,,2,,2,2,2 -9469,1,1,1,2,2,1,1 -9470,1,1,2,,2,2,1 -9471,1,1,1,2,2,2,1 -9472,2,,2,,2,2,1 -9473,1,1,1,2,2,2,2 -9474,1,1,1,2,2,1,1 -9475,2,,1,1,2,2,1 -9476,1,1,1,2,2,2,2 -9477,1,1,2,,2,2,1 -9478,1,1,1,2,2,2,2 -9479,1,1,1,2,2,2,2 -9480,1,1,2,,2,2,1 -9481,1,1,1,2,2,2,1 -9482,1,1,1,2,2,2,1 -9483,2,,2,,2,2,2 -9484,1,1,1,2,2,1,1 -9485,1,1,2,,2,2,2 -9486,2,,2,,2,1,1 -9487,1,1,1,2,2,2,1 -9488,1,1,2,,2,2,1 -9489,1,1,2,,2,2,2 -9490,2,,2,,2,2,1 -9491,2,,2,,2,1,1 -9492,1,1,1,2,2,2,1 -9493,1,1,1,2,2,2,2 -9494,1,1,2,,2,2,1 -9495,1,1,2,,2,2,2 -9496,2,,1,2,2,2,2 -9497,2,,2,,2,2,1 -9498,1,1,2,,2,2,2 -9499,2,,2,,2,2,2 -9500,1,1,2,,2,2,2 -9501,1,1,1,2,2,2,1 -9502,1,1,1,2,2,2,2 -9503,1,1,1,2,2,2,1 -9504,1,1,1,2,2,2,2 -9505,1,1,2,,2,2,1 -9506,1,1,1,2,2,2,2 -9507,1,1,2,,2,2,1 -9508,1,2,2,,2,1,1 -9509,2,,2,,2,2,2 -9510,1,1,1,2,2,2,1 -9511,1,1,1,2,2,2,2 -9512,1,1,2,,2,2,1 -9513,2,,2,,2,2,2 -9514,1,1,1,2,2,2,1 -9515,1,1,1,2,2,2,1 -9516,1,1,2,,2,2,2 -9517,1,1,2,,2,1,2 -9518,1,1,2,,2,2,1 -9519,2,,2,,2,2,1 -9520,2,,2,,2,2,2 -9521,1,2,1,2,2,2,1 -9522,2,,1,1,2,2,1 -9523,1,1,1,2,2,2,1 -9524,1,1,2,,2,2,2 -9525,1,1,2,,2,2,1 -9526,2,,1,2,2,2,1 -9527,1,1,1,2,2,2,1 -9528,2,,2,,2,2,2 -9529,1,1,2,,2,2,2 -9530,1,1,1,1,2,2,1 -9531,2,,2,,2,1,2 -9532,1,1,1,2,2,2,1 -9533,1,1,2,,2,2,2 -9534,1,2,1,2,2,2,1 -9535,1,1,1,2,2,2,2 -9536,1,1,1,2,2,2,2 -9537,2,,2,,2,2,1 -9538,2,,2,,2,2,2 -9539,1,1,1,2,2,2,1 -9540,2,,1,2,2,2,2 -9541,2,,2,,2,2,2 -9542,1,1,2,,2,2,1 -9543,2,,2,,2,2,2 -9544,2,,2,,2,2,2 -9545,1,1,2,,2,1,2 -9546,1,1,1,2,2,2,2 -9547,1,1,1,2,2,2,2 -9548,1,1,2,,2,2,1 -9549,1,1,1,2,2,2,2 -9550,1,1,1,2,2,2,1 -9551,2,,2,,2,2,1 -9552,1,1,2,,2,2,2 -9553,1,1,2,,2,2,2 -9554,1,1,1,2,2,2,2 -9555,1,1,2,,2,2,1 -9556,2,,2,,2,2,1 -9557,1,1,2,,2,2,2 -9558,1,1,2,,2,2,2 -9559,2,,2,,2,2,2 -9560,2,,2,,2,2,1 -9561,1,1,2,,2,2,2 -9562,1,1,1,2,2,1,1 -9563,1,2,2,,2,2,1 -9564,1,1,2,,2,2,2 -9565,2,,2,,2,2,2 -9566,2,,2,,2,2,1 -9567,1,1,1,2,2,2,2 -9568,1,1,2,,2,2,2 -9569,1,2,1,2,2,2,1 -9570,2,,2,,2,2,2 -9571,1,1,1,2,2,2,1 -9572,1,1,1,2,2,1,1 -9573,1,1,1,2,2,2,2 -9574,1,1,1,2,2,2,2 -9575,1,1,1,2,2,1,1 -9576,1,1,1,2,2,2,1 -9577,1,1,2,,2,1,2 -9578,2,,2,,2,2,2 -9579,1,1,1,2,2,2,2 -9580,1,1,2,,2,2,2 -9581,1,1,1,2,2,2,1 -9582,1,1,1,2,2,2,2 -9583,1,1,2,,2,2,2 -9584,1,1,2,,2,2,2 -9585,1,1,2,,2,1,2 -9586,1,1,1,2,2,2,1 -9587,1,1,2,,2,2,2 -9588,2,,1,2,2,2,2 -9589,2,,2,,2,1,1 -9590,1,1,1,2,2,2,1 -9591,1,1,2,,2,2,2 -9592,1,1,1,2,2,1,1 -9593,2,,2,,2,2,1 -9594,2,,2,,2,2,2 -9595,2,,2,,2,1,2 -9596,1,1,1,2,2,2,2 -9597,1,1,1,2,2,2,2 -9598,1,1,2,,2,2,2 -9599,1,1,2,,2,2,1 -9600,2,,2,,2,2,2 -9601,1,1,1,2,2,2,1 -9602,1,2,1,2,2,1,2 -9603,1,1,2,,2,2,1 -9604,1,2,2,,2,2,1 -9605,1,1,2,,2,2,1 -9606,2,,2,,2,2,2 -9607,2,,2,,2,2,2 -9608,2,,2,,2,2,2 -9609,1,1,2,,2,2,2 -9610,2,,1,2,2,2,2 -9611,1,1,1,2,2,1,1 -9612,1,1,1,2,2,2,1 -9613,1,1,2,,2,2,2 -9614,2,,2,,2,2,2 -9615,1,2,2,,2,2,1 -9616,2,,2,,2,2,2 -9617,2,,2,,2,2,2 -9618,2,,2,,2,2,2 -9619,2,,2,,2,2,1 -9620,1,1,2,,2,2,1 -9621,1,1,2,,2,2,2 -9622,1,1,2,,2,2,1 -9623,1,1,1,2,2,2,2 -9624,2,,2,,2,2,1 -9625,2,,2,,2,2,2 -9626,1,1,2,,2,2,1 -9627,1,2,2,,2,2,1 -9628,1,1,1,2,2,2,2 -9629,2,,2,,2,2,2 -9630,1,1,1,2,2,2,2 -9631,2,,2,,2,2,2 -9632,1,1,1,2,2,2,2 -9633,1,1,2,,2,2,1 -9634,1,1,2,,2,2,1 -9635,1,1,1,2,2,2,2 -9636,2,,2,,2,2,1 -9637,1,1,2,,2,2,2 -9638,1,1,1,2,2,2,1 -9639,1,1,2,,2,2,2 -9640,2,,1,2,2,2,2 -9641,2,,2,,2,2,2 -9642,2,,2,,2,2,2 -9643,1,1,2,,2,2,2 -9644,2,,2,,2,2,2 -9645,2,,2,,2,2,1 -9646,2,,1,2,2,2,2 -9647,2,,1,2,2,2,2 -9648,1,1,1,2,2,2,1 -9649,1,1,2,,2,2,2 -9650,1,1,2,,2,2,2 -9651,1,1,2,,2,2,2 -9652,1,1,2,,2,2,2 -9653,2,,2,,2,2,1 -9654,2,,2,,2,2,2 -9655,1,1,1,2,1,1,1 -9656,2,,2,,2,2,2 -9657,2,,2,,2,2,1 -9658,1,1,1,2,2,2,2 -9659,2,,2,,2,2,2 -9660,1,1,2,,2,1,2 -9661,1,1,2,,2,1,1 -9662,1,1,1,2,2,2,1 -9663,1,1,1,2,2,2,1 -9664,1,1,1,2,2,1,1 -9665,2,,2,,2,2,2 -9666,1,1,1,2,2,2,1 -9667,1,1,2,,2,2,1 -9668,1,1,1,2,2,2,2 -9669,1,1,1,2,2,2,2 -9670,2,,2,,2,2,2 -9671,1,1,1,2,2,2,1 -9672,1,1,1,2,2,2,2 -9673,2,,2,,2,2,2 -9674,1,1,1,2,2,2,2 -9675,1,1,2,,2,2,1 -9676,2,,2,,2,2,2 -9677,1,1,1,2,2,1,1 -9678,1,1,1,2,2,2,1 -9679,1,1,1,2,2,2,1 -9680,1,2,1,2,2,2,1 -9681,1,1,1,2,2,2,1 -9682,2,,2,,2,2,2 -9683,1,1,2,,2,2,1 -9684,2,,2,,2,2,2 -9685,1,1,1,2,2,2,2 -9686,1,1,2,,2,2,2 -9687,2,,2,,2,2,2 -9688,1,1,1,2,2,2,2 -9689,1,1,1,2,2,2,1 -9690,1,1,2,,2,2,2 -9691,1,1,2,,2,2,2 -9692,1,1,1,2,2,1,2 -9693,2,,2,,2,2,1 -9694,1,1,2,,2,2,1 -9695,1,1,2,,2,2,2 -9696,1,1,2,,2,2,2 -9697,2,,2,,2,2,1 -9698,2,,2,,2,2,1 -9699,1,1,2,,2,2,2 -9700,2,,2,,2,2,2 -9701,1,1,2,,2,2,2 -9702,2,,2,,2,2,2 -9703,1,1,2,,2,2,2 -9704,2,,2,,2,2,1 -9705,1,1,2,,2,2,2 -9706,2,,2,,2,2,2 -9707,1,1,1,2,2,2,1 -9708,2,,2,,2,2,2 -9709,2,,2,,2,2,2 -9710,2,,2,,2,2,1 -9711,1,1,1,2,2,2,2 -9712,1,1,1,2,2,2,2 -9713,1,1,2,,2,2,1 -9714,1,1,1,2,2,2,1 -9715,1,1,2,,2,2,1 -9716,2,,2,,2,2,1 -9717,2,,1,2,2,2,2 -9718,1,1,1,2,2,1,2 -9719,2,,2,,2,2,2 -9720,2,,2,,2,2,2 -9721,2,,2,,2,2,2 -9722,2,,2,,2,2,2 -9723,2,,2,,2,1,1 -9724,1,1,2,,2,2,2 -9725,1,1,1,2,2,2,2 -9726,1,1,1,2,2,2,2 -9727,2,,2,,2,2,2 -9728,2,,1,2,2,2,1 -9729,2,,2,,2,2,2 -9730,2,,1,2,2,2,1 -9731,1,1,1,2,2,2,1 -9732,2,,1,2,2,2,2 -9733,2,,2,,2,2,2 -9734,1,2,2,,2,2,1 -9735,1,1,1,2,2,2,2 -9736,1,1,2,,2,2,1 -9737,1,1,1,2,2,2,2 -9738,1,1,1,2,2,2,1 -9739,1,1,2,,2,1,1 -9740,1,1,2,,2,2,2 -9741,1,2,1,2,1,1,1 -9742,1,1,1,2,2,2,2 -9743,1,1,2,,2,2,2 -9744,1,1,1,2,2,2,2 -9745,1,1,2,,2,2,2 -9746,1,1,1,2,2,2,2 -9747,2,,2,,2,2,2 -9748,1,1,2,,2,2,2 -9749,2,,2,,2,2,2 -9750,2,,1,2,2,2,2 -9751,2,,2,,2,2,1 -9752,1,1,1,2,2,1,2 -9753,2,,2,,2,2,2 -9754,2,,2,,2,2,2 -9755,1,1,1,2,2,2,2 -9756,1,1,2,,2,2,2 -9757,1,1,2,,2,2,2 -9758,2,,2,,2,2,1 -9759,1,1,1,2,2,2,1 -9760,1,1,1,2,2,2,2 -9761,2,,2,,2,2,2 -9762,2,,2,,2,2,2 -9763,1,1,1,2,2,2,2 -9764,1,1,2,,2,2,2 -9765,1,1,2,,2,2,1 -9766,2,,2,,2,2,2 -9767,2,,1,2,2,2,2 -9768,1,1,1,2,2,2,2 -9769,1,1,2,,2,2,1 -9770,2,,2,,2,2,2 -9771,1,1,1,2,2,2,2 -9772,1,1,1,2,2,2,2 -9773,2,,1,2,2,2,2 -9774,1,1,1,2,2,2,2 -9775,2,,2,,2,2,1 -9776,1,1,1,2,2,2,2 -9777,1,1,2,,2,2,1 -9778,1,1,2,,2,2,1 -9779,1,1,2,,2,2,2 -9780,2,,2,,2,2,2 -9781,1,1,1,2,2,2,1 -9782,1,1,1,2,2,2,1 -9783,1,1,2,,2,2,2 -9784,2,,2,,2,2,1 -9785,2,,2,,2,2,2 -9786,1,1,1,2,2,2,2 -9787,1,2,1,2,2,2,1 -9788,1,1,1,1,2,2,1 -9789,2,,2,,2,2,2 -9790,1,1,2,,2,2,2 -9791,1,1,1,2,2,2,1 -9792,2,,2,,2,2,1 -9793,1,1,1,2,2,2,1 -9794,1,2,1,2,2,1,1 -9795,1,1,2,,2,2,1 -9796,1,1,1,2,2,2,1 -9797,2,,2,,2,2,2 -9798,2,,2,,2,2,2 -9799,1,1,1,2,2,1,1 -9800,2,,2,,2,2,2 -9801,1,1,2,,2,2,1 -9802,1,1,1,2,2,2,1 -9803,1,1,2,,2,2,2 -9804,2,,2,,2,2,2 -9805,1,1,2,,2,2,1 -9806,2,,2,,2,2,1 -9807,2,,2,,2,1,1 -9808,1,1,2,,2,2,2 -9809,2,,2,,2,2,1 -9810,2,,2,,2,2,2 -9811,2,,2,,2,2,1 -9812,2,,1,2,2,2,2 -9813,1,1,2,,2,2,2 -9814,1,1,1,2,2,2,1 -9815,1,1,1,2,2,2,2 -9816,2,,2,,2,2,2 -9817,2,,2,,2,2,2 -9818,1,1,2,,2,2,1 -9819,2,,2,,2,2,1 -9820,2,,2,,2,2,2 -9821,1,1,1,2,2,2,1 -9822,1,2,2,,2,2,1 -9823,1,1,1,2,2,2,1 -9824,2,,2,,2,2,1 -9825,2,,2,,2,2,2 -9826,1,1,2,,2,2,2 -9827,1,1,1,2,2,2,1 -9828,1,1,1,2,2,2,1 -9829,1,1,1,2,2,2,2 -9830,1,1,2,,2,2,1 -9831,2,,2,,2,2,1 -9832,2,,2,,2,2,2 -9833,2,,2,,2,2,2 -9834,1,1,2,,2,2,2 -9835,1,1,2,,2,2,2 -9836,1,1,1,2,2,2,2 -9837,1,1,1,2,2,1,1 -9838,2,,2,,2,2,1 -9839,1,1,1,2,2,2,1 -9840,1,1,1,2,2,2,2 -9841,1,1,1,2,2,2,1 -9842,1,1,2,,2,2,2 -9843,2,,2,,2,2,2 -9844,1,1,1,2,2,2,1 -9845,2,,2,,2,2,1 -9846,2,,2,,2,2,2 -9847,2,,2,,2,2,1 -9848,1,2,2,,2,2,1 -9849,2,,2,,2,2,2 -9850,1,1,2,,2,2,1 -9851,1,1,2,,2,2,1 -9852,1,1,2,,2,2,1 -9853,1,1,1,2,2,2,1 -9854,2,,2,,2,2,1 -9855,1,1,1,2,2,2,2 -9856,1,1,1,2,2,2,1 -9857,1,1,2,,2,1,2 -9858,1,1,1,1,2,2,2 -9859,2,,2,,2,2,1 -9860,2,,2,,2,2,2 -9861,1,1,2,,2,2,1 -9862,1,1,1,2,2,2,2 -9863,2,,2,,2,2,2 -9864,1,1,2,,2,2,1 -9865,1,1,1,2,2,2,1 -9866,2,,2,,2,2,2 -9867,1,1,2,,2,2,2 -9868,1,1,2,,2,2,1 -9869,1,1,1,2,2,1,2 -9870,1,1,2,,2,2,1 -9871,1,1,1,2,2,2,1 -9872,1,1,1,2,2,2,1 -9873,1,1,1,2,2,2,2 -9874,2,,2,,2,2,1 -9875,1,1,2,,2,2,2 -9876,2,,2,,2,2,1 -9877,1,1,1,2,2,1,1 -9878,2,,2,,2,2,1 -9879,1,2,2,,2,2,2 -9880,1,1,2,,2,2,1 -9881,1,1,1,2,2,2,1 -9882,2,,2,,2,2,2 -9883,1,1,1,2,2,2,2 -9884,2,,2,,2,2,1 -9885,2,,2,,2,2,2 -9886,1,1,1,2,2,2,2 -9887,1,1,2,,2,2,1 -9888,1,1,2,,2,2,1 -9889,2,,2,,2,2,1 -9890,1,1,1,2,2,2,2 -9891,2,,2,,2,2,2 -9892,1,1,1,2,2,2,2 -9893,1,1,2,,2,2,1 -9894,1,1,1,2,2,2,2 -9895,2,,2,,2,2,2 -9896,2,,2,,2,2,1 -9897,1,1,2,,2,1,2 -9898,1,1,1,2,2,1,1 -9899,1,1,1,2,2,1,1 -9900,1,1,1,2,2,2,2 -9901,1,1,1,2,2,1,2 -9902,2,,2,,2,2,1 -9903,2,,2,,2,2,2 -9904,2,,2,,2,2,1 -9905,1,1,2,,2,1,2 -9906,2,,2,,2,2,1 -9907,1,1,1,2,2,2,2 -9908,2,,2,,2,2,2 -9909,2,,2,,2,2,1 -9910,1,1,1,2,2,2,2 -9911,2,,2,,2,2,2 -9912,2,,2,,2,2,2 -9913,2,,2,,2,2,1 -9914,1,1,1,2,2,2,2 -9915,1,1,1,2,2,2,2 -9916,1,1,1,2,2,2,1 -9917,1,1,2,,2,2,2 -9918,2,,2,,2,2,2 -9919,1,1,2,,2,2,1 -9920,1,1,2,,2,2,1 -9921,1,1,2,,2,2,1 -9922,2,,2,,2,2,2 -9923,2,,2,,2,2,1 -9924,1,1,2,,2,2,2 -9925,2,,2,,2,2,1 -9926,1,1,2,,2,2,1 -9927,1,1,1,2,2,2,2 -9928,1,1,1,2,2,2,2 -9929,2,,2,,2,2,2 -9930,2,,2,,2,2,2 -9931,2,,2,,2,2,2 -9932,2,,2,,2,2,1 -9933,1,1,2,,2,2,1 -9934,1,1,2,,2,1,2 -9935,1,1,1,2,2,2,2 -9936,2,,2,,2,2,2 -9937,2,,2,,2,2,2 -9938,2,,1,2,2,2,2 -9939,2,,1,2,2,2,2 -9940,1,1,1,2,2,2,2 -9941,2,,2,,2,2,2 -9942,1,1,1,2,2,2,2 -9943,1,1,2,,2,2,2 -9944,1,1,1,2,2,2,1 -9945,1,1,1,2,2,2,1 -9946,1,1,2,,2,2,2 -9947,1,2,2,,2,2,1 -9948,1,1,1,1,2,2,2 -9949,2,,2,,2,2,1 -9950,1,1,2,,2,2,1 -9951,2,,2,,2,2,2 -9952,1,1,1,2,2,2,2 -9953,2,,2,,2,2,2 -9954,1,1,1,2,2,2,1 -9955,1,1,2,,2,2,2 -9956,2,,2,,2,2,2 -9957,2,,2,,2,2,2 -9958,1,2,2,,2,2,2 -9959,1,1,1,2,2,2,2 -9960,2,,2,,2,2,2 -9961,2,,2,,2,2,1 -9962,1,1,2,,2,2,2 -9963,1,1,2,,2,2,1 -9964,2,,2,,2,2,1 -9965,2,,2,,2,2,1 -9966,1,1,1,2,2,2,2 -9967,1,1,1,2,2,2,1 -9968,1,1,1,2,2,2,2 -9969,1,1,1,2,2,2,1 -9970,2,,2,,2,2,1 -9971,1,1,1,2,2,2,1 -9972,1,2,1,2,1,1,1 -9973,1,2,2,,2,2,2 -9974,2,,2,,2,2,2 -9975,2,,2,,2,2,2 -9976,1,1,1,2,2,2,2 -9977,1,1,1,2,2,2,2 -9978,1,1,2,,2,2,2 -9979,1,1,2,,2,2,2 -9980,2,,2,,2,2,2 -9981,1,1,2,,2,2,2 -9982,1,1,1,2,2,2,2 -9983,1,1,1,2,2,2,1 -9984,2,,2,,2,2,1 -9985,1,1,2,,2,2,2 -9986,2,,2,,2,2,1 -9987,1,1,1,2,2,2,1 -9988,2,,2,,2,2,2 -9989,2,,2,,2,2,2 -9990,2,,2,,2,2,1 -9991,1,1,2,,2,2,1 -9992,1,1,2,,2,2,1 -9993,2,,2,,2,2,2 -9994,2,,1,2,2,2,2 -9995,1,1,1,2,2,2,1 -9996,2,,1,1,2,2,2 -9997,2,,2,,2,2,2 -9998,2,,1,2,2,2,1 -9999,2,,2,,2,2,1 -10000,1,1,1,2,2,2,1 -10001,2,,2,,2,2,1 -10002,2,,2,,2,2,1 -10003,1,1,1,2,2,2,2 -10004,2,,2,,2,2,2 -10005,1,1,1,2,2,2,2 -10006,2,,2,,2,2,2 -10007,2,,2,,2,2,1 -10008,1,1,1,2,2,2,1 -10009,2,,2,,2,2,1 -10010,2,,2,,2,1,1 -10011,2,,2,,2,2,2 -10012,1,1,2,,2,2,2 -10013,1,1,1,2,2,2,1 -10014,1,1,1,2,2,2,2 -10015,1,1,1,2,2,2,1 -10016,1,1,1,2,2,2,1 -10017,1,1,1,1,2,2,1 -10018,2,,2,,2,2,2 -10019,2,,1,1,2,2,1 -10020,1,1,2,,2,2,1 -10021,1,1,2,,2,2,1 -10022,2,,2,,2,2,2 -10023,2,,2,,2,2,2 -10024,2,,2,,2,2,1 -10025,1,1,2,,2,2,2 -10026,1,1,2,,2,2,2 -10027,1,1,1,2,2,2,1 -10028,2,,2,,2,2,2 -10029,2,,2,,2,2,2 -10030,1,1,1,2,2,2,1 -10031,1,1,2,,2,2,2 -10032,1,1,1,2,2,2,1 -10033,1,1,2,,2,2,2 -10034,2,,2,,2,2,2 -10035,1,1,1,2,2,2,1 -10036,1,1,1,2,2,1,1 -10037,1,1,2,,2,2,2 -10038,1,1,2,,2,2,2 -10039,1,1,2,,2,2,1 -10040,2,,2,,2,2,2 -10041,2,,2,,2,2,2 -10042,1,1,2,,2,2,1 -10043,2,,2,,2,2,1 -10044,1,1,2,,2,2,1 -10045,1,1,2,,2,2,1 -10046,2,,2,,2,2,2 -10047,1,1,2,,2,2,1 -10048,2,,1,2,2,2,1 -10049,1,1,1,2,2,2,2 -10050,2,,2,,2,2,1 -10051,1,1,2,,2,2,1 -10052,1,1,2,,2,2,2 -10053,2,,2,,2,2,2 -10054,1,1,2,,2,2,1 -10055,1,1,1,2,2,2,1 -10056,1,1,2,,2,2,2 -10057,1,1,1,2,2,1,1 -10058,1,1,1,2,2,2,2 -10059,1,1,1,2,2,2,1 -10060,1,1,2,,2,2,2 -10061,1,1,1,2,2,2,1 -10062,1,1,2,,2,2,1 -10063,1,1,1,2,2,2,2 -10064,1,2,1,2,2,2,1 -10065,1,1,2,,2,2,1 -10066,1,1,1,2,2,2,2 -10067,1,1,1,2,2,2,2 -10068,1,1,1,2,2,2,2 -10069,1,1,2,,2,2,2 -10070,1,1,1,2,2,2,1 -10071,2,,2,,2,2,1 -10072,1,1,1,2,2,2,2 -10073,1,1,1,2,2,2,1 -10074,1,1,2,,2,2,2 -10075,1,1,1,2,2,2,2 -10076,2,,2,,2,2,2 -10077,1,1,2,,2,2,1 -10078,2,,2,,2,2,2 -10079,1,1,1,2,2,2,1 -10080,1,1,1,2,2,2,1 -10081,1,1,2,,2,2,2 -10082,2,,2,,2,2,2 -10083,1,1,1,2,2,2,1 -10084,1,1,1,2,2,2,2 -10085,1,1,1,2,2,2,1 -10086,1,1,1,2,2,2,2 -10087,1,1,2,,2,2,1 -10088,2,,2,,2,2,2 -10089,1,1,1,2,2,2,2 -10090,2,,2,,2,2,2 -10091,2,,2,,2,2,2 -10092,1,1,2,,2,2,2 -10093,1,1,2,,2,2,1 -10094,1,1,2,,2,2,2 -10095,1,1,2,,2,2,2 -10096,1,2,1,2,2,1,1 -10097,1,1,1,1,2,2,1 -10098,2,,2,,2,2,2 -10099,2,,2,,2,2,2 -10100,1,2,2,,2,2,1 -10101,2,,2,,2,2,1 -10102,1,1,1,2,2,2,2 -10103,1,1,1,2,2,1,1 -10104,2,,2,,2,2,2 -10105,2,,2,,2,2,2 -10106,2,,2,,2,2,1 -10107,2,,2,,2,2,2 -10108,2,,1,2,2,2,2 -10109,2,,1,2,2,2,2 -10110,1,1,1,2,2,2,1 -10111,2,,2,,2,2,2 -10112,2,,2,,2,2,2 -10113,2,,2,,2,2,1 -10114,2,,2,,2,2,1 -10115,2,,2,,2,2,2 -10116,1,1,1,2,2,2,2 -10117,2,,2,,2,2,1 -10118,1,1,1,2,2,2,1 -10119,1,1,1,2,2,2,1 -10120,2,,2,,2,2,1 -10121,1,2,1,2,2,2,1 -10122,1,1,1,2,2,2,2 -10123,2,,2,,2,2,2 -10124,1,1,1,2,2,1,1 -10125,2,,2,,2,2,2 -10126,2,,2,,2,2,1 -10127,1,1,1,2,2,2,2 -10128,2,,2,,2,2,2 -10129,1,1,1,2,2,2,2 -10130,2,,1,2,2,2,2 -10131,2,,2,,2,2,2 -10132,2,,2,,2,2,1 -10133,2,,2,,2,2,2 -10134,2,,2,,2,2,2 -10135,2,,2,,2,2,1 -10136,2,,2,,2,2,2 -10137,2,,2,,2,2,1 -10138,1,1,2,,2,2,2 -10139,2,,2,,2,2,1 -10140,1,1,1,2,2,2,1 -10141,1,1,2,,2,1,1 -10142,2,,2,,2,2,2 -10143,2,,2,,2,2,2 -10144,1,1,1,2,2,2,1 -10145,2,,1,2,2,2,2 -10146,1,1,2,,2,2,1 -10147,1,1,1,2,2,1,1 -10148,2,,2,,2,2,1 -10149,2,,2,,2,1,2 -10150,1,1,1,2,2,2,1 -10151,1,1,1,2,2,2,2 -10152,1,1,1,2,2,2,1 -10153,2,,2,,2,2,2 -10154,1,1,2,,2,2,2 -10155,1,1,1,2,2,2,1 -10156,1,1,1,2,2,2,2 -10157,2,,2,,2,2,2 -10158,2,,1,2,2,2,1 -10159,1,1,1,2,2,2,2 -10160,2,,2,,2,2,2 -10161,1,1,1,2,2,1,1 -10162,1,1,2,,2,2,1 -10163,1,1,1,2,2,2,1 -10164,2,,2,,2,2,1 -10165,1,1,1,2,2,2,1 -10166,1,1,2,,2,2,2 -10167,2,,2,,2,1,1 -10168,2,,2,,2,2,2 -10169,2,,2,,2,2,1 -10170,1,1,1,2,2,2,2 -10171,1,1,1,2,2,2,2 -10172,1,1,1,2,2,2,2 -10173,2,,2,,2,2,1 -10174,1,1,1,1,2,2,1 -10175,1,1,2,,2,2,1 -10176,1,1,1,2,2,2,2 -10177,1,1,1,2,2,1,1 -10178,2,,2,,2,2,2 -10179,1,1,1,2,2,1,2 -10180,2,,2,,2,2,2 -10181,1,1,1,2,2,2,2 -10182,1,1,2,,2,2,2 -10183,1,1,2,,2,2,2 -10184,2,,2,,2,2,2 -10185,2,,2,,2,2,2 -10186,1,1,2,,2,2,1 -10187,1,1,1,2,2,2,1 -10188,2,,1,2,2,2,2 -10189,1,1,2,,2,2,2 -10190,1,1,1,2,2,2,1 -10191,1,1,1,2,2,2,2 -10192,1,1,2,,2,2,1 -10193,2,,2,,2,2,2 -10194,1,1,2,,2,2,2 -10195,1,1,2,,2,2,2 -10196,1,1,1,2,2,2,2 -10197,2,,1,2,2,2,2 -10198,1,1,1,2,2,2,1 -10199,1,1,1,2,2,2,1 -10200,2,,2,,2,2,2 -10201,2,,2,,2,2,2 -10202,1,1,1,2,2,2,2 -10203,1,1,2,,2,1,2 -10204,2,,2,,2,2,2 -10205,1,1,2,,2,2,2 -10206,1,1,1,2,2,2,2 -10207,1,1,1,2,2,2,2 -10208,2,,2,,2,2,2 -10209,1,1,2,,2,2,1 -10210,1,1,2,,2,2,2 -10211,1,1,1,2,2,2,1 -10212,1,1,1,2,2,2,1 -10213,1,1,1,2,2,2,1 -10214,1,1,2,,2,2,1 -10215,2,,2,,2,2,2 -10216,1,1,2,,2,2,2 -10217,1,1,1,2,2,2,1 -10218,1,1,2,,2,1,2 -10219,1,1,2,,2,2,2 -10220,1,1,1,2,2,2,1 -10221,2,,2,,2,2,1 -10222,1,1,1,2,2,2,1 -10223,2,,2,,2,2,2 -10224,1,1,1,1,2,2,1 -10225,1,1,2,,2,2,1 -10226,2,,2,,2,2,2 -10227,2,,1,2,2,2,1 -10228,2,,2,,2,2,1 -10229,1,2,1,2,2,2,1 -10230,1,1,1,2,2,2,2 -10231,1,1,1,2,2,2,1 -10232,1,1,2,,2,2,1 -10233,1,1,1,2,2,2,2 -10234,1,1,2,,2,2,1 -10235,1,1,2,,2,1,1 -10236,1,1,1,2,2,2,2 -10237,1,1,1,2,2,2,1 -10238,1,1,1,1,2,2,1 -10239,1,1,1,2,2,2,2 -10240,1,1,2,,2,2,1 -10241,2,,2,,2,2,2 -10242,1,1,1,2,2,2,2 -10243,1,1,1,2,2,2,2 -10244,2,,2,,2,2,1 -10245,1,1,1,2,2,2,1 -10246,2,,2,,2,2,2 -10247,1,1,1,2,2,2,1 -10248,1,1,1,2,2,2,2 -10249,2,,2,,2,2,2 -10250,1,1,1,2,2,2,1 -10251,2,,2,,2,2,2 -10252,1,1,2,,2,2,1 -10253,1,1,2,,2,2,1 -10254,2,,2,,2,2,2 -10255,1,1,2,,2,2,1 -10256,2,,2,,2,2,2 -10257,2,,2,,2,2,2 -10258,2,,2,,2,2,2 -10259,1,1,1,1,2,2,1 -10260,2,,2,,2,2,2 -10261,1,1,2,,2,2,1 -10262,2,,2,,2,2,1 -10263,1,1,1,2,2,2,2 -10264,1,1,2,,2,2,1 -10265,1,1,1,2,1,1,1 -10266,1,1,1,2,2,2,1 -10267,2,,2,,2,2,2 -10268,1,1,1,2,2,1,1 -10269,1,1,1,1,2,2,2 -10270,1,2,1,2,1,2,1 -10271,2,,2,,2,2,2 -10272,2,,2,,2,2,1 -10273,2,,2,,2,2,2 -10274,2,,2,,2,2,2 -10275,2,,2,,2,2,1 -10276,2,,2,,2,2,2 -10277,2,,2,,2,1,2 -10278,1,1,1,2,2,2,1 -10279,2,,2,,2,2,1 -10280,2,,2,,2,2,2 -10281,1,1,1,2,2,2,1 -10282,1,1,2,,2,2,1 -10283,1,1,2,,2,2,1 -10284,1,1,1,2,2,2,2 -10285,1,1,2,,2,2,1 -10286,2,,2,,2,2,2 -10287,1,1,1,2,2,2,1 -10288,1,1,1,2,2,2,1 -10289,2,,2,,2,1,1 -10290,1,1,2,,2,2,1 -10291,1,1,1,1,2,2,1 -10292,2,,2,,2,2,1 -10293,1,1,2,,2,2,2 -10294,1,1,2,,2,2,2 -10295,1,1,1,1,2,2,1 -10296,1,1,1,2,2,2,1 -10297,1,1,1,2,2,2,1 -10298,1,1,1,2,2,2,2 -10299,2,,2,,2,2,2 -10300,1,1,1,2,2,1,1 -10301,2,,1,2,2,2,1 -10302,1,1,1,2,2,2,1 -10303,2,,1,2,2,2,2 -10304,1,1,1,2,2,2,2 -10305,1,1,1,2,2,2,1 -10306,1,1,1,2,2,2,1 -10307,1,1,2,,2,2,2 -10308,1,1,2,,2,2,2 -10309,1,1,1,2,2,2,2 -10310,2,,2,,2,2,1 -10311,1,1,2,,2,2,2 -10312,1,2,1,1,2,1,1 -10313,2,,2,,2,2,1 -10314,1,1,1,2,2,2,2 -10315,2,,2,,2,2,2 -10316,2,,2,,2,2,2 -10317,2,,2,,2,2,2 -10318,1,1,1,2,2,2,1 -10319,1,1,1,2,2,1,2 -10320,1,1,2,,2,2,1 -10321,1,1,2,,2,2,2 -10322,1,2,2,,2,2,1 -10323,2,,2,,2,2,1 -10324,2,,2,,2,2,2 -10325,1,1,1,2,2,2,2 -10326,1,1,1,2,2,2,2 -10327,2,,2,,2,2,2 -10328,2,,2,,2,2,2 -10329,2,,2,,2,2,2 -10330,2,,2,,2,2,2 -10331,2,,2,,2,2,1 -10332,1,1,2,,2,2,1 -10333,1,1,1,2,2,2,1 -10334,2,,2,,2,2,2 -10335,1,1,1,2,2,2,2 -10336,1,1,1,1,2,1,1 -10337,1,1,1,2,2,2,1 -10338,1,1,1,2,2,2,2 -10339,1,1,2,,2,2,1 -10340,1,1,1,2,2,2,2 -10341,2,,2,,2,2,2 -10342,1,1,1,2,2,2,2 -10343,2,,2,,2,2,2 -10344,1,1,2,,2,2,2 -10345,2,,2,,2,2,2 -10346,1,1,1,2,2,2,2 -10347,1,1,1,2,2,2,2 -10348,1,1,2,,2,2,1 -10349,1,1,1,2,2,1,1 -10350,1,2,1,2,2,1,1 -10351,1,1,1,2,2,1,1 -10352,2,,1,2,2,2,2 -10353,1,2,1,2,2,1,1 -10354,1,1,2,,2,2,1 -10355,1,2,2,,2,2,1 -10356,1,1,2,,2,2,2 -10357,1,1,1,2,2,2,1 -10358,1,1,1,2,2,2,1 -10359,1,1,1,2,2,2,2 -10360,1,1,2,,2,2,2 -10361,1,1,1,2,2,2,1 -10362,1,1,2,,2,2,2 -10363,2,,2,,2,2,2 -10364,2,,2,,2,2,2 -10365,1,1,1,2,2,2,1 -10366,2,,2,,2,2,1 -10367,1,1,2,,2,2,2 -10368,1,1,2,,2,2,1 -10369,1,1,2,,2,2,1 -10370,1,1,1,2,2,1,1 -10371,1,1,1,2,2,2,1 -10372,2,,2,,2,2,2 -10373,1,1,1,2,2,1,2 -10374,1,1,1,2,2,2,1 -10375,2,,2,,2,2,2 -10376,2,,2,,2,2,2 -10377,1,1,1,1,2,2,1 -10378,2,,2,,2,2,2 -10379,1,2,2,,2,2,1 -10380,1,1,1,2,2,1,1 -10381,1,1,1,2,2,2,1 -10382,1,1,2,,2,2,2 -10383,2,,2,,2,2,1 -10384,1,1,1,2,2,1,1 -10385,1,1,2,,2,2,2 -10386,2,,2,,2,2,1 -10387,1,1,1,2,2,2,1 -10388,1,1,1,2,2,2,1 -10389,1,1,2,,2,2,1 -10390,1,1,1,2,2,2,2 -10391,1,1,2,,2,2,1 -10392,1,1,2,,2,2,2 -10393,2,,2,,2,2,2 -10394,2,,2,,2,2,2 -10395,1,1,1,2,2,2,2 -10396,1,1,1,2,2,2,2 -10397,1,1,1,2,2,2,2 -10398,1,2,1,2,2,2,1 -10399,1,1,2,,2,2,2 -10400,1,1,1,1,1,2,1 -10401,1,1,1,2,2,2,2 -10402,1,1,1,2,2,2,1 -10403,2,,2,,2,2,2 -10404,1,1,1,2,2,2,2 -10405,1,1,2,,2,2,1 -10406,2,,2,,2,2,1 -10407,1,1,2,,2,2,2 -10408,1,1,1,2,2,2,1 -10409,2,,2,,2,2,2 -10410,1,1,2,,2,2,2 -10411,2,,2,,2,1,2 -10412,1,1,2,,2,2,2 -10413,1,1,2,,2,2,2 -10414,1,1,2,,2,2,2 -10415,2,,2,,2,2,2 -10416,2,,2,,2,2,2 -10417,1,1,1,2,2,2,1 -10418,2,,2,,2,2,1 -10419,2,,2,,2,2,2 -10420,2,,1,2,2,2,1 -10421,1,1,1,2,2,1,1 -10422,1,1,1,2,2,2,1 -10423,1,1,2,,2,2,2 -10424,2,,1,1,1,2,1 -10425,2,,1,2,2,2,2 -10426,2,,2,,2,2,2 -10427,2,,2,,2,2,2 -10428,2,,2,,2,2,2 -10429,1,1,1,2,2,2,2 -10430,1,1,1,2,2,2,1 -10431,1,1,1,2,2,2,2 -10432,1,1,1,2,2,2,2 -10433,1,1,1,2,2,2,2 -10434,1,1,1,2,2,2,2 -10435,2,,2,,2,2,2 -10436,1,1,1,2,2,2,1 -10437,2,,2,,2,2,2 -10438,1,1,2,,2,1,1 -10439,1,1,1,2,2,1,1 -10440,1,1,1,2,2,2,2 -10441,1,1,2,,2,2,2 -10442,1,1,1,1,2,1,1 -10443,2,,2,,2,2,2 -10444,2,,1,2,2,2,2 -10445,1,2,2,,1,2,1 -10446,1,1,2,,2,2,1 -10447,1,1,1,2,2,1,1 -10448,1,1,1,2,2,2,2 -10449,1,1,1,2,2,2,1 -10450,1,1,2,,2,2,1 -10451,2,,2,,2,2,2 -10452,1,1,1,2,2,2,1 -10453,2,,2,,2,2,2 -10454,1,1,1,2,2,1,2 -10455,2,,2,,2,2,2 -10456,2,,2,,2,1,2 -10457,1,1,1,2,2,2,1 -10458,2,,2,,2,1,2 -10459,1,1,2,,2,2,2 -10460,1,1,2,,2,2,2 -10461,2,,2,,2,2,2 -10462,1,1,1,2,2,1,1 -10463,2,,2,,2,2,2 -10464,2,,1,2,2,1,1 -10465,1,1,1,2,2,2,2 -10466,2,,2,,2,2,2 -10467,1,1,2,,2,2,2 -10468,2,,2,,2,2,1 -10469,2,,2,,2,2,1 -10470,1,1,2,,2,2,2 -10471,1,1,1,2,2,2,2 -10472,2,,2,,2,2,1 -10473,2,,2,,2,2,2 -10474,1,1,1,2,2,2,1 -10475,1,1,2,,2,2,2 -10476,1,2,1,1,2,1,1 -10477,1,1,1,2,2,1,2 -10478,2,,2,,2,2,2 -10479,1,1,2,,2,2,2 -10480,2,,2,,2,2,2 -10481,1,1,1,2,2,1,1 -10482,2,,2,,2,2,2 -10483,2,,2,,2,2,2 -10484,2,,2,,2,2,2 -10485,1,2,2,,2,2,1 -10486,2,,2,,2,2,1 -10487,2,,1,2,2,2,2 -10488,1,1,2,,2,2,1 -10489,1,1,2,,2,2,2 -10490,1,1,1,2,2,2,1 -10491,2,,2,,2,2,2 -10492,1,1,2,,2,1,2 -10493,1,1,1,2,2,2,2 -10494,2,,2,,2,2,1 -10495,2,,2,,2,2,2 -10496,2,,2,,2,2,2 -10497,1,1,1,2,2,2,1 -10498,2,,2,,2,2,2 -10499,1,1,1,2,2,2,2 -10500,1,1,2,,2,2,2 -10501,2,,2,,2,2,2 -10502,2,,2,,2,2,1 -10503,1,1,2,,2,2,1 -10504,1,1,2,,2,2,2 -10505,1,1,2,,2,2,2 -10506,1,1,1,2,2,2,1 -10507,1,1,2,,2,2,1 -10508,1,1,2,,2,2,1 -10509,2,,2,,2,2,2 -10510,2,,1,2,2,2,2 -10511,2,,2,,2,2,1 -10512,1,1,2,,2,2,1 -10513,1,1,2,,2,1,2 -10514,2,,2,,2,2,2 -10515,1,1,2,,2,2,2 -10516,1,1,2,,2,2,2 -10517,2,,2,,2,2,1 -10518,2,,2,,2,2,2 -10519,1,1,1,2,2,1,1 -10520,1,1,2,,2,2,1 -10521,1,1,1,1,2,1,1 -10522,1,1,2,,2,2,1 -10523,1,1,2,,2,2,1 -10524,1,1,1,2,2,2,1 -10525,1,1,2,,2,1,1 -10526,2,,2,,2,2,2 -10527,2,,2,,2,2,2 -10528,1,1,1,2,2,2,1 -10529,1,2,1,2,2,2,2 -10530,1,1,1,2,2,2,1 -10531,1,1,2,,2,2,1 -10532,1,1,1,2,2,2,2 -10533,1,1,2,,2,2,1 -10534,1,2,2,,2,2,2 -10535,2,,1,2,2,2,1 -10536,2,,1,2,2,2,1 -10537,2,,2,,2,2,2 -10538,1,1,1,2,2,2,1 -10539,2,,2,,2,2,2 -10540,1,2,2,,2,2,1 -10541,1,1,2,,2,2,2 -10542,1,1,1,2,2,2,1 -10543,1,1,2,,2,2,2 -10544,2,,2,,2,1,2 -10545,2,,2,,2,2,2 -10546,2,,2,,2,2,2 -10547,1,1,2,,2,2,1 -10548,1,1,2,,2,2,2 -10549,1,1,2,,2,2,1 -10550,1,1,2,,2,2,1 -10551,1,1,1,2,2,2,1 -10552,2,,2,,2,2,1 -10553,2,,2,,2,2,2 -10554,1,1,1,2,2,2,1 -10555,1,1,1,2,2,1,1 -10556,2,,2,,2,1,2 -10557,1,1,1,2,2,2,2 -10558,1,1,2,,2,2,1 -10559,1,1,1,2,2,2,2 -10560,1,1,1,2,2,2,2 -10561,1,1,1,2,2,2,1 -10562,1,1,1,2,2,1,1 -10563,1,1,2,,2,2,2 -10564,2,,2,,2,2,2 -10565,1,1,1,2,2,2,1 -10566,2,,1,2,2,2,1 -10567,2,,2,,2,2,1 -10568,2,,2,,2,1,1 -10569,2,,2,,2,1,2 -10570,1,1,2,,2,2,1 -10571,1,1,2,,2,2,2 -10572,1,1,1,2,2,2,2 -10573,1,1,2,,2,2,2 -10574,1,1,2,,2,2,2 -10575,1,1,2,,2,2,1 -10576,2,,2,,2,2,2 -10577,1,1,2,,2,2,2 -10578,2,,2,,2,2,2 -10579,1,1,2,,2,2,1 -10580,1,1,1,1,2,2,1 -10581,2,,2,,2,2,2 -10582,2,,2,,2,2,2 -10583,2,,2,,2,2,2 -10584,1,1,2,,2,2,1 -10585,1,1,1,2,2,2,2 -10586,1,1,2,,2,2,2 -10587,1,1,1,2,2,2,1 -10588,1,2,1,2,2,2,1 -10589,1,1,2,,2,2,1 -10590,1,1,1,2,2,2,2 -10591,2,,2,,2,2,2 -10592,2,,2,,2,2,2 -10593,2,,2,,2,1,1 -10594,1,1,2,,2,2,1 -10595,1,1,1,2,2,2,2 -10596,1,1,1,2,2,2,2 -10597,1,1,1,2,2,2,2 -10598,2,,1,2,2,2,1 -10599,1,1,2,,2,2,2 -10600,1,1,2,,1,1,1 -10601,1,1,1,2,2,2,1 -10602,2,,2,,2,2,2 -10603,1,1,1,2,2,2,2 -10604,2,,2,,2,1,1 -10605,1,1,1,2,2,2,1 -10606,1,1,1,2,2,1,2 -10607,1,1,2,,2,2,1 -10608,1,1,1,2,2,2,1 -10609,2,,2,,2,2,2 -10610,1,1,1,2,2,1,2 -10611,1,1,2,,2,2,2 -10612,2,,2,,2,2,2 -10613,2,,2,,2,2,2 -10614,1,1,2,,2,2,1 -10615,1,1,2,,2,2,2 -10616,1,1,2,,2,2,1 -10617,1,1,2,,2,2,1 -10618,2,,2,,2,2,2 -10619,1,1,1,2,2,2,1 -10620,1,1,1,2,2,1,2 -10621,2,,2,,2,2,2 -10622,2,,2,,2,2,2 -10623,1,1,2,,2,2,2 -10624,1,1,1,2,2,2,2 -10625,2,,2,,2,2,2 -10626,1,1,1,2,2,2,2 -10627,2,,2,,2,2,1 -10628,1,1,2,,2,2,2 -10629,1,1,1,2,2,2,1 -10630,1,1,2,,2,2,2 -10631,1,1,1,2,2,2,1 -10632,2,,2,,2,2,1 -10633,1,1,1,2,2,2,2 -10634,1,1,1,2,2,1,2 -10635,2,,2,,2,2,2 -10636,1,1,1,2,2,2,2 -10637,1,2,2,,1,2,1 -10638,1,1,2,,2,2,1 -10639,1,1,2,,2,2,1 -10640,1,1,2,,2,2,2 -10641,1,2,1,2,2,2,1 -10642,1,1,1,2,2,2,1 -10643,1,1,2,,2,2,1 -10644,2,,2,,2,2,1 -10645,2,,2,,2,2,2 -10646,2,,2,,2,2,2 -10647,1,1,1,2,2,2,1 -10648,1,1,2,,2,2,2 -10649,1,1,1,2,2,2,2 -10650,2,,2,,2,2,1 -10651,2,,2,,2,2,2 -10652,1,1,2,,2,2,2 -10653,1,1,1,2,2,1,2 -10654,2,,2,,2,2,2 -10655,2,,2,,2,2,2 -10656,1,1,1,2,2,2,2 -10657,1,1,2,,2,2,2 -10658,1,1,2,,2,2,1 -10659,1,1,1,2,2,2,1 -10660,1,1,2,,2,2,2 -10661,2,,2,,2,2,2 -10662,2,,1,2,2,2,2 -10663,2,,2,,2,2,2 -10664,2,,2,,2,2,2 -10665,2,,2,,2,1,1 -10666,1,1,2,,2,2,2 -10667,2,,2,,2,2,2 -10668,1,1,1,1,2,2,1 -10669,1,1,1,2,2,2,1 -10670,2,,2,,2,2,2 -10671,2,,1,2,2,2,1 -10672,1,2,2,,2,2,2 -10673,1,1,2,,2,2,1 -10674,1,1,1,2,2,2,2 -10675,1,1,2,,2,2,1 -10676,1,1,1,2,2,2,1 -10677,1,1,1,2,2,2,2 -10678,1,1,2,,2,2,2 -10679,1,1,2,,2,2,1 -10680,1,1,1,2,2,2,2 -10681,1,1,2,,2,2,2 -10682,2,,2,,2,2,2 -10683,1,1,1,2,2,2,2 -10684,1,1,1,2,2,2,1 -10685,2,,2,,2,2,1 -10686,2,,2,,2,2,2 -10687,2,,2,,2,2,2 -10688,1,1,1,2,2,2,2 -10689,1,1,2,,2,2,1 -10690,1,1,1,2,2,2,2 -10691,2,,2,,2,2,2 -10692,2,,2,,2,2,2 -10693,2,,2,,2,2,1 -10694,1,1,1,2,2,2,2 -10695,1,1,2,,2,2,1 -10696,1,1,1,2,2,2,2 -10697,1,1,1,2,2,2,1 -10698,1,1,1,2,2,2,1 -10699,1,1,2,,2,2,1 -10700,2,,2,,2,2,2 -10701,1,1,2,,2,2,1 -10702,1,1,2,,2,2,2 -10703,1,1,1,2,2,1,1 -10704,1,1,2,,2,2,1 -10705,1,1,1,2,2,2,1 -10706,1,1,1,2,2,2,2 -10707,1,1,1,2,2,2,1 -10708,1,2,2,,2,2,2 -10709,2,,2,,2,2,1 -10710,1,1,1,2,2,2,1 -10711,1,1,1,2,2,2,2 -10712,1,1,2,,2,2,1 -10713,1,1,1,1,2,2,1 -10714,1,1,1,2,2,2,2 -10715,2,,2,,2,2,2 -10716,1,1,1,2,2,2,1 -10717,1,1,2,,2,2,2 -10718,2,,2,,2,2,2 -10719,2,,2,,2,2,2 -10720,1,1,2,,2,2,1 -10721,1,1,2,,2,2,2 -10722,1,1,1,2,2,2,1 -10723,1,1,2,,2,2,2 -10724,1,1,2,,2,2,2 -10725,1,1,1,2,2,2,2 -10726,1,1,2,,2,2,1 -10727,1,1,1,2,2,2,1 -10728,1,1,1,2,2,2,2 -10729,2,,2,,2,2,1 -10730,1,1,1,2,2,2,1 -10731,1,1,1,2,2,2,1 -10732,2,,2,,2,2,2 -10733,1,1,2,,2,2,1 -10734,2,,2,,2,2,1 -10735,2,,1,1,2,2,1 -10736,2,,2,,2,2,2 -10737,1,2,1,2,2,1,1 -10738,1,1,1,2,2,2,1 -10739,1,1,1,2,2,2,1 -10740,1,1,2,,2,2,1 -10741,1,1,1,2,2,2,1 -10742,1,1,2,,2,2,2 -10743,1,1,2,,2,2,2 -10744,2,,2,,2,2,2 -10745,1,1,2,,2,2,2 -10746,1,1,2,,2,2,2 -10747,1,1,2,,2,2,2 -10748,2,,2,,2,2,1 -10749,1,1,2,,2,2,1 -10750,1,1,2,,2,2,2 -10751,1,1,1,2,2,1,1 -10752,2,,2,,2,2,2 -10753,1,1,2,,2,2,2 -10754,1,1,1,2,2,2,2 -10755,2,,2,,2,2,2 -10756,1,1,1,1,2,2,1 -10757,1,1,1,2,2,2,1 -10758,1,1,1,2,2,2,2 -10759,1,1,2,,2,2,2 -10760,2,,2,,2,2,1 -10761,1,1,2,,2,2,2 -10762,1,1,1,2,2,2,2 -10763,2,,1,2,2,2,1 -10764,1,1,2,,2,2,2 -10765,1,1,2,,2,2,1 -10766,2,,2,,2,2,2 -10767,2,,2,,2,2,2 -10768,1,1,1,2,2,2,2 -10769,1,1,1,2,2,2,2 -10770,1,1,1,2,2,2,1 -10771,2,,2,,2,2,2 -10772,1,1,2,,2,2,2 -10773,2,,2,,2,2,2 -10774,2,,2,,2,2,2 -10775,2,,2,,2,1,2 -10776,1,1,1,2,2,1,1 -10777,1,1,1,2,2,2,1 -10778,2,,2,,2,2,1 -10779,2,,2,,2,2,2 -10780,1,1,1,2,2,2,2 -10781,1,1,1,2,2,2,1 -10782,1,1,2,,2,2,2 -10783,1,1,1,2,2,1,1 -10784,1,1,1,2,2,2,1 -10785,1,1,1,2,2,2,1 -10786,1,1,1,2,2,2,1 -10787,1,1,1,2,2,2,2 -10788,2,,2,,2,2,2 -10789,1,1,2,,2,2,1 -10790,1,1,2,,2,2,1 -10791,2,,2,,2,2,2 -10792,1,1,1,2,2,2,1 -10793,1,1,1,2,2,2,1 -10794,1,1,1,2,2,2,2 -10795,1,1,1,2,2,1,1 -10796,1,1,2,,2,2,2 -10797,2,,2,,2,2,2 -10798,1,1,1,2,2,2,1 -10799,1,1,1,2,2,2,1 -10800,2,,2,,2,2,1 -10801,1,1,1,2,2,2,1 -10802,2,,2,,2,2,2 -10803,2,,2,,2,2,2 -10804,2,,2,,2,2,2 -10805,1,1,1,2,2,1,1 -10806,2,,1,2,2,2,2 -10807,1,1,2,,2,2,2 -10808,1,1,1,2,2,2,2 -10809,1,1,2,,2,2,2 -10810,1,1,1,2,2,1,2 -10811,1,1,1,2,2,1,1 -10812,1,1,2,,2,2,1 -10813,1,1,2,,2,2,2 -10814,1,1,2,,2,2,2 -10815,2,,2,,2,2,1 -10816,2,,2,,2,2,1 -10817,2,,2,,2,2,2 -10818,2,,2,,2,2,1 -10819,2,,2,,2,2,2 -10820,2,,2,,2,2,2 -10821,2,,2,,2,2,1 -10822,1,1,2,,2,2,1 -10823,1,1,1,2,2,1,1 -10824,2,,2,,2,2,1 -10825,1,1,1,2,2,2,1 -10826,1,1,1,2,2,2,1 -10827,1,1,1,2,2,1,2 -10828,1,1,1,2,2,2,1 -10829,1,1,2,,2,2,2 -10830,1,1,1,2,2,2,2 -10831,2,,2,,2,2,2 -10832,1,1,1,2,2,2,2 -10833,1,1,1,2,2,2,2 -10834,2,,2,,2,2,1 -10835,1,1,1,2,2,1,1 -10836,1,1,2,,2,2,1 -10837,2,,2,,2,2,2 -10838,2,,1,2,2,2,2 -10839,1,1,1,2,2,2,1 -10840,2,,1,1,2,2,1 -10841,1,1,1,2,2,2,1 -10842,1,1,1,2,2,2,2 -10843,2,,1,2,2,2,2 -10844,1,1,1,2,2,2,1 -10845,1,1,1,2,2,2,2 -10846,2,,1,2,2,2,2 -10847,1,1,1,2,2,2,1 -10848,2,,2,,2,1,2 -10849,2,,2,,2,2,2 -10850,1,1,1,2,2,2,1 -10851,1,1,2,,2,2,2 -10852,2,,2,,2,2,2 -10853,2,,1,2,2,2,1 -10854,1,1,1,2,2,2,2 -10855,2,,2,,2,2,1 -10856,1,1,1,2,2,2,1 -10857,1,1,2,,2,2,1 -10858,1,1,2,,2,2,2 -10859,1,1,1,2,2,2,1 -10860,1,1,1,2,2,2,2 -10861,1,1,1,2,2,2,1 -10862,1,1,2,,2,2,2 -10863,2,,2,,2,2,1 -10864,2,,1,2,2,2,2 -10865,1,1,2,,2,2,2 -10866,1,1,2,,2,2,1 -10867,2,,2,,2,2,2 -10868,2,,2,,2,2,2 -10869,2,,2,,2,2,2 -10870,1,1,2,,2,2,2 -10871,2,,2,,2,2,1 -10872,1,1,2,,2,2,2 -10873,2,,2,,2,2,2 -10874,1,1,2,,2,2,2 -10875,2,,1,2,2,2,2 -10876,2,,2,,2,2,1 -10877,1,1,1,1,2,2,1 -10878,1,1,1,2,2,2,2 -10879,2,,2,,2,2,2 -10880,1,1,1,2,2,2,1 -10881,1,1,1,2,2,2,1 -10882,1,1,1,2,2,2,2 -10883,1,1,2,,2,2,1 -10884,1,1,1,2,2,2,2 -10885,1,1,2,,2,2,2 -10886,2,,2,,2,2,1 -10887,1,1,1,2,2,2,2 -10888,1,1,1,2,2,2,2 -10889,2,,1,2,2,2,2 -10890,1,1,1,1,2,2,1 -10891,1,1,2,,2,2,2 -10892,1,1,2,,2,2,1 -10893,1,1,1,2,2,2,2 -10894,2,,2,,2,2,2 -10895,1,1,2,,2,2,1 -10896,1,1,1,2,2,2,2 -10897,1,1,2,,2,2,2 -10898,2,,2,,2,2,1 -10899,2,,2,,2,2,2 -10900,2,,1,2,2,2,2 -10901,1,1,1,2,2,2,2 -10902,2,,2,,2,2,1 -10903,1,1,1,2,2,2,1 -10904,1,1,2,,2,2,1 -10905,1,1,2,,2,2,1 -10906,1,1,1,2,2,2,2 -10907,2,,2,,2,2,1 -10908,2,,2,,2,2,2 -10909,1,1,2,,2,2,2 -10910,1,1,2,,2,2,1 -10911,1,1,2,,2,2,1 -10912,1,1,1,2,2,2,2 -10913,1,1,1,2,2,2,2 -10914,2,,2,,2,2,1 -10915,2,,2,,2,2,2 -10916,2,,2,,2,2,2 -10917,2,,1,2,2,2,2 -10918,1,1,1,1,2,2,1 -10919,1,1,2,,2,2,2 -10920,1,1,2,,2,2,2 -10921,1,2,1,2,2,2,1 -10922,1,1,2,,2,2,2 -10923,1,1,2,,2,2,2 -10924,2,,2,,2,2,2 -10925,2,,2,,2,2,2 -10926,1,1,2,,2,2,2 -10927,1,1,1,2,2,2,1 -10928,2,,1,2,2,2,2 -10929,1,1,1,2,2,1,1 -10930,1,1,1,2,2,1,1 -10931,2,,2,,2,1,2 -10932,1,1,1,2,2,2,1 -10933,2,,2,,2,2,1 -10934,1,1,1,2,2,2,2 -10935,1,1,1,2,2,2,2 -10936,1,1,2,,2,2,1 -10937,1,1,1,2,2,1,1 -10938,1,1,2,,2,2,2 -10939,1,1,2,,2,2,2 -10940,1,1,1,2,2,2,1 -10941,1,2,1,1,2,2,1 -10942,1,1,1,2,2,2,2 -10943,1,1,1,2,2,2,2 -10944,2,,2,,2,2,2 -10945,1,1,1,2,2,2,2 -10946,2,,2,,2,2,1 -10947,2,,1,2,2,2,2 -10948,1,1,1,2,2,2,1 -10949,1,1,2,,2,2,2 -10950,1,1,1,2,2,1,1 -10951,1,1,2,,2,2,2 -10952,1,1,1,2,2,2,2 -10953,2,,2,,2,2,2 -10954,2,,2,,2,2,1 -10955,1,1,2,,2,2,2 -10956,1,1,1,2,2,2,2 -10957,1,1,2,,2,2,2 -10958,1,1,2,,2,2,1 -10959,1,1,1,1,2,2,1 -10960,1,1,2,,2,2,1 -10961,2,,1,2,2,2,1 -10962,1,1,2,,2,2,1 -10963,2,,2,,2,2,1 -10964,1,1,2,,2,2,2 -10965,1,1,2,,2,2,2 -10966,1,1,1,2,2,2,1 -10967,1,1,1,2,2,2,2 -10968,1,1,2,,2,2,2 -10969,2,,2,,2,2,2 -10970,1,1,1,2,2,2,2 -10971,2,,2,,2,2,2 -10972,1,1,1,2,2,2,1 -10973,1,1,1,2,2,2,2 -10974,1,1,1,2,2,2,2 -10975,2,,2,,2,1,2 -10976,2,,2,,2,2,1 -10977,2,,2,,2,2,2 -10978,1,1,2,,2,2,2 -10979,1,1,1,2,2,2,1 -10980,2,,2,,2,2,2 -10981,1,1,1,2,2,2,2 -10982,1,1,1,2,2,2,2 -10983,2,,2,,2,2,2 -10984,1,1,2,,2,2,2 -10985,1,1,1,2,2,2,2 -10986,1,1,1,2,2,2,2 -10987,1,1,2,,2,2,2 -10988,1,1,2,,2,2,2 -10989,1,1,1,2,2,2,2 -10990,2,,2,,2,2,2 -10991,1,1,2,,2,2,2 -10992,2,,2,,2,2,2 -10993,1,1,2,,2,2,1 -10994,1,1,1,2,2,2,1 -10995,2,,2,,2,2,2 -10996,1,1,2,,2,2,1 -10997,1,1,1,2,2,2,2 -10998,1,1,1,2,2,2,2 -10999,1,1,1,2,2,2,2 -11000,1,1,2,,2,2,1 -11001,2,,2,,2,2,1 -11002,2,,2,,2,2,2 -11003,1,1,1,2,2,2,1 -11004,2,,2,,2,2,1 -11005,2,,2,,2,2,2 -11006,1,1,1,2,2,2,1 -11007,1,1,1,2,2,2,1 -11008,2,,2,,2,2,1 -11009,1,1,2,,2,2,2 -11010,2,,2,,2,2,2 -11011,2,,2,,2,2,1 -11012,2,,2,,2,2,2 -11013,1,1,2,,2,2,2 -11014,2,,2,,2,2,1 -11015,1,1,1,2,2,2,1 -11016,1,1,2,,2,2,2 -11017,1,1,1,2,2,2,2 -11018,1,1,2,,2,2,1 -11019,1,1,1,2,2,2,1 -11020,1,1,2,,2,2,2 -11021,1,1,2,,2,2,2 -11022,1,1,2,,2,2,1 -11023,1,1,1,2,2,1,1 -11024,1,1,1,2,2,2,2 -11025,1,1,1,2,2,2,1 -11026,2,,2,,2,2,1 -11027,1,1,2,,2,2,1 -11028,2,,2,,2,2,2 -11029,2,,2,,2,2,2 -11030,1,1,2,,2,2,1 -11031,2,,1,2,2,2,2 -11032,1,1,1,2,2,2,1 -11033,1,1,2,,2,2,2 -11034,1,1,1,2,2,2,1 -11035,1,1,1,2,2,2,2 -11036,1,1,1,2,2,2,1 -11037,1,1,2,,2,2,1 -11038,1,1,2,,2,2,2 -11039,1,1,1,2,2,2,1 -11040,1,1,2,,2,2,2 -11041,1,1,2,,2,1,1 -11042,1,2,1,2,2,2,1 -11043,1,1,1,2,2,2,1 -11044,2,,2,,2,2,2 -11045,1,1,2,,2,2,2 -11046,1,1,1,2,2,2,1 -11047,1,1,1,2,2,2,2 -11048,2,,2,,2,2,2 -11049,1,1,2,,2,2,1 -11050,2,,2,,2,2,2 -11051,2,,2,,2,2,2 -11052,1,1,1,2,2,2,2 -11053,1,1,1,2,2,2,1 -11054,2,,2,,2,2,2 -11055,1,1,1,2,2,1,2 -11056,1,1,2,,2,2,2 -11057,2,,1,2,2,2,2 -11058,1,1,2,,2,2,1 -11059,1,1,1,2,2,2,1 -11060,1,1,2,,2,2,2 -11061,1,1,2,,2,2,2 -11062,1,1,1,2,2,1,1 -11063,2,,1,2,2,2,2 -11064,1,1,2,,2,2,1 -11065,1,1,2,,2,2,2 -11066,1,1,1,2,2,2,1 -11067,1,1,2,,2,2,2 -11068,2,,2,,2,2,2 -11069,1,1,2,,2,2,2 -11070,1,1,2,,2,1,2 -11071,2,,2,,2,2,2 -11072,2,,2,,2,1,1 -11073,1,1,1,2,2,2,2 -11074,1,1,2,,1,2,1 -11075,2,,2,,2,2,2 -11076,1,1,2,,2,2,2 -11077,2,,2,,2,2,2 -11078,1,1,1,2,2,2,2 -11079,2,,2,,2,2,2 -11080,2,,2,,2,2,1 -11081,1,1,1,2,2,2,2 -11082,1,1,2,,2,2,2 -11083,1,1,1,2,2,2,2 -11084,2,,1,2,2,1,1 -11085,2,,2,,1,2,1 -11086,1,1,1,2,2,2,1 -11087,2,,2,,2,2,1 -11088,2,,2,,2,2,2 -11089,1,1,2,,2,2,1 -11090,1,1,1,2,2,2,1 -11091,2,,2,,2,1,2 -11092,1,2,2,,2,2,1 -11093,1,1,1,2,2,2,1 -11094,1,1,1,2,2,2,1 -11095,2,,1,2,2,2,1 -11096,2,,2,,2,2,2 -11097,2,,2,,2,1,2 -11098,1,1,1,2,2,2,1 -11099,1,1,1,1,2,1,1 -11100,2,,2,,2,2,2 -11101,1,1,1,2,2,1,1 -11102,2,,2,,2,2,1 -11103,1,1,2,,2,2,2 -11104,1,1,1,2,2,2,1 -11105,1,1,2,,2,2,1 -11106,2,,2,,2,2,1 -11107,2,,2,,2,2,2 -11108,2,,1,2,2,2,1 -11109,1,2,1,2,2,2,1 -11110,1,1,2,,2,2,1 -11111,1,1,2,,2,1,2 -11112,2,,2,,2,2,2 -11113,2,,2,,2,2,2 -11114,1,1,1,2,2,2,2 -11115,1,1,1,2,2,2,2 -11116,2,,2,,2,2,1 -11117,2,,2,,2,2,1 -11118,1,1,1,2,2,2,2 -11119,2,,2,,2,2,2 -11120,1,1,1,2,2,2,1 -11121,1,1,2,,2,1,2 -11122,1,1,2,,2,2,1 -11123,1,2,2,,2,1,1 -11124,1,1,1,2,2,2,2 -11125,2,,1,2,2,2,2 -11126,1,1,1,2,2,2,1 -11127,2,,2,,2,2,2 -11128,2,,2,,2,2,2 -11129,1,1,2,,2,2,1 -11130,1,1,2,,2,2,2 -11131,2,,2,,2,2,2 -11132,1,1,1,2,2,2,1 -11133,1,1,2,,2,2,2 -11134,1,1,1,2,2,2,1 -11135,1,1,2,,2,2,1 -11136,1,1,2,,2,2,1 -11137,2,,2,,2,2,2 -11138,1,1,1,2,2,2,2 -11139,2,,2,,2,2,2 -11140,1,1,2,,2,2,1 -11141,2,,2,,2,2,2 -11142,1,1,2,,2,2,1 -11143,2,,2,,2,2,2 -11144,1,1,1,2,2,2,1 -11145,2,,2,,2,2,2 -11146,1,1,2,,2,2,1 -11147,2,,2,,2,2,2 -11148,2,,2,,2,2,2 -11149,2,,2,,2,2,2 -11150,1,1,1,2,2,2,1 -11151,1,1,1,2,2,2,2 -11152,1,1,1,2,2,2,2 -11153,1,1,1,2,2,2,1 -11154,2,,2,,2,2,2 -11155,1,1,1,2,2,2,2 -11156,2,,2,,2,1,1 -11157,1,1,2,,2,2,1 -11158,1,1,2,,2,2,2 -11159,2,,2,,2,2,2 -11160,2,,2,,2,2,2 -11161,1,1,1,2,2,1,2 -11162,1,1,2,,2,2,2 -11163,1,1,1,2,2,2,1 -11164,1,1,2,,2,2,2 -11165,2,,2,,2,2,1 -11166,1,1,2,,2,2,1 -11167,1,1,1,2,2,1,1 -11168,1,1,2,,2,2,2 -11169,2,,2,,2,2,2 -11170,1,1,2,,2,2,1 -11171,2,,2,,2,2,2 -11172,2,,1,2,2,2,1 -11173,1,1,2,,2,2,1 -11174,1,1,2,,2,2,2 -11175,1,1,2,,2,1,1 -11176,1,1,1,2,2,2,1 -11177,1,1,2,,2,2,1 -11178,1,1,1,2,2,2,2 -11179,1,1,1,2,2,2,2 -11180,2,,2,,2,2,2 -11181,2,,2,,2,2,2 -11182,2,,2,,2,2,1 -11183,1,1,1,2,2,2,1 -11184,1,1,1,2,2,2,2 -11185,2,,2,,2,2,2 -11186,1,1,1,2,2,2,1 -11187,2,,2,,2,2,1 -11188,2,,1,2,2,2,2 -11189,2,,2,,2,2,1 -11190,2,,2,,2,2,2 -11191,1,1,1,2,2,2,2 -11192,1,2,2,,2,1,1 -11193,2,,2,,2,2,2 -11194,2,,2,,2,2,2 -11195,2,,2,,2,2,2 -11196,2,,2,,2,2,2 -11197,1,1,2,,2,2,1 -11198,2,,1,2,2,2,1 -11199,1,1,2,,2,2,1 -11200,2,,1,2,2,2,2 -11201,1,1,1,2,2,2,1 -11202,2,,2,,2,2,1 -11203,2,,2,,2,2,2 -11204,1,1,2,,2,2,2 -11205,1,1,2,,2,2,1 -11206,2,,1,2,2,2,2 -11207,2,,2,,2,2,2 -11208,1,1,2,,2,2,2 -11209,1,1,2,,2,2,1 -11210,1,1,1,2,2,2,2 -11211,2,,2,,2,2,2 -11212,1,1,1,2,2,2,2 -11213,2,,1,2,2,2,1 -11214,1,2,1,2,2,2,1 -11215,1,1,2,,2,2,2 -11216,1,1,2,,2,2,2 -11217,1,1,1,2,2,2,2 -11218,1,1,2,,2,2,1 -11219,1,1,1,2,2,2,2 -11220,1,1,2,,2,2,2 -11221,1,1,1,2,2,2,1 -11222,1,1,1,2,2,1,1 -11223,1,1,2,,2,2,2 -11224,1,1,2,,2,2,2 -11225,1,1,2,,2,2,2 -11226,1,1,1,2,2,2,1 -11227,1,1,2,,2,2,2 -11228,1,1,1,2,2,2,1 -11229,1,1,1,2,2,2,1 -11230,1,1,2,,2,2,2 -11231,1,1,1,2,2,2,2 -11232,1,1,2,,2,2,2 -11233,2,,2,,2,2,2 -11234,1,1,1,2,2,2,2 -11235,2,,2,,2,1,2 -11236,2,,2,,2,2,2 -11237,2,,2,,2,2,1 -11238,1,1,1,2,2,2,1 -11239,1,1,1,2,2,2,2 -11240,1,1,2,,2,2,2 -11241,2,,2,,2,2,2 -11242,1,1,1,2,2,2,1 -11243,1,1,2,,2,2,1 -11244,1,1,1,2,2,2,1 -11245,1,1,1,2,2,2,1 -11246,2,,2,,2,2,2 -11247,1,1,1,2,2,1,1 -11248,2,,2,,2,2,1 -11249,2,,2,,1,2,1 -11250,2,,2,,2,2,1 -11251,1,1,2,,2,2,2 -11252,2,,2,,2,2,1 -11253,1,1,2,,2,2,2 -11254,2,,2,,2,2,2 -11255,2,,2,,2,2,1 -11256,2,,2,,2,2,2 -11257,2,,2,,2,2,1 -11258,1,1,1,2,2,2,1 -11259,2,,1,1,2,2,2 -11260,2,,2,,2,2,1 -11261,1,1,1,2,2,1,1 -11262,1,1,1,2,2,2,2 -11263,1,1,2,,2,2,2 -11264,1,1,2,,2,2,2 -11265,1,1,1,2,2,2,2 -11266,2,,2,,2,2,2 -11267,2,,1,2,2,2,2 -11268,1,1,1,2,2,2,1 -11269,1,1,2,,2,2,2 -11270,2,,1,2,2,2,2 -11271,1,1,2,,2,2,2 -11272,2,,2,,2,2,2 -11273,1,1,2,,2,2,2 -11274,1,1,2,,2,2,2 -11275,1,1,1,1,2,2,1 -11276,1,1,1,2,2,1,1 -11277,2,,2,,2,2,2 -11278,1,1,2,,2,1,2 -11279,1,1,2,,2,2,1 -11280,2,,2,,2,2,2 -11281,2,,2,,2,2,2 -11282,1,1,2,,2,2,2 -11283,1,1,1,2,2,2,1 -11284,2,,2,,2,2,2 -11285,1,2,2,,2,2,2 -11286,1,1,2,,2,2,1 -11287,2,,1,2,2,2,2 -11288,1,1,2,,2,2,1 -11289,2,,2,,2,2,1 -11290,1,1,2,,2,2,2 -11291,1,1,1,2,2,1,1 -11292,1,1,2,,2,2,2 -11293,1,1,2,,2,2,2 -11294,2,,2,,2,2,2 -11295,1,1,1,2,2,2,1 -11296,2,,2,,2,2,2 -11297,1,1,1,2,2,1,1 -11298,1,1,1,2,2,2,1 -11299,2,,2,,2,2,2 -11300,1,1,1,2,2,2,2 -11301,2,,1,2,2,2,2 -11302,2,,2,,2,2,2 -11303,1,1,2,,2,2,1 -11304,1,1,2,,2,2,1 -11305,2,,2,,2,2,2 -11306,1,1,2,,2,1,2 -11307,1,1,1,1,2,1,1 -11308,1,1,1,2,2,2,1 -11309,2,,1,2,2,2,2 -11310,1,1,2,,2,2,2 -11311,2,,2,,2,2,1 -11312,2,,2,,2,2,2 -11313,2,,1,2,2,1,2 -11314,1,1,2,,2,2,1 -11315,1,1,2,,2,2,2 -11316,2,,2,,2,2,1 -11317,2,,2,,2,2,1 -11318,2,,2,,2,2,2 -11319,1,1,2,,2,2,2 -11320,1,1,1,2,2,2,1 -11321,1,2,2,,2,1,1 -11322,2,,2,,2,2,2 -11323,2,,2,,2,2,2 -11324,1,1,2,,2,2,1 -11325,2,,2,,2,2,2 -11326,1,1,1,2,2,2,2 -11327,1,1,2,,2,2,2 -11328,1,1,2,,2,2,2 -11329,1,1,1,2,2,2,2 -11330,2,,1,2,2,2,2 -11331,2,,2,,2,2,2 -11332,1,1,1,2,2,1,2 -11333,2,,2,,2,2,2 -11334,1,1,1,2,2,2,1 -11335,1,1,2,,2,2,1 -11336,1,2,2,,2,2,1 -11337,1,1,2,,2,2,1 -11338,1,1,1,1,2,2,1 -11339,1,1,1,2,2,2,1 -11340,1,1,1,2,2,2,2 -11341,1,1,1,2,2,2,2 -11342,2,,2,,2,2,2 -11343,1,1,1,2,2,2,2 -11344,1,1,1,2,2,2,2 -11345,1,1,2,,2,1,2 -11346,1,1,1,2,2,2,2 -11347,1,1,2,,2,2,2 -11348,1,1,2,,2,2,1 -11349,1,1,1,2,2,2,2 -11350,1,1,2,,2,1,2 -11351,2,,2,,2,2,2 -11352,1,1,2,,2,2,2 -11353,1,1,1,2,2,2,2 -11354,2,,2,,2,2,2 -11355,1,1,1,2,2,2,1 -11356,1,1,1,2,2,2,2 -11357,2,,2,,2,2,2 -11358,1,1,2,,2,2,2 -11359,1,1,2,,2,2,1 -11360,2,,1,2,2,2,1 -11361,1,1,1,2,2,2,2 -11362,1,1,1,2,2,2,1 -11363,1,1,1,2,2,2,1 -11364,1,1,2,,2,2,2 -11365,2,,2,,2,2,2 -11366,2,,2,,2,2,2 -11367,1,1,1,2,2,2,2 -11368,1,1,1,2,2,2,2 -11369,1,1,1,2,2,2,1 -11370,1,1,1,2,2,2,1 -11371,1,1,1,2,2,1,1 -11372,1,1,1,2,2,2,2 -11373,1,1,1,2,2,2,2 -11374,2,,2,,2,2,2 -11375,1,1,2,,2,2,2 -11376,1,1,1,2,2,1,2 -11377,2,,1,2,2,2,2 -11378,1,1,2,,2,2,2 -11379,2,,2,,2,2,2 -11380,1,1,1,2,2,2,2 -11381,1,1,1,2,2,2,2 -11382,1,1,1,2,2,2,1 -11383,2,,2,,2,2,2 -11384,2,,2,,2,2,2 -11385,1,1,1,2,2,2,2 -11386,1,1,1,2,2,2,1 -11387,1,2,2,,2,1,1 -11388,1,1,1,2,2,2,2 -11389,1,1,1,2,2,1,1 -11390,2,,2,,2,2,2 -11391,1,1,2,,2,1,2 -11392,1,1,1,2,2,2,1 -11393,1,1,2,,2,2,1 -11394,1,1,2,,2,2,2 -11395,2,,2,,2,2,1 -11396,1,1,1,2,2,2,1 -11397,1,1,1,1,2,2,1 -11398,2,,2,,2,2,1 -11399,1,1,1,1,2,2,1 -11400,2,,2,,2,2,1 -11401,1,1,1,2,2,2,1 -11402,2,,2,,2,2,1 -11403,1,1,1,2,2,2,2 -11404,2,,2,,2,2,1 -11405,1,1,1,2,2,2,1 -11406,1,1,1,2,2,2,1 -11407,1,1,2,,2,2,2 -11408,2,,2,,2,2,1 -11409,1,1,1,1,2,2,1 -11410,1,1,2,,2,2,2 -11411,1,1,2,,2,2,2 -11412,1,1,1,2,2,2,1 -11413,1,1,2,,2,2,1 -11414,2,,2,,2,2,1 -11415,1,1,1,2,2,2,2 -11416,1,1,2,,2,2,1 -11417,1,1,2,,2,2,1 -11418,2,,2,,2,2,2 -11419,1,1,1,2,2,2,1 -11420,1,1,1,2,2,2,1 -11421,1,1,1,2,2,2,1 -11422,2,,2,,2,2,1 -11423,2,,2,,2,2,2 -11424,1,1,1,2,2,1,1 -11425,1,1,1,2,2,2,1 -11426,1,2,2,,2,1,2 -11427,1,1,2,,2,1,1 -11428,2,,2,,2,2,2 -11429,1,1,2,,2,2,2 -11430,2,,2,,2,2,2 -11431,1,1,1,2,2,2,2 -11432,1,1,2,,2,2,1 -11433,2,,2,,2,2,2 -11434,2,,2,,2,2,2 -11435,1,1,2,,2,2,2 -11436,2,,2,,2,2,1 -11437,2,,2,,2,2,2 -11438,1,1,2,,2,2,2 -11439,1,1,2,,2,2,1 -11440,1,2,2,,2,1,1 -11441,1,1,1,2,2,2,2 -11442,2,,2,,2,2,1 -11443,1,1,2,,2,2,1 -11444,1,1,2,,2,2,2 -11445,1,1,2,,2,2,1 -11446,2,,2,,2,2,2 -11447,1,1,1,1,2,1,1 -11448,2,,2,,2,2,1 -11449,1,1,1,2,2,2,1 -11450,2,,2,,2,2,2 -11451,2,,1,2,2,2,2 -11452,1,1,2,,2,2,1 -11453,2,,1,2,2,2,1 -11454,1,1,1,2,1,2,1 -11455,1,1,1,2,2,2,2 -11456,1,1,1,2,2,2,2 -11457,1,1,2,,2,2,1 -11458,1,1,1,2,2,2,2 -11459,2,,2,,2,2,2 -11460,1,1,1,2,2,2,1 -11461,1,1,1,2,2,1,1 -11462,2,,1,2,2,2,1 -11463,2,,2,,2,2,2 -11464,1,1,1,2,2,2,2 -11465,1,1,1,2,2,2,1 -11466,1,1,2,,2,2,2 -11467,2,,2,,2,2,1 -11468,1,1,2,,2,2,1 -11469,1,1,2,,2,2,2 -11470,1,1,1,2,2,2,1 -11471,1,1,1,2,2,2,2 -11472,1,1,1,2,2,2,1 -11473,2,,1,2,2,2,2 -11474,1,2,2,,2,2,1 -11475,1,1,2,,2,2,1 -11476,2,,2,,2,2,1 -11477,1,1,1,2,2,2,2 -11478,1,1,1,2,2,2,2 -11479,1,1,2,,2,2,2 -11480,1,1,1,2,2,2,1 -11481,1,1,1,2,2,2,2 -11482,1,1,1,2,2,2,1 -11483,1,1,2,,2,2,2 -11484,1,1,2,,2,2,2 -11485,1,1,2,,2,1,1 -11486,1,1,1,2,2,2,2 -11487,2,,2,,2,2,2 -11488,1,1,2,,2,2,2 -11489,1,1,2,,2,2,1 -11490,1,1,2,,2,2,2 -11491,1,1,1,2,2,2,1 -11492,1,1,1,2,2,2,1 -11493,1,1,1,2,2,2,1 -11494,2,,1,2,2,2,2 -11495,1,1,1,2,2,2,1 -11496,1,1,1,2,2,2,1 -11497,1,1,1,2,2,2,1 -11498,1,1,1,2,2,2,2 -11499,1,1,1,2,2,2,1 -11500,1,1,1,2,2,1,1 -11501,1,1,2,,2,2,2 -11502,1,1,2,,2,2,1 -11503,2,,2,,2,2,1 -11504,1,1,2,,2,2,2 -11505,1,1,2,,2,2,2 -11506,1,1,1,2,2,2,1 -11507,2,,2,,2,2,1 -11508,2,,2,,2,2,2 -11509,1,1,2,,2,2,1 -11510,1,1,1,2,2,2,2 -11511,2,,2,,2,1,1 -11512,2,,2,,2,2,2 -11513,1,1,1,2,2,2,1 -11514,1,1,2,,2,2,1 -11515,2,,2,,2,2,1 -11516,1,1,1,2,2,2,1 -11517,2,,2,,2,2,2 -11518,1,1,2,,2,1,2 -11519,2,,2,,2,2,1 -11520,1,1,1,2,2,2,2 -11521,1,1,2,,2,2,1 -11522,1,1,1,2,2,2,1 -11523,2,,1,2,2,2,2 -11524,1,1,1,2,2,2,1 -11525,1,1,2,,2,2,2 -11526,1,1,1,2,2,2,1 -11527,1,1,2,,2,1,2 -11528,1,2,2,,2,2,1 -11529,2,,2,,2,2,1 -11530,1,1,1,1,2,2,1 -11531,1,1,2,,2,2,2 -11532,1,1,2,,2,2,1 -11533,1,1,1,2,2,2,1 -11534,2,,2,,2,2,2 -11535,1,1,2,,2,2,1 -11536,1,1,1,2,2,2,1 -11537,1,1,2,,2,2,2 -11538,1,1,2,,2,2,1 -11539,1,1,2,,2,1,2 -11540,1,1,1,2,2,2,2 -11541,1,1,2,,2,2,1 -11542,1,1,1,2,2,1,1 -11543,1,1,2,,2,2,1 -11544,2,,2,,2,2,2 -11545,1,1,1,2,2,2,2 -11546,2,,1,2,2,2,2 -11547,2,,2,,2,2,2 -11548,1,1,1,2,2,2,2 -11549,1,1,1,2,2,1,1 -11550,2,,1,2,2,2,1 -11551,1,1,1,2,2,2,2 -11552,1,2,1,2,2,2,1 -11553,1,1,1,2,2,2,1 -11554,1,1,1,2,2,1,1 -11555,1,1,1,2,2,2,1 -11556,1,1,1,2,2,2,2 -11557,1,1,1,2,2,2,2 -11558,1,1,1,2,2,2,2 -11559,2,,2,,2,2,1 -11560,2,,1,2,2,2,2 -11561,2,,2,,2,2,1 -11562,1,1,2,,2,2,1 -11563,2,,2,,2,2,1 -11564,1,1,1,2,2,2,1 -11565,1,1,1,2,2,2,2 -11566,1,1,1,2,2,1,2 -11567,1,1,1,2,2,2,1 -11568,2,,2,,2,2,2 -11569,2,,2,,2,2,1 -11570,1,1,2,,2,2,2 -11571,2,,2,,2,2,2 -11572,1,1,2,,2,2,1 -11573,2,,2,,2,2,2 -11574,1,2,1,2,2,2,1 -11575,1,1,2,,2,2,2 -11576,2,,2,,2,2,2 -11577,2,,2,,2,2,2 -11578,1,1,1,2,2,2,2 -11579,1,1,2,,2,2,2 -11580,2,,1,2,2,2,2 -11581,1,1,2,,2,2,1 -11582,1,1,1,2,2,2,2 -11583,1,1,2,,2,2,2 -11584,2,,2,,2,2,2 -11585,1,1,2,,2,2,2 -11586,1,1,1,2,2,2,1 -11587,2,,2,,2,2,1 -11588,1,1,1,2,2,2,2 -11589,1,1,2,,2,2,2 -11590,1,1,1,2,2,2,1 -11591,2,,2,,2,2,2 -11592,2,,2,,2,2,2 -11593,2,,2,,2,1,2 -11594,1,2,2,,2,2,1 -11595,2,,1,2,2,2,2 -11596,2,,2,,2,2,2 -11597,2,,2,,2,2,1 -11598,1,1,1,2,2,2,1 -11599,2,,2,,2,2,2 -11600,1,1,1,2,2,2,1 -11601,2,,2,,2,2,1 -11602,1,1,1,2,2,2,2 -11603,2,,2,,2,2,1 -11604,1,1,1,2,2,1,2 -11605,2,,2,,2,2,2 -11606,1,1,1,2,2,2,2 -11607,1,2,1,2,2,2,1 -11608,1,1,1,2,2,2,2 -11609,1,1,2,,2,2,1 -11610,2,,2,,2,2,2 -11611,1,1,2,,2,2,1 -11612,1,1,1,2,2,2,1 -11613,2,,2,,2,2,1 -11614,1,1,2,,2,2,1 -11615,2,,2,,2,2,1 -11616,1,1,2,,2,2,2 -11617,1,2,1,1,2,2,1 -11618,2,,2,,2,2,2 -11619,2,,2,,2,2,2 -11620,2,,2,,2,2,2 -11621,1,1,2,,2,2,1 -11622,2,,2,,2,2,2 -11623,1,1,2,,2,2,2 -11624,1,1,1,2,2,2,2 -11625,1,1,1,2,2,2,2 -11626,1,1,1,2,2,2,2 -11627,2,,2,,2,2,2 -11628,1,1,2,,2,2,2 -11629,1,1,1,2,2,2,1 -11630,1,1,2,,2,2,1 -11631,2,,2,,2,2,1 -11632,1,1,2,,2,2,2 -11633,1,1,2,,2,2,1 -11634,1,2,1,1,2,2,1 -11635,2,,2,,2,2,2 -11636,2,,1,2,2,2,2 -11637,1,1,2,,2,2,2 -11638,1,1,1,2,2,2,2 -11639,1,1,2,,2,2,1 -11640,1,1,2,,2,2,1 -11641,2,,2,,2,2,1 -11642,1,1,2,,2,2,2 -11643,1,2,1,1,2,2,1 -11644,1,1,1,2,2,2,1 -11645,2,,2,,2,1,1 -11646,2,,2,,2,2,1 -11647,1,1,1,2,2,2,1 -11648,1,1,2,,2,1,1 -11649,1,1,1,2,2,2,1 -11650,1,1,2,,2,2,2 -11651,1,1,1,2,2,2,2 -11652,1,1,2,,2,2,2 -11653,2,,1,2,2,2,2 -11654,2,,2,,2,2,2 -11655,2,,2,,2,2,2 -11656,1,1,1,2,2,2,2 -11657,2,,2,,2,2,2 -11658,2,,2,,2,2,2 -11659,1,1,2,,2,2,2 -11660,1,1,1,1,2,2,1 -11661,2,,2,,2,2,2 -11662,1,1,2,,2,2,1 -11663,1,1,2,,2,2,1 -11664,1,1,2,,2,2,2 -11665,2,,2,,2,2,2 -11666,1,1,1,2,2,2,1 -11667,1,1,1,2,2,2,2 -11668,1,1,2,,2,2,1 -11669,1,1,2,,1,2,1 -11670,1,1,2,,2,2,1 -11671,2,,2,,2,2,1 -11672,1,1,1,2,2,1,1 -11673,1,1,1,2,2,2,1 -11674,2,,2,,2,2,1 -11675,2,,2,,2,2,1 -11676,1,1,1,2,2,2,2 -11677,2,,1,1,2,2,2 -11678,2,,2,,2,2,2 -11679,2,,2,,2,2,1 -11680,1,1,2,,2,2,2 -11681,1,1,2,,2,2,1 -11682,1,1,2,,1,1,1 -11683,2,,2,,2,2,2 -11684,1,1,1,2,2,2,1 -11685,1,1,1,2,2,2,2 -11686,1,1,1,2,2,2,1 -11687,1,1,2,,2,2,2 -11688,1,1,1,2,2,2,2 -11689,1,1,1,2,2,2,1 -11690,1,1,1,2,2,2,1 -11691,1,1,1,2,2,2,1 -11692,2,,2,,2,2,2 -11693,1,1,1,2,2,2,1 -11694,1,1,2,,2,2,2 -11695,1,1,1,2,2,1,1 -11696,1,1,2,,2,2,2 -11697,1,1,1,2,2,2,1 -11698,1,1,2,,2,2,1 -11699,1,1,2,,2,2,1 -11700,2,,1,2,2,2,2 -11701,2,,2,,2,2,2 -11702,2,,2,,2,2,2 -11703,1,1,1,2,2,2,2 -11704,1,1,2,,2,2,1 -11705,2,,1,2,2,2,2 -11706,1,1,1,2,2,2,2 -11707,2,,2,,2,2,2 -11708,2,,2,,2,2,2 -11709,1,1,1,2,2,2,1 -11710,1,1,2,,2,2,2 -11711,1,1,1,2,2,1,1 -11712,1,1,1,2,2,2,1 -11713,1,1,2,,2,2,1 -11714,2,,2,,2,2,2 -11715,1,1,2,,2,2,1 -11716,2,,2,,2,2,2 -11717,2,,2,,2,2,2 -11718,1,1,1,2,2,1,1 -11719,2,,2,,2,2,1 -11720,1,1,2,,2,2,1 -11721,2,,2,,2,2,2 -11722,1,1,1,1,2,2,1 -11723,1,1,2,,2,2,2 -11724,2,,1,2,2,2,2 -11725,2,,2,,2,2,1 -11726,1,1,2,,2,2,2 -11727,2,,2,,2,2,2 -11728,1,1,2,,2,2,2 -11729,1,1,2,,2,2,1 -11730,1,2,1,2,2,2,1 -11731,2,,2,,2,2,1 -11732,1,1,1,2,2,2,2 -11733,1,1,1,2,2,2,2 -11734,1,1,2,,2,2,2 -11735,1,1,1,2,2,2,1 -11736,1,1,2,,2,2,2 -11737,2,,2,,2,2,1 -11738,1,1,2,,2,2,2 -11739,1,1,1,2,2,2,1 -11740,1,1,1,2,2,2,2 -11741,2,,2,,2,2,1 -11742,2,,2,,2,1,1 -11743,2,,2,,2,2,2 -11744,1,1,1,2,2,1,1 -11745,2,,2,,2,2,1 -11746,2,,2,,2,2,2 -11747,2,,2,,2,2,2 -11748,1,1,1,2,2,2,1 -11749,2,,2,,2,2,1 -11750,1,1,1,2,2,2,1 -11751,1,1,1,2,2,2,2 -11752,1,1,2,,2,1,1 -11753,1,1,1,2,2,1,1 -11754,1,1,2,,2,2,2 -11755,1,1,1,2,2,2,1 -11756,1,1,2,,2,2,1 -11757,1,1,1,2,2,2,2 -11758,1,1,2,,2,2,2 -11759,1,1,2,,2,2,2 -11760,1,1,1,2,2,2,2 -11761,1,1,2,,2,2,1 -11762,1,1,1,2,2,2,2 -11763,2,,2,,2,2,1 -11764,1,1,2,,2,2,1 -11765,2,,2,,2,2,2 -11766,1,1,1,2,2,2,2 -11767,2,,1,2,2,2,2 -11768,2,,2,,2,2,1 -11769,2,,1,2,2,2,2 -11770,1,1,1,2,2,2,1 -11771,1,1,1,2,2,2,1 -11772,1,1,2,,2,2,1 -11773,1,1,1,2,2,2,2 -11774,1,1,2,,2,2,2 -11775,1,1,1,1,2,2,1 -11776,2,,1,2,2,2,1 -11777,1,1,1,2,2,2,2 -11778,2,,2,,2,2,2 -11779,2,,2,,2,2,2 -11780,1,1,1,2,2,2,2 -11781,1,2,1,2,2,2,1 -11782,1,1,1,2,2,2,1 -11783,1,1,2,,2,2,2 -11784,2,,2,,2,2,2 -11785,1,2,1,2,2,1,1 -11786,1,1,1,2,2,2,2 -11787,1,1,2,,2,2,2 -11788,1,1,1,2,2,2,1 -11789,1,1,1,2,2,2,2 -11790,1,1,1,2,2,1,1 -11791,1,1,1,1,2,2,1 -11792,1,1,2,,2,2,2 -11793,1,1,2,,2,2,2 -11794,1,1,2,,2,2,2 -11795,1,1,1,2,2,1,2 -11796,2,,2,,2,2,2 -11797,1,1,1,2,2,2,2 -11798,1,1,1,2,2,2,2 -11799,1,1,2,,2,2,2 -11800,1,1,1,2,2,2,2 -11801,1,1,2,,2,2,2 -11802,2,,2,,2,2,1 -11803,1,1,1,2,2,2,2 -11804,1,1,2,,2,2,1 -11805,1,1,2,,2,2,2 -11806,1,1,1,2,2,2,2 -11807,1,1,2,,2,2,2 -11808,2,,2,,2,2,2 -11809,2,,2,,2,2,2 -11810,2,,2,,2,2,2 -11811,1,1,1,2,2,2,1 -11812,1,1,1,2,2,2,2 -11813,1,1,2,,2,2,2 -11814,1,1,1,2,2,2,1 -11815,1,1,2,,2,2,1 -11816,1,1,2,,2,2,2 -11817,1,1,1,2,2,2,1 -11818,2,,2,,2,2,2 -11819,1,1,2,,2,2,1 -11820,1,1,2,,2,2,2 -11821,1,1,2,,2,2,1 -11822,2,,2,,2,2,1 -11823,2,,2,,2,2,1 -11824,2,,2,,2,2,1 -11825,1,1,2,,2,2,2 -11826,1,1,2,,2,2,1 -11827,1,1,1,2,2,2,2 -11828,1,1,1,2,2,2,1 -11829,2,,2,,2,2,2 -11830,1,1,2,,2,2,2 -11831,1,1,1,2,2,2,1 -11832,1,1,1,2,2,2,2 -11833,2,,2,,2,2,1 -11834,1,1,1,2,2,2,2 -11835,1,1,1,2,2,2,1 -11836,2,,2,,2,2,1 -11837,1,1,1,2,2,2,2 -11838,2,,2,,2,2,2 -11839,1,1,2,,2,2,1 -11840,2,,2,,2,2,2 -11841,1,1,1,2,2,1,1 -11842,2,,2,,2,2,2 -11843,2,,2,,2,2,2 -11844,1,1,1,2,2,2,1 -11845,1,1,2,,2,2,1 -11846,1,1,1,2,2,2,1 -11847,1,1,2,,2,2,1 -11848,2,,1,2,2,2,1 -11849,2,,2,,2,1,2 -11850,1,2,1,1,2,2,1 -11851,2,,1,2,2,2,2 -11852,1,1,2,,2,1,1 -11853,1,1,2,,2,2,1 -11854,1,1,1,2,2,2,2 -11855,1,1,1,2,2,2,1 -11856,1,1,2,,2,2,1 -11857,1,2,1,2,2,1,1 -11858,1,1,1,2,2,2,1 -11859,1,1,2,,2,2,1 -11860,1,1,1,2,2,2,2 -11861,2,,1,2,2,1,1 -11862,2,,2,,2,2,2 -11863,2,,2,,2,2,2 -11864,1,1,2,,2,2,2 -11865,1,1,1,2,2,2,1 -11866,2,,2,,2,2,2 -11867,1,1,2,,2,2,2 -11868,2,,1,2,2,1,2 -11869,1,1,1,2,2,2,2 -11870,2,,2,,2,2,2 -11871,2,,2,,2,2,2 -11872,1,1,2,,2,2,2 -11873,1,1,2,,2,2,2 -11874,2,,2,,2,2,2 -11875,2,,1,2,2,2,2 -11876,1,2,1,2,2,1,1 -11877,1,1,2,,2,2,2 -11878,1,1,2,,2,2,1 -11879,2,,2,,2,2,2 -11880,2,,2,,2,2,2 -11881,2,,2,,2,2,2 -11882,1,1,2,,2,2,2 -11883,1,1,1,2,2,2,2 -11884,1,1,1,2,2,2,2 -11885,2,,2,,2,2,2 -11886,1,1,2,,2,2,1 -11887,1,1,2,,2,2,1 -11888,1,2,1,2,2,1,1 -11889,1,1,1,2,2,2,2 -11890,2,,1,2,2,2,2 -11891,2,,2,,2,1,2 -11892,2,,1,2,2,2,2 -11893,1,1,1,2,2,2,1 -11894,1,1,1,2,2,2,2 -11895,2,,2,,2,2,2 -11896,2,,2,,2,2,1 -11897,1,1,2,,2,2,2 -11898,1,1,1,2,2,2,2 -11899,1,1,2,,2,2,2 -11900,2,,2,,2,2,1 -11901,1,1,2,,2,2,1 -11902,1,1,1,2,2,2,2 -11903,1,1,2,,2,1,1 -11904,1,1,1,2,2,2,1 -11905,1,1,2,,2,2,1 -11906,1,1,2,,2,2,2 -11907,1,1,2,,2,2,2 -11908,1,1,2,,2,2,1 -11909,1,1,2,,2,2,1 -11910,2,,2,,2,2,1 -11911,2,,2,,2,2,2 -11912,1,1,1,1,2,2,2 -11913,1,2,2,,2,2,2 -11914,1,1,1,2,2,2,1 -11915,1,2,1,2,2,2,1 -11916,1,1,2,,2,2,1 -11917,2,,2,,2,2,2 -11918,1,2,2,,2,1,1 -11919,1,1,1,1,2,2,1 -11920,1,1,1,2,2,1,2 -11921,1,1,1,2,2,2,2 -11922,1,1,2,,2,2,2 -11923,1,1,2,,2,2,2 -11924,2,,2,,2,2,1 -11925,1,1,1,2,2,2,2 -11926,1,1,2,,2,2,2 -11927,2,,2,,2,2,2 -11928,2,,2,,2,2,2 -11929,1,1,1,2,2,2,2 -11930,2,,2,,2,2,2 -11931,1,1,1,2,2,2,2 -11932,1,1,1,2,2,1,1 -11933,2,,2,,2,2,2 -11934,1,1,2,,2,2,2 -11935,1,1,2,,2,2,1 -11936,1,1,2,,2,2,2 -11937,1,1,2,,2,1,1 -11938,1,1,2,,2,2,2 -11939,1,1,2,,2,2,2 -11940,2,,1,2,2,2,1 -11941,1,1,1,1,2,2,1 -11942,1,1,1,2,2,2,2 -11943,1,1,1,2,2,2,2 -11944,1,1,1,2,2,2,1 -11945,1,1,1,2,2,2,1 -11946,1,1,1,2,2,2,2 -11947,1,1,1,2,2,2,2 -11948,1,1,1,2,2,2,2 -11949,1,1,2,,2,1,2 -11950,1,1,2,,2,2,2 -11951,2,,2,,2,2,1 -11952,1,1,1,2,2,2,2 -11953,1,1,2,,2,2,1 -11954,1,1,1,2,2,2,1 -11955,1,1,1,2,2,2,1 -11956,1,1,1,2,2,2,2 -11957,1,1,1,2,2,2,2 -11958,1,1,1,2,2,2,2 -11959,1,2,1,2,2,1,1 -11960,1,2,1,2,2,2,2 -11961,2,,2,,2,2,2 -11962,1,1,2,,2,2,1 -11963,1,1,1,2,2,2,1 -11964,1,1,1,2,2,2,2 -11965,2,,1,2,2,2,2 -11966,1,1,2,,2,2,1 -11967,1,1,1,2,2,2,1 -11968,1,1,1,2,2,2,2 -11969,2,,2,,2,2,2 -11970,1,1,1,2,2,2,1 -11971,1,1,1,2,2,2,1 -11972,1,1,1,2,2,2,1 -11973,1,1,2,,2,2,2 -11974,2,,2,,2,2,1 -11975,1,1,2,,2,2,2 -11976,2,,1,2,2,2,2 -11977,1,1,1,2,2,2,2 -11978,2,,1,2,2,2,2 -11979,1,1,1,2,2,2,1 -11980,1,1,2,,2,2,2 -11981,2,,2,,2,2,2 -11982,2,,2,,2,2,2 -11983,2,,2,,2,2,2 -11984,1,1,2,,2,2,1 -11985,1,1,1,2,2,2,1 -11986,2,,2,,2,2,2 -11987,2,,2,,2,2,1 -11988,1,2,1,2,2,2,1 -11989,1,1,1,2,2,2,1 -11990,2,,1,1,2,2,1 -11991,2,,1,2,2,2,2 -11992,1,1,1,2,2,2,2 -11993,1,1,2,,2,2,2 -11994,1,1,1,2,2,2,1 -11995,1,1,1,2,2,2,1 -11996,1,1,2,,2,2,2 -11997,1,1,2,,2,2,2 -11998,1,1,2,,2,2,1 -11999,2,,2,,2,2,2 -12000,2,,2,,2,2,2 -12001,2,,2,,2,2,2 -12002,2,,1,2,2,2,1 -12003,1,1,1,2,2,1,2 -12004,1,1,1,2,2,2,1 -12005,1,1,1,2,2,2,1 -12006,1,1,2,,2,2,2 -12007,1,1,1,2,2,2,1 -12008,1,1,2,,2,2,2 -12009,1,1,1,2,2,2,2 -12010,2,,2,,2,2,2 -12011,1,1,2,,2,2,2 -12012,1,1,1,2,2,2,1 -12013,1,1,1,2,2,2,2 -12014,1,1,2,,2,2,2 -12015,2,,1,2,2,2,2 -12016,1,1,1,2,2,2,2 -12017,2,,2,,2,2,1 -12018,1,1,2,,2,2,1 -12019,1,1,1,2,2,2,2 -12020,1,1,2,,2,2,2 -12021,1,1,1,2,2,2,1 -12022,1,1,2,,2,2,2 -12023,1,1,1,2,2,2,1 -12024,1,1,2,,2,2,2 -12025,2,,2,,2,2,2 -12026,1,1,1,2,2,2,2 -12027,2,,2,,2,2,2 -12028,2,,2,,2,2,2 -12029,1,1,1,2,2,2,2 -12030,1,1,1,2,2,2,1 -12031,1,1,1,2,2,2,1 -12032,1,1,1,2,2,2,1 -12033,1,1,1,2,2,2,1 -12034,1,1,2,,2,2,2 -12035,2,,2,,2,2,1 -12036,1,1,1,2,2,2,2 -12037,1,1,1,2,2,2,1 -12038,2,,2,,2,2,2 -12039,1,1,2,,2,2,1 -12040,1,1,1,2,2,1,2 -12041,1,1,1,2,2,2,1 -12042,2,,2,,2,2,2 -12043,1,1,2,,2,2,2 -12044,1,1,1,2,2,2,1 diff --git a/data/iai_pecarn/raw/form4a_abdct.csv b/data/iai_pecarn/raw/form4a_abdct.csv deleted file mode 100644 index e501535c..00000000 --- a/data/iai_pecarn/raw/form4a_abdct.csv +++ /dev/null @@ -1,5750 +0,0 @@ -subjectid,repeat_instance,CTID,abdctday,abdcttime,CTLocation,IVContrast,OralContrast,CTResults -5,1,926701,0,2230,1,1,2,1 -6,1,415959,0,0506,1,1,2,1 -8,1,269797,0,1800,1,1,2,2 -11,1,384026,0,1317,1,1,2,1 -12,1,566359,0,1155,1,1,3,1 -14,1,253313,0,0539,1,1,2,1 -16,1,287618,0,0503,1,1,2,1 -18,1,169558,0,1656,1,1,2,1 -19,1,124350,0,0910,1,1,2,2 -20,1,956885,0,0718,1,1,1,1 -21,1,812215,1,0411,2,1,2,1 -24,1,632711,0,2029,2,1,2,2 -30,1,222217,0,1329,1,1,2,1 -32,1,736016,0,2100,1,1,2,1 -33,1,812096,1,0024,1,1,1,1 -34,1,742700,0,2332,1,1,2,1 -35,1,120947,0,2304,1,1,2,1 -37,1,708922,0,2223,1,1,2,2 -40,1,361669,1,0055,1,1,2,2 -41,1,864321,0,2126,1,1,2,2 -44,1,481680,0,0743,1,1,2,1 -45,1,982295,0,1903,1,1,2,1 -49,1,932585,0,1224,1,1,2,2 -50,1,153678,0,1814,1,1,2,1 -53,1,736972,0,2130,1,1,2,2 -55,1,430983,0,1429,1,1,2,2 -56,1,366093,0,2316,1,1,1,2 -57,1,923831,0,2108,1,1,2,2 -59,1,197873,0,1927,1,1,2,1 -60,1,290091,0,1628,1,1,2,2 -60,2,290092,0,2155,2,2,1,2 -64,1,872477,0,2351,1,1,2,2 -66,1,530609,1,1206,1,1,2,1 -68,1,675036,0,1909,1,1,2,2 -71,1,627490,1,0122,1,1,2,1 -72,1,378110,0,1925,1,1,2,1 -74,1,415044,0,2324,1,1,2,1 -75,1,380213,0,1525,1,1,2,2 -82,1,417915,0,2145,1,1,2,2 -83,1,495410,0,1715,1,1,1,2 -85,1,321173,0,1736,1,1,2,2 -86,1,583318,0,0952,1,1,2,1 -88,1,175546,0,2058,1,1,1,1 -89,1,926185,0,2308,1,1,1,1 -90,1,864922,1,0000,1,1,2,2 -90,2,869489,3,0924,2,1,2,2 -91,1,941827,0,0345,1,1,2,1 -96,1,210752,1,0033,1,1,2,1 -101,1,353311,0,1919,1,1,2,2 -102,1,1004456,0,1807,1,1,2,1 -105,1,620988,0,1530,1,1,2,1 -106,1,761835,0,1615,1,1,1,1 -109,1,851193,0,1512,1,1,2,2 -110,1,433731,0,2358,1,1,2,1 -111,1,219162,0,1000,1,1,2,2 -112,1,1015281,0,1540,1,1,1,1 -114,1,975075,0,1730,1,1,2,1 -115,1,848034,0,1821,1,1,2,2 -116,1,180768,0,1859,1,1,2,1 -118,1,704188,0,1721,1,1,2,1 -121,1,923789,0,2131,1,1,2,2 -124,1,157240,0,1820,1,1,2,1 -125,1,342602,0,1832,1,1,2,1 -129,1,343817,0,1925,1,1,2,1 -131,1,473165,1,0921,2,1,2,2 -132,1,329661,0,1813,1,1,2,2 -132,2,329662,3,1124,2,1,2,2 -135,1,267794,1,0033,1,1,2,1 -136,1,467917,0,2103,1,1,2,1 -137,1,186720,0,1625,1,1,2,1 -139,1,453950,0,0224,1,1,1,1 -140,1,607429,0,2342,1,1,2,2 -141,1,506854,1,0145,1,2,1,1 -142,1,167145,0,2158,1,1,2,1 -144,1,199528,0,1932,1,2,2,1 -145,1,453586,0,2107,1,1,2,2 -147,1,301493,0,0140,1,1,2,1 -148,1,933216,0,1055,1,1,2,2 -150,1,510993,0,1447,1,1,2,1 -151,1,445170,0,1956,1,1,1,2 -152,1,449041,0,1232,1,1,2,1 -155,1,406415,0,2331,1,1,2,1 -157,1,235165,0,2308,1,1,2,1 -158,1,355032,0,2001,1,1,2,1 -159,1,659568,0,1902,1,1,2,1 -161,1,447823,0,0700,1,1,2,1 -163,1,516654,0,2350,1,1,2,1 -165,1,389315,0,1445,1,1,1,1 -167,1,978264,0,1415,1,1,1,2 -168,1,579111,0,1513,1,1,1,1 -169,1,959174,1,0215,1,1,1,2 -170,1,967145,0,2134,1,1,2,2 -173,1,169511,0,1912,1,1,2,2 -173,2,857061,1,1447,2,1,2,2 -173,3,857062,15,2102,2,1,2,2 -173,4,857063,20,1344,2,1,1,2 -174,1,384574,0,0115,1,1,2,1 -175,1,214821,0,1501,1,1,2,1 -176,1,464135,0,1715,1,1,2,1 -177,1,303389,0,0442,1,1,2,2 -178,1,562122,0,1818,1,1,2,2 -180,1,285473,0,1515,1,1,2,1 -181,1,392106,0,1610,1,1,3,1 -182,1,980341,0,1516,1,1,2,2 -183,1,380385,0,1322,1,1,2,2 -184,1,812364,0,2032,1,1,2,1 -188,1,553213,0,1820,1,2,2,1 -189,1,139395,0,1959,1,1,2,1 -190,1,758141,1,0048,1,1,2,1 -193,1,1015798,0,0923,1,1,2,2 -195,1,253507,0,1900,1,1,2,1 -197,1,585525,0,2142,1,1,2,2 -199,1,148596,0,1726,1,1,2,1 -202,1,244120,0,1459,1,1,3,2 -203,1,642316,0,2057,1,1,1,1 -204,1,942459,0,1304,1,1,2,2 -206,1,165986,0,0200,1,1,1,1 -210,1,340987,0,1532,1,3,3,1 -211,1,200941,0,0458,1,1,1,2 -212,1,989706,0,1729,1,1,2,1 -214,1,403020,0,1833,1,1,2,1 -216,1,586242,0,2227,1,1,3,1 -217,1,527631,0,1838,1,1,2,1 -219,1,898448,0,2055,1,1,2,1 -220,1,579092,0,0715,1,1,2,2 -221,1,307969,1,0030,1,1,1,1 -226,1,269822,0,1406,1,1,2,1 -227,1,433677,0,1507,1,1,2,2 -235,1,135203,0,1804,1,1,2,2 -237,1,190560,0,1946,1,1,2,1 -239,1,261084,0,1700,1,1,1,1 -240,1,466258,0,0227,1,1,1,1 -241,1,281677,0,1901,1,1,2,1 -244,1,600312,0,1323,1,1,2,2 -245,1,176947,0,2314,1,1,2,1 -247,1,941652,0,1620,1,1,2,1 -250,1,257268,0,2335,1,1,2,1 -256,1,287283,0,1725,1,1,1,1 -261,1,792184,0,1628,1,1,2,1 -263,1,180145,0,2131,1,1,2,2 -275,1,737923,1,1159,1,1,2,2 -282,1,767099,0,2238,1,1,1,1 -284,1,546940,0,2110,1,1,2,1 -285,1,319384,0,1629,1,1,3,1 -286,1,544284,0,1608,1,1,2,1 -287,1,1002526,0,1138,1,1,2,1 -288,1,366297,0,2040,1,1,2,1 -290,1,177790,0,2330,1,1,2,1 -291,1,833184,0,2300,1,1,1,2 -293,1,453750,0,2046,1,1,2,1 -296,1,173220,0,1900,1,1,2,2 -297,1,196575,0,1621,1,1,3,1 -299,1,557764,0,1035,1,1,2,2 -300,1,330885,0,1625,1,1,2,1 -302,1,145435,0,0930,1,1,1,1 -304,1,175649,0,2224,1,1,2,1 -304,2,175650,1,0025,1,2,2,1 -305,1,445731,0,1643,1,1,2,2 -306,1,922820,0,2043,1,1,2,1 -307,1,217221,0,1835,1,1,2,1 -308,1,153539,1,0030,1,1,2,1 -312,1,352237,0,1822,1,1,2,2 -316,1,140509,0,2127,1,1,2,1 -320,1,575490,0,0219,1,1,3,1 -321,1,489437,0,1710,1,1,2,1 -322,1,163339,1,0855,2,1,2,2 -323,1,421932,0,2326,1,1,2,1 -326,1,277868,0,0114,1,1,2,1 -328,1,548972,0,1821,1,1,2,1 -332,1,800034,0,1919,1,1,2,2 -333,1,673601,0,2140,1,1,2,1 -334,1,152749,0,1923,1,1,2,2 -336,1,706991,0,1400,2,1,2,2 -337,1,747950,0,2241,1,1,2,2 -338,1,291140,0,0931,1,1,2,2 -341,1,140424,0,0745,1,1,2,1 -346,1,737742,0,1905,1,1,2,1 -347,1,809159,0,1442,1,1,2,1 -350,1,276577,0,1925,1,1,1,2 -351,1,197789,0,1306,1,1,2,1 -352,1,446247,0,1445,1,1,2,1 -354,1,478510,1,0217,1,1,1,1 -355,1,316997,0,2036,1,1,1,1 -356,1,522351,0,1810,1,1,2,1 -358,1,775690,1,1950,3,1,2,1 -359,1,385827,0,2037,1,1,1,2 -362,1,840133,0,1453,1,1,2,1 -363,1,559048,0,1330,1,1,2,2 -365,1,427422,0,2248,1,1,2,1 -366,1,369766,0,1740,1,1,2,1 -368,1,185703,0,0345,1,1,1,2 -369,1,572153,0,1037,1,1,2,1 -370,1,840997,0,1326,1,1,2,2 -371,1,544541,2,1617,3,1,2,1 -372,1,898415,0,1606,1,1,2,1 -374,1,309101,0,1947,1,1,2,2 -375,1,125570,0,2035,1,1,1,1 -376,1,202302,0,0257,1,1,2,2 -378,1,528868,0,2001,1,1,2,1 -379,1,540252,0,1849,1,1,2,2 -380,1,501012,0,1704,1,1,2,1 -382,1,587261,0,2144,1,1,1,1 -386,1,183286,0,1635,1,1,2,1 -387,1,870370,0,1510,1,1,2,2 -388,1,680419,0,2058,1,1,3,1 -389,1,465191,0,1744,1,1,2,1 -390,1,272192,0,2130,1,1,2,1 -399,1,152603,0,1003,1,1,2,2 -400,1,228420,0,1838,1,1,3,1 -406,1,707365,0,2226,1,1,2,1 -410,1,319379,1,0030,1,1,2,2 -414,1,388543,0,1036,1,1,2,2 -415,1,578035,0,1646,1,1,2,2 -417,1,695981,0,1631,1,1,3,1 -422,1,741894,0,1048,1,1,2,1 -427,1,982331,0,2322,1,1,1,1 -428,1,629419,0,1603,1,1,2,1 -429,1,758945,0,1710,1,1,2,1 -430,1,449181,0,0902,1,1,1,1 -431,1,415937,0,1830,1,1,3,2 -433,1,360624,0,2151,1,1,2,2 -435,1,447473,0,2234,1,1,2,2 -435,2,447869,4,1315,2,1,1,2 -438,1,405536,0,1700,1,1,2,1 -439,1,693716,0,1539,1,1,2,2 -442,1,548890,0,2033,1,1,2,1 -444,1,774593,0,1927,1,1,2,1 -447,1,521276,0,2120,1,1,2,1 -448,1,194215,0,0508,1,1,1,1 -450,1,522077,0,2223,1,1,2,1 -452,1,268142,0,0221,1,1,2,2 -457,1,745590,1,0130,1,1,1,2 -460,1,946028,0,2059,1,1,2,1 -462,1,954521,0,1219,1,1,2,2 -465,1,445057,0,2215,2,1,2,2 -466,1,889402,1,1640,2,1,1,1 -469,1,895395,0,1725,1,1,2,2 -472,1,542368,0,1033,1,1,2,2 -477,1,714739,0,1121,1,1,1,2 -478,1,933394,0,1720,1,1,2,1 -484,1,308071,0,2102,1,1,1,2 -487,1,285166,1,0122,1,1,2,2 -490,1,602966,0,1523,1,1,2,1 -491,1,460195,1,0803,2,1,1,2 -494,1,516782,0,1257,1,1,2,2 -496,1,563579,0,1753,1,1,2,2 -497,1,146357,0,2050,1,1,2,1 -499,1,498365,1,0734,1,1,1,1 -500,1,724254,0,2143,1,1,2,1 -501,1,758461,0,1856,1,1,2,1 -505,1,171006,0,1218,1,1,2,1 -507,1,790320,0,2233,1,1,1,1 -509,1,713864,1,0309,1,1,2,2 -511,1,400915,0,0452,1,1,2,1 -512,1,388188,0,2335,1,1,2,1 -513,1,143924,1,0054,1,1,2,1 -514,1,677118,0,2120,1,1,2,2 -516,1,751713,0,2227,1,1,1,2 -520,1,939223,0,1729,1,1,2,2 -521,1,538785,0,0257,1,1,1,1 -522,1,286748,0,2050,1,1,2,2 -523,1,675711,0,1430,1,1,2,1 -525,1,178006,1,0113,1,1,2,2 -527,1,942411,0,1130,1,1,2,1 -528,1,904215,0,1234,1,1,2,1 -529,1,342485,0,2115,1,1,3,2 -529,2,342486,8,2004,1,1,3,1 -531,1,193996,0,1325,1,1,2,1 -532,1,239361,0,2249,1,1,2,1 -535,1,491422,0,1506,1,1,1,2 -536,1,230514,1,0000,1,2,2,1 -537,1,253271,0,1844,1,1,2,1 -538,1,315411,0,1613,1,1,2,1 -540,1,1007022,1,0050,1,1,1,1 -542,1,335816,0,1721,1,1,2,1 -543,1,150386,0,1704,2,1,2,1 -545,1,904861,0,2316,1,1,2,1 -546,1,979361,0,0100,1,1,2,2 -547,1,992731,0,1400,1,1,2,1 -549,1,954766,0,2256,1,1,2,1 -553,1,396458,0,1140,1,1,2,1 -554,1,766241,0,1544,1,1,2,1 -556,1,1004739,0,1809,1,1,2,1 -558,1,668904,0,1315,1,1,1,2 -558,2,1027751,0,1815,2,1,1,2 -558,3,1027752,3,0135,2,1,1,2 -559,1,603691,0,1811,1,1,2,1 -560,1,749652,0,1724,1,1,2,1 -563,1,142205,0,1906,1,1,2,2 -564,1,325267,0,2047,1,1,2,2 -567,1,132304,1,0028,1,1,2,1 -569,1,522186,0,1913,1,1,2,2 -570,1,944826,0,1005,1,1,2,2 -572,1,177203,0,1540,1,1,2,2 -573,1,629481,0,1912,1,1,2,1 -574,1,330684,0,2005,2,1,2,2 -574,2,332716,1,1308,2,1,2,2 -575,1,402481,1,0033,1,1,1,1 -576,1,546532,0,1930,1,1,1,2 -577,1,767823,0,2124,1,1,2,2 -578,1,603861,0,0648,1,1,2,1 -579,1,833502,0,1430,1,1,1,1 -580,1,577102,0,1821,1,1,2,2 -582,1,761932,0,2033,1,1,2,1 -586,1,219634,0,2300,1,1,1,2 -587,1,703804,0,1635,1,1,2,2 -587,2,703805,2,1103,2,1,2,2 -588,1,261540,0,1944,1,1,2,1 -590,1,1015319,0,2338,1,1,2,1 -591,1,882150,0,1828,1,1,2,2 -594,1,255542,0,1807,1,1,2,1 -595,1,526401,0,1313,1,1,2,2 -595,2,526404,9,0506,3,1,2,2 -596,1,672385,0,1750,1,1,2,1 -602,1,417443,0,2000,1,1,1,1 -606,1,419953,0,2107,1,1,1,2 -608,1,803094,0,1818,1,1,2,2 -611,1,234447,0,2117,1,1,2,2 -613,1,673518,0,2000,1,1,2,1 -615,1,800659,1,0004,1,1,2,1 -617,1,486543,0,1001,1,1,2,1 -618,1,852153,0,1811,1,1,2,2 -622,1,377672,0,0115,1,1,1,2 -623,1,865435,1,0039,1,1,1,2 -624,1,820781,0,1851,1,1,2,1 -625,1,446053,1,0014,1,1,1,1 -627,1,419859,0,1812,1,1,2,2 -632,1,246003,0,2130,1,1,3,2 -633,1,512024,1,0055,1,1,2,1 -636,1,642301,0,1258,1,1,2,1 -637,1,454449,1,0216,1,1,2,1 -642,1,761970,0,1445,1,1,1,2 -644,1,450627,0,2247,1,1,2,1 -646,1,450143,0,1406,1,1,2,1 -648,1,414992,0,2217,1,1,2,2 -650,1,403389,0,2212,1,1,3,2 -651,1,526811,1,0041,1,1,2,1 -652,1,643366,0,1507,1,1,2,1 -654,1,381539,0,1700,1,1,1,2 -655,1,679021,1,0320,1,1,1,2 -657,1,427003,0,1341,1,1,2,2 -659,1,132767,0,1828,1,1,2,2 -661,1,913794,0,2030,1,1,2,1 -662,1,523853,1,0031,1,1,2,1 -663,1,806839,1,0015,1,1,2,1 -664,1,380011,0,2115,1,1,1,2 -664,3,621990,14,1822,3,1,1,2 -665,1,579126,0,1544,1,1,1,1 -668,1,684666,0,1900,1,1,2,2 -669,1,142537,0,1927,1,1,2,2 -669,2,901397,27,0834,3,1,1,2 -673,1,455046,0,1724,1,1,2,1 -674,1,938818,0,1759,1,1,2,1 -675,1,421319,0,1820,1,1,1,2 -676,1,247240,0,1955,1,1,2,2 -679,1,505550,1,0256,1,1,2,1 -683,1,544775,0,1726,1,1,2,1 -686,1,480237,0,2100,1,1,1,1 -687,1,377536,0,0222,1,1,1,2 -689,1,131624,0,0355,1,1,2,1 -694,1,229815,0,1957,1,1,2,2 -695,1,539483,0,1416,1,1,1,2 -698,1,741326,0,0930,1,1,2,1 -699,1,264550,0,0350,1,1,2,1 -700,1,786914,0,1723,1,1,2,1 -701,1,949174,0,1940,1,1,2,1 -702,1,438476,0,2208,1,1,2,2 -703,1,953446,0,1820,1,1,2,1 -706,1,930693,0,1816,1,1,1,1 -708,1,579588,0,1735,1,1,3,1 -708,2,1001562,1,2110,4,1,2,2 -709,1,183868,1,0144,1,1,2,1 -710,1,116747,0,2141,1,1,1,1 -711,1,441964,0,2155,1,1,2,1 -712,1,741015,1,0123,1,1,2,1 -714,1,551585,0,0935,1,1,1,2 -716,1,726549,0,1937,1,1,2,1 -717,1,303006,0,2359,1,1,2,2 -720,1,483850,0,2205,1,3,3,1 -721,1,749861,0,0847,1,1,2,1 -722,1,750513,0,2226,1,1,2,2 -727,1,262094,0,2110,1,1,1,1 -728,1,1018888,0,1812,1,1,2,1 -729,1,849991,0,2305,1,1,2,2 -730,1,437862,0,2128,1,1,2,1 -731,1,112965,0,2256,1,1,1,1 -733,1,688393,0,1917,1,1,3,1 -734,1,192944,0,1813,1,1,2,1 -737,1,587655,0,1858,1,1,2,1 -739,1,239093,0,1603,1,1,2,2 -742,1,308433,0,1836,1,1,1,1 -746,1,176140,0,0326,1,1,3,2 -747,1,951518,1,0057,1,1,1,1 -748,1,509949,0,1759,1,1,1,1 -749,1,664985,0,1852,1,1,2,2 -750,1,482140,1,0320,1,1,1,1 -752,1,940186,0,2150,1,1,1,1 -755,1,387078,0,2330,1,1,1,1 -756,1,625857,0,1522,1,1,2,1 -760,1,788226,1,0211,1,1,2,1 -761,1,569502,0,1610,1,1,2,1 -762,1,136623,0,2214,1,1,2,1 -763,1,126826,0,1928,1,2,2,1 -766,1,404256,0,1633,1,1,2,2 -767,1,839075,0,1245,1,1,1,1 -771,1,345876,0,1432,1,1,1,1 -774,1,344964,0,1808,1,1,2,2 -778,1,307816,0,0212,1,3,3,1 -779,1,161721,0,2142,1,1,2,2 -780,1,732200,0,0410,1,1,2,1 -781,1,982746,0,2049,1,1,2,1 -784,1,701136,0,1830,1,1,2,1 -786,1,270415,0,2141,1,1,2,1 -787,1,942359,0,1930,1,1,2,2 -791,1,228612,0,1148,1,1,2,1 -792,1,219608,0,2035,1,1,1,1 -794,1,886789,0,1012,1,1,2,1 -796,1,118661,1,0044,1,1,2,1 -802,1,146308,0,2205,1,1,2,1 -804,1,375106,0,1210,1,1,1,1 -806,1,707649,0,2346,1,1,2,1 -809,1,185961,0,0613,1,1,1,2 -809,2,879883,0,1208,2,1,1,1 -810,1,684782,0,2237,2,1,2,1 -812,1,398236,0,1301,1,1,2,1 -814,1,741238,0,2040,1,1,2,1 -815,1,425231,0,1742,1,1,2,2 -816,1,542348,0,0410,1,1,2,2 -819,1,724769,0,1908,1,1,2,1 -820,1,541778,0,1340,1,1,1,2 -827,1,154596,0,1700,1,2,2,1 -828,1,488758,0,1837,1,1,2,2 -830,1,200169,0,2259,1,1,2,1 -831,1,716012,0,1717,1,1,2,2 -834,1,752679,0,2127,1,1,2,2 -838,1,905069,0,1935,1,1,2,1 -839,1,373332,0,2326,1,1,2,1 -840,1,309819,0,2347,1,1,1,1 -841,1,251262,0,0141,1,1,2,2 -842,1,308364,0,1722,1,1,1,2 -846,1,611565,0,1402,1,1,2,1 -847,1,221668,0,2032,1,1,2,2 -848,1,779973,0,1624,1,1,2,1 -850,1,618867,0,1512,1,1,3,2 -852,1,316534,1,0915,2,3,3,1 -854,1,922892,0,0631,1,1,2,1 -856,1,208144,0,1337,1,1,2,2 -857,1,490095,0,2315,1,1,2,1 -858,1,357053,0,1451,1,1,2,1 -861,1,215034,0,1323,1,3,3,1 -863,1,599376,0,1800,1,1,2,2 -865,1,854650,0,0205,1,1,1,1 -868,1,475162,0,1911,1,1,2,1 -869,1,241162,0,2055,1,1,2,1 -875,1,216034,0,1956,1,1,2,1 -876,1,394369,0,1623,1,1,2,2 -877,1,813030,0,2337,1,1,1,1 -878,1,480135,0,1342,1,1,2,1 -886,1,533700,0,2205,1,1,1,1 -887,1,432776,0,1533,1,1,2,1 -888,1,865189,0,1649,1,1,2,2 -890,1,142185,1,0158,1,1,2,2 -892,1,124060,1,0015,1,1,2,1 -896,1,759754,0,2048,1,1,2,1 -899,1,393787,0,2055,1,1,2,2 -901,1,378149,0,1039,1,1,1,1 -904,1,427347,0,0621,1,1,2,2 -905,1,163856,0,1328,1,1,2,2 -907,1,814412,0,2323,1,1,2,1 -908,1,446270,0,2220,1,1,3,2 -912,1,451122,0,2144,1,1,1,1 -915,1,618030,0,1356,1,1,1,2 -917,1,990652,0,1823,1,1,2,2 -918,1,465266,0,2312,1,1,2,2 -919,1,234182,0,2041,1,1,2,1 -921,1,706492,0,1726,1,1,2,1 -922,1,988644,0,2205,1,1,2,1 -924,1,437329,0,1316,1,1,2,1 -926,1,425236,0,1321,1,1,2,1 -931,1,680037,0,1725,1,1,2,1 -933,1,471953,0,0236,1,1,2,2 -935,1,731884,0,1500,1,1,2,2 -939,1,464813,0,1236,1,1,1,2 -939,2,464814,2,1644,2,1,1,2 -939,3,482972,20,1555,3,1,1,1 -940,1,988878,0,2134,1,1,2,2 -941,1,484875,0,1123,1,2,2,1 -942,1,249204,0,1525,1,1,2,1 -943,1,457383,0,1757,1,1,2,1 -944,1,543682,0,0652,1,1,3,1 -946,1,714377,0,1147,1,1,2,2 -946,2,714391,0,1332,1,2,1,2 -949,1,261166,0,1754,1,1,1,2 -950,1,969206,0,2019,1,1,2,1 -954,1,148845,0,0938,1,1,2,1 -955,1,397427,0,1511,1,1,2,2 -956,1,673664,0,1742,1,1,2,1 -957,1,338391,0,1304,1,1,2,2 -958,1,438888,1,0005,1,1,2,1 -960,1,415576,0,2346,1,1,2,1 -962,1,277829,0,0145,1,1,2,1 -964,1,865458,0,1845,1,1,2,1 -965,1,584545,0,1607,1,1,2,1 -967,1,329709,0,2154,1,1,3,2 -970,1,428646,0,1759,1,1,1,2 -971,1,815149,0,2246,1,1,1,1 -974,1,143080,0,1538,1,1,2,1 -977,1,267158,0,1736,1,1,2,1 -981,1,935509,1,0200,1,1,2,2 -982,1,446878,0,1451,1,1,2,2 -982,2,446879,2,1341,2,1,1,2 -983,1,687578,0,1147,1,1,1,2 -986,1,786984,0,1500,1,1,2,2 -988,1,311639,0,1614,1,1,3,2 -990,1,630396,0,1911,1,1,2,2 -992,1,795116,0,1900,1,1,1,2 -1000,1,235372,0,0400,1,1,2,1 -1001,1,562358,0,2035,1,1,1,2 -1002,1,125515,0,2230,1,1,1,1 -1003,1,654774,0,1830,1,1,2,1 -1004,1,269260,0,2336,1,1,2,1 -1006,1,194032,1,0216,1,1,2,2 -1007,1,745513,0,2050,1,1,3,1 -1009,1,363527,0,1502,1,1,2,1 -1020,1,440301,0,1203,1,1,2,1 -1023,1,695672,0,2113,1,1,3,1 -1024,1,458324,0,1800,1,1,2,2 -1025,1,951836,0,2231,1,1,2,1 -1026,1,235985,1,0055,1,1,2,1 -1028,1,180438,0,2048,1,1,2,1 -1030,1,561320,0,2200,1,1,1,1 -1034,1,522085,0,1717,1,1,2,2 -1035,1,245950,0,1653,1,1,3,1 -1038,1,165202,0,2215,1,1,1,2 -1039,1,789373,0,2046,1,1,2,2 -1041,1,220849,0,1220,1,1,3,2 -1043,1,552852,0,1920,1,1,2,1 -1044,1,319392,0,1755,1,1,2,1 -1049,1,126878,0,1932,1,1,3,2 -1053,1,617307,0,2038,1,1,2,1 -1054,1,350525,0,2015,2,1,1,1 -1056,1,621735,0,1859,1,1,2,1 -1061,1,660659,0,1659,1,1,3,1 -1062,1,527575,0,1945,1,1,2,1 -1065,1,521263,0,2208,1,1,2,1 -1068,1,534975,0,1606,1,1,2,2 -1074,1,542722,0,1008,1,1,1,1 -1076,1,253498,0,1917,1,1,3,2 -1080,1,982507,0,0155,1,1,2,1 -1085,1,628391,0,1930,1,1,2,1 -1087,1,802247,1,0106,1,1,2,1 -1088,1,460367,0,1810,1,1,1,1 -1092,1,906896,0,1956,1,1,2,1 -1093,1,134008,0,2340,1,1,1,1 -1094,1,330313,0,1759,1,1,2,1 -1095,1,864346,0,1240,1,1,2,1 -1096,1,523927,0,2316,1,1,1,1 -1097,1,132586,0,2016,1,1,2,1 -1098,1,224749,0,0636,1,1,1,2 -1099,1,343116,0,1848,1,1,2,1 -1100,1,977178,0,0240,1,1,2,2 -1101,1,647801,0,1356,1,1,2,1 -1102,1,468152,0,1443,1,1,2,2 -1104,1,700980,0,1801,1,1,1,2 -1104,2,700981,1,0026,2,1,1,2 -1105,1,577179,0,2239,1,1,1,2 -1106,1,722568,0,1630,1,1,2,1 -1108,1,671871,0,1855,1,1,2,2 -1109,1,709323,0,1716,1,1,3,2 -1110,1,911453,0,1911,1,1,2,1 -1116,1,201028,0,2228,1,1,2,2 -1117,1,147266,0,1647,1,1,3,1 -1118,1,288417,0,2139,1,1,2,1 -1119,1,293290,0,1810,1,1,2,1 -1121,1,250381,0,0722,1,1,2,1 -1125,1,607119,0,2237,1,1,2,2 -1128,1,953458,0,2142,1,1,2,1 -1132,1,317209,1,0022,1,1,1,1 -1139,1,973208,0,2122,1,1,1,2 -1141,1,467980,0,2235,1,1,2,2 -1142,1,261967,0,1400,1,1,2,1 -1145,1,931196,0,1015,1,1,2,1 -1146,1,343740,0,1903,1,1,2,1 -1147,1,609024,0,1245,1,1,2,1 -1149,1,164452,0,0833,1,1,2,2 -1150,1,168539,0,2358,1,1,2,2 -1153,1,440782,0,1259,1,1,2,1 -1154,1,320190,0,1634,1,2,1,2 -1156,1,191124,0,1105,1,1,2,2 -1157,1,188880,0,1107,1,1,2,1 -1161,1,264642,0,1749,1,1,1,1 -1163,1,240115,0,2126,1,1,2,1 -1165,1,658566,0,1740,1,1,3,1 -1167,1,709937,0,1643,1,1,2,1 -1171,1,488313,0,2345,1,1,2,2 -1172,1,445674,0,1246,1,1,2,2 -1173,1,205739,0,1732,1,1,3,2 -1173,2,205740,2,0509,1,1,1,2 -1174,1,833917,0,2310,1,1,2,1 -1175,1,215087,0,1958,1,1,2,2 -1181,1,464080,0,2126,1,1,2,1 -1182,1,750137,0,1255,1,1,2,1 -1185,1,363603,0,1819,1,1,3,1 -1190,1,140582,0,2253,1,1,2,1 -1193,1,1004734,0,1315,1,1,2,1 -1195,1,417672,0,2005,1,1,2,1 -1196,1,511108,0,1749,1,1,2,2 -1197,1,941179,0,1953,1,1,1,1 -1198,1,232031,0,1723,1,1,3,2 -1199,1,893505,0,2040,1,1,2,1 -1201,1,484266,0,1829,1,1,2,2 -1202,1,375861,0,0826,1,1,2,1 -1203,1,391041,0,1933,1,1,1,1 -1206,1,309127,0,1018,1,1,2,1 -1207,1,131785,0,2205,1,1,2,1 -1210,1,199330,0,1533,1,1,2,1 -1213,1,974381,1,1256,1,1,2,1 -1214,1,487542,0,2225,1,1,1,1 -1217,1,688238,0,1851,1,1,2,2 -1218,1,799312,0,0614,1,1,2,1 -1219,1,837636,0,0721,1,1,2,2 -1220,1,300594,0,1825,1,1,2,2 -1221,1,487938,0,1051,1,1,2,2 -1227,1,625761,0,2210,1,1,2,1 -1229,1,399057,0,2042,1,1,2,2 -1229,2,399058,3,1446,2,1,2,2 -1230,1,486963,0,1742,1,1,2,2 -1232,1,247239,0,0226,1,1,2,1 -1234,1,639739,0,2233,1,1,2,2 -1236,1,868512,0,1840,1,1,2,1 -1237,1,961255,0,1702,1,1,2,1 -1239,1,488143,1,0015,2,1,2,2 -1240,1,249063,0,2110,1,1,2,1 -1243,1,125403,0,2009,1,1,2,1 -1244,1,284628,0,2015,1,1,2,1 -1246,1,1002876,0,2100,1,1,2,2 -1250,1,837672,0,1803,1,1,2,2 -1253,1,254787,0,1103,1,1,2,2 -1254,1,277580,0,2358,1,1,3,2 -1257,1,587330,0,2358,1,1,2,2 -1263,1,568099,0,1723,1,1,1,2 -1263,2,568100,1,1226,1,1,1,2 -1265,1,492005,0,2043,1,1,1,2 -1267,1,512630,0,2007,1,1,2,1 -1270,1,478708,0,0237,1,1,2,1 -1271,1,922404,0,2011,1,1,2,1 -1272,1,153690,0,1954,1,1,2,1 -1275,1,725314,0,2012,1,3,3,2 -1277,1,148618,0,1955,1,1,2,1 -1279,1,706932,0,2112,1,1,2,1 -1280,1,950703,0,1846,1,1,2,2 -1282,1,375158,1,1126,2,2,2,1 -1283,1,287485,0,1651,1,1,2,2 -1284,1,816597,0,1830,1,1,2,1 -1286,1,490228,0,1916,1,1,2,1 -1288,1,511558,0,1750,1,1,2,1 -1289,1,264389,0,1630,1,1,2,2 -1289,2,264390,7,1544,2,1,1,2 -1297,1,864434,0,1849,1,1,2,1 -1299,1,891264,0,0800,1,1,2,2 -1302,1,614855,0,1544,1,1,2,1 -1306,1,281828,0,2311,1,1,2,1 -1308,1,1007351,0,0129,1,1,1,2 -1308,2,1007352,1,1835,2,1,1,2 -1308,3,1007353,4,1520,2,1,1,2 -1309,1,935583,0,2251,1,1,2,2 -1311,1,806135,0,2149,1,1,2,2 -1313,1,574052,0,2314,1,1,1,2 -1313,2,574053,1,1656,2,1,2,2 -1313,3,574054,4,0959,2,1,1,2 -1321,1,681903,0,1809,1,1,2,2 -1321,2,681904,1,1209,2,2,1,2 -1321,3,681905,8,1126,2,1,2,2 -1322,1,784214,0,0131,1,1,2,2 -1323,1,330779,0,1515,1,1,1,1 -1330,1,777936,0,1742,1,1,2,2 -1336,1,557182,0,1316,1,1,2,1 -1338,1,579259,0,1848,1,1,2,2 -1345,1,944946,0,1650,1,1,1,1 -1347,1,245658,0,1515,1,1,1,1 -1352,1,305235,0,1846,1,1,2,2 -1359,1,435461,0,2115,1,1,2,1 -1361,1,278479,0,1716,1,1,2,1 -1363,1,353055,0,1513,1,1,2,2 -1364,1,530277,1,0009,1,1,1,1 -1365,1,951544,0,1946,1,1,1,1 -1366,1,789433,1,0238,1,1,2,1 -1367,1,696352,0,1705,1,1,2,1 -1373,1,209615,0,1322,4,1,2,2 -1376,1,396523,0,0054,1,1,2,1 -1378,1,203715,0,1915,1,1,2,1 -1379,1,603684,0,1810,1,1,1,1 -1380,1,724810,0,2220,1,1,2,1 -1382,1,941734,0,0555,1,1,2,2 -1383,1,311602,0,1423,1,1,2,2 -1384,1,601368,0,1522,1,1,1,1 -1385,1,273577,0,1554,1,1,1,1 -1391,1,239382,1,0043,1,1,2,1 -1398,1,351089,0,0055,1,1,2,1 -1400,1,603647,1,0127,1,1,2,1 -1403,1,303287,1,0051,1,1,2,2 -1407,1,445145,0,1715,1,1,3,1 -1410,1,568388,0,2236,1,1,1,1 -1413,1,391574,0,1828,1,1,3,1 -1414,1,118792,0,1541,1,1,2,1 -1415,1,482225,0,1340,1,1,2,1 -1416,1,146268,0,1733,1,1,1,2 -1417,1,822196,0,0835,1,1,2,1 -1418,1,391425,0,1508,1,1,2,2 -1420,1,198187,0,1711,1,1,2,2 -1424,1,442335,1,0155,1,1,1,1 -1425,1,330249,0,1658,1,1,1,1 -1426,1,197406,1,0027,1,1,2,1 -1427,1,940203,0,1752,1,1,2,1 -1429,1,800477,0,1408,1,1,2,2 -1430,1,700647,0,1221,1,1,2,1 -1432,1,294096,1,0156,1,2,2,1 -1434,1,139770,0,2153,1,1,2,1 -1436,1,415126,0,1044,1,1,2,1 -1440,1,369557,0,1947,1,1,2,2 -1445,1,419844,0,2015,1,1,3,1 -1446,1,557096,0,0351,1,1,2,2 -1447,1,875499,0,1739,1,1,1,2 -1448,1,629517,0,1852,1,1,2,2 -1449,1,390707,1,0045,1,1,2,1 -1453,1,564876,0,1852,1,1,3,1 -1454,1,250145,0,1700,1,1,2,1 -1455,1,857586,0,1231,1,1,2,2 -1459,1,503474,0,1738,1,1,2,2 -1460,1,545345,0,2110,1,1,2,1 -1461,1,425784,0,1726,1,1,2,1 -1462,1,889740,1,0001,1,1,1,1 -1464,1,312111,0,1724,1,1,2,2 -1465,2,428113,0,2130,1,1,1,2 -1467,1,573160,0,2255,1,2,1,1 -1470,1,293757,0,1515,1,1,1,2 -1473,1,791890,0,1918,1,1,1,2 -1476,1,483907,0,1540,1,1,2,1 -1477,1,191914,0,1904,1,1,2,1 -1482,1,763146,0,0457,1,1,2,1 -1484,1,624842,0,1925,1,1,2,1 -1485,1,199306,0,1556,1,1,2,1 -1486,1,942191,0,2230,1,1,2,2 -1490,1,180499,0,2045,1,1,2,1 -1494,1,130752,0,2125,1,1,2,1 -1495,1,738112,0,1102,1,1,2,2 -1496,1,449988,0,1257,1,1,2,2 -1498,1,565270,1,0000,1,1,2,1 -1499,1,618484,0,2238,1,1,2,1 -1501,1,885929,0,0952,1,1,2,1 -1502,1,200574,0,1441,1,1,1,2 -1503,1,436932,0,2101,1,1,1,1 -1507,1,471141,0,1714,1,1,2,2 -1509,1,114730,0,2055,1,1,2,1 -1510,1,485167,0,1425,1,1,2,2 -1512,1,316705,0,1612,1,1,3,1 -1513,1,616942,0,2305,1,1,2,1 -1514,1,707602,0,1647,1,1,2,1 -1520,1,882631,0,1950,1,1,2,1 -1521,1,501677,0,1319,1,1,2,1 -1522,1,419838,0,2144,1,1,2,2 -1528,1,612229,0,1600,1,1,2,2 -1528,2,884182,4,1118,2,2,1,1 -1531,1,504629,1,1332,2,1,2,1 -1535,1,937208,0,2104,1,1,2,1 -1540,1,725982,0,1947,1,1,2,2 -1542,1,414805,0,1703,1,1,2,1 -1545,1,741304,0,1935,1,1,2,1 -1550,1,415993,0,1813,1,1,2,1 -1551,1,211960,0,2233,1,1,1,1 -1554,1,254090,0,0200,1,1,2,1 -1556,1,478197,0,2005,1,1,2,1 -1558,1,611692,0,2024,1,1,2,2 -1559,1,509864,0,1253,1,1,2,2 -1564,1,195526,0,2257,1,1,2,1 -1566,1,1001158,0,0818,1,1,2,2 -1567,1,489564,0,2315,1,2,2,1 -1572,1,294718,1,2335,1,1,2,1 -1573,1,268063,0,1515,1,1,2,1 -1574,1,350924,0,1701,1,1,2,2 -1575,1,763995,0,1854,1,1,2,2 -1579,1,191089,0,2328,1,1,1,1 -1582,1,521122,1,0256,1,1,1,1 -1584,1,268203,0,1626,1,1,2,2 -1587,1,368380,1,0325,1,1,2,1 -1590,1,394312,0,0855,1,1,2,2 -1591,1,591401,0,1735,1,1,2,1 -1592,1,807884,0,1748,1,1,2,1 -1595,1,249730,0,1330,1,1,2,1 -1597,1,247362,0,1332,1,1,2,1 -1598,1,738941,1,0043,1,1,2,1 -1602,1,406060,1,0120,1,1,2,1 -1604,1,889530,0,2254,1,1,1,2 -1608,1,404211,1,0030,1,1,2,1 -1609,1,522446,0,2234,1,1,3,1 -1611,1,154744,0,2310,1,1,1,2 -1612,1,706182,0,1800,1,1,1,1 -1616,1,627359,0,1748,1,1,2,2 -1617,1,532737,0,2158,1,3,3,1 -1619,1,336539,1,0059,1,1,2,1 -1623,1,1007270,0,0100,1,1,1,1 -1624,1,474145,0,0458,1,1,2,2 -1625,1,253991,0,1516,1,1,2,2 -1626,1,700833,0,2249,1,1,1,1 -1629,1,861540,0,1525,1,1,1,2 -1630,1,198213,0,2149,1,1,2,1 -1632,1,178077,0,2212,1,1,2,1 -1633,1,285105,0,2058,1,1,2,2 -1634,1,1004671,0,2252,1,1,2,1 -1637,1,182617,0,1150,1,1,2,2 -1639,1,152774,0,1407,1,1,2,1 -1642,1,335517,0,1709,1,1,2,2 -1644,1,303794,0,1957,1,1,1,1 -1645,1,800209,0,2101,1,1,2,1 -1647,1,717471,1,1106,2,1,2,1 -1648,1,508895,0,1410,1,1,1,2 -1649,1,152965,0,1948,1,1,2,1 -1650,1,942526,0,2137,1,1,2,1 -1653,1,735005,0,0952,1,1,1,2 -1654,1,675407,0,1930,1,1,2,2 -1655,1,132678,0,1458,1,1,2,1 -1656,1,725654,0,1352,1,1,2,1 -1657,1,141355,0,0831,1,1,2,1 -1658,1,616743,0,2057,1,1,2,2 -1662,1,481496,0,0616,1,1,2,1 -1663,1,601045,0,2336,1,1,2,2 -1664,1,756014,0,2209,1,1,1,2 -1665,1,729278,0,2000,1,1,2,2 -1667,1,341251,0,1830,1,1,2,1 -1671,1,193214,0,1619,1,1,1,1 -1673,1,154447,1,0600,1,1,1,1 -1674,1,330206,0,2030,1,1,2,1 -1675,1,603919,1,0016,1,1,2,1 -1676,1,175512,0,2255,1,1,2,1 -1679,1,241788,0,0932,1,1,1,2 -1679,2,338653,2,1238,2,1,1,2 -1683,1,416543,0,2242,1,1,2,1 -1687,1,789292,1,0227,1,1,2,2 -1689,1,709215,0,2335,1,1,2,1 -1691,1,139342,0,2148,1,1,2,1 -1692,1,879950,0,1950,1,1,2,1 -1696,1,137825,0,1839,1,1,2,1 -1699,1,749688,0,2004,1,1,2,1 -1701,1,374204,0,1719,1,1,1,1 -1705,1,215185,0,1200,1,1,1,1 -1707,1,432304,0,1125,1,1,3,1 -1708,1,117845,0,1838,1,1,2,1 -1711,1,584526,0,1716,1,1,2,1 -1712,1,426313,0,1629,1,1,2,2 -1717,1,216240,0,2357,1,1,2,1 -1720,1,792831,0,2237,1,2,2,1 -1722,1,149133,0,1929,1,1,2,2 -1723,1,918802,1,0047,1,1,2,2 -1725,1,327730,1,0051,1,1,2,2 -1726,1,188175,0,2215,1,1,2,1 -1727,1,565739,0,1847,1,1,2,2 -1730,1,131250,0,0815,1,1,2,1 -1734,1,415783,1,0202,1,1,2,2 -1739,1,384845,1,0114,1,1,2,1 -1740,1,981201,0,1801,1,1,2,2 -1744,1,198215,0,1700,1,1,2,1 -1745,1,140045,0,2218,1,1,2,1 -1748,1,461054,0,2325,1,1,2,1 -1749,1,910283,0,2105,1,1,1,1 -1750,1,287585,0,0312,1,1,2,1 -1756,1,890230,0,2127,1,1,2,1 -1758,1,154679,0,1729,1,1,2,1 -1760,1,817199,0,2147,1,1,2,2 -1761,1,306572,0,2035,1,1,2,2 -1762,1,732284,0,2235,1,1,2,1 -1764,1,165866,0,2216,1,1,1,2 -1764,2,165867,10,1922,2,1,1,2 -1765,1,163940,0,1431,2,1,2,1 -1767,1,415065,0,1956,1,1,2,1 -1768,1,665139,1,1019,2,2,2,2 -1769,1,733665,0,1630,1,1,2,2 -1770,1,298320,0,2032,1,1,3,2 -1771,1,992711,0,0320,1,1,2,1 -1774,1,832617,0,0150,1,1,2,1 -1775,1,625928,0,2032,1,1,2,1 -1776,1,185305,0,1804,1,1,2,1 -1777,1,987671,0,2059,1,1,2,1 -1785,1,1001616,0,1401,1,1,2,2 -1790,1,311981,0,2045,1,1,2,2 -1792,1,468341,0,2305,1,1,2,1 -1793,1,194364,0,2028,1,1,2,2 -1795,1,360908,0,1143,1,1,2,1 -1796,1,807818,0,1637,1,1,1,1 -1797,1,586155,0,2121,1,1,3,1 -1798,1,616955,0,1444,1,1,2,2 -1800,1,996911,0,1603,1,1,2,1 -1804,1,196799,0,2023,1,1,2,1 -1806,1,488978,0,1928,1,1,2,1 -1807,1,390097,0,2104,1,1,1,1 -1816,1,894427,0,1853,1,1,2,1 -1817,1,163096,0,1505,1,1,2,1 -1823,1,209770,0,1657,1,1,2,1 -1824,1,567970,0,1427,1,1,2,2 -1825,1,453684,0,1145,1,1,2,1 -1828,1,894450,0,2353,1,1,2,2 -1829,1,750023,0,2027,1,1,2,1 -1833,1,352485,0,2016,1,1,2,1 -1834,1,344668,0,0855,1,1,2,1 -1835,1,816689,0,2227,1,1,2,2 -1836,1,406247,0,1045,1,1,3,1 -1837,1,356593,0,2009,1,1,1,2 -1837,2,356595,4,1425,2,1,2,2 -1838,1,565656,0,2354,1,1,3,1 -1839,1,287516,0,1627,1,1,3,1 -1845,1,148063,0,1710,1,1,2,1 -1846,1,403035,0,1223,1,1,2,1 -1851,1,577919,0,1947,1,1,2,1 -1854,1,745182,0,2126,1,1,2,2 -1855,1,132481,0,1704,1,1,2,1 -1856,1,598880,1,0124,1,1,3,1 -1860,1,286925,0,1158,1,1,2,1 -1863,1,658975,0,1045,1,1,1,1 -1866,1,211305,0,2035,1,1,2,1 -1870,1,536584,0,1800,1,1,1,2 -1873,1,1004799,0,1932,1,1,2,2 -1878,1,293335,0,1140,1,1,2,1 -1879,1,484383,0,1240,1,1,1,2 -1882,1,480288,0,2240,1,1,1,1 -1885,1,240178,0,2031,1,1,1,1 -1886,1,698652,0,1455,1,1,3,1 -1887,1,620100,1,0032,1,1,2,2 -1889,1,630842,0,1233,1,1,2,2 -1890,1,535061,0,1734,1,1,2,1 -1891,1,184999,1,0037,1,1,2,1 -1892,1,630636,0,1136,1,1,2,1 -1893,1,154016,0,1324,1,1,2,1 -1894,1,275840,0,2011,1,1,3,1 -1895,1,568436,0,2322,1,1,2,1 -1897,1,672264,0,1820,1,1,2,2 -1909,1,486388,0,2159,1,1,2,2 -1910,1,987333,0,2122,1,1,2,2 -1912,1,317488,0,1945,1,1,1,1 -1917,1,627305,0,1619,1,1,2,1 -1918,1,740105,1,0023,1,1,2,1 -1921,1,725893,0,2049,1,1,2,2 -1923,1,705214,0,2239,1,1,3,1 -1926,1,595124,0,1132,1,1,2,2 -1930,1,251119,0,1730,1,1,2,2 -1935,1,766394,0,1657,1,1,1,1 -1937,1,753088,0,1826,1,1,2,1 -1941,1,930184,1,0253,1,1,2,1 -1943,1,374217,0,2057,1,1,1,1 -1944,1,421392,0,1528,1,1,1,1 -1945,1,464405,0,2104,1,1,2,2 -1947,1,522845,0,0930,1,1,1,1 -1950,1,1012384,0,1106,2,1,2,2 -1951,1,794513,0,2030,1,1,2,1 -1953,1,976878,1,1220,2,1,2,1 -1954,1,716395,0,2318,1,1,2,1 -1957,1,841297,0,2011,1,1,2,1 -1958,1,751413,0,1431,1,1,2,2 -1962,1,575101,0,0126,1,1,2,2 -1965,1,282025,0,2028,1,1,2,1 -1969,1,381402,0,0545,1,1,3,1 -1975,1,621078,0,2303,1,1,2,2 -1978,1,894633,0,1830,1,1,2,1 -1979,1,721533,0,2217,1,1,2,1 -1981,1,141523,0,2317,1,1,2,1 -1985,1,344204,0,1345,1,1,2,2 -1985,2,344205,6,1451,3,1,2,2 -1986,1,253180,0,2057,1,1,2,1 -1987,1,672332,0,2151,1,1,2,1 -1990,1,929965,0,1821,1,1,3,2 -1992,1,769974,0,1401,1,1,2,2 -1994,1,169734,0,2233,1,1,2,1 -1996,1,385605,0,2005,1,1,1,1 -2000,1,905658,0,2156,1,1,2,2 -2001,1,631866,0,0235,1,1,2,1 -2006,1,673848,0,2100,1,1,2,1 -2007,1,508502,0,0411,1,1,1,1 -2008,1,997742,0,1324,1,1,2,2 -2009,1,1013944,1,0410,2,1,2,1 -2011,1,142568,0,2211,1,1,2,2 -2015,1,577642,1,0015,1,1,2,2 -2016,1,461544,0,2159,1,1,2,1 -2017,1,819091,0,1902,1,1,2,2 -2019,1,420676,0,1903,1,1,3,1 -2021,1,899395,0,1828,1,1,1,2 -2023,1,543254,0,1815,1,1,2,1 -2024,1,710197,0,2018,1,1,2,1 -2028,1,355068,0,2116,1,1,2,1 -2029,1,159684,0,2120,1,1,2,2 -2035,1,130521,1,0428,1,1,2,2 -2037,1,287981,0,1900,1,1,2,1 -2038,1,465247,0,1741,1,1,2,1 -2039,1,595853,0,2329,1,1,1,1 -2043,1,784236,0,1410,1,1,2,2 -2044,1,177798,0,1313,1,1,2,1 -2045,1,946694,0,1228,1,1,2,2 -2046,1,449836,0,1853,1,1,2,1 -2047,2,211974,0,2058,1,1,2,2 -2048,1,676925,0,1614,1,1,2,1 -2049,1,268166,0,2041,1,1,2,1 -2052,1,792875,0,1740,1,1,1,1 -2053,1,362964,0,2200,1,1,2,1 -2054,1,234225,0,2219,1,3,3,1 -2056,1,741056,0,2213,1,1,2,1 -2057,1,170793,0,1310,1,1,2,1 -2058,1,383664,0,1144,1,1,2,2 -2059,1,580827,0,1458,1,1,2,2 -2060,1,414512,0,0949,1,1,2,2 -2061,1,130766,0,1551,1,1,2,1 -2063,1,146106,0,2030,1,1,2,2 -2064,1,791968,0,1438,1,1,2,1 -2065,1,141335,0,1852,1,1,2,1 -2069,1,617111,0,1418,1,1,2,1 -2070,1,725685,0,2244,1,1,2,1 -2071,1,303616,0,1050,1,1,2,1 -2074,1,846323,0,0940,1,1,2,2 -2074,2,846324,3,1302,2,1,2,2 -2075,1,163511,0,2249,1,1,2,2 -2076,1,207831,0,2320,1,1,3,1 -2078,1,459193,1,0133,1,1,2,1 -2080,1,822205,0,2048,1,1,2,1 -2082,1,569196,1,0143,1,1,2,2 -2086,1,812985,0,2123,1,1,3,1 -2087,1,726109,0,1906,1,1,2,1 -2089,1,983533,0,1839,1,1,2,1 -2097,1,484114,0,1620,1,1,2,1 -2101,1,793996,1,0027,1,1,3,2 -2102,1,460601,0,2106,1,1,2,1 -2106,1,132726,0,1505,1,1,2,1 -2107,1,205282,0,0455,1,1,2,1 -2109,1,484628,0,1938,1,1,2,2 -2113,1,507199,0,2330,1,1,2,1 -2114,1,333373,0,0225,1,1,2,1 -2115,1,397492,0,2014,1,1,1,1 -2119,1,132163,0,1915,1,1,2,1 -2120,1,403809,0,1525,1,1,2,1 -2121,1,458240,0,1857,1,1,2,1 -2122,1,836094,0,1455,1,1,2,1 -2123,1,451105,0,0250,1,1,1,1 -2124,1,630349,0,2100,1,1,1,1 -2126,1,914589,0,1054,1,1,2,1 -2127,1,700583,0,1711,1,1,2,1 -2128,1,529816,0,1840,1,1,1,1 -2130,1,577210,0,1752,1,1,2,2 -2131,1,353741,1,0137,1,1,3,1 -2132,1,649871,0,0937,1,1,2,1 -2134,1,605144,0,1414,1,1,2,1 -2135,1,261924,0,1732,1,1,2,1 -2136,1,953287,0,1637,1,1,2,2 -2137,1,462639,0,2310,1,1,1,2 -2138,1,518075,1,0152,1,1,1,1 -2139,1,406465,0,1830,1,1,2,1 -2140,1,793732,0,0158,1,1,2,1 -2141,1,502739,0,1934,1,1,2,1 -2145,1,393678,0,2248,1,1,2,1 -2147,1,848139,0,1817,1,1,2,1 -2148,1,730076,0,1926,1,1,2,1 -2151,1,541310,0,2250,1,1,2,1 -2153,1,403958,0,2226,1,1,2,2 -2155,1,559672,0,1906,1,1,1,2 -2156,1,841614,0,1556,1,1,1,1 -2159,1,458886,0,1254,1,1,2,2 -2168,1,671016,0,1536,1,1,2,1 -2174,1,316121,0,1516,1,1,2,1 -2177,1,610667,1,0019,1,1,1,1 -2178,1,484020,0,2203,1,1,2,1 -2182,1,378333,0,1451,1,1,1,2 -2183,1,1006212,0,2049,1,1,2,1 -2185,1,700362,0,2338,1,1,2,1 -2186,1,629556,1,0327,1,1,2,2 -2187,1,449367,1,0146,1,1,2,1 -2188,1,460093,0,1840,1,1,3,2 -2190,1,388359,0,2337,1,1,1,1 -2191,1,1030432,0,1742,1,1,2,2 -2191,2,1030433,1,2051,2,1,3,2 -2193,1,133619,0,1903,1,1,2,2 -2194,1,631854,0,2240,1,1,2,1 -2195,1,282933,0,1924,1,1,2,2 -2197,1,369176,0,1124,1,1,2,2 -2199,1,596551,0,1852,1,1,2,1 -2202,1,871956,1,0141,1,1,2,2 -2203,1,678633,0,1135,1,1,2,1 -2204,1,273379,0,2224,1,1,2,1 -2205,1,383177,0,2001,1,1,2,1 -2207,1,189921,0,1038,1,1,1,2 -2207,2,189938,0,1738,2,1,1,2 -2209,1,333698,0,2129,1,1,2,2 -2210,1,531507,0,1953,1,1,2,1 -2211,1,584407,0,0813,1,1,2,1 -2212,1,982575,0,2042,1,1,1,2 -2213,1,542457,0,2021,1,1,2,1 -2214,1,207728,0,2202,1,1,3,1 -2216,1,257781,0,1156,1,1,2,2 -2220,1,750568,0,2349,1,1,2,1 -2221,1,417463,0,2330,1,1,2,2 -2223,1,804577,0,1440,1,1,2,1 -2224,1,715712,0,2112,1,1,2,1 -2225,1,430914,0,1933,1,1,2,1 -2226,1,617344,0,1419,1,1,1,2 -2228,1,370329,0,1010,1,1,3,1 -2230,1,140373,0,1631,1,1,2,1 -2238,1,577946,1,0115,1,1,2,1 -2240,1,767216,0,2322,1,1,2,2 -2244,1,965245,0,1845,1,1,2,1 -2245,1,183886,0,2106,1,1,2,1 -2246,1,935604,0,1729,1,1,2,2 -2248,1,350624,0,1540,1,1,1,1 -2250,1,422242,0,2017,1,1,1,2 -2252,1,333941,0,1013,1,1,2,1 -2253,1,849778,0,0954,1,1,2,2 -2258,1,373893,0,2346,1,1,2,2 -2259,1,604999,0,2155,1,1,2,1 -2260,1,330182,0,1738,1,1,2,1 -2263,1,1011372,1,0008,1,1,2,1 -2265,1,375036,0,2003,1,1,3,1 -2273,1,941882,0,1620,1,1,2,2 -2274,1,432600,0,1446,1,2,1,1 -2275,1,153977,0,2054,1,1,2,1 -2277,1,356822,0,1719,1,1,2,1 -2278,1,989130,0,1920,1,1,2,2 -2281,1,264115,0,1935,1,1,2,1 -2283,1,231849,0,2100,1,1,2,1 -2286,1,542540,0,2144,1,1,2,1 -2287,1,458935,1,0046,1,1,1,1 -2290,1,603979,0,2332,1,1,2,1 -2292,1,1005841,0,1924,1,1,2,1 -2295,1,915121,0,2027,1,1,2,2 -2296,1,889832,0,2259,1,1,1,1 -2297,1,245700,0,1411,1,1,2,2 -2298,1,522038,0,1052,1,1,2,1 -2301,1,237095,1,0032,1,1,2,1 -2302,1,140542,0,1951,1,1,2,2 -2303,1,366143,0,1530,1,1,2,1 -2306,1,246334,0,1923,1,1,1,2 -2307,1,942338,0,1858,1,1,2,2 -2308,1,912879,0,1231,1,1,2,1 -2310,1,922758,0,1717,1,1,1,2 -2313,1,736481,0,1726,1,1,2,2 -2319,1,434244,0,2114,1,1,2,1 -2320,1,603601,1,0345,1,1,2,1 -2321,1,243470,0,2342,1,1,1,2 -2322,1,777788,0,1650,1,1,2,1 -2323,1,188316,0,1749,1,1,1,2 -2326,1,423966,0,2150,1,1,2,1 -2328,1,301820,0,1614,1,1,3,1 -2330,1,773156,0,2359,2,2,2,2 -2332,1,627531,0,2022,1,1,2,1 -2333,1,896122,0,1259,1,1,1,1 -2336,1,142877,0,1645,1,1,2,1 -2337,1,247296,0,1916,1,1,2,1 -2337,2,1053088,1,2051,2,1,2,2 -2339,1,174787,0,2239,1,1,1,2 -2340,1,866548,1,0245,1,1,2,2 -2343,1,735469,0,0439,1,1,1,2 -2344,1,777481,0,1655,1,1,2,1 -2347,1,558906,0,2059,1,1,2,1 -2348,1,960677,0,2045,1,1,1,1 -2349,1,729714,0,2116,1,1,2,1 -2351,1,355817,1,0102,1,1,2,2 -2354,1,577635,1,0115,1,1,2,2 -2354,2,577636,9,2343,2,1,2,2 -2354,3,577637,12,1925,2,1,2,2 -2355,1,147287,0,2358,1,1,3,1 -2356,1,593384,0,1600,2,1,2,1 -2357,1,529151,0,1529,1,1,2,1 -2362,1,473546,0,1845,1,1,2,2 -2367,1,458498,0,1715,1,1,1,2 -2368,1,427149,0,1949,1,1,2,1 -2369,1,340718,0,2220,1,1,2,1 -2369,2,732857,1,0622,3,1,2,1 -2370,1,538999,1,0050,1,1,2,1 -2371,1,408289,0,1611,1,1,2,1 -2372,1,299649,0,1836,1,1,2,1 -2373,1,584951,0,1439,1,1,2,1 -2379,1,927244,0,1948,1,1,2,1 -2380,1,437686,0,1247,1,1,2,2 -2381,1,235327,0,2212,1,1,2,1 -2382,1,881302,0,1707,1,1,2,2 -2383,1,197389,0,1411,1,1,2,1 -2384,1,398404,0,2109,1,1,2,1 -2387,1,816672,0,0648,1,1,2,1 -2388,1,988611,0,1620,1,1,2,1 -2392,1,928465,0,2235,1,1,2,2 -2395,1,377473,0,0955,1,1,1,1 -2396,1,624614,0,2129,1,1,1,1 -2398,1,519038,1,0345,1,1,1,1 -2401,1,317546,0,2315,1,1,1,1 -2402,1,188220,0,1612,1,1,2,2 -2403,1,624388,0,0158,1,1,1,1 -2404,1,521010,0,1611,1,1,1,1 -2405,1,651902,0,2007,1,1,2,1 -2414,1,729872,1,0001,1,1,2,1 -2417,1,163488,0,2053,1,1,2,2 -2420,1,923169,0,2158,1,1,2,1 -2421,1,737589,0,2122,1,1,3,1 -2423,1,827357,0,1845,1,1,2,2 -2426,1,558519,0,2009,1,1,1,1 -2428,1,228620,0,2207,1,1,2,2 -2431,1,169688,0,2250,1,1,2,2 -2434,1,183625,0,1811,1,1,2,1 -2439,1,222231,0,1231,1,1,2,1 -2445,1,1009167,0,1529,1,1,2,2 -2448,1,350871,0,0153,1,1,3,2 -2449,1,839601,2,0131,2,1,1,1 -2454,1,264017,0,1815,1,1,2,1 -2455,1,388440,0,0333,1,1,2,1 -2456,1,339593,0,1559,1,1,2,1 -2458,1,890530,0,2344,1,1,2,1 -2459,1,507660,0,1845,1,1,1,1 -2462,1,461968,0,1954,1,1,2,1 -2463,1,454404,0,2028,1,1,2,1 -2464,1,495634,0,1215,1,1,2,2 -2466,1,432508,1,0412,1,1,1,1 -2467,1,448968,0,1014,1,1,2,2 -2468,1,835496,0,0315,1,1,2,2 -2471,1,791163,0,2301,1,1,1,1 -2472,1,617928,0,1900,1,1,2,1 -2474,1,153747,0,1342,1,1,2,1 -2475,1,1005208,1,0019,1,1,2,1 -2477,1,826993,0,0646,1,1,2,2 -2478,1,317003,0,2043,1,1,1,1 -2479,1,458845,0,1806,1,1,2,1 -2480,1,508227,0,2210,1,1,2,1 -2481,1,889818,2,1049,2,1,2,2 -2482,1,834150,1,1721,2,1,3,2 -2483,1,744146,0,1815,1,1,2,1 -2484,1,931147,0,1702,1,1,2,1 -2486,1,817506,0,2156,1,1,2,1 -2489,1,382563,1,0007,1,1,2,1 -2491,1,427253,1,0004,1,1,2,1 -2492,1,305413,0,0919,1,1,1,2 -2496,1,942154,1,0103,1,1,2,2 -2497,1,464023,1,0021,1,1,2,1 -2498,1,317558,0,2005,1,1,1,1 -2499,1,194242,0,2001,1,1,2,1 -2502,1,228488,0,1126,1,1,2,2 -2509,1,468545,0,1944,1,1,2,1 -2511,1,990098,0,1540,1,1,2,1 -2511,2,990099,18,1259,2,1,2,1 -2512,1,587667,0,1930,1,1,2,2 -2515,1,598836,1,0014,1,1,2,2 -2518,1,301562,0,1457,1,1,2,1 -2521,1,307999,0,2254,1,1,1,2 -2522,1,193921,1,0539,1,1,2,1 -2526,1,192003,0,1640,1,1,2,2 -2529,1,960902,0,1650,1,1,2,1 -2532,1,845103,0,2328,1,1,2,2 -2534,1,813158,0,1416,1,1,2,2 -2536,1,544743,0,2024,1,1,1,1 -2541,1,615248,0,2303,1,1,2,1 -2547,1,377570,0,0315,1,1,1,2 -2547,2,864782,0,0905,2,1,1,2 -2548,1,1002915,0,2053,1,1,2,1 -2549,1,344086,0,1505,1,1,2,1 -2552,1,741136,0,2144,1,1,2,1 -2556,1,320312,0,1325,1,1,1,2 -2559,1,569570,0,1844,1,1,2,1 -2560,1,800350,1,0248,1,1,2,2 -2561,1,183377,0,1906,1,1,2,2 -2562,1,167755,0,2052,1,3,3,1 -2564,1,230425,0,2221,1,1,1,1 -2565,1,356308,0,1614,1,1,2,1 -2567,1,896727,0,2034,1,1,2,2 -2568,1,177922,0,1730,1,1,2,1 -2569,1,176932,0,2100,1,1,2,1 -2570,1,124318,0,1300,1,1,1,1 -2571,1,758132,0,0832,1,1,2,1 -2572,1,228460,0,1837,1,1,2,1 -2574,1,751653,0,1604,1,1,1,1 -2576,1,394295,0,0230,1,1,1,1 -2577,1,250075,0,2005,1,1,2,1 -2580,1,513769,0,1519,1,1,3,2 -2581,1,618376,0,1455,1,1,3,2 -2590,1,569558,0,0759,1,1,2,2 -2595,1,1011327,1,0009,1,1,2,1 -2598,1,200834,1,0135,1,1,2,2 -2601,1,344104,0,1652,1,1,1,1 -2602,1,309070,0,2037,1,1,2,1 -2606,1,475306,0,0848,1,1,2,1 -2608,1,484279,1,0037,1,1,2,1 -2609,1,227076,0,2020,1,1,1,1 -2610,1,250559,0,2055,1,1,2,1 -2611,1,349081,0,1758,1,1,2,1 -2613,1,800673,1,0114,1,1,2,2 -2617,1,487379,0,2035,1,1,2,2 -2618,1,297816,1,0531,1,3,3,1 -2621,1,194178,1,0035,1,1,1,2 -2621,2,194182,2,0356,1,1,1,2 -2623,1,512505,0,1528,1,1,2,1 -2626,1,827499,1,0605,1,1,2,1 -2628,1,317552,0,1520,1,1,1,1 -2633,1,234276,0,1641,1,1,2,1 -2635,1,365023,0,2105,1,1,2,2 -2636,1,329212,0,1525,1,1,2,2 -2638,1,868598,0,2207,1,1,2,1 -2639,1,201244,0,1812,1,1,1,1 -2641,1,169792,0,1652,1,1,2,1 -2642,1,749776,0,1415,1,1,2,1 -2643,1,775548,0,2329,1,1,2,1 -2644,1,630802,0,2023,1,1,2,2 -2645,1,112913,0,1515,1,1,2,1 -2646,1,531309,0,1852,1,1,2,1 -2647,1,460439,0,1943,1,1,2,1 -2648,1,741250,0,2042,1,1,2,1 -2651,1,445336,0,1803,1,1,2,1 -2653,1,812315,1,0002,1,1,1,1 -2654,1,136112,0,2145,1,1,2,1 -2657,1,529798,0,1449,1,1,2,1 -2659,1,541658,0,1824,1,1,2,2 -2661,1,402715,0,2050,1,1,2,1 -2662,1,283728,0,2216,1,1,1,1 -2666,1,515900,0,2339,1,1,2,2 -2666,2,515901,1,1130,1,1,2,2 -2667,1,331306,0,2219,1,1,2,1 -2668,1,672545,0,1304,1,1,2,2 -2669,1,562056,0,2020,1,1,1,2 -2671,1,940394,0,1348,1,1,2,2 -2672,1,829134,0,1844,1,1,2,2 -2674,1,350741,1,0223,2,1,2,1 -2675,1,682869,0,1357,1,1,2,2 -2677,1,999090,0,1700,1,1,1,1 -2685,1,199284,0,1737,1,1,2,2 -2687,1,551347,1,0022,1,1,2,2 -2689,1,416122,0,1212,1,1,2,2 -2692,1,409788,0,0155,1,1,2,2 -2694,1,542449,0,2345,1,1,2,1 -2696,1,941843,0,2056,1,1,2,2 -2699,1,136458,0,1356,1,1,1,2 -2701,1,556296,0,1720,1,1,2,1 -2703,1,676457,0,2224,1,1,2,1 -2705,1,378235,1,1750,1,1,1,2 -2706,1,977531,1,0242,1,1,2,1 -2707,1,805377,0,1824,1,1,2,1 -2712,1,376912,0,1725,1,1,2,1 -2714,1,543238,0,1320,1,1,2,1 -2715,1,450088,0,1845,1,1,2,1 -2719,1,208559,0,1339,1,1,2,2 -2722,1,440299,0,1322,1,1,1,1 -2724,1,743707,0,0234,1,1,2,2 -2725,1,508750,0,1736,1,1,2,1 -2726,1,592162,0,1505,1,1,1,1 -2733,1,749618,0,0045,1,1,2,1 -2735,1,880469,1,1349,2,1,2,1 -2736,1,518885,0,1854,1,1,2,1 -2738,1,624104,0,1629,1,1,1,1 -2739,1,330167,0,1723,1,1,1,1 -2740,1,465625,0,1805,1,1,3,2 -2741,1,143478,0,1628,1,1,2,2 -2744,1,624235,0,0232,1,1,1,1 -2744,2,624236,0,1126,1,1,1,1 -2745,1,207335,0,1342,1,1,2,1 -2746,1,946636,1,0050,1,1,2,1 -2747,1,495265,0,1933,1,1,2,1 -2750,1,243437,0,1825,1,1,1,1 -2751,1,560346,0,1753,1,1,2,2 -2752,1,792455,0,1719,1,1,2,2 -2756,1,948165,1,0532,1,1,2,1 -2758,1,755973,0,1454,1,1,1,1 -2759,1,856865,0,1600,1,1,2,1 -2762,1,596465,0,1710,1,1,2,1 -2763,1,711877,0,2100,1,1,2,1 -2764,1,540327,0,1845,1,1,2,2 -2772,1,542703,0,2323,1,1,1,1 -2775,1,159248,0,1320,1,1,1,2 -2777,1,706102,0,0815,1,1,2,2 -2778,1,344632,0,1930,1,1,2,1 -2783,1,683010,0,0139,1,1,2,1 -2784,1,856700,0,1819,1,1,2,1 -2787,1,420730,0,1644,1,1,2,1 -2793,1,435421,0,1701,1,3,3,2 -2799,1,382338,1,0030,1,1,2,1 -2800,1,541893,0,1300,1,1,1,2 -2804,1,869592,0,2024,1,1,2,1 -2812,1,184541,0,1618,1,1,2,2 -2818,1,556712,0,2135,1,1,2,2 -2819,1,542324,0,1827,1,1,2,2 -2822,1,840203,0,2100,1,1,2,1 -2823,1,933496,0,1955,1,1,2,1 -2824,1,828309,0,2005,1,1,2,1 -2825,1,789385,0,2259,1,1,2,1 -2826,1,433380,0,2234,1,1,2,1 -2827,1,504320,0,0613,1,1,2,2 -2829,1,502711,0,2007,1,1,2,2 -2831,1,212486,0,2042,1,1,2,1 -2837,1,369641,0,1713,1,1,2,2 -2838,1,705093,0,1645,1,1,3,2 -2840,1,450786,0,2309,1,1,2,2 -2841,1,208463,0,1029,1,1,2,1 -2843,1,779460,0,2251,1,1,2,1 -2845,1,588587,0,1400,1,1,2,1 -2848,1,526144,0,2258,1,1,1,2 -2850,1,508862,0,1706,1,1,1,1 -2852,1,285187,0,1847,1,1,2,2 -2855,1,283271,0,1530,1,1,2,1 -2857,1,216019,0,2036,1,1,2,1 -2858,1,735921,0,1318,1,1,2,2 -2861,1,803472,0,0503,1,1,2,1 -2862,1,997726,0,2258,1,1,2,1 -2863,1,194543,1,0233,1,1,2,2 -2868,1,715485,0,1554,1,1,3,1 -2869,1,171011,0,2049,1,1,2,1 -2871,1,394222,0,1557,1,1,1,1 -2871,2,930003,0,2054,2,1,1,1 -2873,1,141477,0,0146,1,1,2,2 -2875,1,371869,0,0906,1,1,3,1 -2882,1,342874,0,1340,1,1,1,2 -2883,1,133206,0,0933,1,1,2,1 -2884,1,192126,0,1717,1,1,2,1 -2885,1,994396,0,1758,1,1,2,2 -2887,1,782904,0,1733,1,1,2,1 -2889,1,125584,0,1915,1,1,1,1 -2892,1,161621,0,0256,1,1,2,1 -2895,1,488094,0,2118,1,1,2,2 -2897,1,822822,0,2338,1,1,2,1 -2899,1,596536,0,2232,1,1,2,2 -2900,1,423961,0,1843,1,1,2,1 -2904,1,467873,0,1726,1,1,3,1 -2907,1,345499,0,1831,1,1,2,1 -2908,1,552748,0,1700,1,1,2,1 -2909,1,674923,0,1646,1,1,2,1 -2910,1,264583,1,0003,1,1,1,2 -2910,2,330197,6,1524,3,1,1,1 -2911,2,448034,1,0346,1,1,2,1 -2915,1,262008,1,0040,1,1,2,1 -2918,1,448479,1,0143,1,1,2,1 -2920,1,138998,0,2246,1,1,2,1 -2922,1,146298,0,1705,1,1,2,2 -2923,1,816122,1,0153,1,1,2,1 -2925,1,941060,1,0052,1,1,2,1 -2926,1,377776,1,0035,1,1,1,1 -2929,1,216266,0,1539,1,1,2,1 -2930,1,529897,0,1615,1,1,2,1 -2933,1,956933,0,2155,1,1,1,2 -2935,1,885625,0,2041,1,1,2,2 -2937,1,226668,0,1545,1,1,2,1 -2939,1,651041,0,1911,1,1,2,2 -2942,1,438428,0,2254,1,1,3,1 -2943,1,342772,0,1630,1,1,2,1 -2945,1,415262,0,0255,1,1,2,2 -2946,1,440467,1,0013,1,1,3,1 -2947,1,469967,0,1838,1,1,2,2 -2950,1,445445,0,1316,1,1,2,1 -2952,1,406218,0,1619,1,1,2,1 -2956,1,453930,0,1657,1,1,1,1 -2958,1,676105,0,2126,1,1,1,1 -2959,1,570082,0,2113,1,1,2,1 -2960,1,767429,0,1619,1,1,2,2 -2962,1,227423,0,1633,1,1,2,2 -2962,2,227424,8,1610,2,1,1,2 -2962,3,227425,17,1519,2,1,1,2 -2962,4,975191,25,2014,2,1,1,2 -2965,1,540344,0,2215,1,1,2,1 -2967,1,549026,0,1203,1,1,2,1 -2968,1,609978,0,2220,1,1,2,1 -2969,1,634492,0,2010,1,1,2,2 -2971,1,683158,0,1920,1,1,2,2 -2974,1,514254,0,0043,1,1,2,1 -2975,1,225294,0,1647,1,1,2,1 -2978,1,607073,0,1400,1,1,2,1 -2980,1,609960,0,2130,1,1,2,2 -2981,1,387910,0,2316,1,1,2,2 -2982,1,657908,1,0006,2,1,3,2 -2983,1,118084,0,1822,1,1,2,1 -2987,1,352219,0,1902,1,1,2,1 -2991,1,263689,0,2319,1,1,2,1 -2994,1,985410,0,2133,1,1,2,2 -2997,1,134216,0,1921,1,1,2,1 -2999,1,654256,1,0020,1,1,1,2 -3000,1,910518,0,2150,1,1,2,1 -3002,1,1004744,0,1618,1,1,2,1 -3005,1,397853,0,2012,1,1,2,2 -3009,1,350055,0,1647,1,1,2,2 -3014,1,240306,0,2230,1,1,2,1 -3015,1,320883,0,0954,1,1,2,2 -3016,1,594965,0,2031,1,1,1,2 -3022,1,564202,0,1030,1,3,3,2 -3025,1,557174,0,2053,1,1,2,1 -3030,1,687446,0,2034,1,1,2,2 -3032,1,285058,1,0632,1,1,2,1 -3033,1,388411,0,2305,1,1,2,1 -3036,1,290149,0,2011,1,1,1,1 -3037,1,929631,1,0055,1,1,2,2 -3038,1,796568,0,1723,1,1,2,1 -3042,1,896622,0,1930,1,1,2,1 -3043,1,422210,0,1625,1,1,1,1 -3047,1,649932,0,2346,1,1,2,1 -3054,1,136139,0,1650,1,1,2,1 -3055,1,737241,0,1035,1,1,2,1 -3056,1,461636,0,1457,1,1,2,1 -3057,1,261067,0,1628,1,1,1,2 -3059,1,282493,0,1726,1,1,2,2 -3060,1,316018,0,1739,1,1,2,2 -3061,1,841500,0,1009,1,1,2,2 -3062,1,473421,0,1734,1,1,2,1 -3063,1,715958,0,2315,1,1,2,2 -3064,1,206968,0,1623,1,1,2,2 -3065,1,675479,0,1646,1,1,2,1 -3066,1,978959,0,1147,1,1,2,2 -3067,1,603054,0,1650,1,1,2,1 -3068,1,792046,0,2044,1,1,2,2 -3069,1,180945,0,1535,1,1,2,1 -3070,1,181228,0,1916,1,1,2,1 -3074,1,951401,0,0400,1,1,1,2 -3074,3,951403,7,1844,2,1,1,2 -3077,1,190053,0,0120,1,1,1,1 -3080,1,258254,0,1629,1,1,3,1 -3083,1,624664,0,1447,1,1,3,1 -3085,1,999458,0,1738,1,1,2,2 -3088,1,419628,1,0002,1,1,2,1 -3089,1,124309,0,1300,1,1,2,1 -3092,1,130369,0,1845,1,1,2,1 -3093,1,326683,0,1914,1,1,2,1 -3099,1,362678,0,1850,1,1,3,1 -3101,1,528582,0,1637,1,1,2,1 -3102,1,624518,0,1557,1,1,2,2 -3105,1,214936,0,1338,1,1,2,1 -3109,1,923371,0,0136,1,1,2,1 -3110,1,594704,0,2040,1,1,2,2 -3111,1,713850,1,0049,1,1,2,1 -3112,1,680685,0,1440,1,1,2,2 -3113,1,544676,0,1915,1,1,2,1 -3114,1,308320,0,2201,1,1,1,2 -3115,1,812961,0,2122,1,1,2,2 -3120,1,454164,0,2017,1,1,1,2 -3122,1,847095,0,1933,1,1,1,1 -3123,1,750736,0,2047,1,1,2,1 -3127,1,161259,0,2325,1,1,2,1 -3128,1,198707,0,2154,1,1,2,2 -3129,1,474040,0,0156,1,1,2,2 -3132,1,706439,0,1531,1,1,2,1 -3135,1,350960,0,1640,1,1,2,1 -3137,1,725258,0,1400,1,1,1,1 -3138,1,1006570,0,1249,1,1,1,1 -3141,1,472695,0,1521,1,1,2,1 -3144,1,125645,0,1543,1,1,2,1 -3145,1,321387,0,2103,1,1,2,1 -3148,1,382029,0,1646,1,1,2,1 -3150,1,133219,0,2307,1,1,1,1 -3151,1,671047,0,1923,1,1,2,1 -3152,1,740125,1,0113,1,1,1,1 -3153,1,942310,0,2341,1,1,2,1 -3159,1,815552,0,1741,1,1,2,2 -3161,1,602326,0,1915,1,1,2,1 -3162,1,204626,0,2000,1,1,2,1 -3167,1,928988,1,0006,1,1,2,1 -3169,1,791682,0,0615,1,1,2,1 -3170,1,966475,0,1745,1,1,2,1 -3177,1,389879,0,1619,1,1,1,1 -3178,1,132445,0,1749,1,1,2,1 -3180,1,543703,1,0145,1,2,2,1 -3181,1,661792,0,2307,1,1,2,1 -3182,1,177961,0,1425,1,1,2,1 -3186,1,740235,0,0940,1,2,1,2 -3187,1,283818,0,1605,1,1,2,2 -3189,1,317583,0,1312,1,1,1,1 -3190,1,420816,0,0430,1,1,1,2 -3191,1,885463,0,1946,1,1,2,1 -3193,1,533040,0,1026,1,1,2,1 -3195,1,303935,0,1732,1,1,1,2 -3197,1,516351,0,2123,1,1,2,1 -3199,1,683186,0,1245,1,1,2,1 -3202,1,260885,0,2150,1,1,2,1 -3203,1,267552,1,0136,1,1,1,1 -3207,1,114725,0,2025,1,1,2,1 -3208,1,759764,0,2115,1,1,2,1 -3209,1,249262,0,2231,1,1,2,1 -3210,1,171388,0,1837,1,1,2,1 -3211,1,799240,0,2341,1,1,2,2 -3212,1,944908,0,1017,1,1,1,1 -3213,1,366596,0,2148,1,1,1,1 -3214,1,659959,0,1640,1,1,2,1 -3216,1,483863,0,1230,1,1,1,2 -3217,1,533971,0,1458,1,1,1,1 -3218,1,437353,0,1635,1,1,2,2 -3219,1,316094,0,1705,1,1,2,2 -3220,1,234480,0,2030,1,1,2,1 -3222,1,132319,0,1613,1,1,2,2 -3225,1,402533,0,1945,1,1,2,2 -3226,1,610799,0,1910,1,1,1,1 -3227,1,586321,0,1723,1,1,3,1 -3228,1,541071,0,1834,1,1,1,2 -3230,1,208253,0,2119,1,1,2,1 -3231,1,580449,0,2237,1,1,3,2 -3232,1,470484,1,0040,1,1,2,2 -3233,1,1015786,0,0837,1,1,2,2 -3238,1,194967,0,1328,1,1,2,2 -3242,1,1003723,1,0014,1,1,1,2 -3242,2,1018431,9,1503,2,1,1,2 -3243,1,174719,0,2207,1,1,2,1 -3244,1,321120,0,1035,1,1,2,1 -3246,1,832017,0,2258,1,1,2,2 -3250,1,150271,0,1852,1,1,2,2 -3251,1,941563,0,1608,1,1,2,1 -3252,1,396373,0,1625,1,1,2,1 -3253,1,675806,0,1827,1,1,2,1 -3255,1,673874,1,0403,1,1,2,2 -3256,1,926462,0,1550,1,1,2,2 -3258,1,276254,0,2130,1,1,1,1 -3259,1,807385,0,2256,1,1,1,2 -3259,2,807386,1,0848,1,1,1,1 -3261,1,726047,0,1740,1,1,2,1 -3262,1,294596,0,1308,1,1,2,1 -3264,1,392234,0,2129,1,1,1,2 -3265,1,834797,0,1846,1,1,2,1 -3269,1,735111,0,2038,1,1,1,1 -3270,1,136414,0,1805,1,1,2,2 -3271,1,476976,0,1945,1,1,2,1 -3272,1,250579,0,1528,1,1,2,1 -3273,1,496041,0,0533,1,1,2,1 -3274,1,344290,1,0103,1,1,2,1 -3275,1,214807,0,1822,1,1,2,2 -3279,1,415609,1,0154,1,1,2,1 -3280,1,591945,0,1622,1,1,2,2 -3281,1,222450,1,0317,1,1,3,2 -3282,1,839067,0,1015,1,2,1,1 -3286,1,717977,0,1830,1,1,2,1 -3289,1,823396,1,0000,1,1,1,1 -3291,1,563619,0,1413,1,1,2,2 -3292,1,929234,0,2152,1,1,2,2 -3292,2,929235,5,1658,2,1,2,2 -3293,1,759229,0,2144,1,1,2,1 -3294,1,244173,0,2245,1,3,3,1 -3295,1,463932,0,0355,1,1,3,2 -3297,1,794700,0,0305,1,1,2,2 -3304,1,601441,1,0404,1,1,2,1 -3306,1,1013955,0,2056,1,1,2,1 -3307,1,875885,0,1900,1,1,2,1 -3308,1,209709,0,2349,1,1,2,1 -3309,1,585429,0,1919,1,1,2,2 -3310,1,416841,0,0417,1,1,2,1 -3311,1,825523,0,2212,1,1,2,1 -3314,1,865372,0,1742,1,1,2,2 -3318,1,288436,0,2137,1,1,3,1 -3319,1,317460,0,2343,1,1,1,2 -3319,2,771304,9,2359,2,1,1,1 -3320,1,406512,0,1943,1,3,1,1 -3322,2,784862,0,2340,1,1,3,2 -3323,1,221345,0,0626,1,1,2,1 -3326,1,456185,0,1712,1,1,1,1 -3329,1,523022,0,1957,1,1,2,2 -3330,1,526592,0,1611,1,1,2,2 -3332,1,590520,0,2052,1,1,2,1 -3337,1,593440,0,0922,1,1,2,1 -3338,1,610602,0,1819,1,1,1,1 -3342,1,821824,0,1959,1,1,2,2 -3344,1,603751,0,2007,1,1,2,1 -3347,1,446731,0,2300,1,1,2,1 -3349,1,139307,0,1749,1,1,2,1 -3351,1,485121,0,1829,1,1,2,1 -3353,1,704868,0,2150,1,1,2,2 -3359,1,585664,0,2004,1,1,2,1 -3361,1,443719,0,1644,1,1,2,1 -3363,1,415546,0,2106,1,1,2,1 -3368,1,866811,0,1637,1,1,2,1 -3370,1,779433,0,2218,1,1,2,2 -3372,1,352610,0,1030,1,1,3,1 -3373,1,542490,0,2210,1,1,2,2 -3374,1,522405,0,2135,1,1,2,1 -3375,1,450830,0,2238,1,1,2,1 -3380,1,136097,0,2000,1,1,2,2 -3384,1,997715,0,1957,1,1,2,2 -3384,2,997716,13,1935,2,1,1,2 -3385,1,751848,0,1702,1,1,1,1 -3388,1,713451,0,1835,1,1,2,1 -3390,1,992861,0,1653,1,1,1,2 -3392,1,774570,0,1225,1,1,2,2 -3395,1,864730,0,0306,1,1,2,1 -3397,1,813705,0,1414,1,1,2,2 -3400,1,980814,0,2110,1,1,2,1 -3402,1,588701,0,1411,1,1,2,1 -3402,2,834403,10,2145,1,1,2,1 -3403,1,542569,1,0034,1,1,2,1 -3404,1,799332,0,2137,1,1,2,2 -3405,1,806734,1,0639,1,1,2,1 -3406,1,596520,0,2106,1,1,2,1 -3407,1,618479,0,0214,1,1,2,2 -3410,1,281806,0,1915,1,1,2,1 -3411,1,794659,0,1330,1,1,2,1 -3414,1,216424,0,1315,1,1,2,2 -3415,1,185647,0,1355,1,1,2,1 -3415,2,185648,4,0846,2,1,2,2 -3416,1,369489,1,0605,1,1,2,1 -3418,1,314221,0,1635,1,1,2,1 -3420,1,803304,0,2215,1,1,2,1 -3424,1,446652,0,1958,1,1,1,1 -3425,1,679982,0,2124,1,1,2,2 -3425,2,679983,2,1106,2,1,2,2 -3427,1,714694,0,2358,1,1,2,1 -3431,1,733026,0,2037,1,1,2,2 -3433,1,468139,0,2228,1,1,2,2 -3435,1,731738,0,2357,1,1,2,1 -3437,1,382633,0,2051,1,1,2,1 -3442,1,445402,1,0508,1,1,3,2 -3443,1,200913,0,2328,1,1,2,2 -3448,1,421848,0,1515,1,1,2,2 -3453,1,156338,0,1335,1,1,1,1 -3456,1,933702,0,1350,2,1,2,2 -3457,1,294006,0,1615,1,1,2,1 -3458,1,621178,0,2118,1,1,2,1 -3459,1,875943,0,1920,1,1,2,1 -3462,1,297982,0,1510,1,1,3,2 -3462,2,297983,2,1547,2,1,1,2 -3463,1,376948,0,1940,1,1,2,2 -3464,1,273374,0,1154,1,1,2,1 -3466,1,866290,0,0246,1,1,2,2 -3469,1,166567,0,1344,1,1,2,2 -3470,1,244049,0,1654,1,1,2,1 -3472,1,749674,0,2123,1,1,2,1 -3480,1,399031,0,1914,1,1,2,1 -3481,1,471732,0,2013,1,1,2,1 -3485,1,475025,0,1725,1,1,2,1 -3489,1,681559,0,2121,1,1,1,1 -3491,1,707092,0,1511,1,1,2,2 -3497,1,338761,0,1840,1,1,3,2 -3498,1,393820,0,2327,1,1,2,1 -3502,1,883053,0,2026,1,1,2,1 -3505,1,246285,0,1850,1,1,2,1 -3506,1,183068,1,1137,2,1,1,2 -3508,1,259299,1,0208,1,1,2,1 -3509,1,608368,1,0018,1,1,3,2 -3513,1,708035,0,2315,1,1,2,2 -3517,1,210368,0,1133,1,1,3,1 -3519,1,488874,0,2128,1,1,3,1 -3521,1,700913,0,1712,1,1,1,1 -3522,1,405105,0,1932,1,1,2,1 -3525,1,696495,0,2130,1,1,2,1 -3526,1,543342,0,2220,1,1,2,1 -3528,2,933785,0,2247,1,1,2,2 -3535,1,130804,0,1810,1,1,2,1 -3536,1,500083,0,1340,1,1,2,2 -3538,1,398314,1,0021,1,1,2,1 -3539,1,447583,0,2335,1,1,2,1 -3540,1,750651,0,1520,1,1,2,1 -3543,1,478591,0,1546,1,1,2,2 -3545,1,532504,0,0823,1,1,3,1 -3549,1,190590,0,2144,1,1,3,1 -3550,1,702870,0,0941,1,1,2,1 -3551,1,873488,0,2059,2,1,2,1 -3556,1,383792,0,1405,1,1,2,1 -3557,1,454346,0,0459,1,1,2,1 -3558,1,440031,6,1607,2,1,1,2 -3559,1,265121,0,1138,1,1,2,1 -3562,1,571823,0,1851,1,1,2,1 -3564,1,614860,0,2217,1,1,2,2 -3566,1,487442,0,1600,1,1,2,2 -3571,1,608347,0,0251,1,1,2,2 -3572,1,303809,0,2255,1,1,1,1 -3573,1,890551,0,1836,1,1,2,1 -3574,1,433636,0,1801,1,1,2,1 -3576,1,149609,0,1145,1,1,2,2 -3580,1,199408,0,2039,1,1,2,1 -3582,1,291944,0,2301,1,1,1,1 -3584,1,579753,0,1507,1,1,3,2 -3586,1,707493,0,1949,1,1,3,1 -3587,1,491208,0,2026,1,1,1,1 -3588,1,1015500,0,2258,1,1,2,1 -3591,1,591940,0,2059,1,1,1,2 -3591,2,591941,2,0326,1,1,1,2 -3594,1,671075,0,1914,1,1,1,1 -3595,1,486403,0,1823,1,1,2,1 -3597,1,541701,0,1018,1,1,2,1 -3598,1,171262,0,1326,1,2,2,1 -3599,1,716236,0,2058,1,1,2,1 -3603,1,589025,1,0022,1,1,2,1 -3607,1,805353,0,1325,1,1,2,2 -3610,1,309432,0,1600,1,1,2,1 -3611,1,365880,0,1735,1,1,2,1 -3612,1,639613,0,0340,1,1,3,1 -3614,1,820953,0,1637,1,1,2,1 -3615,1,515402,0,2300,1,1,2,2 -3621,1,648475,0,1412,1,1,2,1 -3622,1,945150,0,2111,1,1,2,1 -3623,1,592231,0,0310,1,1,1,1 -3624,1,710386,0,1635,1,1,2,1 -3627,1,224957,0,2050,1,1,1,2 -3628,1,544437,0,1623,1,1,2,1 -3632,1,800555,0,1122,1,1,2,2 -3634,1,687624,0,2010,1,1,1,1 -3641,1,491744,0,2152,1,1,2,2 -3642,1,211068,0,2205,1,1,1,1 -3644,1,833989,0,1524,1,1,2,2 -3651,1,624440,0,1942,1,1,2,2 -3652,1,178631,0,2203,1,1,2,2 -3658,1,900597,0,1847,1,1,2,1 -3659,1,228351,0,1944,1,1,3,1 -3664,1,568199,0,2048,1,1,2,2 -3665,1,416687,0,1849,1,1,2,2 -3668,1,882225,0,1621,1,1,2,1 -3672,1,832869,0,1754,1,1,2,1 -3675,1,925793,0,1732,1,1,2,1 -3679,1,511127,0,1548,1,1,2,1 -3681,1,335445,1,0139,1,1,2,1 -3682,1,786861,0,1701,1,1,1,1 -3686,1,769225,0,1625,1,1,2,1 -3695,1,183928,0,2142,1,1,2,2 -3696,1,344581,0,1723,1,1,2,1 -3697,1,125625,0,1710,1,1,1,1 -3701,1,150545,0,2102,1,1,2,2 -3702,1,577989,0,1517,1,1,2,1 -3704,1,732989,0,1850,1,1,2,1 -3707,1,308475,0,2154,1,1,1,2 -3713,1,875518,0,2311,1,1,2,2 -3714,1,910167,0,1105,1,1,1,1 -3715,1,371787,0,1913,1,1,3,1 -3716,1,371515,0,1910,1,1,2,1 -3719,1,122109,0,1751,1,1,2,1 -3721,1,625842,0,0835,1,1,2,2 -3722,1,530812,0,2316,1,1,2,1 -3723,1,285131,0,2200,1,1,1,2 -3725,1,879640,0,1831,1,1,2,1 -3725,2,1027746,1,0120,2,1,2,1 -3726,1,569461,0,2039,1,1,2,1 -3727,1,654408,0,2218,1,1,2,1 -3728,1,750642,0,1540,1,1,2,1 -3729,1,455112,0,0711,1,3,3,1 -3730,1,910636,0,1636,1,1,2,1 -3737,1,1018633,0,0946,1,1,2,2 -3739,1,445870,0,1919,1,1,2,2 -3740,1,249978,0,1330,1,1,1,1 -3743,1,478949,0,2033,1,1,2,1 -3745,1,153708,0,2236,1,1,2,1 -3746,1,234090,0,1935,1,1,2,2 -3752,1,441547,0,1456,1,1,2,1 -3753,1,914870,0,0908,1,1,2,2 -3754,1,191719,0,0312,1,1,2,1 -3755,1,426717,0,2150,1,1,1,1 -3756,1,287415,0,1510,1,1,2,2 -3757,1,235223,0,1743,1,1,2,1 -3761,1,933778,0,1742,1,1,2,2 -3761,2,933779,1,1047,2,2,1,2 -3762,1,215126,0,2002,1,1,1,2 -3767,1,137240,0,2010,1,1,2,1 -3768,1,991374,0,1458,1,1,2,2 -3771,1,580015,1,0233,1,1,2,1 -3777,1,133214,1,0119,1,3,3,1 -3778,1,492115,0,1735,1,1,1,1 -3779,1,833898,0,2103,1,1,2,1 -3782,1,342230,0,1508,1,1,1,1 -3785,1,221926,0,1658,1,1,2,2 -3787,1,786417,0,2006,1,1,2,2 -3790,1,176802,0,2224,1,1,1,1 -3792,1,453831,0,0328,1,1,2,1 -3793,1,398200,0,1547,1,1,2,1 -3799,1,733926,0,0141,1,1,2,1 -3801,1,276306,1,1420,2,1,1,1 -3806,1,654690,0,2227,1,1,1,1 -3812,1,560784,0,1235,1,1,2,2 -3813,1,616864,0,1730,1,1,2,1 -3814,1,922739,0,1330,1,1,2,1 -3819,1,427721,0,1733,1,1,2,2 -3824,1,198486,0,2039,1,1,2,2 -3831,1,221614,0,2302,1,1,2,1 -3835,1,726104,0,1705,1,1,1,1 -3836,1,305838,0,1936,1,1,1,1 -3842,1,910236,0,2024,1,1,1,1 -3845,1,515853,0,1928,1,1,1,1 -3846,1,491783,0,1751,1,1,2,2 -3848,1,634451,0,1912,1,1,2,1 -3851,1,750834,0,1159,1,1,2,1 -3852,1,579063,0,2145,1,1,2,2 -3856,1,573110,1,0604,1,1,2,1 -3857,1,588629,0,1334,1,1,2,1 -3860,1,258990,0,1725,1,1,2,2 -3861,1,765817,0,1925,1,1,1,1 -3862,1,387658,0,1919,1,1,2,1 -3864,1,725677,0,2325,1,1,2,1 -3865,1,792661,0,2322,1,1,2,2 -3866,1,935548,0,1205,2,1,2,2 -3868,1,404166,0,1349,1,1,2,2 -3870,1,448081,0,1752,1,1,2,2 -3871,1,1016363,0,1943,2,1,2,1 -3872,1,834818,0,2242,1,1,2,2 -3873,1,830834,0,1550,1,1,1,1 -3875,1,979810,0,1724,1,1,2,1 -3876,1,1011409,0,2005,1,1,2,1 -3879,1,1027748,0,2335,2,1,2,1 -3880,1,352214,0,2005,1,1,2,1 -3882,1,546670,1,0003,1,1,2,2 -3887,1,782855,0,1641,1,1,2,2 -3888,1,806285,0,1655,1,1,2,2 -3890,1,372885,0,0214,1,1,3,1 -3892,1,533311,0,0823,1,1,1,1 -3896,1,218618,0,1700,1,1,2,1 -3897,1,558473,0,1130,1,1,2,1 -3898,1,551611,0,1030,1,1,1,2 -3901,1,513258,0,2228,1,1,2,2 -3903,1,511081,0,1408,1,1,2,2 -3904,1,722503,0,1654,1,1,2,2 -3905,1,446708,0,1530,1,1,2,1 -3906,1,264318,0,2115,1,1,2,1 -3907,1,686347,0,1515,1,1,2,2 -3908,1,557782,0,2107,1,1,2,1 -3910,1,216279,0,1938,1,1,1,2 -3910,2,216280,13,0849,2,1,1,2 -3910,3,216281,18,1208,2,1,1,2 -3911,1,411452,0,1830,1,1,3,1 -3913,1,659281,0,0305,1,1,2,2 -3920,1,826868,0,1116,1,1,2,1 -3923,1,130188,0,1739,1,1,1,1 -3924,1,188502,0,0310,1,1,2,2 -3926,2,150242,0,1732,1,1,2,1 -3929,1,408463,0,1945,1,1,2,1 -3931,1,415246,0,1638,1,1,2,1 -3933,1,329197,0,1734,1,1,2,1 -3936,1,584138,0,2231,1,1,2,2 -3942,1,498945,1,1516,2,1,3,1 -3946,1,434991,0,1453,1,1,1,1 -3949,1,882768,0,1252,1,1,2,1 -3952,1,393651,0,2254,1,1,2,2 -3953,1,205463,0,1850,1,1,1,1 -3954,1,488326,0,2319,1,1,2,2 -3954,2,488328,3,1001,2,1,2,2 -3955,1,204653,0,2331,1,1,2,1 -3960,1,500199,0,2143,1,1,2,2 -3962,1,804488,0,2000,1,1,2,1 -3963,1,570032,0,1915,1,1,1,1 -3964,1,935828,0,1850,1,1,2,1 -3965,1,130664,0,1517,1,1,2,1 -3966,1,156499,0,2209,1,1,2,2 -3966,2,156500,7,1324,2,1,2,2 -3967,1,526485,0,2042,1,1,2,2 -3969,1,754932,0,1820,1,1,2,1 -3972,1,227814,0,2348,1,1,1,1 -3976,1,924184,1,0052,1,1,2,2 -3978,1,731461,0,1725,1,1,2,2 -3978,2,731462,1,0936,2,1,1,2 -3979,1,183849,0,1555,1,1,1,2 -3980,1,561287,0,2117,1,1,1,2 -3981,1,926760,0,0333,1,1,2,1 -3982,1,596629,0,2136,1,1,2,1 -3986,1,298577,1,0124,1,1,2,1 -3989,1,501073,0,1054,1,1,2,2 -3990,1,467697,1,0057,1,1,2,1 -3992,1,445240,0,1807,1,1,3,1 -3994,1,239128,0,2001,1,1,2,2 -3995,1,525307,0,1647,1,1,2,1 -3996,1,782027,0,1857,1,1,2,2 -3997,1,830437,1,0025,1,1,2,1 -3998,1,228406,0,1700,1,1,2,2 -4001,1,198698,0,2358,1,1,2,1 -4002,1,585647,0,2143,1,1,2,1 -4005,1,750717,0,1232,1,1,2,2 -4006,1,649113,0,2030,1,1,2,1 -4010,1,616085,1,0056,4,1,2,2 -4013,1,465736,0,2301,1,1,2,1 -4014,1,594773,0,2356,2,1,1,2 -4019,1,750672,0,1840,1,1,2,1 -4022,1,978584,0,1734,1,1,2,2 -4025,1,317563,0,2015,1,1,1,1 -4026,1,474324,0,1026,1,1,1,1 -4027,1,359983,0,1926,1,3,3,2 -4027,2,359984,2,0003,2,1,2,2 -4028,1,629947,0,2142,1,1,2,2 -4029,1,441678,1,0100,1,1,2,1 -4030,1,420954,0,1757,1,1,2,1 -4033,1,381241,0,2007,1,1,2,1 -4036,1,741099,0,2258,1,1,2,1 -4037,1,506696,0,1516,1,1,2,1 -4038,1,603372,0,2217,1,1,2,2 -4039,1,562906,0,2316,1,1,1,2 -4039,2,562907,6,1425,2,1,1,1 -4039,3,562908,15,2110,2,1,1,1 -4041,1,453898,0,2135,1,1,2,1 -4042,1,945874,0,2215,1,1,1,2 -4046,1,303458,0,2150,1,1,2,1 -4047,1,786399,0,1735,1,1,2,2 -4048,1,854795,0,0114,1,1,1,2 -4055,1,595911,0,0124,1,1,1,1 -4056,1,926388,0,0702,1,1,1,1 -4057,1,314354,0,2227,1,1,2,2 -4058,1,726499,0,2100,1,1,2,1 -4059,1,396645,0,2054,1,1,2,1 -4062,1,292923,0,1839,1,1,2,2 -4062,2,292924,4,1636,2,1,2,2 -4062,3,292925,13,1518,2,1,2,2 -4062,4,292926,20,0836,2,1,2,2 -4064,1,315990,0,2316,1,1,2,1 -4068,1,285225,0,1000,1,1,2,2 -4072,1,659486,0,2008,1,1,1,2 -4073,1,222808,1,0013,1,1,2,1 -4075,1,864584,0,1957,1,1,2,1 -4076,2,236292,0,1852,1,1,2,2 -4077,1,298759,1,0039,1,1,3,1 -4079,1,156482,0,2323,1,1,2,2 -4083,1,344113,0,1255,1,1,2,1 -4084,1,204176,0,1741,1,1,2,2 -4087,1,158788,0,1638,1,1,2,2 -4088,1,779034,0,2018,1,1,2,2 -4090,1,141290,0,1639,1,1,2,1 -4093,1,170821,0,2234,1,1,2,1 -4095,1,546071,0,1434,1,1,2,1 -4097,1,153020,0,0735,1,1,2,2 -4098,1,120992,0,2310,1,1,2,1 -4100,1,281867,1,0007,1,1,2,1 -4101,1,210231,0,1925,1,1,3,2 -4102,1,501717,0,2127,1,1,2,2 -4107,1,721392,0,2025,1,1,2,2 -4110,1,173634,0,2108,1,1,2,2 -4111,1,495832,0,2216,1,1,2,1 -4112,1,942478,0,1730,1,1,2,1 -4113,1,743929,0,1740,1,1,2,2 -4116,1,435710,0,2352,1,1,2,1 -4117,1,163260,1,0128,1,1,2,1 -4119,1,673268,0,2157,1,1,2,2 -4120,1,258769,0,2110,1,1,2,1 -4121,1,317540,0,0254,1,1,1,1 -4122,1,327891,1,0226,1,1,2,1 -4123,1,366801,1,0157,1,1,2,2 -4124,1,749717,0,1705,1,1,2,1 -4125,1,331163,1,0003,1,1,2,1 -4126,1,775946,0,2106,1,1,2,2 -4132,1,502751,0,0925,1,1,2,1 -4135,1,356557,0,1538,1,1,2,1 -4141,1,234931,0,2305,1,1,2,1 -4143,1,911327,0,1947,1,1,2,1 -4144,1,940335,0,2239,1,1,1,1 -4148,1,461480,0,1617,1,1,2,2 -4148,2,461481,4,1245,2,1,2,2 -4150,1,790367,0,1512,1,1,2,1 -4151,1,510361,0,1948,1,1,1,2 -4153,1,147455,0,2110,1,1,2,2 -4155,1,391028,0,1842,1,1,2,1 -4159,1,864974,0,1745,1,1,2,2 -4160,1,661307,0,2108,1,1,2,1 -4163,1,564536,0,2139,1,1,1,1 -4165,1,867293,0,1853,1,1,2,2 -4169,1,480325,0,1901,1,1,1,1 -4171,1,270243,0,1450,1,1,3,1 -4173,1,858079,0,2216,1,1,2,2 -4179,1,504196,0,2104,1,1,1,2 -4180,1,334694,0,2255,1,1,1,2 -4181,1,737699,0,2024,1,1,2,2 -4183,1,401533,0,2004,1,1,1,1 -4190,1,145415,0,1550,1,1,1,2 -4193,1,1015124,0,1905,1,1,2,2 -4193,2,1015125,3,1117,2,1,1,2 -4197,1,148108,0,1606,1,1,2,1 -4199,1,502617,0,1532,1,1,2,1 -4201,1,297464,0,1824,1,3,3,2 -4203,1,557197,0,1458,1,1,2,2 -4208,1,168870,0,1510,1,1,2,1 -4211,1,871973,0,1108,1,1,2,2 -4214,1,283855,0,1915,1,1,2,1 -4218,1,929731,0,2154,1,1,2,2 -4219,1,613841,0,1617,1,1,2,1 -4220,1,698526,0,1911,1,1,2,1 -4221,1,369404,1,0606,1,1,2,1 -4222,1,798519,0,1743,2,1,2,1 -4223,1,402976,0,2253,1,1,2,2 -4224,1,260603,0,2010,1,1,2,1 -4225,1,329482,0,1910,1,1,2,2 -4226,1,319013,1,0100,1,1,3,1 -4227,1,320381,0,1500,1,1,2,2 -4231,1,398144,0,1829,1,1,2,2 -4232,1,250643,0,2142,1,1,2,1 -4233,1,946987,1,0853,1,1,2,1 -4235,1,934631,0,2147,1,1,2,1 -4237,1,584614,0,1956,1,1,2,1 -4238,1,859527,0,1810,2,1,2,2 -4243,1,125479,0,1940,1,1,1,1 -4244,1,253503,0,2048,1,1,3,1 -4250,1,949008,0,1353,1,1,2,2 -4251,1,353399,0,1500,1,1,2,1 -4252,1,790118,0,2038,1,1,1,1 -4263,1,536481,0,1720,1,1,1,1 -4269,1,868574,0,1936,1,1,2,1 -4277,1,236297,0,0205,1,1,1,2 -4279,1,516836,1,0114,1,1,2,1 -4284,1,1008195,0,0614,1,1,2,1 -4289,1,948675,0,2043,1,1,2,2 -4291,1,706809,0,2147,1,1,2,1 -4292,1,984927,0,2106,1,1,2,1 -4293,1,434270,0,2219,1,1,1,1 -4294,1,415218,0,1026,1,1,2,2 -4300,1,741126,0,2312,1,1,2,2 -4304,1,993797,0,1735,1,1,2,1 -4305,1,795047,0,2119,1,1,1,2 -4305,3,945355,2,0638,3,1,2,2 -4306,1,317016,0,0855,1,1,1,1 -4307,1,251060,0,1823,1,1,2,2 -4308,1,776560,0,2013,1,1,2,1 -4309,1,962465,1,0437,1,1,2,2 -4313,1,357511,0,2004,1,1,1,1 -4314,1,445451,0,2148,1,1,3,1 -4315,1,467339,0,1742,1,1,2,1 -4316,1,125636,0,2238,1,1,2,1 -4317,1,153283,0,1327,1,1,2,1 -4322,1,436152,0,1916,1,1,2,1 -4323,1,396565,0,2342,1,1,1,1 -4325,1,507736,0,2038,1,1,2,1 -4327,1,365349,0,1854,1,1,1,1 -4329,1,200863,0,2115,1,1,1,2 -4330,1,1007151,0,1649,1,1,1,1 -4334,1,440641,1,0228,2,1,2,2 -4336,1,149396,0,1820,1,1,2,1 -4339,1,456390,1,0447,1,1,2,1 -4342,1,948886,0,2101,1,1,2,2 -4343,1,584416,0,1030,1,1,2,1 -4348,1,819112,0,2036,1,1,1,1 -4350,1,551660,0,1908,1,1,2,2 -4351,1,833002,0,1232,1,1,2,2 -4356,1,495358,0,2230,1,1,2,2 -4358,1,672765,0,1158,1,1,3,1 -4360,1,200971,0,1726,1,1,2,2 -4361,1,186646,0,2115,1,1,1,2 -4364,1,480205,1,0030,1,1,1,2 -4364,2,482813,1,0630,2,1,1,2 -4365,1,303044,0,2252,1,1,2,2 -4366,1,185980,0,0213,1,1,1,1 -4369,1,984713,0,1515,1,1,2,1 -4372,1,373171,0,1739,1,1,2,2 -4379,1,303087,1,0003,1,1,2,2 -4381,1,672090,0,1658,1,1,2,1 -4383,1,394270,0,1031,1,1,1,1 -4385,1,769408,0,2145,1,1,1,1 -4387,1,799320,0,2348,1,1,2,1 -4390,1,624255,0,1811,1,1,2,1 -4394,1,962964,0,1247,1,1,2,1 -4396,1,557147,0,2233,1,1,1,1 -4397,1,258210,0,1550,1,2,2,1 -4399,1,1004602,1,0018,1,1,2,1 -4400,1,329440,0,2252,1,1,3,1 -4402,1,896462,1,0316,2,1,2,2 -4403,1,444960,0,1854,1,1,2,2 -4404,1,158935,0,0234,1,1,2,2 -4404,2,158937,7,1535,2,1,2,2 -4405,1,786407,0,1802,1,1,2,1 -4406,1,866480,0,2340,1,1,2,2 -4409,1,589165,0,0959,1,1,2,2 -4410,1,904370,0,0916,1,1,2,1 -4412,1,985193,0,1630,1,1,2,1 -4414,1,624644,0,1910,1,1,3,2 -4415,1,713818,0,2034,1,1,2,2 -4416,1,148558,0,1718,1,1,2,1 -4417,1,973522,0,1523,1,1,2,2 -4418,1,449110,0,2318,1,1,2,2 -4419,1,920330,0,1753,1,1,2,2 -4420,1,650172,0,1425,1,1,2,2 -4422,1,339669,0,2045,1,1,1,1 -4424,1,253512,0,1744,1,1,3,1 -4425,1,514221,0,2356,1,1,2,1 -4426,1,270513,0,2334,1,1,2,2 -4429,1,961216,0,1840,1,1,2,1 -4432,1,726769,0,1705,1,1,2,1 -4434,1,920504,0,2116,1,1,2,1 -4436,1,566762,0,2210,1,1,2,1 -4438,1,832599,0,1315,1,1,2,2 -4441,1,197606,1,0020,1,1,2,2 -4447,1,732247,0,2107,1,1,2,1 -4448,1,388064,0,1953,1,1,2,2 -4452,1,868569,1,0935,1,1,2,1 -4454,1,557049,1,0010,1,1,2,2 -4456,1,141267,0,1450,1,1,2,1 -4462,1,549838,0,0228,1,1,2,2 -4465,1,317022,0,2136,1,1,1,1 -4467,1,241798,0,1017,1,1,3,2 -4469,1,201532,0,1224,1,1,2,1 -4472,1,723987,0,0910,1,1,1,1 -4478,1,608266,1,0021,1,1,1,2 -4481,1,907799,0,1309,1,1,3,1 -4482,1,146244,0,1845,1,1,1,1 -4483,1,282259,0,1501,1,1,2,2 -4485,1,385261,0,0126,1,1,2,1 -4486,1,190326,0,2033,1,1,2,1 -4487,1,132709,1,0104,1,1,1,1 -4490,1,180357,0,0255,1,1,2,2 -4491,1,752702,0,0530,1,1,2,2 -4493,1,318259,0,1755,1,1,2,2 -4493,2,746141,1,2149,2,1,2,2 -4494,1,704103,0,2031,1,1,2,1 -4495,1,263902,0,1731,1,1,2,1 -4499,1,434110,1,0519,1,1,2,1 -4501,1,308110,0,0139,1,1,1,1 -4502,1,750550,0,1609,1,1,2,2 -4503,1,393381,0,2202,1,1,2,2 -4504,1,365104,0,1239,1,1,2,1 -4510,1,163793,1,0220,1,1,2,1 -4512,1,927216,0,1915,1,1,2,1 -4515,1,636561,0,1718,1,1,3,1 -4524,1,289891,0,1832,1,1,2,1 -4526,1,1003523,0,2039,1,1,2,1 -4534,1,421314,0,0248,1,1,2,1 -4535,1,676270,0,2022,1,1,2,1 -4539,1,187593,0,2036,1,1,2,1 -4540,1,427880,0,2105,1,1,2,1 -4544,1,654031,0,1415,1,1,2,2 -4545,1,162096,0,2037,1,1,2,1 -4547,1,567960,0,1154,1,1,2,1 -4548,1,961146,0,1752,1,1,2,1 -4550,1,1020700,0,1935,3,1,2,2 -4551,1,365397,0,2018,1,2,1,1 -4553,1,831135,0,2221,1,1,2,2 -4555,1,627177,0,2210,1,1,1,2 -4556,1,346411,0,2045,1,1,2,1 -4557,1,611658,0,2205,1,1,2,2 -4557,2,611659,26,1424,2,1,1,2 -4558,1,550340,0,1554,1,1,2,2 -4559,1,561964,0,1806,1,1,2,1 -4562,1,446625,0,1850,1,1,2,2 -4563,1,951607,0,1119,1,1,2,2 -4565,1,150518,0,1910,1,1,2,1 -4566,1,350781,0,2350,1,1,3,2 -4567,1,417724,0,2145,1,1,2,2 -4570,1,560264,0,1424,1,1,2,1 -4571,1,139924,0,1920,1,1,1,1 -4572,1,125783,0,1627,1,1,1,1 -4576,1,929993,0,1811,1,1,2,2 -4577,1,599747,1,0115,2,1,2,2 -4579,1,112918,1,0315,1,1,1,1 -4580,1,538005,0,1609,1,1,2,1 -4581,1,287789,0,2301,1,1,2,2 -4582,1,128848,0,1723,1,2,1,2 -4582,2,128849,0,1940,4,2,1,2 -4583,1,372464,0,2005,1,1,2,2 -4586,1,789353,0,2019,1,1,2,2 -4587,1,208643,1,0005,1,1,2,1 -4589,1,852480,0,1550,1,1,1,1 -4591,1,513312,0,1018,1,1,2,1 -4600,1,659435,0,1213,1,1,2,2 -4602,1,194376,0,2338,1,1,2,1 -4604,1,834001,0,2236,1,1,2,2 -4605,1,255473,0,1617,1,1,2,2 -4609,1,638798,0,1718,1,1,2,1 -4610,1,520772,0,1515,1,1,1,1 -4611,1,355088,0,2000,1,1,2,2 -4615,1,169565,0,1419,1,1,2,1 -4620,1,838181,0,1811,1,1,2,2 -4622,1,741187,0,2238,1,1,2,1 -4623,1,520829,0,1730,1,1,1,1 -4624,1,182132,0,2200,1,1,1,1 -4626,1,417764,1,0007,1,1,2,1 -4627,1,260427,0,2044,1,2,2,1 -4629,1,172353,0,0528,1,1,1,1 -4632,1,528612,0,1430,1,1,2,1 -4633,1,516766,1,0018,1,1,2,2 -4634,1,927367,0,1908,1,1,2,1 -4636,1,679907,0,2100,1,1,2,2 -4637,1,768048,0,1903,1,1,2,1 -4640,1,740343,0,2133,1,1,3,2 -4642,1,193290,0,1840,1,1,2,2 -4643,1,1015347,0,1745,1,1,2,1 -4644,1,364362,0,1847,1,1,2,2 -4645,1,514084,0,1825,1,1,2,1 -4646,1,659087,0,1613,1,1,3,2 -4650,1,926771,0,2047,1,1,2,2 -4651,1,461475,0,1120,1,1,2,1 -4653,1,432195,0,2246,1,1,2,2 -4655,1,208164,0,2051,1,1,2,1 -4656,1,753218,1,0210,1,1,1,2 -4658,1,168507,0,0053,1,1,2,1 -4659,1,317107,1,0045,1,1,1,2 -4659,2,899760,1,0830,1,1,1,1 -4660,1,913777,0,2037,1,1,2,2 -4662,1,261023,0,2001,1,1,2,1 -4663,1,770099,0,2108,1,1,2,1 -4666,1,686823,0,1744,1,1,2,2 -4667,1,426971,0,1841,1,1,2,1 -4669,1,777103,0,1700,1,1,1,1 -4671,1,237058,1,0053,1,1,2,1 -4674,1,364834,0,2215,1,1,1,2 -4677,1,930939,0,2011,1,1,1,2 -4680,1,179543,0,1833,1,1,2,2 -4682,1,629032,0,0715,1,1,1,1 -4683,1,629046,0,1643,1,1,2,2 -4684,1,441885,0,1358,1,1,2,1 -4687,1,211175,0,1342,1,1,2,1 -4688,1,465294,0,2351,1,1,2,1 -4692,1,130839,0,1819,1,1,2,1 -4693,1,293345,0,1540,1,1,2,1 -4695,1,774252,0,1635,1,1,2,2 -4700,1,229505,0,1958,1,1,2,1 -4701,1,136509,0,1330,1,1,2,2 -4702,1,287637,1,0347,1,1,2,1 -4708,1,495864,1,0629,1,1,2,2 -4709,1,411063,0,2154,1,1,1,2 -4710,1,191523,1,0123,1,1,1,2 -4711,1,281735,0,1539,1,1,2,2 -4712,1,703144,0,1937,1,1,2,2 -4714,1,132719,0,2147,1,1,2,1 -4715,1,414388,0,1741,1,1,2,2 -4716,1,311183,0,1727,1,1,2,1 -4718,1,651924,0,1645,1,1,2,1 -4719,1,132228,0,2030,1,1,2,1 -4722,1,290942,0,2019,1,1,1,2 -4722,2,290943,6,1345,2,2,1,2 -4722,3,290944,11,1355,2,1,1,2 -4723,1,398187,0,1909,1,1,2,1 -4724,1,575794,0,1410,1,1,2,2 -4729,1,619211,0,1459,1,1,2,2 -4730,1,570707,0,2141,1,1,2,2 -4732,1,639839,0,2103,1,2,2,1 -4733,1,194074,0,1701,1,1,2,2 -4737,1,175743,0,1056,1,1,2,1 -4740,1,557793,0,1751,1,1,2,2 -4742,1,301521,0,0210,1,1,2,2 -4743,1,421678,0,0230,1,1,2,2 -4745,1,311818,0,2035,1,1,2,2 -4747,1,1015416,0,1003,1,1,1,1 -4748,1,787836,1,0016,1,1,2,1 -4749,1,247112,0,1604,1,1,2,2 -4752,1,930760,1,0030,1,1,1,1 -4754,1,577339,1,0037,1,1,2,1 -4755,1,221506,0,2133,1,1,2,2 -4756,1,539790,0,1927,1,1,2,2 -4757,1,947738,0,2058,1,1,2,2 -4760,1,193413,0,2316,1,1,2,2 -4762,1,559940,0,2245,1,1,1,1 -4764,1,948110,0,2248,1,1,2,1 -4766,1,886806,0,1532,1,1,2,2 -4770,1,952370,0,2119,1,1,2,2 -4772,1,429213,0,0053,1,1,3,2 -4773,1,702988,0,0059,1,1,2,1 -4776,1,706765,0,1612,1,1,1,1 -4786,1,821688,0,0137,1,1,1,2 -4787,1,673885,0,2047,1,1,2,1 -4791,1,673814,0,0314,1,1,2,1 -4792,1,194135,0,2305,1,1,1,2 -4797,1,153185,0,1441,1,1,2,1 -4800,1,342694,0,2142,1,2,2,1 -4801,1,185991,0,1529,1,1,1,1 -4805,1,251159,1,1503,1,1,2,1 -4807,1,737185,0,1924,1,1,2,1 -4810,1,245948,0,1602,1,1,3,2 -4810,2,304309,11,1148,2,1,3,2 -4813,1,437894,0,1528,1,1,1,2 -4815,1,192937,0,2245,1,1,2,1 -4817,1,346726,0,1136,1,1,2,1 -4820,1,807639,0,2100,1,1,2,2 -4822,1,946583,0,0949,1,1,2,2 -4828,1,165597,1,0154,1,1,2,2 -4831,1,980309,0,1100,1,1,2,2 -4831,2,980310,2,1107,2,1,1,2 -4831,3,980311,8,1612,2,1,1,2 -4832,1,432398,0,2121,1,1,2,2 -4833,1,758156,0,2357,1,1,2,1 -4838,1,335124,0,2057,1,1,2,1 -4839,1,621031,0,2002,1,1,2,1 -4840,1,551501,1,0220,1,1,1,1 -4841,1,171222,0,1941,1,1,2,1 -4843,1,468678,0,1327,1,1,2,2 -4845,1,565340,0,1639,1,1,2,2 -4845,2,565341,1,0642,2,2,1,2 -4845,3,565342,4,1732,2,1,1,2 -4846,1,767108,0,2245,1,1,2,2 -4849,1,1002117,0,0259,1,1,2,2 -4852,1,465907,0,1456,1,1,2,1 -4854,1,654640,0,2314,1,1,3,1 -4856,1,673263,1,0045,1,1,2,1 -4857,1,981726,0,2039,2,1,2,1 -4859,1,127818,0,1832,1,1,2,2 -4860,1,293264,0,1513,1,1,2,1 -4861,1,624099,0,1026,1,1,1,1 -4865,1,1007632,0,2045,1,1,1,2 -4869,1,579211,0,1943,1,1,1,1 -4870,1,300600,0,1245,1,1,2,1 -4872,1,320398,0,1100,1,1,2,2 -4875,1,178213,0,2248,1,1,2,1 -4877,1,186726,0,1556,1,1,2,2 -4879,1,925864,0,2104,1,1,2,1 -4880,1,145890,1,0704,1,1,1,2 -4880,2,554976,20,1646,3,1,1,2 -4883,1,623569,0,1259,1,1,2,1 -4884,1,596528,0,1553,1,1,2,1 -4886,2,136075,1,0037,1,1,1,2 -4887,1,677684,0,1720,1,1,2,1 -4890,1,709102,0,2342,1,1,2,1 -4892,1,387680,0,1520,1,1,2,1 -4893,1,470117,0,1851,1,1,2,2 -4894,1,488705,0,1846,1,1,3,2 -4897,1,534293,0,2340,1,1,1,2 -4904,1,396468,0,2109,1,1,2,1 -4909,1,317577,0,0454,1,1,1,2 -4909,2,317578,4,1815,2,1,1,2 -4910,1,216253,0,0412,1,1,2,1 -4911,1,796073,0,0430,1,1,1,2 -4911,2,799456,0,0909,1,1,1,2 -4916,1,634487,0,2055,1,1,2,1 -4917,1,416820,0,2101,1,1,2,1 -4918,1,190530,0,0332,1,1,2,2 -4920,1,245188,0,1819,1,1,2,1 -4923,1,663291,0,1826,1,1,2,1 -4924,1,220234,0,2149,1,1,2,2 -4925,1,413203,0,0245,1,1,2,1 -4927,1,716076,1,0020,1,1,2,1 -4928,1,387316,0,2130,1,1,2,2 -4929,1,1000306,0,1735,1,1,2,1 -4935,1,330069,0,1348,1,1,2,1 -4936,1,451254,0,1641,1,1,1,1 -4938,1,276007,0,2010,1,1,1,1 -4939,1,179889,0,1936,1,1,2,1 -4943,1,198261,1,1700,2,1,1,1 -4944,1,210088,0,2032,1,1,3,1 -4945,1,153696,0,2135,1,1,2,1 -4947,1,483020,0,0135,1,1,1,1 -4950,1,422326,0,0945,1,1,1,2 -4950,2,941951,2,1417,2,1,1,2 -4955,1,228275,0,2218,1,1,3,1 -4956,1,581561,0,2337,1,1,2,1 -4963,1,514024,0,2048,1,1,2,1 -4966,1,268654,0,1349,1,1,1,1 -4968,1,676167,0,1727,1,1,1,2 -4969,1,693232,0,2223,1,1,2,2 -4971,1,558920,0,2241,1,1,2,1 -4975,1,427231,0,2034,1,1,2,1 -4976,1,938845,0,2243,1,1,2,1 -4977,1,138281,0,2037,1,1,2,2 -4977,2,138282,3,0956,2,1,2,2 -4979,1,611682,0,1225,1,1,2,2 -4980,1,603734,1,0153,1,1,2,1 -4982,1,287387,0,1853,1,1,2,1 -4983,1,751547,0,0549,1,1,1,1 -4984,1,370716,0,1900,1,1,2,1 -4985,1,235765,0,1717,1,1,2,2 -4989,1,460594,0,0848,1,1,1,1 -4990,1,305849,0,1220,1,1,2,1 -4992,1,276626,0,1431,1,1,2,2 -4993,1,641918,0,1226,1,1,1,1 -4994,1,391654,1,0104,1,1,2,2 -5003,1,170331,0,1235,1,1,2,1 -5004,1,260523,0,2232,1,1,2,2 -5006,1,479148,0,2315,1,1,2,2 -5007,1,392750,0,2006,1,1,2,1 -5009,1,258021,0,0926,1,1,2,2 -5009,2,258025,6,1228,2,1,2,2 -5010,1,271028,1,0006,1,1,2,2 -5020,1,817236,0,1942,1,1,2,2 -5021,1,403156,0,2331,1,1,1,1 -5022,1,479371,0,1245,1,1,2,2 -5023,1,114767,1,0140,1,1,2,1 -5024,1,168427,0,2043,1,1,2,1 -5026,1,575329,0,0245,1,1,3,1 -5027,1,330996,0,0923,1,1,2,1 -5028,1,377678,0,2329,1,1,1,1 -5030,1,671183,0,1637,1,1,2,1 -5034,1,673822,0,0304,1,1,2,1 -5035,1,933603,0,2043,1,1,2,1 -5037,1,345721,0,1422,1,1,1,2 -5038,1,641854,0,1552,1,1,2,1 -5045,1,500567,1,0013,1,1,1,1 -5046,1,134030,0,1322,1,1,1,1 -5047,1,460559,0,1904,1,1,2,1 -5048,1,271770,0,1200,1,1,3,2 -5050,1,649903,0,2047,1,1,2,2 -5051,1,737088,0,1800,1,1,2,1 -5052,1,381304,0,0903,1,1,2,2 -5053,1,630386,0,2322,1,1,2,1 -5055,1,624400,0,0056,1,1,2,2 -5056,1,225517,0,2009,1,1,2,1 -5058,1,303438,0,1645,1,1,1,1 -5060,1,362225,0,1939,1,1,2,2 -5061,1,369743,0,2048,1,1,2,1 -5062,1,715706,0,1634,1,1,1,1 -5064,1,250182,0,1906,1,1,1,1 -5067,1,617140,0,0920,1,1,3,2 -5071,1,965541,0,2355,1,1,2,2 -5072,1,952516,1,0019,1,1,2,1 -5073,1,534616,0,1745,1,1,3,1 -5074,1,683471,0,2120,1,1,2,1 -5080,1,334828,0,2341,1,1,1,2 -5080,2,383812,3,2311,2,1,1,2 -5081,1,157430,0,1558,1,1,2,2 -5083,1,357048,0,1512,1,1,2,1 -5085,1,654298,0,1530,1,1,2,2 -5086,1,482221,0,0455,1,1,1,2 -5087,1,143401,0,2323,1,1,2,2 -5089,1,1013033,0,2215,1,1,2,2 -5090,1,358054,0,2253,1,1,2,2 -5091,1,246260,0,0608,1,1,2,1 -5095,1,148156,0,1300,1,1,2,1 -5096,1,348076,0,1655,1,1,2,1 -5098,1,731774,0,1426,1,1,2,2 -5099,1,971238,0,1803,1,1,2,1 -5100,1,518005,0,2337,1,1,1,1 -5103,1,880037,0,2340,1,1,2,2 -5105,1,531286,0,2052,1,1,2,2 -5109,1,214127,0,1946,1,1,2,2 -5110,1,498234,0,1852,1,1,2,1 -5111,1,479366,0,1915,1,1,2,1 -5112,1,585652,0,0830,1,2,2,1 -5114,1,795063,0,1610,1,1,2,1 -5115,1,951481,0,2210,1,1,1,2 -5116,1,1016567,0,0410,1,1,2,1 -5118,1,475181,0,1928,1,1,2,1 -5119,1,278204,0,0929,1,1,3,1 -5125,1,438812,0,1848,1,1,2,2 -5126,1,999514,0,1535,1,1,2,1 -5128,1,198972,0,2225,1,1,2,1 -5129,1,417611,0,2221,1,1,1,2 -5131,1,593304,0,2000,1,1,2,1 -5132,1,215570,0,1632,1,1,2,2 -5133,1,377586,0,1727,1,1,1,1 -5139,1,374043,0,1510,1,1,1,2 -5140,1,240163,0,2232,1,1,2,1 -5143,1,154832,0,1930,1,1,2,1 -5146,1,132108,0,2122,1,1,2,2 -5147,1,959575,0,2004,1,1,2,2 -5148,1,152808,0,1840,1,1,2,1 -5150,1,616690,0,1326,2,1,2,2 -5153,1,502401,0,1137,1,1,1,1 -5154,1,196722,0,1431,1,1,2,1 -5158,1,675938,0,2037,1,1,2,2 -5159,1,257647,0,1311,1,1,2,2 -5159,2,257648,1,0125,2,1,2,2 -5162,1,951225,0,2012,1,1,1,1 -5164,1,529769,0,1514,1,1,3,1 -5166,1,987174,0,0614,1,1,2,2 -5170,1,201111,1,0021,1,1,2,2 -5173,1,234236,0,1741,1,1,2,1 -5177,1,831564,0,1740,1,1,2,2 -5180,1,667111,0,1432,1,2,2,2 -5180,2,667161,1,0940,2,1,2,2 -5182,1,908716,0,2355,1,1,2,1 -5184,1,679973,0,1652,1,1,2,2 -5185,1,620038,0,1940,1,1,2,1 -5188,1,221733,0,2146,1,1,2,2 -5189,1,568512,0,2035,1,1,1,1 -5190,1,487148,0,2318,1,1,1,1 -5194,1,427116,0,1931,1,1,2,1 -5197,1,466141,0,1804,1,1,2,2 -5198,1,924582,0,0142,1,1,2,1 -5199,1,453935,0,1335,1,1,2,1 -5203,1,951305,0,1600,1,1,1,2 -5208,1,835492,0,1902,1,1,2,1 -5209,1,831179,0,2139,1,1,2,1 -5212,1,603637,0,1533,1,1,2,1 -5221,1,947035,0,2227,1,1,2,1 -5224,1,244694,1,0045,1,1,2,1 -5228,1,733159,1,0059,1,1,1,1 -5230,1,227110,0,1526,1,1,2,1 -5232,1,136092,0,0738,1,1,1,2 -5237,1,960730,0,2152,1,1,1,2 -5238,1,976918,0,1743,1,1,2,1 -5239,1,220487,0,1915,1,1,3,1 -5240,1,507418,0,1928,1,1,2,1 -5243,1,157616,0,1640,1,1,2,1 -5244,1,352246,0,0933,1,1,2,1 -5246,1,525711,0,1748,1,1,1,1 -5247,1,997143,0,2040,1,1,2,2 -5249,1,308370,0,1614,1,1,1,1 -5252,1,487088,1,0105,1,1,1,2 -5253,1,546457,0,1610,1,1,1,2 -5253,2,546488,1,1439,2,1,1,2 -5254,1,302998,0,1847,1,1,2,1 -5255,1,382622,1,0012,1,1,2,2 -5257,1,441559,0,2324,1,1,1,1 -5258,1,198410,0,0118,1,1,2,1 -5262,1,513654,0,2225,1,1,3,2 -5267,1,548895,1,0021,1,1,2,1 -5269,1,264592,0,1725,1,1,1,1 -5272,1,654048,0,2151,1,1,2,2 -5273,1,850128,0,2207,1,1,2,1 -5275,1,303842,0,2152,1,1,1,1 -5276,1,804101,0,1848,1,1,2,1 -5279,1,1002216,0,2347,1,1,2,2 -5280,1,433447,0,1532,1,1,2,1 -5281,1,557866,0,1109,1,1,2,1 -5283,1,937365,0,0635,1,1,2,1 -5284,1,557076,1,0022,1,1,2,1 -5286,1,357095,0,1827,1,1,2,2 -5287,1,565427,0,2328,1,1,2,1 -5288,1,511525,0,2253,2,1,2,1 -5292,1,146183,0,2130,1,1,1,1 -5294,1,310983,0,2237,1,1,3,1 -5295,1,303922,0,1800,1,1,1,1 -5300,1,203042,0,1505,1,1,2,1 -5302,1,471464,0,0944,1,1,2,1 -5303,1,317274,0,1615,1,1,1,2 -5303,2,866493,1,1004,2,1,1,2 -5303,3,866494,2,2200,2,1,1,2 -5310,1,577116,0,2155,1,1,1,2 -5313,1,586171,0,1555,1,1,2,1 -5315,1,170394,0,2100,1,1,2,1 -5316,1,758663,1,0305,1,1,2,1 -5319,1,130271,0,2052,1,1,2,1 -5320,1,307575,0,2155,1,1,2,1 -5323,1,468238,0,2323,1,1,2,2 -5324,1,972141,0,1106,1,1,1,2 -5325,1,416256,0,1105,1,1,2,2 -5327,1,416193,0,1652,1,1,2,1 -5331,1,750450,1,0122,1,1,2,2 -5333,1,132455,0,2039,1,1,2,2 -5334,1,464537,1,0059,1,1,2,2 -5334,2,464538,3,0950,2,1,2,2 -5336,1,750503,0,2042,1,1,2,2 -5337,1,513458,0,1135,1,1,2,1 -5338,1,617921,0,1403,1,3,3,1 -5340,1,244064,0,1949,1,1,2,1 -5343,1,510850,0,1518,1,1,2,1 -5348,1,423189,0,2205,1,1,2,1 -5349,1,792317,1,0109,1,1,2,1 -5350,1,753167,0,0538,1,1,2,1 -5351,1,769281,0,0515,1,1,1,2 -5352,1,367747,0,1346,1,1,2,1 -5354,1,371005,0,1952,1,1,1,2 -5357,1,220217,0,1908,1,1,1,1 -5360,1,148132,0,2055,1,1,2,1 -5362,1,344704,0,1210,1,1,2,2 -5363,1,722518,0,1908,1,1,2,2 -5364,1,213589,0,2152,1,1,1,2 -5364,2,213590,1,0959,2,1,1,2 -5365,1,163880,0,1951,1,1,2,1 -5369,1,249008,0,1957,1,1,1,1 -5372,1,401885,0,1527,1,1,2,1 -5378,1,246971,0,2006,1,1,2,1 -5379,1,625799,0,0429,1,1,2,1 -5384,1,624840,0,1820,1,1,2,2 -5388,1,343830,0,1832,1,1,2,1 -5389,1,749927,1,0953,2,1,2,1 -5391,1,484205,0,2008,1,1,2,2 -5393,1,130240,0,1758,1,2,2,1 -5398,1,716114,0,2344,1,1,2,1 -5402,1,649959,0,2147,1,1,2,2 -5410,1,537690,0,1838,1,1,2,1 -5411,1,614850,0,1319,1,1,2,1 -5413,1,441304,1,0027,1,1,2,1 -5415,1,320151,0,1740,1,1,2,1 -5417,1,136085,1,0045,1,1,2,2 -5417,2,207674,3,1630,2,1,2,2 -5418,1,815242,0,0142,1,1,1,2 -5418,2,815243,0,0625,1,1,1,2 -5420,1,476854,0,1015,1,1,1,1 -5421,1,643105,0,1839,1,1,1,2 -5422,1,334790,0,1809,1,1,2,2 -5425,1,139241,0,1700,1,1,2,2 -5426,1,307932,0,2136,1,1,2,1 -5427,1,266046,0,1557,1,1,2,1 -5428,1,118779,1,0114,1,1,2,1 -5429,1,508096,0,0243,1,1,2,1 -5431,1,839155,0,2221,1,1,1,1 -5432,1,711251,0,2124,1,1,2,1 -5435,1,176006,0,1249,1,1,1,2 -5441,1,359396,0,2106,1,1,2,1 -5442,1,491018,0,2102,1,1,1,2 -5443,1,906712,0,2216,1,1,2,1 -5444,1,564618,0,1629,1,1,2,1 -5445,1,956982,0,1746,1,1,1,1 -5448,1,722418,0,1805,1,1,1,1 -5449,1,199446,0,1159,1,1,2,2 -5452,1,473236,1,0922,2,1,2,1 -5453,1,703050,0,1617,1,2,3,1 -5454,1,706842,0,1150,1,1,2,1 -5456,1,524082,0,1728,1,1,2,1 -5457,1,985455,0,1800,1,1,2,1 -5458,1,373356,0,1933,1,1,2,2 -5460,1,557772,0,2150,1,1,2,2 -5462,1,800545,0,1621,1,1,2,2 -5464,1,876202,0,0911,1,1,2,2 -5469,1,391904,0,1945,2,1,2,1 -5470,1,603218,0,1848,1,1,2,1 -5472,1,115903,1,0010,1,1,2,2 -5475,1,564453,0,1259,1,1,1,2 -5476,1,750414,0,1838,1,1,2,1 -5477,1,774541,0,2118,1,1,2,1 -5479,1,641402,0,1711,1,1,2,1 -5481,1,787559,0,1459,1,1,2,1 -5483,1,317387,0,0426,1,1,1,1 -5487,1,207215,0,1921,1,1,2,1 -5488,1,778821,0,1426,1,1,2,2 -5490,1,154402,0,1838,1,1,2,1 -5491,1,823950,1,0124,1,1,1,2 -5495,1,698403,0,2343,1,1,2,2 -5499,1,169468,0,2138,1,1,2,2 -5500,1,601097,0,1819,1,1,2,1 -5501,1,720677,0,2023,1,1,2,1 -5502,1,335091,0,1755,1,1,1,1 -5503,1,837752,0,2250,1,1,1,1 -5506,1,365637,0,1404,1,1,2,1 -5508,1,958502,0,1304,1,1,2,2 -5511,1,317049,0,1552,1,1,1,2 -5515,1,456675,1,0010,1,1,2,1 -5516,1,871902,1,0046,1,1,1,1 -5517,1,177253,0,2000,1,1,2,2 -5520,1,918350,0,1918,1,1,1,2 -5523,1,423551,0,2145,1,1,2,1 -5524,1,767114,0,2237,1,1,2,2 -5528,1,194109,0,1832,1,1,2,2 -5531,1,299675,1,1444,2,1,2,2 -5533,1,979874,0,1849,1,1,2,1 -5536,1,920385,0,2212,1,1,2,2 -5537,1,335869,0,1635,1,1,2,2 -5538,1,978837,0,1820,1,1,2,2 -5539,1,609520,0,0407,1,1,2,1 -5542,1,655629,0,1322,1,1,3,1 -5543,1,942129,0,1953,1,1,2,2 -5544,1,831611,0,1927,1,1,2,1 -5545,1,147543,1,0025,1,1,2,1 -5551,1,239229,0,1421,1,1,2,1 -5557,1,261746,0,2319,1,1,2,2 -5562,1,477385,0,2315,1,1,2,1 -5566,1,139888,0,1907,1,1,1,2 -5567,1,302468,1,0012,1,1,3,1 -5568,1,183662,0,1629,1,1,2,1 -5572,1,233544,0,1931,1,1,2,1 -5573,1,584018,0,1652,1,1,2,2 -5574,1,604901,0,1740,1,1,2,1 -5576,1,177575,0,1341,1,1,2,1 -5577,1,526226,0,0834,1,1,1,2 -5578,1,434116,0,2028,1,1,2,1 -5582,1,561842,0,2028,1,1,2,1 -5585,1,961100,0,2133,1,1,2,2 -5586,1,197799,0,2337,1,1,1,2 -5590,1,1004149,1,0009,1,1,1,1 -5591,1,552248,0,2303,1,1,2,1 -5593,1,133843,0,2058,1,1,2,1 -5594,1,307606,0,2330,1,1,2,1 -5595,1,646104,0,2351,1,1,2,1 -5597,1,285438,0,2015,1,1,1,2 -5600,1,211278,0,2307,1,1,2,1 -5603,1,304356,0,1826,1,1,2,1 -5606,1,524405,0,1215,1,1,1,1 -5608,1,824727,0,1526,1,1,1,2 -5615,1,113292,1,0008,1,1,2,1 -5617,1,239415,0,1817,1,1,2,1 -5619,1,794337,0,0305,1,1,1,1 -5620,1,292020,0,1932,1,1,3,2 -5621,1,750436,0,1723,1,1,2,2 -5622,1,694009,0,0430,1,1,2,1 -5624,1,126660,0,1623,1,1,2,1 -5625,1,548833,0,2121,1,1,2,2 -5625,2,548834,2,2259,2,1,2,2 -5626,1,176995,1,0033,1,2,2,1 -5642,1,931264,0,1029,1,1,2,1 -5643,1,638499,0,2345,1,1,2,1 -5645,1,403998,0,1901,1,1,2,1 -5647,1,1054427,0,0944,1,1,2,2 -5649,1,194156,1,0033,1,1,1,1 -5651,1,836865,0,1740,1,1,2,2 -5653,1,568869,0,0522,1,1,1,1 -5655,1,165961,0,1650,1,1,2,2 -5657,1,136193,0,2031,1,1,2,1 -5663,1,332066,0,2139,1,1,3,1 -5668,1,493400,0,1021,1,1,3,1 -5669,1,130138,0,1306,1,1,2,1 -5670,1,428301,0,2226,1,1,2,1 -5671,1,161448,0,2000,1,1,2,1 -5677,1,673681,0,2152,1,1,1,1 -5680,1,130851,0,1417,1,1,2,1 -5684,1,947296,0,2005,1,1,2,1 -5685,1,803638,0,1924,1,1,2,1 -5688,1,185322,0,2246,1,1,2,1 -5689,1,327253,0,1918,1,1,2,1 -5692,1,273657,0,1355,1,1,1,1 -5693,1,458876,0,2359,1,1,2,1 -5694,1,1002733,0,1120,1,1,2,1 -5698,1,165551,0,2300,1,1,1,2 -5699,1,130152,0,1912,1,1,2,1 -5700,1,490103,0,2233,1,1,2,2 -5701,1,577998,0,2102,1,1,2,2 -5703,1,705948,0,0636,1,1,1,2 -5707,1,134517,0,0755,1,1,2,2 -5709,1,721459,0,1922,1,1,2,2 -5713,1,799272,0,1120,1,1,2,2 -5714,1,392473,0,1757,1,1,2,1 -5715,1,758119,1,0258,1,1,2,1 -5720,1,736027,0,1328,1,1,2,2 -5724,1,483318,0,1635,1,1,2,1 -5725,1,165410,0,1854,1,1,2,1 -5727,1,1011218,0,0915,1,1,2,2 -5728,1,218579,0,2302,1,1,2,1 -5731,1,484547,0,1822,1,1,2,2 -5732,1,625740,0,1938,1,1,2,1 -5737,1,379342,0,2158,1,1,2,1 -5741,1,317569,0,1745,1,1,1,1 -5743,1,616555,0,1853,1,1,2,2 -5744,1,557735,0,2235,1,1,2,2 -5746,1,965147,0,1629,1,1,2,2 -5750,1,644066,0,2152,1,1,1,1 -5751,1,841748,0,1548,1,1,2,1 -5752,1,994875,0,2210,1,1,2,2 -5754,1,494532,1,0034,1,1,2,2 -5756,2,202016,0,1925,1,1,2,2 -5758,1,203787,0,1209,1,1,2,2 -5759,1,960196,0,1355,1,1,2,2 -5760,1,243975,0,1449,1,1,2,2 -5763,1,445103,0,1524,1,1,2,2 -5766,1,850057,0,2210,1,1,2,2 -5768,1,385134,0,1829,1,1,1,1 -5775,1,685336,0,1423,1,1,2,1 -5776,1,758182,0,1948,1,1,2,2 -5778,1,316625,0,2223,1,1,3,1 -5779,1,239367,0,1821,1,1,2,1 -5782,1,342454,0,1930,1,1,3,2 -5783,1,317530,0,2100,1,1,1,1 -5785,1,727487,0,1351,1,1,2,2 -5786,1,500588,0,1638,1,1,3,2 -5789,1,157363,1,0144,1,1,3,1 -5793,1,698492,0,2105,1,1,2,2 -5795,1,490419,0,2220,1,1,2,2 -5797,1,630430,0,2115,1,1,2,1 -5800,1,329591,0,1400,1,1,2,1 -5804,1,1014904,0,1800,1,1,2,1 -5809,1,536623,0,1726,1,1,2,1 -5810,1,369858,0,2133,1,1,2,2 -5816,1,942280,1,0141,1,1,2,2 -5820,1,190569,0,2202,1,1,2,2 -5821,1,193955,0,1742,1,1,2,1 -5822,1,930883,0,2129,1,1,2,1 -5824,1,807592,0,1331,1,1,1,1 -5829,1,491367,0,2215,1,1,2,1 -5830,1,707005,0,1622,1,1,2,1 -5832,1,883894,0,1241,1,1,2,1 -5833,1,190525,0,2045,1,1,2,2 -5834,1,715784,0,1435,1,1,2,2 -5836,1,363480,0,2126,1,1,2,1 -5837,1,630920,0,0348,1,1,2,1 -5842,1,267260,0,2249,1,1,2,1 -5843,1,630007,0,2157,1,1,2,2 -5844,1,302855,0,1816,1,1,2,2 -5844,2,307862,2,2224,2,1,2,2 -5846,1,812142,0,1554,1,1,2,1 -5847,1,713929,0,2229,1,1,2,2 -5848,1,276569,1,0037,1,1,2,2 -5850,1,228177,1,0025,1,1,2,2 -5857,1,1014006,0,2015,1,1,2,2 -5858,1,982394,0,1841,1,1,2,2 -5861,1,733069,0,2134,1,1,2,1 -5863,1,321180,0,1739,1,1,2,1 -5865,1,301707,0,2223,1,1,1,2 -5866,1,599858,1,0345,1,1,2,1 -5868,1,317074,1,0033,1,1,1,1 -5870,1,200174,0,2335,1,1,2,2 -5872,1,168027,1,0034,1,1,2,1 -5873,1,733386,1,0048,1,1,2,1 -5874,1,405058,0,1556,1,1,2,1 -5875,1,775576,0,2345,1,1,2,1 -5879,1,374070,0,2142,1,1,2,1 -5883,1,316568,0,1443,1,1,2,1 -5886,1,423894,0,0140,1,1,1,1 -5887,1,715874,0,0912,1,1,2,1 -5888,1,435941,0,2020,2,1,2,1 -5889,1,809910,1,0050,1,1,2,1 -5890,1,621722,0,2306,1,1,2,1 -5894,1,515182,0,0901,1,1,2,2 -5894,2,524842,10,1800,2,1,3,2 -5898,1,352712,0,2111,1,1,1,1 -5901,1,266200,0,1743,1,1,1,2 -5903,1,495017,0,1603,1,1,1,1 -5906,1,307611,0,2059,1,1,3,1 -5907,1,199227,0,2112,1,1,2,1 -5909,1,235455,0,1524,1,1,2,2 -5911,1,883762,0,0946,1,1,2,2 -5914,1,1003499,0,1230,1,1,2,1 -5915,1,216357,0,1035,1,1,1,2 -5917,1,194479,0,1756,1,1,2,2 -5917,2,194480,1,0034,2,2,2,1 -5917,3,194481,7,0957,2,2,2,1 -5918,1,872426,0,1029,1,1,1,1 -5922,1,942448,0,1802,1,1,2,2 -5923,1,624915,0,1915,1,1,2,2 -5925,1,333921,0,2355,1,1,2,2 -5928,1,440321,0,2159,1,1,3,1 -5932,1,756229,0,1943,1,1,1,1 -5933,1,174782,0,1542,1,1,2,1 -5935,1,938792,0,1714,1,1,2,2 -5936,1,263730,0,1700,1,1,2,1 -5937,1,850999,0,1855,1,1,2,1 -5938,1,732579,0,2030,1,1,2,2 -5942,1,536778,0,1902,1,1,1,1 -5946,1,784269,0,1900,1,1,2,1 -5947,1,654932,0,2125,1,1,1,1 -5949,1,435489,0,1551,1,1,2,2 -5950,1,402370,0,1950,1,1,1,1 -5951,1,520249,0,2115,1,1,2,2 -5953,1,472509,0,0518,1,1,2,1 -5958,1,388255,1,0042,1,1,2,1 -5959,1,135261,0,1930,1,1,2,1 -5960,1,251791,0,2238,1,1,2,1 -5961,1,608416,1,1433,2,1,1,1 -5963,1,319210,0,2122,1,1,2,2 -5964,1,625807,0,1704,1,1,2,1 -5968,1,480309,1,0105,1,1,1,1 -5969,1,822240,1,0028,1,1,2,1 -5970,1,836531,0,1842,1,1,2,1 -5973,1,654614,0,1933,1,1,1,1 -5976,1,668526,0,1458,1,2,2,2 -5976,2,668527,0,1905,2,1,2,2 -5977,1,760141,0,1812,1,1,2,1 -5978,1,377665,0,2355,1,1,1,2 -5978,2,923990,1,1125,2,1,1,2 -5978,3,923991,8,1720,2,1,1,2 -5981,1,595380,0,2211,1,1,2,1 -5982,1,949554,1,0032,1,1,2,2 -5984,1,154781,0,1313,1,1,2,2 -5985,1,882793,0,1734,1,1,2,2 -5990,1,356615,0,2204,1,1,2,2 -5992,1,395104,0,2017,1,1,3,2 -5993,1,806248,0,2025,1,1,2,1 -5995,1,851175,0,2021,1,1,2,1 -5996,1,997442,0,2025,1,1,2,2 -5997,1,178784,0,1738,1,1,2,2 -5998,1,867447,0,0650,1,2,2,2 -6002,1,508457,1,1618,2,1,2,1 -6003,1,267435,0,1410,1,1,2,2 -6004,1,242876,0,2058,1,1,3,1 -6005,1,603890,1,1040,1,1,2,2 -6009,1,125506,0,2135,1,1,2,1 -6010,1,126087,0,2239,1,1,2,1 -6015,1,420886,0,1526,1,1,1,2 -6016,1,641941,1,0247,1,1,2,1 -6018,1,667876,0,2158,1,1,2,2 -6019,1,997670,0,2150,1,1,2,2 -6022,1,446676,0,2300,1,1,1,1 -6023,1,183891,0,1900,1,1,2,2 -6026,1,866572,0,1655,1,1,2,2 -6028,1,426220,0,1835,1,1,2,2 -6028,2,426221,5,0500,2,1,2,2 -6030,1,611741,0,1908,1,1,2,2 -6033,1,660120,0,2350,1,1,2,2 -6034,1,732810,0,2032,1,1,2,1 -6035,1,344051,0,2043,1,1,2,1 -6040,1,816738,0,1323,1,1,3,1 -6041,1,163397,0,2337,1,1,2,1 -6042,1,179525,0,1350,1,1,2,1 -6042,3,246247,0,1315,1,2,2,1 -6044,1,635032,0,2039,1,1,2,2 -6046,1,847334,1,0030,1,1,2,2 -6047,1,944733,0,2338,1,1,2,1 -6050,1,268356,1,0018,1,1,2,1 -6051,1,290510,0,2050,1,1,2,2 -6054,1,406328,0,1724,1,1,2,1 -6057,1,667994,0,2017,1,1,1,2 -6060,1,245113,1,0050,1,1,2,2 -6061,1,799935,0,1904,1,1,2,2 -6068,1,394346,0,1419,1,1,2,1 -6071,1,464393,0,1350,1,1,2,1 -6075,1,197424,0,2024,1,1,2,1 -6085,1,666700,0,1930,1,1,1,2 -6088,1,823370,0,1557,1,1,2,1 -6089,1,724680,0,2057,1,1,1,2 -6091,1,580721,0,1908,1,1,2,2 -6092,1,317474,0,1615,1,1,1,2 -6092,2,317475,0,2221,1,1,1,2 -6092,3,317476,1,1051,1,1,1,2 -6095,1,478944,0,0130,1,1,1,2 -6096,1,541001,0,1936,1,1,1,2 -6096,2,542732,3,1122,2,1,1,2 -6097,1,820886,0,1725,1,1,2,1 -6098,1,619455,0,2036,1,1,2,1 -6101,1,338951,0,1759,1,1,2,1 -6106,1,988535,0,1324,1,1,2,2 -6107,1,650873,0,1840,1,1,2,1 -6111,1,527856,0,1317,1,1,2,1 -6114,1,543520,0,2143,1,1,2,1 -6115,1,411519,1,0350,1,1,1,1 -6116,1,577095,1,0235,1,1,1,1 -6117,1,835877,0,1800,1,1,2,1 -6119,1,792246,0,2037,1,1,2,1 -6120,1,274578,0,2346,1,2,2,1 -6121,1,559491,0,2156,1,1,2,2 -6122,1,315563,0,0313,1,1,2,1 -6123,1,241372,0,2350,1,1,2,2 -6126,1,770616,1,0126,1,1,2,1 -6127,1,717029,1,0100,1,1,1,2 -6128,1,319184,0,1240,1,1,2,2 -6129,1,278105,0,1444,1,1,2,2 -6129,2,278106,3,1003,2,1,2,2 -6129,3,278107,6,1258,2,1,2,2 -6130,1,966373,0,2235,1,1,2,2 -6131,1,486775,0,1326,1,1,2,1 -6132,1,666117,0,2348,1,1,2,2 -6134,1,680530,0,1733,1,1,2,1 -6136,1,946630,0,2254,2,1,2,2 -6141,1,750540,0,1240,1,1,2,2 -6142,1,706830,1,0054,1,1,2,1 -6146,1,481820,0,2155,1,1,1,2 -6146,2,483008,1,0557,2,1,1,2 -6147,1,782142,0,1848,1,1,2,2 -6148,1,421028,0,2127,1,1,1,1 -6149,1,956968,0,2013,1,1,1,1 -6150,1,487880,0,2132,1,1,3,2 -6152,1,125393,0,1557,1,1,2,1 -6157,1,397346,0,2120,1,1,3,1 -6161,1,350200,0,2207,1,1,2,2 -6162,1,630402,0,1338,1,1,2,1 -6164,1,780464,0,1421,1,1,3,2 -6164,2,780465,4,1033,2,1,1,1 -6166,1,754279,0,2003,1,1,2,2 -6167,1,253625,1,0140,1,1,2,2 -6169,1,700676,0,2133,1,1,1,1 -6172,1,524446,0,2212,1,1,2,1 -6174,1,346068,1,0016,1,1,3,1 -6175,1,427900,0,1810,1,1,2,1 -6176,1,706564,0,1837,1,1,2,2 -6178,1,167035,1,0050,1,1,2,1 -6180,1,881549,0,2352,1,1,2,2 -6180,2,881550,1,1245,2,1,1,2 -6182,1,382833,0,1233,1,1,2,2 -6186,1,880884,0,1435,1,1,1,1 -6188,1,293234,0,1818,1,1,2,1 -6194,1,388142,0,1955,1,1,2,1 -6195,1,366591,0,1657,1,1,2,2 -6196,1,146331,0,2003,1,1,1,1 -6200,1,890425,0,1730,1,1,2,2 -6202,1,925170,0,2003,1,1,1,1 -6205,1,266348,0,1910,1,1,2,2 -6205,2,266350,10,1531,2,1,1,2 -6207,1,361618,0,1510,1,1,2,1 -6208,1,621779,0,1754,1,1,2,1 -6209,1,541833,0,2018,1,1,2,2 -6210,1,592017,0,1347,1,1,1,1 -6214,1,630391,0,0136,1,1,2,1 -6217,1,708041,0,2113,1,1,1,2 -6224,1,763455,0,2057,1,1,2,1 -6225,1,264628,0,1753,1,1,1,2 -6225,2,264631,2,1246,2,1,1,2 -6229,1,475714,0,2328,1,1,2,2 -6232,1,282221,0,2151,1,1,2,2 -6234,1,333182,0,2312,1,1,2,1 -6235,1,517650,0,1623,1,1,2,2 -6236,1,297561,0,0758,1,3,3,2 -6238,1,485126,1,0006,1,1,2,1 -6244,1,927416,0,2005,1,1,2,1 -6250,1,388005,0,2147,1,1,2,2 -6251,1,138243,0,1909,1,1,2,1 -6252,1,447928,0,1207,1,1,2,2 -6255,1,208178,0,1851,1,1,2,1 -6255,2,265048,1,2112,2,1,2,2 -6260,1,543867,0,2226,1,1,3,1 -6261,1,567216,0,0853,1,1,1,2 -6266,1,272266,0,0312,1,1,2,1 -6267,1,758325,0,2259,1,1,2,1 -6270,1,443234,0,2057,1,1,1,1 -6275,1,564281,0,1450,1,1,2,2 -6276,1,135963,0,0323,1,1,2,2 -6278,1,329608,0,2008,1,1,3,2 -6282,1,791696,0,1946,1,3,3,1 -6284,1,143265,0,0728,1,1,2,2 -6285,1,508925,0,0322,1,1,2,1 -6288,1,188640,0,1312,1,1,2,1 -6290,1,448853,0,2240,1,1,2,1 -6291,1,562518,0,1746,1,1,1,1 -6293,1,259406,0,2344,1,1,2,2 -6295,1,234122,0,2123,1,1,2,1 -6298,1,367514,0,1549,1,1,2,1 -6300,1,507089,0,1315,1,1,2,1 -6301,1,499927,1,0047,1,1,2,2 -6302,1,245412,0,1432,1,1,2,2 -6303,1,405119,0,1607,1,2,1,2 -6306,1,278165,0,2323,1,1,1,1 -6307,1,625333,0,2232,1,1,1,1 -6309,1,467838,0,2030,1,1,1,1 -6311,1,598896,0,2034,1,1,1,2 -6318,1,903671,0,2031,1,1,2,1 -6319,1,449897,0,2040,1,1,2,1 -6321,1,250584,0,1442,1,1,2,1 -6323,1,351053,0,2024,1,1,2,2 -6325,1,750492,0,2157,1,1,2,2 -6327,1,982660,0,2207,1,1,2,2 -6332,1,866541,0,2352,1,1,2,2 -6333,1,446291,0,2215,1,1,2,1 -6335,1,946750,0,1123,1,1,2,1 -6337,1,866280,0,2146,1,1,2,1 -6341,1,885414,0,1748,1,1,2,2 -6344,1,604800,0,1735,1,1,2,1 -6345,1,812241,0,1602,1,1,1,1 -6347,1,143337,1,0059,1,1,2,1 -6350,1,287078,0,0119,1,1,3,1 -6352,1,848599,0,1410,1,1,2,2 -6356,1,271370,1,0330,2,1,1,1 -6358,1,901130,0,2110,1,1,2,1 -6362,1,758633,0,2039,1,1,2,2 -6362,2,758634,2,1026,2,1,2,2 -6362,3,758635,4,1520,2,1,2,2 -6367,1,145875,0,1159,1,1,1,2 -6368,1,300277,0,2143,1,2,2,1 -6369,1,726515,0,1910,1,1,2,1 -6371,1,687550,0,1716,1,2,2,2 -6372,1,147925,0,1924,1,1,2,1 -6375,1,351119,0,1901,1,1,2,1 -6380,1,504491,0,1448,1,1,2,2 -6382,1,598751,0,1924,1,1,2,2 -6383,1,215583,0,2045,1,1,2,2 -6384,1,758916,0,2045,1,1,2,1 -6385,1,822991,0,1354,1,1,1,1 -6387,1,941467,0,1904,1,1,1,2 -6387,2,941468,1,0134,2,1,1,2 -6388,1,427048,0,1743,1,1,2,2 -6389,1,316991,0,2300,1,1,1,2 -6393,1,671978,0,1442,1,1,2,2 -6395,1,908840,1,0301,1,1,2,2 -6400,1,458762,0,1743,1,1,2,1 -6404,1,563617,0,1727,1,1,2,2 -6405,1,216626,0,2305,1,1,1,2 -6406,1,816226,0,1340,1,1,2,1 -6408,1,450253,1,1620,3,1,2,1 -6410,1,706097,1,0902,2,1,1,2 -6415,1,544247,0,1344,1,1,2,1 -6418,1,344868,0,1254,1,1,2,2 -6419,1,423978,0,2110,1,1,2,1 -6421,1,673798,0,1505,1,1,2,1 -6422,1,671288,0,2117,1,1,2,1 -6426,1,845205,0,1419,1,1,2,2 -6427,1,415621,1,0045,1,1,2,1 -6431,1,183351,0,2102,1,1,2,1 -6432,1,177282,0,2329,1,1,2,1 -6433,1,800650,0,1716,1,1,2,2 -6435,1,683398,0,2201,1,1,1,1 -6436,1,787807,0,1711,1,1,2,1 -6439,1,696009,1,0055,1,1,3,1 -6440,1,504856,0,2148,1,1,2,2 -6441,1,944956,0,2132,1,1,2,2 -6442,1,579979,0,1552,1,1,2,1 -6444,1,487332,0,1957,1,1,2,1 -6445,1,127924,0,0120,1,1,1,1 -6447,1,190610,1,0105,1,1,3,2 -6447,2,849007,2,1445,2,1,2,2 -6452,1,128865,0,1913,1,1,2,2 -6455,1,655183,0,1658,1,1,1,1 -6458,1,965263,1,0103,1,1,2,1 -6460,1,142995,0,1641,1,1,2,1 -6461,1,922683,0,1841,1,1,2,1 -6463,1,700556,0,1445,1,1,2,1 -6464,1,721631,0,0523,1,1,3,2 -6466,1,722532,0,1600,1,1,2,1 -6468,1,700993,1,0112,1,1,3,1 -6473,1,259239,0,0736,1,1,2,2 -6474,1,397168,0,1930,1,1,2,1 -6477,1,606666,0,2206,1,1,2,1 -6479,1,925901,0,1050,1,1,2,1 -6480,1,194505,1,0130,1,1,2,1 -6484,1,680001,0,2210,1,1,2,2 -6485,1,397260,0,1940,1,1,2,1 -6486,1,382085,0,1839,1,1,2,1 -6487,1,196623,0,0135,1,1,1,1 -6492,1,866786,0,2157,1,1,2,1 -6494,1,406319,0,1710,1,1,2,1 -6495,1,535306,0,1412,1,1,2,2 -6495,2,557139,12,1810,3,1,1,1 -6501,1,190446,0,2026,1,1,2,1 -6505,1,253474,0,1752,1,1,1,2 -6506,1,224326,0,1859,1,1,2,1 -6507,1,866093,0,1800,1,1,2,2 -6511,1,752287,0,0909,1,1,2,2 -6513,1,866330,0,2205,1,1,2,2 -6514,1,932738,0,1004,1,1,2,1 -6515,1,445466,0,1433,1,1,2,1 -6517,1,369599,0,0258,1,1,2,2 -6517,2,370751,9,1452,2,1,2,2 -6517,3,370752,17,0245,2,1,2,2 -6523,1,447496,1,1445,2,1,1,2 -6526,1,167564,0,0742,1,1,2,1 -6527,1,301268,1,0700,1,1,1,1 -6533,1,135253,0,1055,1,1,2,2 -6537,1,445500,0,2240,1,1,2,1 -6539,1,706708,0,1515,1,1,1,1 -6541,1,423910,0,0120,1,1,1,1 -6542,1,171380,0,1159,1,1,2,2 -6544,1,838350,1,0014,1,1,1,1 -6548,1,802977,0,2349,1,1,2,2 -6550,1,713624,0,1820,1,1,2,1 -6551,1,802569,0,0229,1,1,2,1 -6553,1,161423,0,1451,1,1,2,2 -6557,1,751535,0,0353,1,1,1,1 -6558,1,766613,0,1915,1,1,1,1 -6560,1,546573,0,1138,1,1,2,1 -6564,1,464614,1,0121,1,1,2,2 -6565,1,340562,0,1716,1,1,2,1 -6566,1,889241,0,1138,1,1,2,2 -6567,1,285610,0,1746,1,1,1,1 -6572,1,864271,0,1846,1,1,2,2 -6573,1,918205,0,1642,1,1,2,1 -6574,1,574848,0,1718,1,1,3,1 -6575,1,650828,0,2240,1,1,2,2 -6576,1,680673,0,2009,1,1,2,2 -6578,1,895490,0,1538,1,1,2,2 -6579,1,796253,0,2011,1,1,1,2 -6582,1,864382,0,1157,1,1,2,1 -6584,1,721347,0,1939,1,1,2,1 -6585,1,943080,0,1223,1,1,2,1 -6586,1,211412,0,2320,1,1,1,2 -6590,1,770816,0,1609,1,1,2,1 -6591,1,634107,0,2104,1,1,2,1 -6592,1,714723,0,1219,1,1,2,1 -6594,1,484483,0,2234,1,1,2,1 -6600,1,259463,0,2240,1,1,2,2 -6603,1,315518,0,1846,1,1,2,1 -6606,1,577980,0,2350,1,1,2,1 -6607,1,374453,0,1925,1,1,1,1 -6608,1,250674,1,0130,1,1,2,1 -6614,1,953463,0,2300,1,1,1,1 -6615,1,577483,0,1807,1,1,2,1 -6617,1,386761,0,1925,1,1,3,2 -6619,1,528623,1,0226,1,1,2,1 -6629,1,802728,0,1950,1,1,2,1 -6630,1,725634,0,2058,1,1,2,2 -6631,1,369533,0,2036,1,1,2,1 -6635,1,658967,0,0111,1,1,3,1 -6636,1,585363,0,2235,1,1,1,2 -6637,1,207772,0,0330,1,1,3,1 -6638,1,180521,0,0545,1,1,2,1 -6639,1,715446,0,0945,1,1,1,1 -6642,1,442165,0,1007,1,1,1,2 -6643,1,182818,0,0300,1,1,2,1 -6647,1,680437,0,1726,1,1,2,2 -6650,1,906910,0,2155,1,1,2,1 -6654,1,634432,0,1954,1,1,2,1 -6656,1,527786,0,1604,1,1,1,1 -6659,1,930715,0,1049,1,1,2,1 -6660,1,353369,0,2021,1,1,2,1 -6663,1,273353,0,0830,1,1,2,1 -6664,1,493115,0,1414,1,1,2,1 -6667,1,673757,0,2150,1,1,2,2 -6673,1,546800,1,0004,1,1,2,2 -6674,1,251193,0,2137,1,1,2,2 -6676,1,613947,0,2115,1,1,2,1 -6677,1,428874,0,2228,1,1,2,2 -6680,1,142915,0,0323,1,1,2,1 -6681,1,926129,0,2015,1,1,2,2 -6682,1,536541,0,2245,1,1,2,1 -6683,1,766497,0,1145,1,1,1,1 -6684,1,375776,0,2035,1,1,2,1 -6685,1,157354,0,1907,1,1,1,1 -6688,1,182928,0,2341,1,1,2,1 -6691,1,649286,0,1625,1,1,2,1 -6696,1,350605,0,1020,1,1,3,1 -6698,1,828358,0,2011,1,1,2,1 -6700,1,408068,1,0118,1,1,3,1 -6701,1,303907,0,1135,1,1,1,1 -6702,1,208684,0,0841,1,1,2,1 -6703,1,710049,0,1904,1,1,2,2 -6704,1,133932,0,2135,1,1,2,1 -6705,1,877062,0,1745,1,1,2,2 -6706,1,259600,1,0020,1,1,2,1 -6709,1,832436,0,1800,1,1,2,2 -6713,1,1007085,0,2232,1,1,1,1 -6714,1,548092,0,0910,1,1,2,2 -6718,1,741211,0,1530,1,1,2,1 -6719,1,872253,0,2013,1,1,1,2 -6722,1,577054,0,1623,1,1,1,2 -6724,1,253039,0,0300,1,1,2,1 -6726,1,767331,0,1835,1,1,2,2 -6727,1,465203,0,2047,1,1,1,1 -6728,1,372047,1,0039,1,1,3,1 -6731,1,744046,0,2253,1,1,2,1 -6734,1,990388,0,1247,1,1,2,2 -6735,1,450122,0,1322,1,1,2,2 -6737,1,762022,0,1150,1,1,2,1 -6741,1,265157,1,0129,1,1,2,1 -6743,1,132700,1,0454,1,1,2,1 -6744,1,573914,0,2104,1,2,3,1 -6745,1,666800,0,1925,1,1,2,1 -6748,1,876124,0,1800,1,1,2,1 -6749,1,598243,0,1825,1,1,1,1 -6750,1,816634,0,1510,1,1,2,2 -6754,1,669926,0,0415,1,1,2,1 -6755,1,137298,0,1815,1,1,2,2 -6756,1,310888,1,0030,1,1,3,1 -6758,1,344678,0,1848,1,1,2,2 -6763,1,997687,0,1905,1,1,2,1 -6764,1,124304,0,1850,1,1,1,1 -6768,1,423059,0,1017,1,1,2,2 -6769,1,1004829,0,1711,1,1,2,1 -6774,1,803594,1,1238,2,1,2,1 -6775,1,602129,0,1802,1,1,2,1 -6776,1,131373,0,0650,1,1,2,1 -6778,1,191691,0,2020,1,1,2,1 -6780,1,744201,0,1542,1,1,2,2 -6784,1,767181,0,1551,1,1,2,1 -6786,1,129327,0,1954,1,1,2,1 -6790,1,344995,0,1312,1,1,2,2 -6795,1,543563,0,2013,1,1,2,1 -6797,1,797069,0,1110,1,1,2,1 -6797,2,810990,12,1424,2,1,2,2 -6798,1,839028,0,2017,1,1,1,1 -6802,1,725923,0,1735,1,1,2,1 -6803,1,952403,0,2148,1,1,2,1 -6805,1,182923,1,0149,1,1,2,1 -6806,1,233983,0,2102,1,1,2,2 -6807,1,825238,0,1745,1,1,2,1 -6809,1,185933,0,0325,1,1,1,2 -6810,1,214941,0,1820,1,1,2,2 -6812,1,273505,0,1433,1,1,2,1 -6814,1,219835,0,2156,1,1,3,1 -6817,1,447031,0,1628,1,1,3,1 -6818,1,584979,0,1110,1,1,2,2 -6820,1,318198,0,1645,1,1,2,1 -6823,1,557853,0,2212,1,1,2,2 -6824,1,477091,1,0008,1,1,1,2 -6826,1,454041,0,1718,1,1,2,1 -6827,1,603033,0,1932,1,1,2,1 -6829,1,135167,0,1247,1,2,2,1 -6830,1,418218,1,0741,2,1,2,1 -6831,1,185679,0,1805,1,1,2,1 -6837,1,923747,0,1610,1,1,2,2 -6839,1,882081,0,1818,1,1,1,1 -6840,1,779483,0,1815,1,1,2,1 -6841,1,328343,0,2030,1,1,1,2 -6842,1,149485,0,1410,1,1,2,2 -6843,1,444916,0,2036,1,1,2,1 -6846,1,194773,0,2313,1,1,2,2 -6848,1,139810,0,2142,1,1,2,1 -6849,1,680023,0,1927,1,1,1,1 -6850,1,1003491,0,1554,1,1,2,1 -6851,1,425907,0,1952,1,1,2,2 -6853,1,481956,0,0147,1,1,2,1 -6854,1,799362,1,0039,1,1,2,1 -6855,1,747171,1,0100,1,1,1,1 -6858,1,470576,0,2206,1,1,2,1 -6860,1,210270,0,1746,1,1,2,1 -6861,1,665780,1,0026,1,1,2,2 -6862,1,311486,0,2322,2,1,2,1 -6865,1,561729,0,0936,1,1,2,2 -6867,1,177208,0,0622,1,1,2,2 -6869,1,148774,0,1004,1,1,2,1 -6872,1,722485,0,0943,1,1,2,2 -6873,1,510899,0,1019,1,1,2,2 -6874,1,659092,0,1800,1,1,1,1 -6875,1,596728,0,1909,1,1,3,1 -6879,1,217553,0,1920,1,1,1,2 -6884,1,739718,0,2056,1,1,2,1 -6885,1,723950,0,1544,1,1,2,1 -6890,1,197578,1,0139,1,1,3,1 -6895,1,648976,0,2159,1,1,3,1 -6898,1,794636,0,1914,1,1,2,2 -6898,2,794637,4,1500,2,1,2,2 -6901,1,453679,0,2233,1,1,2,1 -6902,1,662815,0,1652,1,1,2,2 -6904,1,287330,0,1652,1,1,3,1 -6905,1,491940,0,1917,1,1,2,1 -6906,1,397207,0,0631,1,1,2,1 -6908,1,531328,0,1443,1,2,2,1 -6910,1,755019,0,1547,1,1,2,1 -6911,1,446657,0,1919,1,1,2,2 -6912,1,526797,0,1820,1,1,2,1 -6914,1,173208,0,1650,1,1,2,2 -6916,1,463974,0,2215,1,1,2,1 -6917,1,139318,0,1917,1,1,2,1 -6919,1,145430,0,1914,1,1,2,1 -6920,1,153278,0,1738,1,1,2,1 -6921,1,245582,0,1620,1,1,2,1 -6926,1,334592,0,1225,1,1,2,2 -6929,1,143177,1,1042,1,1,2,2 -6930,1,632944,0,1918,1,1,1,1 -6935,1,485464,0,1342,1,1,1,2 -6935,2,485465,0,1840,1,1,1,2 -6936,1,276445,0,1815,1,1,1,2 -6937,1,351327,0,1459,1,1,2,1 -6940,1,372223,0,0731,1,3,2,2 -6942,1,904977,0,1919,1,1,2,1 -6945,1,268054,0,2140,1,1,2,1 -6946,1,1015061,0,2008,1,1,2,2 -6949,1,823193,0,1833,1,1,2,1 -6954,1,226833,0,1024,1,1,2,1 -6955,1,227628,1,0106,1,1,2,1 -6957,1,795519,0,1220,1,1,2,2 -6959,1,131059,0,1752,1,1,2,2 -6963,1,231863,0,0413,1,1,1,2 -6972,1,327235,0,1425,1,1,2,1 -6973,1,332092,0,1154,1,1,3,1 -6974,1,896176,0,2258,1,1,1,1 -6977,1,218584,0,2036,1,1,2,1 -6979,1,545739,1,0011,1,1,2,1 -6980,1,517486,0,2153,1,1,2,1 -6981,1,503668,0,1935,1,1,1,1 -6983,1,406146,0,1857,1,1,2,1 -6985,1,404090,0,1914,1,1,2,1 -6989,1,601890,0,2249,1,1,2,2 -6992,1,359340,0,1711,1,1,2,1 -6995,1,521432,0,1403,1,1,1,2 -6997,1,822972,0,2306,1,1,1,1 -6998,1,343982,0,1841,1,1,2,1 -7000,1,217252,1,0031,1,1,2,2 -7001,1,777036,0,1821,1,1,2,2 -7003,1,400586,0,1839,1,1,2,1 -7004,1,603759,0,1935,1,1,2,1 -7008,1,932051,0,2322,1,1,2,2 -7010,1,706905,0,0537,1,1,2,1 -7013,1,885556,1,0055,1,1,2,1 -7015,1,568483,0,2158,1,1,2,1 -7016,1,700547,0,1524,1,1,1,1 -7017,1,731910,0,2049,1,1,2,1 -7018,1,765999,0,2005,1,1,1,1 -7020,1,402681,1,1335,2,1,1,2 -7021,1,148731,0,1419,1,1,1,1 -7024,1,657725,0,0253,1,1,2,1 -7028,1,160104,0,0238,1,1,2,1 -7030,1,188475,1,0104,1,1,2,1 -7031,1,561992,0,2000,1,1,2,1 -7034,1,706687,0,1823,1,1,2,1 -7038,1,146233,0,2145,1,1,1,1 -7041,1,703247,1,0135,1,1,2,1 -7045,1,874116,1,0150,1,1,2,1 -7046,1,314174,0,1107,1,3,3,2 -7050,1,579882,0,2254,1,1,2,2 -7051,1,522742,1,0340,1,1,2,1 -7053,1,320954,1,0055,1,1,2,2 -7055,1,834548,0,2004,1,1,2,1 -7056,1,637683,0,2018,1,1,1,1 -7061,1,891062,0,2155,1,1,2,1 -7063,1,487027,0,1010,1,1,2,1 -7067,1,165837,1,0038,1,1,2,2 -7069,1,595198,0,2256,1,1,2,1 -7070,1,666077,1,0313,1,1,2,1 -7071,1,872734,0,2015,1,1,2,2 -7072,1,301697,0,1826,1,1,2,1 -7073,1,951213,0,2059,1,1,2,1 -7074,1,432756,0,1616,1,1,2,1 -7075,1,294017,0,1343,1,1,1,1 -7078,1,236257,0,1303,1,1,2,1 -7084,1,882186,0,1242,1,1,2,2 -7085,1,664727,0,1910,1,1,2,1 -7086,1,131229,0,1555,1,1,2,1 -7087,1,464451,0,2045,1,1,2,2 -7087,2,464452,3,1740,2,1,2,2 -7087,3,464453,11,1024,2,1,2,2 -7095,1,756248,0,1756,1,1,2,2 -7096,1,882429,0,2028,1,1,1,2 -7097,1,540667,0,0356,1,1,2,1 -7101,1,482284,0,1246,1,1,1,1 -7102,1,389394,0,2014,1,1,1,1 -7104,1,244097,0,2015,1,1,3,1 -7109,1,841701,0,1720,1,1,2,1 -7118,1,963042,0,1852,1,1,2,1 -7122,1,253194,0,1822,1,1,2,2 -7123,1,631257,0,1940,1,1,2,2 -7124,1,130757,0,0136,1,1,2,2 -7129,1,142971,0,2348,1,1,2,1 -7132,1,475434,0,0611,1,1,2,2 -7134,1,378192,0,2129,1,1,1,1 -7135,1,239204,1,0016,1,1,2,2 -7136,1,396643,0,1824,1,1,2,2 -7138,1,250543,0,0200,1,1,2,1 -7140,1,397103,0,0652,1,1,1,1 -7141,1,791811,0,2358,1,1,2,2 -7142,1,630870,0,1020,1,1,2,2 -7147,1,749632,0,2229,1,1,2,1 -7150,1,504652,0,0835,1,1,2,2 -7153,1,584583,1,0006,1,1,2,1 -7154,1,343285,0,2230,1,2,2,2 -7154,2,343286,1,0356,1,1,1,2 -7157,1,379866,0,1415,1,1,1,1 -7158,1,195841,0,1603,1,1,2,2 -7163,1,207865,0,2049,1,1,1,1 -7165,1,165531,1,0045,1,1,3,1 -7166,1,136129,0,1509,1,1,2,1 -7170,1,293298,0,2110,2,1,2,1 -7171,1,191290,0,1911,1,1,1,1 -7173,1,234789,0,1236,1,1,2,2 -7175,1,183976,0,1131,1,1,2,1 -7177,1,999159,0,2353,1,1,1,1 -7180,1,250717,0,0909,1,1,2,1 -7182,1,426116,1,0227,1,1,2,1 -7184,1,558040,0,1850,1,1,2,1 -7186,1,969970,0,1930,1,1,2,2 -7188,1,603989,0,1907,1,1,2,1 -7189,1,126907,0,1809,1,1,2,2 -7193,1,821647,0,2000,1,1,1,2 -7195,1,500996,1,0116,1,1,2,1 -7198,1,871865,1,0027,1,1,1,2 -7200,1,945830,0,1425,1,1,2,2 -7203,1,409419,0,1030,1,1,2,2 -7207,1,852530,0,1021,1,1,2,1 -7209,1,217877,0,1216,1,1,2,1 -7212,1,667582,0,1645,1,1,2,2 -7213,1,304451,0,2313,1,1,3,1 -7214,1,165715,0,1245,1,1,3,2 -7215,1,398098,0,1433,1,1,2,2 -7215,2,398099,2,1200,2,1,1,2 -7217,1,269711,0,0903,1,1,2,2 -7220,1,178779,0,2250,1,1,2,1 -7221,1,935598,0,2109,1,1,2,1 -7223,1,660321,0,1615,1,1,2,2 -7225,1,649908,0,0958,1,1,2,2 -7227,1,179483,0,1751,1,1,2,2 -7228,1,224168,0,1122,1,1,2,2 -7228,2,224169,20,1704,2,1,1,2 -7228,3,224170,34,1209,2,1,1,2 -7229,1,603711,0,1835,1,1,2,1 -7230,1,705187,0,2205,1,1,2,1 -7237,1,372482,0,0217,1,2,2,1 -7240,1,750460,0,1648,1,1,2,1 -7242,1,926249,0,2141,1,1,2,2 -7244,1,349298,0,2131,1,1,2,1 -7245,1,406159,0,2213,1,1,2,2 -7246,1,460701,0,2001,1,1,2,1 -7247,1,134084,0,0938,1,1,2,1 -7248,1,612112,0,1558,1,1,2,2 -7249,1,459985,0,2117,1,1,3,1 -7252,1,320028,0,1929,1,1,2,2 -7253,1,739802,0,2258,1,1,2,2 -7256,1,197927,0,1506,1,1,2,1 -7259,1,459154,0,1614,1,1,2,2 -7260,1,392534,0,2125,1,1,2,2 -7260,2,398719,5,1710,2,1,3,2 -7270,1,759774,1,0142,1,1,2,2 -7271,1,249765,1,0517,1,1,2,1 -7274,1,166848,0,2026,1,1,2,1 -7275,1,393304,0,1910,1,2,3,1 -7276,1,827381,0,0215,1,1,2,2 -7277,1,535002,0,1341,1,1,2,1 -7278,1,355135,0,1606,1,1,2,1 -7285,1,523393,0,1718,1,1,2,2 -7287,1,683181,0,2245,1,1,2,2 -7294,1,334747,0,1740,1,1,1,1 -7296,1,715731,0,0020,1,1,2,2 -7298,1,560569,0,1619,1,1,2,1 -7299,1,811237,0,0200,1,1,1,1 -7302,1,445258,0,1806,1,1,1,2 -7308,1,416157,0,1819,1,1,2,1 -7313,1,464324,0,1747,1,1,2,2 -7317,1,956912,0,1226,1,1,1,1 -7318,1,854995,1,0000,1,1,2,1 -7320,1,714805,0,2239,1,1,1,1 -7321,1,264152,0,2011,1,1,1,1 -7323,1,463228,0,2017,1,1,2,1 -7324,1,1007560,0,2101,1,1,1,2 -7327,1,235256,0,1058,1,1,2,1 -7328,1,273368,0,2223,1,1,2,1 -7332,1,370805,1,0051,1,1,2,1 -7334,1,136352,0,1604,1,1,2,1 -7335,1,750063,0,2028,1,1,2,2 -7342,1,345986,0,2228,1,1,3,1 -7347,1,715921,0,2141,1,1,2,2 -7350,1,977514,1,1014,1,1,2,2 -7353,1,471562,0,2355,1,1,1,2 -7356,1,251240,0,2158,1,1,2,2 -7361,1,823324,1,0015,1,2,2,1 -7361,2,832595,1,0944,3,2,2,1 -7362,1,226304,0,2319,1,1,3,1 -7363,1,278197,0,1518,1,1,2,1 -7364,1,264988,0,2112,1,1,2,1 -7367,1,447988,0,2336,1,1,2,2 -7369,1,889367,0,1802,1,1,1,1 -7370,1,343485,0,1707,1,2,2,1 -7371,1,203737,0,1646,1,1,2,2 -7375,1,839201,0,1922,1,1,2,1 -7380,1,876016,0,1314,1,1,2,1 -7382,1,587579,0,2256,1,1,2,2 -7383,1,512147,0,1634,1,1,2,2 -7389,1,625311,0,1740,1,1,2,1 -7394,1,591452,0,1555,1,1,2,1 -7399,1,618416,0,1929,1,1,2,2 -7404,1,124274,0,1426,1,1,2,2 -7408,1,425800,0,2313,1,1,3,1 -7415,1,861372,0,0920,1,2,2,1 -7416,1,748307,0,1923,1,1,3,1 -7421,1,915097,0,1121,1,1,2,2 -7422,1,209672,0,1840,1,1,2,2 -7425,1,254000,0,2229,1,1,2,1 -7426,1,1011565,0,1843,1,3,3,2 -7429,1,419147,0,2117,1,1,2,2 -7431,1,540386,0,0259,1,1,2,1 -7432,1,867037,0,2038,1,1,2,2 -7433,1,954224,0,2036,1,1,1,2 -7435,1,389969,0,0525,1,1,1,1 -7438,1,211222,0,0340,1,1,2,1 -7440,1,416085,0,1135,1,1,2,2 -7442,1,353412,0,1640,1,1,2,1 -7450,1,398111,0,1945,1,1,1,1 -7454,1,490489,0,1334,1,1,2,2 -7455,1,943879,1,0213,1,1,2,1 -7462,1,741808,0,1820,1,1,2,2 -7466,1,441756,0,2100,1,1,2,1 -7467,1,875803,0,0749,1,1,2,1 -7469,1,288074,0,2006,1,1,2,1 -7472,1,832445,1,0129,1,1,2,1 -7474,1,760152,0,1800,1,1,2,1 -7476,1,283571,1,0020,1,1,2,1 -7478,1,380599,0,2028,1,1,2,1 -7480,1,913711,0,2035,1,1,2,2 -7480,2,913712,7,1456,2,1,1,2 -7483,1,769654,1,0024,1,1,2,1 -7484,1,661724,0,2211,1,1,2,2 -7486,1,246931,0,0901,1,1,2,2 -7486,2,246932,8,0235,2,1,2,2 -7488,1,416831,0,1808,1,1,2,1 -7489,1,490690,0,2150,1,1,1,1 -7490,1,547616,0,1823,1,1,3,1 -7492,1,824569,0,1722,1,1,1,1 -7493,1,484323,0,1630,1,1,1,2 -7496,1,756082,0,2303,1,1,2,2 -7497,1,427409,0,1718,1,1,2,1 -7498,1,892102,0,0423,1,1,1,1 -7499,1,208197,0,1705,1,1,2,1 -7502,1,435515,0,2227,1,1,2,1 -7503,1,522265,0,1125,1,1,2,2 -7504,1,356567,0,0514,1,1,3,1 -7505,1,411120,1,0027,1,1,1,1 -7509,1,570650,0,1558,1,1,2,2 -7513,1,200868,0,1957,1,1,2,1 -7515,1,1018899,0,2012,1,1,2,1 -7517,1,935372,0,1625,1,1,2,1 -7518,1,374085,0,2359,1,1,2,1 -7521,1,371139,0,1938,1,1,2,1 -7526,1,210359,0,2124,1,2,2,1 -7528,1,152815,1,0100,1,1,2,1 -7531,1,789573,0,2125,1,3,3,2 -7532,1,958390,0,1400,1,1,2,2 -7533,1,258325,0,1957,1,1,3,1 -7540,1,797932,0,1711,1,1,2,2 -7543,1,680622,0,1949,1,1,2,1 -7551,1,408701,1,0047,1,1,2,1 -7556,1,350232,0,1540,1,1,2,1 -7557,1,378378,0,1316,1,1,1,1 -7558,1,706960,0,1815,1,1,2,1 -7560,1,130872,0,2003,1,1,2,1 -7564,1,713891,0,1001,1,1,2,1 -7565,1,190595,1,0144,1,1,2,1 -7568,1,384960,0,2056,1,1,2,2 -7575,1,146640,0,1335,1,1,2,2 -7578,1,125539,0,1850,1,1,2,1 -7582,1,737293,0,1828,1,1,2,2 -7583,1,195415,0,1934,1,1,2,2 -7586,1,465707,0,0052,1,1,2,1 -7588,1,678413,0,1636,1,1,1,2 -7589,1,405675,0,2149,1,1,2,1 -7591,1,585825,0,1617,1,1,2,2 -7594,1,754918,0,1802,1,1,2,1 -7595,1,637800,0,2023,1,1,1,1 -7599,1,529343,0,1942,1,1,1,1 -7600,1,210311,0,1944,1,1,2,1 -7605,1,953429,0,2048,1,1,2,1 -7608,1,704622,0,2017,1,1,2,2 -7611,1,528646,0,0343,1,1,2,1 -7614,1,557363,0,1840,1,1,2,2 -7616,1,522060,0,2358,1,1,2,2 -7617,1,965854,0,0810,1,1,2,1 -7618,1,461771,0,1856,1,1,1,1 -7623,1,340629,0,2009,1,1,2,2 -7627,1,179969,0,1640,1,1,2,2 -7629,1,680490,0,1756,1,1,2,2 -7630,1,495242,1,1315,2,1,1,1 -7633,1,131447,0,2045,1,1,1,2 -7634,1,751003,0,1950,1,1,2,1 -7636,1,441942,0,1905,1,1,2,1 -7638,1,134018,1,0224,1,1,2,1 -7641,1,473480,0,2334,1,1,2,1 -7642,1,598481,0,1703,1,1,2,1 -7643,1,767120,0,1029,1,1,2,2 -7643,2,767121,2,2307,2,1,1,2 -7644,2,113707,0,1819,1,1,2,2 -7645,1,337722,0,2330,1,1,2,1 -7645,2,337723,1,1345,1,2,1,1 -7648,1,205458,0,2151,1,1,2,1 -7651,1,759193,0,1333,1,1,2,1 -7653,1,831955,0,2116,1,1,2,1 -7656,1,397324,0,1529,1,1,3,2 -7659,1,467903,0,1630,1,1,2,1 -7660,1,420427,0,1701,1,1,2,1 -7661,1,295973,0,2049,1,1,1,1 -7663,1,437081,0,2140,1,1,2,2 -7664,1,307677,0,2330,2,1,2,1 -7665,1,607027,0,2318,1,1,2,1 -7670,1,514054,0,2209,1,1,1,1 -7671,1,409113,1,0210,1,1,1,2 -7672,1,527137,0,1553,1,1,2,1 -7673,1,686168,0,1946,1,1,2,1 -7674,1,693068,0,0909,1,1,2,1 -7676,1,578009,0,1702,1,1,2,2 -7680,1,748153,0,1732,1,1,2,1 -7681,1,453940,0,1656,1,1,1,1 -7683,1,219670,0,2351,1,1,2,2 -7686,1,840128,1,0126,1,1,2,1 -7687,1,380286,0,1736,1,1,2,2 -7688,1,723967,0,2019,1,1,2,1 -7689,1,284061,0,1118,1,1,1,1 -7694,1,465638,0,1901,1,1,2,1 -7696,1,492317,0,2121,1,1,2,2 -7697,1,317589,0,2153,1,1,1,2 -7698,1,168910,0,1618,1,1,2,2 -7699,1,1007811,0,1825,1,1,2,1 -7704,1,880211,0,1339,1,1,2,1 -7705,1,713878,0,0900,1,1,2,2 -7707,1,603701,0,2338,1,1,2,2 -7708,1,250109,1,0230,1,1,1,1 -7709,1,289348,1,0151,1,1,2,1 -7712,1,440864,0,1217,1,1,1,1 -7713,1,785216,0,2052,1,1,2,1 -7714,1,159260,0,1905,1,1,2,2 -7715,1,181131,1,0610,2,1,2,1 -7720,2,240957,0,1408,1,1,2,1 -7721,1,898443,0,2240,1,1,2,1 -7727,1,811763,0,1300,2,1,1,2 -7729,1,408656,0,2024,1,1,1,1 -7730,1,305883,1,0442,1,1,2,1 -7732,1,672403,0,0901,1,1,1,2 -7732,2,672404,2,1110,2,1,1,2 -7734,1,478482,0,1605,1,1,1,2 -7735,1,453767,0,2115,2,1,2,1 -7736,1,898464,0,2107,1,1,2,1 -7737,1,546475,0,1751,1,1,2,1 -7739,1,276329,0,1204,1,1,1,1 -7742,1,405617,0,1918,1,3,3,1 -7743,1,147890,0,1400,1,1,2,1 -7744,1,441790,0,1846,1,1,3,1 -7745,1,1017854,0,1908,1,1,2,1 -7746,1,467661,1,0207,1,1,2,2 -7747,3,247404,0,0408,1,1,2,2 -7748,1,236970,0,1625,1,1,2,1 -7752,1,909727,0,1930,1,1,2,1 -7756,1,215509,0,1220,1,1,2,2 -7757,1,411275,1,0208,1,1,3,1 -7761,1,676237,0,2139,1,1,2,1 -7762,1,672409,0,1828,1,1,2,2 -7766,1,471912,1,0141,1,1,1,1 -7767,1,357488,0,2152,1,1,2,1 -7768,1,235896,0,0330,1,1,2,2 -7768,2,384415,1,0833,2,1,2,2 -7770,1,568012,0,1227,1,1,2,2 -7771,1,651015,0,1840,1,1,2,1 -7772,1,269523,2,1026,2,1,2,2 -7773,1,894647,0,2352,1,1,2,1 -7775,1,153946,0,0536,1,1,2,1 -7777,1,420522,0,1229,1,1,2,2 -7779,1,737163,0,1640,1,1,2,2 -7780,1,397657,1,0139,1,1,2,1 -7785,1,699729,0,2325,1,1,2,1 -7786,1,432352,1,0438,1,1,2,1 -7787,1,133156,1,0355,1,1,2,1 -7790,1,132419,0,1531,1,1,2,2 -7794,1,741813,0,1207,1,1,2,1 -7796,1,542513,0,1328,1,1,2,2 -7799,1,426337,0,2358,1,1,2,1 -7800,1,417259,0,1750,1,1,1,1 -7801,1,525520,0,1530,1,1,2,1 -7802,1,714291,0,1233,1,1,2,2 -7802,2,714292,0,1445,1,2,1,1 -7804,1,145143,0,1835,1,1,2,2 -7805,1,680512,0,2125,1,1,2,1 -7808,1,478650,0,1355,1,1,2,2 -7815,1,425133,0,2000,1,1,2,2 -7816,1,548986,0,2040,1,1,2,1 -7821,1,317524,0,1708,1,1,1,1 -7823,1,977492,0,1821,1,1,2,2 -7824,1,339817,0,1051,1,1,1,1 -7825,1,448618,0,1657,1,1,2,1 -7827,1,494548,0,1900,1,1,2,1 -7831,1,375808,0,1529,1,1,2,2 -7831,2,375809,2,0516,2,2,2,2 -7831,3,683863,2,0712,2,1,3,2 -7832,2,455218,1,0229,1,1,3,2 -7833,1,894608,0,2130,1,1,2,1 -7834,1,725943,0,1314,1,1,2,1 -7837,1,625789,1,0050,1,1,2,2 -7838,1,444492,0,1839,1,1,1,2 -7838,2,444493,3,1827,2,1,1,2 -7839,1,623965,0,0605,1,1,1,1 -7840,1,256403,0,2045,1,1,3,1 -7853,1,863189,0,1926,1,1,2,2 -7854,1,787642,0,2012,1,1,2,2 -7856,1,706472,0,2129,1,1,2,2 -7858,1,483926,0,1240,1,1,2,2 -7859,1,219790,0,2157,1,1,2,1 -7861,1,954837,0,2208,1,1,2,1 -7862,1,593813,0,2015,1,1,2,1 -7864,1,670739,0,1913,1,1,1,1 -7865,1,464863,1,0157,1,1,2,1 -7866,1,1004534,0,1422,1,1,2,1 -7867,1,562812,0,2114,1,1,2,1 -7868,1,311105,0,1537,1,1,2,1 -7871,1,1015777,0,0908,1,1,2,2 -7872,1,417592,0,2315,1,1,2,1 -7873,1,153644,0,2347,1,1,2,2 -7881,1,1013662,0,2152,2,1,2,2 -7882,1,375844,0,1754,1,1,2,1 -7883,1,438756,1,0036,1,1,1,2 -7887,1,738117,1,1355,2,1,2,2 -7888,1,543528,0,1649,1,1,2,1 -7889,1,648465,0,1724,1,1,2,1 -7890,1,128282,1,0002,1,1,1,1 -7892,1,609047,0,2207,1,1,2,1 -7893,1,163465,1,0357,1,1,2,1 -7894,1,181996,0,2345,1,1,1,1 -7895,1,419592,0,1243,1,1,1,1 -7896,1,679957,0,1646,1,1,2,1 -7899,1,958260,0,0612,2,1,2,1 -7902,1,646135,0,1708,1,1,2,1 -7904,1,236944,0,2000,1,1,2,2 -7904,2,236945,3,1840,2,1,2,2 -7908,1,680981,0,2305,1,1,3,1 -7909,1,836912,0,1713,1,1,2,2 -7911,1,208749,0,1912,1,1,2,1 -7913,1,997285,0,0458,1,1,2,1 -7914,1,406109,1,0031,1,1,2,2 -7917,1,445914,0,1938,1,1,1,1 -7920,1,417421,0,2125,1,1,2,2 -7922,1,906329,0,2335,1,1,2,1 -7925,1,282084,0,1601,1,1,2,1 -7926,1,1011159,0,0431,1,1,2,2 -7927,1,596544,0,2144,1,1,2,1 -7928,1,260796,0,2147,1,1,2,2 -7929,1,228724,0,1806,1,1,2,1 -7930,1,976265,0,1305,1,1,2,1 -7933,1,608311,0,1840,1,1,3,1 -7934,1,626869,0,2055,1,1,1,1 -7936,1,194104,0,2048,1,1,2,1 -7937,1,374110,0,2054,1,1,2,1 -7938,1,269406,0,1738,1,1,2,2 -7939,1,302646,0,1840,1,1,2,1 -7941,1,487359,0,1939,1,1,2,1 -7944,1,960992,0,1817,1,1,2,2 -7945,1,227696,1,1320,2,2,2,1 -7946,1,613932,0,1749,1,1,2,1 -7950,1,659411,0,1905,1,1,2,2 -7954,1,604983,0,2049,1,1,3,2 -7957,1,870359,0,1458,1,1,2,1 -7958,1,303823,0,1355,1,1,1,2 -7960,1,885899,0,0934,1,1,2,2 -7962,1,445319,0,1736,1,1,2,2 -7968,1,201039,0,2059,1,1,2,2 -7971,1,557149,0,2316,1,1,2,2 -7972,1,517434,0,2345,1,1,2,1 -7974,1,348060,0,2104,1,1,2,1 -7975,1,136384,0,2145,1,1,1,1 -7983,1,629343,1,0209,1,1,2,2 -7984,1,710085,0,1738,1,1,2,1 -7985,1,1005814,0,1851,1,1,2,2 -7989,1,522247,0,1800,1,1,2,1 -7990,1,882304,0,2118,1,1,1,1 -7993,1,265018,0,0326,1,1,1,2 -7995,1,371841,0,0739,1,3,1,1 -7997,1,639152,0,2024,1,1,2,1 -7999,1,514820,0,2155,1,1,2,2 -8000,1,946827,0,1019,1,1,2,1 -8003,1,423133,0,1845,1,1,2,2 -8010,1,486838,0,2122,1,1,2,2 -8013,1,344452,0,2014,1,1,2,1 -8014,1,169494,0,1919,1,1,2,1 -8016,1,171997,0,2035,1,1,2,1 -8017,1,141399,0,2359,1,1,2,2 -8019,1,977450,0,2301,1,1,2,1 -8020,1,444034,0,2352,1,1,2,1 -8022,1,650690,0,2303,1,1,2,1 -8023,1,787123,0,2113,1,1,1,1 -8024,1,360267,0,2300,1,1,1,1 -8026,1,286945,0,0557,1,1,2,2 -8032,1,199232,0,2249,1,1,2,2 -8033,1,248860,0,1747,1,1,2,1 -8034,1,173595,0,1829,1,1,2,2 -8035,1,185263,0,1657,1,1,2,1 -8036,1,420236,1,1545,2,1,2,1 -8037,1,437302,1,2106,1,1,1,2 -8037,2,437303,0,2213,1,1,3,2 -8040,1,577972,0,1944,1,1,2,2 -8041,2,1069029,1,0315,1,1,2,2 -8042,1,231473,0,0745,1,1,2,2 -8045,1,840158,0,2101,1,1,2,1 -8047,1,749824,0,1408,1,1,2,1 -8048,1,738831,0,2046,1,1,2,1 -8050,1,854713,0,2116,1,1,1,1 -8051,1,703287,0,2136,1,1,2,1 -8051,2,703288,3,0211,3,1,1,1 -8055,1,295500,0,1726,1,1,2,1 -8058,1,721387,0,1437,1,1,1,2 -8061,1,638528,0,1809,1,1,2,1 -8062,1,816503,0,1904,1,1,2,1 -8065,1,840630,0,0522,1,1,2,1 -8068,1,999209,0,1439,1,1,1,1 -8069,1,716906,0,0922,1,1,3,2 -8072,1,684036,1,0023,1,1,3,2 -8073,1,156787,1,0034,1,1,2,1 -8075,1,630906,0,0228,1,1,2,1 -8077,1,710068,0,1558,1,1,2,2 -8081,1,461396,0,1310,1,1,2,1 -8083,1,521403,0,1802,1,1,2,1 -8086,1,453876,0,2220,1,1,2,1 -8087,1,330971,0,0130,1,1,2,1 -8090,1,456316,0,0254,1,1,1,1 -8091,1,680042,0,1400,1,1,2,1 -8099,1,913422,0,1936,1,1,2,2 -8100,1,270333,0,1800,1,1,2,2 -8101,1,341018,0,1426,1,2,1,1 -8107,1,447780,0,1915,1,1,2,2 -8110,1,193258,1,0020,1,1,2,1 -8112,1,758728,0,2146,1,1,2,1 -8119,1,231873,0,1550,1,1,2,1 -8120,1,490454,0,1546,1,1,2,1 -8122,1,680906,0,1800,1,1,2,1 -8123,1,549053,0,1923,1,1,2,1 -8124,1,161372,0,1648,1,1,2,1 -8125,1,927462,0,2217,1,1,2,1 -8127,1,982184,0,0656,1,1,1,1 -8129,1,149912,0,1947,1,1,2,1 -8131,1,397951,1,0006,1,1,2,1 -8134,1,128034,0,1216,1,1,2,1 -8137,1,460746,0,2023,1,1,3,1 -8139,1,414474,0,1725,1,1,2,1 -8141,1,834969,0,2036,1,1,2,1 -8145,1,377458,0,2110,1,1,1,1 -8146,1,825584,0,1429,1,1,2,1 -8149,1,942700,0,1203,1,1,2,1 -8151,1,227087,0,1343,1,1,2,1 -8152,1,881752,0,2015,1,1,1,1 -8154,1,130558,0,2015,1,1,2,1 -8155,1,722633,0,0616,1,1,2,1 -8156,1,290815,1,0022,1,1,2,1 -8159,1,592169,1,0009,1,1,1,2 -8160,1,188122,1,1515,2,2,2,2 -8161,1,832771,0,2120,1,1,2,1 -8163,1,673785,0,2053,1,1,2,1 -8164,1,427299,0,1936,1,1,2,2 -8165,1,362178,0,1751,1,1,2,1 -8167,1,508934,0,1621,1,1,3,2 -8168,1,856836,0,1649,1,1,2,1 -8171,1,512499,0,2133,1,1,2,1 -8173,1,162161,0,2306,1,1,2,1 -8175,1,359288,0,1755,1,1,2,2 -8175,2,359289,9,1500,2,1,2,1 -8179,1,445294,0,2128,1,1,3,1 -8180,1,431700,1,0033,1,1,2,2 -8183,1,254019,0,2011,1,1,2,1 -8184,1,140989,0,1836,1,1,2,1 -8185,1,864308,0,2047,1,1,2,1 -8187,1,788418,0,2040,1,1,2,2 -8189,1,442205,0,1527,1,1,2,2 -8192,1,504043,0,2250,1,1,2,2 -8193,1,490945,0,1955,1,1,1,1 -8194,1,495006,0,1921,1,1,2,2 -8195,1,621796,0,1941,1,1,2,1 -8198,1,574156,0,1619,1,1,2,1 -8200,1,276809,0,1040,1,3,3,1 -8201,1,254736,0,0255,1,1,2,1 -8202,1,308086,0,1720,1,1,1,2 -8202,2,308087,0,2347,1,1,1,2 -8202,3,308088,7,0050,2,1,1,2 -8203,1,526783,0,2146,1,1,2,1 -8204,1,208710,0,1813,1,1,2,2 -8206,1,724639,0,2137,1,1,2,1 -8207,1,535673,0,1927,1,1,2,1 -8210,1,133971,0,2040,1,1,2,1 -8211,1,519460,1,0035,1,3,3,1 -8212,1,255203,0,1830,1,1,2,2 -8213,1,225123,0,1953,1,1,2,1 -8215,1,344297,0,1404,1,3,2,1 -8217,1,695596,1,0003,1,1,3,1 -8220,1,775724,0,2022,1,1,2,2 -8221,1,140916,0,1737,1,1,2,2 -8222,1,188117,0,1532,1,1,2,1 -8225,1,335085,0,1649,1,1,2,2 -8228,1,705887,0,1837,1,1,2,2 -8229,1,946408,0,1119,1,1,2,1 -8235,1,726742,0,1816,1,1,2,1 -8237,1,612593,0,1844,1,1,2,1 -8238,1,654009,0,2150,1,1,1,2 -8241,1,342862,0,1339,1,1,1,2 -8243,1,454012,0,1805,1,1,1,1 -8245,1,896552,0,1734,1,1,2,2 -8248,1,265356,0,2341,1,1,2,1 -8249,1,992520,0,1451,1,1,3,1 -8254,1,147047,1,0135,1,1,2,1 -8255,1,603959,0,1834,1,1,2,2 -8256,1,356422,1,0017,1,1,2,1 -8257,1,500134,0,1515,1,1,2,2 -8259,1,806834,0,1634,1,1,2,1 -8260,1,219143,0,2133,1,1,2,2 -8261,1,234382,0,1354,1,1,2,1 -8262,1,594446,0,1037,1,1,2,2 -8266,1,293961,1,0319,1,1,1,1 -8267,1,363368,0,2334,1,1,2,1 -8271,1,975105,0,2101,1,1,2,2 -8272,1,800682,1,0001,1,1,2,1 -8274,1,396271,0,1645,1,1,1,1 -8275,1,348034,0,1115,1,1,2,2 -8276,1,434141,0,2358,1,1,1,1 -8279,1,906947,0,2145,1,1,2,1 -8280,1,201004,0,1633,1,1,1,1 -8283,1,671710,0,1414,1,1,2,1 -8284,1,715824,0,1608,1,1,2,1 -8286,1,522296,0,1758,1,1,2,2 -8286,2,522297,2,1443,1,1,2,2 -8287,1,555984,0,1720,1,1,2,1 -8287,2,555985,15,2120,3,1,2,1 -8288,1,648719,0,0152,1,1,3,1 -8291,1,955221,0,1321,1,1,2,2 -8295,1,233876,0,2053,1,1,2,1 -8298,1,184432,0,1436,1,1,2,2 -8299,1,208276,0,1000,1,1,2,2 -8300,1,688098,0,1330,1,1,2,1 -8301,1,217460,0,1629,1,1,1,2 -8301,2,224244,25,1537,3,1,1,2 -8304,1,521871,0,2034,1,1,2,1 -8309,1,473307,0,1640,1,1,2,1 -8310,1,213561,0,1645,1,1,2,1 -8311,1,596570,0,2115,1,1,2,1 -8314,1,417132,4,1703,3,1,1,1 -8315,1,385669,0,1936,1,1,1,1 -8317,1,706221,0,2015,1,1,1,1 -8318,1,510873,0,1934,1,1,2,1 -8321,1,981262,0,1825,1,1,2,1 -8322,1,509721,0,1943,1,1,2,2 -8323,1,994713,0,2255,1,1,2,1 -8324,1,433167,0,2311,1,1,2,2 -8325,1,165726,0,1645,1,1,3,1 -8326,1,478566,0,1445,1,1,1,2 -8328,1,913880,0,1852,1,2,2,1 -8329,1,736110,0,1806,1,1,2,2 -8330,1,495775,0,1518,1,1,2,1 -8331,1,549075,0,2151,1,1,2,1 -8332,1,155068,0,1433,1,1,2,2 -8333,1,632188,0,2035,1,1,2,2 -8334,1,412351,0,1616,1,1,2,1 -8335,1,159625,0,2005,1,1,2,1 -8336,1,758479,0,1414,1,1,2,1 -8340,1,509847,0,1722,1,1,2,1 -8341,1,528551,0,1615,1,1,2,1 -8342,1,165802,0,1242,1,1,2,1 -8344,1,120745,0,1811,1,1,2,1 -8347,1,194085,0,2221,1,1,2,1 -8348,1,833727,0,2244,1,1,2,1 -8351,1,924239,1,0232,1,1,2,1 -8352,1,292802,0,2030,1,1,2,1 -8354,1,343882,0,1715,1,1,2,1 -8358,1,566268,0,1536,1,3,3,1 -8361,1,154083,0,1628,1,1,2,2 -8363,1,789126,0,1815,1,1,2,2 -8366,1,803162,1,0135,1,1,2,1 -8368,1,506809,0,2345,2,1,1,2 -8369,1,394001,1,0236,1,1,2,1 -8371,1,244044,0,2032,1,1,3,1 -8372,1,464636,0,0345,1,1,2,2 -8377,1,940119,1,0518,1,1,2,1 -8378,1,741270,0,1509,1,1,2,1 -8384,1,569063,0,1432,1,1,1,2 -8386,1,164406,1,0330,1,1,2,1 -8388,1,883808,0,2119,1,1,2,1 -8389,1,218729,0,0914,1,1,2,2 -8393,1,168524,0,1556,1,1,2,2 -8394,1,933481,0,2100,1,1,2,2 -8396,1,247043,0,1715,1,1,2,1 -8398,1,991214,0,1545,1,1,2,2 -8399,1,340240,0,1702,1,1,2,1 -8401,1,725938,0,2149,1,1,2,1 -8404,1,431356,0,2254,1,2,1,1 -8408,1,746245,0,1721,1,1,2,1 -8412,1,420822,0,0505,1,1,1,1 -8413,1,495060,1,0140,1,1,1,1 -8414,1,563476,0,2030,1,1,2,2 -8418,1,526201,0,1725,1,1,2,1 -8422,1,850015,0,2202,1,1,2,2 -8424,1,330388,0,2242,1,1,1,1 -8428,1,437497,0,1729,1,1,2,1 -8429,1,472151,0,1806,1,1,2,1 -8435,1,470845,0,1911,1,1,1,1 -8435,2,732846,1,0040,3,2,2,1 -8438,1,887495,0,2225,1,1,2,1 -8441,1,464967,0,1340,1,1,1,1 -8441,2,464969,0,2217,1,1,1,1 -8443,1,189431,0,1231,1,1,2,1 -8447,1,568466,0,2104,1,1,1,1 -8448,1,1007984,0,1945,1,1,2,1 -8450,1,445650,0,1810,1,1,1,2 -8451,1,592132,0,1155,1,1,2,2 -8455,1,859532,0,1740,1,1,2,2 -8458,1,153777,0,1130,1,1,2,2 -8460,1,141460,0,1210,1,1,2,2 -8462,1,853980,0,1650,2,1,2,1 -8469,1,442043,0,1100,1,1,2,1 -8470,1,709923,0,1835,1,1,2,1 -8474,1,654386,0,1731,1,1,1,1 -8476,1,191942,0,2009,1,1,2,1 -8480,1,235346,0,2131,1,1,2,1 -8482,1,230816,0,0824,1,1,2,1 -8485,1,685297,0,1657,1,1,2,1 -8488,1,139849,0,1807,1,1,2,2 -8489,1,453660,0,2149,1,1,2,1 -8491,1,343897,0,1829,1,1,2,2 -8493,1,504811,0,0910,1,1,2,2 -8493,2,504812,4,1126,2,1,2,2 -8494,1,625936,0,1104,1,1,2,2 -8496,1,449156,0,0525,1,1,2,1 -8498,1,195366,0,2023,1,1,2,1 -8499,1,379958,0,2304,1,1,2,2 -8500,1,393580,0,2331,1,1,2,1 -8501,1,239024,0,2055,1,1,2,2 -8502,1,989777,1,0040,1,1,2,1 -8504,1,192291,0,1831,1,1,2,1 -8505,1,420763,0,1947,1,1,1,1 -8506,1,666069,1,0025,1,1,2,2 -8507,1,497933,0,2254,1,1,2,2 -8507,2,497934,1,1417,2,1,2,2 -8508,1,581622,0,0408,1,1,3,1 -8509,1,463993,0,1949,1,1,2,1 -8510,1,903758,0,1758,1,1,2,1 -8513,1,625729,0,2245,1,1,2,1 -8516,1,967959,0,1240,1,1,2,1 -8517,1,935660,0,2117,1,1,2,1 -8522,1,294744,0,1623,1,1,2,1 -8523,1,159161,0,1955,1,1,1,2 -8524,1,769321,1,0014,1,1,2,2 -8526,1,931031,0,2232,1,1,1,1 -8527,1,674932,0,2312,1,1,2,2 -8530,1,816699,0,1455,1,1,2,2 -8538,1,460445,0,1443,1,1,2,1 -8540,1,256432,0,1918,1,1,3,1 -8541,1,478105,0,1835,1,1,1,1 -8542,1,431796,0,1820,1,1,1,1 -8543,1,331115,0,1540,1,1,1,1 -8544,1,152978,0,2359,1,1,2,2 -8546,1,877590,0,2131,1,1,2,1 -8547,1,397921,0,2039,1,1,2,2 -8548,1,293272,0,1248,1,1,2,1 -8549,1,331095,0,1837,1,1,2,1 -8552,1,134041,0,2338,1,1,2,1 -8553,1,463014,0,2014,1,1,2,2 -8553,2,463018,2,0150,2,2,2,2 -8555,1,295893,0,1824,1,2,2,2 -8555,2,295894,0,2328,1,1,2,2 -8558,1,465449,0,2036,1,1,2,2 -8560,1,853519,0,0609,1,1,2,2 -8567,1,989166,0,1750,1,1,2,2 -8569,1,981777,0,0911,1,1,2,2 -8574,1,153249,0,1824,1,1,2,2 -8577,1,204647,0,2302,1,1,2,2 -8578,1,159224,0,2125,1,1,2,1 -8579,1,428341,0,1558,1,1,2,1 -8580,1,1015463,0,1915,1,1,1,2 -8580,2,1027756,0,2308,2,1,2,2 -8580,3,1027757,7,1414,2,1,2,2 -8582,1,377479,0,2238,1,1,1,1 -8586,1,529296,0,1232,1,1,1,1 -8587,1,187675,0,2020,1,1,2,2 -8594,1,666905,0,1851,1,1,2,2 -8600,1,973162,0,2134,1,1,1,1 -8602,1,668914,0,2303,1,1,2,2 -8602,2,832632,1,1924,3,2,2,2 -8606,1,142682,0,1748,1,1,2,2 -8608,1,434919,0,1959,1,1,2,1 -8611,1,987147,0,1555,1,1,2,1 -8612,1,804339,0,1740,1,1,2,1 -8616,1,607401,0,1430,1,1,2,1 -8617,1,415171,0,1632,1,1,2,2 -8621,1,193867,1,0039,1,1,1,2 -8624,1,395042,0,0434,1,1,1,1 -8626,1,250114,0,1156,1,1,1,1 -8628,1,379403,0,2049,1,1,2,2 -8630,1,241255,0,0933,1,1,3,1 -8637,1,965432,0,2311,1,2,2,1 -8638,1,475560,0,2247,1,1,1,1 -8640,1,913589,0,2054,1,1,2,1 -8641,1,790489,0,1448,1,1,1,1 -8642,1,393631,0,2354,1,1,2,2 -8644,1,190658,0,2355,1,1,1,1 -8647,1,934647,0,1836,1,1,2,1 -8649,1,404057,0,2343,1,1,1,1 -8654,1,306540,0,2353,1,1,2,1 -8656,1,226632,0,2112,1,1,2,1 -8657,1,758704,0,2150,1,1,2,2 -8660,1,342568,0,2219,1,1,2,1 -8663,1,731768,0,1658,1,1,3,2 -8665,1,181753,0,2115,1,1,2,1 -8667,1,629017,0,1526,1,1,1,2 -8669,1,224966,0,2109,1,1,1,2 -8670,1,984162,0,2024,1,1,2,1 -8672,1,174741,0,1339,1,1,2,1 -8674,1,160555,0,1407,1,1,1,1 -8675,1,453674,0,2116,1,1,2,2 -8676,1,195585,0,1731,1,1,2,1 -8678,1,561212,0,0330,1,1,1,1 -8688,1,147849,0,1101,1,1,2,1 -8690,1,734741,0,2227,1,1,2,2 -8692,1,584623,0,1750,1,1,2,2 -8694,1,810699,0,1753,1,1,1,1 -8695,1,673697,0,2024,1,1,2,1 -8697,1,537650,0,1555,1,1,2,1 -8699,1,143427,0,2047,1,1,1,2 -8701,1,489722,0,2049,1,1,2,1 -8704,1,828584,4,1727,2,1,1,2 -8704,2,854620,0,2149,1,1,2,2 -8705,1,484071,0,1256,1,1,2,2 -8706,1,353349,0,0225,1,1,3,2 -8707,1,340290,0,2146,1,1,2,1 -8711,1,394276,0,1623,1,1,1,1 -8712,1,303590,0,2119,1,1,2,1 -8714,1,641714,0,1459,1,1,2,1 -8716,1,437735,0,2005,1,1,2,1 -8718,1,924659,0,1832,1,1,2,2 -8719,1,432031,0,1206,1,1,2,2 -8720,1,1016507,0,1450,1,1,2,1 -8722,1,725623,0,2015,1,1,2,2 -8725,1,190615,0,1531,1,1,2,2 -8726,1,629446,0,1745,1,1,2,1 -8727,1,185969,0,0140,1,1,1,1 -8732,1,990191,0,1650,2,1,2,1 -8733,1,1004123,0,0201,1,1,2,2 -8736,1,415499,0,2126,1,1,2,1 -8737,1,506633,0,2039,1,1,1,1 -8740,1,928774,0,2233,1,2,2,2 -8744,1,324259,1,0100,1,1,2,1 -8746,1,603798,1,0420,1,1,2,1 -8747,1,737518,0,1544,1,1,2,1 -8750,1,213646,0,1301,1,1,2,2 -8751,1,741555,1,0041,1,1,1,1 -8754,1,537343,0,0421,1,1,2,2 -8754,2,537344,0,0940,1,1,2,2 -8755,1,739869,0,1355,1,1,2,2 -8759,1,151285,0,0337,2,1,2,2 -8760,1,282311,0,1419,1,1,2,2 -8762,1,381397,0,1430,1,1,2,2 -8764,1,391102,0,2051,1,1,3,1 -8768,1,737370,0,1111,1,1,1,2 -8769,1,557135,0,0424,1,1,2,2 -8776,1,135821,1,0103,1,1,1,2 -8778,1,311408,0,2138,1,1,3,1 -8779,1,344763,0,1835,1,1,2,1 -8780,1,975029,0,1757,1,1,2,2 -8780,2,975030,2,0910,2,1,2,2 -8783,1,340585,0,1528,1,1,2,1 -8784,1,265165,0,1223,1,1,1,2 -8785,1,875677,0,2322,1,1,1,1 -8786,1,262325,0,1611,1,1,1,1 -8790,1,556323,0,1900,1,1,1,1 -8791,1,175571,0,1948,1,1,2,1 -8792,1,729971,0,2016,1,1,2,1 -8793,1,361126,0,1957,1,1,2,2 -8794,1,846713,1,0040,1,1,1,2 -8795,1,482190,0,2221,1,1,1,1 -8796,1,703385,0,2045,1,1,2,1 -8798,1,761985,0,1730,1,1,2,2 -8800,1,259509,0,1651,1,1,2,1 -8801,1,395242,0,2357,1,1,1,1 -8802,1,975185,0,0730,1,1,2,1 -8803,1,243996,0,2156,1,1,1,1 -8805,1,267461,0,1901,1,1,2,1 -8807,1,296005,0,0146,1,1,2,1 -8811,1,456428,0,0358,1,1,1,2 -8812,1,982444,0,1940,1,1,1,1 -8813,1,349165,0,1905,1,1,2,1 -8816,1,676185,0,1557,1,1,1,1 -8818,1,580158,0,1901,1,1,3,2 -8823,1,726713,0,2221,1,1,2,1 -8824,1,789508,0,1914,1,1,2,1 -8830,1,442057,1,1333,2,1,2,2 -8832,1,370645,0,1115,1,1,1,1 -8834,1,146260,1,0030,1,1,1,1 -8836,1,254189,0,1952,1,1,2,1 -8837,1,494982,0,2128,1,1,3,1 -8838,1,248962,0,2003,1,1,2,1 -8844,1,567987,0,1932,1,1,2,2 -8846,1,193976,0,2113,1,1,1,1 -8848,1,562043,0,1033,1,1,1,2 -8848,2,562044,0,1749,1,1,1,2 -8849,1,662829,0,2108,1,1,2,2 -8850,1,929278,0,2120,1,1,2,1 -8851,1,742536,1,0027,1,1,2,1 -8854,1,251286,0,0352,1,1,2,1 -8856,1,373157,0,1319,1,1,2,1 -8857,1,239391,0,2045,1,1,2,1 -8858,1,774431,0,1841,1,1,2,2 -8859,1,923455,0,2337,1,1,2,2 -8863,1,141485,0,1826,1,1,2,1 -8865,1,185281,0,1635,1,1,2,1 -8866,1,305997,0,1915,1,1,2,1 -8867,1,882679,0,1640,1,1,2,2 -8868,1,173817,0,1349,1,1,2,1 -8875,1,130422,0,1819,1,1,2,2 -8877,1,609538,0,1907,1,1,2,2 -8878,1,438576,0,0302,1,1,2,1 -8879,1,213845,1,0009,1,1,2,2 -8880,1,831354,0,1459,1,1,1,1 -8882,1,162433,0,2007,1,1,3,1 -8885,1,148026,0,1607,1,1,2,1 -8886,1,294296,0,2014,1,1,1,2 -8887,1,596502,0,2052,1,1,2,1 -8890,1,676412,1,0045,1,1,2,1 -8891,1,208519,0,1750,1,1,2,1 -8893,1,624703,0,1352,1,1,3,1 -8895,1,473115,0,2141,1,1,2,2 -8897,1,450244,0,1949,1,3,3,2 -8899,1,598459,0,2057,1,1,2,2 -8901,1,372442,0,1930,1,1,2,2 -8904,1,422980,0,2046,1,1,3,2 -8906,1,359459,0,2018,1,1,2,1 -8908,1,393556,0,2320,1,1,2,2 -8909,1,222803,0,2150,1,1,1,1 -8911,1,836756,0,0353,1,1,1,2 -8913,1,762514,0,1756,1,1,1,1 -8915,1,201015,0,1930,1,1,1,1 -8916,1,763954,0,1905,1,1,2,1 -8918,1,465303,0,2039,1,1,2,2 -8920,1,254169,0,1718,1,1,2,2 -8922,1,595174,0,2303,1,1,2,2 -8923,1,215536,0,1619,1,1,2,2 -8924,1,839471,0,1908,1,1,2,1 -8926,1,789079,0,1545,1,1,2,2 -8929,1,268602,0,0432,1,1,1,1 -8930,1,446514,0,1726,1,1,2,2 -8936,1,471248,0,1842,1,1,2,2 -8938,1,725644,0,1649,1,1,2,1 -8940,1,854515,0,1729,1,1,1,2 -8942,1,420799,0,1955,1,3,3,2 -8944,1,249370,0,0430,1,1,2,1 -8945,1,190484,0,1737,1,1,3,1 -8948,1,125654,0,1737,1,1,2,1 -8949,1,141173,0,1832,1,1,2,2 -8957,1,675839,0,1712,1,1,1,1 -8958,1,207739,0,1912,1,2,1,1 -8961,1,302683,0,1630,1,1,2,1 -8962,1,312588,0,1838,1,1,1,1 -8964,1,538889,0,0125,1,1,1,1 -8966,1,460170,0,2216,1,1,1,1 -8968,1,344590,1,0657,1,1,2,2 -8969,1,111065,0,1203,1,1,2,1 -8974,1,819395,0,1923,1,1,1,2 -8974,2,819396,1,1426,1,1,1,2 -8976,1,646201,0,1658,1,1,2,2 -8977,1,146273,0,0554,1,1,1,2 -8981,1,627192,0,1419,1,1,2,1 -8982,1,982341,0,1707,1,1,1,2 -8990,1,258682,0,2218,1,1,1,2 -8995,1,713781,0,2237,1,1,2,1 -8996,1,345476,0,1811,1,1,2,2 -8998,1,199440,1,0141,1,1,2,1 -9000,1,896359,0,1727,1,2,2,2 -9000,2,896360,0,2244,2,1,1,2 -9002,1,726794,0,1637,1,1,2,2 -9004,1,554590,0,1801,1,1,2,2 -9006,1,640836,0,1637,1,1,2,1 -9009,1,219778,0,0619,1,1,1,1 -9012,1,380108,0,2205,1,1,2,1 -9013,1,347206,1,0200,1,1,2,2 -9014,1,154706,0,2122,1,1,2,2 -9018,1,776500,0,1218,1,1,2,2 -9019,1,518116,0,0940,1,1,1,1 -9022,1,443616,0,1634,1,1,2,1 -9023,1,553681,0,1758,1,1,2,2 -9024,1,809888,0,2139,1,1,2,2 -9026,1,906763,0,2049,1,1,2,2 -9028,1,226402,0,2257,1,1,1,1 -9030,1,722901,0,1642,1,1,2,2 -9034,1,949192,0,1431,1,1,2,1 -9035,1,623390,0,1531,1,1,2,1 -9036,1,952051,0,2315,1,1,1,1 -9037,1,182937,0,1645,1,1,2,1 -9038,1,767733,0,1020,1,1,2,1 -9039,1,638480,0,1514,1,1,2,1 -9040,1,513390,0,1407,1,1,2,2 -9043,1,876474,0,1606,1,1,2,2 -9046,1,495731,1,0027,1,1,2,1 -9048,1,371001,0,1417,1,1,2,1 -9052,1,420855,0,1900,1,3,3,2 -9053,1,789023,0,1751,1,1,2,1 -9056,1,806580,0,2210,1,1,2,2 -9057,1,785823,0,2026,1,1,2,2 -9061,1,562081,0,1455,1,1,1,1 -9064,1,599239,0,1005,1,1,2,1 -9065,1,370294,0,1605,1,1,3,1 -9072,1,772263,0,1320,1,1,2,1 -9074,1,745381,1,0233,1,1,1,2 -9077,1,118748,0,2230,1,1,2,1 -9078,1,163834,0,0239,1,1,2,1 -9079,1,766594,0,1801,1,1,1,1 -9080,1,177653,0,1859,1,1,1,2 -9082,1,499350,0,2140,1,1,2,1 -9083,1,391847,0,1756,1,1,3,2 -9083,2,416329,15,1322,4,1,1,2 -9085,1,926407,0,1515,1,1,1,2 -9086,1,587433,0,1254,1,1,2,1 -9087,1,190232,0,1520,1,1,2,1 -9088,1,508481,0,1710,1,1,1,1 -9089,1,767298,0,1935,1,1,1,1 -9093,1,579699,1,0015,1,1,2,1 -9096,1,567236,0,1616,1,1,2,2 -9096,2,567237,3,1705,2,2,2,2 -9097,1,758959,1,0036,1,1,2,1 -9098,1,857831,0,1307,1,1,2,1 -9099,1,833111,0,1400,1,1,2,1 -9101,1,229076,0,1917,1,1,2,2 -9102,1,585551,0,2346,1,1,2,1 -9108,1,475493,0,1800,1,1,1,1 -9112,1,305955,0,1914,1,1,2,2 -9116,1,432213,0,2232,1,1,2,2 -9116,2,432214,1,1339,2,1,2,2 -9117,1,187612,0,2237,1,1,2,2 -9118,1,190274,0,2005,1,1,2,1 -9124,1,925714,0,1905,1,1,2,2 -9125,1,823597,0,1303,1,1,2,1 -9129,1,639005,0,1633,1,1,2,1 -9130,1,415988,0,1331,1,1,3,2 -9133,1,523338,1,0113,1,1,2,2 -9134,1,403941,0,1724,1,1,2,1 -9135,1,650717,0,2145,1,1,2,1 -9136,1,163420,0,1740,1,1,2,1 -9138,1,618443,0,1335,1,1,3,1 -9143,1,368258,0,2121,1,1,2,2 -9145,1,494601,0,1812,1,1,1,1 -9146,1,841446,0,0338,1,1,1,1 -9147,1,990222,0,1940,1,1,2,2 -9148,1,416801,0,0709,1,1,2,2 -9149,1,139919,0,1520,1,1,2,1 -9151,1,514478,0,1925,1,1,2,1 -9155,1,299662,0,0904,1,1,2,2 -9157,1,491261,0,1830,1,1,2,1 -9160,1,228289,0,1912,1,1,3,2 -9161,1,806069,0,2239,2,1,2,2 -9165,1,679317,0,2347,1,1,1,1 -9166,1,268911,0,2346,1,1,3,1 -9170,1,648335,0,0732,1,1,3,2 -9173,1,490571,0,1437,2,1,2,1 -9175,1,134055,0,1623,1,1,3,1 -9177,1,130632,0,2020,1,1,2,2 -9178,1,614115,0,1944,1,1,2,1 -9179,1,607396,0,1104,1,1,2,1 -9182,1,774554,0,1525,1,1,2,1 -9183,1,454306,0,2100,1,1,2,1 -9185,1,432589,0,2312,1,1,2,2 -9186,1,124291,0,2028,1,1,2,1 -9187,1,833952,0,1617,1,1,2,2 -9188,1,491305,0,1812,1,1,3,1 -9189,1,310949,0,1744,1,1,2,1 -9191,1,523770,0,2110,1,1,1,1 -9193,1,846314,0,1556,1,1,2,1 -9194,1,868534,0,1926,1,1,2,1 -9195,1,732687,0,1830,1,1,2,2 -9196,1,457592,0,2120,1,1,2,2 -9197,1,766075,0,1033,1,1,2,2 -9198,1,815467,0,2315,1,1,2,2 -9199,1,160394,0,2340,1,1,2,1 -9202,1,625556,0,2246,1,1,2,1 -9203,1,694823,0,1650,1,1,2,2 -9205,1,975084,0,0539,1,1,2,2 -9206,1,956166,0,2050,1,1,2,1 -9207,1,982465,0,1620,1,1,1,1 -9210,1,654543,0,1835,1,1,1,2 -9212,1,413068,0,2028,1,1,2,1 -9213,1,872624,0,1944,1,1,2,1 -9215,1,166094,0,0232,1,1,1,2 -9215,2,166095,2,1540,2,1,1,2 -9217,1,261882,0,2018,1,1,2,1 -9219,1,391727,0,2300,1,1,2,1 -9221,1,467608,1,0010,1,1,2,1 -9222,1,472799,0,1425,1,1,2,1 -9224,1,287569,0,0852,1,1,2,2 -9225,1,393710,0,1545,1,1,2,1 -9226,1,539038,0,1406,1,1,1,2 -9227,1,789428,0,1928,1,1,2,2 -9228,1,565458,0,1255,1,1,2,1 -9232,1,629454,0,2256,1,1,2,1 -9233,1,930932,0,1231,1,1,2,1 -9234,1,201517,0,1646,1,1,2,1 -9235,1,164034,0,2017,1,1,2,2 -9236,1,436937,0,1517,1,1,2,2 -9237,1,433493,0,1427,1,1,2,1 -9238,1,852265,0,1908,1,1,2,1 -9245,1,338755,0,0727,1,1,2,2 -9246,1,207285,0,2321,1,1,1,1 -9247,1,461652,1,0145,1,1,1,2 -9248,1,437240,0,1025,1,1,1,2 -9249,1,700536,0,2134,1,1,1,2 -9250,1,196918,1,0025,1,1,2,1 -9251,1,389492,0,1800,1,1,3,1 -9257,1,421151,0,2032,1,1,1,1 -9258,1,834041,0,1425,1,1,2,1 -9260,1,625276,0,1845,1,1,2,1 -9261,1,864625,0,1844,1,1,2,2 -9264,1,774515,0,1745,1,1,2,1 -9266,1,178231,0,1719,1,1,3,1 -9269,1,864768,0,2049,1,1,2,2 -9271,1,125548,0,1704,1,1,2,1 -9277,1,344548,0,1700,1,1,2,1 -9280,1,190477,0,2345,1,1,2,2 -9282,1,321231,0,1700,1,1,3,2 -9284,1,491373,0,2230,1,1,2,1 -9285,1,816090,0,1635,1,1,2,2 -9288,1,837426,0,1953,1,1,1,1 -9291,1,831041,0,2019,1,1,2,1 -9293,1,292264,0,1918,1,1,3,2 -9294,1,257727,0,1530,1,1,2,1 -9295,1,210316,0,0640,1,1,2,2 -9296,1,847339,1,0130,1,1,1,2 -9298,1,323322,0,1011,1,1,2,2 -9300,1,805208,0,1314,1,1,2,2 -9300,2,805209,1,1327,1,2,1,2 -9301,1,387696,0,1947,1,1,2,1 -9305,1,448914,0,1638,1,1,2,1 -9306,1,425017,0,1845,1,1,2,2 -9307,1,978800,1,0141,1,1,2,1 -9310,1,132380,0,0946,1,1,2,1 -9312,1,994832,0,2110,1,1,2,2 -9313,1,461232,0,2219,1,1,2,1 -9314,1,557229,0,1806,1,1,2,1 -9315,1,391595,0,2240,1,1,3,2 -9318,1,211431,0,1820,1,1,2,1 -9319,1,142920,0,2304,1,1,2,1 -9321,1,126866,0,2137,1,2,2,1 -9322,1,679494,0,1724,1,1,2,2 -9323,1,173934,0,1924,1,1,3,2 -9328,1,404240,0,0631,1,1,2,1 -9331,1,603082,1,0020,1,1,2,1 -9333,1,1001638,1,0005,1,1,2,2 -9337,1,779705,0,1944,1,1,2,1 -9338,1,931375,0,1334,1,1,2,1 -9340,1,126414,0,1702,1,1,3,1 -9342,1,138993,0,1112,1,1,2,1 -9343,1,733521,0,2118,1,1,2,1 -9346,1,139854,1,0004,1,1,1,1 -9347,1,788238,1,0426,1,1,2,1 -9349,1,440442,0,2052,1,1,3,1 -9350,1,192024,0,1439,1,1,2,1 -9351,1,125802,0,2000,1,1,2,1 -9352,1,667914,0,1550,1,1,2,2 -9355,1,472941,1,0239,1,1,2,2 -9357,1,795621,0,1620,1,1,2,2 -9358,1,166909,0,2237,1,1,2,1 -9360,1,866363,0,2133,1,1,2,1 -9362,1,165768,0,1839,1,1,3,1 -9365,1,160569,0,1730,1,1,2,2 -9366,1,392167,0,0124,1,1,2,1 -9368,1,235401,1,0157,1,1,2,1 -9369,1,152676,0,0059,1,1,2,2 -9374,1,557220,1,0430,1,1,2,1 -9376,1,392188,0,2122,1,1,3,2 -9378,1,699607,0,2108,1,1,1,1 -9380,1,959864,0,1929,1,1,2,2 -9382,1,235075,0,1400,1,1,2,2 -9384,1,627044,0,1907,1,1,1,1 -9386,1,353746,0,1450,1,1,1,1 -9387,1,250706,0,0630,1,1,2,1 -9393,1,970986,1,1012,2,1,2,2 -9397,1,631819,0,1950,1,1,2,1 -9398,1,195483,0,1659,1,1,2,1 -9401,1,419902,0,1954,1,1,1,1 -9402,1,149374,0,2120,1,2,2,1 -9402,2,149375,1,0239,1,1,1,1 -9405,1,587987,0,1537,1,1,2,1 -9406,1,304955,0,2053,1,1,2,2 -9413,1,624361,0,1945,1,1,2,1 -9415,1,488346,0,2330,1,1,2,1 -9416,1,194396,0,1649,1,1,1,2 -9417,1,442939,0,1237,1,1,2,1 -9420,1,737061,0,0625,1,1,1,2 -9420,2,737062,0,1206,1,1,1,2 -9423,1,368529,0,1846,1,1,2,1 -9426,1,402633,1,1600,2,2,2,2 -9430,1,330321,0,2027,1,1,1,1 -9432,1,264602,0,1540,1,1,1,2 -9433,1,866435,0,1232,1,1,2,2 -9434,1,159145,0,1635,1,1,1,1 -9436,1,634456,0,1544,1,1,2,1 -9437,1,999694,3,0900,2,1,1,2 -9437,2,1034973,0,2342,1,1,1,2 -9438,1,357477,0,2035,1,1,2,1 -9441,1,769939,1,0003,1,1,2,1 -9443,1,168853,0,1805,1,1,1,2 -9444,1,391583,0,2042,1,1,2,2 -9449,1,819096,0,1737,1,1,2,1 -9451,1,145297,0,1650,1,1,2,1 -9452,1,240059,0,1901,1,1,2,2 -9453,1,796599,0,2310,1,1,1,1 -9454,1,204658,0,0316,1,1,2,1 -9456,1,479025,0,1409,1,1,2,2 -9463,1,815368,1,0130,1,1,1,1 -9464,1,629282,0,1831,1,1,2,1 -9465,1,807851,0,0201,1,1,1,1 -9466,1,984731,0,1415,1,1,2,2 -9467,1,414914,0,2146,1,2,2,2 -9469,1,436917,0,1647,1,1,1,2 -9469,2,446484,1,0651,2,1,1,2 -9469,3,446485,13,1743,2,1,1,1 -9470,1,210345,0,2043,1,1,2,1 -9471,1,616978,0,1912,1,1,2,2 -9472,1,602707,0,1845,1,1,2,2 -9474,1,272908,0,0924,1,1,2,2 -9475,1,266337,0,2004,1,1,2,2 -9477,1,764012,1,0017,1,1,2,1 -9480,1,425519,0,1823,1,1,2,2 -9481,1,666106,0,1914,1,1,2,1 -9482,1,407694,0,1900,1,1,3,2 -9484,1,303988,0,2125,1,1,1,2 -9486,1,331909,0,1915,1,1,2,2 -9487,1,219551,0,2102,1,1,1,1 -9488,1,373846,0,2224,1,1,2,1 -9490,1,565732,0,1824,1,1,1,1 -9491,1,811293,0,1903,1,1,2,1 -9492,1,189367,0,1234,1,1,2,1 -9494,1,942495,0,2105,1,1,2,2 -9497,1,318383,0,1656,1,1,2,1 -9501,1,750659,0,0145,1,1,2,1 -9503,1,186066,0,2350,1,1,1,1 -9505,1,661354,0,2203,1,1,3,2 -9507,1,144177,0,1338,1,1,2,1 -9508,1,737866,0,1136,1,1,1,1 -9510,1,622862,0,1944,1,1,2,1 -9512,1,486584,0,2142,1,1,2,1 -9514,1,699689,0,1659,1,1,2,1 -9515,1,250483,0,2125,1,1,2,1 -9518,1,141500,0,2204,1,1,2,2 -9519,1,679968,0,1121,1,1,2,1 -9521,1,567934,0,2313,1,1,2,2 -9522,2,235449,0,1756,1,1,2,2 -9523,1,592200,0,0354,1,1,2,1 -9525,1,418828,0,1520,1,1,2,1 -9526,1,127919,0,2028,1,1,2,1 -9527,1,434166,0,1825,1,1,2,1 -9530,1,221427,0,1528,1,1,2,2 -9532,1,652081,0,2237,1,1,2,1 -9534,1,984913,0,1413,1,1,2,2 -9537,1,693275,0,1923,1,1,2,1 -9539,1,446403,0,2229,1,1,2,1 -9542,1,945264,0,2228,1,1,2,2 -9548,1,253156,0,2034,1,1,2,2 -9548,2,264113,4,1107,2,1,2,2 -9550,1,624464,0,1523,1,1,2,1 -9551,1,954789,0,1439,1,1,2,1 -9555,1,230767,0,1758,1,1,2,1 -9556,1,592985,0,1635,1,1,2,1 -9560,1,670845,0,1755,1,1,2,1 -9562,1,824655,0,1740,1,1,1,1 -9563,1,230376,0,1345,1,1,1,1 -9566,1,648453,0,1559,1,1,1,1 -9569,1,460243,0,1830,1,1,2,2 -9571,1,234343,0,1656,1,1,2,1 -9572,1,328114,1,0020,1,1,3,2 -9575,1,507223,0,1404,1,2,2,1 -9576,1,404784,0,2221,1,1,2,1 -9581,1,394363,0,2006,1,1,2,1 -9581,2,394364,1,1315,2,1,2,1 -9586,1,193426,0,1741,1,1,2,2 -9589,1,539025,0,2155,1,1,1,1 -9590,1,515929,0,1509,1,1,2,1 -9592,1,495561,0,0945,1,1,2,1 -9593,1,464053,1,0121,1,1,2,2 -9599,1,943945,0,1454,1,1,2,2 -9601,1,1004612,0,1807,1,1,2,1 -9603,1,670106,1,1700,2,1,1,1 -9604,1,536170,0,1309,1,1,2,2 -9605,1,714540,0,2111,1,1,2,1 -9611,1,389473,0,2319,1,1,2,1 -9612,1,133079,0,1735,1,1,2,1 -9615,1,449550,0,2233,1,1,2,2 -9619,1,440335,1,0135,1,1,3,1 -9620,1,413486,0,2110,1,1,1,1 -9622,1,822214,0,0612,1,1,2,1 -9624,1,529323,0,1406,1,1,2,2 -9626,1,914682,0,2158,1,1,2,1 -9627,1,887921,0,1754,1,1,2,2 -9633,1,340092,0,2018,1,1,2,2 -9634,1,638229,0,1938,1,1,2,1 -9636,1,169429,0,2336,1,1,2,1 -9638,1,437878,0,2320,1,1,1,1 -9645,1,455034,0,1819,1,1,2,1 -9648,1,733245,0,1929,1,1,2,1 -9653,1,560556,0,1045,1,1,1,1 -9655,1,475418,0,1344,1,1,1,2 -9655,2,498539,26,1110,2,1,1,2 -9657,1,420635,0,2224,1,1,1,1 -9661,1,306271,0,0804,1,1,2,1 -9662,1,142389,0,0820,1,1,1,1 -9663,1,243950,0,1141,1,1,2,1 -9664,1,835513,0,2117,1,1,1,1 -9666,1,788171,0,2354,1,1,2,2 -9667,1,484450,0,2001,1,1,1,1 -9671,1,872794,0,2002,1,1,2,1 -9675,1,426344,0,1413,1,1,2,2 -9677,1,394193,1,0307,2,1,1,1 -9678,1,140994,0,1516,1,1,2,2 -9679,1,424999,0,2300,1,1,1,1 -9680,1,196509,0,0054,1,1,1,1 -9681,1,706788,0,1040,1,1,2,1 -9683,1,334191,0,2042,1,1,2,2 -9689,1,491544,0,2150,1,1,1,2 -9693,1,666856,0,1855,1,1,1,1 -9694,1,264048,0,1624,1,1,2,1 -9697,1,499735,0,1651,1,1,2,1 -9698,1,614088,0,1801,1,1,2,1 -9704,1,567377,0,2030,1,1,1,1 -9707,1,142841,0,1646,1,1,2,1 -9710,1,293886,0,2304,1,1,2,2 -9713,1,276222,0,1647,1,1,1,1 -9714,1,506919,0,2125,1,1,2,1 -9715,1,543611,0,1550,1,1,1,2 -9716,1,447277,0,1815,1,1,1,1 -9723,1,824535,1,0919,2,1,2,1 -9728,1,741828,0,0930,1,2,2,2 -9730,1,759844,1,2247,2,2,3,1 -9731,1,843280,3,1811,2,1,2,2 -9734,1,528606,0,1644,1,1,2,1 -9736,1,400021,0,1542,1,1,2,1 -9738,1,833961,0,2140,1,1,2,2 -9739,1,243497,1,0012,1,1,1,1 -9741,1,989103,0,0220,1,1,3,2 -9751,1,990818,0,2235,1,1,2,2 -9758,1,578021,0,1913,1,1,2,2 -9759,1,310940,0,0818,1,1,2,1 -9765,1,500394,0,1908,1,1,1,1 -9769,1,642266,0,1545,1,1,2,1 -9775,1,454096,0,2253,1,1,2,2 -9777,1,746512,0,2131,1,1,2,1 -9778,1,726542,0,2340,1,1,2,1 -9781,1,467998,0,1826,1,1,2,1 -9782,1,495497,0,2110,1,1,2,1 -9784,1,170363,0,0654,1,1,2,2 -9787,1,454170,0,0242,1,1,2,2 -9788,1,921134,0,1443,1,1,2,2 -9791,1,579842,0,0906,1,1,2,1 -9792,1,560623,0,1245,1,1,2,1 -9793,1,130176,0,2310,1,1,2,1 -9794,1,189617,0,1830,1,1,1,2 -9795,1,715995,0,1619,1,1,2,1 -9796,1,1005195,0,2008,2,1,2,1 -9799,1,296643,0,0909,1,1,1,2 -9799,2,330139,0,2154,2,1,1,2 -9799,3,330140,1,1546,2,1,1,2 -9801,1,971030,0,2037,1,1,2,2 -9802,1,426454,0,1622,1,1,2,2 -9805,1,510982,0,2135,1,1,1,2 -9805,2,518229,2,1457,2,1,3,2 -9806,1,463806,0,2210,1,1,2,1 -9807,1,974805,0,0555,1,1,1,1 -9809,1,488375,0,1323,1,1,1,1 -9811,1,788654,0,2317,1,1,2,1 -9814,1,651975,0,1440,1,1,2,1 -9818,1,191166,0,1500,1,1,1,2 -9819,1,197612,1,0048,1,1,2,1 -9821,1,288222,0,1705,1,1,2,1 -9822,1,591431,1,0011,1,1,2,2 -9823,1,465275,1,0150,1,1,2,1 -9824,1,442021,0,2142,1,1,2,1 -9827,1,528521,1,0318,1,1,2,1 -9828,1,733731,0,1446,1,1,2,1 -9830,1,659621,0,2141,1,1,1,2 -9831,1,745227,0,2116,1,1,2,2 -9837,1,483011,0,2150,1,1,1,1 -9838,1,839486,0,2004,1,1,2,1 -9839,1,228700,0,1641,1,1,2,1 -9841,1,376987,0,1644,1,1,2,1 -9844,1,540818,0,1827,1,1,1,1 -9845,1,276082,0,1849,1,1,1,1 -9847,1,303338,0,1944,1,1,2,1 -9848,1,1005783,0,1458,1,1,2,2 -9850,1,966340,0,2240,1,1,2,2 -9851,1,398282,0,1731,1,1,1,1 -9852,1,887440,0,1341,1,1,2,1 -9853,1,421210,0,1722,1,3,3,1 -9854,1,650652,0,1148,1,1,2,2 -9856,1,208583,0,1951,1,1,2,1 -9859,1,152856,1,0110,1,1,2,1 -9861,1,318043,0,2021,1,1,2,1 -9864,1,746459,0,0041,1,1,2,1 -9865,1,220754,0,2209,1,1,3,1 -9865,2,220755,1,0020,1,1,3,1 -9868,1,582958,1,0219,1,1,1,1 -9870,1,372525,0,0930,1,1,3,2 -9871,1,343444,0,2015,1,1,1,1 -9872,1,799005,0,2053,1,1,3,1 -9874,1,573105,0,2130,1,1,2,1 -9876,1,985114,0,1759,1,1,2,2 -9877,1,941327,0,2353,1,1,1,1 -9878,1,330897,0,1812,1,1,2,2 -9880,1,440279,0,2145,1,1,1,1 -9881,1,733315,0,2133,1,1,2,2 -9884,1,339905,0,2021,1,2,2,1 -9884,2,832627,0,2100,3,2,2,1 -9887,1,516925,0,1917,1,1,2,2 -9888,1,961036,0,1406,1,1,2,1 -9889,1,578540,0,1355,1,1,1,2 -9889,2,578541,1,1900,1,1,1,2 -9893,1,393965,0,1457,1,1,2,1 -9896,1,855497,0,1755,1,1,1,2 -9898,1,308452,0,1819,1,1,1,2 -9899,1,807246,0,1736,1,1,1,1 -9902,1,253945,0,1412,1,1,2,1 -9904,1,965512,0,2351,1,1,2,1 -9906,1,157737,0,2221,1,1,2,1 -9909,1,603720,0,1633,1,1,2,1 -9913,1,658807,0,2257,1,1,1,2 -9916,1,949160,0,1455,1,1,2,1 -9919,1,239331,1,0019,1,1,2,1 -9920,1,800629,0,2359,1,1,2,1 -9921,1,537682,0,2020,1,1,1,1 -9923,1,832854,1,0209,1,1,2,1 -9925,1,952335,1,0002,1,1,2,2 -9926,1,418760,1,0401,1,1,2,1 -9932,1,880545,0,1838,1,1,2,2 -9933,1,405089,0,1453,1,1,2,1 -9944,1,767130,0,2059,1,1,2,1 -9945,1,806314,1,0004,1,1,2,1 -9947,1,750800,0,1925,1,1,2,2 -9949,1,639041,0,2359,1,1,2,1 -9950,1,448806,0,0246,1,1,2,1 -9954,1,135798,0,2052,1,1,2,1 -9961,1,877274,0,1814,1,1,2,1 -9963,1,616212,0,1801,1,1,2,2 -9964,1,922427,0,1732,1,1,2,1 -9965,1,352224,0,1034,1,1,2,1 -9967,1,236934,0,2230,1,1,2,2 -9969,1,792410,0,1824,1,1,2,1 -9970,1,516682,0,2042,1,1,2,1 -9971,1,459496,0,1912,1,1,2,1 -9972,1,896227,0,2207,1,1,1,2 -9972,2,896228,3,2319,2,1,1,2 -9983,1,624512,0,1627,1,1,2,2 -9984,1,994592,0,1920,1,1,1,1 -9986,1,612143,0,2031,1,1,2,1 -9987,1,445245,0,1529,1,1,2,1 -9990,1,345375,0,2100,1,1,1,1 -9991,1,245953,0,1434,1,1,2,1 -9992,1,1027585,0,1030,1,1,1,2 -9992,2,1027586,1,2130,2,1,1,2 -9995,1,211061,0,1931,1,1,3,1 -9998,1,370356,0,0258,2,1,2,1 -9999,1,159205,0,2106,1,1,2,1 -10000,1,401370,0,0755,1,1,3,2 -10001,1,835066,0,2221,1,1,2,1 -10002,1,593507,0,2317,1,1,2,1 -10007,1,352568,0,1726,1,1,2,1 -10008,1,158285,0,1416,1,1,2,1 -10009,1,792772,0,2106,1,1,2,1 -10010,1,552514,0,2234,1,1,2,2 -10013,1,282471,0,1255,1,1,2,2 -10015,1,416067,0,1848,1,1,2,1 -10016,1,934661,0,1927,1,1,2,1 -10017,1,833616,0,1553,1,1,2,1 -10019,1,868237,0,1124,2,2,2,2 -10020,1,836297,0,2130,1,1,2,1 -10021,1,781748,0,2251,1,1,2,2 -10024,1,786815,0,1400,1,1,2,2 -10027,1,158473,0,1442,1,1,2,1 -10030,1,295427,0,1934,1,1,2,2 -10032,1,403854,0,1835,1,1,2,1 -10035,1,682640,0,1330,1,1,2,2 -10036,1,165855,0,1420,1,1,2,2 -10039,1,839825,1,0129,1,1,2,1 -10042,1,390656,0,1853,1,1,2,1 -10043,1,386309,0,2146,1,1,2,1 -10044,1,400939,0,1543,1,1,2,1 -10045,1,898469,0,1858,1,1,2,1 -10047,1,321032,0,2001,1,1,2,1 -10048,1,300270,3,2033,2,1,2,1 -10050,1,996034,0,0747,1,1,1,2 -10051,1,234462,0,1701,1,1,2,1 -10054,1,416628,0,2307,1,1,2,1 -10055,1,446203,0,1956,1,1,2,1 -10057,1,317170,0,1010,1,1,1,1 -10059,1,505545,0,1613,1,1,2,1 -10061,1,379888,0,1605,1,1,2,1 -10062,1,122699,0,1754,1,1,2,2 -10064,1,827446,0,1941,1,1,2,2 -10065,1,199248,0,2048,1,1,2,1 -10070,1,775656,3,1729,2,1,2,2 -10071,1,345960,0,2143,1,1,1,1 -10073,1,149072,1,0708,1,1,2,1 -10077,1,585793,0,1913,1,1,2,1 -10079,1,256392,0,1912,1,1,3,1 -10080,1,749056,1,0239,1,1,2,2 -10083,1,178559,0,2120,1,1,1,2 -10085,1,131698,0,2015,1,1,2,2 -10087,1,253781,0,1118,2,1,1,1 -10093,1,539783,0,1834,1,1,2,2 -10093,2,539784,2,1407,2,1,2,2 -10093,3,539785,30,1010,3,1,2,2 -10096,1,570906,0,1038,1,1,1,2 -10097,1,394325,0,1932,1,1,2,2 -10100,1,686739,0,1113,1,1,2,2 -10101,1,630408,0,2346,1,1,2,1 -10103,1,831638,0,2145,1,1,2,2 -10106,1,305844,0,2335,1,1,1,1 -10110,1,118688,0,2347,1,1,2,1 -10113,1,344045,0,2036,1,1,2,2 -10114,1,178448,0,1735,1,1,2,2 -10117,1,216376,1,0036,1,1,1,1 -10118,1,745005,0,2135,1,1,2,1 -10119,1,698688,0,0901,1,1,3,2 -10120,1,295563,0,1938,1,1,2,1 -10121,1,787745,0,0820,1,1,2,2 -10124,1,420722,0,1828,1,1,2,2 -10126,1,112897,1,0059,1,1,1,2 -10126,2,112898,3,0044,1,1,2,1 -10132,1,382777,0,0945,1,1,1,1 -10135,1,113683,1,0138,1,1,2,1 -10137,1,421475,0,1847,1,1,2,1 -10139,1,561759,0,1956,1,1,2,1 -10140,1,403006,0,2054,1,1,2,2 -10141,1,865385,0,1732,1,1,2,1 -10144,1,955161,2,1557,2,1,2,1 -10146,1,583684,1,0030,1,1,2,1 -10147,1,145844,0,1642,1,1,1,1 -10148,1,317140,0,1754,1,1,1,1 -10150,1,204556,0,1314,1,1,2,1 -10152,1,525403,0,1755,1,1,2,1 -10155,1,737395,0,2352,1,1,2,1 -10158,1,446968,0,1320,1,1,2,1 -10161,1,960820,0,2038,1,1,1,1 -10162,1,895592,0,1804,1,1,2,2 -10163,1,759749,0,1925,1,1,2,1 -10164,1,899888,0,0142,1,1,2,1 -10165,1,769750,0,1308,1,1,2,1 -10167,1,849034,1,0148,1,1,2,1 -10169,1,733597,0,2339,1,1,2,1 -10173,1,913748,1,0021,1,1,2,1 -10174,1,534989,0,1135,1,1,2,2 -10175,1,165689,0,1634,1,1,3,1 -10177,1,441042,0,2152,1,1,2,1 -10186,1,828374,0,1804,1,1,2,2 -10187,1,433129,0,1619,1,1,2,1 -10190,1,788207,1,0109,1,1,2,2 -10192,1,854368,0,1909,1,1,2,1 -10198,1,160739,0,2325,1,1,2,2 -10199,1,514647,0,1913,1,1,2,1 -10209,1,707660,0,1835,1,1,2,1 -10211,1,839217,0,1000,1,1,2,1 -10212,1,832175,0,1507,1,1,2,1 -10213,1,542679,0,1622,1,1,1,1 -10214,1,397917,0,1737,1,1,2,2 -10217,1,406118,0,2026,1,1,2,1 -10220,1,565438,0,1814,1,1,2,1 -10221,1,351229,0,2327,1,1,1,1 -10222,1,244129,0,2205,1,1,3,2 -10224,1,264538,0,1935,1,1,2,2 -10225,1,475262,0,2023,1,1,2,1 -10227,1,942672,0,1939,1,1,2,1 -10228,1,434208,0,1800,1,1,2,1 -10229,1,416037,0,2220,1,1,2,2 -10231,1,741836,0,2354,1,1,2,1 -10232,1,264505,0,1706,1,1,3,1 -10234,1,970913,0,2253,1,1,2,2 -10235,1,947356,0,1041,1,1,2,2 -10237,1,459366,0,1932,1,1,1,1 -10238,1,548937,0,1545,1,1,2,2 -10240,1,982270,0,1821,1,1,1,1 -10244,1,575815,0,2002,1,1,2,1 -10245,1,988958,0,1959,1,1,2,2 -10247,1,329203,0,1656,1,1,2,1 -10250,1,357601,0,1652,1,1,3,1 -10252,1,803685,0,2330,1,1,2,1 -10253,1,704265,0,1329,1,1,2,1 -10255,1,500493,0,2321,1,1,2,2 -10259,1,935129,0,1815,1,1,2,2 -10261,1,167980,1,0015,1,1,2,1 -10262,1,460640,1,0050,1,1,1,2 -10264,2,999115,0,2245,1,1,2,1 -10265,1,990544,0,1652,1,1,2,2 -10266,1,899324,0,0316,1,1,1,2 -10268,1,147654,0,1921,1,1,2,1 -10270,1,987982,0,1800,1,1,2,2 -10272,1,584511,1,0152,1,1,2,1 -10275,1,883540,0,1912,1,1,2,1 -10278,1,526882,0,1954,1,3,3,2 -10279,1,992694,0,2206,1,1,2,1 -10281,1,567980,0,1809,1,1,2,1 -10282,1,627285,0,2206,1,1,2,1 -10283,1,142105,0,1715,1,1,1,2 -10283,2,142106,29,1937,3,1,1,2 -10285,1,189116,0,2219,1,1,2,2 -10287,1,542359,0,2225,1,1,2,1 -10288,1,806551,0,2057,1,1,2,1 -10289,1,153716,0,2208,1,1,2,1 -10290,1,639098,0,1913,1,1,2,1 -10291,1,668664,0,1451,1,2,2,2 -10292,1,711098,1,0052,1,2,2,1 -10295,1,786659,0,2141,1,1,2,2 -10296,1,758823,0,0256,1,1,2,1 -10297,1,971218,1,1400,2,1,2,1 -10300,1,505001,0,1308,1,1,2,1 -10301,1,581073,0,1036,1,1,2,1 -10302,1,380945,0,2248,1,1,2,1 -10305,1,877417,1,1155,2,1,2,1 -10306,1,543324,0,1227,1,1,2,2 -10310,1,177835,0,2356,1,1,1,1 -10312,1,185852,0,0550,1,1,1,2 -10312,2,185853,0,0937,1,1,1,2 -10312,3,879834,4,1721,2,1,1,2 -10313,1,945853,0,1518,1,1,2,1 -10318,1,545902,0,1834,1,1,2,2 -10320,1,390743,0,1930,1,1,2,2 -10322,1,895645,0,1119,1,1,2,2 -10323,1,471597,0,2340,1,1,2,2 -10331,1,182513,0,1206,1,1,2,2 -10332,1,435245,0,2015,1,1,2,2 -10333,1,856481,0,1135,1,1,2,2 -10336,1,625071,0,2034,1,1,1,2 -10337,1,303769,0,2245,1,1,1,1 -10339,1,667431,1,0045,1,1,2,1 -10348,1,513361,0,1045,1,1,2,1 -10349,1,676076,0,0228,1,1,2,2 -10350,1,308031,0,2208,1,1,1,1 -10351,1,316773,0,1807,1,1,3,2 -10351,2,317593,1,1526,2,1,1,2 -10353,1,381593,0,1145,1,1,3,2 -10353,2,381594,2,1043,2,1,3,2 -10354,1,625778,1,0040,1,1,2,2 -10355,1,303777,0,1932,1,1,1,1 -10357,1,695217,0,1404,1,1,2,2 -10358,1,467946,0,1827,1,1,2,2 -10361,1,440476,0,2001,1,1,2,1 -10365,1,651993,0,2326,1,1,2,1 -10366,1,982368,0,2116,1,1,1,1 -10368,1,402807,0,2200,1,1,3,1 -10369,1,584632,0,1826,1,1,2,1 -10370,1,952241,0,1826,1,1,1,1 -10371,1,851004,0,1502,1,1,2,1 -10374,1,193420,0,1500,1,1,2,2 -10377,1,446931,0,1948,1,1,3,2 -10377,2,446936,1,1048,2,1,3,2 -10379,1,899282,1,0132,1,1,1,2 -10380,1,786643,0,1824,1,1,1,1 -10381,1,446330,0,2058,1,1,2,1 -10383,1,385660,0,2045,1,1,1,1 -10384,1,303946,0,1242,1,1,1,1 -10386,1,894587,1,1022,2,1,2,1 -10387,1,174797,0,1417,1,1,2,1 -10388,1,508289,0,2309,1,1,2,1 -10389,1,738736,0,1946,1,1,2,1 -10391,1,845142,0,1917,1,1,2,2 -10398,1,256023,0,1532,1,1,3,1 -10400,1,666133,0,2027,1,1,2,2 -10402,1,654423,0,0814,1,1,1,1 -10405,1,725388,0,2028,1,1,2,2 -10406,1,989342,0,1132,1,1,2,1 -10408,1,197906,0,1757,1,1,2,2 -10417,1,609005,0,1952,1,1,2,1 -10418,1,255388,0,1856,1,1,2,1 -10420,1,900505,0,1924,1,1,2,1 -10421,1,864869,0,2031,1,1,2,1 -10422,1,800501,1,0015,1,1,2,1 -10424,1,411546,1,0328,1,1,1,2 -10430,1,453421,1,0050,1,1,2,1 -10436,1,164068,0,1827,1,1,2,2 -10438,1,269056,0,1431,1,2,2,1 -10439,1,146218,0,0245,1,1,1,1 -10442,1,120238,0,2040,1,1,3,2 -10445,1,455265,1,1955,1,1,2,2 -10445,3,621405,3,1113,3,1,3,2 -10446,1,124373,0,1725,1,1,2,1 -10447,1,139044,0,1356,1,1,2,1 -10449,1,1007751,0,2055,1,1,2,2 -10450,1,286902,0,1830,1,1,3,2 -10452,1,427999,0,1648,1,1,2,1 -10457,1,270370,1,1240,2,3,3,1 -10462,1,944493,0,1919,1,1,2,1 -10464,1,308501,0,1955,1,1,1,2 -10468,1,493254,0,1820,1,1,2,1 -10469,1,537723,0,1928,1,1,2,1 -10472,1,281481,1,0036,1,1,2,1 -10474,1,559586,0,0506,1,1,2,2 -10474,2,559587,0,2210,2,1,1,2 -10476,1,839834,0,1657,1,1,2,2 -10481,1,264615,0,2249,1,1,1,1 -10485,1,807069,0,1926,1,1,2,2 -10486,1,868699,0,2015,1,1,2,1 -10488,1,334012,1,0325,1,1,3,2 -10490,1,504469,0,1559,1,1,2,2 -10494,1,440196,1,0015,1,1,1,1 -10497,1,397230,0,1837,1,1,2,1 -10502,1,402989,0,2224,1,1,2,2 -10503,1,866880,0,1728,1,1,2,1 -10506,1,250941,0,2043,1,1,2,1 -10507,1,755037,1,0009,1,1,2,2 -10508,1,607042,0,2247,1,1,2,1 -10511,1,494621,0,1658,1,1,1,1 -10512,1,734452,0,1641,1,1,2,1 -10517,1,261661,0,0456,1,1,2,1 -10519,1,213616,0,1208,1,1,1,1 -10520,1,863901,0,1350,1,1,2,1 -10521,1,308292,0,1820,1,1,1,2 -10521,2,308293,1,2050,1,1,1,2 -10522,1,397893,0,2003,1,1,2,2 -10522,2,397894,1,1800,2,1,2,2 -10523,1,628385,1,0032,1,1,1,2 -10524,1,557068,0,2135,1,1,2,1 -10525,1,427095,0,1743,1,1,2,1 -10528,1,177928,0,1948,1,1,2,1 -10530,1,379317,0,1810,1,1,2,1 -10531,1,613959,0,2005,1,1,1,1 -10533,1,188604,0,0408,1,1,2,1 -10535,1,601162,0,2224,1,1,1,1 -10536,1,829141,0,1944,1,1,2,2 -10538,1,390599,1,1112,1,1,2,1 -10540,1,686278,0,1800,1,1,2,2 -10542,1,314611,0,1110,1,1,2,2 -10547,1,831902,0,1801,1,1,1,2 -10549,1,693700,0,1657,1,1,2,2 -10550,1,575977,0,1508,1,1,2,2 -10551,1,984892,0,1519,1,1,2,2 -10552,1,995080,0,1604,1,1,2,1 -10554,1,686893,0,1836,1,1,2,1 -10555,1,527000,0,2151,1,1,2,2 -10558,1,646130,1,0223,1,1,2,2 -10561,1,158670,0,2132,1,1,2,1 -10562,1,136174,0,1619,1,1,1,1 -10565,1,869678,0,1230,1,1,2,1 -10566,1,820006,1,0620,1,1,2,1 -10567,1,789225,1,0001,1,1,2,1 -10568,1,359823,0,2025,1,1,2,1 -10570,1,616900,0,1213,1,1,2,1 -10575,1,398056,0,1350,1,1,1,2 -10579,1,827550,0,0304,1,1,2,1 -10580,1,568305,0,1635,1,1,2,2 -10580,2,579775,1,0145,1,1,1,2 -10584,1,894599,0,0717,1,1,2,1 -10587,1,309333,0,2332,1,1,2,2 -10588,1,466313,1,0018,1,1,2,2 -10589,1,135776,0,1906,1,1,1,2 -10589,2,135777,29,1035,3,1,1,2 -10593,1,173196,0,2219,1,1,2,1 -10594,1,449087,0,1326,1,1,2,1 -10598,1,889310,0,0245,1,1,1,2 -10600,1,979739,0,1543,1,1,2,2 -10600,2,979740,9,1357,2,1,1,2 -10601,1,391630,0,2320,1,1,3,1 -10604,1,525138,0,2231,1,1,1,1 -10605,1,529318,0,1733,1,1,2,1 -10607,1,310758,0,1140,1,1,2,1 -10608,1,625883,0,2246,1,1,2,1 -10614,1,459014,0,1649,1,1,2,2 -10616,1,201393,0,1627,1,1,2,2 -10617,1,591473,0,1340,1,1,2,1 -10619,1,291654,0,1841,1,1,1,1 -10627,1,163290,0,1451,1,1,2,2 -10629,1,398119,1,1258,2,1,2,1 -10631,1,398390,0,1858,1,1,2,1 -10632,1,131429,1,0350,1,1,1,2 -10637,1,651321,0,1053,1,1,2,2 -10638,1,372092,1,0037,1,1,3,2 -10639,1,861768,0,0854,1,1,2,1 -10641,1,466719,1,0045,2,1,2,2 -10642,1,141439,0,1259,1,1,1,1 -10643,1,514843,0,1303,1,1,2,2 -10644,1,715746,0,2059,1,1,2,2 -10647,1,686139,0,1730,1,1,2,2 -10650,1,766008,0,2331,1,1,2,1 -10658,1,238989,0,1920,1,1,2,1 -10659,1,173412,0,1329,1,1,2,1 -10665,1,135214,0,2154,1,1,2,2 -10668,1,593470,0,2139,1,1,2,2 -10669,1,560638,0,1630,1,1,2,1 -10671,1,487340,0,2145,1,1,1,1 -10673,1,734945,1,0200,1,1,3,1 -10675,1,249163,0,1206,1,1,2,1 -10676,1,618025,0,2241,1,1,3,1 -10679,1,747773,0,2117,1,1,2,2 -10684,1,276129,0,1853,1,1,2,1 -10685,1,646118,0,2142,1,1,2,1 -10689,1,494888,0,1418,1,1,2,2 -10693,1,398349,0,1232,1,1,2,2 -10695,1,560537,0,0904,1,1,2,2 -10697,1,356925,0,2051,1,1,2,1 -10697,2,356926,5,1940,2,1,2,1 -10698,1,154618,0,2350,1,1,2,1 -10699,1,184115,1,0829,1,1,2,1 -10701,1,545680,0,1240,1,1,2,2 -10703,1,354953,0,2025,1,1,2,1 -10704,1,502161,1,1220,3,1,1,1 -10705,1,875740,0,1632,1,1,2,1 -10707,1,512995,1,0026,1,1,2,1 -10709,1,636039,0,1827,1,1,2,1 -10710,1,445920,0,2158,1,1,2,1 -10712,1,197968,0,2305,1,1,2,1 -10713,1,141394,0,1628,1,1,2,2 -10716,1,716168,0,1658,1,1,2,1 -10720,1,460114,0,1841,1,1,1,2 -10722,1,402329,0,2218,1,1,3,1 -10726,1,828447,0,2035,1,1,2,2 -10727,1,550494,0,1240,1,1,2,1 -10729,1,343648,0,1910,1,1,2,1 -10730,1,758754,0,1943,1,1,2,1 -10731,1,367723,1,0254,1,1,2,1 -10733,1,206115,1,0140,1,1,2,2 -10734,1,617904,0,2045,1,1,2,1 -10735,1,1002268,0,2014,1,1,2,2 -10737,1,508434,0,2109,1,1,1,1 -10738,1,948056,0,2045,1,1,2,2 -10739,1,402732,0,2020,1,1,2,1 -10740,1,750402,0,1220,1,1,2,1 -10741,1,303887,0,2102,1,1,1,2 -10748,1,276352,0,1200,1,1,1,1 -10749,1,245952,0,1541,1,1,2,2 -10751,1,422173,0,1758,1,1,1,1 -10756,1,789000,0,1930,1,1,3,2 -10757,1,748417,1,1302,2,1,1,2 -10760,1,613892,0,2359,1,1,2,1 -10763,1,320124,0,1641,1,1,2,1 -10765,1,1000806,0,1631,1,1,1,2 -10770,1,890631,0,1739,1,1,2,1 -10776,1,153324,0,2115,1,1,2,2 -10777,1,338911,0,1341,1,1,2,1 -10778,1,854727,0,0530,1,1,1,1 -10781,1,139371,0,1830,1,1,2,1 -10783,1,756038,1,0100,1,1,1,1 -10784,1,213592,0,2121,1,1,1,1 -10785,1,790204,0,0300,1,1,2,1 -10786,1,566320,0,2356,1,1,3,2 -10789,1,1027576,0,1034,1,1,2,2 -10790,1,161669,0,1848,1,1,2,1 -10792,1,379833,0,2249,1,1,2,1 -10793,1,822227,0,1540,1,1,2,1 -10795,1,928558,0,1711,1,1,2,2 -10798,1,846397,0,1403,1,1,2,1 -10799,1,459627,0,1918,1,1,2,1 -10800,1,1006008,0,2320,1,1,2,2 -10801,1,233893,0,1830,1,1,2,2 -10805,1,647525,0,1640,1,1,2,1 -10811,1,136088,0,2210,1,1,2,2 -10812,1,713836,0,1459,1,1,2,2 -10815,1,471450,0,2200,1,1,1,1 -10816,1,621755,0,1249,1,1,1,1 -10818,1,259294,0,1903,1,1,2,1 -10821,1,246278,0,1040,1,1,2,1 -10822,1,486797,0,2224,1,1,2,1 -10823,1,531256,0,1704,1,1,1,1 -10824,1,397819,0,1830,1,1,2,1 -10825,1,534018,0,1735,1,1,3,1 -10826,1,154816,0,2130,1,1,2,1 -10828,1,348795,0,1938,1,1,2,1 -10834,1,188263,0,1147,1,1,2,1 -10835,1,298532,0,2229,1,1,3,2 -10836,1,417308,0,2042,1,1,1,1 -10839,1,147934,1,0108,1,1,2,1 -10840,1,467396,1,0100,2,3,3,2 -10841,1,208612,0,1654,1,1,2,1 -10844,1,132387,0,2017,1,1,2,1 -10847,1,563474,0,2203,1,1,2,2 -10850,1,535046,0,2355,1,1,2,1 -10853,1,228440,0,2123,1,1,3,1 -10855,1,263634,0,2219,1,1,1,1 -10856,1,448779,0,1817,1,1,2,1 -10857,1,945433,0,2320,1,1,2,1 -10859,1,625867,0,1120,1,1,2,1 -10861,1,303762,1,0110,1,1,1,1 -10863,1,806599,0,2232,1,1,2,1 -10866,1,722551,0,2104,1,1,2,1 -10871,1,946938,0,2300,1,1,2,2 -10871,2,946939,1,0145,2,2,2,2 -10876,1,235746,1,0029,1,1,2,1 -10877,1,613676,0,1816,1,1,2,2 -10880,1,526326,0,0933,1,1,2,1 -10881,1,713791,0,1937,1,1,2,2 -10883,1,630413,0,1424,1,1,2,1 -10886,1,821849,0,0230,1,1,1,1 -10890,1,289391,0,1953,1,1,2,2 -10892,1,845480,0,1721,1,1,2,1 -10895,1,952291,0,1752,1,1,2,1 -10898,1,945249,0,1630,2,1,2,1 -10902,1,981996,0,2310,1,1,2,2 -10903,1,741959,0,0634,1,1,2,2 -10903,2,741960,19,1501,2,1,2,2 -10904,1,673570,0,1652,1,1,2,2 -10905,1,1004449,0,1944,1,1,2,1 -10907,1,240273,0,2202,1,1,2,1 -10910,1,871826,1,0000,1,1,1,1 -10911,1,518803,0,1551,1,1,2,1 -10914,1,745687,1,0034,1,1,2,2 -10918,1,440513,0,2300,1,1,2,2 -10921,1,282429,0,0956,1,1,2,1 -10927,1,799339,0,1239,1,1,2,1 -10929,1,348684,1,0324,1,1,2,2 -10930,1,256917,0,1341,1,1,2,1 -10932,1,249098,0,1415,1,1,2,1 -10933,1,984870,0,2056,1,1,2,1 -10936,1,837323,0,1935,1,1,2,1 -10937,1,700783,0,2228,1,1,1,1 -10940,1,872564,0,2022,1,1,2,2 -10941,1,603337,0,1241,1,1,2,2 -10946,1,310955,1,0619,1,1,1,1 -10948,1,440556,0,1533,1,1,2,1 -10950,1,941488,0,1812,1,1,1,2 -10954,1,581082,1,0046,1,1,1,1 -10958,1,965480,1,0025,1,1,2,2 -10959,1,509744,0,0956,1,1,2,2 -10960,1,883691,0,2113,1,1,2,1 -10961,1,475521,0,1850,1,1,2,1 -10962,1,960505,0,2134,1,1,2,2 -10963,1,682628,0,1313,1,1,2,1 -10966,1,160421,0,1741,1,1,2,2 -10966,2,160422,0,2037,2,2,1,2 -10972,1,177235,0,1820,1,1,1,1 -10976,1,413005,0,1859,1,1,2,1 -10979,1,618555,0,2214,1,1,2,1 -10993,1,447326,0,2205,1,1,2,1 -10994,1,253724,0,2117,1,1,2,2 -10996,1,445987,0,2225,1,1,1,1 -11000,1,435310,0,1733,1,1,2,1 -11001,1,816232,1,0308,1,1,2,2 -11003,1,127692,0,1434,1,1,2,1 -11004,1,501038,0,1920,1,1,2,1 -11006,1,498245,0,1804,1,1,2,1 -11007,1,140087,1,0255,1,1,1,1 -11008,1,830117,0,1503,1,1,2,1 -11011,1,815593,0,1925,1,1,2,1 -11014,1,529927,0,1936,1,1,2,2 -11015,1,160525,0,1108,1,1,2,2 -11018,1,584560,0,0332,1,1,2,1 -11019,1,699697,0,2204,1,1,2,2 -11022,1,516873,0,1508,1,1,2,1 -11023,1,485445,0,2015,1,1,1,1 -11025,1,425806,0,1451,1,1,1,1 -11026,1,275859,0,2322,1,1,2,1 -11027,1,748064,0,1623,1,1,2,2 -11030,1,243840,0,1218,1,1,2,1 -11032,1,750469,0,1303,1,1,2,1 -11034,1,297650,0,2249,1,1,1,1 -11036,1,158783,0,1650,1,1,2,1 -11037,1,380424,0,2141,1,1,2,1 -11039,1,339674,0,1716,1,1,3,1 -11041,1,677171,0,0204,1,1,1,1 -11042,1,454934,0,1822,1,1,2,2 -11043,1,467930,0,1500,1,1,2,1 -11046,1,726811,0,1657,1,1,2,1 -11049,1,988558,0,0844,1,1,2,1 -11053,1,530260,0,1142,1,1,2,1 -11058,1,611579,0,1430,1,1,1,2 -11059,1,515001,0,2106,2,1,1,1 -11062,1,480222,0,0625,1,1,1,2 -11064,1,738988,0,1919,1,1,2,1 -11066,1,486906,0,1130,1,1,2,1 -11072,1,308411,0,2051,1,1,1,1 -11074,1,1006409,0,1917,1,1,2,2 -11080,1,597742,0,1739,1,1,3,1 -11084,1,506774,0,2235,1,1,1,1 -11085,1,529697,10,1618,3,1,2,1 -11086,1,307646,0,2045,1,1,3,1 -11087,1,488896,1,0346,1,1,1,2 -11089,1,650566,0,1424,1,1,2,2 -11090,1,473507,0,1938,1,1,2,2 -11092,1,299618,0,0101,1,1,2,2 -11093,1,343234,0,1637,1,1,3,1 -11094,1,749645,0,2039,1,1,2,1 -11095,1,841530,0,1508,1,1,2,1 -11098,1,551540,0,1731,1,1,1,1 -11099,1,317295,0,1742,1,1,1,2 -11101,1,999338,0,1713,1,1,1,1 -11102,1,127937,0,1349,1,1,2,2 -11104,1,244606,0,2115,1,1,2,1 -11105,1,246957,0,2352,1,1,1,2 -11106,1,601592,0,1812,1,1,2,2 -11108,1,632925,0,2201,1,1,1,1 -11109,1,876533,0,1045,1,1,2,1 -11110,1,238968,0,2051,1,1,2,1 -11116,1,377493,0,1300,1,1,1,1 -11117,1,738025,0,2033,1,1,2,2 -11120,1,301705,0,0134,1,1,2,1 -11122,1,339655,0,1700,1,1,2,1 -11123,1,946350,0,1727,1,1,2,2 -11126,1,572139,0,1022,1,1,2,2 -11129,1,827528,0,2016,1,1,2,2 -11132,1,325201,0,1909,1,1,2,1 -11134,1,446155,0,1723,1,1,1,1 -11135,1,236852,0,1640,1,1,2,1 -11136,1,808134,0,1530,1,1,2,1 -11140,1,224983,0,1919,1,1,1,2 -11142,1,864255,0,2014,1,1,1,2 -11144,1,473531,0,2034,1,1,2,1 -11146,1,193558,0,1837,1,1,2,1 -11150,1,181311,0,1642,1,1,2,2 -11153,1,800386,0,1214,1,1,2,1 -11156,1,987385,0,1755,1,1,2,2 -11157,1,918432,0,1800,1,1,1,2 -11163,1,363438,0,2000,2,1,2,1 -11165,1,262597,0,2111,1,1,2,1 -11166,1,221475,0,1115,1,1,2,1 -11167,1,475062,0,1140,1,1,1,2 -11170,1,547003,0,1659,1,1,2,2 -11172,1,817992,0,0339,1,1,1,2 -11173,1,287694,0,2035,1,1,2,2 -11175,1,729310,0,2152,1,1,1,2 -11176,1,547318,0,2235,1,1,2,1 -11177,1,649919,0,2355,1,1,2,1 -11182,1,414828,0,2222,1,1,2,2 -11183,1,378406,0,0924,1,1,1,1 -11186,1,176508,0,0515,1,1,2,1 -11187,1,437263,0,1753,1,1,2,2 -11189,1,471789,0,2014,1,1,1,2 -11192,1,136434,0,1318,1,1,2,2 -11192,2,136435,4,1400,2,1,2,2 -11197,1,836466,0,1542,1,1,2,1 -11198,1,293311,0,1942,1,1,2,1 -11199,1,926409,0,1534,1,1,2,2 -11201,1,383126,0,2009,1,1,2,2 -11202,1,248998,0,2137,1,1,2,1 -11205,1,640130,0,1423,1,1,2,2 -11209,1,533429,0,1850,1,1,2,1 -11213,1,336861,0,1804,1,1,2,1 -11214,1,219889,0,0651,1,1,1,2 -11214,2,219891,2,1502,2,1,1,2 -11218,1,443560,0,2037,1,1,2,1 -11221,1,966791,0,1857,1,1,2,1 -11222,1,442226,0,2218,1,1,1,1 -11226,1,501069,0,2008,1,1,2,1 -11228,1,1002226,0,2250,1,1,2,2 -11229,1,616291,0,2238,1,1,2,1 -11237,1,200981,0,2049,1,1,2,1 -11238,1,523719,0,1534,1,1,1,2 -11242,1,876572,0,1721,1,1,2,1 -11243,1,222191,0,1919,1,1,2,1 -11244,1,385065,0,1753,1,1,2,1 -11245,1,947017,0,2108,1,1,2,1 -11247,1,673859,0,1829,1,1,2,2 -11247,2,673860,11,2233,2,1,2,2 -11248,1,590858,0,0941,1,1,2,1 -11249,1,231697,1,0314,1,1,1,1 -11250,1,825416,0,2010,1,1,2,1 -11252,1,577261,0,1901,1,1,2,1 -11255,1,712277,0,2150,1,1,2,1 -11257,1,180870,0,2154,1,1,2,1 -11258,1,163443,0,0110,1,1,2,2 -11260,1,398073,0,1506,1,1,2,2 -11261,1,146203,0,1130,1,1,1,1 -11268,1,366921,0,1525,1,1,2,1 -11275,1,287442,0,0400,1,1,2,2 -11276,1,191900,0,2313,1,1,1,1 -11279,1,442848,0,1643,1,1,1,1 -11283,1,161979,0,2321,1,1,2,2 -11286,1,557575,0,2206,1,1,2,2 -11288,1,433918,0,1728,1,1,2,1 -11289,1,177048,0,1615,1,1,2,1 -11291,1,166028,0,2230,1,1,1,1 -11295,1,387897,1,0050,1,1,2,2 -11295,2,387898,4,0939,1,1,1,2 -11297,1,313293,1,0208,1,1,1,1 -11298,1,143148,0,2253,1,1,2,1 -11303,1,616816,0,1802,1,1,2,1 -11304,1,366603,0,1809,1,1,2,2 -11307,1,637718,0,2005,1,1,1,2 -11308,1,329714,0,2240,1,1,2,2 -11311,1,299613,0,2151,1,1,2,2 -11314,1,1017862,0,0719,1,1,2,1 -11316,1,134035,0,2300,1,1,2,1 -11317,1,179794,0,1135,1,1,2,1 -11320,1,303860,0,2323,1,1,1,2 -11320,2,303861,4,2323,2,1,1,2 -11320,3,303862,11,2208,2,1,1,2 -11321,1,366518,0,2149,1,3,3,2 -11321,2,366519,12,2250,2,1,2,1 -11324,1,941603,0,1548,1,1,2,1 -11334,1,941942,0,2131,1,1,2,2 -11335,1,331228,0,1726,1,1,2,1 -11336,1,654538,0,1632,1,1,2,2 -11337,1,667115,1,1740,2,1,2,2 -11338,1,882051,0,2015,1,1,2,2 -11339,1,661125,0,0045,1,1,3,1 -11348,1,346660,0,2227,1,1,2,2 -11355,1,484535,0,1543,1,1,3,1 -11359,1,788686,0,2127,1,1,2,1 -11360,1,431001,0,1653,1,1,2,1 -11362,1,441618,1,0101,1,1,2,1 -11363,1,445479,0,1852,1,1,2,1 -11369,1,134222,0,2021,1,1,2,1 -11370,1,353842,0,1436,1,1,1,1 -11371,1,317356,0,2008,1,1,1,2 -11382,1,402464,0,2013,1,1,1,1 -11386,1,238774,0,1033,1,1,2,1 -11387,1,837551,0,1616,1,1,1,2 -11389,1,442260,0,2230,1,1,1,1 -11392,1,544073,0,1723,1,1,2,1 -11393,1,339660,0,2327,1,1,1,1 -11395,1,156789,0,1303,1,1,2,1 -11396,1,148235,0,1425,1,1,2,1 -11397,1,562834,0,1540,1,1,2,2 -11398,1,148145,0,1615,1,1,2,2 -11399,1,742062,0,2057,1,1,2,2 -11400,1,206619,0,1310,1,1,1,2 -11401,1,568003,1,0055,1,1,2,1 -11402,1,153215,0,1419,1,1,2,2 -11404,1,477602,0,0530,1,2,2,2 -11405,1,705543,0,1732,1,1,3,1 -11406,1,304999,0,1444,1,1,2,1 -11408,1,1005746,0,2118,1,1,2,2 -11409,1,888080,0,1555,1,1,2,2 -11412,1,461139,0,0919,1,1,2,1 -11413,1,239439,0,1645,1,1,2,1 -11414,1,976837,0,1045,1,1,3,1 -11416,1,396087,0,2211,1,1,1,1 -11417,1,830415,0,2202,1,1,2,1 -11419,1,183299,0,0610,1,1,2,1 -11420,1,148896,0,2043,1,1,2,1 -11421,1,704898,1,0016,1,1,2,1 -11422,1,510592,0,2210,1,1,1,1 -11424,1,120197,0,1838,1,1,2,2 -11425,1,747289,0,1700,1,1,2,2 -11427,1,866268,0,2347,1,1,2,2 -11432,1,344496,0,2156,1,1,2,2 -11436,1,202115,0,2222,1,1,2,1 -11439,1,207088,0,2030,1,1,3,1 -11440,1,317773,0,2322,1,1,3,2 -11442,1,983956,0,1818,1,1,1,1 -11443,1,471300,0,1400,1,1,1,1 -11445,1,788146,0,0307,1,1,2,1 -11447,1,377508,0,0202,1,1,1,2 -11448,1,385753,0,1839,1,1,2,1 -11449,1,542407,0,2148,1,1,2,1 -11452,1,654650,0,1722,1,1,2,2 -11453,1,168378,0,1437,1,1,2,1 -11454,1,269976,1,0100,1,1,2,2 -11457,1,555821,0,1853,1,1,2,1 -11460,1,262003,0,1823,1,1,2,1 -11461,1,596250,0,1645,1,1,1,1 -11462,1,228427,0,2107,1,1,2,1 -11465,1,706774,0,2214,1,1,2,1 -11467,1,198445,0,1615,1,1,2,1 -11468,1,649995,0,2303,1,1,2,1 -11470,1,364053,0,1805,1,1,2,1 -11472,1,1013373,0,1907,1,1,2,1 -11474,1,194261,0,1709,1,1,2,2 -11475,1,788136,0,0355,1,1,2,2 -11476,1,889254,0,2230,1,1,2,1 -11480,1,584254,0,2155,1,1,2,1 -11482,1,535070,1,0136,1,1,2,2 -11485,1,643394,0,2304,1,1,1,1 -11489,1,774191,0,0351,1,1,2,2 -11491,1,318084,0,1812,1,1,2,1 -11492,1,598538,0,1510,1,1,2,2 -11493,1,392066,0,2054,1,1,2,1 -11495,1,961078,0,1714,1,1,2,1 -11496,1,869694,0,2226,1,1,2,2 -11497,1,333927,0,1915,1,1,3,1 -11499,1,433471,0,1605,1,1,2,1 -11500,1,508151,0,2103,1,1,2,2 -11502,1,644578,0,1436,1,1,2,1 -11503,1,942429,0,1817,1,1,2,1 -11506,1,173029,0,2136,1,1,2,2 -11507,1,904946,0,1711,1,1,2,1 -11509,1,520692,0,2144,1,1,2,2 -11511,1,297502,1,0138,1,1,1,1 -11513,1,941250,0,2033,1,1,1,1 -11514,1,447578,1,0834,2,1,2,1 -11515,1,401415,1,0047,1,1,2,2 -11516,1,686798,0,1029,1,1,1,1 -11519,1,815666,0,2035,1,1,1,1 -11521,1,886894,0,1953,1,1,2,1 -11522,1,834983,0,1822,1,1,2,2 -11524,1,301586,0,1706,1,1,2,2 -11526,1,903591,0,2345,1,1,2,2 -11528,1,484591,0,2258,1,1,2,2 -11529,1,421215,0,1310,1,1,2,2 -11530,1,864542,1,0005,1,1,2,2 -11532,1,520061,0,1632,1,1,2,1 -11533,1,434054,0,1921,1,1,2,1 -11535,1,696652,0,1703,1,1,2,1 -11536,1,529142,0,1901,2,1,2,1 -11538,1,520196,1,0147,1,1,2,1 -11541,1,643298,0,1140,1,1,2,1 -11542,1,838721,0,1256,1,1,2,2 -11543,1,536647,0,1904,1,1,2,1 -11549,1,331326,0,2230,1,1,2,2 -11549,2,621385,2,1723,2,1,1,2 -11550,1,336935,0,1805,1,1,2,2 -11552,1,834804,0,2325,1,1,2,2 -11553,1,383347,0,1656,1,1,2,2 -11553,2,504686,2,1659,2,1,2,1 -11554,1,861015,0,1541,1,1,1,1 -11555,1,964085,1,0035,1,1,2,2 -11559,1,459032,0,1703,1,1,2,2 -11561,1,366326,0,2105,1,1,2,1 -11562,1,867105,0,1728,1,1,2,1 -11563,1,899982,0,1007,1,1,2,1 -11564,1,132734,0,1522,1,1,2,2 -11567,1,585570,0,2125,1,1,2,1 -11569,1,292063,0,1055,1,1,2,1 -11572,1,355159,0,1441,1,1,2,2 -11574,1,648451,0,1900,1,1,2,2 -11581,1,737480,0,1541,1,1,2,1 -11586,1,342869,0,1528,1,1,2,1 -11587,1,624815,0,1442,1,1,2,1 -11590,1,400539,0,1947,1,1,2,1 -11594,1,200304,0,1200,1,3,2,2 -11597,1,268498,1,0133,1,1,2,1 -11598,1,420551,0,0307,1,1,2,1 -11600,1,706452,1,0149,1,1,1,1 -11601,1,527697,0,2042,1,1,2,1 -11603,1,557357,0,1423,1,1,1,2 -11607,1,838261,0,2156,1,1,2,2 -11609,1,623674,0,1933,1,1,2,1 -11611,1,868492,0,0839,1,1,2,1 -11612,1,558985,0,1350,1,1,3,1 -11613,1,534220,0,1858,1,1,1,2 -11614,1,995214,0,2034,1,1,2,1 -11615,1,877374,0,2221,1,1,2,1 -11617,1,215637,0,2205,1,1,2,2 -11621,1,477433,0,2133,1,1,2,1 -11629,1,306086,0,1859,1,1,2,1 -11630,1,489676,0,1336,1,1,2,2 -11631,1,459080,0,1222,1,1,2,1 -11633,1,815684,0,2238,1,1,2,1 -11634,1,192677,0,1427,1,1,2,2 -11639,1,509601,0,1849,1,1,2,1 -11640,1,865320,0,1326,1,1,2,1 -11641,1,535262,0,1241,1,1,2,1 -11643,1,470702,1,0000,1,1,2,2 -11644,1,177198,0,2120,1,3,3,2 -11645,1,954747,0,1744,1,1,2,2 -11646,1,572133,0,0942,1,1,2,2 -11647,1,403843,0,2059,1,1,2,1 -11648,1,300605,0,1515,1,1,2,1 -11649,1,750102,0,2300,1,1,2,1 -11660,1,593213,0,0328,1,1,2,2 -11662,1,953134,0,2214,1,1,2,1 -11663,1,659009,0,2133,1,1,2,2 -11666,1,727439,0,1914,1,1,2,1 -11668,1,494756,0,2210,1,1,1,1 -11669,1,794009,0,1910,1,1,3,2 -11670,1,845245,0,2350,1,1,2,1 -11671,1,341568,0,1628,1,1,2,1 -11672,1,146128,0,2014,1,1,1,1 -11673,1,465257,0,1817,1,1,2,1 -11674,1,941861,0,2011,1,1,2,1 -11675,1,750755,0,1309,1,1,2,2 -11679,1,158812,0,1815,1,1,2,2 -11679,2,158837,0,1013,1,1,2,1 -11681,1,666679,0,2149,1,1,1,2 -11681,2,666680,2,1442,3,1,1,2 -11682,1,495363,0,2241,1,1,2,2 -11684,1,188783,0,1545,1,1,2,2 -11686,1,589077,0,0858,1,1,3,1 -11689,1,397844,0,2056,1,1,3,1 -11690,1,207744,0,1731,1,1,2,2 -11691,1,311439,0,0143,1,1,2,1 -11693,1,541216,0,1805,1,1,2,2 -11695,1,293242,0,1416,1,1,2,1 -11697,1,842512,0,2323,1,1,2,1 -11698,1,538465,0,0941,1,1,2,1 -11699,1,367931,0,2121,1,1,2,1 -11704,1,388072,0,2358,1,1,2,1 -11709,1,374231,0,2115,1,1,2,1 -11711,1,913954,1,0025,1,1,2,1 -11712,1,415882,1,0130,1,1,2,2 -11713,1,787700,0,2325,1,1,2,2 -11715,1,713371,0,2311,1,1,2,1 -11718,1,451155,1,0034,1,1,1,1 -11719,1,1006163,0,1558,1,1,2,2 -11720,1,166496,0,2140,1,1,2,1 -11722,1,422895,0,1716,1,1,2,2 -11725,1,162126,1,0218,1,1,2,1 -11729,1,486553,0,1855,1,1,2,1 -11730,1,145477,0,2015,1,1,2,2 -11731,1,379938,0,1300,1,1,2,1 -11735,1,647476,1,1416,2,1,1,1 -11737,1,826477,0,1503,1,2,1,2 -11739,1,140429,0,1913,1,1,2,1 -11741,1,979259,1,0139,1,1,2,1 -11742,1,400875,0,2110,1,1,2,2 -11744,1,377542,0,0318,1,1,1,1 -11744,2,920969,0,1023,1,1,1,1 -11745,1,839315,0,1600,1,1,1,2 -11748,1,199540,1,0108,1,1,1,1 -11749,1,250462,0,1210,1,1,2,1 -11750,1,706975,0,0220,1,1,2,2 -11752,1,422247,0,2020,1,1,1,1 -11753,1,591844,0,1945,1,1,1,1 -11755,1,723935,0,0851,1,1,1,1 -11756,1,701586,0,2241,1,1,2,1 -11761,1,535035,1,0120,1,1,2,2 -11763,1,198835,0,1353,1,1,2,2 -11764,1,923780,0,1932,1,1,2,2 -11768,1,933634,1,0902,1,1,2,1 -11770,1,152008,0,2345,1,1,2,1 -11771,1,222212,0,1756,1,1,2,1 -11772,1,823076,0,1545,1,1,2,1 -11775,1,897263,0,0259,1,1,2,2 -11776,1,285337,0,0950,1,1,2,2 -11781,1,327708,1,0044,1,1,2,1 -11782,1,926735,0,2155,1,1,2,1 -11785,1,796150,0,1726,1,1,1,1 -11788,1,619195,0,1635,1,1,2,1 -11790,1,569485,0,2032,1,1,2,2 -11791,1,259385,0,2234,1,1,2,2 -11802,1,190406,0,2158,1,1,2,1 -11804,1,487744,0,1500,1,1,1,1 -11811,1,194751,0,2040,1,1,2,2 -11814,1,257975,0,2105,1,3,1,1 -11815,1,516906,0,1527,1,1,2,2 -11817,1,960699,0,2025,1,1,1,1 -11819,1,708014,0,1812,1,1,1,1 -11821,1,145459,0,1526,1,1,2,1 -11822,1,182838,0,1942,1,1,1,1 -11823,1,583989,1,0138,1,1,2,1 -11824,1,934524,0,2227,1,1,1,1 -11826,1,919848,0,1912,1,1,1,2 -11828,1,952208,0,2331,1,1,1,2 -11831,1,120797,0,1934,1,1,2,1 -11833,1,538755,1,0232,1,1,1,2 -11835,1,272900,0,2011,1,1,2,1 -11836,1,404162,0,2121,1,1,1,1 -11839,1,522113,0,1749,1,1,2,1 -11841,1,458848,0,1815,1,1,2,2 -11844,1,761764,0,1450,1,1,2,1 -11845,1,488563,0,2138,1,1,2,2 -11846,1,373374,0,0248,1,1,3,2 -11847,1,673832,1,0140,1,1,2,2 -11848,1,732082,0,1250,1,1,2,1 -11850,1,303829,0,2355,1,1,1,2 -11852,1,462297,1,0410,1,1,2,2 -11853,1,501410,0,1647,1,1,2,1 -11855,1,445664,0,1935,1,1,2,2 -11856,1,265922,0,2150,1,1,2,2 -11857,1,317305,0,2255,1,1,1,2 -11857,2,770472,11,2205,2,1,1,2 -11858,1,415180,0,2209,1,1,2,1 -11859,1,249433,0,2003,1,1,2,1 -11861,1,474314,0,1658,1,1,1,1 -11865,1,495599,0,2022,1,1,2,1 -11876,1,388491,0,1717,1,1,2,2 -11878,1,338823,0,1452,1,1,2,1 -11886,1,200891,0,1910,1,1,2,1 -11887,1,446588,0,2222,1,1,2,2 -11888,1,793045,0,1857,1,1,1,2 -11888,2,810473,7,0346,2,1,1,2 -11893,1,267483,0,1941,1,1,2,1 -11896,1,435004,2,1910,3,1,2,1 -11900,1,710346,0,2339,1,1,2,1 -11901,1,805766,0,2346,1,1,1,1 -11903,1,508218,1,0051,1,1,1,1 -11904,1,1006154,0,1654,1,1,2,1 -11905,1,114805,0,1835,1,1,1,1 -11908,1,542381,0,2309,1,1,2,1 -11909,1,362169,1,0256,1,1,2,2 -11910,1,984243,0,1901,1,1,1,1 -11914,1,342946,1,0340,1,1,2,1 -11915,1,427961,0,2030,1,1,2,2 -11916,1,630241,1,0010,1,1,1,1 -11918,1,973558,0,0256,1,1,2,2 -11919,1,560195,1,0056,1,1,2,2 -11924,1,568449,0,2159,1,1,2,1 -11932,1,478295,0,1440,1,1,1,2 -11935,1,983554,0,1722,1,1,2,1 -11937,1,194069,0,1330,1,1,2,2 -11940,1,365011,0,1610,1,1,1,2 -11941,1,877231,1,1116,2,1,2,2 -11944,1,579037,0,2135,1,1,2,1 -11944,2,740311,10,0257,3,1,1,2 -11945,1,539062,0,1921,1,1,1,1 -11951,1,541868,0,1633,1,1,1,1 -11953,1,151756,0,2050,1,1,2,1 -11954,1,849892,0,0945,1,1,1,1 -11955,1,184853,0,1645,1,1,3,1 -11959,1,317193,0,1119,1,1,1,2 -11962,1,182559,0,1949,1,1,2,1 -11963,1,788260,0,2341,1,1,2,1 -11966,1,806228,0,2310,1,1,2,1 -11967,1,585602,0,1958,1,1,2,1 -11970,1,858146,0,1114,1,1,2,1 -11971,1,134060,0,2022,1,1,2,1 -11972,1,726556,0,2100,1,1,2,2 -11974,1,237485,0,0919,1,1,2,1 -11979,1,891933,0,1754,1,1,2,2 -11984,1,932621,0,1921,1,1,2,2 -11985,1,140855,0,2221,1,1,2,1 -11987,1,495450,0,2208,1,1,2,1 -11988,1,165630,0,1927,2,1,2,1 -11989,1,570139,0,1744,1,1,2,1 -11990,1,602347,0,2013,1,1,2,2 -11994,1,830952,0,1602,1,1,1,2 -11995,1,782957,0,1643,1,1,2,2 -11998,1,311025,1,0013,1,1,2,1 -12002,1,230171,0,1420,1,1,1,2 -12002,2,230173,0,1728,1,1,1,1 -12004,1,441717,1,0000,1,1,3,1 -12005,1,542470,0,0936,1,1,2,1 -12007,1,868798,0,2138,1,1,2,1 -12012,1,490138,0,1306,1,3,3,1 -12017,1,223756,0,0912,1,1,1,2 -12018,1,329679,0,1928,1,1,2,1 -12021,1,339974,0,2217,1,1,2,1 -12023,1,781001,0,1829,1,1,3,1 -12030,1,541927,0,2033,1,1,2,2 -12031,1,843101,0,1033,1,1,2,1 -12032,1,667193,0,2212,1,1,2,2 -12033,1,197738,0,1343,1,1,1,2 -12035,1,498109,0,2131,1,1,2,1 -12037,1,839761,0,1500,1,1,2,2 -12039,1,501506,0,1847,1,1,2,1 -12041,1,714503,0,1702,1,1,2,1 -12044,1,245676,0,1819,1,1,2,1 diff --git a/data/iai_pecarn/raw/form4a_abdother.csv b/data/iai_pecarn/raw/form4a_abdother.csv deleted file mode 100644 index 6b2c57c4..00000000 --- a/data/iai_pecarn/raw/form4a_abdother.csv +++ /dev/null @@ -1,100 +0,0 @@ -subjectid,repeat_instance,OtherID,abdimagetype,procday,calltime -60,1,290096,5,0,1729 -122,1,393989,5,0,1602 -366,1,397701,5,0,2140 -399,1,152608,5,0,1340 -462,1,955272,5,1,1129 -669,1,901401,5,0,1927 -847,1,221671,5,1,1102 -937,1,390106,4,4,1045 -939,1,464817,1,0,1812 -1250,1,837675,5,0,1803 -1279,1,706935,1,1,1152 -1985,1,879688,1,0,1547 -2000,1,905661,5,0,2156 -2033,1,269376,2,0,2025 -2033,2,1057652,1,0,2025 -2047,1,211977,5,0,2058 -2058,1,383668,5,0,2025 -2058,2,860618,5,0,1601 -2101,1,793999,5,2,1022 -2366,1,938380,5,1,0221 -2392,1,928468,5,0,2235 -2482,1,834247,5,2,1022 -2980,1,609963,3,4,1025 -3380,1,520254,5,0,2250 -3425,1,679985,5,1,0131 -3607,1,805356,5,0,1547 -3721,1,627370,5,2,0814 -3872,1,834821,5,3,0930 -4027,1,458215,5,1,1742 -4101,1,210235,5,0,2155 -4404,1,158939,5,0,0212 -4417,1,973525,5,0,1523 -4845,1,562999,4,7,1620 -4950,1,422331,1,0,1511 -4950,2,422332,2,0,1511 -5037,1,345725,1,0,1917 -5071,1,965545,5,9,1557 -5080,1,334876,1,1,0341 -5087,1,143405,5,1,1250 -5517,1,556720,5,0,2048 -5586,1,197803,1,1,0529 -5655,1,170561,1,0,1650 -5655,2,170562,2,0,1650 -5754,1,500857,5,1,1527 -5785,1,727491,5,0,2006 -5810,1,369862,5,1,0939 -5810,2,1007652,1,1,1356 -5844,1,302858,5,1,0015 -5978,1,377669,1,1,0636 -6030,1,611744,3,1,1108 -6293,1,259409,5,0,2344 -6433,1,800653,4,2,1250 -6542,1,171383,1,3,1244 -6553,1,177176,3,22,1102 -6599,1,982166,2,0,1400 -6734,1,990746,5,0,1619 -7158,1,195844,5,0,1753 -7186,1,969973,5,1,0300 -7245,1,406162,5,13,1246 -7633,1,131449,3,1,0030 -7928,1,260799,5,1,0140 -8212,1,258651,1,0,2108 -8555,1,307087,5,2,1254 -8560,2,1059479,5,0,0715 -8728,1,226589,3,10,1400 -8780,1,975033,5,2,1300 -8846,1,193979,1,1,0322 -8949,1,141176,2,2,1033 -8949,2,141177,5,0,2155 -9013,1,347209,5,1,0551 -9116,1,469413,2,1,0150 -9117,1,187615,5,1,0144 -9150,1,595111,5,0,2204 -9155,1,788749,3,0,1726 -9215,2,166122,2,0,1636 -9236,1,436940,5,0,1816 -9300,1,805212,4,6,1829 -9380,1,959866,5,0,1929 -9382,1,235078,3,0,1804 -9420,1,1075500,1,0,1450 -9432,2,299824,2,0,1805 -9437,1,999698,1,1,0250 -9655,1,933398,3,10,1837 -9655,2,933399,3,19,1029 -9741,1,989107,1,0,0639 -9972,1,928801,1,1,0533 -10265,1,990551,5,1,1559 -10270,1,987985,5,0,1800 -10400,1,666136,5,0,2027 -10424,1,411549,5,8,1234 -10445,1,865828,1,2,0032 -10600,1,979765,3,1,1126 -10637,1,651324,1,0,1250 -11074,1,1006413,5,0,1917 -11085,1,529700,5,10,1439 -11249,1,231700,5,1,0844 -11454,1,1018613,5,1,0100 -11669,1,988650,1,1,0529 -11682,1,1013609,5,10,1110 diff --git a/data/iai_pecarn/raw/form4a_traumaticinj.csv b/data/iai_pecarn/raw/form4a_traumaticinj.csv deleted file mode 100644 index 602f4217..00000000 --- a/data/iai_pecarn/raw/form4a_traumaticinj.csv +++ /dev/null @@ -1,593 +0,0 @@ -SubjectID,Repeat_instance,TraumaticInj,OtherInjury -8,1,4, -8,2,8,PNEUMATOCELES -10,1,4, -49,1,1, -49,2,3, -49,3,4, -50,1,4, -57,1,4, -85,1,4, -124,1,4, -132,1,3, -140,1,3, -145,1,1, -145,2,5, -151,1,4, -151,2,8,scapular fracture -155,1,3, -238,1,1, -238,2,3, -244,1,1, -244,2,3, -269,1,5, -326,1,1, -337,1,1, -337,2,3, -355,1,8,abnormal mediastinum -379,1,3, -399,1,3, -399,2,4, -444,1,3, -448,1,8,abnormal mediastinum -465,1,1, -494,2,4, -520,1,4, -522,1,3, -522,2,4, -546,1,1, -546,2,3, -549,1,4, -563,1,1, -570,1,1, -570,2,4, -591,1,1, -591,2,4, -591,3,3, -606,1,4, -608,1,4, -632,1,4, -650,1,3, -657,2,4, -669,1,4, -675,1,1, -695,1,1, -729,1,3, -729,2,4, -834,1,3, -863,1,5, -890,1,3, -917,1,4, -931,1,3, -949,1,1, -949,2,4, -1039,1,3, -1039,2,4, -1045,1,4, -1049,1,4, -1073,1,1, -1092,1,5, -1100,1,4, -1105,1,1, -1105,2,3, -1109,1,4, -1140,1,8,abnormal mediastinum -1141,1,3, -1141,2,4, -1149,2,1, -1150,1,1, -1196,1,1, -1196,2,2, -1196,3,3, -1198,1,1, -1205,1,1, -1234,1,2, -1257,1,1, -1275,1,4, -1289,1,7, -1297,1,1, -1297,2,3, -1308,1,3, -1382,1,1, -1382,2,4, -1394,1,1, -1402,1,1, -1416,1,4, -1446,1,4, -1460,1,1, -1473,1,1, -1499,1,4, -1617,1,4, -1647,1,1, -1648,1,3, -1648,2,1, -1652,1,8,Manubrium Fracture -1665,1,1, -1665,2,5, -1679,1,4, -1729,1,1, -1734,1,1, -1734,2,2, -1734,3,7, -1764,1,4, -1764,2,2, -1764,3,1, -1770,1,4, -1790,1,4, -1817,1,4, -1870,1,3, -1926,1,1, -1926,2,3, -1926,3,4, -1945,1,4, -1985,1,4, -1985,2,5, -2033,1,3, -2033,2,4, -2059,1,4, -2114,1,4, -2159,1,4, -2191,1,1, -2216,1,1, -2223,1,1, -2223,2,3, -2337,1,8,scapular fracture -2343,1,8,abnormal mediastinum -2345,1,2, -2345,2,7, -2371,1,3, -2390,1,4, -2402,1,1, -2402,2,2, -2402,3,3, -2402,4,4, -2419,1,3, -2427,1,8,superior abnormal mediastinum -2436,1,1, -2436,2,3, -2445,1,4, -2492,1,4, -2511,1,4, -2513,1,4, -2526,1,3, -2526,2,4, -2565,1,1, -2567,1,4, -2582,1,4, -2596,1,4, -2621,1,8,abnormal superior mediastinum -2675,1,1, -2675,2,5, -2684,1,3, -2687,1,3, -2687,2,4, -2692,1,4, -2692,2,2, -2705,1,3, -2829,1,4, -2837,1,4, -2939,1,3, -2947,1,4, -2971,1,4, -2980,1,5, -3016,1,3, -3049,1,1, -3049,2,4, -3101,1,1, -3114,1,8,Abnormal Superior Mediastinum -3133,1,1, -3148,1,8,pulmonary hemorrhage -3159,1,3, -3159,2,4, -3164,1,1, -3186,1,4, -3194,1,1, -3211,1,1, -3211,2,4, -3224,1,2, -3225,1,3, -3232,1,4, -3246,1,1, -3250,1,3, -3280,1,4, -3314,1,1, -3314,2,3, -3319,1,4, -3322,1,1, -3334,1,1, -3334,2,2, -3334,3,4, -3384,1,4, -3385,1,8,Abnormal mediastinum -3398,1,3, -3398,2,4, -3448,1,4, -3469,1,1, -3525,1,3, -3557,1,4, -3559,1,4, -3564,1,4, -3584,1,4, -3652,1,4, -3687,1,4, -3693,1,1, -3701,1,1, -3701,2,4, -3707,1,8,Abnormal Mediastinum -3739,1,1, -3746,1,4, -3774,1,8,Pneumatocele -3847,1,4, -3865,1,1, -3868,1,4, -3901,1,3, -3901,2,5, -3910,1,8,abnormal mediastinum -3980,1,1, -3980,2,3, -3980,3,4, -3996,1,4, -4014,1,4, -4047,1,4, -4101,1,1, -4101,2,4, -4143,1,4, -4159,1,1, -4165,1,1, -4165,2,4, -4231,1,4, -4250,1,1, -4250,2,2, -4251,1,4, -4293,1,5, -4340,1,1, -4351,1,1, -4351,2,4, -4366,1,8,abnormal mediastinum -4399,1,4, -4402,1,1, -4403,1,4, -4412,1,1, -4491,1,8,left scapular fracture -4502,1,1, -4502,2,4, -4537,1,1, -4545,1,1, -4545,2,3, -4558,1,1, -4581,1,4, -4659,1,8,abnormal mediastinum -4660,1,3, -4708,1,1, -4717,1,4, -4722,1,1, -4757,1,4, -4760,1,4, -4772,1,4, -4792,1,4, -4820,1,4, -4820,2,3, -4822,1,3, -4845,1,1, -4845,2,4, -4859,2,4, -4865,1,5, -4865,2,6, -4880,1,8,Abnormal Mediastrinum -4893,1,4, -4909,1,1, -4909,2,4, -4943,1,3, -4950,1,1, -4965,1,3, -5020,1,4, -5037,1,5, -5081,1,1, -5087,1,4, -5092,1,4, -5115,1,4, -5148,1,4, -5184,1,1, -5203,1,3, -5209,1,4, -5244,1,3, -5308,1,1, -5334,1,1, -5334,2,3, -5334,3,4, -5337,1,3, -5351,1,4, -5362,1,1, -5364,1,1, -5365,1,4, -5422,1,1, -5422,2,3, -5458,1,4, -5464,1,8,left pleural effusion -5469,1,3, -5472,1,4, -5483,1,1, -5507,1,4, -5557,1,2, -5557,2,4, -5586,1,3, -5607,1,4, -5629,1,1, -5800,1,4, -5810,1,4, -5850,1,4, -5857,1,2, -5894,1,3, -5894,2,4, -5894,3,1, -5923,1,3, -5938,1,3, -5938,2,4, -5951,1,4, -5970,1,4, -5978,1,8,abnormal superior mediastinum -5996,2,4, -6028,1,1, -6028,2,4, -6075,1,4, -6136,1,3, -6146,1,5, -6147,1,4, -6161,1,4, -6164,1,1, -6164,2,4, -6189,1,3, -6275,1,4, -6275,2,3, -6293,1,1, -6325,1,1, -6361,1,1, -6383,1,4, -6405,1,8,abnormal superior mediastinum -6436,1,4, -6456,1,5, -6459,1,1, -6474,1,4, -6474,2,1, -6487,1,8,abnormal mediastinum -6517,1,3, -6542,1,3, -6542,2,2, -6548,1,3, -6553,1,4, -6579,1,2, -6579,2,3, -6579,3,4, -6642,1,4, -6705,1,3, -6722,1,1, -6734,1,1, -6734,2,3, -6798,1,1, -6809,1,5, -6810,1,3, -6857,1,8,Abnormal Mediastinum -6865,1,4, -7001,1,4, -7050,1,3, -7071,1,4, -7132,1,3, -7136,1,1, -7136,2,2, -7136,3,5, -7170,1,1, -7189,1,1, -7227,1,4, -7228,1,3, -7248,1,3, -7248,2,4, -7259,1,3, -7260,1,4, -7285,1,4, -7353,1,3, -7367,1,4, -7383,1,1, -7383,2,3, -7383,3,4, -7436,1,5, -7496,1,1, -7529,1,4, -7595,1,8,abnormal mediastinum -7608,1,1, -7611,1,1, -7611,2,3, -7611,3,4, -7614,1,3, -7614,2,4, -7629,1,1, -7705,1,4, -7747,1,5, -7831,1,1, -7831,2,2, -7831,3,3, -7840,1,4, -7854,1,4, -7859,1,4, -7873,1,2, -7903,1,4, -8003,1,1, -8019,1,1, -8019,2,3, -8032,1,1, -8032,2,2, -8032,3,4, -8042,1,4, -8065,1,4, -8107,1,3, -8112,1,4, -8139,1,1, -8140,1,4, -8167,1,3, -8175,1,1, -8175,2,2, -8175,3,3, -8212,1,4, -8228,1,4, -8260,1,3, -8260,2,4, -8262,1,4, -8292,1,4, -8322,1,4, -8372,1,3, -8372,2,4, -8379,1,3, -8401,1,3, -8445,1,1, -8462,1,4, -8462,2,3, -8501,1,4, -8501,2,8,left scapular fracture -8530,1,1, -8546,1,4, -8567,1,1, -8567,2,3, -8567,3,4, -8567,4,5, -8577,1,3, -8611,1,4, -8659,1,1, -8659,3,8,Compression fractures in upper thoracic spine -8699,1,4, -8704,1,1, -8704,2,4, -8719,1,4, -8727,1,8,abnormal superior mediastinum -8759,1,4, -8760,1,1, -8760,2,4, -8768,1,8,abnormal mediastinum -8802,1,4, -8818,1,4, -8858,1,4, -8920,1,4, -9083,1,1, -9143,1,4, -9160,1,3, -9169,1,1, -9187,1,4, -9203,1,3, -9215,1,1, -9233,1,4, -9235,1,1, -9293,1,4, -9296,1,1, -9296,2,3, -9296,3,4, -9298,1,4, -9323,1,1, -9352,1,1, -9352,2,3, -9352,3,5, -9376,1,4, -9508,1,8,abnormal mediastinum -9521,1,1, -9534,1,4, -9563,1,1, -9569,1,3, -9602,1,8,Abnormal Superior Mediastinum -9604,1,3, -9615,1,4, -9627,1,4, -9680,1,1, -9734,1,4, -9741,1,4, -9787,1,3, -9787,2,4, -9794,1,4, -9822,1,1, -9848,1,1, -9879,1,3, -9947,1,1, -9958,1,4, -9972,1,1, -9973,1,3, -10064,3,4, -10096,1,1, -10100,1,4, -10121,1,1, -10229,1,1, -10270,1,3, -10270,2,4, -10312,1,4, -10322,1,4, -10350,1,8,abnormal/superior mediastinum -10353,1,2, -10355,1,8,abnormal superior mediastinum -10379,1,1, -10398,1,4, -10445,1,3, -10476,1,4, -10476,2,3, -10485,1,8,Abnormally widened mediastinum concerning for hemorrhage due to vascular laceration -10529,1,4, -10534,1,3, -10540,1,4, -10588,1,4, -10637,1,3, -10637,2,4, -10641,1,5, -10672,1,8,Stable compression fractures of multiple thoracic vertebrae. -10708,1,1, -10708,2,3, -10737,1,8,abnormal superior mediastinum -10921,1,4, -10941,1,4, -11042,1,4, -11092,1,3, -11109,1,1, -11109,2,5, -11123,1,4, -11192,1,1, -11192,2,5, -11214,1,1, -11285,1,1, -11321,1,4, -11336,1,4, -11387,1,1, -11426,1,1, -11426,2,3, -11440,1,4, -11440,2,5, -11474,1,1, -11474,2,2, -11474,3,4, -11528,1,4, -11552,1,1, -11552,2,3, -11574,1,3, -11574,2,1, -11574,3,4, -11594,1,4, -11607,1,4, -11607,2,3, -11617,1,3, -11634,1,1, -11634,2,3, -11634,3,4, -11643,1,4, -11730,1,3, -11781,1,4, -11785,1,1, -11785,2,3, -11785,3,4, -11850,1,4, -11857,3,4, -11876,1,3, -11888,1,1, -11888,2,3, -11888,3,4, -11888,4,5, -11913,1,5, -11915,1,1, -11915,2,4, -11918,1,4, -11959,1,3, -11960,1,3, -11988,1,1, -11988,2,3, -11988,3,5, diff --git a/data/iai_pecarn/raw/form4a_us.csv b/data/iai_pecarn/raw/form4a_us.csv deleted file mode 100644 index 6632761f..00000000 --- a/data/iai_pecarn/raw/form4a_us.csv +++ /dev/null @@ -1,1060 +0,0 @@ -subjectid,repeat_instance,USID,abdultrasoundday,abdultrasoundtm,UltrasoundLoc,UltrasoundType,UltrasoundRes -20,1,956887,0,0515,1,1,1 -33,1,812098,0,2041,1,1,1 -40,1,361671,0,,1,1,1 -57,1,923833,0,0000,1,1,2 -60,1,290094,0,,1,1,1 -66,1,530611,0,2100,1,1,1 -70,1,287690,0,,1,1,1 -88,1,175548,4,1559,2,3,1 -89,1,926187,0,2215,1,1,1 -90,1,869490,13,1141,3,2,2 -128,1,298594,0,,1,1,1 -141,1,506856,0,2045,1,2,1 -169,1,1058677,1,1354,1,2,2 -173,1,169513,4,1504,2,3,1 -176,1,464137,2,0849,1,2,1 -179,1,574335,1,1127,2,2,1 -184,1,812366,0,1925,1,1,1 -188,1,553215,0,,1,1,1 -203,1,642318,0,1441,1,2,1 -206,1,165988,0,0100,1,1,1 -208,1,870099,0,,1,1,1 -221,1,307971,0,2345,1,1,1 -228,1,297670,0,,1,1,1 -228,2,297671,0,,1,1,1 -239,1,261086,0,1540,1,1,1 -246,1,224880,0,,1,1,1 -270,1,870033,0,,1,1,1 -309,1,153806,0,,1,1,1 -328,1,548974,0,1801,1,1,1 -338,1,291142,8,1455,1,2,2 -342,1,545392,0,1545,1,1,1 -355,1,316999,0,2000,1,1,1 -361,1,865230,0,,1,1,1 -371,1,544543,2,1340,3,2,1 -372,1,898417,0,,1,1,1 -387,1,870372,0,,1,1,1 -390,1,272193,0,,1,1,1 -393,1,553113,0,1030,1,1,1 -440,1,959978,1,1334,2,2,1 -445,1,880301,1,1027,2,2,1 -448,1,194217,0,0300,1,1,1 -457,1,746939,0,2358,1,1,1 -459,1,365832,0,,1,1,1 -507,1,791784,0,2145,1,1,1 -521,1,544722,0,0220,1,1,1 -535,1,494782,0,1300,1,1,1 -540,1,1007024,0,2345,1,1,1 -558,1,1027753,0,1800,1,1,1 -576,1,546534,0,1730,1,1,1 -579,1,833504,0,1400,1,1,1 -587,1,703807,6,0745,2,2,2 -587,2,703808,20,0348,3,2,2 -591,1,882152,0,,1,1,1 -598,1,330916,0,1522,1,3,1 -606,1,419955,0,2029,1,1,1 -622,1,377674,0,0100,1,1,1 -645,1,287816,2,1830,1,1,1 -657,1,427005,0,,1,1,1 -680,1,593755,0,1000,1,1,1 -686,1,480239,0,1950,1,1,1 -687,1,377538,0,0030,1,1,1 -707,1,222438,0,,1,1,1 -726,1,313467,0,,1,1,1 -742,1,308435,0,1635,1,1,1 -746,1,176142,0,,1,1,1 -747,1,951520,0,2330,1,1,1 -750,1,482142,0,2358,1,1,1 -790,1,991523,0,,1,1,1 -792,1,219610,0,2030,1,1,1 -798,1,852036,0,,1,1,1 -821,1,335262,0,1410,1,1,1 -821,2,335263,0,1730,1,1,1 -827,1,257628,0,1400,1,1,1 -842,1,308366,0,1550,1,1,1 -848,1,779975,0,,1,1,1 -881,1,441752,0,,1,1,1 -883,1,158391,0,,1,1,1 -884,1,704601,1,1811,1,2,1 -886,1,533702,0,2025,1,1,1 -901,1,378445,0,1015,1,1,1 -912,1,451124,0,2100,1,1,1 -913,1,216452,0,1812,1,2,1 -915,1,618032,0,1327,1,1,1 -920,1,552885,0,1827,1,1,1 -937,1,390104,0,1503,1,2,1 -939,1,775307,0,1130,1,1,1 -941,1,484877,0,1400,1,1,1 -949,1,261168,0,1600,1,1,1 -950,1,969208,0,1912,1,1,1 -968,1,189834,0,1515,1,1,1 -970,1,428652,0,1500,1,1,1 -971,1,815151,0,2200,1,1,1 -972,1,229559,1,0006,1,2,2 -976,1,992195,1,1446,2,2,1 -1001,1,565727,0,2000,1,1,1 -1017,1,869607,0,2235,1,2,1 -1021,1,315806,0,,1,1,1 -1030,1,561322,0,2130,1,1,1 -1067,1,197843,0,,1,1,1 -1070,1,306305,0,2000,1,1,1 -1070,2,306306,0,2330,1,1,1 -1071,1,210143,0,,1,1,1 -1085,1,628393,0,1600,1,1,1 -1095,1,864348,0,1153,1,1,1 -1098,1,224751,0,,1,1,3 -1104,1,705127,0,1605,1,1,1 -1105,1,610483,12,1528,2,2,1 -1109,1,709325,0,,1,1,1 -1131,1,334445,1,,1,1,1 -1132,1,317211,0,2335,1,1,1 -1140,1,576439,0,1110,1,1,1 -1173,1,289248,2,1513,1,1,3 -1176,1,518310,0,1558,1,2,1 -1177,1,183013,0,,1,1,1 -1178,1,197025,0,2255,1,2,1 -1192,1,165797,0,,1,1,1 -1196,1,511110,0,1700,1,1,1 -1197,1,941181,0,1830,1,1,1 -1247,1,236930,0,,1,1,1 -1249,1,210169,0,,1,1,1 -1254,1,289261,0,2240,1,1,3 -1260,1,478635,0,2153,1,2,1 -1263,1,568102,0,1630,1,1,1 -1265,1,492006,2,0533,2,2,2 -1273,1,483352,0,,1,1,1 -1308,1,1007355,12,1510,2,2,2 -1313,1,574055,14,1630,2,2,2 -1313,2,574056,15,1145,2,2,2 -1326,1,317484,0,1625,1,1,1 -1328,1,245018,0,,1,1,1 -1332,1,203676,0,,1,1,1 -1349,1,1016539,0,2305,1,1,1 -1365,1,951546,0,1820,1,1,1 -1371,1,420924,1,0015,1,1,1 -1416,1,146269,0,1630,1,1,1 -1418,1,391427,0,1444,1,1,2 -1424,1,442337,0,2200,1,1,1 -1470,1,293783,11,0852,3,2,1 -1471,1,209543,0,,1,1,1 -1482,1,763148,0,,1,1,1 -1524,1,188232,0,,1,1,1 -1528,1,612231,0,1512,1,1,1 -1538,1,569529,0,,1,1,1 -1567,1,489566,0,2230,1,1,1 -1594,1,704947,0,,1,1,1 -1595,1,249732,0,,1,1,1 -1618,1,450155,0,2337,1,2,1 -1623,1,1007272,0,1245,1,1,1 -1626,1,700835,0,2200,1,1,1 -1644,1,303796,0,1830,1,1,1 -1645,1,800211,1,1253,2,2,1 -1653,1,735007,0,0900,1,1,1 -1671,1,193216,0,,1,1,1 -1719,1,870130,0,,1,1,1 -1728,1,865533,0,1030,1,1,1 -1744,1,289452,0,,1,1,1 -1749,1,934954,0,1945,1,1,1 -1759,1,924895,0,2030,1,1,1 -1760,1,817202,2,1156,2,2,2 -1770,1,298322,0,,1,1,1 -1791,1,174042,0,,1,1,1 -1807,1,390099,0,2033,1,1,1 -1815,1,135222,0,,1,1,1 -1831,1,768464,0,,1,1,1 -1843,1,791781,0,2300,1,1,1 -1853,1,672899,0,2251,1,2,1 -1860,1,308767,0,,1,1,1 -1861,1,166919,5,1508,4,2,1 -1882,1,480290,0,2150,1,1,1 -1910,1,987335,0,2043,1,1,1 -1912,1,317490,0,1700,1,1,1 -1914,1,251713,0,,1,1,1 -1944,1,421397,0,1500,1,1,1 -1947,1,527791,0,0900,1,1,1 -1950,1,1012386,0,1015,1,1,1 -1961,1,233092,0,,1,1,1 -1974,1,787953,0,1940,1,2,1 -1990,1,929964,3,1215,2,2,2 -2014,1,620943,0,0305,1,1,1 -2033,1,269374,0,1908,1,1,1 -2052,1,807134,0,1630,1,1,1 -2106,1,289254,0,1400,1,1,1 -2123,1,451107,0,1137,1,1,1 -2136,1,953289,0,,1,1,1 -2147,1,848141,0,,1,1,1 -2156,1,860601,0,1415,1,1,1 -2177,1,610669,0,2359,1,1,1 -2182,1,378335,0,1330,1,1,1 -2197,1,369178,0,0945,1,1,1 -2204,1,273381,0,,1,1,1 -2207,1,189940,0,0910,1,1,1 -2214,1,207730,0,,1,1,1 -2222,1,195039,0,,1,1,1 -2233,1,377853,0,1330,1,1,1 -2242,1,848232,0,,1,1,1 -2269,1,629879,0,2203,1,2,1 -2272,1,854666,0,1345,1,3,2 -2279,1,624948,0,1745,1,2,1 -2304,1,886599,0,,1,1,1 -2317,1,359559,0,,1,1,1 -2321,1,243472,0,2300,1,1,1 -2333,1,896124,0,1150,1,1,1 -2343,1,746895,0,0200,1,1,1 -2348,1,960679,0,1940,1,1,1 -2350,1,330832,0,1300,1,3,1 -2352,1,744643,0,1740,1,2,1 -2366,1,938379,1,0051,1,2,1 -2395,1,377475,0,1021,1,1,1 -2396,1,624616,0,1925,1,1,1 -2401,1,317548,0,2115,1,1,1 -2403,1,624390,0,0120,1,1,1 -2404,1,524402,0,1410,1,1,1 -2413,1,183044,0,,1,1,1 -2414,1,734785,1,1420,1,1,1 -2416,1,593769,0,1545,1,1,1 -2421,1,737591,18,0951,2,2,1 -2462,1,461970,0,,1,1,1 -2478,1,317005,0,2100,1,1,2 -2511,1,990101,11,1128,2,2,1 -2516,1,132325,0,,1,1,1 -2521,1,308001,0,2130,1,1,1 -2523,1,636536,0,,1,1,1 -2536,1,544745,0,1924,1,1,1 -2540,1,903871,0,,1,1,1 -2544,1,294851,0,,1,1,1 -2546,1,299337,0,,1,1,1 -2547,1,377572,0,0150,1,1,1 -2563,1,544692,0,1330,1,1,1 -2575,1,271086,0,,1,1,1 -2575,2,271087,1,1010,2,2,1 -2576,1,394297,0,0159,1,1,1 -2577,1,250077,0,,1,1,1 -2592,1,513619,0,1644,1,2,1 -2593,1,647880,0,,1,1,1 -2599,1,1007975,0,1457,1,2,1 -2601,1,344106,0,1455,1,1,1 -2618,1,297818,0,,1,1,1 -2621,1,194179,0,2300,1,1,1 -2625,1,191503,0,,1,1,1 -2628,1,317554,0,1648,1,1,1 -2640,1,299330,0,,1,1,1 -2658,1,745522,0,1606,1,2,1 -2700,1,164914,0,,1,1,1 -2710,1,860008,0,0330,1,1,1 -2711,1,470763,0,2355,1,1,1 -2720,1,553152,0,1530,1,1,1 -2726,1,592164,0,1250,1,1,1 -2732,1,288499,0,,1,1,1 -2745,1,207337,0,1800,1,3,1 -2749,1,335282,0,1430,1,1,1 -2750,1,243438,0,1700,1,1,1 -2753,1,926725,0,2150,1,1,1 -2799,1,382340,0,2230,1,1,1 -2864,1,267635,0,,1,1,1 -2871,1,394224,0,1614,1,1,1 -2901,1,230673,0,2203,1,2,1 -2905,1,506121,0,1536,1,1,1 -2910,1,264585,0,1045,1,1,1 -2926,1,377778,0,2300,1,1,1 -2933,1,956935,0,2030,1,1,1 -2947,1,469969,10,0836,2,2,1 -2947,2,469970,13,1115,2,2,1 -2954,1,649598,0,1100,1,1,1 -2992,1,1016520,0,1745,1,1,1 -3006,1,553362,0,1110,1,1,1 -3020,1,289656,0,,1,1,1 -3021,1,224834,0,,1,1,1 -3031,1,251842,0,,1,1,1 -3043,1,422211,0,1609,1,1,1 -3057,1,261071,0,1530,1,1,1 -3073,1,298438,0,,1,1,1 -3074,1,965310,0,0300,1,1,1 -3114,1,308322,0,2030,1,1,1 -3116,1,196805,0,,1,1,1 -3120,1,454166,0,1950,1,1,1 -3129,1,474042,0,,1,1,1 -3138,1,1006572,0,,1,1,1 -3143,1,267523,0,,1,1,1 -3150,1,252456,0,,1,1,3 -3152,1,746890,0,2340,1,1,1 -3177,1,389881,0,1500,1,1,1 -3189,1,317585,0,1342,1,1,1 -3190,1,420818,0,0400,1,1,1 -3205,1,399460,0,,1,1,1 -3224,1,303209,0,2128,1,1,2 -3226,1,610801,0,1715,1,1,1 -3238,1,194969,0,,1,1,1 -3242,1,1018433,1,2300,1,1,1 -3245,1,439618,11,1811,1,1,1 -3259,1,810338,0,2156,1,1,1 -3281,1,222452,1,,1,1,1 -3281,2,295089,0,,1,1,1 -3285,1,946165,0,,1,1,1 -3297,1,794702,3,0825,2,2,2 -3304,1,601443,1,0205,1,2,1 -3319,1,317462,0,2330,1,1,1 -3330,1,529257,3,1017,2,2,1 -3334,1,475745,3,0947,2,2,1 -3348,1,306105,0,2159,1,1,1 -3350,1,259307,0,,1,1,1 -3374,1,523166,3,1015,2,2,1 -3380,1,153781,0,,1,1,1 -3384,1,1015118,18,1008,2,2,2 -3385,1,765870,0,1605,1,1,1 -3420,1,803306,0,,1,1,1 -3437,1,382635,1,1748,2,2,1 -3453,1,258033,0,,1,1,1 -3456,1,933704,0,1220,1,1,1 -3499,1,299354,0,,1,1,1 -3503,1,427112,0,,1,1,1 -3513,1,708039,0,,1,1,1 -3517,1,210370,0,,1,1,1 -3521,1,700915,0,1630,1,1,1 -3528,1,933789,1,1527,2,2,2 -3528,2,933790,4,1214,2,2,2 -3531,1,196242,1,2310,2,2,1 -3567,1,599300,0,2115,1,1,1 -3586,1,707495,0,,1,1,1 -3587,1,498314,0,1926,1,1,1 -3589,1,954543,0,,1,1,1 -3590,1,345771,0,1900,1,1,1 -3591,1,595738,0,2030,1,1,1 -3596,1,647702,0,,1,1,1 -3623,1,592233,0,0205,1,1,1 -3624,1,710397,0,1553,1,1,1 -3703,1,298682,0,,1,1,1 -3707,1,308477,0,1956,1,1,1 -3714,1,910169,0,0940,1,1,1 -3726,1,569463,0,,1,1,1 -3762,1,215128,3,1703,1,2,2 -3768,1,991376,0,1323,1,2,1 -3773,1,354986,0,,1,1,1 -3781,1,974919,0,,1,1,1 -3782,1,342232,0,1320,1,1,1 -3787,1,786419,0,1920,1,1,1 -3795,1,934946,0,1950,1,1,1 -3805,1,566213,0,2120,1,1,1 -3842,1,910238,0,1910,1,1,1 -3861,1,765819,0,1900,1,1,2 -3870,1,448478,1,0933,2,2,2 -3879,1,1027749,0,2300,2,1,1 -3884,1,763183,0,,1,1,1 -3885,1,210429,0,,1,1,1 -3895,1,764983,0,,1,1,1 -3900,1,844834,0,,1,1,1 -3920,1,826869,0,,1,1,1 -3923,1,138601,0,,1,1,1 -3933,1,329199,0,,1,1,1 -3976,1,924186,1,0003,1,1,1 -3980,1,561289,0,2100,1,1,2 -4011,1,924342,0,2159,1,2,1 -4022,1,978586,0,,1,1,3 -4025,1,317565,0,1850,1,1,1 -4026,1,474326,0,0905,1,1,1 -4027,1,359986,3,0016,2,2,2 -4039,1,563273,1,1040,1,1,1 -4042,1,992676,1,,1,1,1 -4047,1,786401,0,1621,1,1,1 -4055,1,595913,0,0100,1,1,1 -4056,1,926390,0,0600,1,1,1 -4062,1,292928,3,1345,2,2,2 -4062,2,292929,12,1423,2,2,2 -4062,3,292930,26,0822,3,2,2 -4075,1,864586,0,,1,1,1 -4076,1,401567,26,1255,3,2,1 -4077,1,298761,0,,1,1,1 -4079,1,156484,0,,1,1,1 -4081,1,284087,0,,1,1,1 -4088,1,779068,1,1845,2,3,1 -4091,1,301897,0,,1,1,1 -4094,1,393740,0,1610,1,1,1 -4101,1,210233,0,,1,1,1 -4121,1,317542,0,0130,1,1,1 -4130,1,357856,0,1400,1,2,1 -4144,1,940337,0,2200,1,1,1 -4151,1,510363,0,1848,1,1,1 -4153,1,258626,0,,1,1,1 -4159,1,864976,0,,1,1,1 -4165,1,898989,3,1101,2,2,2 -4180,1,334696,0,2200,1,1,1 -4183,1,401535,0,,1,1,1 -4193,1,1015127,9,1456,2,2,2 -4201,1,297466,0,,1,1,1 -4207,1,298715,0,,1,1,1 -4225,1,329484,0,,1,1,1 -4260,1,764881,0,,1,1,1 -4261,1,317123,0,1434,1,1,1 -4266,1,723031,0,1813,1,1,1 -4266,2,723032,0,1951,1,2,1 -4268,1,367854,1,0151,1,2,1 -4271,1,335343,0,,1,1,1 -4285,1,478239,0,1000,1,1,1 -4306,1,317018,0,0600,1,1,1 -4323,1,396566,0,1810,1,1,1 -4330,1,1007153,0,1700,1,1,1 -4340,1,877812,0,0430,1,1,1 -4364,1,480207,0,2230,1,1,1 -4366,1,185982,0,0130,1,1,1 -4377,1,120157,0,1153,1,2,1 -4383,1,394272,0,1113,1,1,1 -4385,1,775160,0,2245,1,1,1 -4396,1,557154,0,,1,1,1 -4410,1,904372,0,1322,1,3,1 -4436,1,566764,0,1745,1,1,1 -4465,1,317024,0,2045,1,1,1 -4472,1,723989,0,0914,1,1,1 -4475,1,983927,0,,1,1,1 -4482,1,146246,0,1815,1,1,1 -4498,1,288891,0,,1,1,1 -4501,1,308112,0,1215,1,1,1 -4507,1,722952,0,1608,1,2,2 -4510,1,163795,1,1539,2,2,1 -4527,1,957223,0,,1,1,1 -4557,1,611661,6,1735,2,2,1 -4557,2,611662,9,1615,2,2,1 -4576,1,929995,0,1712,1,1,1 -4581,1,287791,0,,1,1,1 -4619,1,313320,0,,1,1,1 -4620,1,838183,0,,1,1,1 -4636,1,679917,0,2216,1,1,2 -4642,1,193292,0,,1,1,1 -4642,2,193293,9,1333,2,2,2 -4645,1,514086,0,,1,1,1 -4649,1,234027,0,,1,1,1 -4657,1,892015,0,,1,1,1 -4659,1,317109,0,2340,1,1,1 -4665,1,414650,0,1822,1,2,1 -4669,1,791876,0,1515,1,1,1 -4679,1,234056,0,,1,1,1 -4693,1,293347,3,1605,2,2,1 -4695,1,774254,0,,1,1,1 -4709,1,411065,0,2015,1,1,1 -4722,1,290946,0,1900,1,1,1 -4726,1,256244,0,,1,1,1 -4742,1,301523,3,1639,2,1,2 -4757,1,947740,1,1100,2,2,2 -4757,2,969798,27,0841,3,2,2 -4777,1,163581,0,,1,1,1 -4792,1,194137,0,2205,1,1,1 -4801,1,185993,0,1430,1,1,1 -4806,1,401629,0,,1,1,1 -4811,1,497493,0,2118,1,1,1 -4814,1,361228,0,2205,1,2,1 -4816,1,886541,0,,1,1,1 -4842,1,551528,0,1601,1,2,1 -4869,1,579213,0,2000,1,1,1 -4880,1,145893,0,1200,1,1,2 -4896,1,600731,0,0725,1,1,1 -4909,1,411890,0,0420,1,1,1 -4911,1,807172,0,0403,1,1,1 -4922,1,365733,0,,1,1,1 -4930,1,299341,0,,1,1,1 -4934,1,531469,0,1445,1,1,1 -4936,1,451256,1,1119,2,2,2 -4937,1,234046,0,,1,1,1 -4944,1,210090,0,,1,1,1 -4947,1,483022,0,0055,1,1,1 -4950,1,422329,0,1915,1,1,1 -4975,1,427233,0,,1,1,1 -5000,1,189895,0,,1,1,1 -5010,1,271030,0,,1,1,1 -5028,1,377679,0,2200,1,1,1 -5032,1,160633,6,1143,3,2,1 -5032,2,176076,0,,1,1,1 -5037,1,345723,0,1453,1,1,1 -5048,1,271772,0,,1,1,1 -5071,1,965543,6,1845,2,2,1 -5080,1,334829,0,2356,1,1,1 -5086,1,487060,0,0445,1,1,1 -5087,1,143403,0,2240,1,1,1 -5100,1,518007,0,2237,1,1,1 -5107,1,569479,0,,1,1,1 -5127,1,428780,0,0400,1,1,1 -5133,1,377588,0,1630,1,1,1 -5159,1,257650,0,1233,1,1,1 -5161,1,965464,0,,1,1,1 -5178,1,1011254,0,,1,1,1 -5220,1,480259,0,0209,1,1,1 -5237,1,960732,0,2020,1,1,1 -5238,1,976920,0,,1,1,1 -5249,1,308372,0,1515,1,1,2 -5253,1,546459,0,1530,1,1,1 -5269,1,264594,0,1612,1,1,1 -5275,1,303877,0,2000,1,1,1 -5292,1,146184,0,2030,1,1,1 -5295,1,303924,0,1600,1,1,1 -5303,1,317276,0,0305,1,1,1 -5310,1,581016,0,2015,1,1,1 -5317,1,918818,0,2306,1,2,1 -5321,1,298790,0,,1,1,1 -5324,1,1008138,0,1000,1,1,1 -5345,1,471692,0,1700,1,1,1 -5351,1,779551,0,0545,1,1,1 -5367,1,152454,0,1455,1,1,1 -5418,1,818902,0,1220,1,1,1 -5421,1,643107,0,1800,1,1,1 -5429,1,508098,0,,1,1,1 -5435,1,299333,0,,1,1,1 -5445,1,956984,0,1640,1,1,1 -5466,1,297524,0,,1,1,1 -5475,1,564455,0,1145,1,1,1 -5483,1,317389,0,0255,1,1,1 -5491,1,860560,1,0227,1,1,1 -5493,1,723618,0,2020,1,2,1 -5497,1,972046,0,1813,1,2,2 -5503,1,837754,0,2130,1,1,1 -5506,1,365639,0,,1,1,1 -5511,1,317050,0,1415,1,1,1 -5554,1,132531,0,1724,1,2,1 -5590,1,1004151,0,2250,1,1,1 -5615,1,113294,0,,1,1,1 -5619,1,807175,0,1201,1,1,1 -5649,1,194158,0,2320,1,1,1 -5651,1,836867,0,1620,1,1,1 -5654,1,469471,0,2158,1,2,1 -5658,1,870206,0,,1,1,1 -5672,1,272870,0,,1,1,1 -5699,1,289429,0,,1,1,1 -5719,1,306769,0,,1,1,1 -5723,1,158176,0,1825,1,2,1 -5738,1,164858,0,,1,1,1 -5741,1,317571,0,1615,1,1,1 -5750,1,644068,0,2030,1,1,1 -5765,1,297778,0,,1,1,1 -5783,1,317532,0,2100,1,2,1 -5785,1,727489,1,0804,2,2,2 -5810,1,369860,0,2353,1,1,2 -5815,1,154491,0,,1,1,1 -5824,1,827917,0,1240,1,1,1 -5826,1,153827,0,,1,1,1 -5843,1,630009,0,2125,1,1,1 -5854,1,553081,0,1545,1,1,1 -5855,1,258976,0,,1,1,1 -5863,1,321182,0,,1,1,1 -5868,1,317076,1,0100,1,1,1 -5872,1,168029,0,,1,1,1 -5880,1,210077,0,,1,1,1 -5881,1,297456,0,,1,1,1 -5884,1,874615,0,,3,1,1 -5894,1,534269,11,1551,2,2,2 -5925,1,333923,2,1136,2,2,1 -5944,1,271283,0,,1,1,1 -5960,1,251793,0,,1,1,1 -5978,1,377667,0,2230,1,1,1 -5984,1,258032,0,,1,1,1 -5997,1,178786,0,,1,1,1 -6001,1,232888,0,,1,1,1 -6006,1,566196,0,1630,1,1,1 -6015,1,420888,0,1358,1,1,1 -6073,1,145970,0,1800,1,1,1 -6083,1,224875,0,,1,1,1 -6092,1,317478,0,0250,1,1,1 -6093,1,540248,0,1530,1,1,1 -6107,1,650875,1,1238,2,2,1 -6109,1,515231,0,2121,1,2,2 -6146,1,481822,0,2040,1,1,1 -6148,1,421030,0,1947,1,1,1 -6149,1,974611,0,1930,1,1,1 -6167,1,253627,0,2125,1,1,1 -6186,1,880886,0,1330,1,1,1 -6202,1,925172,0,2020,1,1,1 -6205,1,266355,10,2312,2,2,2 -6210,1,592019,0,1245,1,1,1 -6225,1,264630,0,1645,1,1,1 -6236,1,297563,0,,1,1,1 -6253,1,162855,0,,1,1,1 -6257,1,354994,0,,1,1,1 -6271,1,184796,0,2230,1,1,1 -6293,1,289966,0,,1,1,1 -6345,1,812243,0,1521,1,1,1 -6360,1,299336,0,,1,1,1 -6362,1,758637,4,1050,2,2,2 -6367,1,145877,0,1000,1,1,1 -6368,1,621408,1,0832,1,2,1 -6387,1,941470,3,1115,2,2,2 -6387,2,948531,0,1645,1,1,1 -6389,1,316993,0,2200,1,1,1 -6405,1,216628,0,2230,1,1,1 -6406,1,816228,0,,1,1,1 -6420,1,847802,0,2239,1,2,1 -6462,1,896264,0,0430,1,1,1 -6474,1,380520,5,1348,2,2,1 -6474,2,380521,6,2144,2,2,1 -6492,1,866788,0,,1,1,1 -6497,1,299366,0,,1,1,1 -6506,1,224328,0,,1,1,1 -6511,1,752288,0,0814,1,1,1 -6511,2,752289,3,2020,2,2,1 -6526,1,289166,0,0700,1,1,3 -6548,1,803002,0,,1,1,1 -6557,1,751537,0,0300,1,1,1 -6569,1,811043,0,,1,1,1 -6579,1,807170,0,2000,1,1,1 -6583,1,299357,0,,1,1,1 -6599,1,982164,0,0956,1,1,2 -6600,1,259465,0,2245,1,1,1 -6617,1,244025,2,0907,1,2,2 -6639,1,715448,0,1101,1,1,1 -6642,1,451824,0,0738,1,1,2 -6644,1,400614,0,,1,1,1 -6656,1,529247,0,1400,1,1,1 -6665,1,286739,0,,1,1,1 -6694,1,203160,0,,1,1,1 -6701,1,303909,0,1100,1,1,1 -6705,1,877066,23,1142,2,2,1 -6708,1,767759,0,,1,1,1 -6713,1,1007087,0,2200,1,1,1 -6749,1,598032,0,1154,1,1,1 -6797,1,810977,12,1411,2,2,1 -6809,1,185935,0,0200,1,1,1 -6813,1,255228,0,,1,1,1 -6829,1,135169,0,,1,1,1 -6832,1,224791,0,,1,1,1 -6853,1,490910,1,1426,2,3,1 -6857,1,610734,0,0330,1,1,1 -6860,1,210272,2,1114,1,2,1 -6878,1,420945,0,0947,1,3,1 -6883,1,765084,0,,1,1,1 -6913,1,166707,0,,1,1,1 -6926,1,334594,5,1519,2,2,1 -6935,1,487111,0,1235,1,1,1 -6941,1,628336,0,1550,1,1,1 -6943,1,811544,0,1510,1,1,1 -6963,1,231865,0,0330,1,1,2 -6974,1,896178,0,2158,1,1,1 -6977,1,218586,0,,1,1,1 -6993,1,414258,0,1630,1,2,1 -6997,1,860619,0,2140,1,1,1 -7018,1,766001,0,1905,1,1,1 -7038,1,146235,0,2015,1,1,1 -7048,1,267356,0,,1,1,1 -7056,1,637685,0,2000,1,1,1 -7067,1,289748,0,,1,1,1 -7082,1,831333,0,,1,1,1 -7087,1,464455,0,2014,1,1,2 -7125,1,946137,0,,1,1,1 -7130,1,258992,0,,1,1,1 -7134,1,378447,0,2010,1,1,1 -7140,1,397105,0,0622,1,1,1 -7166,1,136131,0,1400,1,1,1 -7177,1,999161,0,2200,1,1,1 -7182,1,426118,13,1524,2,2,1 -7208,1,306799,0,,1,1,1 -7228,1,224172,17,0939,2,2,2 -7232,1,160972,0,,1,1,1 -7276,1,827383,12,0930,2,2,1 -7280,1,764946,0,,1,1,1 -7284,1,977046,0,2015,1,2,1 -7294,1,334748,0,1710,1,1,1 -7299,1,860483,0,0110,1,1,1 -7317,1,956914,0,1150,1,1,1 -7325,1,647753,0,,1,1,1 -7354,1,892792,0,1733,1,2,1 -7361,1,832596,1,2110,3,3,1 -7370,1,343487,0,1739,1,2,1 -7408,1,425802,1,1240,4,3,1 -7419,1,599185,0,1845,1,1,1 -7433,1,954226,0,1711,1,2,2 -7435,1,389971,0,0410,1,1,1 -7439,1,298691,0,,1,1,1 -7445,1,599324,0,1700,1,1,1 -7456,1,332966,0,,1,1,1 -7463,1,299334,0,,1,1,1 -7492,1,825801,0,1622,1,1,1 -7497,1,427411,0,,1,1,1 -7498,1,934955,0,0249,1,1,1 -7505,1,411122,1,0058,1,1,1 -7524,1,297542,0,,1,1,1 -7526,1,210360,0,,1,1,1 -7529,1,421118,0,2128,1,1,2 -7541,1,922335,0,,1,1,1 -7557,1,378380,0,1155,1,1,3 -7577,1,932329,0,1130,1,2,1 -7595,1,637802,0,1845,1,1,1 -7602,1,299358,0,,1,1,1 -7606,1,312347,0,1500,1,2,1 -7607,1,1003891,0,,1,1,1 -7624,1,210189,0,,1,1,1 -7625,1,327567,0,,1,1,1 -7633,1,131448,0,1730,1,1,1 -7663,1,621409,29,1011,3,2,1 -7676,1,578011,0,1603,1,1,2 -7682,1,154841,0,,1,1,1 -7703,1,863138,0,1020,1,1,1 -7727,1,811765,0,1124,2,2,2 -7763,1,308533,0,,1,1,1 -7769,1,891825,0,2122,1,2,1 -7788,1,860134,0,0300,1,1,1 -7803,1,839997,0,,1,1,1 -7821,1,317526,0,0430,1,1,1 -7822,1,1008181,0,0549,1,1,1 -7839,1,623967,0,0530,1,1,1 -7843,1,210119,0,,1,1,1 -7850,1,745013,0,,1,1,1 -7855,1,892056,0,1730,1,1,1 -7862,1,593815,0,1910,1,1,1 -7889,1,648467,13,1520,3,3,1 -7895,1,419594,0,1045,1,1,1 -7909,1,836914,0,1633,1,1,1 -7929,1,228726,0,,1,1,1 -7935,1,807168,0,2300,1,1,1 -7958,1,303825,0,1210,1,1,1 -7961,1,443635,0,1954,1,2,1 -7963,1,301892,0,,1,1,1 -8005,1,203641,0,2230,1,2,1 -8006,1,258034,0,,1,1,1 -8037,1,437305,1,1632,1,2,1 -8068,1,999211,0,1300,1,1,1 -8127,1,982186,0,0656,1,1,1 -8145,1,377460,0,2147,1,1,1 -8156,1,290817,5,1124,3,2,1 -8160,1,188124,0,,1,1,1 -8193,1,493127,0,1810,1,1,1 -8202,1,308090,0,1645,1,1,1 -8243,1,454014,0,1705,1,1,1 -8244,1,154575,0,2030,1,2,1 -8251,1,302188,0,1640,1,1,1 -8251,2,302189,0,2040,1,1,1 -8262,1,594448,22,1015,2,2,1 -8265,1,345664,0,1600,1,1,1 -8277,1,448812,0,1600,1,1,1 -8305,1,723078,0,2141,1,2,1 -8308,1,727882,0,,1,1,1 -8366,1,803164,1,,1,1,1 -8384,1,569065,0,1400,1,1,1 -8412,1,420824,0,0330,1,1,1 -8441,1,464971,0,1230,1,1,1 -8469,1,442045,0,,1,1,1 -8490,1,600787,0,0230,1,1,1 -8493,1,504814,1,1853,2,2,2 -8494,1,625938,0,1044,1,1,1 -8497,1,764933,0,,1,1,1 -8505,1,420765,0,1830,1,1,1 -8536,1,328194,0,,1,1,1 -8555,1,295896,0,,1,1,1 -8566,1,462885,0,0458,1,2,1 -8580,1,1034491,0,2308,1,1,1 -8586,1,531119,0,1031,1,1,1 -8587,1,187677,0,1833,1,1,1 -8611,1,987149,12,1003,2,2,1 -8624,1,395044,0,0507,1,1,1 -8637,1,965434,0,,1,1,1 -8641,1,791809,0,1320,1,1,1 -8663,1,731770,0,,1,1,1 -8678,1,561214,0,0300,1,1,1 -8680,1,529395,0,1547,1,1,1 -8698,1,250478,0,,1,1,1 -8711,1,394278,0,1657,1,1,1 -8727,1,185971,0,0040,1,1,1 -8728,1,207221,5,1131,2,2,1 -8728,2,207222,12,1208,2,2,1 -8730,1,289815,0,,1,1,1 -8737,1,506635,0,1939,1,1,1 -8760,1,282313,0,1400,1,1,2 -8768,1,746893,0,1000,1,1,1 -8785,1,875679,0,2300,1,1,1 -8794,1,860170,0,2330,1,1,1 -8794,2,860171,0,2340,1,1,1 -8795,1,491587,0,2121,1,1,1 -8815,1,962002,0,,1,1,1 -8820,1,299328,0,,1,1,1 -8834,1,146262,0,2300,1,1,1 -8835,1,962087,0,,1,1,1 -8836,1,254191,0,1824,1,1,1 -8847,1,884160,0,1453,1,2,1 -8848,1,564494,0,1000,1,1,1 -8864,1,427249,0,,1,1,1 -8867,1,882681,1,1400,2,2,2 -8868,1,289762,0,,1,1,1 -8920,1,254171,0,1835,1,1,1 -8955,1,359947,0,1710,1,1,1 -8957,1,675841,0,1600,1,1,1 -8964,1,544698,0,0015,1,1,1 -8974,1,827915,0,1823,1,1,1 -8975,1,334049,0,,1,1,1 -8977,1,146275,0,0400,1,1,1 -8983,1,730831,0,2211,1,1,1 -8986,1,365775,0,,1,1,1 -8996,1,345478,0,,1,1,1 -8998,1,199442,1,1405,1,1,1 -9005,1,658264,0,,1,1,1 -9009,1,219780,0,0430,1,1,1 -9014,1,289147,0,2020,1,1,1 -9019,1,518118,0,0800,1,1,1 -9025,1,541805,0,0210,1,1,1 -9036,1,952053,0,2300,1,1,1 -9045,1,272155,0,,1,1,1 -9061,1,562083,0,1400,1,1,1 -9064,1,599241,0,0845,1,1,1 -9069,1,297791,0,,1,1,1 -9074,1,746922,0,2250,1,1,1 -9087,1,190234,1,1614,2,2,1 -9090,1,152024,0,1640,1,1,1 -9093,1,580715,1,1559,2,3,1 -9116,1,432216,0,,1,1,3 -9133,1,523340,1,1532,2,2,2 -9141,1,653941,0,,1,1,1 -9146,1,841448,0,0215,1,1,2 -9151,1,514480,0,2037,1,2,1 -9156,1,542553,0,1503,1,1,1 -9166,1,268913,0,,1,1,1 -9166,2,268914,3,1129,2,2,1 -9192,1,256274,0,,1,1,1 -9199,1,160396,0,,1,1,1 -9211,1,946184,0,,1,1,1 -9215,1,166108,0,0130,1,1,1 -9233,1,930934,0,,1,1,1 -9247,1,461654,1,0115,1,1,1 -9250,1,196920,0,,1,1,1 -9255,1,484970,0,1945,1,1,1 -9257,1,423645,0,1805,1,1,1 -9276,1,225020,0,,1,1,1 -9282,1,321232,0,,1,1,1 -9288,1,840894,0,1830,1,1,1 -9292,1,807145,0,2330,1,1,1 -9295,1,210318,0,,1,1,1 -9298,1,323324,0,,1,1,1 -9301,1,387698,0,1837,1,1,1 -9305,1,451424,0,1638,1,1,1 -9311,1,962468,0,2145,1,1,1 -9323,1,173936,2,1457,2,2,1 -9336,1,445523,1,1211,2,2,1 -9338,1,931377,0,1248,1,1,1 -9340,1,135181,0,,1,1,1 -9358,1,194357,0,,1,1,1 -9359,1,787624,0,2001,1,1,1 -9378,1,699609,0,1700,1,1,1 -9384,1,627046,0,1730,1,1,1 -9401,1,419904,0,1820,1,1,1 -9412,1,162821,0,,1,1,1 -9420,1,746898,0,0445,1,1,1 -9432,1,264604,0,1000,1,1,1 -9437,1,999696,0,2200,1,1,1 -9463,1,815370,1,0120,1,1,1 -9469,1,436919,0,1613,1,1,1 -9474,1,272910,0,,1,1,1 -9484,1,303990,0,2020,1,1,1 -9486,1,331911,0,1722,1,2,1 -9491,1,811295,0,,1,1,1 -9508,1,746887,0,1000,1,1,1 -9517,1,566115,0,0445,1,1,1 -9531,1,234000,0,,1,1,1 -9545,1,247710,0,1610,1,2,1 -9562,1,824657,0,1650,1,1,1 -9572,1,328116,0,2000,1,2,2 -9575,1,520265,0,1400,1,1,1 -9577,1,922305,0,,1,1,1 -9585,1,525951,0,1536,1,1,1 -9589,1,539027,0,2100,1,1,1 -9592,1,495563,0,0916,1,1,1 -9595,1,230647,0,,1,1,1 -9602,1,383799,0,2030,1,1,1 -9611,1,389475,0,2300,1,1,1 -9655,1,498588,26,1804,2,2,2 -9660,1,483170,0,,1,1,1 -9661,1,306273,0,,1,1,1 -9664,1,835526,3,0839,2,2,2 -9664,2,835527,3,1943,2,2,2 -9677,1,394195,0,0401,1,2,1 -9692,1,915435,0,1930,1,1,1 -9718,1,323452,0,,1,1,1 -9723,1,824537,0,,1,1,1 -9739,1,243498,0,2300,1,1,1 -9741,1,989105,3,1139,2,2,2 -9752,1,681147,0,1205,1,1,1 -9794,1,189619,0,1750,1,1,1 -9799,1,296645,0,2154,2,1,1 -9807,1,974807,0,,1,1,1 -9837,1,483013,0,2250,1,1,1 -9857,1,765032,0,,1,1,1 -9869,1,508131,0,,1,1,1 -9877,1,941329,0,2350,1,1,1 -9897,1,723906,0,1645,1,1,1 -9898,1,308454,0,1400,1,1,1 -9899,1,816310,0,1619,1,1,1 -9901,1,581971,0,1100,1,1,1 -9905,1,224940,0,,1,1,1 -9934,1,628461,0,1520,1,1,1 -9972,1,928802,0,2120,1,1,1 -10010,1,552516,3,1312,2,2,2 -10036,1,289179,0,1340,1,1,3 -10057,1,317172,0,0900,1,1,1 -10096,1,570908,0,0900,1,1,1 -10103,1,831640,0,,1,1,1 -10124,1,420724,1,1611,2,2,1 -10141,1,865387,0,,1,1,1 -10147,1,145846,0,1615,1,1,1 -10149,1,543154,0,2115,1,2,1 -10161,1,960822,0,1920,1,1,1 -10167,1,849036,0,2358,1,2,1 -10177,1,441044,0,2044,1,1,1 -10179,1,317440,0,1857,1,1,1 -10203,1,768343,0,,1,1,1 -10218,1,251744,0,,1,1,1 -10235,1,947358,1,0944,2,2,1 -10265,1,990549,0,,1,1,1 -10268,1,153826,0,,1,1,1 -10277,1,181505,0,2323,1,2,1 -10289,1,289719,0,,1,1,1 -10300,1,505003,3,0953,2,2,1 -10312,1,185855,0,0200,1,1,1 -10319,1,540732,0,1630,1,1,1 -10336,1,625073,0,2000,1,1,1 -10349,1,676078,0,,1,1,1 -10350,1,308033,0,2040,1,1,1 -10351,1,316775,0,2336,1,3,1 -10353,1,384396,5,1030,2,2,2 -10353,2,384397,9,0955,2,2,2 -10370,1,952243,0,1800,1,1,1 -10373,1,960178,0,,1,1,1 -10380,1,791824,0,1745,1,1,1 -10384,1,887681,0,1030,1,1,1 -10411,1,153805,0,,1,1,1 -10421,1,864871,0,,1,1,1 -10438,1,269057,0,,1,1,1 -10439,1,146220,0,0215,1,1,1 -10442,1,140939,0,,1,1,1 -10447,1,139046,0,,1,1,1 -10454,1,882334,0,,1,1,1 -10456,1,334101,1,,1,1,1 -10458,1,525812,0,1815,1,1,1 -10462,1,944495,0,,1,1,1 -10464,1,308503,0,1804,1,1,1 -10476,1,839836,0,,1,1,1 -10477,1,427056,0,,1,1,1 -10481,1,264617,0,2200,1,1,1 -10492,1,186015,0,2200,1,1,1 -10513,1,581953,0,1645,1,1,1 -10519,1,213618,0,,1,1,1 -10521,1,308295,0,1730,1,1,1 -10525,1,427097,0,,1,1,1 -10544,1,399503,0,,1,1,1 -10555,1,527002,0,,1,1,1 -10556,1,308516,0,,1,1,1 -10562,1,136176,0,,1,1,1 -10568,1,359824,5,2004,1,2,1 -10569,1,829403,1,0432,1,2,1 -10593,1,173198,0,1754,1,1,2 -10600,1,979749,2,1110,2,1,2 -10604,1,525140,0,1646,1,1,1 -10606,1,183049,0,,1,1,1 -10610,1,807154,0,2338,1,1,1 -10620,1,317269,0,1150,1,1,1 -10634,1,828032,0,0246,1,1,1 -10653,1,165266,0,2318,1,1,1 -10665,1,135216,0,,1,1,1 -10665,2,135217,4,1047,2,2,2 -10703,1,354957,0,1900,1,1,1 -10737,1,508436,0,2045,1,1,1 -10751,1,422174,0,1615,1,1,1 -10775,1,252936,0,,1,1,1 -10776,1,153326,2,0916,2,2,2 -10783,1,765917,1,0130,1,1,1 -10795,1,928560,0,1630,1,1,1 -10805,1,647527,0,,1,1,1 -10810,1,244928,0,,1,1,1 -10811,1,153465,0,,1,1,1 -10823,1,531258,0,1515,1,1,1 -10827,1,812061,0,,1,1,1 -10835,1,298534,0,,1,1,1 -10835,2,298535,0,,4,1,3 -10835,3,329834,3,1204,2,2,1 -10848,1,763214,0,,1,1,1 -10929,1,348686,4,0835,2,2,2 -10930,1,256919,0,,1,1,1 -10931,1,299329,0,,1,1,1 -10937,1,700785,0,0035,1,1,1 -10950,1,941490,0,1700,1,1,1 -10975,1,308526,0,,1,1,1 -11023,1,487107,0,1917,1,1,1 -11041,1,677173,0,0000,1,1,1 -11055,1,302427,0,,1,1,1 -11062,1,480224,0,0600,1,1,1 -11070,1,196608,0,2300,1,1,1 -11072,1,308413,0,2000,1,1,1 -11084,1,510260,0,2135,1,1,1 -11091,1,298586,0,,1,1,1 -11097,1,533032,0,1730,1,1,1 -11099,1,317297,0,1530,1,1,1 -11101,1,999340,0,1700,1,1,1 -11111,1,224856,0,,1,1,1 -11121,1,527501,0,1630,1,1,1 -11123,1,946352,0,,1,1,1 -11156,1,987387,1,1330,2,2,1 -11161,1,237538,1,,1,1,1 -11167,1,475064,0,1130,1,1,2 -11175,1,746919,3,2052,1,1,1 -11192,1,159577,0,,1,1,1 -11222,1,442228,0,2158,1,1,1 -11235,1,950766,0,1902,1,2,1 -11247,1,673862,14,1625,2,1,1 -11261,1,146205,0,1015,1,1,1 -11276,1,191902,0,2200,1,1,1 -11278,1,441003,0,,1,1,1 -11291,1,166030,0,2230,1,1,1 -11297,1,313295,0,,1,1,1 -11306,1,545569,0,1840,1,1,1 -11307,1,637720,0,1829,1,1,1 -11313,1,537302,1,1507,2,2,1 -11321,1,366521,2,2105,2,2,2 -11321,2,366522,17,1757,2,3,2 -11332,1,819036,0,2150,1,1,1 -11345,1,484811,0,1015,1,1,1 -11350,1,210780,0,,1,1,1 -11371,1,317358,0,1825,1,1,1 -11376,1,724083,0,,1,1,1 -11387,1,842840,0,1545,1,1,1 -11389,1,442262,0,2158,1,1,1 -11391,1,298361,0,,1,1,1 -11424,1,120199,0,1838,1,1,1 -11426,1,834881,0,,1,1,1 -11427,1,866270,2,1145,2,2,2 -11440,1,317775,4,1015,2,3,2 -11447,1,377510,0,0050,1,1,1 -11461,1,596252,0,1600,1,1,1 -11485,1,643396,0,2221,1,1,1 -11500,1,508153,0,,1,1,1 -11511,1,297504,0,,1,1,3 -11518,1,250565,0,2207,1,1,1 -11527,1,374294,0,,1,1,1 -11539,1,504241,0,,1,1,1 -11542,1,838725,0,1210,1,1,1 -11549,1,621404,1,0400,1,1,2 -11554,1,867449,0,1500,1,1,1 -11566,1,317380,0,1700,1,1,1 -11593,1,570782,0,1510,1,1,1 -11604,1,288506,0,,1,1,1 -11645,1,954749,3,1115,2,2,2 -11648,1,300607,0,,1,3,3 -11672,1,146129,0,1900,1,1,1 -11682,1,495365,2,1153,2,1,1 -11695,1,293244,0,,1,1,3 -11711,1,913956,1,,1,1,1 -11718,1,451157,0,2345,1,1,1 -11742,1,400877,1,1033,2,2,2 -11744,1,377544,0,0255,1,1,1 -11752,1,422249,0,1948,1,1,1 -11753,1,591846,0,1945,1,1,1 -11785,1,816324,0,1700,1,1,1 -11790,1,569487,0,,1,1,1 -11795,1,342200,0,2340,1,1,1 -11841,1,458851,2,0950,2,2,2 -11849,1,633250,0,1950,1,2,1 -11852,1,462299,1,0046,1,2,2 -11857,1,317307,0,2110,1,1,2 -11861,1,474316,0,0335,1,1,1 -11868,1,269194,0,,1,1,1 -11876,1,388493,1,1411,1,2,1 -11888,1,813326,0,1800,1,1,2 -11891,1,149231,0,2100,1,1,1 -11903,1,508220,0,,1,1,1 -11918,1,973560,0,2250,2,1,2 -11920,1,189811,0,1900,1,1,1 -11932,1,479214,0,1756,1,1,1 -11937,1,194071,2,1620,2,2,2 -11949,1,299351,0,,1,1,1 -11959,1,317195,0,1015,1,1,1 -12003,1,561265,0,2240,1,1,1 -12040,1,334651,0,2125,1,1,1 diff --git a/data/iai_pecarn/raw/form4bct.csv b/data/iai_pecarn/raw/form4bct.csv deleted file mode 100644 index b1b9ce16..00000000 --- a/data/iai_pecarn/raw/form4bct.csv +++ /dev/null @@ -1,2247 +0,0 @@ -subjectid,ctid,CTFindingsID,form4b2ndct,form4babdinj,form4bintrfluid,iaictpositive,abdcttrauma,form4bctnumber,abdctday,abdcttm1,ctafterlap -8,269797,177651,2,,,2,2,1,0,1800,2 -19,124350,150249,2,,,2,1,1,0,,2 -24,632711,213299,2,,,2,1,1,0,2029,2 -37,708922,229074,2,,,2,1,1,0,2223,2 -40,361669,148319,2,,,2,2,1,1,0055,2 -41,864321,244928,2,,,2,1,1,0,2126,2 -49,932585,240876,2,,,1,1,1,0,1224,2 -53,736972,229121,2,,,2,1,1,,,2 -55,430983,160954,2,,,1,1,1,0,,2 -56,366093,154925,2,,,2,2,1,0,2316,2 -57,923831,240378,2,,,2,1,1,0,,2 -60,290091,148338,2,,,2,1,1,0,1628,2 -60,290092,148339,1,5,5,2,2,2,0,2155,2 -64,872477,234887,2,,,2,2,1,0,2351,2 -68,675036,214679,2,,,2,1,1,0,1909,2 -75,380213,201457,2,,,1,1,1,0,1525,2 -82,417915,158706,2,,,2,1,1,0,2145,2 -83,495410,184980,2,,,2,1,1,0,,2 -85,321173,153514,2,,,1,1,1,0,1736,2 -90,864922,238096,2,,,1,1,1,1,0000,2 -90,869489,238097,1,1,3,1,1,2,3,0924,2 -101,353311,153513,2,,,1,1,1,0,1919,2 -109,851193,241190,2,,,2,2,1,0,1512,2 -111,219162,153453,2,,,1,1,1,0,1000,2 -115,848034,233934,2,,,1,1,1,0,1821,2 -121,923789,245341,2,,,2,1,1,0,2131,2 -131,473165,201420,2,,,2,1,1,1,0921,2 -132,329661,158656,2,,,1,1,1,0,,2 -132,329662,158657,1,1,4,2,2,2,3,,2 -140,607429,201464,2,,,1,1,1,,,2 -145,453586,165350,2,,,1,1,1,0,2107,2 -148,933216,245967,2,,,1,1,1,0,1055,2 -151,445170,172509,2,,,1,1,1,,,2 -167,978264,246101,2,,,2,1,1,0,1415,2 -169,959174,245963,2,,,1,1,1,1,0215,2 -170,967145,245803,2,,,1,1,1,0,2134,2 -173,169511,133321,2,,,1,1,1,0,1912,2 -173,857061,246266,,,,,,2,1,1447,1 -173,857062,246265,,,,,,3,15,2102,1 -173,857063,246263,,,,,,4,20,1344,1 -177,303389,147826,2,,,2,1,1,0,0442,2 -178,562122,201338,2,,,2,1,1,0,1818,2 -182,980341,246458,2,,,1,1,1,0,1516,2 -183,380385,154955,2,,,1,1,1,0,1322,2 -193,1015798,246870,2,,,2,1,1,0,0923,2 -197,585525,227243,2,,,2,2,1,0,2142,2 -202,244120,147874,2,,,2,2,1,0,1459,2 -204,942459,246807,2,,,1,1,1,0,1304,2 -211,200941,147829,2,,,2,1,1,0,0458,2 -220,579092,201460,2,,,2,1,1,0,0715,2 -227,433677,160984,2,,,2,1,1,0,,2 -235,135203,133364,2,,,2,1,1,0,1804,2 -244,600312,210103,2,,,1,1,1,0,1323,2 -263,180145,142580,2,,,2,1,1,,,2 -275,737923,213157,2,,,2,2,1,1,1159,2 -291,833184,234113,2,,,2,2,1,0,2300,2 -296,173220,133379,2,,,1,1,1,0,1900,2 -299,557764,201974,2,,,2,1,1,0,1035,2 -305,445731,158703,2,,,2,1,1,0,1643,2 -312,352237,154924,2,,,1,1,1,0,1822,2 -322,163339,165110,2,,,2,1,1,1,,2 -332,800034,229487,2,,,2,1,1,0,1919,2 -334,152749,133614,2,,,2,2,1,0,1923,2 -336,706991,213267,2,,,2,1,1,0,1400,2 -337,747950,213160,2,,,2,2,1,0,2241,2 -338,291140,154963,2,,,1,1,1,0,0931,2 -350,276577,153465,2,,,1,1,1,0,1925,2 -359,385827,153443,2,,,2,1,1,0,2037,2 -363,559048,226978,2,,,2,1,1,0,1330,2 -368,185703,241261,2,,,2,1,1,0,0345,2 -370,840997,237012,2,,,1,1,1,0,1326,2 -374,309101,158653,2,,,2,1,1,0,,2 -376,202302,133639,2,,,2,2,1,0,0257,2 -379,540252,204803,2,,,1,1,1,0,1849,2 -387,870370,238102,2,,,2,1,1,0,1510,2 -399,152603,134251,2,,,1,1,1,0,1003,2 -410,319379,155193,2,,,2,1,1,1,0030,2 -414,388543,155702,2,,,2,1,1,0,1036,2 -415,578035,227397,2,,,2,1,1,0,1646,2 -431,415937,202542,2,,,2,1,1,0,1830,2 -433,360624,158636,2,,,2,1,1,0,,2 -435,447473,158682,2,,,1,1,1,0,2234,2 -435,447869,158683,1,2,1,1,1,2,4,1315,2 -439,693716,236992,2,,,1,1,1,0,1539,2 -452,268142,153187,2,,,2,1,1,0,,2 -457,745590,242273,2,,,2,2,1,1,0130,2 -462,954521,246473,2,,,1,1,1,0,1219,2 -465,445057,172496,2,,,2,1,1,,,2 -469,895395,241128,2,,,1,1,1,0,1725,2 -472,542368,184962,2,,,2,2,1,0,,2 -477,714739,229127,2,,,1,1,1,,,2 -484,308071,155192,2,,,1,1,1,0,2102,2 -487,285166,147834,2,,,2,1,1,1,0122,2 -491,460195,201410,2,,,2,1,1,1,0803,2 -494,516782,217215,2,,,1,1,1,0,1257,2 -496,563579,204782,2,,,2,1,1,0,1753,2 -509,713864,225853,2,,,2,1,1,1,0309,2 -514,677118,213314,2,,,2,1,1,0,2120,2 -516,751713,246798,2,,,2,2,1,0,2227,2 -520,939223,258778,2,,,2,2,1,0,1729,2 -522,286748,153517,2,,,2,1,1,0,2050,2 -525,178006,173391,2,,,2,2,1,1,,2 -529,342485,155200,2,,,2,1,1,0,2115,2 -535,491422,210199,2,,,2,2,1,0,1506,2 -546,979361,246847,2,,,1,1,1,0,0100,2 -558,668904,228133,2,,,1,1,1,,,2 -558,1027751,249578,1,4,4,1,1,2,0,1815,2 -558,1027752,249579,1,1,3,1,1,3,3,0135,2 -563,142205,133900,2,,,1,1,1,,,2 -564,325267,155194,2,,,2,1,1,0,2047,2 -569,522186,213336,2,,,2,1,1,0,1913,2 -570,944826,245959,2,,,1,1,1,0,1005,2 -572,177203,142573,2,,,2,1,1,0,,2 -574,330684,148303,2,,,2,1,1,0,2005,2 -574,332716,148304,1,5,1,2,1,2,,,2 -576,546532,210178,2,,,2,1,1,0,1930,2 -577,767823,236905,2,,,1,1,1,0,2124,2 -580,577102,201461,2,,,2,1,1,0,1821,2 -586,219634,148283,2,,,2,1,1,,,2 -587,703804,213171,2,,,1,1,1,0,1635,2 -587,703805,213172,1,3,3,1,1,2,2,1103,2 -591,882150,247039,2,,,2,1,1,0,1828,2 -595,526401,213199,2,,,1,1,1,0,1313,2 -595,526404,213201,1,1,3,1,1,2,9,0506,2 -606,419953,246799,2,,,2,2,1,0,2107,2 -608,803094,228143,2,,,2,2,1,0,1818,2 -611,234447,153477,2,,,2,2,1,0,2117,2 -618,852153,237958,2,,,2,1,1,0,,2 -622,377672,242030,2,,,2,2,1,0,0115,2 -623,865435,234876,2,,,1,1,1,1,0039,2 -627,419859,172503,2,,,2,1,1,,,2 -632,246003,147872,2,,,1,1,1,0,,2 -642,761970,229069,2,,,2,2,1,0,1445,2 -648,414992,160965,2,,,2,1,1,0,,2 -650,403389,155713,2,,,2,2,1,0,2212,2 -654,381539,155594,2,,,2,2,1,0,1700,2 -655,679021,229133,2,,,2,1,1,,,2 -657,427003,158677,2,,,2,1,1,0,1341,2 -659,132767,201451,2,,,2,2,1,0,1828,2 -664,380011,155717,2,,,1,1,1,0,,2 -664,621990,229020,1,1,3,1,1,2,14,,2 -668,684666,229067,2,,,2,1,1,0,1900,2 -669,142537,134226,2,,,1,1,1,0,1927,2 -669,901397,233935,1,1,3,2,2,2,27,0834,2 -675,421319,158685,2,,,2,1,1,0,1820,2 -676,247240,147901,2,,,1,1,1,0,1955,2 -687,377536,242313,2,,,2,1,1,0,0222,2 -694,229815,153475,2,,,2,2,1,0,1957,2 -695,539483,226925,2,,,1,1,1,0,,2 -702,438476,158671,2,,,2,1,1,,,2 -708,1001562,247102,1,5,1,2,1,2,1,,2 -714,551585,201284,2,,,2,2,1,0,0935,2 -717,303006,142068,2,,,2,2,1,0,,2 -722,750513,226849,2,,,2,1,1,0,2226,2 -729,849991,244919,2,,,1,1,1,0,2305,2 -739,239093,153484,2,,,2,1,1,0,1603,2 -746,176140,133866,2,,,2,1,1,0,0326,2 -749,664985,224088,2,,,2,2,1,0,1852,2 -766,404256,214704,2,,,2,2,1,0,1633,2 -774,344964,148354,2,,,2,1,1,,,2 -779,161721,133916,2,,,1,1,1,0,2142,2 -787,942359,240399,2,,,2,1,1,0,1930,2 -809,185961,241265,2,,,2,1,1,0,0613,2 -815,425231,158686,2,,,2,1,1,0,1742,2 -816,542348,184963,2,,,2,1,1,0,,2 -820,541778,201322,2,,,2,1,1,0,1340,2 -828,488758,202500,2,,,2,1,1,0,1837,2 -831,716012,246274,2,,,1,1,1,0,1717,2 -834,752679,233937,2,,,2,2,1,0,2127,2 -841,251262,153196,2,,,2,1,1,0,,2 -842,308364,242283,2,,,2,1,1,0,1722,2 -847,221668,158639,2,,,1,1,1,0,,2 -850,618867,211715,2,,,2,2,1,0,1512,2 -856,208144,153178,2,,,2,2,1,0,,2 -863,599376,217175,2,,,1,1,1,0,1800,2 -876,394369,148381,2,,,2,1,1,0,1623,2 -888,865189,234871,2,,,2,1,1,0,1649,2 -890,142185,133899,2,,,1,1,1,,,2 -899,393787,160975,2,,,2,1,1,0,,2 -904,427347,229610,2,,,2,1,1,0,0621,2 -905,163856,202634,2,,,2,1,1,0,1328,2 -908,446270,172520,2,,,2,1,1,,,2 -915,618030,226970,2,,,1,1,1,0,1356,2 -917,990652,245946,2,,,1,1,1,0,1823,2 -918,465266,173382,2,,,2,1,1,0,,2 -933,471953,173374,2,,,2,1,1,0,,2 -935,731884,202792,2,,,2,2,1,0,1500,2 -939,464813,165567,2,,,1,1,1,0,1236,2 -939,464814,165568,1,1,3,1,1,2,2,,2 -940,988878,246935,2,,,2,1,1,0,2134,2 -946,714377,217788,2,,,1,1,1,0,1147,2 -946,714391,217791,1,2,2,1,1,2,0,1332,2 -949,261166,241275,2,,,2,1,1,0,1754,2 -955,397427,155726,2,,,2,2,1,0,1511,2 -957,338391,154923,2,,,2,2,1,0,1304,2 -967,329709,155196,2,,,1,1,1,0,2154,2 -970,428646,165309,2,,,1,1,1,,,2 -981,935509,245966,2,,,1,1,1,1,0200,2 -982,446878,165339,2,,,1,1,1,0,1451,2 -982,446879,165340,1,4,1,1,1,2,2,1341,2 -983,687578,229080,2,,,1,1,1,0,1147,2 -986,786984,234085,2,,,2,1,1,,,2 -988,311639,147024,2,,,1,1,1,0,,2 -990,630396,214605,2,,,2,1,1,0,1911,2 -992,795116,234094,2,,,2,2,1,,,2 -1001,562358,210142,2,,,2,1,1,0,2035,2 -1006,194032,153152,2,,,2,2,1,1,,2 -1024,458324,177818,2,,,2,1,1,0,1800,2 -1034,522085,213335,2,,,2,2,1,0,1717,2 -1038,165202,134307,2,,,2,1,1,0,2215,2 -1039,789373,229498,2,,,2,1,1,0,2046,2 -1041,220849,155180,2,,,2,1,1,0,1220,2 -1049,126878,133606,2,,,1,1,1,0,,2 -1068,534975,184969,2,,,2,1,1,0,,2 -1076,253498,147870,2,,,2,2,1,0,,2 -1098,224749,147025,2,,,1,1,1,0,0636,2 -1100,977178,246471,2,,,2,2,1,0,0240,2 -1102,468152,177639,2,,,2,1,1,0,1443,2 -1104,700980,242040,2,,,2,1,1,0,1801,2 -1104,700981,242039,1,5,2,2,1,2,1,0026,2 -1105,577179,246275,2,,,1,1,1,0,2239,2 -1108,671871,217207,2,,,1,1,1,0,1855,2 -1109,709323,229541,2,,,2,2,1,0,1716,2 -1116,201028,153466,2,,,2,1,1,0,2228,2 -1125,607119,201466,2,,,2,1,1,,,2 -1139,973208,245954,2,,,2,1,1,0,2122,2 -1141,467980,204831,2,,,1,1,1,,,2 -1149,164452,133620,2,,,1,1,1,0,0833,2 -1150,168539,202640,2,,,1,1,1,0,2358,2 -1154,320190,153442,2,,,2,1,1,0,1634,2 -1156,191124,201407,2,,,1,1,1,0,1105,2 -1171,488313,165348,2,,,1,1,1,0,2345,2 -1172,445674,172518,2,,,2,2,1,0,,2 -1173,205739,202552,2,,,1,1,1,0,1732,2 -1173,205740,202553,1,2,1,1,1,2,2,0509,2 -1175,215087,134327,2,,,2,2,1,0,1958,2 -1196,511108,184982,2,,,1,1,1,0,,2 -1198,232031,155270,2,,,2,1,1,0,1723,2 -1201,484266,204710,2,,,2,2,1,,,2 -1217,688238,214684,2,,,1,1,1,0,1851,2 -1219,837636,247105,2,,,2,1,1,0,0721,2 -1220,300594,147889,2,,,2,1,1,0,1825,2 -1221,487938,203340,2,,,2,2,1,0,,2 -1229,399057,155686,2,,,1,1,1,,,2 -1229,399058,155687,1,2,1,1,1,2,3,1446,2 -1230,486963,173385,2,,,2,1,1,0,,2 -1234,639739,203350,2,,,1,1,1,,,2 -1239,488143,165355,2,,,1,1,1,1,0015,2 -1246,1002876,246931,2,,,2,1,1,0,2100,2 -1250,837672,241053,2,,,2,2,1,0,1803,2 -1253,254787,148289,2,,,2,2,1,0,1103,2 -1254,277580,155172,2,,,2,1,1,0,2358,2 -1257,587330,201459,2,,,2,2,1,0,2358,2 -1263,568099,210138,2,,,2,1,1,0,1723,2 -1263,568100,210140,1,5,2,2,1,2,1,1226,2 -1265,492005,201320,2,,,1,1,1,0,2043,2 -1275,725314,227028,2,,,1,1,1,0,2012,2 -1280,950703,246806,2,,,1,1,1,0,1846,2 -1283,287485,153203,2,,,2,1,1,0,,2 -1289,264389,153506,2,,,2,2,1,0,1630,2 -1289,264390,153507,,,,,,2,7,1544,1 -1299,891264,246859,2,,,2,1,1,0,0800,2 -1308,1007351,246956,2,,,1,1,1,0,0129,2 -1308,1007352,246955,1,1,3,1,1,2,1,1835,2 -1308,1007353,246954,1,1,1,1,1,3,4,1520,2 -1309,935583,245350,2,,,2,2,1,0,2251,2 -1311,806135,237816,2,,,2,1,1,0,2149,2 -1313,574052,229006,2,,,1,1,1,0,2314,2 -1313,574053,229007,1,3,1,1,1,2,1,1656,2 -1313,574054,229008,1,3,1,1,1,3,4,,2 -1321,681903,229082,2,,,1,1,1,0,1809,2 -1321,681904,229081,1,2,1,1,1,1,1,1209,2 -1321,681905,229300,,,,,,3,8,1126,1 -1322,784214,230575,2,,,2,1,1,0,0131,2 -1330,777936,241186,2,,,2,2,1,0,1742,2 -1338,579259,204849,2,,,2,1,1,0,1848,2 -1352,305235,155292,2,,,1,1,1,0,,2 -1363,353055,155230,2,,,2,2,1,0,,2 -1373,209615,133640,2,,,2,2,1,0,1322,2 -1382,941734,240385,2,,,2,1,1,0,0555,2 -1383,311602,153516,2,,,2,1,1,0,1423,2 -1403,303287,142081,2,,,2,1,1,1,,2 -1416,146268,241260,2,,,2,2,1,0,1733,2 -1418,391425,165105,2,,,1,1,1,0,,2 -1420,198187,201812,2,,,2,1,1,0,1711,2 -1429,800477,229484,2,,,2,1,1,0,1408,2 -1440,369557,165116,2,,,2,1,1,0,,2 -1446,557096,238131,2,,,2,1,1,0,0351,2 -1447,875499,241197,2,,,2,1,1,0,1739,2 -1448,629517,226928,2,,,1,1,1,0,1852,2 -1455,857586,244925,2,,,1,1,1,0,1231,2 -1459,503474,185020,2,,,2,2,1,0,1738,2 -1464,312111,153515,2,,,2,2,1,0,1724,2 -1465,428113,166359,2,,,1,1,1,0,2130,2 -1470,293757,147833,2,,,2,1,1,0,1515,2 -1473,791890,229493,2,,,2,2,1,0,1918,2 -1486,942191,240390,2,,,2,1,1,0,2230,2 -1495,738112,236986,2,,,1,1,1,0,1102,2 -1496,449988,210197,2,,,2,2,1,0,1257,2 -1502,200574,130228,2,,,2,2,1,0,,2 -1507,471141,201422,2,,,2,2,1,0,1714,2 -1510,485167,165354,2,,,1,1,1,0,1425,2 -1522,419838,172504,2,,,2,1,1,,,2 -1528,612229,220419,2,,,1,1,1,0,1600,2 -1540,725982,229073,2,,,2,2,1,0,1947,2 -1558,611692,213242,2,,,2,2,1,0,2024,2 -1559,509864,201388,2,,,2,1,1,0,1253,2 -1566,1001158,247012,2,,,1,1,1,0,0818,2 -1574,350924,158654,2,,,2,1,1,0,,2 -1575,763995,213165,2,,,2,2,1,0,1854,2 -1584,268203,153188,2,,,2,1,1,0,,2 -1590,394312,148379,2,,,2,1,1,0,0855,2 -1604,889530,237911,2,,,2,1,1,0,2254,2 -1611,154744,133345,2,,,2,2,1,0,2310,2 -1616,627359,217189,2,,,1,1,1,0,1748,2 -1624,474145,217126,2,,,2,1,1,0,0458,2 -1625,253991,153193,2,,,2,1,1,0,,2 -1629,861540,236966,2,,,2,1,1,0,1525,2 -1633,285105,153202,2,,,2,1,1,0,,2 -1637,182617,173388,2,,,2,1,1,0,,2 -1642,335517,153473,2,,,2,2,1,0,1709,2 -1648,508895,228134,2,,,2,2,1,,,2 -1653,735005,242036,2,,,2,2,1,0,0952,2 -1654,675407,213155,2,,,2,1,1,0,1930,2 -1658,616743,204867,2,,,2,1,1,0,2057,2 -1663,601045,201465,2,,,2,1,1,,,2 -1664,756014,234069,2,,,2,1,1,,,2 -1665,729278,229116,2,,,1,1,1,,,2 -1679,241788,155175,2,,,1,1,1,0,0932,2 -1679,338653,155177,1,2,2,1,1,2,2,1238,2 -1687,789292,229128,2,,,1,1,1,,,2 -1712,426313,173389,2,,,2,1,1,0,,2 -1722,149133,133344,2,,,2,2,1,0,1929,2 -1723,918802,240889,2,,,2,2,1,1,0047,2 -1725,327730,158631,2,,,1,1,1,1,0051,2 -1727,565739,185005,2,,,2,1,1,0,1847,2 -1734,415783,165310,2,,,1,1,1,1,0202,2 -1740,981201,240583,2,,,1,1,1,0,1801,2 -1760,817199,240954,2,,,1,1,1,0,2147,2 -1761,306572,153455,2,,,2,2,1,0,2035,2 -1764,165866,165550,2,,,1,1,1,0,2216,2 -1764,165867,166228,,,,,,2,10,1922,1 -1768,665139,208971,2,,,2,2,1,1,1019,2 -1769,733665,229514,2,,,1,1,1,0,1630,2 -1770,298320,147941,2,,,2,2,1,,2032,2 -1785,1001616,247027,2,,,2,2,1,0,1401,2 -1790,311981,154932,2,,,2,2,1,0,2045,2 -1793,194364,134315,2,,,2,1,1,0,2028,2 -1798,616955,213140,2,,,2,2,1,0,1444,2 -1824,567970,201977,2,,,2,2,1,0,1427,2 -1828,894450,244927,2,,,2,2,1,0,2353,2 -1835,816689,226924,2,,,2,1,1,0,2227,2 -1837,356593,155265,2,,,1,1,1,0,2009,2 -1837,356595,155266,1,1,3,1,1,2,4,1425,2 -1854,745182,229476,2,,,2,1,1,0,2126,2 -1870,536584,253657,2,,,2,2,1,0,1800,2 -1873,1004799,247032,2,,,2,1,1,0,1932,2 -1879,484383,201395,2,,,2,1,1,0,1240,2 -1887,620100,229870,2,,,2,1,1,1,0032,2 -1889,630842,214634,2,,,2,1,1,0,1233,2 -1897,672264,217203,2,,,1,1,1,0,1820,2 -1909,486388,165325,2,,,1,1,1,0,2159,2 -1910,987333,245800,2,,,2,2,1,0,2122,2 -1921,725893,229154,2,,,1,1,1,0,2049,2 -1926,595124,227239,2,,,2,1,1,0,1132,2 -1930,251119,153195,2,,,2,1,1,0,,2 -1945,464405,173380,2,,,2,1,1,0,,2 -1950,1012384,246880,2,,,1,1,1,0,1106,2 -1958,751413,234896,2,,,1,1,1,0,1431,2 -1962,575101,210137,2,,,2,1,1,0,0126,2 -1975,621078,217185,2,,,2,1,1,0,2303,2 -1985,344204,184997,2,,,1,1,1,0,1345,2 -1985,344205,184998,1,1,1,1,1,2,6,1451,2 -1990,929965,237879,2,,,1,1,1,0,1821,2 -1992,769974,229506,2,,,2,1,1,0,1401,2 -2000,905658,241059,2,,,1,1,1,0,2156,2 -2008,997742,246994,2,,,2,1,1,0,1324,2 -2011,142568,134239,2,,,1,1,1,0,2211,2 -2015,577642,214202,2,,,2,1,1,1,0015,2 -2017,819091,237963,2,,,2,1,1,0,1902,2 -2021,899395,237906,2,,,2,2,1,0,1828,2 -2029,159684,134314,2,,,2,1,1,0,2120,2 -2035,130521,150250,2,,,2,1,1,1,,2 -2043,784236,230574,2,,,1,1,1,0,1410,2 -2045,946694,240403,2,,,2,2,1,0,,2 -2047,211974,211731,2,,,2,2,1,0,2058,2 -2058,383664,155707,2,,,2,2,1,0,1144,2 -2059,580827,226963,2,,,2,2,1,0,1458,2 -2060,414512,185004,2,,,2,1,1,0,0949,2 -2063,146106,202632,2,,,1,1,1,0,2030,2 -2074,846323,240114,2,,,2,1,1,0,,2 -2074,846324,240115,1,5,2,2,1,2,3,,2 -2075,163511,150269,2,,,2,1,1,0,,2 -2082,569196,177819,2,,,1,1,1,1,0143,2 -2101,793996,213111,2,,,2,2,1,1,0027,2 -2109,484628,185002,2,,,2,2,1,0,1938,2 -2130,577210,201468,2,,,2,1,1,0,1752,2 -2136,953287,240860,2,,,2,1,1,0,1637,2 -2137,462639,177806,2,,,2,1,1,0,2310,2 -2153,403958,155697,2,,,2,2,1,0,2226,2 -2155,559672,203334,2,,,2,1,1,0,1906,2 -2159,458886,185028,2,,,1,1,1,0,1254,2 -2182,378333,246800,2,,,2,2,1,0,1451,2 -2186,629556,204690,2,,,2,1,1,1,0327,2 -2188,460093,202503,2,,,2,1,1,0,1840,2 -2191,1030432,249596,2,,,1,1,1,0,1742,2 -2191,1030433,249598,1,3,1,1,1,2,1,2051,2 -2193,133619,133906,2,,,1,1,1,0,1903,2 -2195,282933,250678,2,,,1,1,1,0,1924,2 -2197,369176,158664,2,,,2,2,1,0,,2 -2202,871956,238094,2,,,2,1,1,1,0141,2 -2207,189921,148275,2,,,2,1,1,,,2 -2207,189938,148276,1,5,3,2,1,2,,,2 -2209,333698,148299,2,,,2,2,1,0,2129,2 -2212,982575,247014,2,,,1,1,1,0,2042,2 -2216,257781,153469,2,,,2,2,1,0,1156,2 -2221,417463,158711,2,,,2,1,1,0,2330,2 -2226,617344,208993,2,,,2,1,1,,,2 -2240,767216,226853,2,,,2,1,1,0,2322,2 -2246,935604,241179,2,,,2,2,1,0,1729,2 -2250,422242,242180,2,,,2,2,1,0,2017,2 -2253,849778,241098,2,,,1,1,1,0,0954,2 -2258,373893,148371,2,,,1,1,1,0,2346,2 -2273,941882,245343,2,,,2,1,1,0,1620,2 -2278,989130,246939,2,,,1,1,1,0,1920,2 -2295,915121,237851,2,,,1,1,1,,,2 -2297,245700,153197,2,,,2,1,1,0,,2 -2302,140542,150254,2,,,2,1,1,0,,2 -2306,246334,148295,2,,,1,1,1,0,1923,2 -2307,942338,240898,2,,,1,1,1,0,1858,2 -2310,922758,241094,2,,,2,1,1,0,1717,2 -2313,736481,228146,2,,,1,1,1,0,1726,2 -2321,243470,148169,2,,,2,2,1,,,2 -2323,188316,147931,2,,,2,1,1,0,1749,2 -2330,773156,220822,2,,,2,2,1,0,2359,2 -2337,1053088,250204,1,5,5,2,2,2,1,2051,2 -2339,174787,133380,2,,,2,2,1,0,2239,2 -2340,866548,237887,2,,,2,2,1,1,0245,2 -2343,735469,242034,2,,,1,1,1,0,0439,2 -2351,355817,154927,2,,,2,1,1,1,0102,2 -2354,577635,214197,2,,,1,1,1,1,0115,2 -2354,577636,214198,,,,,,2,9,2343,1 -2354,577637,214199,,,,,,3,12,1925,1 -2362,473546,173436,2,,,1,1,1,0,,2 -2367,458498,177820,2,,,2,1,1,0,1715,2 -2380,437686,217123,2,,,2,2,1,0,1247,2 -2382,881302,246683,2,,,1,1,1,0,1707,2 -2392,928465,240870,2,,,1,1,1,0,2235,2 -2402,188220,133629,2,,,2,1,1,0,1612,2 -2417,163488,173390,2,,,2,2,1,0,,2 -2423,827357,237829,2,,,2,1,1,0,1845,2 -2428,228620,148292,2,,,2,2,1,0,2207,2 -2431,169688,150268,2,,,2,1,1,0,,2 -2445,1009167,247001,2,,,1,1,1,,,2 -2448,350871,155183,2,,,2,1,1,0,0153,2 -2464,495634,184977,2,,,2,1,1,0,,2 -2467,448968,160945,2,,,2,1,1,0,,2 -2468,835496,237866,2,,,2,2,1,,,2 -2477,826993,237828,2,,,2,1,1,0,0646,2 -2481,889818,237922,2,,,2,1,1,2,1049,2 -2482,834150,237888,2,,,2,1,1,1,1721,2 -2492,305413,155238,2,,,2,2,1,0,,2 -2496,942154,245345,2,,,2,1,1,1,0103,2 -2502,228488,158637,2,,,2,2,1,0,,2 -2512,587667,214593,2,,,2,1,1,0,1930,2 -2515,598836,217181,2,,,1,1,1,1,0014,2 -2521,307999,242280,2,,,2,1,1,0,2254,2 -2526,192003,253312,2,,,2,2,1,0,1640,2 -2532,845103,237835,2,,,2,1,1,0,2328,2 -2534,813158,234098,2,,,1,1,1,,,2 -2547,377570,242314,2,,,2,1,1,0,0315,2 -2547,864782,242316,1,5,3,2,1,1,0,0905,2 -2556,320312,153446,2,,,2,1,1,0,1325,2 -2560,800350,229486,2,,,1,1,1,1,0248,2 -2561,183377,133326,2,,,2,1,1,0,1906,2 -2567,896727,237945,2,,,2,2,1,0,2034,2 -2580,513769,202881,2,,,2,2,1,0,1519,2 -2581,618376,202849,2,,,2,2,1,0,1455,2 -2590,569558,213122,2,,,2,1,1,0,0759,2 -2598,200834,130231,2,,,2,1,1,1,,2 -2613,800673,230577,2,,,2,1,1,1,,2 -2617,487379,177810,2,,,2,2,1,0,2035,2 -2621,194178,241273,2,,,2,1,1,1,0035,2 -2621,194182,241274,1,5,1,2,1,2,2,0356,2 -2635,365023,155590,2,,,1,1,1,0,2105,2 -2636,329212,155264,2,,,1,1,1,0,1525,2 -2644,630802,214628,2,,,1,1,1,0,2023,2 -2659,541658,185007,2,,,1,1,1,0,1824,2 -2666,515900,185018,2,,,2,1,1,0,2339,2 -2666,515901,185019,1,5,3,2,1,2,1,1130,2 -2668,672545,217192,2,,,2,2,1,0,1304,2 -2669,562056,201343,2,,,2,1,1,0,2020,2 -2671,940394,241178,2,,,2,1,1,0,1348,2 -2672,829134,229060,2,,,2,1,1,0,1844,2 -2675,682869,228149,2,,,2,1,1,,,2 -2685,199284,155589,2,,,2,1,1,0,,2 -2687,551347,177786,2,,,2,2,1,1,,2 -2689,416122,160976,2,,,2,1,1,0,,2 -2692,409788,158674,2,,,2,2,1,,,2 -2696,941843,240387,2,,,2,1,1,0,2056,2 -2699,136458,153451,2,,,1,1,1,0,1356,2 -2705,378235,242183,2,,,1,1,1,1,1750,2 -2719,208559,153177,2,,,2,1,1,0,,2 -2724,743707,236983,2,,,1,1,1,0,0234,2 -2740,465625,202501,2,,,2,1,1,0,1805,2 -2741,143478,134245,2,,,1,1,1,0,1628,2 -2751,560346,213219,2,,,2,1,1,0,1753,2 -2752,792455,234899,2,,,1,1,1,0,1719,2 -2764,540327,204800,2,,,2,2,1,0,1845,2 -2775,159248,147918,2,,,2,1,1,0,1320,2 -2777,706102,229152,2,,,1,1,1,0,0815,2 -2793,435421,217357,2,,,2,1,1,0,1701,2 -2800,541893,201334,2,,,2,1,1,0,1300,2 -2812,184541,202613,2,,,2,1,1,0,1618,2 -2818,556712,201337,2,,,1,1,1,0,2135,2 -2819,542324,184961,2,,,2,1,1,0,,2 -2827,504320,202888,2,,,2,1,1,0,0613,2 -2829,502711,213117,2,,,2,2,1,0,2007,2 -2837,369641,158660,2,,,1,1,1,0,,2 -2838,705093,202796,2,,,2,1,1,0,1645,2 -2840,450786,185029,2,,,2,1,1,0,2309,2 -2848,526144,204813,2,,,1,1,1,,,2 -2852,285187,214193,2,,,1,1,1,0,1847,2 -2858,735921,225856,2,,,2,1,1,0,1318,2 -2863,194543,133891,2,,,1,1,1,,,2 -2873,141477,150257,2,,,2,1,1,0,,2 -2882,342874,153460,2,,,2,1,1,0,1340,2 -2885,994396,247000,2,,,1,1,1,0,1758,2 -2895,488094,201455,2,,,2,2,1,0,2118,2 -2899,596536,214601,2,,,2,1,1,0,2232,2 -2910,264583,148168,2,,,1,1,1,,,2 -2922,146298,133378,2,,,1,1,1,0,1705,2 -2933,956933,246474,2,,,2,2,1,0,2155,2 -2935,885625,236962,2,,,1,1,1,0,2041,2 -2939,651041,217208,2,,,1,1,1,0,1911,2 -2945,415262,165345,2,,,1,1,1,0,0255,2 -2947,469967,165312,2,,,2,1,1,0,1838,2 -2960,767429,236973,2,,,1,1,1,0,1619,2 -2962,227423,153494,2,,,1,1,1,0,1633,2 -2962,227424,153498,,,,,,2,8,1610,1 -2962,227425,153500,,,,,,3,17,1519,1 -2962,975191,153501,,,,,,4,25,2014,1 -2969,634492,213302,2,,,2,1,1,0,2010,2 -2971,683158,213268,2,,,1,1,1,0,1920,2 -2980,609960,208981,2,,,2,2,1,0,2130,2 -2981,387910,155714,2,,,1,1,1,0,2316,2 -2982,657908,211713,2,,,1,1,1,1,0006,2 -2994,985410,245969,2,,,1,1,1,0,,2 -2999,654256,203348,2,,,2,1,1,,,2 -3005,397853,157007,2,,,1,1,1,0,2012,2 -3009,350055,153511,2,,,1,1,1,0,1647,2 -3015,320883,142047,2,,,1,1,1,0,,2 -3016,594965,204683,2,,,1,1,1,0,2031,2 -3022,564202,201345,2,,,2,1,1,0,1030,2 -3030,687446,229131,2,,,2,1,1,,,2 -3037,929631,245347,2,,,2,1,1,1,0055,2 -3057,261067,148167,2,,,2,2,1,,,2 -3059,282493,153207,2,,,2,1,1,0,,2 -3060,316018,142051,2,,,2,1,1,0,,2 -3061,841500,237010,2,,,1,1,1,0,1009,2 -3063,715958,214695,2,,,2,1,1,0,2315,2 -3064,206968,133924,2,,,1,1,1,0,1623,2 -3066,978959,240582,2,,,2,2,1,0,1147,2 -3068,792046,229492,2,,,1,1,1,0,2044,2 -3074,951401,249614,2,,,1,1,1,0,0400,2 -3074,951403,249617,1,1,3,1,1,2,7,1844,2 -3085,999458,246961,2,,,2,1,1,0,1738,2 -3102,624518,204681,2,,,2,1,1,,,2 -3110,594704,208962,2,,,2,2,1,0,2040,2 -3112,680685,227233,2,,,1,1,1,0,1440,2 -3114,308320,242281,2,,,2,2,1,0,2201,2 -3115,812961,234096,2,,,2,2,1,,,2 -3120,454164,242166,2,,,1,1,1,0,2017,2 -3128,198707,142533,2,,,2,2,1,,,2 -3129,474040,229572,2,,,2,2,1,0,0156,2 -3159,815552,241092,2,,,2,2,1,0,1741,2 -3186,740235,229473,2,,,2,2,1,0,0940,2 -3187,283818,155250,2,,,1,1,1,,,2 -3190,420816,242181,2,,,2,1,1,0,0430,2 -3195,303935,242278,2,,,2,2,1,0,1732,2 -3211,799240,230579,2,,,1,1,1,0,2341,2 -3216,483863,201315,2,,,2,1,1,0,1230,2 -3218,437353,201453,2,,,1,1,1,0,1635,2 -3219,316094,142054,2,,,2,1,1,0,,2 -3222,132319,142490,2,,,1,1,1,,,2 -3225,402533,158666,2,,,2,2,1,0,,2 -3228,541071,204797,2,,,2,1,1,,,2 -3231,580449,202869,2,,,2,1,1,0,2237,2 -3232,470484,213145,2,,,2,1,1,1,0040,2 -3233,1015786,246871,2,,,1,1,1,0,0837,2 -3238,194967,133348,2,,,1,1,1,0,1328,2 -3242,1003723,246957,2,,,2,1,1,1,0014,2 -3242,1018431,252225,1,5,1,2,1,2,9,1503,2 -3246,832017,237801,2,,,2,1,1,0,2258,2 -3250,150271,134241,2,,,2,1,1,0,,2 -3255,673874,226826,2,,,2,1,1,1,0403,2 -3256,926462,241168,2,,,1,1,1,0,1550,2 -3259,807385,242186,2,,,2,1,1,0,2256,2 -3264,392234,155600,2,,,2,1,1,0,,2 -3270,136414,147916,2,,,2,1,1,0,1805,2 -3275,214807,134325,2,,,2,2,1,0,1822,2 -3280,591945,213223,2,,,1,1,1,0,1622,2 -3281,222450,147026,2,,,2,1,1,1,0317,2 -3291,563619,204777,2,,,2,1,1,0,1413,2 -3292,929234,236925,2,,,1,1,1,0,2152,2 -3292,929235,236928,1,2,3,1,1,2,5,1658,2 -3295,463932,202504,2,,,2,1,1,0,0355,2 -3297,794700,240952,2,,,1,1,1,0,0305,2 -3309,585429,226934,2,,,2,1,1,0,1919,2 -3314,865372,234874,2,,,2,1,1,0,1742,2 -3319,317460,148047,2,,,1,1,1,,,2 -3322,784862,202785,2,,,2,2,2,0,2340,2 -3329,523022,177814,2,,,1,1,1,0,1957,2 -3330,526592,204806,2,,,1,1,1,,,2 -3342,821824,234105,2,,,2,2,1,,,2 -3353,704868,229483,2,,,2,1,1,0,2150,2 -3370,779433,229503,2,,,2,1,1,0,2218,2 -3373,542490,184964,2,,,2,1,1,0,,2 -3380,136097,126962,2,,,2,1,1,0,2000,2 -3384,997715,246997,2,,,2,1,1,0,1957,2 -3384,997716,246996,,,,,,2,13,1935,1 -3390,992861,247010,2,,,2,2,1,,,2 -3392,774570,229504,2,,,2,1,1,0,1225,2 -3397,813705,234101,2,,,2,1,1,,,2 -3404,799332,230588,2,,,1,1,1,0,,2 -3407,618479,202845,2,,,2,1,1,0,0214,2 -3414,216424,133386,2,,,1,1,1,0,1315,2 -3415,185648,226951,1,5,1,2,1,2,,,2 -3425,679982,224246,2,,,1,1,1,0,2124,2 -3425,679983,224248,1,1,1,1,1,2,2,1106,2 -3431,733026,229072,2,,,2,1,1,0,2037,2 -3433,468139,165344,2,,,2,1,1,0,2228,2 -3442,445402,172513,2,,,1,1,1,,,2 -3443,200913,246273,2,,,2,1,1,0,2328,2 -3448,421848,165311,2,,,2,1,1,0,1515,2 -3456,933702,246865,2,,,2,1,1,0,1350,2 -3462,297982,177653,2,,,1,1,1,0,1510,2 -3462,297983,155191,1,2,1,1,1,2,2,1547,2 -3463,376948,158705,2,,,1,1,1,0,1940,2 -3466,866290,237825,2,,,2,1,1,0,0246,2 -3469,166567,133622,2,,,2,1,1,0,1344,2 -3491,707092,254888,2,,,2,2,1,0,1511,2 -3497,338761,155171,2,,,1,1,1,0,1840,2 -3506,183068,133324,2,,,1,1,1,1,1137,2 -3509,608368,202865,2,,,2,1,1,1,0018,2 -3513,708035,226966,2,,,1,1,1,0,2315,2 -3528,933785,245784,2,,,1,1,1,0,2247,2 -3536,500083,177807,2,,,1,1,1,0,1340,2 -3543,478591,177809,2,,,1,1,1,0,1546,2 -3558,440031,166358,,,,,,1,6,1607,1 -3564,614860,213293,2,,,1,1,1,0,2217,2 -3566,487442,177813,2,,,2,1,1,0,1600,2 -3571,608347,202861,2,,,2,1,1,0,0251,2 -3576,149609,133902,2,,,1,1,1,0,,2 -3584,579753,211717,2,,,1,1,1,0,1507,2 -3591,591940,210135,2,,,1,1,1,0,2059,2 -3591,591941,210136,1,2,3,1,1,2,2,0326,2 -3607,805353,237874,2,,,2,2,1,,,2 -3615,515402,213334,2,,,2,1,1,0,2300,2 -3627,224957,153450,2,,,2,1,1,0,2050,2 -3632,800555,230601,2,,,1,1,1,0,1122,2 -3641,491744,204826,2,,,2,1,1,,,2 -3644,833989,237016,2,,,2,1,1,0,1524,2 -3651,624440,213298,2,,,2,2,1,0,1942,2 -3652,178631,202652,2,,,2,2,1,0,2203,2 -3664,568199,201983,2,,,2,1,1,0,2048,2 -3665,416687,160960,2,,,2,1,1,0,,2 -3695,183928,153163,2,,,2,1,1,0,,2 -3701,150545,133909,2,,,1,1,1,0,2102,2 -3707,308475,242285,2,,,2,2,1,0,2154,2 -3713,875518,241204,2,,,2,1,1,0,2311,2 -3721,625842,214615,2,,,1,1,1,0,0835,2 -3723,285131,153454,2,,,2,2,1,0,2200,2 -3737,1018633,246873,2,,,2,1,1,0,0946,2 -3739,445870,172519,2,,,1,1,1,,,2 -3746,234090,153476,2,,,1,1,1,0,1935,2 -3753,914870,247100,2,,,1,1,1,0,0908,2 -3756,287415,158651,2,,,2,1,1,0,,2 -3761,933778,246869,2,,,2,1,1,0,1742,2 -3761,933779,247434,1,5,1,2,1,2,1,1047,2 -3762,215126,127265,2,,,1,1,1,0,,2 -3768,991374,245964,2,,,2,2,1,0,1458,2 -3785,221926,158644,2,,,1,1,1,0,,2 -3787,786417,238114,2,,,2,2,1,0,2006,2 -3812,560784,227246,2,,,1,1,1,0,1235,2 -3819,427721,172529,2,,,2,1,1,,,2 -3824,198486,153149,2,,,2,1,1,0,,2 -3846,491783,204841,2,,,2,2,1,,,2 -3852,579063,246272,2,,,2,1,1,,,2 -3860,258990,173442,2,,,2,1,1,0,,2 -3865,792661,249610,2,,,2,1,1,0,2322,2 -3866,935548,245342,2,,,2,1,1,0,1205,2 -3868,404166,217379,2,,,1,1,1,0,1349,2 -3870,448081,166355,2,,,2,1,1,0,,2 -3872,834818,244916,2,,,1,1,1,0,2242,2 -3882,546670,213202,2,,,2,1,1,1,0003,2 -3887,782855,213085,2,,,2,2,1,0,1641,2 -3888,806285,237815,2,,,2,1,1,0,1655,2 -3898,551611,220721,2,,,2,1,1,0,1030,2 -3901,513258,177815,2,,,1,1,1,0,2228,2 -3903,511081,184978,2,,,1,1,1,0,,2 -3904,722503,224240,2,,,2,1,1,0,1654,2 -3907,686347,204838,2,,,2,1,1,0,1515,2 -3910,216279,177634,2,,,2,2,1,,,2 -3910,216280,177635,,,,,,2,,,1 -3910,216281,177636,,,,,,3,,,1 -3913,659281,228160,2,,,1,1,1,0,0305,2 -3924,188502,142575,2,,,1,1,1,0,,2 -3936,584138,204772,2,,,2,1,1,0,2231,2 -3952,393651,201933,2,,,2,1,1,0,,2 -3954,488326,165335,2,,,1,1,1,0,2319,2 -3954,488328,165336,1,3,4,1,1,2,3,1001,2 -3960,500199,201392,2,,,2,1,1,0,2143,2 -3966,156499,133884,2,,,2,2,1,0,,2 -3966,156500,228124,1,5,5,2,2,2,,,2 -3967,526485,204809,2,,,2,1,1,,,2 -3976,924184,241093,2,,,2,2,1,1,0052,2 -3978,731461,229519,2,,,2,1,1,0,1725,2 -3978,731462,229520,1,4,1,1,1,2,1,0936,2 -3979,183849,133382,2,,,2,2,1,0,1555,2 -3980,561287,210146,,,,,,1,0,2117,1 -3989,501073,184979,2,,,2,1,1,0,,2 -3994,239128,153481,2,,,2,1,1,0,2001,2 -3996,782027,236970,2,,,2,1,1,0,1857,2 -3998,228406,153174,2,,,2,1,1,0,,2 -4005,750717,229086,2,,,2,2,1,,,2 -4010,616085,204765,2,,,2,1,1,1,0056,2 -4014,594773,208967,2,,,1,1,1,0,2356,2 -4022,978584,246100,2,,,1,1,1,0,1734,2 -4027,359983,155602,2,,,2,1,1,0,1926,2 -4027,359984,155603,1,5,1,2,1,2,2,,2 -4028,629947,228141,2,,,1,1,1,0,2142,2 -4038,603372,208987,2,,,2,1,1,0,2217,2 -4039,562906,210184,2,,,2,1,1,0,2316,2 -4042,945874,249581,2,,,2,1,1,0,,2 -4047,786399,228145,2,,,2,2,1,0,1735,2 -4048,854795,234860,2,,,2,1,1,0,0114,2 -4057,314354,148300,2,,,2,1,1,0,2227,2 -4062,292923,147817,2,,,1,1,1,0,1839,2 -4062,292924,147818,1,3,1,1,1,2,4,1636,2 -4062,292925,147819,1,3,3,1,1,3,13,1518,2 -4062,292926,147820,1,1,1,1,1,4,20,0836,2 -4068,285225,147835,2,,,1,1,1,0,1000,2 -4072,659486,229140,2,,,2,1,1,,,2 -4076,236292,148356,2,,,1,1,1,,,2 -4079,156482,201458,2,,,2,1,1,0,2323,2 -4084,204176,134318,2,,,2,1,1,0,1741,2 -4087,158788,133618,2,,,2,1,1,0,1638,2 -4088,779034,237844,2,,,1,1,1,0,2018,2 -4097,153020,133877,2,,,2,1,1,,,2 -4101,210231,133867,2,,,2,1,1,0,1925,2 -4102,501717,227250,2,,,1,1,1,0,2127,2 -4107,721392,229481,2,,,2,2,1,0,2025,2 -4110,173634,133888,2,,,1,1,1,,,2 -4113,743929,229512,2,,,2,1,1,0,1740,2 -4119,673268,233981,2,,,2,1,1,0,2157,2 -4123,366801,154958,2,,,2,2,1,1,0157,2 -4126,775946,226910,2,,,2,1,1,0,2106,2 -4148,461480,211735,2,,,1,1,1,0,1617,2 -4148,461481,211736,1,1,3,1,1,2,4,,2 -4151,510361,210187,2,,,1,1,1,,,2 -4153,147455,133341,2,,,2,1,1,0,2110,2 -4159,864974,241107,2,,,2,2,1,0,1745,2 -4165,867293,237857,2,,,1,1,1,,,2 -4173,858079,244929,2,,,2,1,1,0,,2 -4179,504196,233980,2,,,1,1,1,0,2104,2 -4180,334694,210201,2,,,1,1,1,0,2255,2 -4181,737699,236987,2,,,1,1,1,0,2024,2 -4190,145415,133582,2,,,1,1,1,0,1550,2 -4193,1015124,246992,2,,,2,1,1,0,1905,2 -4193,1015125,246991,1,5,2,2,1,2,3,1117,2 -4201,297464,154968,2,,,2,1,1,,1824,2 -4203,557197,184956,2,,,2,1,1,0,1458,2 -4211,871973,234882,2,,,1,1,1,0,1108,2 -4218,929731,245349,2,,,1,1,1,0,2154,2 -4223,402976,172505,2,,,2,1,1,,,2 -4225,329482,154967,2,,,2,1,1,0,1910,2 -4227,320381,153448,2,,,2,1,1,0,1500,2 -4231,398144,155694,2,,,2,2,1,,,2 -4238,859527,234001,2,,,2,1,1,0,1810,2 -4250,949008,246805,2,,,1,1,1,0,1353,2 -4277,236297,202550,2,,,2,1,1,0,0205,2 -4289,948675,246106,2,,,1,1,1,0,2043,2 -4294,415218,160949,2,,,2,1,1,0,,2 -4300,741126,225857,2,,,2,1,1,0,2312,2 -4305,795047,229004,2,,,1,1,1,,,2 -4305,945355,240859,1,2,1,1,1,2,2,0638,2 -4307,251060,153194,2,,,2,1,1,0,,2 -4309,962465,246463,2,,,2,1,1,1,0437,2 -4329,200863,147913,2,,,2,1,1,0,2115,2 -4334,440641,213033,,,,,,1,1,0228,1 -4342,948886,245974,2,,,2,2,1,0,2101,2 -4350,551660,201349,2,,,1,1,1,0,1908,2 -4351,833002,237870,2,,,2,2,1,0,1232,2 -4356,495358,173417,2,,,2,2,1,0,,2 -4360,200971,147935,2,,,1,1,1,0,1726,2 -4361,186646,133601,2,,,1,1,1,0,2115,2 -4364,480205,165556,2,,,2,1,1,1,0030,2 -4364,482813,165557,1,5,2,2,1,2,1,,2 -4365,303044,142070,2,,,2,1,1,0,,2 -4372,373171,154957,2,,,2,2,1,0,1739,2 -4379,303087,142077,2,,,2,1,1,1,0003,2 -4402,896462,237824,2,,,1,1,1,1,0316,2 -4403,444960,217125,2,,,2,2,1,0,1854,2 -4404,158935,211741,2,,,1,1,1,0,0234,2 -4404,158937,211744,1,2,1,1,1,2,7,,2 -4406,866480,238112,2,,,2,1,1,0,2340,2 -4409,589165,202867,2,,,2,1,1,0,0959,2 -4414,624644,202843,2,,,2,1,1,0,1910,2 -4415,713818,225834,2,,,1,1,1,0,2034,2 -4417,973522,246464,2,,,2,2,1,0,1523,2 -4418,449110,173384,2,,,2,1,1,0,,2 -4419,920330,237899,2,,,1,1,1,0,1753,2 -4420,650172,208952,2,,,1,1,1,0,1425,2 -4426,270513,155290,2,,,2,2,1,,,2 -4438,832599,236968,2,,,2,1,1,0,1315,2 -4441,197606,133635,2,,,1,1,1,1,0020,2 -4448,388064,155698,2,,,2,2,1,0,1953,2 -4454,557049,201963,2,,,2,1,1,1,0010,2 -4462,549838,177785,2,,,2,1,1,0,0228,2 -4467,241798,155178,2,,,2,1,1,0,1017,2 -4478,608266,201462,2,,,2,1,1,,,2 -4483,282259,153204,2,,,1,1,1,0,,2 -4490,180357,153159,2,,,1,1,1,0,,2 -4491,752702,213144,2,,,2,2,1,0,0530,2 -4493,318259,184954,2,,,2,2,1,0,1755,2 -4493,746141,184955,1,5,1,2,1,2,1,2149,2 -4502,750550,230555,2,,,1,1,1,0,1609,2 -4503,393381,160958,2,,,2,1,1,0,,2 -4544,654031,236899,2,,,2,1,1,0,1415,2 -4550,1020700,247011,2,,,2,1,1,,,2 -4553,831135,234111,2,,,2,1,1,,,2 -4555,627177,242114,2,,,2,2,1,0,2210,2 -4557,611658,213235,2,,,1,1,1,0,2205,2 -4557,611659,213239,,,,,,2,26,1424,1 -4558,550340,177816,2,,,2,1,1,0,1554,2 -4562,446625,172521,2,,,1,1,1,,,2 -4563,951607,246860,2,,,2,1,1,0,1119,2 -4566,350781,155184,2,,,2,1,1,0,2350,2 -4567,417724,158687,2,,,2,1,1,0,2145,2 -4576,929993,245804,2,,,2,2,1,0,1811,2 -4577,599747,208970,2,,,2,1,1,1,0115,2 -4581,287789,148332,2,,,2,2,1,0,2301,2 -4582,128848,133580,2,,,1,1,1,0,1723,2 -4582,128849,127163,1,4,5,1,1,2,0,1940,2 -4583,372464,155710,2,,,2,1,1,0,2005,2 -4586,789353,229502,2,,,2,1,1,0,2019,2 -4600,659435,213093,2,,,2,1,1,,,2 -4604,834001,237014,2,,,2,2,1,0,2236,2 -4605,255473,153192,2,,,2,1,1,0,,2 -4611,355088,158662,2,,,2,1,1,0,,2 -4620,838181,241110,2,,,2,2,1,0,1811,2 -4633,516766,217149,2,,,2,1,1,1,0018,2 -4636,679907,217804,2,,,1,1,1,0,2100,2 -4640,740343,202790,2,,,2,1,1,0,2133,2 -4642,193290,127253,2,,,1,1,1,0,,2 -4644,364362,148377,2,,,2,1,1,0,1847,2 -4646,659087,202804,2,,,2,1,1,0,1613,2 -4650,926771,237931,2,,,2,1,1,0,,2 -4653,432195,158675,2,,,1,1,1,0,2246,2 -4656,753218,226971,2,,,1,1,1,1,,2 -4659,317107,246280,2,,,2,1,1,,,2 -4660,913777,246858,2,,,2,1,1,0,2037,2 -4666,686823,214676,2,,,2,1,1,0,1744,2 -4674,364834,158696,2,,,1,1,1,0,2215,2 -4677,930939,245960,2,,,2,1,1,0,2011,2 -4680,179543,246268,2,,,2,2,1,,,2 -4683,629046,213316,2,,,2,1,1,,,2 -4695,774252,234900,2,,,2,2,1,0,1635,2 -4701,136509,153452,2,,,2,1,1,0,1330,2 -4708,495864,228140,2,,,2,2,1,1,0629,2 -4709,411063,242182,2,,,2,2,1,0,2154,2 -4710,191523,202601,2,,,2,1,1,1,0123,2 -4711,281735,153206,2,,,2,2,1,0,,2 -4712,703144,227230,2,,,1,1,1,0,1937,2 -4715,414388,165305,2,,,1,1,1,0,,2 -4722,290942,148158,2,,,1,1,1,0,2019,2 -4722,290943,148163,,,,,,2,6,1345,1 -4722,290944,148164,,,,,,3,11,1355,1 -4724,575794,213124,2,,,2,2,1,0,1410,2 -4729,619211,226821,2,,,2,2,1,0,1459,2 -4730,570707,236799,2,,,2,1,1,0,2141,2 -4733,194074,142493,2,,,2,1,1,,,2 -4740,557793,200926,2,,,1,1,1,0,1751,2 -4742,301521,142097,2,,,2,2,1,0,,2 -4743,421678,158689,2,,,2,1,1,0,0230,2 -4745,311818,154944,2,,,2,2,1,0,2035,2 -4749,247112,155293,2,,,1,1,1,,,2 -4755,221506,153167,2,,,1,1,1,0,,2 -4756,539790,185010,2,,,2,1,1,0,1927,2 -4757,947738,245787,2,,,1,1,1,0,2058,2 -4760,193413,133919,2,,,1,1,1,0,2316,2 -4766,886806,236957,2,,,2,2,1,0,1532,2 -4770,952370,245807,2,,,1,1,1,0,2119,2 -4772,429213,202548,2,,,2,2,1,0,0053,2 -4786,821688,234104,2,,,2,1,1,,,2 -4792,194135,241269,2,,,2,2,1,0,2305,2 -4810,245948,155682,2,,,1,1,1,0,1602,2 -4810,304309,155683,1,1,3,1,1,2,11,1148,2 -4813,437894,218607,2,,,2,1,1,,,2 -4820,807639,213163,2,,,2,2,1,0,2100,2 -4822,946583,240402,2,,,2,2,1,0,,2 -4828,165597,133596,2,,,1,1,1,1,0154,2 -4831,980309,246456,2,,,1,1,1,0,1100,2 -4831,980310,246455,,,,,,2,2,1107,1 -4831,980311,246457,,,,,,3,8,1612,1 -4832,432398,165306,2,,,2,2,1,0,,2 -4843,468678,203339,2,,,2,1,1,0,1327,2 -4845,565340,204746,2,,,1,1,1,0,1639,2 -4845,565341,204750,1,4,4,1,1,2,1,0642,2 -4845,565342,204759,1,1,2,2,1,3,4,1732,2 -4846,767108,230571,2,,,2,1,1,0,,2 -4849,1002117,246290,2,,,1,1,1,0,0259,2 -4859,127818,147881,2,,,2,2,1,0,,2 -4865,1007632,246947,2,,,2,2,1,0,2045,2 -4872,320398,153449,2,,,2,1,1,0,1100,2 -4877,186726,130230,2,,,2,2,1,,,2 -4880,145890,241259,,,,,,1,1,0704,1 -4880,554976,166357,,,,,,2,20,1646,1 -4886,136075,126917,2,,,2,1,1,1,0037,2 -4893,470117,165319,2,,,2,1,1,0,1851,2 -4894,488705,246551,2,,,2,2,1,0,1846,2 -4897,534293,201293,2,,,2,1,1,0,2340,2 -4909,317577,213324,2,,,1,1,1,,,2 -4909,317578,213325,1,2,3,1,1,2,,,2 -4911,796073,242189,2,,,2,1,1,0,0430,2 -4911,799456,242187,1,5,4,2,1,2,0,0909,2 -4918,190530,142530,2,,,2,1,1,,,2 -4924,220234,146971,2,,,2,2,1,0,,2 -4928,387316,158704,2,,,2,1,1,0,2130,2 -4950,422326,246279,2,,,1,1,1,0,0945,2 -4950,941951,246277,1,1,3,1,1,2,2,1417,2 -4968,676167,229083,2,,,1,1,1,0,1727,2 -4969,693232,214681,2,,,1,1,1,0,2223,2 -4977,138281,217467,2,,,1,1,1,0,2037,2 -4977,138282,217469,1,1,1,1,1,2,3,0956,2 -4979,611682,213241,2,,,2,1,1,0,1225,2 -4985,235765,153169,2,,,2,1,1,0,,2 -4992,276626,155296,2,,,1,1,1,,,2 -4994,391654,155597,2,,,1,1,1,1,,2 -5004,260523,155289,2,,,1,1,1,,,2 -5006,479148,258779,2,,,2,2,1,0,2315,2 -5009,258021,155268,2,,,2,1,1,0,0926,2 -5009,258025,155269,,,,,,2,6,1228,1 -5010,271028,147867,2,,,1,1,1,1,0006,2 -5020,817236,240955,2,,,1,1,1,0,1942,2 -5022,479371,173434,2,,,2,1,1,0,,2 -5037,345721,155736,2,,,1,1,1,0,,2 -5048,271770,147028,2,,,2,1,1,0,1200,2 -5050,649903,224226,2,,,2,1,1,0,2047,2 -5052,381304,155595,2,,,1,1,1,0,0903,2 -5055,624400,235424,2,,,1,1,1,0,0056,2 -5060,362225,234012,2,,,2,1,1,0,1939,2 -5067,617140,202854,2,,,2,1,1,0,0920,2 -5071,965541,245762,2,,,1,1,1,0,2355,2 -5080,334828,155742,2,,,1,1,1,0,2341,2 -5080,383812,155744,1,2,1,1,1,2,3,2311,2 -5081,157430,133609,2,,,1,1,1,0,,2 -5085,654298,213092,2,,,2,1,1,,,2 -5086,482221,242164,2,,,2,2,1,0,0455,2 -5087,143401,150260,2,,,2,1,1,0,,2 -5089,1013033,246286,2,,,2,1,1,0,2215,2 -5090,358054,154965,2,,,2,1,1,0,2253,2 -5098,731774,229517,2,,,2,1,1,0,1426,2 -5103,880037,237855,2,,,1,1,1,0,2340,2 -5105,531286,227248,2,,,1,1,1,0,2052,2 -5109,214127,133641,2,,,2,2,1,0,1946,2 -5115,951481,246491,2,,,2,2,1,0,2210,2 -5125,438812,185031,2,,,2,1,1,0,1848,2 -5129,417611,158690,2,,,2,1,1,0,2221,2 -5132,215570,153172,2,,,2,1,1,0,,2 -5139,374043,148372,2,,,1,1,1,0,1510,2 -5146,132108,150248,2,,,2,1,1,0,,2 -5147,959575,241103,2,,,2,2,1,0,2004,2 -5150,616690,204761,2,,,2,1,1,0,1326,2 -5158,675938,213096,2,,,2,1,1,,,2 -5159,257647,240116,2,,,2,2,1,0,,2 -5159,257648,240117,1,5,1,2,1,2,1,0125,2 -5166,987174,245948,2,,,2,1,1,0,0614,2 -5170,201111,130234,2,,,2,1,1,,,2 -5177,831564,230614,2,,,2,1,1,0,1740,2 -5180,667111,220790,2,,,2,2,1,0,1432,2 -5180,667161,203252,1,5,1,2,1,2,1,0940,2 -5184,679973,214677,2,,,1,1,1,0,1652,2 -5188,221733,153147,2,,,2,1,1,0,,2 -5197,466141,165315,2,,,2,2,1,0,1804,2 -5203,951305,245957,2,,,2,2,1,0,1600,2 -5232,136092,127129,2,,,2,1,1,0,0738,2 -5237,960730,249620,2,,,2,1,1,0,2152,2 -5247,997143,246946,2,,,2,1,1,0,2040,2 -5252,487088,242162,2,,,2,1,1,1,0105,2 -5253,546457,210180,2,,,1,1,1,,,2 -5253,546488,210181,1,2,1,1,1,2,,,2 -5255,382622,155723,2,,,2,1,1,1,0012,2 -5262,513654,202880,2,,,2,2,1,0,2225,2 -5272,654048,240111,2,,,2,1,1,0,2151,2 -5279,1002216,246895,2,,,2,1,1,0,2347,2 -5286,357095,158616,2,,,2,1,1,0,,2 -5303,317274,242299,2,,,2,1,1,0,1615,2 -5303,866493,242300,1,5,5,2,1,2,1,1004,2 -5303,866494,242301,1,5,5,2,1,3,2,2200,2 -5310,577116,242115,2,,,2,2,1,0,2155,2 -5323,468238,177779,2,,,2,2,1,0,2323,2 -5324,972141,246960,2,,,1,1,1,0,1106,2 -5325,416256,160973,2,,,2,1,1,0,,2 -5331,750450,230565,2,,,2,1,1,1,0122,2 -5333,132455,150262,2,,,2,1,1,0,,2 -5334,464537,173419,2,,,1,1,1,1,,2 -5334,464538,173421,1,1,1,1,1,2,3,,2 -5336,750503,230554,2,,,2,2,1,0,2042,2 -5351,769281,242268,2,,,2,1,1,0,0515,2 -5354,371005,155229,2,,,2,1,1,,,2 -5362,344704,165107,2,,,1,1,1,0,,2 -5363,722518,225855,2,,,2,1,1,0,,2 -5364,213589,134323,2,,,2,2,1,0,2152,2 -5364,213590,134324,1,5,5,2,2,2,1,0959,2 -5384,624840,208950,2,,,2,1,1,0,1820,2 -5391,484205,204828,2,,,2,1,1,,,2 -5402,649959,224227,2,,,2,1,1,0,2147,2 -5417,136085,126973,2,,,1,1,1,1,0045,2 -5417,207674,126980,1,2,3,1,1,2,3,1630,2 -5418,815242,246797,2,,,2,1,1,0,0142,2 -5418,815243,246796,1,5,2,2,1,2,0,0625,2 -5421,643105,242110,2,,,2,2,1,0,1839,2 -5422,334790,154930,2,,,2,2,1,0,1809,2 -5425,139241,133876,2,,,2,2,1,,,2 -5435,176006,133865,2,,,2,1,1,0,1249,2 -5442,491018,210200,2,,,2,2,1,0,2102,2 -5449,199446,133637,2,,,2,1,1,0,1159,2 -5458,373356,155255,2,,,2,2,1,0,1933,2 -5460,557772,214201,2,,,1,1,1,0,2150,2 -5462,800545,230596,2,,,1,1,1,0,,2 -5464,876202,245952,2,,,2,1,1,0,,2 -5472,115903,127173,2,,,1,1,1,1,0010,2 -5475,564453,210150,2,,,1,1,1,0,1259,2 -5488,778821,236972,2,,,1,1,1,0,,2 -5491,823950,246794,2,,,2,2,1,1,0124,2 -5495,698403,227231,2,,,2,2,1,,,2 -5499,169468,150274,2,,,1,1,1,0,,2 -5508,958502,245956,2,,,2,1,1,0,1304,2 -5511,317049,242297,2,,,2,1,1,0,1552,2 -5517,177253,133593,2,,,2,2,1,0,2000,2 -5520,918350,237902,2,,,2,1,1,0,1918,2 -5524,767114,230553,2,,,2,1,1,0,2237,2 -5528,194109,155181,2,,,2,2,1,0,1832,2 -5531,299675,146975,2,,,1,1,1,1,1444,2 -5536,920385,238091,2,,,2,1,1,0,2212,2 -5537,335869,153472,2,,,2,2,1,0,1635,2 -5538,978837,240417,2,,,2,1,1,0,1820,2 -5543,942129,240389,2,,,2,1,1,0,1953,2 -5557,261746,154962,2,,,1,1,1,0,2319,2 -5566,139888,147915,2,,,2,1,1,0,1907,2 -5573,584018,204774,2,,,2,1,1,0,1652,2 -5577,526226,204811,2,,,1,1,1,,,2 -5585,961100,249602,2,,,2,1,1,0,2133,2 -5586,197799,127139,2,,,1,1,1,0,2337,2 -5597,285438,147858,2,,,1,1,1,0,2015,2 -5608,824727,234109,2,,,2,1,1,,,2 -5620,292020,147878,2,,,2,2,1,0,,2 -5621,750436,226840,2,,,2,1,1,0,1723,2 -5625,548833,184984,2,,,2,1,1,0,,2 -5625,548834,184986,1,5,1,2,1,2,2,,2 -5647,1054427,228211,2,,,2,1,1,0,0944,2 -5651,836865,234906,2,,,2,2,1,0,1740,2 -5655,165961,202649,2,,,2,2,1,0,1650,2 -5698,165551,133598,2,,,1,1,1,0,2300,2 -5700,490103,213148,2,,,2,1,1,0,2233,2 -5701,577998,214203,2,,,2,1,1,0,2102,2 -5703,705948,229076,2,,,1,1,1,0,0636,2 -5707,134517,202627,2,,,1,1,1,0,0755,2 -5709,721459,229122,2,,,2,1,1,,,2 -5713,799272,226919,2,,,2,1,1,0,1120,2 -5720,736027,226848,2,,,2,1,1,0,1328,2 -5727,1011218,246281,2,,,2,1,1,0,0915,2 -5731,484547,201400,2,,,1,1,1,0,1822,2 -5743,616555,204764,2,,,2,1,1,0,1853,2 -5744,557735,201972,2,,,2,1,1,0,2235,2 -5746,965147,245955,2,,,2,2,1,0,1629,2 -5752,994875,247030,2,,,2,1,1,0,2210,2 -5754,494532,177780,2,,,2,2,1,1,0034,2 -5756,202016,133882,2,,,1,1,1,,,2 -5758,203787,153502,2,,,2,2,1,0,1209,2 -5759,960196,245777,2,,,2,1,1,0,1355,2 -5760,243975,147873,2,,,1,1,1,0,1449,2 -5763,445103,172498,2,,,1,1,1,,,2 -5766,850057,244926,2,,,2,1,1,0,2210,2 -5776,758182,253313,2,,,2,2,1,0,1948,2 -5782,342454,155199,2,,,2,1,1,0,1930,2 -5785,727487,213273,2,,,2,1,1,0,1351,2 -5786,500588,177794,2,,,1,1,1,0,1638,2 -5793,698492,213142,2,,,2,2,1,0,2105,2 -5795,490419,217139,2,,,2,2,1,0,2220,2 -5810,369858,165111,2,,,1,1,1,0,,2 -5816,942280,240394,2,,,2,1,1,1,,2 -5820,190569,142521,2,,,2,1,1,,,2 -5833,190525,142507,2,,,2,1,1,0,,2 -5834,715784,214694,2,,,2,2,1,0,1435,2 -5843,630007,226968,2,,,1,1,1,0,,2 -5844,302855,142086,2,,,1,1,1,0,,2 -5844,307862,142084,1,2,1,1,1,2,2,,2 -5847,713929,214690,2,,,1,1,1,0,2229,2 -5848,276569,147832,2,,,2,1,1,1,0037,2 -5850,228177,154938,2,,,2,2,1,1,0025,2 -5857,1014006,246877,2,,,1,1,1,0,2015,2 -5858,982394,247025,2,,,2,2,1,0,1841,2 -5865,301707,229614,2,,,1,1,1,0,2223,2 -5870,200174,133638,2,,,1,1,1,0,2335,2 -5894,515182,211721,2,,,1,1,1,0,0901,2 -5894,524842,211723,,,,,,2,10,1800,1 -5901,266200,155173,2,,,2,1,1,0,1743,2 -5909,235455,227252,2,,,2,1,1,0,1524,2 -5911,883762,236997,2,,,1,1,1,0,0946,2 -5915,216357,133384,2,,,2,1,1,0,1035,2 -5917,194479,133890,2,,,2,2,1,0,,2 -5922,942448,240400,2,,,2,1,1,0,1802,2 -5923,624915,226969,2,,,2,1,1,0,1915,2 -5925,333921,155262,2,,,1,1,1,0,2355,2 -5935,938792,246460,2,,,1,1,1,0,1714,2 -5938,732579,229527,2,,,2,1,1,0,2030,2 -5949,435489,217326,2,,,1,1,1,0,1551,2 -5951,520249,203335,2,,,1,1,1,0,2115,2 -5963,319210,158633,2,,,1,1,1,0,,2 -5976,668526,217900,2,,,2,2,1,0,1458,2 -5976,668527,203254,1,5,5,2,2,2,0,1905,2 -5978,377665,242318,2,,,1,1,1,,,2 -5978,923990,242319,1,1,1,1,1,2,1,1125,2 -5978,923991,242321,1,1,3,2,1,3,8,1720,2 -5982,949554,246105,2,,,1,1,1,1,0032,2 -5984,154781,208958,2,,,2,1,1,0,1313,2 -5985,882793,237002,2,,,1,1,1,0,1734,2 -5990,356615,213322,2,,,2,2,1,0,2204,2 -5992,395104,155712,2,,,2,1,1,0,2017,2 -5996,997442,246945,2,,,1,1,1,0,2025,2 -5997,178784,133904,2,,,2,1,1,0,,2 -5998,867447,217975,2,,,2,2,1,0,0650,2 -6003,267435,153190,2,,,2,1,1,0,,2 -6005,603890,214603,2,,,2,1,1,1,1040,2 -6015,420886,242179,2,,,2,2,1,0,1526,2 -6018,667876,229137,2,,,2,1,1,,,2 -6019,997670,246998,2,,,2,1,1,0,2150,2 -6023,183891,142570,2,,,2,1,1,0,,2 -6026,866572,237007,2,,,2,1,1,0,1655,2 -6028,426220,165571,2,,,1,1,1,0,1835,2 -6028,426221,166227,,,,,,2,5,,1 -6030,611741,213243,2,,,2,1,1,0,1908,2 -6033,660120,204837,2,,,1,1,1,0,2350,2 -6044,635032,214635,2,,,2,1,1,0,2039,2 -6046,847334,233991,2,,,2,1,1,1,0030,2 -6051,290510,153199,2,,,2,1,1,0,,2 -6057,667994,229136,2,,,2,1,1,,,2 -6060,245113,147812,2,,,1,1,1,1,0050,2 -6061,799935,229490,2,,,2,1,1,0,1904,2 -6085,666700,208956,2,,,2,1,1,0,1930,2 -6089,724680,214696,2,,,2,1,1,0,2057,2 -6091,580721,210189,2,,,2,2,1,0,1908,2 -6092,317474,148041,2,,,2,1,1,,,2 -6092,317475,148042,1,5,2,2,1,2,,,2 -6092,317476,148044,1,5,3,2,1,3,,,2 -6095,478944,201312,2,,,2,1,1,0,0130,2 -6096,541001,204788,2,,,1,1,1,0,1936,2 -6096,542732,204789,1,2,3,1,1,2,3,1122,2 -6106,988535,246801,2,,,1,1,1,0,1324,2 -6121,559491,213206,2,,,2,2,1,0,2156,2 -6123,241372,226935,2,,,2,2,1,0,2350,2 -6127,717029,204844,2,,,2,1,1,1,0100,2 -6128,319184,142042,2,,,2,1,1,0,,2 -6129,278105,153503,2,,,1,1,1,0,1444,2 -6129,278106,153504,1,1,3,1,1,2,3,1003,2 -6129,278107,153505,1,2,1,1,1,3,6,1258,2 -6130,966373,246863,2,,,2,1,1,0,2235,2 -6132,666117,224228,2,,,2,1,1,0,,2 -6136,946630,240410,2,,,1,1,1,0,,2 -6141,750540,230558,2,,,1,1,1,0,1240,2 -6146,481820,165562,2,,,2,1,1,0,,2 -6146,483008,165563,1,5,2,2,1,2,1,,2 -6147,782142,249609,2,,,1,1,1,0,1848,2 -6150,487880,202889,2,,,2,1,1,0,2132,2 -6161,350200,155282,2,,,1,1,1,,,2 -6164,780464,213103,2,,,2,2,1,0,1421,2 -6166,754279,236982,2,,,1,1,1,0,2003,2 -6167,253625,177778,2,,,2,1,1,1,0140,2 -6176,706564,213266,2,,,2,2,1,0,1837,2 -6180,881549,234888,2,,,2,1,1,0,2352,2 -6180,881550,234891,1,5,1,2,1,2,1,1245,2 -6182,382833,155725,2,,,1,1,1,0,1233,2 -6195,366591,158695,2,,,2,2,1,0,1657,2 -6200,890425,238093,2,,,1,1,1,0,1730,2 -6205,266348,155189,2,,,2,1,1,0,1910,2 -6205,266350,166232,,,,,,2,10,1531,1 -6209,541833,201350,2,,,2,1,1,0,2018,2 -6217,708041,229129,2,,,1,1,1,,,2 -6225,264628,148165,2,,,1,1,1,,,2 -6225,264631,148166,1,4,1,1,1,2,,,2 -6229,475714,185024,2,,,2,1,1,0,2328,2 -6232,282221,153182,2,,,2,1,1,0,,2 -6235,517650,227249,2,,,1,1,1,0,1623,2 -6236,297561,147939,2,,,2,2,1,,0758,2 -6250,388005,177654,2,,,1,1,1,0,2147,2 -6252,447928,177648,2,,,2,1,1,0,1207,2 -6255,265048,153181,1,5,1,2,1,2,1,,2 -6261,567216,211718,2,,,2,2,1,0,0853,2 -6275,564281,201347,2,,,2,1,1,0,1450,2 -6276,135963,133366,2,,,2,1,1,0,,2 -6278,329608,155195,2,,,2,2,1,0,2008,2 -6284,143265,134247,2,,,2,2,1,0,0728,2 -6293,259406,147893,2,,,2,1,1,0,2344,2 -6301,499927,177782,2,,,2,1,1,1,0047,2 -6302,245412,165109,2,,,2,1,1,0,,2 -6303,405119,214701,2,,,1,1,1,0,1607,2 -6311,598896,217178,2,,,2,2,1,0,2034,2 -6323,351053,155182,2,,,2,1,1,0,2024,2 -6325,750492,225866,2,,,1,1,1,0,2157,2 -6327,982660,240587,2,,,2,1,1,0,2207,2 -6332,866541,238111,2,,,1,1,1,0,2352,2 -6341,885414,236960,2,,,1,1,1,0,1748,2 -6352,848599,233989,2,,,1,1,1,0,1410,2 -6362,758633,225858,2,,,1,1,1,0,2039,2 -6362,758634,225859,1,2,4,1,1,2,2,1026,2 -6362,758635,225860,,,,,,3,4,1520,1 -6367,145875,165551,2,,,1,1,1,0,,2 -6371,687550,236794,2,,,2,1,1,0,1716,2 -6380,504491,204818,2,,,2,2,1,,,2 -6382,598751,210104,2,,,2,1,1,0,1924,2 -6383,215583,134322,2,,,2,1,1,0,2045,2 -6387,941467,246482,2,,,1,1,1,0,1904,2 -6387,941468,246481,1,2,3,1,1,2,1,0134,2 -6388,427048,214709,2,,,2,1,1,0,1743,2 -6389,316991,242293,2,,,2,2,1,0,2300,2 -6393,671978,217200,2,,,2,2,1,0,1442,2 -6395,908840,237819,2,,,2,1,1,1,0301,2 -6404,563617,204778,2,,,2,1,1,0,1727,2 -6405,216626,177637,2,,,2,2,1,0,2305,2 -6410,706097,229075,2,,,2,2,1,1,0902,2 -6418,344868,148353,2,,,1,1,1,0,,2 -6426,845205,237831,2,,,2,1,1,0,1419,2 -6433,800650,230590,2,,,1,1,1,0,,2 -6440,504856,203338,2,,,1,1,1,0,2148,2 -6441,944956,245958,2,,,1,1,1,0,2132,2 -6447,190610,229618,2,,,2,1,1,1,0105,2 -6447,849007,229616,1,5,2,2,1,2,2,1445,2 -6452,128865,127162,2,,,2,1,1,0,1913,2 -6464,721631,202791,2,,,2,1,1,0,0523,2 -6473,259239,155285,2,,,1,1,1,0,,2 -6484,680001,226827,2,,,2,1,1,0,2210,2 -6495,535306,241100,2,,,1,1,1,0,,2 -6505,253474,147871,2,,,2,1,1,0,,2 -6507,866093,234879,2,,,2,2,1,0,1800,2 -6511,752287,225827,2,,,2,1,1,0,0909,2 -6513,866330,241091,2,,,2,1,1,0,2205,2 -6517,369599,165572,2,,,1,1,1,0,,2 -6517,370751,200947,,,,,,2,9,,1 -6517,370752,200948,,,,,,3,17,,1 -6523,447496,158699,2,,,2,1,1,1,1445,2 -6533,135253,173387,2,,,2,1,1,0,,2 -6542,171380,133623,2,,,2,2,1,0,1159,2 -6548,802977,238113,2,,,1,1,1,0,2349,2 -6553,161423,229025,2,,,2,1,1,0,1451,2 -6564,464614,173381,2,,,2,1,1,1,,2 -6566,889241,237920,2,,,2,2,1,0,1138,2 -6572,864271,236964,2,,,2,1,1,0,,2 -6575,650828,208953,2,,,1,1,1,0,2240,2 -6576,680673,224260,2,,,2,1,1,0,2009,2 -6578,895490,236951,2,,,1,1,1,0,1538,2 -6579,796253,258780,2,,,2,2,1,0,2011,2 -6586,211412,202555,2,,,1,1,1,0,2320,2 -6600,259463,147890,2,,,2,1,1,0,2240,2 -6617,386761,155216,2,,,1,1,1,0,1925,2 -6630,725634,244612,2,,,2,1,1,0,2058,2 -6636,585363,226977,2,,,1,1,1,0,,2 -6642,442165,242173,2,,,2,2,1,0,1007,2 -6647,680437,224238,2,,,1,1,1,0,,2 -6667,673757,224234,2,,,2,1,1,0,2150,2 -6673,546800,213205,2,,,2,1,1,1,0004,2 -6674,251193,155811,2,,,2,1,1,0,,2 -6677,428874,184999,2,,,2,1,1,0,2228,2 -6681,926129,237935,2,,,2,2,1,0,2015,2 -6703,710049,214686,2,,,2,1,1,0,1904,2 -6705,877062,241208,2,,,1,1,1,0,1745,2 -6709,832436,237797,2,,,2,2,1,0,1800,2 -6714,548092,177784,2,,,2,1,1,0,0910,2 -6719,872253,234883,2,,,1,1,1,0,2013,2 -6722,577054,242116,2,,,2,2,1,0,1623,2 -6726,767331,234082,2,,,2,1,1,,,2 -6734,990388,246894,2,,,2,1,1,0,1247,2 -6735,450122,185030,2,,,2,2,1,0,1322,2 -6750,816634,229525,2,,,1,1,1,0,1510,2 -6755,137298,133907,2,,,1,1,1,0,1815,2 -6758,344678,158624,2,,,2,1,1,0,,2 -6768,423059,217366,2,,,1,1,1,0,1017,2 -6780,744201,229509,2,,,2,1,1,0,1542,2 -6790,344995,148355,2,,,2,1,1,,,2 -6797,810990,228579,1,5,1,2,1,2,12,1424,2 -6806,233983,148360,2,,,1,1,1,0,,2 -6809,185933,165552,2,,,2,1,1,0,,2 -6810,214941,134326,2,,,1,1,1,0,1820,2 -6818,584979,210124,2,,,2,2,1,0,1110,2 -6823,557853,177793,2,,,2,1,1,0,2212,2 -6824,477091,201446,2,,,2,1,1,1,0008,2 -6837,923747,245337,2,,,2,1,1,0,1610,2 -6841,328343,154971,2,,,2,1,1,0,2030,2 -6842,149485,133607,2,,,2,1,1,0,1410,2 -6846,194773,133330,2,,,2,1,1,0,2313,2 -6851,425907,158698,2,,,2,1,1,0,1952,2 -6861,665780,208992,2,,,2,1,1,1,0026,2 -6865,561729,185006,2,,,1,1,1,0,0936,2 -6867,177208,147927,2,,,2,1,1,0,0622,2 -6872,722485,226838,2,,,2,2,1,0,0943,2 -6873,510899,184975,2,,,2,1,1,0,,2 -6879,217553,155248,2,,,2,1,1,0,1920,2 -6898,794636,241087,2,,,1,1,1,0,1914,2 -6898,794637,241088,1,4,5,1,1,2,4,1500,2 -6902,662815,228158,2,,,2,1,1,0,1652,2 -6911,446657,217089,2,,,2,2,1,0,1919,2 -6914,173208,202786,2,,,2,1,1,0,1650,2 -6926,334592,154960,2,,,1,1,1,0,1225,2 -6929,143177,134248,2,,,2,1,1,1,1042,2 -6935,485464,165564,2,,,2,1,1,0,,2 -6935,485465,165565,1,5,3,2,1,2,0,,2 -6936,276445,153463,2,,,2,1,1,0,1815,2 -6940,372223,155225,2,,,2,2,1,0,,2 -6946,1015061,246875,2,,,1,1,1,0,2008,2 -6957,795519,237838,2,,,1,1,1,0,1220,2 -6959,131059,127145,2,,,2,2,1,0,1752,2 -6963,231863,246690,2,,,2,2,1,0,0413,2 -6989,601890,213128,2,,,2,1,1,0,2249,2 -6995,521432,226981,2,,,2,1,1,0,1403,2 -7000,217252,227253,2,,,1,1,1,1,0031,2 -7001,777036,241187,2,,,2,2,1,0,1821,2 -7008,932051,247056,2,,,2,1,1,0,2322,2 -7020,402681,158673,2,,,2,1,1,1,1335,2 -7046,314174,148298,2,,,2,1,1,0,1107,2 -7050,579882,228136,2,,,2,2,1,0,2254,2 -7053,320954,158634,2,,,2,1,1,1,,2 -7067,165837,133621,2,,,2,1,1,1,0038,2 -7071,872734,234251,2,,,2,1,1,0,2015,2 -7084,882186,234892,2,,,2,2,1,0,1242,2 -7087,464451,173424,2,,,1,1,1,0,,2 -7087,464452,173426,,,,,,2,3,,1 -7087,464453,173427,,,,,,3,11,,1 -7095,756248,234060,2,,,1,1,1,,,2 -7096,882429,241061,2,,,2,1,1,0,2028,2 -7122,253194,155685,2,,,2,2,1,,,2 -7123,631257,202806,2,,,1,1,1,0,1940,2 -7124,130757,150245,2,,,2,1,1,0,,2 -7132,475434,165353,2,,,1,1,1,0,0611,2 -7135,239204,153509,2,,,1,1,1,1,0016,2 -7136,396643,155755,2,,,1,1,1,0,1824,2 -7141,791811,229494,2,,,2,2,1,0,2358,2 -7142,630870,214633,2,,,1,1,1,0,1020,2 -7150,504652,204817,2,,,2,1,1,,,2 -7154,343285,155186,2,,,2,2,1,0,2230,2 -7154,343286,157032,1,5,5,2,2,2,1,0356,2 -7158,195841,133632,2,,,1,1,1,0,1603,2 -7173,234789,148286,2,,,1,1,1,0,1236,2 -7186,969970,245802,2,,,2,2,1,0,1930,2 -7189,126907,201448,2,,,1,1,1,0,1809,2 -7193,821647,235428,2,,,1,1,1,,,2 -7198,871865,234881,2,,,2,1,1,1,0027,2 -7200,945830,245351,2,,,2,1,1,0,1425,2 -7203,409419,158702,2,,,1,1,1,0,1030,2 -7212,667582,213313,2,,,2,1,1,0,1645,2 -7214,165715,155267,2,,,1,1,1,0,1245,2 -7215,398098,158707,2,,,1,1,1,0,1433,2 -7215,398099,158708,1,1,1,1,1,2,2,1200,2 -7217,269711,147883,2,,,2,2,1,0,0903,2 -7223,660321,203349,2,,,2,2,1,0,,2 -7225,649908,224225,2,,,1,1,1,0,0958,2 -7227,179483,133887,2,,,2,2,1,,,2 -7228,224168,153486,2,,,1,1,1,0,1122,2 -7228,224169,153487,,,,,,2,20,1704,1 -7228,224170,153490,,,,,,3,34,1209,1 -7242,926249,241170,2,,,1,1,1,0,2141,2 -7245,406159,165328,2,,,1,1,1,0,2213,2 -7248,612112,213134,2,,,2,2,1,0,1558,2 -7252,320028,185003,2,,,2,2,1,0,1929,2 -7253,739802,229115,2,,,1,1,1,,,2 -7259,459154,185025,2,,,2,2,1,0,1614,2 -7260,392534,236949,2,,,1,1,1,0,2125,2 -7260,398719,236950,1,2,4,1,1,2,5,1710,2 -7270,759774,220669,2,,,2,1,1,1,0142,2 -7276,827381,236902,2,,,2,1,1,0,0215,2 -7285,523393,228138,2,,,2,2,1,0,1718,2 -7287,683181,214680,2,,,2,2,1,0,2245,2 -7296,715731,214691,2,,,2,1,1,0,0020,2 -7302,445258,172510,2,,,2,1,1,,,2 -7313,464324,173378,2,,,1,1,1,0,,2 -7324,1007560,246951,2,,,2,2,1,0,2101,2 -7335,750063,213081,2,,,2,1,1,0,2028,2 -7347,715921,241090,2,,,1,1,1,0,2141,2 -7350,977514,240588,2,,,2,1,1,1,,2 -7353,471562,201434,2,,,1,1,1,0,2355,2 -7356,251240,165108,2,,,2,1,1,0,,2 -7367,447988,201452,2,,,1,1,1,0,2336,2 -7371,203737,153474,2,,,2,2,1,0,1646,2 -7382,587579,214600,2,,,1,1,1,0,2256,2 -7383,512147,185013,2,,,1,1,1,0,1634,2 -7399,618416,213296,2,,,1,1,1,0,1929,2 -7404,124274,147914,2,,,2,1,1,0,1426,2 -7421,915097,237854,2,,,1,1,1,,,2 -7422,209672,133334,2,,,2,1,1,0,1840,2 -7426,1011565,247002,2,,,2,2,1,0,1843,2 -7429,419147,200879,2,,,1,1,1,0,2117,2 -7432,867037,235420,2,,,1,1,1,0,2038,2 -7433,954224,245799,2,,,1,1,1,0,2036,2 -7440,416085,202526,2,,,1,1,1,0,1135,2 -7454,490489,217137,2,,,1,1,1,0,1334,2 -7462,741808,241089,2,,,1,1,1,0,1820,2 -7480,913711,246866,2,,,1,1,1,0,2035,2 -7480,913712,246867,1,3,1,1,1,2,7,1456,2 -7484,661724,210192,2,,,1,1,1,0,2211,2 -7486,246931,153461,2,,,1,1,1,0,0901,2 -7486,246932,153462,1,1,4,1,1,2,8,0235,2 -7493,484323,201397,2,,,2,1,1,0,1630,2 -7496,756082,234070,2,,,2,2,1,,,2 -7503,522265,184973,2,,,2,1,1,0,,2 -7509,570650,213149,2,,,2,1,1,0,1558,2 -7531,789573,233939,2,,,1,1,1,,,2 -7532,958390,245806,2,,,1,1,1,0,1400,2 -7540,797932,237964,2,,,1,1,1,0,1711,2 -7568,384960,155592,2,,,2,2,1,0,2056,2 -7575,146640,246260,2,,,1,1,1,,,2 -7582,737293,229118,2,,,2,2,1,,,2 -7583,195415,142569,2,,,2,1,1,0,,2 -7588,678413,229134,2,,,2,2,1,,,2 -7591,585825,210109,2,,,1,1,1,0,1617,2 -7608,704622,228151,2,,,1,1,1,0,2017,2 -7614,557363,177817,2,,,1,1,1,0,1840,2 -7616,522060,184974,2,,,1,1,1,0,,2 -7623,340629,155275,2,,,2,1,1,0,2009,2 -7627,179969,153156,2,,,2,2,1,,,2 -7629,680490,224236,2,,,1,1,1,0,1756,2 -7633,131447,133359,2,,,1,1,1,,2045,2 -7643,767120,234071,2,,,1,1,1,,,2 -7643,767121,234072,1,3,5,1,1,2,,,2 -7644,113707,133612,2,,,2,1,1,0,1819,2 -7656,397324,227005,2,,,1,1,1,0,,2 -7663,437081,226957,2,,,1,1,1,,,2 -7671,409113,204864,2,,,2,1,1,1,0210,2 -7676,578009,214588,2,,,2,1,1,0,1702,2 -7683,219670,154934,2,,,2,2,1,0,2351,2 -7687,380286,154953,2,,,2,2,1,0,1736,2 -7696,492317,201393,2,,,2,2,1,0,2121,2 -7697,317589,242291,2,,,2,2,1,0,2153,2 -7698,168910,202647,2,,,2,2,1,0,1618,2 -7705,713878,225818,2,,,1,1,1,0,0900,2 -7707,603701,214610,2,,,2,1,1,0,2338,2 -7714,159260,147917,2,,,2,1,1,0,1905,2 -7727,811763,233982,2,,,1,1,1,0,1300,2 -7732,672403,210129,2,,,1,1,1,0,0901,2 -7732,672404,210131,1,2,2,1,1,2,2,1110,2 -7734,478482,200901,2,,,2,2,1,0,1605,2 -7746,467661,173376,2,,,2,1,1,1,,2 -7747,247404,155286,2,,,2,1,1,0,,2 -7756,215509,153170,2,,,2,1,1,0,,2 -7762,672409,217194,2,,,1,1,1,0,1828,2 -7768,235896,155753,2,,,1,1,1,0,0330,2 -7768,384415,204703,1,3,1,1,1,2,1,0833,2 -7770,568012,201986,2,,,2,1,1,0,1227,2 -7772,269523,153184,2,,,2,1,1,2,,2 -7777,420522,172501,2,,,2,1,1,,,2 -7779,737163,229120,2,,,2,1,1,,,2 -7790,132419,150261,2,,,1,1,1,0,,2 -7796,542513,184959,2,,,2,1,1,0,,2 -7802,714291,233938,2,,,1,1,1,0,1233,2 -7804,145143,213034,2,,,2,1,1,0,1835,2 -7808,478650,201444,2,,,2,1,1,0,1355,2 -7815,425133,158667,2,,,1,1,1,0,,2 -7823,977492,240590,2,,,2,1,1,0,,2 -7831,375808,155298,2,,,1,1,1,0,1529,2 -7831,375809,155299,1,4,1,1,1,2,2,0516,2 -7831,683863,241112,1,2,1,1,1,3,2,0712,2 -7832,455218,229062,2,,,2,1,1,1,0229,2 -7837,625789,214614,2,,,2,1,1,1,0050,2 -7838,444492,172506,2,,,1,1,1,,,2 -7838,444493,172508,1,2,3,1,1,2,,,2 -7853,863189,241194,2,,,1,1,1,0,1926,2 -7854,787642,234901,2,,,2,2,1,0,2012,2 -7856,706472,238124,2,,,2,1,1,0,2129,2 -7858,483926,201399,2,,,2,1,1,0,1240,2 -7871,1015777,246284,2,,,2,1,1,0,0908,2 -7873,153644,133616,2,,,1,1,1,0,2347,2 -7881,1013662,246878,2,,,2,1,1,0,2152,2 -7883,438756,184994,2,,,2,1,1,1,0036,2 -7887,738117,213284,2,,,2,2,1,1,1355,2 -7904,236944,147813,2,,,1,1,1,0,2000,2 -7904,236945,147815,1,2,4,1,1,2,3,1840,2 -7909,836912,234913,2,,,2,1,1,0,1713,2 -7914,406109,160964,2,,,2,1,1,1,,2 -7920,417421,158688,2,,,2,1,1,0,2125,2 -7926,1011159,246882,2,,,1,1,1,0,0431,2 -7928,260796,147811,2,,,1,1,1,0,,2 -7938,269406,153185,2,,,1,1,1,0,,2 -7944,960992,246862,2,,,2,2,1,0,1817,2 -7950,659411,229142,2,,,2,1,1,,,2 -7954,604983,202866,2,,,1,1,1,0,2049,2 -7958,303823,148150,2,,,2,2,1,,,2 -7960,885899,236959,2,,,1,1,1,0,0934,2 -7962,445319,172511,2,,,2,1,1,,,2 -7968,201039,147827,2,,,2,1,1,0,2059,2 -7971,557149,201966,2,,,2,1,1,0,2316,2 -7983,629343,228173,2,,,2,1,1,1,0209,2 -7985,1005814,247004,2,,,1,1,1,0,1851,2 -7993,265018,241994,2,,,2,2,1,0,0326,2 -7999,514820,204814,2,,,2,1,1,,,2 -8003,423133,165346,2,,,2,2,1,0,1845,2 -8010,486838,173386,2,,,2,1,1,0,,2 -8017,141399,150259,2,,,1,1,1,0,,2 -8026,286945,147888,2,,,2,1,1,0,0557,2 -8032,199232,142503,2,,,1,1,1,,,2 -8034,173595,133886,2,,,2,2,1,,,2 -8037,437302,172525,1,5,4,2,1,2,1,,2 -8037,437303,172524,2,,,2,1,1,0,,2 -8040,577972,214592,2,,,2,1,1,0,1944,2 -8041,1069029,252937,2,,,2,2,1,1,0315,2 -8042,231473,154964,2,,,1,1,1,0,0745,2 -8058,721387,229126,2,,,2,1,1,,,2 -8069,716906,202793,2,,,2,2,1,0,0922,2 -8072,684036,202798,2,,,2,2,1,1,0023,2 -8077,710068,214687,2,,,2,1,1,0,1558,2 -8099,913422,245968,2,,,2,1,1,0,1936,2 -8100,270333,155283,2,,,2,1,1,,,2 -8107,447780,158684,2,,,2,2,1,0,1915,2 -8159,592169,208973,2,,,1,1,1,,,2 -8160,188122,133347,2,,,1,1,1,1,1515,2 -8164,427299,217350,2,,,2,1,1,0,1936,2 -8167,508934,202887,2,,,2,2,1,0,1621,2 -8175,359288,155257,2,,,1,1,1,0,1755,2 -8180,431700,165304,2,,,1,1,1,1,,2 -8187,788418,226916,2,,,2,1,1,0,2040,2 -8189,442205,160953,2,,,2,1,1,0,,2 -8192,504043,202379,2,,,2,2,1,0,2250,2 -8194,495006,185021,2,,,2,1,1,0,1921,2 -8202,308086,148143,2,,,1,1,1,0,1720,2 -8202,308087,148144,1,2,1,1,1,2,0,2347,2 -8202,308088,148145,,,,,,3,,,1 -8204,208710,142492,2,,,2,2,1,0,,2 -8212,255203,147907,2,,,1,1,1,0,1830,2 -8220,775724,230572,2,,,2,1,1,0,2022,2 -8221,140916,150214,2,,,1,1,1,0,,2 -8225,335085,142027,2,,,2,1,1,0,,2 -8228,705887,229077,2,,,2,1,1,0,1837,2 -8238,654009,217190,2,,,1,1,1,0,2150,2 -8241,342862,153459,2,,,1,1,1,0,1339,2 -8245,896552,237947,2,,,2,2,1,0,1734,2 -8255,603959,214609,2,,,2,1,1,0,1834,2 -8257,500134,177812,2,,,2,2,1,0,1515,2 -8260,219143,154933,2,,,1,1,1,0,2133,2 -8262,594446,210106,2,,,1,1,1,0,1037,2 -8271,975105,246855,2,,,2,1,1,0,2101,2 -8275,348034,158659,2,,,2,1,1,0,,2 -8286,522296,184971,2,,,2,1,1,0,,2 -8286,522297,184972,1,5,3,2,2,2,2,,2 -8291,955221,245950,2,,,2,1,1,0,1321,2 -8298,184432,202618,2,,,1,1,1,0,1436,2 -8299,208276,153179,2,,,1,1,1,0,,2 -8301,217460,155251,2,,,1,1,1,0,,2 -8301,224244,155252,1,2,3,1,1,2,25,,2 -8322,509721,217142,2,,,1,1,1,0,1943,2 -8324,433167,160978,2,,,2,1,1,0,,2 -8326,478566,177811,2,,,2,2,1,0,1445,2 -8329,736110,227020,2,,,2,2,1,0,1806,2 -8332,155068,133615,2,,,2,1,1,0,1433,2 -8333,632188,208990,2,,,2,1,1,0,2035,2 -8361,154083,202316,2,,,2,1,1,0,1628,2 -8363,789126,229113,2,,,2,2,1,,,2 -8368,506809,177803,2,,,1,1,1,0,2345,2 -8372,464636,173383,2,,,2,2,1,0,,2 -8384,569063,242122,2,,,2,2,1,0,1432,2 -8389,218729,214699,2,,,2,2,1,0,0914,2 -8393,168524,202635,2,,,1,1,1,0,1556,2 -8394,933481,237924,2,,,2,1,1,0,,2 -8398,991214,246809,2,,,2,2,1,0,1545,2 -8414,563476,204784,2,,,2,1,1,0,2030,2 -8422,850015,244924,2,,,2,2,1,0,2202,2 -8450,445650,172514,2,,,2,1,1,,,2 -8451,592132,213227,2,,,1,1,1,0,1155,2 -8455,859532,236941,2,,,2,1,1,0,1740,2 -8458,153777,148383,2,,,1,1,1,0,1130,2 -8460,141460,150258,2,,,1,1,1,0,,2 -8488,139849,133587,2,,,1,1,1,0,1807,2 -8491,343897,153512,2,,,2,1,1,0,1829,2 -8493,504811,204711,2,,,2,1,1,,,2 -8493,504812,204713,1,5,1,2,1,2,,,2 -8494,625936,214613,2,,,2,2,1,0,1104,2 -8499,379958,148382,2,,,2,1,1,0,2304,2 -8501,239024,226939,2,,,1,1,1,0,2055,2 -8506,666069,226823,2,,,2,1,1,1,0025,2 -8507,497933,204821,2,,,2,1,1,,,2 -8507,497934,204822,1,5,2,2,1,2,,,2 -8523,159161,147929,2,,,2,1,1,0,1955,2 -8524,769321,213075,2,,,2,1,1,1,0014,2 -8527,674932,217793,2,,,1,1,1,0,2312,2 -8530,816699,226920,2,,,2,1,1,0,1455,2 -8544,152978,133910,2,,,2,1,1,0,2359,2 -8547,397921,148352,2,,,2,2,1,,,2 -8553,463014,213319,2,,,1,1,1,0,2014,2 -8553,463018,213320,1,2,3,1,1,2,2,0150,2 -8555,295893,147029,2,,,2,1,1,,,2 -8555,295894,147030,1,5,5,2,2,2,,,2 -8558,465449,173375,2,,,2,1,1,0,,2 -8560,853519,234115,2,,,2,1,1,0,0609,2 -8567,989166,246933,2,,,1,1,1,0,1750,2 -8569,981777,245945,2,,,1,1,1,0,0911,2 -8574,153249,210198,2,,,1,1,1,0,1824,2 -8577,204647,133383,2,,,2,2,1,0,2302,2 -8580,1015463,247003,2,,,1,1,1,0,,2 -8580,1027756,249591,1,2,1,1,1,2,0,2308,2 -8580,1027757,249595,1,1,3,1,1,3,7,1414,2 -8587,187675,133367,2,,,2,2,1,0,,2 -8594,666905,208957,2,,,2,1,1,0,1851,2 -8602,668914,229058,2,,,1,1,1,,,2 -8602,832632,229059,1,1,5,1,1,2,1,1924,2 -8606,142682,133317,2,,,2,2,1,0,1748,2 -8617,415171,160971,2,,,2,1,1,0,,2 -8621,193867,202603,2,,,1,1,1,1,0039,2 -8628,379403,158328,2,,,2,1,1,0,,2 -8642,393631,160963,2,,,2,1,1,0,,2 -8657,758704,230567,2,,,2,2,1,0,2150,2 -8663,731768,229536,2,,,2,1,1,0,1658,2 -8667,629017,204677,2,,,2,1,1,0,1526,2 -8669,224966,147830,2,,,2,1,1,0,2109,2 -8675,453674,165337,2,,,1,1,1,0,2116,2 -8690,734741,213074,2,,,2,1,1,0,2227,2 -8692,584623,214598,2,,,1,1,1,0,1750,2 -8699,143427,134243,2,,,2,2,1,0,2047,2 -8704,828584,235423,1,2,1,1,1,2,4,1727,2 -8704,854620,235421,2,,,1,1,1,0,2149,2 -8705,484071,204832,2,,,2,1,1,,,2 -8706,353349,155231,2,,,2,1,1,0,,2 -8718,924659,246857,2,,,2,1,1,0,1832,2 -8719,432031,158669,2,,,2,2,1,0,,2 -8722,725623,240376,2,,,2,1,1,0,2015,2 -8725,190615,142535,2,,,2,1,1,0,,2 -8733,1004123,247009,2,,,1,1,1,0,0201,2 -8740,928774,237850,2,,,2,2,1,,,2 -8750,213646,213323,2,,,2,1,1,0,,2 -8754,537343,202872,2,,,1,1,1,0,0421,2 -8754,537344,202875,1,2,1,1,1,2,0,0940,2 -8755,739869,229114,2,,,2,2,1,,,2 -8759,151285,133339,2,,,2,2,1,0,0337,2 -8760,282311,165115,2,,,2,1,1,0,,2 -8762,381397,153510,2,,,1,1,1,0,1430,2 -8768,737370,242032,2,,,2,2,1,0,1111,2 -8769,557135,200929,2,,,2,1,1,0,0424,2 -8776,135821,202626,2,,,2,1,1,1,0103,2 -8780,975029,246452,2,,,1,1,1,0,1757,2 -8780,975030,246451,1,3,1,1,1,2,2,0910,2 -8784,265165,153464,2,,,2,2,1,0,1223,2 -8793,361126,155607,2,,,2,1,1,0,1957,2 -8794,846713,246517,2,,,2,1,1,1,0040,2 -8798,761985,213083,2,,,2,1,1,0,1730,2 -8811,456428,226989,2,,,1,1,1,0,0358,2 -8818,580158,211716,2,,,1,1,1,0,1901,2 -8830,442057,158672,2,,,2,2,1,1,1333,2 -8844,567987,201980,2,,,2,1,1,0,1932,2 -8848,562043,210143,2,,,2,1,1,0,1033,2 -8848,562044,210144,1,5,2,2,1,2,0,1749,2 -8849,662829,213309,2,,,2,1,1,0,2108,2 -8858,774431,247103,2,,,1,1,1,0,1841,2 -8859,923455,241227,2,,,2,1,1,0,2337,2 -8867,882679,236931,2,,,1,1,1,0,1640,2 -8875,130422,150251,2,,,2,1,1,0,,2 -8877,609538,214611,2,,,2,1,1,0,1907,2 -8879,213845,133893,2,,,2,2,1,1,0009,2 -8886,294296,146967,2,,,2,2,1,,,2 -8895,473115,201450,2,,,2,1,1,0,2141,2 -8897,450244,237878,2,,,2,2,1,0,1949,2 -8899,598459,204769,2,,,2,1,1,0,2057,2 -8901,372442,148378,2,,,2,1,1,0,1930,2 -8904,422980,202522,2,,,2,1,1,0,2046,2 -8908,393556,160956,2,,,2,1,1,0,,2 -8911,836756,234905,2,,,2,2,1,0,0353,2 -8918,465303,173431,2,,,1,1,1,0,,2 -8920,254169,147899,2,,,2,1,1,0,1718,2 -8922,595174,227235,2,,,2,2,1,0,2303,2 -8923,215536,154362,2,,,2,1,1,0,,2 -8926,789079,229463,2,,,2,1,1,0,1545,2 -8930,446514,165351,2,,,1,1,1,0,1726,2 -8936,471248,201429,2,,,2,1,1,0,1842,2 -8940,854515,234116,2,,,2,2,1,0,1729,2 -8942,420799,172527,2,,,2,1,1,,,2 -8949,141173,165117,2,,,2,1,1,0,,2 -8968,344590,158628,2,,,2,1,1,1,,2 -8974,819395,242185,2,,,2,1,1,0,1923,2 -8974,819396,246459,1,5,2,2,1,2,1,1426,2 -8976,646201,213257,2,,,1,1,1,0,1658,2 -8977,146273,165555,2,,,2,1,1,0,0554,2 -8982,982341,245953,2,,,2,2,1,0,1707,2 -8990,258682,184988,2,,,1,1,1,0,2218,2 -8996,345476,229611,2,,,2,2,1,0,1811,2 -9000,896359,237949,2,,,1,1,1,0,1727,2 -9000,896360,237950,1,4,5,1,1,2,0,2244,2 -9002,726794,229530,2,,,2,2,1,0,1637,2 -9004,554590,201327,2,,,1,1,1,0,1801,2 -9013,347206,155280,2,,,2,2,1,1,0200,2 -9014,154706,202631,2,,,2,2,1,0,2122,2 -9018,776500,236974,2,,,1,1,1,0,1218,2 -9023,553681,177787,2,,,2,1,1,0,1758,2 -9024,809888,230603,2,,,2,1,1,0,2139,2 -9026,906763,237823,2,,,2,1,1,0,2049,2 -9030,722901,213151,2,,,2,1,1,0,,2 -9040,513390,177783,2,,,1,1,1,0,1407,2 -9043,876474,237826,2,,,2,1,1,0,1606,2 -9052,420855,172526,2,,,2,2,1,,,2 -9056,806580,237807,2,,,2,1,1,0,2210,2 -9057,785823,236946,2,,,2,2,1,0,2026,2 -9074,745381,210127,2,,,1,1,1,1,0233,2 -9080,177653,202651,2,,,2,1,1,0,1859,2 -9083,391847,155222,2,,,1,1,1,0,,2 -9083,416329,155223,1,1,5,1,1,2,15,,2 -9085,926407,237933,2,,,1,1,1,0,1515,2 -9096,567236,213118,2,,,2,2,1,0,1616,2 -9096,567237,213119,1,5,1,2,1,2,3,1705,2 -9101,229076,148363,2,,,1,1,1,0,,2 -9112,305955,142066,2,,,1,1,1,0,,2 -9116,432213,229609,2,,,1,1,1,0,2232,2 -9116,432214,229606,1,2,2,1,1,2,1,1339,2 -9117,187612,142576,2,,,1,1,1,0,,2 -9124,925714,241174,2,,,2,2,1,0,1905,2 -9130,415988,202540,2,,,2,1,1,0,1331,2 -9133,523338,184991,2,,,1,1,1,1,0113,2 -9143,368258,155226,2,,,1,1,1,0,,2 -9147,990222,246287,2,,,2,1,1,0,1940,2 -9148,416801,214707,2,,,2,1,1,0,0709,2 -9155,299662,147021,2,,,1,1,1,0,0904,2 -9160,228289,155271,2,,,1,1,1,0,1912,2 -9161,806069,220061,2,,,2,2,1,0,2239,2 -9170,648335,202805,2,,,2,1,1,0,0732,2 -9177,130632,150252,2,,,2,1,1,0,,2 -9185,432589,185032,2,,,2,1,1,0,2312,2 -9187,833952,236924,2,,,1,1,1,0,1617,2 -9195,732687,229524,2,,,2,1,1,0,1830,2 -9196,457592,241257,2,,,2,2,1,0,2120,2 -9197,766075,213099,2,,,2,1,1,,,2 -9198,815467,237804,2,,,1,1,1,0,2315,2 -9203,694823,229130,2,,,2,1,1,,,2 -9205,975084,246864,2,,,2,1,1,0,0539,2 -9210,654543,203347,2,,,1,1,1,,,2 -9215,166094,177642,2,,,2,2,1,0,0232,2 -9215,166095,177643,1,5,1,2,1,2,,,2 -9224,287569,153201,2,,,1,1,1,0,,2 -9226,539038,177795,2,,,2,1,1,0,1406,2 -9227,789428,229495,2,,,1,1,1,0,1928,2 -9235,164034,134312,2,,,2,2,1,0,2017,2 -9236,436937,165307,2,,,2,2,1,0,,2 -9245,338755,246270,2,,,1,1,1,0,0727,2 -9247,461652,242165,2,,,2,2,1,1,0145,2 -9248,437240,172497,2,,,2,2,1,,,2 -9249,700536,229079,2,,,2,1,1,0,2134,2 -9261,864625,249577,2,,,2,1,1,0,1844,2 -9269,864768,241120,2,,,2,1,1,0,2049,2 -9280,190477,142506,2,,,2,2,1,0,,2 -9282,321231,154966,2,,,2,1,1,,1700,2 -9285,816090,251509,2,,,2,1,1,0,1635,2 -9293,292264,147869,2,,,2,2,1,0,,2 -9295,210316,133871,2,,,2,2,1,0,0640,2 -9296,847339,233987,2,,,2,2,1,1,0130,2 -9298,323322,155263,2,,,2,1,1,0,1011,2 -9300,805208,236385,2,,,1,1,1,0,1314,2 -9300,805209,236386,1,1,2,1,1,2,1,1327,2 -9306,425017,158692,2,,,2,1,1,0,1845,2 -9312,994832,247031,2,,,2,1,1,0,2110,2 -9315,391595,155596,2,,,1,1,1,0,,2 -9322,679494,236993,2,,,1,1,1,0,1724,2 -9323,173934,133864,2,,,1,1,1,0,1924,2 -9333,1001638,246993,2,,,2,1,1,1,0005,2 -9352,667914,245629,2,,,2,2,1,,,2 -9355,472941,165323,2,,,2,1,1,1,0239,2 -9357,795621,237836,2,,,2,1,1,0,1620,2 -9365,160569,133346,2,,,2,1,1,0,1730,2 -9369,152676,202629,2,,,2,2,1,0,0059,2 -9376,392188,155599,2,,,2,2,1,0,,2 -9380,959864,246461,2,,,2,1,1,0,1929,2 -9382,235075,214190,2,,,1,1,1,0,1400,2 -9393,970986,246803,2,,,2,1,1,1,1012,2 -9406,304955,142073,2,,,2,1,1,0,,2 -9416,194396,211739,2,,,1,1,1,0,1649,2 -9420,737061,247049,2,,,1,1,1,0,0625,2 -9420,737062,247047,1,2,1,1,1,2,0,1206,2 -9426,402633,184987,2,,,2,1,1,1,1600,2 -9432,264602,148279,2,,,2,1,1,,,2 -9433,866435,237008,2,,,1,1,1,0,1232,2 -9437,999694,246959,1,3,2,1,1,2,3,0900,2 -9437,1034973,249623,2,,,1,1,1,0,2342,2 -9443,168853,202642,2,,,2,1,1,0,1805,2 -9444,391583,155598,2,,,1,1,1,0,,2 -9452,240059,148290,2,,,2,1,1,0,1901,2 -9456,479025,165324,2,,,2,2,1,0,1409,2 -9466,984731,245962,2,,,2,2,1,0,1415,2 -9467,414914,247061,2,,,2,2,1,0,2146,2 -9469,436917,242178,2,,,2,1,1,0,1647,2 -9469,446484,242176,1,5,1,2,1,2,1,0651,2 -9471,616978,204869,2,,,2,1,1,0,1912,2 -9472,602707,213250,2,,,2,1,1,0,1845,2 -9474,272908,148288,2,,,2,2,1,0,0924,2 -9475,266337,147868,2,,,2,2,1,0,,2 -9480,425519,165359,2,,,1,1,1,0,1823,2 -9482,407694,202544,2,,,2,1,1,0,1900,2 -9484,303988,242279,2,,,2,2,1,0,2125,2 -9486,331909,154929,2,,,1,1,1,0,1915,2 -9494,942495,246454,2,,,2,1,1,0,2105,2 -9505,661354,202802,2,,,2,1,1,0,2203,2 -9518,141500,150255,2,,,2,1,1,0,,2 -9521,567934,236820,2,,,2,1,1,0,2313,2 -9522,235449,147015,2,,,2,2,1,0,1756,2 -9530,221427,158638,2,,,2,2,1,0,,2 -9534,984913,249607,2,,,1,1,1,0,1413,2 -9542,945264,245348,2,,,2,1,1,0,2228,2 -9548,253156,142480,2,,,1,1,1,0,,2 -9548,264113,142482,1,4,4,1,1,2,4,,2 -9569,460243,201413,2,,,2,2,1,0,1830,2 -9572,328114,228578,2,,,2,1,1,1,0020,2 -9586,193426,134317,2,,,2,1,1,0,1741,2 -9593,464053,173379,2,,,2,1,1,1,,2 -9599,943945,245951,2,,,1,1,1,0,1454,2 -9604,536170,204859,2,,,2,1,1,,,2 -9615,449550,202313,2,,,2,1,1,,,2 -9624,529323,204804,2,,,2,1,1,,,2 -9627,887921,236955,2,,,1,1,1,0,1754,2 -9633,340092,158630,2,,,2,1,1,0,,2 -9655,475418,165342,2,,,1,1,1,0,1344,2 -9655,498539,221697,,,,,,2,26,1110,1 -9666,788171,230576,2,,,2,1,1,0,2354,2 -9675,426344,229022,2,,,1,1,1,0,1413,2 -9678,140994,150264,2,,,1,1,1,0,,2 -9683,334191,155198,2,,,2,2,1,0,2042,2 -9689,491544,242160,2,,,2,2,1,0,2150,2 -9710,293886,147825,2,,,2,1,1,0,2304,2 -9715,543611,201330,2,,,2,1,1,0,1550,2 -9728,741828,228549,2,,,2,2,1,0,0930,2 -9731,843280,237827,2,,,2,1,1,3,1811,2 -9738,833961,237795,2,,,2,1,1,0,2140,2 -9741,989103,245944,2,,,1,1,1,0,0220,2 -9751,990818,246470,2,,,1,1,1,0,2235,2 -9758,578021,214591,2,,,2,1,1,0,1913,2 -9775,454096,165327,2,,,2,2,1,0,2253,2 -9784,170363,133322,2,,,1,1,1,0,0654,2 -9787,454170,165314,2,,,2,1,1,0,0242,2 -9788,921134,245340,2,,,2,1,1,0,1443,2 -9794,189617,241268,2,,,2,2,1,0,1830,2 -9799,296643,148151,2,,,2,1,1,0,0909,2 -9799,330139,148152,1,5,1,2,1,2,,,2 -9799,330140,148153,1,5,2,2,1,3,,,2 -9801,971030,246802,2,,,1,1,1,0,2037,2 -9802,426454,177638,2,,,1,1,1,,,2 -9805,510982,201306,2,,,1,1,1,0,2135,2 -9805,518229,201308,1,3,1,1,1,2,2,1457,2 -9818,191166,147853,2,,,2,1,1,0,1500,2 -9822,591431,208978,2,,,2,2,1,1,0011,2 -9830,659621,229139,2,,,2,1,1,,,2 -9831,745227,229475,2,,,2,1,1,0,2116,2 -9848,1005783,247007,2,,,2,1,1,0,1458,2 -9850,966340,249603,2,,,2,1,1,0,2240,2 -9854,650652,204693,2,,,2,1,1,0,1148,2 -9870,372525,155711,2,,,1,1,1,0,0930,2 -9876,985114,246845,2,,,1,1,1,0,1759,2 -9878,330897,148302,2,,,2,1,1,0,1812,2 -9881,733315,213079,2,,,2,1,1,0,2133,2 -9887,516925,217214,2,,,1,1,1,0,1917,2 -9889,578540,204851,2,,,2,1,1,0,1355,2 -9889,578541,204852,1,5,2,2,1,2,1,1900,2 -9896,855497,233995,2,,,2,1,1,0,1755,2 -9898,308452,148052,2,,,2,1,1,,,2 -9913,658807,202801,2,,,2,1,1,0,2257,2 -9925,952335,245808,2,,,1,1,1,,,2 -9932,880545,234005,2,,,1,1,1,0,1838,2 -9947,750800,234058,2,,,1,1,1,,,2 -9963,616212,228184,2,,,2,1,1,0,1801,2 -9967,236934,153165,2,,,2,1,1,0,,2 -9972,896227,246511,2,,,1,1,1,0,2207,2 -9972,896228,246507,1,1,3,1,1,2,3,2319,2 -9983,624512,213300,2,,,2,1,1,0,1627,2 -9992,1027585,249582,2,,,1,1,1,0,,2 -9992,1027586,249584,1,2,2,1,1,2,1,,2 -10000,401370,186417,2,,,2,2,1,0,0755,2 -10010,552514,208960,2,,,1,1,1,0,2234,2 -10013,282471,153209,2,,,2,1,1,0,,2 -10019,868237,247094,2,,,2,2,1,0,1124,2 -10021,781748,236904,2,,,1,1,1,0,2251,2 -10024,786815,213101,2,,,2,1,1,,,2 -10030,295427,153200,2,,,2,2,1,0,,2 -10035,682640,213260,2,,,2,2,1,0,1330,2 -10036,165855,202659,2,,,2,2,1,0,1420,2 -10050,996034,247013,2,,,2,1,1,0,0747,2 -10062,122699,127176,2,,,2,1,1,0,1754,2 -10064,827446,246891,2,,,2,1,1,0,1941,2 -10070,775656,226909,2,,,2,1,1,3,1729,2 -10080,749056,213162,2,,,2,2,1,1,0239,2 -10083,178559,202661,2,,,1,1,1,0,2120,2 -10085,131698,127276,2,,,2,1,1,0,2015,2 -10093,539783,185015,2,,,1,1,1,0,1834,2 -10093,539784,185016,1,4,4,1,1,2,2,1407,2 -10093,539785,185017,1,1,3,1,1,3,30,1010,2 -10096,570906,242118,2,,,2,2,1,0,1038,2 -10097,394325,148380,2,,,2,2,1,0,1932,2 -10100,686739,228152,2,,,2,1,1,0,1113,2 -10103,831638,238110,2,,,2,2,1,0,2145,2 -10113,344045,155185,2,,,2,1,1,,,2 -10114,178448,133627,2,,,1,1,1,0,1735,2 -10119,698688,202799,2,,,2,1,1,0,0901,2 -10121,787745,229466,2,,,2,2,1,0,0820,2 -10124,420722,222230,2,,,1,1,1,,,2 -10126,112897,127159,2,,,1,1,1,1,0059,2 -10140,403006,155750,2,,,2,1,1,0,2054,2 -10162,895592,241127,2,,,2,1,1,0,1804,2 -10174,534989,173462,2,,,2,1,1,0,,2 -10186,828374,236969,2,,,2,1,1,0,1804,2 -10190,788207,230578,2,,,2,1,1,1,0109,2 -10198,160739,133608,2,,,2,1,1,0,2325,2 -10214,397917,155733,2,,,1,1,1,0,1737,2 -10222,244129,147876,2,,,1,1,1,0,2205,2 -10224,264538,153470,2,,,2,2,1,0,1935,2 -10229,416037,165554,2,,,2,2,1,0,2220,2 -10234,970913,245971,2,,,2,1,1,0,,2 -10235,947356,247101,2,,,1,1,1,0,1041,2 -10238,548937,184967,2,,,2,2,1,0,,2 -10245,988958,246808,2,,,1,1,1,0,1959,2 -10255,500493,201391,2,,,2,1,1,0,2321,2 -10259,935129,241181,2,,,2,2,1,0,1815,2 -10262,460640,177822,2,,,1,1,1,1,0050,2 -10265,990544,245764,2,,,2,2,1,0,1652,2 -10266,899324,237909,2,,,2,1,1,0,0316,2 -10270,987982,246885,2,,,2,1,1,0,1800,2 -10278,526882,204805,2,,,2,1,1,,,2 -10283,142105,133583,2,,,2,1,1,0,1715,2 -10283,142106,133586,,,,,,2,29,1937,1 -10285,189116,142568,2,,,2,1,1,0,,2 -10291,668664,217896,2,,,1,1,1,0,1451,2 -10295,786659,234084,2,,,1,1,1,,,2 -10306,543324,217171,2,,,1,1,1,0,1227,2 -10312,185852,148284,2,,,1,1,1,,,2 -10312,185853,148285,1,3,5,1,1,2,0,0937,2 -10312,879834,241263,1,1,5,1,1,3,4,1721,2 -10318,545902,228148,2,,,2,2,1,0,1834,2 -10320,390743,160959,2,,,2,1,1,0,,2 -10322,895645,236901,2,,,2,1,1,0,1119,2 -10323,471597,177808,2,,,2,1,1,0,2340,2 -10331,182513,133628,2,,,2,1,1,0,1206,2 -10332,435245,214711,2,,,2,1,1,0,2015,2 -10333,856481,233997,2,,,1,1,1,0,1135,2 -10336,625071,210132,2,,,2,2,1,0,2034,2 -10349,676076,226967,2,,,2,2,1,0,0228,2 -10351,316773,155241,2,,,1,1,1,0,,2 -10351,317593,155244,1,4,4,1,1,2,1,,2 -10353,381593,153457,2,,,1,1,1,0,1145,2 -10353,381594,153458,1,2,1,1,1,2,2,1043,2 -10354,625778,214632,2,,,2,1,1,1,,2 -10357,695217,202794,2,,,2,2,1,0,1404,2 -10358,467946,204823,2,,,2,2,1,,,2 -10374,193420,165318,2,,,2,2,1,0,1500,2 -10377,446931,202510,2,,,2,2,1,0,1948,2 -10377,446936,202516,1,5,5,2,2,2,1,1048,2 -10379,899282,246107,2,,,2,1,1,1,0132,2 -10391,845142,237833,2,,,2,1,1,0,1917,2 -10400,666133,214636,2,,,2,2,1,0,2027,2 -10405,725388,227023,2,,,2,2,1,0,2028,2 -10408,197906,142531,2,,,2,2,1,,,2 -10424,411546,233973,2,,,2,2,1,1,0328,2 -10436,164068,134313,2,,,2,1,1,0,1827,2 -10442,120238,155278,2,,,2,1,1,,,2 -10445,455265,220678,2,,,1,1,1,1,,2 -10445,621405,220682,1,4,4,1,1,2,3,1113,2 -10449,1007751,246883,2,,,2,1,1,0,2055,2 -10450,286902,147877,2,,,2,1,1,0,,2 -10464,308501,148049,2,,,2,2,1,0,1955,2 -10474,559586,213211,2,,,2,2,1,0,0506,2 -10474,559587,213212,1,5,5,2,2,2,0,2210,2 -10476,839834,238108,2,,,2,2,1,0,1657,2 -10485,807069,237872,2,,,2,1,1,,,2 -10488,334012,155197,2,,,2,1,1,1,0325,2 -10490,504469,204819,2,,,2,1,1,,,2 -10502,402989,155752,2,,,2,2,1,0,2224,2 -10507,755037,236980,2,,,1,1,1,1,0009,2 -10521,308292,148055,2,,,1,1,1,,,2 -10521,308293,148057,1,2,1,1,1,2,,,2 -10522,397893,155729,2,,,1,1,1,0,2003,2 -10522,397894,155730,1,2,2,1,1,2,1,1800,2 -10523,628385,208995,2,,,2,1,1,1,0032,2 -10536,829141,237895,2,,,2,1,1,0,1944,2 -10540,686278,227232,2,,,2,1,1,0,1800,2 -10542,314611,148326,2,,,1,1,1,0,1110,2 -10547,831902,234112,2,,,2,2,1,,,2 -10549,693700,213270,2,,,2,1,1,0,1657,2 -10550,575977,210128,2,,,1,1,1,0,1508,2 -10551,984892,246846,2,,,2,1,1,0,1519,2 -10555,527000,213106,2,,,2,1,1,0,2151,2 -10558,646130,213306,2,,,1,1,1,1,0223,2 -10575,398056,158709,2,,,2,1,1,0,1350,2 -10580,568305,226955,2,,,2,1,1,0,,2 -10580,579775,226956,1,3,4,1,1,2,1,0145,2 -10587,309333,154945,2,,,2,2,1,0,2332,2 -10588,466313,165317,2,,,1,1,1,1,0018,2 -10589,135776,202623,2,,,1,1,1,0,1906,2 -10589,135777,202624,1,1,3,1,1,2,29,1035,2 -10598,889310,237914,2,,,2,2,1,0,0245,2 -10600,979739,246466,2,,,2,1,1,0,1543,2 -10600,979740,246467,,,,,,2,9,1357,1 -10614,459014,185027,2,,,2,1,1,0,1649,2 -10616,201393,133923,2,,,2,1,1,0,1627,2 -10627,163290,150271,2,,,2,1,1,0,,2 -10632,131429,127274,2,,,2,1,1,1,0350,2 -10637,651321,204697,2,,,1,1,1,0,1053,2 -10638,372092,155236,2,,,2,2,1,1,,2 -10641,466719,177796,2,,,1,1,1,1,0045,2 -10643,514843,201387,2,,,1,1,1,0,1303,2 -10644,715746,214692,2,,,2,1,1,0,2059,2 -10647,686139,226834,2,,,2,1,1,0,1730,2 -10665,135214,127246,2,,,1,1,1,,,2 -10668,593470,213231,2,,,2,1,1,0,2139,2 -10679,747773,213159,2,,,2,2,1,0,2117,2 -10689,494888,185022,2,,,2,1,1,0,1418,2 -10693,398349,155691,2,,,2,1,1,0,1232,2 -10695,560537,246271,2,,,2,1,1,0,0904,2 -10701,545680,213208,2,,,1,1,1,0,1240,2 -10713,141394,150256,2,,,2,2,1,0,,2 -10720,460114,177821,2,,,1,1,1,0,1841,2 -10726,828447,236903,2,,,1,1,1,0,2035,2 -10733,206115,142489,2,,,2,1,1,1,,2 -10735,1002268,247034,2,,,2,1,1,0,2014,2 -10738,948056,240407,2,,,2,1,1,0,,2 -10741,303887,242028,2,,,2,2,1,0,2102,2 -10749,245952,155272,2,,,2,2,1,0,1541,2 -10756,789000,234897,2,,,2,2,1,0,1930,2 -10757,748417,241184,2,,,2,1,1,1,1302,2 -10765,1000806,246999,2,,,1,1,1,0,1631,2 -10776,153324,127215,2,,,1,1,1,0,2115,2 -10786,566320,211719,2,,,1,1,1,0,2356,2 -10789,1027576,249843,2,,,2,1,1,0,,2 -10795,928558,245805,2,,,2,2,1,0,1711,2 -10800,1006008,247005,2,,,2,1,1,0,2320,2 -10801,233893,154936,2,,,2,1,1,0,1830,2 -10811,136088,126919,2,,,2,1,1,0,2210,2 -10812,713836,214688,2,,,2,1,1,0,1459,2 -10835,298532,147942,2,,,1,1,1,,2229,2 -10840,467396,177799,2,,,2,2,1,1,0100,2 -10847,563474,204787,2,,,2,1,1,0,2203,2 -10871,946938,246854,2,,,1,1,1,0,2300,2 -10871,946939,246848,1,3,5,1,1,2,1,0145,2 -10877,613676,213252,2,,,2,1,1,0,1816,2 -10881,713791,225835,2,,,1,1,1,0,1937,2 -10890,289391,153467,2,,,2,1,1,0,1953,2 -10902,981996,240584,2,,,2,1,1,0,2310,2 -10903,741959,213287,2,,,2,2,1,0,0634,2 -10903,741960,213288,1,5,5,2,2,2,19,1501,2 -10904,673570,213153,2,,,1,1,1,0,1652,2 -10914,745687,229477,2,,,1,1,1,1,0034,2 -10918,440513,158712,2,,,1,1,1,0,2300,2 -10929,348684,154946,2,,,1,1,1,1,0324,2 -10940,872564,238082,2,,,2,1,1,0,,2 -10941,603337,228197,2,,,2,1,1,0,1241,2 -10950,941488,246479,2,,,2,1,1,0,1812,2 -10958,965480,241256,2,,,2,2,1,1,0025,2 -10959,509744,217146,2,,,2,1,1,0,0956,2 -10962,960505,246804,2,,,2,2,1,0,2134,2 -10966,160421,134305,2,,,2,1,1,0,1741,2 -10966,160422,134306,1,5,3,2,1,2,0,2037,2 -10994,253724,153508,2,,,1,1,1,0,2117,2 -11001,816232,213077,2,,,2,1,1,1,0308,2 -11014,529927,201384,2,,,2,1,1,0,1936,2 -11015,160525,224157,2,,,2,2,1,0,1108,2 -11019,699697,224262,2,,,2,1,1,0,2204,2 -11027,748064,236906,2,,,2,2,1,0,1623,2 -11042,454934,165313,2,,,2,2,1,0,1822,2 -11058,611579,201463,2,,,1,1,1,,,2 -11062,480222,242169,2,,,2,1,1,0,0625,2 -11074,1006409,246941,2,,,2,1,1,0,1917,2 -11087,488896,202381,2,,,1,1,1,1,0346,2 -11089,650566,208951,2,,,1,1,1,0,1424,2 -11090,473507,173377,2,,,2,1,1,0,,2 -11092,299618,233936,2,,,1,1,1,,,2 -11099,317295,242302,2,,,2,2,1,0,1742,2 -11102,127937,127197,2,,,2,1,1,0,1349,2 -11105,246957,229063,2,,,2,1,1,,,2 -11106,601592,204686,2,,,2,1,1,0,1812,2 -11117,738025,236923,2,,,2,1,1,0,2033,2 -11123,946350,241125,2,,,2,1,1,0,1727,2 -11126,572139,210190,2,,,2,1,1,0,1022,2 -11129,827528,230613,2,,,2,1,1,0,,2 -11140,224983,147828,2,,,2,1,1,0,1919,2 -11142,864255,234861,2,,,1,1,1,0,2014,2 -11150,181311,142581,2,,,2,1,1,0,,2 -11156,987385,245947,2,,,2,1,1,0,1755,2 -11157,918432,245961,2,,,1,1,1,0,1800,2 -11167,475062,165559,2,,,1,1,1,0,1140,2 -11170,547003,204856,2,,,2,1,1,0,1659,2 -11172,817992,238100,2,,,2,1,1,0,0339,2 -11173,287694,165114,2,,,2,1,1,0,,2 -11175,729310,242033,2,,,2,1,1,0,2152,2 -11182,414828,160967,2,,,2,1,1,0,,2 -11187,437263,172522,2,,,2,1,1,,,2 -11189,471789,201440,2,,,2,1,1,0,2014,2 -11192,136434,133588,2,,,1,1,1,0,1318,2 -11192,136435,133591,1,1,1,2,1,2,4,1400,2 -11199,926409,241167,2,,,2,2,1,0,1534,2 -11201,383126,158635,2,,,2,1,1,0,,2 -11205,640130,208996,2,,,1,1,1,,,2 -11214,219889,148281,2,,,1,1,1,0,0651,2 -11214,219891,148282,1,2,1,1,1,2,2,1502,2 -11228,1002226,246896,2,,,2,1,1,0,2250,2 -11238,523719,201385,2,,,2,2,1,0,1534,2 -11247,673859,236909,2,,,2,1,1,0,1829,2 -11247,673860,247244,,,,,,2,11,2233,1 -11258,163443,150272,2,,,2,1,1,0,,2 -11260,398073,133631,2,,,2,1,1,0,1506,2 -11275,287442,236898,2,,,2,1,1,0,,2 -11283,161979,213114,2,,,2,1,1,,,2 -11286,557575,227247,2,,,1,1,1,0,2206,2 -11295,387897,213329,2,,,2,1,1,1,0050,2 -11295,387898,213331,1,5,2,2,1,2,4,0939,2 -11304,366603,158697,2,,,2,1,1,0,1809,2 -11307,637718,242112,2,,,2,2,1,0,2005,2 -11308,329714,142033,2,,,1,1,1,0,,2 -11311,299613,147022,2,,,1,1,1,0,2151,2 -11320,303860,148147,2,,,2,2,1,0,2323,2 -11320,303861,148148,1,5,1,2,1,2,4,2323,2 -11320,303862,148149,1,5,3,2,2,3,,,2 -11321,366518,155235,2,,,1,1,1,0,,2 -11334,941942,245344,2,,,1,1,1,0,2131,2 -11336,654538,204847,2,,,2,1,1,0,1632,2 -11337,667115,251085,2,,,1,1,1,,,2 -11338,882051,234008,2,,,2,2,1,0,2015,2 -11348,346660,158658,2,,,2,1,1,0,,2 -11371,317356,242311,2,,,2,2,1,0,2008,2 -11387,837551,246520,2,,,2,2,1,0,1616,2 -11397,562834,214644,2,,,2,1,1,0,1540,2 -11398,148145,133318,2,,,2,1,1,0,1615,2 -11399,742062,229507,2,,,1,1,1,0,2057,2 -11400,206619,133599,2,,,1,1,1,0,1310,2 -11402,153215,133613,2,,,2,1,1,0,1419,2 -11404,477602,177802,2,,,2,1,1,0,0530,2 -11408,1005746,247008,2,,,1,1,1,0,2118,2 -11409,888080,236954,2,,,2,2,1,0,1555,2 -11424,120197,127241,2,,,1,1,1,0,,2 -11425,747289,229085,2,,,1,1,1,,,2 -11427,866268,236939,2,,,1,1,1,0,2347,2 -11432,344496,158627,2,,,2,1,1,0,,2 -11440,317773,155245,2,,,1,1,1,0,,2 -11447,377508,242312,2,,,2,2,1,0,0202,2 -11452,654650,203343,2,,,2,1,1,,,2 -11454,269976,154961,2,,,1,1,1,1,0100,2 -11474,194261,133921,2,,,1,1,1,0,1709,2 -11475,788136,236398,2,,,2,1,1,0,0355,2 -11482,535070,184970,2,,,2,1,1,1,,2 -11489,774191,213152,2,,,2,1,1,0,,2 -11492,598538,204766,2,,,1,1,1,0,1510,2 -11496,869694,237956,2,,,1,1,1,0,,2 -11500,508151,228139,2,,,2,2,1,0,2103,2 -11506,173029,134316,2,,,2,1,1,0,2136,2 -11509,520692,201386,2,,,2,1,1,0,2144,2 -11515,401415,155731,2,,,1,1,1,1,0047,2 -11522,834983,237961,2,,,2,2,1,0,1822,2 -11524,301586,142475,2,,,1,1,1,0,,2 -11526,903591,240377,2,,,2,1,1,0,2345,2 -11528,484591,185023,2,,,2,2,1,0,2258,2 -11529,421215,172530,2,,,2,1,1,,,2 -11530,864542,241108,2,,,2,2,1,1,0005,2 -11542,838721,234915,2,,,2,2,1,0,1256,2 -11549,331326,226962,2,,,1,1,1,0,,2 -11549,621385,226960,1,4,4,1,1,2,2,1723,2 -11550,336935,153468,2,,,2,2,1,0,1805,2 -11552,834804,230616,2,,,2,1,1,0,,2 -11553,383347,155260,2,,,2,1,1,0,1656,2 -11555,964085,245949,2,,,2,1,1,1,0035,2 -11559,459032,185026,2,,,2,1,1,0,1703,2 -11564,132734,127273,2,,,1,1,1,0,1522,2 -11572,355159,158663,2,,,2,1,1,0,,2 -11574,648451,213311,2,,,1,1,1,0,1900,2 -11594,200304,133349,2,,,1,1,1,0,1200,2 -11603,557357,177790,2,,,1,1,1,0,1423,2 -11607,838261,241109,2,,,1,1,1,0,2156,2 -11613,534220,201325,2,,,2,1,1,0,1858,2 -11617,215637,134319,2,,,1,1,1,0,2205,2 -11630,489676,226985,2,,,2,1,1,0,1336,2 -11634,192677,202788,2,,,2,2,1,0,1427,2 -11643,470702,177777,2,,,1,1,1,1,,2 -11644,177198,147934,2,,,2,1,1,0,2120,2 -11645,954747,245973,2,,,1,1,1,0,,2 -11646,572133,213321,2,,,2,2,1,0,0942,2 -11660,593213,218611,2,,,2,1,1,0,0328,2 -11663,659009,203342,2,,,2,2,1,,,2 -11669,794009,229061,2,,,1,1,1,0,1910,2 -11675,750755,229084,2,,,2,1,1,,,2 -11679,158812,184995,1,5,5,2,1,2,0,1815,2 -11681,666679,208954,2,,,2,1,1,0,2149,2 -11681,666680,208955,1,5,2,2,1,2,2,1442,2 -11682,495363,200906,2,,,1,1,1,0,2241,2 -11684,188783,142486,2,,,2,1,1,0,,2 -11690,207744,133610,2,,,2,1,1,0,,2 -11693,541216,217161,2,,,2,1,1,0,1805,2 -11712,415882,165553,2,,,1,1,1,1,0130,2 -11713,787700,234088,2,,,2,1,1,,,2 -11719,1006163,246962,2,,,2,1,1,0,1558,2 -11722,422895,214705,2,,,2,2,1,0,1716,2 -11730,145477,213315,2,,,2,1,1,,,2 -11737,826477,237867,2,,,1,1,1,,,2 -11742,400875,158678,2,,,1,1,1,0,2110,2 -11745,839315,234114,2,,,2,1,1,0,1600,2 -11750,706975,236910,2,,,2,1,1,0,,2 -11761,535035,184965,2,,,2,1,1,1,,2 -11763,198835,142496,2,,,2,1,1,,,2 -11764,923780,245338,2,,,2,1,1,0,1932,2 -11775,897263,237886,2,,,2,1,1,0,0259,2 -11776,285337,147836,2,,,2,1,1,0,0950,2 -11790,569485,229543,2,,,2,2,1,0,2032,2 -11791,259385,147896,2,,,2,1,1,0,2234,2 -11811,194751,133328,2,,,2,1,1,0,2040,2 -11815,516906,217153,2,,,2,1,1,0,1527,2 -11826,919848,237904,2,,,1,1,1,0,1912,2 -11828,952208,254501,2,,,2,2,1,0,2331,2 -11833,538755,246269,2,,,1,1,1,1,0232,2 -11841,458848,177804,2,,,1,1,1,0,1815,2 -11845,488563,165352,2,,,2,1,1,0,2138,2 -11846,373374,155227,2,,,2,1,1,,,2 -11847,673832,224232,2,,,2,1,1,1,0140,2 -11850,303829,148146,2,,,2,2,1,,,2 -11852,462297,177797,2,,,1,1,1,1,0410,2 -11855,445664,172517,2,,,1,1,1,,,2 -11856,265922,147885,2,,,1,1,1,0,2150,2 -11857,317305,210202,2,,,1,1,1,0,2255,2 -11857,770472,210203,,,,,,2,11,2205,1 -11876,388491,214700,2,,,1,1,1,0,1717,2 -11887,446588,217090,2,,,2,2,1,0,2222,2 -11888,793045,242259,,,,,,1,0,1857,1 -11888,810473,242192,,,,,,2,7,0346,1 -11909,362169,153456,2,,,2,1,1,1,0256,2 -11915,427961,158691,2,,,1,1,1,0,2030,2 -11918,973558,246289,2,,,2,1,1,0,0256,2 -11919,560195,213218,2,,,2,2,1,1,0056,2 -11932,478295,201442,2,,,2,1,1,0,1440,2 -11937,194069,142509,2,,,1,1,1,0,,2 -11940,365011,155591,2,,,2,1,1,0,1610,2 -11941,877231,241213,2,,,2,2,1,1,1116,2 -11944,740311,229143,1,5,1,2,1,2,,,2 -11959,317193,242298,2,,,2,2,1,0,1119,2 -11972,726556,225854,2,,,1,1,1,0,2100,2 -11979,891933,241096,2,,,2,2,1,0,1754,2 -11984,932621,247106,2,,,2,1,1,0,1921,2 -11990,602347,213248,2,,,2,1,1,0,2013,2 -11994,830952,234110,2,,,1,1,1,,,2 -11995,782957,213087,2,,,2,1,1,0,1643,2 -12002,230171,155249,2,,,2,1,1,0,,2 -12017,223756,155174,2,,,2,1,1,0,0912,2 -12030,541927,229551,2,,,2,2,1,0,2033,2 -12032,667193,229138,2,,,1,1,1,,,2 -12033,197738,133331,2,,,2,1,1,0,1343,2 -12037,839761,244918,2,,,2,1,1,0,1500,2 diff --git a/data/iai_pecarn/raw/form4bct_ctfindings.csv b/data/iai_pecarn/raw/form4bct_ctfindings.csv deleted file mode 100644 index 520ac520..00000000 --- a/data/iai_pecarn/raw/form4bct_ctfindings.csv +++ /dev/null @@ -1,6234 +0,0 @@ -subjectid,repeat_instance,CTFindingsID,InjOrganSystem,OrgInjurySpec,InjDescription -8,1,177651,13,2: Pneumothorax, -8,2,177651,13,66: Other,"pneumatocele, penumomedia straw" -8,3,177651,16,66: Other,"T4-T5 fracture, scapula fracture" -19,1,150249,11,5: Pelvis, -24,1,213299,11,3: Right paracolic gutter, -24,2,213299,12,66: Describe,Fluid in kidney -37,1,229074,11,5: Pelvis, -40,1,148319,15,1: T10, -41,1,244928,11,5: Pelvis, -41,2,244928,13,1: Pulmonary contusion, -41,3,244928,14,3: Sacrum, -41,4,244928,14,1: Pubis, -49,1,240876,4,6: Possible, -49,2,240876,5,4: Devascularization, -49,3,240876,8,1: Hemorrhage, -49,4,240876,12,66: Describe,Hematoma -49,5,240876,15,4: L1, -49,6,240876,15,5: L2, -49,7,240876,15,6: L3, -49,8,240876,15,7: L4, -49,9,240876,15,8: L5, -49,10,240876,15,9: Transverse process, -53,1,229121,11,4: Left paracolic gutter, -55,1,160954,2,1: Laceration, -55,2,160954,11,5: Pelvis, -55,3,160954,11,66: Other,Morison's pouch -56,1,154925,16,66: Other,pericaual fat stranding -57,1,240378,7,2: Bowel wall edema/thickening, -57,2,240378,9,2: Possible, -57,4,240378,11,5: Pelvis, -57,5,240378,11,66: Other,Abdomen -57,6,240378,13,1: Pulmonary contusion, -60,1,148338,7,1: Free air, -60,1,148339,14,1: Pubis, -60,2,148339,14,2: Ilium, -60,3,148338,14,1: Pubis, -60,3,148339,14,3: Sacrum, -60,4,148338,14,2: Ilium, -60,4,148339,16,66: Other,pelvic hematoma -60,5,148338,14,3: Sacrum, -60,5,148339,16,66: Other,urethra injury -60,6,148338,14,66: Other,open book -60,7,148338,16,66: Other,pelvic hematoma -64,1,234887,16,66: Other,Abdominal Wall Injury -68,1,214679,11,6: Around the pancreas/duodenum, -75,1,201457,1,1: Laceration, -82,1,158706,11,5: Pelvis, -83,1,184980,11,5: Pelvis, -85,1,153514,1,1: Laceration, -85,2,153514,1,3: Contusion, -85,3,153514,2,1: Laceration, -85,4,153514,2,2: Hematoma, -85,5,153514,2,3: Contusion, -85,6,153514,7,7: Extravasation of contrast from mesentery, -85,7,153514,11,1: Right upper quadrant, -85,8,153514,11,2: Left upper quadrant, -85,9,153514,11,3: Right paracolic gutter, -85,10,153514,11,4: Left paracolic gutter, -85,11,153514,11,5: Pelvis, -90,1,238096,5,1: Laceration, -90,1,238097,5,1: Laceration, -90,2,238096,5,66: Other,Urinoma -90,2,238097,5,66: Other,Urinoma -90,3,238096,11,5: Pelvis, -90,3,238097,11,5: Pelvis, -90,4,238096,11,4: Left paracolic gutter, -101,1,153513,1,1: Laceration, -101,2,153513,11,5: Pelvis, -101,3,153513,13,2: Pneumothorax, -109,1,241190,13,1: Pulmonary contusion, -111,1,153453,1,1: Laceration, -111,2,153453,7,2: Bowel wall edema/thickening, -111,3,153453,11,66: Other,"Diffuse, large" -115,1,233934,6,2: Intraperitoneal rupture, -115,2,233934,11,8: Dictation unclear, -121,1,245341,11,5: Pelvis, -131,1,201420,11,5: Pelvis, -132,1,158656,2,1: Laceration, -132,1,158657,13,4: Rib fracture, -132,2,158656,2,2: Hematoma, -132,3,158656,11,5: Pelvis, -132,4,158656,13,4: Rib fracture, -140,1,201464,1,1: Laceration, -140,2,201464,1,5: Traumatic infarction, -140,3,201464,2,1: Laceration, -140,4,201464,11,5: Pelvis, -140,5,201464,11,66: Other,Abdomen -140,6,201464,11,8: Dictation unclear, -140,7,201464,14,1: Pubis, -140,8,201464,14,3: Sacrum, -140,9,201464,13,2: Pneumothorax, -140,10,201464,13,66: Other,"Pulmonary laceration, traumatic pneumatocele" -145,1,165350,5,1: Laceration, -145,2,165350,13,1: Pulmonary contusion, -145,3,165350,13,2: Pneumothorax, -145,4,165350,13,4: Rib fracture, -145,5,165350,13,66: Other,Pneumomediastinum -148,1,245967,7,66: Other,Bowel perforation -148,2,245967,9,66: Describe,IVC thrombus -148,3,245967,11,3: Right paracolic gutter, -148,4,245967,11,4: Left paracolic gutter, -148,5,245967,15,5: L2, -148,7,245967,10,66: Describe,"Bowel herniation, fascial tear" -151,1,172509,2,1: Laceration, -151,3,172509,13,1: Pulmonary contusion, -151,4,172509,16,66: Other,Scapular fracture -167,1,246101,11,5: Pelvis, -169,1,245963,1,1: Laceration, -170,1,245803,7,5: Mesenteric streaking, -170,2,245803,7,6: Mesenteric hematoma, -170,3,245803,7,7: Extravasation of contrast from mesentery, -170,4,245803,11,5: Pelvis, -173,1,133321,1,2: Hematoma, -173,2,133321,1,1: Laceration, -173,3,133321,5,4: Devascularization, -173,4,133321,5,66: Other,active arterial bleeding -173,5,133321,11,1: Right upper quadrant, -173,6,133321,11,2: Left upper quadrant, -173,7,133321,11,5: Pelvis, -173,8,133321,12,66: Describe,hematoma -173,9,133321,13,1: Pulmonary contusion, -173,10,133321,13,2: Pneumothorax, -173,11,133321,13,4: Rib fracture, -173,12,133321,16,66: Other,hypoperfusion syndrome -177,1,147826,11,5: Pelvis, -178,1,201338,11,2: Left upper quadrant, -178,2,201338,11,66: Other,Mesentery root -178,3,201338,13,4: Rib fracture, -182,1,246458,4,3: Contusion, -182,2,246458,7,5: Mesenteric streaking, -182,3,246458,11,5: Pelvis, -182,4,246458,11,66: Other,"Mesentery, abdomen" -182,5,246458,12,66: Describe,Fluid -183,1,154955,8,1: Hemorrhage, -183,2,154955,14,1: Pubis, -183,3,154955,14,5: Acetabulum, -183,4,154955,16,66: Other,Femur Fx -193,1,246870,11,5: Pelvis, -197,1,227243,14,1: Pubis, -197,2,227243,14,5: Acetabulum, -197,3,227243,15,4: L1, -197,4,227243,15,9: Transverse process, -202,1,147874,14,1: Pubis, -202,2,147874,14,2: Ilium, -202,3,147874,16,66: Other,femur fracture -204,1,246807,2,1: Laceration, -204,2,246807,11,6: Around the pancreas/duodenum, -204,3,246807,11,3: Right paracolic gutter, -204,4,246807,11,4: Left paracolic gutter, -204,5,246807,11,5: Pelvis, -211,1,147829,11,5: Pelvis, -220,1,201460,11,5: Pelvis, -220,2,201460,14,1: Pubis, -220,3,201460,14,3: Sacrum, -227,1,160984,11,5: Pelvis, -227,2,160984,15,2: T11, -227,3,160984,15,3: T12, -227,4,160984,15,4: L1, -227,5,160984,15,9: Transverse process, -227,6,160984,15,10: Veterbral Body, -235,1,133364,11,5: Pelvis, -244,1,210103,1,3: Contusion, -244,2,210103,11,1: Right upper quadrant, -244,3,210103,11,5: Pelvis, -244,4,210103,14,1: Pubis, -244,5,210103,14,3: Sacrum, -244,6,210103,14,5: Acetabulum, -244,7,210103,16,66: Other,Perivesical hematoma -263,1,142580,11,5: Pelvis, -275,1,213157,14,1: Pubis, -275,2,213157,14,3: Sacrum, -291,1,234113,16,66: Other,Perineal contusion -296,1,133379,2,1: Laceration, -296,2,133379,2,2: Hematoma, -296,3,133379,13,1: Pulmonary contusion, -296,4,133379,13,2: Pneumothorax, -296,5,133379,14,1: Pubis, -296,6,133379,14,4: Ischium, -299,1,201974,11,5: Pelvis, -305,1,158703,11,5: Pelvis, -312,1,154924,2,1: Laceration, -312,2,154924,16,66: Other,Periportal edema -322,2,165110,11,3: Right paracolic gutter, -322,3,165110,7,2: Bowel wall edema/thickening, -332,1,229487,11,5: Pelvis, -334,1,133614,13,2: Pneumothorax, -336,1,213267,11,3: Right paracolic gutter, -337,1,213160,13,2: Pneumothorax, -337,2,213160,16,66: Other,Periportal edema -338,1,154963,5,1: Laceration, -338,2,154963,5,2: Hematoma, -338,3,154963,5,4: Devascularization, -338,4,154963,11,2: Left upper quadrant, -338,5,154963,11,3: Right paracolic gutter, -338,6,154963,11,5: Pelvis, -338,7,154963,5,66: Other,calyceal injury -350,1,153465,1,1: Laceration, -350,2,153465,11,5: Pelvis, -350,3,153465,11,66: Other,Abdomen -359,1,153443,11,5: Pelvis, -359,2,153443,14,1: Pubis, -363,1,226978,11,1: Right upper quadrant, -363,2,226978,11,2: Left upper quadrant, -363,3,226978,11,3: Right paracolic gutter, -363,4,226978,11,4: Left paracolic gutter, -363,5,226978,11,5: Pelvis, -368,1,241261,11,5: Pelvis, -370,1,237012,1,1: Laceration, -370,2,237012,11,2: Left upper quadrant, -370,3,237012,11,5: Pelvis, -374,1,158653,11,5: Pelvis, -376,1,133639,14,1: Pubis, -376,2,133639,14,2: Ilium, -379,1,204803,1,1: Laceration, -379,2,204803,11,2: Left upper quadrant, -379,3,204803,11,5: Pelvis, -379,4,204803,13,1: Pulmonary contusion, -379,5,204803,13,3: Hemothorax, -379,6,204803,13,4: Rib fracture, -387,1,238102,11,5: Pelvis, -399,1,134251,8,1: Hemorrhage, -399,2,134251,1,1: Laceration, -399,3,134251,13,1: Pulmonary contusion, -399,4,134251,13,4: Rib fracture, -399,5,134251,14,1: Pubis, -399,6,134251,14,2: Ilium, -410,1,155193,11,5: Pelvis, -410,2,155193,14,1: Pubis, -410,3,155193,14,3: Sacrum, -410,4,155193,16,66: Other,Pelvic Hematoma -414,1,155702,11,5: Pelvis, -414,2,155702,14,2: Ilium, -415,1,227397,7,2: Bowel wall edema/thickening, -415,2,227397,11,5: Pelvis, -431,1,202542,11,5: Pelvis, -433,1,158636,14,1: Pubis, -433,2,158636,14,3: Sacrum, -433,3,158636,11,5: Pelvis, -435,1,158682,2,1: Laceration, -435,1,158683,2,1: Laceration, -435,2,158682,7,2: Bowel wall edema/thickening, -435,2,158683,11,2: Left upper quadrant, -435,3,158682,11,5: Pelvis, -435,3,158683,11,3: Right paracolic gutter, -435,4,158683,11,5: Pelvis, -439,1,236992,2,1: Laceration, -452,1,153187,11,5: Pelvis, -457,1,242273,13,1: Pulmonary contusion, -462,1,246473,6,3: Extraperitoneal rupture, -462,2,246473,11,5: Pelvis, -462,3,246473,14,1: Pubis, -462,4,246473,14,3: Sacrum, -465,1,172496,11,5: Pelvis, -465,2,172496,13,2: Pneumothorax, -465,3,172496,14,1: Pubis, -465,4,172496,16,66: Other,R hip joint effusion -469,1,241128,2,1: Laceration, -469,2,241128,5,4: Devascularization, -469,3,241128,11,1: Right upper quadrant, -469,4,241128,11,5: Pelvis, -469,5,241128,13,2: Pneumothorax, -472,1,184962,13,1: Pulmonary contusion, -472,2,184962,13,66: Other,Parenchymal laceration -472,3,184962,14,3: Sacrum, -472,4,184962,14,66: Other,sacroiliac widening -477,1,229127,2,2: Hematoma, -477,2,229127,2,3: Contusion, -477,3,229127,13,2: Pneumothorax, -477,4,229127,13,4: Rib fracture, -477,5,229127,13,66: Other,Pneumomediastinum -484,1,155192,1,3: Contusion, -484,2,155192,2,1: Laceration, -484,3,155192,11,1: Right upper quadrant, -484,4,155192,11,2: Left upper quadrant, -484,5,155192,11,3: Right paracolic gutter, -484,6,155192,11,4: Left paracolic gutter, -484,7,155192,11,5: Pelvis, -487,1,147834,7,2: Bowel wall edema/thickening, -487,2,147834,11,3: Right paracolic gutter, -487,3,147834,11,5: Pelvis, -491,1,201410,11,6: Around the pancreas/duodenum, -494,1,217215,2,1: Laceration, -494,2,217215,7,2: Bowel wall edema/thickening, -494,3,217215,8,1: Hemorrhage, -494,5,217215,13,1: Pulmonary contusion, -494,7,217215,12,66: Describe,Hemorrhage -496,1,204782,11,5: Pelvis, -509,1,225853,11,5: Pelvis, -509,2,225853,15,4: L1, -509,3,225853,15,9: Transverse process, -514,1,213314,11,5: Pelvis, -516,1,246798,14,1: Pubis, -516,2,246798,14,2: Ilium, -516,3,246798,14,3: Sacrum, -520,1,258778,13,1: Pulmonary contusion, -520,2,258778,13,2: Pneumothorax, -522,1,153517,11,3: Right paracolic gutter, -522,2,153517,11,4: Left paracolic gutter, -522,3,153517,14,3: Sacrum, -525,1,173391,16,66: Other,Periportal Edema -529,1,155200,16,66: Other,Superior Mescateric Vein Thrombosis -535,1,210199,13,1: Pulmonary contusion, -535,2,210199,13,2: Pneumothorax, -535,3,210199,14,1: Pubis, -535,4,210199,14,2: Ilium, -535,6,210199,14,5: Acetabulum, -546,1,246847,1,1: Laceration, -546,2,246847,1,6: Contrast extravasation, -546,3,246847,2,1: Laceration, -546,4,246847,11,2: Left upper quadrant, -546,5,246847,11,66: Other,Extensive hemoperitoneum -558,1,228133,1,4: Rupture, -558,1,249578,1,1: Laceration, -558,1,249579,1,1: Laceration, -558,2,228133,11,1: Right upper quadrant, -558,2,249578,11,5: Pelvis, -558,2,249579,11,5: Pelvis, -558,3,228133,11,5: Pelvis, -558,3,249578,11,66: Other,Abdomen -558,3,249579,11,66: Other,Abdomen -558,4,228133,11,66: Other,Abdomen -563,1,133900,2,3: Contusion, -563,2,133900,13,2: Pneumothorax, -563,3,133900,13,4: Rib fracture, -564,1,155194,11,5: Pelvis, -569,1,213336,11,5: Pelvis, -569,2,213336,16,66: Other,Testiular injury -570,1,245959,1,1: Laceration, -570,2,245959,11,1: Right upper quadrant, -570,3,245959,11,2: Left upper quadrant, -570,4,245959,11,3: Right paracolic gutter, -570,5,245959,11,4: Left paracolic gutter, -570,6,245959,11,5: Pelvis, -570,7,245959,13,1: Pulmonary contusion, -570,8,245959,13,2: Pneumothorax, -570,9,245959,13,4: Rib fracture, -570,12,245959,13,66: Other,"Pulmonary laceration, Pneumomediastinum" -572,1,142573,11,5: Pelvis, -574,1,148303,11,6: Around the pancreas/duodenum, -574,1,148304,11,1: Right upper quadrant, -574,2,148303,14,1: Pubis, -574,2,148304,11,6: Around the pancreas/duodenum, -574,3,148304,11,5: Pelvis, -574,4,148304,13,4: Rib fracture, -576,1,210178,11,5: Pelvis, -576,2,210178,13,1: Pulmonary contusion, -576,3,210178,13,4: Rib fracture, -576,4,210178,13,66: Other,Pulm. laceration -576,5,210178,14,2: Ilium, -577,1,236905,1,1: Laceration, -577,2,236905,1,2: Hematoma, -577,3,236905,1,5: Traumatic infarction, -577,4,236905,11,1: Right upper quadrant, -577,5,236905,11,2: Left upper quadrant, -577,6,236905,11,3: Right paracolic gutter, -577,7,236905,11,4: Left paracolic gutter, -577,8,236905,11,5: Pelvis, -580,1,201461,11,1: Right upper quadrant, -580,2,201461,11,5: Pelvis, -586,1,148283,11,5: Pelvis, -587,1,213171,5,1: Laceration, -587,1,213172,5,1: Laceration, -587,2,213171,5,2: Hematoma, -587,2,213172,5,2: Hematoma, -587,3,213171,5,4: Devascularization, -587,3,213172,5,4: Devascularization, -587,4,213171,5,66: Other,Urinoma -587,5,213171,11,5: Pelvis, -587,5,213172,5,66: Other,Urinoma -587,6,213171,12,66: Describe,Hematoma -591,1,247039,12,66: Describe,Hematoma -591,2,247039,13,66: Other,Pneumomediastinum -591,3,247039,14,1: Pubis, -591,4,247039,14,2: Ilium, -591,5,247039,14,3: Sacrum, -591,6,247039,13,2: Pneumothorax, -591,7,247039,13,3: Hemothorax, -591,8,247039,13,4: Rib fracture, -595,1,213199,2,1: Laceration, -595,1,213201,2,1: Laceration, -595,2,213199,11,1: Right upper quadrant, -595,2,213201,2,7: Biloma, -595,3,213199,11,2: Left upper quadrant, -595,3,213201,11,1: Right upper quadrant, -595,4,213199,11,5: Pelvis, -595,4,213201,11,5: Pelvis, -595,5,213199,13,2: Pneumothorax, -606,1,246799,13,1: Pulmonary contusion, -606,2,246799,13,66: Other,Clavicle fx -608,1,228143,13,1: Pulmonary contusion, -611,1,153477,14,1: Pubis, -611,2,153477,14,2: Ilium, -618,1,237958,11,5: Pelvis, -622,1,242030,13,1: Pulmonary contusion, -623,1,234876,5,1: Laceration, -627,1,172503,11,5: Pelvis, -632,1,147872,1,1: Laceration, -632,2,147872,11,2: Left upper quadrant, -632,3,147872,13,1: Pulmonary contusion, -642,1,229069,13,1: Pulmonary contusion, -642,2,229069,13,4: Rib fracture, -648,1,160965,11,5: Pelvis, -650,1,155713,13,4: Rib fracture, -654,1,155594,14,1: Pubis, -655,1,229133,11,5: Pelvis, -657,1,158677,11,4: Left paracolic gutter, -657,2,158677,11,5: Pelvis, -657,3,158677,16,66: Other,Femur fx -659,1,201451,16,66: Other,Periportal edema -664,1,155717,1,1: Laceration, -664,1,229020,1,2: Hematoma, -664,2,155717,11,5: Pelvis, -664,2,229020,11,5: Pelvis, -668,1,229067,11,5: Pelvis, -669,1,134226,1,1: Laceration, -669,1,233935,14,1: Pubis, -669,2,233935,14,2: Ilium, -669,3,134226,11,5: Pelvis, -669,3,233935,14,3: Sacrum, -669,4,134226,13,1: Pulmonary contusion, -669,4,233935,14,5: Acetabulum, -669,5,134226,14,1: Pubis, -669,6,134226,14,3: Sacrum, -669,7,134226,13,4: Rib fracture, -669,8,134226,13,66: Other,sternal fracture -669,9,134226,11,2: Left upper quadrant, -675,1,158685,11,5: Pelvis, -675,2,158685,13,1: Pulmonary contusion, -675,3,158685,13,2: Pneumothorax, -676,1,147901,2,1: Laceration, -687,1,242313,11,5: Pelvis, -687,2,242313,13,1: Pulmonary contusion, -694,1,153475,14,1: Pubis, -694,2,153475,14,3: Sacrum, -695,1,226925,1,1: Laceration, -695,2,226925,1,3: Contusion, -695,3,226925,11,2: Left upper quadrant, -695,4,226925,11,5: Pelvis, -695,5,226925,13,2: Pneumothorax, -702,1,158671,11,5: Pelvis, -708,1,247102,7,1: Free air, -708,2,247102,11,5: Pelvis, -714,1,201284,13,66: Other,Pneunomediastinum -714,2,201284,14,1: Pubis, -714,3,201284,14,3: Sacrum, -717,1,142068,14,1: Pubis, -717,3,142068,14,3: Sacrum, -717,4,142068,14,2: Ilium, -722,1,226849,11,5: Pelvis, -729,1,244919,2,1: Laceration, -729,2,244919,11,1: Right upper quadrant, -729,3,244919,11,5: Pelvis, -729,4,244919,13,1: Pulmonary contusion, -729,5,244919,13,3: Hemothorax, -729,6,244919,13,4: Rib fracture, -729,7,244919,14,3: Sacrum, -729,8,244919,15,8: L5, -739,2,153484,11,66: Other,Mesentery -739,3,153484,11,5: Pelvis, -746,1,133866,11,1: Right upper quadrant, -746,2,133866,16,66: Other,periportal edema -749,1,224088,14,1: Pubis, -749,2,224088,14,3: Sacrum, -749,3,224088,14,5: Acetabulum, -749,4,224088,15,8: L5, -749,5,224088,15,9: Transverse process, -766,1,214704,14,1: Pubis, -766,2,214704,14,2: Ilium, -774,1,148354,11,66: Other,in the mesentary -779,1,133916,2,1: Laceration, -779,2,133916,8,5: Probable, -779,3,133916,11,1: Right upper quadrant, -779,4,133916,13,2: Pneumothorax, -787,1,240399,11,5: Pelvis, -809,1,241265,11,5: Pelvis, -815,1,158686,7,2: Bowel wall edema/thickening, -816,1,184963,11,1: Right upper quadrant, -820,1,201322,11,5: Pelvis, -828,1,202500,11,5: Pelvis, -828,2,202500,14,1: Pubis, -831,1,246274,1,1: Laceration, -831,2,246274,4,6: Possible, -831,3,246274,11,6: Around the pancreas/duodenum, -834,2,233937,13,4: Rib fracture, -841,1,153196,11,5: Pelvis, -842,1,242283,11,5: Pelvis, -842,2,242283,13,2: Pneumothorax, -847,3,158639,5,1: Laceration, -847,4,158639,5,2: Hematoma, -847,5,158639,5,66: Other,"""Rupture"" (laceration)/infarct" -847,6,158639,11,5: Pelvis, -847,7,158639,11,66: Other,"""Right abdomen""" -847,8,158639,4,6: Possible, -850,1,211715,13,2: Pneumothorax, -856,1,153178,15,1: T10, -856,2,153178,15,3: T12, -856,3,153178,15,10: Veterbral Body, -863,1,217175,5,1: Laceration, -863,2,217175,11,5: Pelvis, -863,3,217175,14,1: Pubis, -876,1,148381,11,5: Pelvis, -888,1,234871,7,2: Bowel wall edema/thickening, -888,2,234871,11,5: Pelvis, -890,1,133899,2,1: Laceration, -890,2,133899,13,4: Rib fracture, -899,1,160975,11,5: Pelvis, -904,1,229610,11,5: Pelvis, -904,2,229610,14,66: Other,Hip dislocation -905,1,202634,11,5: Pelvis, -905,2,202634,13,2: Pneumothorax, -908,1,172520,11,5: Pelvis, -915,1,226970,1,1: Laceration, -915,2,226970,11,1: Right upper quadrant, -915,3,226970,11,2: Left upper quadrant, -915,4,226970,11,5: Pelvis, -915,5,226970,11,66: Other,Mesentery -917,1,245946,1,1: Laceration, -917,2,245946,11,5: Pelvis, -917,3,245946,13,1: Pulmonary contusion, -917,4,245946,13,66: Other,Pulmonary laceration -918,1,173382,11,5: Pelvis, -933,1,173374,11,5: Pelvis, -935,1,202792,14,1: Pubis, -939,1,165567,1,1: Laceration, -939,1,165568,1,1: Laceration, -939,2,165567,5,1: Laceration, -939,2,165568,5,1: Laceration, -939,3,165567,7,4: Bowel wall contusion, -939,3,165568,11,8: Dictation unclear, -939,4,165567,7,5: Mesenteric streaking, -939,4,165568,13,4: Rib fracture, -939,5,165567,11,1: Right upper quadrant, -939,6,165567,11,2: Left upper quadrant, -939,7,165567,11,5: Pelvis, -939,9,165567,14,3: Sacrum, -939,10,165567,14,5: Acetabulum, -940,1,246935,11,5: Pelvis, -946,1,217788,7,2: Bowel wall edema/thickening, -946,1,217791,7,2: Bowel wall edema/thickening, -946,2,217788,11,4: Left paracolic gutter, -946,2,217791,7,3: Bowel wall hematoma, -946,3,217788,11,6: Around the pancreas/duodenum, -946,3,217791,11,66: Other,Mesentery Abdomen -946,4,217788,7,3: Bowel wall hematoma, -946,4,217791,11,4: Left paracolic gutter, -946,5,217791,11,6: Around the pancreas/duodenum, -949,1,241275,7,2: Bowel wall edema/thickening, -949,2,241275,11,5: Pelvis, -949,3,241275,13,1: Pulmonary contusion, -949,4,241275,13,2: Pneumothorax, -949,6,241275,13,66: Other,Pulmonary laceration -955,1,155726,13,2: Pneumothorax, -957,1,154923,13,1: Pulmonary contusion, -967,1,155196,1,1: Laceration, -967,2,155196,11,2: Left upper quadrant, -967,3,155196,11,3: Right paracolic gutter, -967,4,155196,11,4: Left paracolic gutter, -967,5,155196,11,5: Pelvis, -970,1,165309,2,1: Laceration, -970,2,165309,11,1: Right upper quadrant, -970,3,165309,11,3: Right paracolic gutter, -970,4,165309,11,4: Left paracolic gutter, -970,5,165309,11,5: Pelvis, -970,6,165309,13,2: Pneumothorax, -981,1,245966,5,1: Laceration, -981,2,245966,5,2: Hematoma, -982,1,165339,1,1: Laceration, -982,1,165340,1,1: Laceration, -982,2,165339,11,1: Right upper quadrant, -982,2,165340,11,2: Left upper quadrant, -982,3,165339,11,2: Left upper quadrant, -982,3,165340,11,5: Pelvis, -982,4,165339,11,3: Right paracolic gutter, -982,4,165340,11,6: Around the pancreas/duodenum, -982,5,165339,11,4: Left paracolic gutter, -982,6,165339,11,5: Pelvis, -983,1,229080,2,1: Laceration, -986,1,234085,11,5: Pelvis, -988,1,147024,1,1: Laceration, -988,2,147024,1,2: Hematoma, -988,3,147024,11,1: Right upper quadrant, -988,4,147024,11,5: Pelvis, -990,1,214605,11,5: Pelvis, -990,2,214605,16,66: Other,Periportal edema -992,1,234094,13,1: Pulmonary contusion, -992,2,234094,13,2: Pneumothorax, -992,3,234094,14,1: Pubis, -992,4,234094,14,5: Acetabulum, -1001,1,210142,7,2: Bowel wall edema/thickening, -1001,2,210142,7,5: Mesenteric streaking, -1001,3,210142,7,1: Free air, -1001,4,210142,11,1: Right upper quadrant, -1001,5,210142,11,5: Pelvis, -1001,6,210142,13,2: Pneumothorax, -1001,7,210142,13,1: Pulmonary contusion, -1006,1,153152,14,1: Pubis, -1006,2,153152,16,66: Other,Right hip hemarthorsis -1024,1,177818,7,2: Bowel wall edema/thickening, -1034,1,213335,14,1: Pubis, -1038,1,134307,11,5: Pelvis, -1038,2,134307,14,2: Ilium, -1038,3,134307,14,5: Acetabulum, -1039,1,229498,7,2: Bowel wall edema/thickening, -1039,2,229498,11,5: Pelvis, -1039,3,229498,13,1: Pulmonary contusion, -1039,4,229498,13,2: Pneumothorax, -1039,5,229498,13,3: Hemothorax, -1039,6,229498,13,4: Rib fracture, -1039,7,229498,15,5: L2, -1039,8,229498,15,6: L3, -1039,9,229498,15,7: L4, -1041,1,155180,11,5: Pelvis, -1041,2,155180,13,1: Pulmonary contusion, -1049,1,133606,2,1: Laceration, -1049,2,133606,2,2: Hematoma, -1049,3,133606,5,7: Possible, -1049,4,133606,8,1: Hemorrhage, -1068,1,184969,11,5: Pelvis, -1068,2,184969,16,66: Other,Periportal edema -1076,1,147870,16,66: Other,femur fracture -1076,2,147870,14,1: Pubis, -1098,1,147025,1,1: Laceration, -1098,2,147025,11,2: Left upper quadrant, -1100,1,246471,13,1: Pulmonary contusion, -1100,2,246471,14,2: Ilium, -1102,1,177639,7,66: Other,dilated bowel -1102,2,177639,11,1: Right upper quadrant, -1104,1,242039,11,5: Pelvis, -1104,1,242040,11,5: Pelvis, -1104,2,242039,13,2: Pneumothorax, -1104,2,242040,13,2: Pneumothorax, -1105,3,246275,11,5: Pelvis, -1105,4,246275,13,1: Pulmonary contusion, -1105,5,246275,13,2: Pneumothorax, -1105,6,246275,13,4: Rib fracture, -1105,7,246275,13,66: Other,"Pneumomediastinum, Pulmonary laceration" -1105,9,246275,14,1: Pubis, -1105,10,246275,14,3: Sacrum, -1105,12,246275,2,1: Laceration, -1108,1,217207,5,66: Other,blood clot in the collecting system -1109,1,229541,13,1: Pulmonary contusion, -1116,1,153466,11,5: Pelvis, -1125,1,201466,7,2: Bowel wall edema/thickening, -1125,2,201466,7,5: Mesenteric streaking, -1125,3,201466,11,1: Right upper quadrant, -1125,4,201466,11,3: Right paracolic gutter, -1125,5,201466,11,5: Pelvis, -1125,6,201466,15,7: L4, -1125,7,201466,15,10: Veterbral Body, -1139,1,245954,11,5: Pelvis, -1141,1,204831,1,1: Laceration, -1141,2,204831,1,3: Contusion, -1141,3,204831,13,1: Pulmonary contusion, -1141,4,204831,13,2: Pneumothorax, -1141,5,204831,13,3: Hemothorax, -1141,6,204831,13,4: Rib fracture, -1141,7,204831,15,4: L1, -1141,8,204831,15,5: L2, -1141,9,204831,15,6: L3, -1141,10,204831,15,9: Transverse process, -1149,1,133620,1,1: Laceration, -1149,2,133620,2,1: Laceration, -1149,3,133620,11,4: Left paracolic gutter, -1149,4,133620,11,5: Pelvis, -1149,5,133620,11,1: Right upper quadrant, -1149,6,133620,11,2: Left upper quadrant, -1150,1,202640,1,1: Laceration, -1150,2,202640,5,1: Laceration, -1150,3,202640,5,2: Hematoma, -1150,4,202640,11,5: Pelvis, -1150,5,202640,13,2: Pneumothorax, -1154,1,153442,11,5: Pelvis, -1156,1,201407,2,1: Laceration, -1156,2,201407,11,5: Pelvis, -1171,1,165348,1,3: Contusion, -1171,2,165348,11,2: Left upper quadrant, -1171,3,165348,11,5: Pelvis, -1172,1,172518,14,1: Pubis, -1173,1,202552,1,2: Hematoma, -1173,1,202553,1,2: Hematoma, -1173,2,202552,1,3: Contusion, -1173,2,202553,1,3: Contusion, -1173,3,202552,11,5: Pelvis, -1173,3,202553,11,1: Right upper quadrant, -1173,4,202553,11,5: Pelvis, -1175,1,134327,13,1: Pulmonary contusion, -1175,2,134327,13,2: Pneumothorax, -1175,3,134327,13,4: Rib fracture, -1175,4,134327,15,1: T10, -1175,5,134327,15,2: T11, -1175,6,134327,15,10: Veterbral Body, -1196,1,184982,1,1: Laceration, -1196,2,184982,13,4: Rib fracture, -1196,3,184982,15,5: L2, -1196,4,184982,13,2: Pneumothorax, -1196,5,184982,13,1: Pulmonary contusion, -1198,1,155270,11,5: Pelvis, -1198,2,155270,13,2: Pneumothorax, -1198,3,155270,13,66: Other,Pneumomediastinum -1198,4,155270,13,1: Pulmonary contusion, -1201,1,204710,13,1: Pulmonary contusion, -1201,2,204710,14,5: Acetabulum, -1217,1,214684,2,1: Laceration, -1219,1,247105,11,5: Pelvis, -1220,1,147889,11,5: Pelvis, -1220,2,147889,13,4: Rib fracture, -1221,1,203340,16,66: Other,Gluteal muscle hematoma -1229,1,155686,2,1: Laceration, -1229,1,155687,2,1: Laceration, -1229,2,155686,11,1: Right upper quadrant, -1229,2,155687,11,1: Right upper quadrant, -1229,3,155686,11,2: Left upper quadrant, -1229,3,155687,11,2: Left upper quadrant, -1229,4,155686,11,5: Pelvis, -1229,4,155687,11,5: Pelvis, -1229,5,155686,15,6: L3, -1229,6,155686,15,7: L4, -1230,1,173385,11,3: Right paracolic gutter, -1230,2,173385,14,5: Acetabulum, -1234,1,203350,1,1: Laceration, -1234,2,203350,5,1: Laceration, -1234,3,203350,11,2: Left upper quadrant, -1234,4,203350,11,5: Pelvis, -1234,5,203350,13,3: Hemothorax, -1239,1,165355,1,1: Laceration, -1239,2,165355,5,1: Laceration, -1239,3,165355,14,1: Pubis, -1246,1,246931,11,3: Right paracolic gutter, -1250,1,241053,14,2: Ilium, -1253,1,148289,14,2: Ilium, -1254,1,155172,7,2: Bowel wall edema/thickening, -1257,1,201459,13,1: Pulmonary contusion, -1257,2,201459,13,2: Pneumothorax, -1257,3,201459,15,4: L1, -1257,4,201459,15,6: L3, -1257,5,201459,15,9: Transverse process, -1263,1,210138,11,5: Pelvis, -1263,1,210140,11,5: Pelvis, -1263,2,210138,14,1: Pubis, -1263,2,210140,14,1: Pubis, -1263,3,210138,14,2: Ilium, -1263,3,210140,14,2: Ilium, -1263,4,210138,14,3: Sacrum, -1263,4,210140,14,3: Sacrum, -1265,1,201320,1,4: Rupture, -1265,2,201320,11,5: Pelvis, -1265,3,201320,11,66: Other,Large blood abdomen -1275,1,227028,1,1: Laceration, -1275,2,227028,1,2: Hematoma, -1275,3,227028,1,3: Contusion, -1275,4,227028,11,2: Left upper quadrant, -1275,5,227028,11,3: Right paracolic gutter, -1275,6,227028,13,1: Pulmonary contusion, -1275,7,227028,13,2: Pneumothorax, -1275,8,227028,13,3: Hemothorax, -1275,9,227028,16,66: Other,Femur fx -1280,1,246806,7,2: Bowel wall edema/thickening, -1280,2,246806,7,6: Mesenteric hematoma, -1280,3,246806,11,1: Right upper quadrant, -1280,4,246806,11,6: Around the pancreas/duodenum, -1280,5,246806,11,5: Pelvis, -1283,1,153203,11,5: Pelvis, -1289,1,153506,13,10: Diaphragm injury, -1289,2,153506,14,1: Pubis, -1289,3,153506,14,2: Ilium, -1289,8,153507,14,1: Pubis, -1289,9,153507,14,2: Ilium, -1289,10,153507,14,3: Sacrum, -1299,1,246859,11,5: Pelvis, -1308,1,246954,2,1: Laceration, -1308,1,246955,2,1: Laceration, -1308,1,246956,2,1: Laceration, -1308,2,246954,5,1: Laceration, -1308,2,246955,5,1: Laceration, -1308,2,246956,5,1: Laceration, -1308,3,246954,11,1: Right upper quadrant, -1308,3,246955,11,1: Right upper quadrant, -1308,3,246956,11,1: Right upper quadrant, -1308,4,246954,11,2: Left upper quadrant, -1308,4,246955,11,5: Pelvis, -1308,4,246956,11,2: Left upper quadrant, -1308,5,246954,11,3: Right paracolic gutter, -1308,5,246956,13,1: Pulmonary contusion, -1308,6,246954,11,4: Left paracolic gutter, -1308,6,246956,13,2: Pneumothorax, -1308,7,246954,11,5: Pelvis, -1308,7,246956,13,4: Rib fracture, -1308,8,246954,7,66: Other,Volvulus -1308,8,246956,14,2: Ilium, -1308,9,246956,14,3: Sacrum, -1309,1,245350,14,5: Acetabulum, -1311,1,237816,11,5: Pelvis, -1313,1,229006,5,1: Laceration, -1313,1,229007,5,1: Laceration, -1313,1,229008,5,1: Laceration, -1313,2,229006,5,2: Hematoma, -1313,2,229007,5,2: Hematoma, -1313,2,229008,5,2: Hematoma, -1313,3,229007,11,1: Right upper quadrant, -1313,3,229008,5,66: Other,Urinoma -1313,4,229007,11,5: Pelvis, -1313,4,229008,11,1: Right upper quadrant, -1313,5,229008,11,5: Pelvis, -1321,1,229081,4,1: Laceration, -1321,1,229082,4,1: Laceration, -1321,2,229081,7,2: Bowel wall edema/thickening, -1321,2,229082,7,2: Bowel wall edema/thickening, -1321,3,229081,7,3: Bowel wall hematoma, -1321,3,229082,7,3: Bowel wall hematoma, -1321,4,229081,11,1: Right upper quadrant, -1321,4,229082,11,3: Right paracolic gutter, -1321,5,229081,11,2: Left upper quadrant, -1321,5,229082,11,5: Pelvis, -1321,6,229081,11,3: Right paracolic gutter, -1321,6,229082,11,6: Around the pancreas/duodenum, -1321,7,229081,11,5: Pelvis, -1322,1,230575,7,1: Free air, -1322,2,230575,11,5: Pelvis, -1330,1,241186,14,3: Sacrum, -1338,1,204849,7,1: Free air, -1338,2,204849,11,3: Right paracolic gutter, -1338,3,204849,11,5: Pelvis, -1352,1,155292,1,1: Laceration, -1352,2,155292,11,1: Right upper quadrant, -1352,3,155292,11,5: Pelvis, -1363,1,155230,13,1: Pulmonary contusion, -1373,1,133640,15,3: T12, -1373,2,133640,15,5: L2, -1373,3,133640,15,9: Transverse process, -1373,4,133640,15,10: Veterbral Body, -1373,5,133640,14,8: Dictation unclear, -1382,1,240385,7,66: Other,Mesenteric stranding -1382,3,240385,12,66: Describe,Hemorrhage -1382,4,240385,14,2: Ilium, -1382,5,240385,15,4: L1, -1382,6,240385,15,5: L2, -1382,7,240385,15,6: L3, -1382,8,240385,15,9: Transverse process, -1382,9,240385,13,2: Pneumothorax, -1382,10,240385,13,1: Pulmonary contusion, -1382,11,240385,13,3: Hemothorax, -1382,12,240385,13,4: Rib fracture, -1382,13,240385,13,66: Other,traumatic pneumatocele -1383,1,153516,11,3: Right paracolic gutter, -1383,2,153516,11,5: Pelvis, -1403,1,142081,11,5: Pelvis, -1416,1,241260,13,1: Pulmonary contusion, -1418,1,165105,2,1: Laceration, -1418,2,165105,7,2: Bowel wall edema/thickening, -1418,3,165105,7,66: Other,pneumatosis -1418,4,165105,9,66: Describe,Portal Vein thrombosis -1418,6,165105,11,66: Other,Extensive -1420,1,201812,11,5: Pelvis, -1429,1,229484,11,5: Pelvis, -1429,2,229484,14,4: Ischium, -1440,1,165116,9,66: Describe,"Femoral ""suspicious for""" -1440,2,165116,9,1: Dictation unclear, -1440,3,165116,14,1: Pubis, -1440,4,165116,14,5: Acetabulum, -1446,2,238131,11,3: Right paracolic gutter, -1446,3,238131,11,5: Pelvis, -1446,4,238131,13,1: Pulmonary contusion, -1447,1,241197,11,5: Pelvis, -1448,1,226928,1,1: Laceration, -1448,2,226928,1,4: Rupture, -1448,3,226928,11,4: Left paracolic gutter, -1448,4,226928,11,5: Pelvis, -1448,5,226928,11,66: Other,Abdomen -1455,1,244925,2,1: Laceration, -1455,2,244925,11,5: Pelvis, -1455,3,244925,13,66: Other,Pneumomediastinum -1455,4,244925,14,1: Pubis, -1455,5,244925,14,3: Sacrum, -1459,1,185020,13,1: Pulmonary contusion, -1459,2,185020,13,2: Pneumothorax, -1459,3,185020,14,1: Pubis, -1464,1,153515,16,66: Other,Periportal Edema -1465,1,166359,1,1: Laceration, -1465,2,166359,1,2: Hematoma, -1465,3,166359,11,1: Right upper quadrant, -1465,4,166359,11,5: Pelvis, -1465,5,166359,11,66: Other,Lower abdomen -1470,1,147833,11,5: Pelvis, -1473,1,229493,13,1: Pulmonary contusion, -1473,2,229493,13,2: Pneumothorax, -1473,3,229493,13,4: Rib fracture, -1486,1,240390,11,1: Right upper quadrant, -1495,1,236986,2,1: Laceration, -1495,2,236986,8,1: Hemorrhage, -1495,3,236986,11,1: Right upper quadrant, -1496,1,210197,14,2: Ilium, -1502,1,130228,15,4: L1, -1502,2,130228,15,5: L2, -1502,3,130228,15,6: L3, -1502,5,130228,15,9: Transverse process, -1502,6,130228,15,10: Veterbral Body, -1507,1,201422,14,1: Pubis, -1507,2,201422,14,2: Ilium, -1510,1,165354,2,1: Laceration, -1510,2,165354,11,1: Right upper quadrant, -1510,3,165354,11,3: Right paracolic gutter, -1510,4,165354,11,5: Pelvis, -1522,1,172504,11,5: Pelvis, -1528,1,220419,1,1: Laceration, -1528,2,220419,11,2: Left upper quadrant, -1528,3,220419,11,5: Pelvis, -1528,4,220419,14,1: Pubis, -1528,5,220419,14,2: Ilium, -1528,6,220419,14,3: Sacrum, -1528,7,220419,14,4: Ischium, -1540,1,229073,16,66: Other,Periportal edema -1558,1,213242,14,2: Ilium, -1559,1,201388,11,5: Pelvis, -1566,1,247012,2,1: Laceration, -1566,2,247012,13,1: Pulmonary contusion, -1566,3,247012,13,2: Pneumothorax, -1574,1,158654,11,5: Pelvis, -1575,1,213165,14,1: Pubis, -1575,2,213165,14,3: Sacrum, -1584,1,153188,11,3: Right paracolic gutter, -1584,2,153188,11,5: Pelvis, -1590,1,148379,11,5: Pelvis, -1604,1,237911,7,2: Bowel wall edema/thickening, -1611,1,133345,16,66: Other,periportal edema -1616,1,217189,1,1: Laceration, -1616,2,217189,11,1: Right upper quadrant, -1616,3,217189,11,2: Left upper quadrant, -1616,4,217189,11,3: Right paracolic gutter, -1616,5,217189,11,4: Left paracolic gutter, -1616,6,217189,11,5: Pelvis, -1624,1,217126,11,1: Right upper quadrant, -1624,2,217126,11,6: Around the pancreas/duodenum, -1625,1,153193,11,5: Pelvis, -1629,1,236966,11,5: Pelvis, -1633,1,153202,11,5: Pelvis, -1637,1,173388,11,5: Pelvis, -1642,1,153473,14,1: Pubis, -1648,1,228134,13,2: Pneumothorax, -1648,2,228134,13,4: Rib fracture, -1653,1,242036,13,1: Pulmonary contusion, -1653,2,242036,13,2: Pneumothorax, -1653,3,242036,13,66: Other,Palm. laceration -1654,1,213155,11,5: Pelvis, -1658,1,204867,11,5: Pelvis, -1663,1,201465,7,2: Bowel wall edema/thickening, -1663,2,201465,11,5: Pelvis, -1664,1,234069,11,5: Pelvis, -1664,2,234069,14,1: Pubis, -1665,1,229116,1,1: Laceration, -1665,2,229116,1,5: Traumatic infarction, -1665,3,229116,11,1: Right upper quadrant, -1665,4,229116,11,2: Left upper quadrant, -1665,5,229116,11,5: Pelvis, -1665,6,229116,13,2: Pneumothorax, -1665,7,229116,13,66: Other,Pneumomediastinum -1679,1,155175,2,1: Laceration, -1679,1,155177,2,1: Laceration, -1679,2,155177,8,1: Hemorrhage, -1679,3,155175,8,4: Possible, -1679,3,155177,11,1: Right upper quadrant, -1679,4,155175,11,1: Right upper quadrant, -1679,4,155177,11,3: Right paracolic gutter, -1679,5,155175,13,1: Pulmonary contusion, -1679,5,155177,11,5: Pelvis, -1679,6,155175,13,2: Pneumothorax, -1679,6,155177,13,1: Pulmonary contusion, -1679,7,155175,13,4: Rib fracture, -1679,7,155177,14,1: Pubis, -1679,8,155175,14,1: Pubis, -1679,8,155177,14,3: Sacrum, -1679,9,155175,14,3: Sacrum, -1679,9,155177,14,5: Acetabulum, -1679,10,155175,14,5: Acetabulum, -1679,11,155175,16,66: Other,Periportal edema -1687,1,229128,1,1: Laceration, -1687,2,229128,2,10: Possible, -1687,3,229128,11,1: Right upper quadrant, -1687,4,229128,11,2: Left upper quadrant, -1712,1,173389,11,5: Pelvis, -1722,1,133344,14,2: Ilium, -1723,1,240889,13,1: Pulmonary contusion, -1723,2,240889,15,3: T12, -1723,3,240889,15,4: L1, -1723,4,240889,15,11: Dictation unclear, -1725,1,158631,1,1: Laceration, -1725,2,158631,2,1: Laceration, -1725,4,158631,11,5: Pelvis, -1725,5,158631,11,66: Other,"""abdomen""" -1725,7,158631,12,66: Describe,"""fleck of gas""" -1725,8,158631,13,1: Pulmonary contusion, -1725,9,158631,13,2: Pneumothorax, -1725,10,158631,13,4: Rib fracture, -1725,11,158631,7,2: Bowel wall edema/thickening, -1725,12,158631,7,9: Dictation unclear, -1727,1,185005,7,1: Free air, -1727,2,185005,7,2: Bowel wall edema/thickening, -1727,3,185005,11,1: Right upper quadrant, -1727,4,185005,11,3: Right paracolic gutter, -1727,5,185005,11,5: Pelvis, -1734,1,165310,1,1: Laceration, -1734,2,165310,1,2: Hematoma, -1734,3,165310,5,1: Laceration, -1734,4,165310,5,2: Hematoma, -1734,5,165310,13,2: Pneumothorax, -1734,6,165310,13,10: Diaphragm injury, -1740,1,240583,1,1: Laceration, -1740,2,240583,11,5: Pelvis, -1760,1,240954,5,2: Hematoma, -1760,2,240954,5,4: Devascularization, -1761,1,153455,13,1: Pulmonary contusion, -1761,2,153455,13,2: Pneumothorax, -1761,3,153455,13,5: Sternal fracture, -1761,4,153455,14,1: Pubis, -1761,5,153455,14,2: Ilium, -1761,6,153455,14,3: Sacrum, -1761,7,153455,14,5: Acetabulum, -1764,1,165550,2,1: Laceration, -1764,2,165550,11,1: Right upper quadrant, -1764,3,165550,11,2: Left upper quadrant, -1764,4,165550,13,1: Pulmonary contusion, -1764,5,165550,13,2: Pneumothorax, -1764,6,165550,13,3: Hemothorax, -1764,7,165550,14,3: Sacrum, -1764,8,165550,14,5: Acetabulum, -1764,10,165550,2,3: Contusion, -1768,1,208971,14,1: Pubis, -1769,1,229514,2,1: Laceration, -1769,2,229514,11,5: Pelvis, -1770,1,147941,13,1: Pulmonary contusion, -1770,2,147941,13,2: Pneumothorax, -1770,3,147941,13,66: Other,pneumatocele -1785,1,247027,13,1: Pulmonary contusion, -1785,2,247027,13,2: Pneumothorax, -1790,1,154932,13,4: Rib fracture, -1790,2,154932,13,66: Other,Pneumomediastinum -1793,1,134315,11,5: Pelvis, -1798,1,213140,14,1: Pubis, -1798,2,213140,14,3: Sacrum, -1798,3,213140,14,66: Other,Open boot fx -1824,1,201977,13,1: Pulmonary contusion, -1828,1,244927,13,66: Other,Pneumomediastinum -1835,1,226924,11,5: Pelvis, -1837,1,155265,2,1: Laceration, -1837,1,155266,2,1: Laceration, -1837,2,155265,2,5: Contrast extravasation, -1837,2,155266,13,1: Pulmonary contusion, -1837,3,155265,11,8: Dictation unclear, -1837,4,155265,13,1: Pulmonary contusion, -1854,1,229476,11,5: Pelvis, -1854,2,229476,15,4: L1, -1854,3,229476,15,5: L2, -1854,4,229476,15,6: L3, -1870,1,253657,13,2: Pneumothorax, -1873,1,247032,7,2: Bowel wall edema/thickening, -1873,2,247032,11,5: Pelvis, -1879,1,201395,11,5: Pelvis, -1879,2,201395,16,66: Other,Femur fx -1887,1,229870,11,5: Pelvis, -1889,1,214634,11,3: Right paracolic gutter, -1897,1,217203,2,1: Laceration, -1909,1,165325,2,1: Laceration, -1909,2,165325,8,1: Hemorrhage, -1909,3,165325,11,1: Right upper quadrant, -1909,4,165325,11,5: Pelvis, -1910,1,245800,13,1: Pulmonary contusion, -1921,2,229154,2,1: Laceration, -1926,1,227239,11,5: Pelvis, -1926,2,227239,13,1: Pulmonary contusion, -1926,3,227239,13,2: Pneumothorax, -1926,4,227239,13,4: Rib fracture, -1930,1,153195,11,5: Pelvis, -1945,1,173380,11,5: Pelvis, -1945,2,173380,13,1: Pulmonary contusion, -1950,1,246880,4,1: Laceration, -1950,2,246880,7,2: Bowel wall edema/thickening, -1950,3,246880,13,1: Pulmonary contusion, -1950,4,246880,13,2: Pneumothorax, -1958,1,234896,2,1: Laceration, -1958,2,234896,16,66: Other,Periportal edema -1962,1,210137,11,5: Pelvis, -1962,2,210137,16,66: Other,Prevesical hematoma -1975,1,217185,11,5: Pelvis, -1975,2,217185,14,1: Pubis, -1975,3,217185,14,3: Sacrum, -1975,4,217185,14,4: Ischium, -1975,5,217185,14,5: Acetabulum, -1985,1,184997,2,1: Laceration, -1985,1,184998,2,1: Laceration, -1985,2,184998,5,3: Contusion, -1985,3,184997,4,5: Dictation unclear, -1985,3,184998,11,8: Dictation unclear, -1985,4,184997,5,1: Laceration, -1985,5,184997,12,66: Describe,Hemorrhage (fluid) -1985,6,184997,14,1: Pubis, -1985,7,184997,14,3: Sacrum, -1985,8,184997,4,66: Other,Edema -1990,1,237879,2,1: Laceration, -1990,2,237879,11,5: Pelvis, -1990,3,237879,11,6: Around the pancreas/duodenum, -1992,1,229506,11,6: Around the pancreas/duodenum, -2000,1,241059,2,1: Laceration, -2000,2,241059,13,66: Other,Pneumomediastinum -2000,3,241059,14,2: Ilium, -2000,4,241059,14,3: Sacrum, -2008,1,246994,7,2: Bowel wall edema/thickening, -2011,1,134239,2,1: Laceration, -2015,1,214202,11,5: Pelvis, -2017,1,237963,11,5: Pelvis, -2021,1,237906,14,1: Pubis, -2029,1,134314,11,5: Pelvis, -2035,1,150250,11,5: Pelvis, -2043,1,230574,2,1: Laceration, -2043,3,230574,13,2: Pneumothorax, -2045,1,240403,13,1: Pulmonary contusion, -2045,2,240403,13,2: Pneumothorax, -2045,3,240403,13,4: Rib fracture, -2047,1,211731,14,1: Pubis, -2047,2,211731,14,3: Sacrum, -2058,1,155707,14,1: Pubis, -2058,2,155707,14,3: Sacrum, -2059,1,226963,13,1: Pulmonary contusion, -2059,2,226963,13,2: Pneumothorax, -2059,3,226963,13,3: Hemothorax, -2059,4,226963,13,4: Rib fracture, -2059,5,226963,13,11: Hemopericardium, -2060,1,185004,11,5: Pelvis, -2063,1,202632,1,3: Contusion, -2063,2,202632,14,1: Pubis, -2074,1,240114,11,5: Pelvis, -2074,1,240115,11,1: Right upper quadrant, -2074,2,240114,16,66: Other,intussusception -2074,2,240115,11,5: Pelvis, -2074,3,240114,14,3: Sacrum, -2074,3,240115,14,1: Pubis, -2074,4,240115,14,3: Sacrum, -2074,5,240115,14,5: Acetabulum, -2075,1,150269,11,5: Pelvis, -2075,2,150269,14,2: Ilium, -2082,1,177819,2,1: Laceration, -2082,2,177819,5,1: Laceration, -2082,3,177819,5,3: Contusion, -2082,4,177819,7,2: Bowel wall edema/thickening, -2082,5,177819,8,1: Hemorrhage, -2082,6,177819,11,1: Right upper quadrant, -2082,7,177819,11,3: Right paracolic gutter, -2082,8,177819,11,5: Pelvis, -2082,9,177819,13,2: Pneumothorax, -2101,1,213111,14,1: Pubis, -2109,1,185002,13,1: Pulmonary contusion, -2109,2,185002,16,66: Other,Hip dislocation -2130,1,201468,7,2: Bowel wall edema/thickening, -2130,2,201468,7,1: Free air, -2130,3,201468,11,5: Pelvis, -2136,1,240860,11,2: Left upper quadrant, -2136,2,240860,11,5: Pelvis, -2136,3,240860,12,66: Describe,Hematoma -2136,4,240860,13,1: Pulmonary contusion, -2136,5,240860,13,4: Rib fracture, -2136,6,240860,13,66: Other,Clavicle Fx -2136,7,240860,15,4: L1, -2136,8,240860,15,5: L2, -2136,9,240860,15,6: L3, -2136,10,240860,15,9: Transverse process, -2136,11,240860,15,10: Veterbral Body, -2137,1,177806,11,5: Pelvis, -2153,1,155697,14,2: Ilium, -2155,1,203334,7,2: Bowel wall edema/thickening, -2155,2,203334,11,5: Pelvis, -2159,1,185028,1,1: Laceration, -2159,2,185028,2,2: Hematoma, -2159,3,185028,11,2: Left upper quadrant, -2159,4,185028,13,1: Pulmonary contusion, -2159,5,185028,13,2: Pneumothorax, -2182,1,246800,13,1: Pulmonary contusion, -2182,2,246800,13,66: Other,Clavicle fx -2186,1,204690,11,5: Pelvis, -2188,1,202503,11,4: Left paracolic gutter, -2188,2,202503,11,5: Pelvis, -2188,3,202503,14,10: Probable, -2191,1,249596,2,1: Laceration, -2191,1,249598,2,1: Laceration, -2191,2,249596,5,1: Laceration, -2191,2,249598,5,1: Laceration, -2191,3,249596,5,66: Other,Extravasation -2191,3,249598,5,66: Other,Urinoma -2191,4,249596,11,5: Pelvis, -2191,4,249598,11,5: Pelvis, -2191,5,249596,13,1: Pulmonary contusion, -2191,5,249598,11,66: Other,Abdomen -2191,6,249596,13,2: Pneumothorax, -2191,6,249598,13,2: Pneumothorax, -2191,7,249596,13,4: Rib fracture, -2191,7,249598,13,4: Rib fracture, -2191,8,249596,14,3: Sacrum, -2193,1,133906,1,1: Laceration, -2193,2,133906,11,2: Left upper quadrant, -2195,1,250678,1,1: Laceration, -2197,1,158664,14,1: Pubis, -2197,2,158664,14,3: Sacrum, -2197,3,158664,14,5: Acetabulum, -2202,1,238094,11,5: Pelvis, -2207,1,148275,11,5: Pelvis, -2207,1,148276,11,5: Pelvis, -2209,1,148299,16,66: Other,periportal edema -2212,1,247014,2,1: Laceration, -2216,1,153469,13,1: Pulmonary contusion, -2216,2,153469,13,2: Pneumothorax, -2216,3,153469,13,3: Hemothorax, -2221,1,158711,11,5: Pelvis, -2226,1,208993,7,2: Bowel wall edema/thickening, -2226,2,208993,11,5: Pelvis, -2240,1,226853,11,5: Pelvis, -2246,1,241179,14,1: Pubis, -2246,2,241179,14,2: Ilium, -2246,3,241179,14,3: Sacrum, -2250,1,242180,13,4: Rib fracture, -2253,1,241098,1,1: Laceration, -2253,2,241098,11,4: Left paracolic gutter, -2253,3,241098,13,1: Pulmonary contusion, -2258,1,148371,1,1: Laceration, -2258,2,148371,11,2: Left upper quadrant, -2258,3,148371,11,3: Right paracolic gutter, -2258,4,148371,11,4: Left paracolic gutter, -2258,5,148371,11,5: Pelvis, -2273,1,245343,7,2: Bowel wall edema/thickening, -2273,3,245343,11,5: Pelvis, -2278,1,246939,2,1: Laceration, -2278,2,246939,5,2: Hematoma, -2278,3,246939,8,1: Hemorrhage, -2278,4,246939,13,2: Pneumothorax, -2295,1,237851,1,1: Laceration, -2295,2,237851,11,2: Left upper quadrant, -2297,1,153197,11,5: Pelvis, -2302,1,150254,11,5: Pelvis, -2306,1,148295,1,1: Laceration, -2306,2,148295,11,2: Left upper quadrant, -2306,3,148295,11,4: Left paracolic gutter, -2306,4,148295,11,5: Pelvis, -2307,1,240898,2,1: Laceration, -2307,2,240898,5,2: Hematoma, -2307,3,240898,5,4: Devascularization, -2307,4,240898,11,1: Right upper quadrant, -2307,5,240898,11,3: Right paracolic gutter, -2307,6,240898,11,4: Left paracolic gutter, -2307,7,240898,11,5: Pelvis, -2310,1,241094,11,5: Pelvis, -2313,1,228146,7,5: Mesenteric streaking, -2313,2,228146,7,6: Mesenteric hematoma, -2313,3,228146,11,4: Left paracolic gutter, -2313,4,228146,12,66: Describe,Hematoma -2313,5,228146,13,2: Pneumothorax, -2313,6,228146,15,4: L1, -2313,7,228146,15,5: L2, -2313,8,228146,15,9: Transverse process, -2313,9,228146,15,10: Veterbral Body, -2321,1,148169,14,1: Pubis, -2321,2,148169,14,3: Sacrum, -2323,1,147931,11,5: Pelvis, -2330,1,220822,14,1: Pubis, -2330,2,220822,14,3: Sacrum, -2337,1,250204,13,66: Other,Mediastinal hematoma -2339,1,133380,14,1: Pubis, -2339,2,133380,14,2: Ilium, -2339,3,133380,14,4: Ischium, -2340,1,237887,13,1: Pulmonary contusion, -2340,2,237887,13,4: Rib fracture, -2340,3,237887,14,1: Pubis, -2343,1,242034,2,1: Laceration, -2343,2,242034,2,2: Hematoma, -2343,3,242034,11,1: Right upper quadrant, -2343,4,242034,13,1: Pulmonary contusion, -2343,5,242034,13,2: Pneumothorax, -2343,6,242034,13,66: Other,Pulm. laceration -2343,7,242034,15,4: L1, -2343,8,242034,15,5: L2, -2343,9,242034,15,6: L3, -2343,10,242034,15,7: L4, -2343,11,242034,16,66: Other,Periportal edema -2351,1,154927,11,5: Pelvis, -2354,1,214197,4,1: Laceration, -2354,3,214197,11,1: Right upper quadrant, -2354,4,214197,11,2: Left upper quadrant, -2354,5,214197,11,6: Around the pancreas/duodenum, -2354,6,214197,11,3: Right paracolic gutter, -2354,7,214197,11,4: Left paracolic gutter, -2354,8,214197,11,5: Pelvis, -2362,1,173436,1,1: Laceration, -2362,3,173436,5,7: Possible, -2362,4,173436,11,1: Right upper quadrant, -2362,5,173436,11,3: Right paracolic gutter, -2362,6,173436,11,5: Pelvis, -2367,1,177820,7,2: Bowel wall edema/thickening, -2380,1,217123,14,1: Pubis, -2382,1,246683,11,5: Pelvis, -2382,3,246683,13,1: Pulmonary contusion, -2382,4,246683,2,1: Laceration, -2392,1,240870,2,1: Laceration, -2392,2,240870,5,1: Laceration, -2392,3,240870,5,2: Hematoma, -2392,4,240870,5,3: Contusion, -2392,5,240870,11,1: Right upper quadrant, -2392,6,240870,13,4: Rib fracture, -2392,7,240870,14,1: Pubis, -2392,8,240870,14,3: Sacrum, -2402,1,133629,11,3: Right paracolic gutter, -2402,2,133629,11,4: Left paracolic gutter, -2402,3,133629,12,66: Describe,hemorrhage in psoas muscle -2402,4,133629,14,1: Pubis, -2402,5,133629,14,2: Ilium, -2417,1,173390,14,1: Pubis, -2417,2,173390,14,2: Ilium, -2417,3,173390,14,3: Sacrum, -2423,1,237829,11,5: Pelvis, -2428,1,148292,14,1: Pubis, -2431,2,150268,11,3: Right paracolic gutter, -2431,3,150268,11,4: Left paracolic gutter, -2431,4,150268,7,66: Other,Mesenteric Edema -2445,1,247001,2,1: Laceration, -2445,2,247001,11,1: Right upper quadrant, -2445,3,247001,11,5: Pelvis, -2448,1,155183,11,5: Pelvis, -2448,2,155183,14,3: Sacrum, -2464,1,184977,11,5: Pelvis, -2467,1,160945,11,5: Pelvis, -2468,1,237866,13,2: Pneumothorax, -2468,2,237866,13,3: Hemothorax, -2468,3,237866,13,4: Rib fracture, -2468,4,237866,13,5: Sternal fracture, -2468,5,237866,13,11: Hemopericardium, -2468,6,237866,15,1: T10, -2468,7,237866,16,66: Other,T1-T9 fractures -2468,8,237866,14,3: Sacrum, -2477,1,237828,11,5: Pelvis, -2477,2,237828,13,66: Other,Scapula fx -2477,3,237828,15,4: L1, -2477,4,237828,15,5: L2, -2477,5,237828,15,10: Veterbral Body, -2481,1,237922,11,5: Pelvis, -2481,2,237922,11,66: Other,In abdomen -2482,1,237888,11,3: Right paracolic gutter, -2482,2,237888,11,4: Left paracolic gutter, -2482,3,237888,11,5: Pelvis, -2482,4,237888,13,1: Pulmonary contusion, -2492,1,155238,13,1: Pulmonary contusion, -2492,2,155238,13,2: Pneumothorax, -2492,3,155238,16,66: Other,Humerus fx -2496,1,245345,11,5: Pelvis, -2502,2,158637,15,5: L2, -2502,3,158637,15,6: L3, -2502,4,158637,15,9: Transverse process, -2502,5,158637,13,3: Hemothorax, -2512,1,214593,11,5: Pelvis, -2515,1,217181,2,1: Laceration, -2515,2,217181,11,1: Right upper quadrant, -2515,3,217181,11,5: Pelvis, -2521,1,242280,7,2: Bowel wall edema/thickening, -2521,2,242280,11,1: Right upper quadrant, -2521,3,242280,11,5: Pelvis, -2526,1,253312,13,1: Pulmonary contusion, -2526,2,253312,13,2: Pneumothorax, -2532,1,237835,11,5: Pelvis, -2534,1,234098,1,1: Laceration, -2534,2,234098,1,6: Contrast extravasation, -2534,3,234098,2,1: Laceration, -2534,4,234098,5,1: Laceration, -2534,5,234098,7,2: Bowel wall edema/thickening, -2534,6,234098,11,1: Right upper quadrant, -2534,7,234098,11,2: Left upper quadrant, -2534,8,234098,11,5: Pelvis, -2534,9,234098,12,66: Describe,Hematoma -2547,1,242314,11,5: Pelvis, -2547,1,242316,11,5: Pelvis, -2547,2,242314,13,1: Pulmonary contusion, -2547,2,242316,13,1: Pulmonary contusion, -2547,3,242314,13,2: Pneumothorax, -2547,3,242316,13,2: Pneumothorax, -2547,4,242314,13,66: Other,Pulmonary laceration -2547,4,242316,15,4: L1, -2547,5,242314,15,4: L1, -2556,1,153446,7,2: Bowel wall edema/thickening, -2556,2,153446,13,1: Pulmonary contusion, -2556,3,153446,14,1: Pubis, -2560,1,229486,8,1: Hemorrhage, -2560,2,229486,11,5: Pelvis, -2561,1,133326,11,5: Pelvis, -2567,1,237945,13,1: Pulmonary contusion, -2567,2,237945,13,2: Pneumothorax, -2567,3,237945,13,3: Hemothorax, -2567,4,237945,13,66: Other,Pneumatocele -2580,1,202881,13,1: Pulmonary contusion, -2581,1,202849,13,1: Pulmonary contusion, -2581,2,202849,13,2: Pneumothorax, -2581,3,202849,13,4: Rib fracture, -2590,1,213122,11,5: Pelvis, -2598,1,130231,11,5: Pelvis, -2613,1,230577,11,5: Pelvis, -2617,1,177810,14,1: Pubis, -2617,2,177810,14,2: Ilium, -2621,1,241273,11,5: Pelvis, -2621,1,241274,11,1: Right upper quadrant, -2621,2,241274,11,5: Pelvis, -2635,1,155590,1,1: Laceration, -2635,3,155590,11,5: Pelvis, -2635,4,155590,11,2: Left upper quadrant, -2636,1,155264,1,1: Laceration, -2636,2,155264,2,1: Laceration, -2636,3,155264,11,1: Right upper quadrant, -2636,4,155264,11,2: Left upper quadrant, -2636,5,155264,11,5: Pelvis, -2644,1,214628,4,1: Laceration, -2644,2,214628,11,2: Left upper quadrant, -2659,1,185007,5,1: Laceration, -2659,2,185007,11,1: Right upper quadrant, -2659,3,185007,13,2: Pneumothorax, -2666,1,185018,11,1: Right upper quadrant, -2666,1,185019,11,1: Right upper quadrant, -2666,2,185018,11,3: Right paracolic gutter, -2666,2,185019,11,5: Pelvis, -2666,3,185018,11,5: Pelvis, -2668,1,217192,14,1: Pubis, -2669,1,201343,7,2: Bowel wall edema/thickening, -2669,2,201343,11,66: Other,Mesentery root -2671,1,241178,11,5: Pelvis, -2671,2,241178,14,1: Pubis, -2672,1,229060,11,5: Pelvis, -2672,2,229060,14,5: Acetabulum, -2675,1,228149,7,1: Free air, -2675,2,228149,13,2: Pneumothorax, -2675,3,228149,13,4: Rib fracture, -2675,4,228149,14,1: Pubis, -2675,5,228149,14,3: Sacrum, -2675,6,228149,16,66: Other,"Periportal edema, scapula fx" -2685,1,155589,11,5: Pelvis, -2685,2,155589,14,1: Pubis, -2685,3,155589,14,3: Sacrum, -2687,1,177786,13,1: Pulmonary contusion, -2687,2,177786,13,4: Rib fracture, -2689,1,160976,11,5: Pelvis, -2692,1,158674,13,1: Pulmonary contusion, -2692,2,158674,13,3: Hemothorax, -2696,1,240387,11,5: Pelvis, -2699,1,153451,2,3: Contusion, -2699,2,153451,11,5: Pelvis, -2699,5,153451,14,1: Pubis, -2705,1,242183,2,1: Laceration, -2705,3,242183,13,2: Pneumothorax, -2705,4,242183,13,3: Hemothorax, -2705,5,242183,13,4: Rib fracture, -2705,6,242183,16,66: Other,Periportal edema -2719,1,153177,11,5: Pelvis, -2724,1,236983,2,1: Laceration, -2724,2,236983,11,1: Right upper quadrant, -2724,3,236983,12,66: Describe,Hemorrhage -2740,1,202501,11,5: Pelvis, -2741,1,134245,1,1: Laceration, -2741,2,134245,11,1: Right upper quadrant, -2741,3,134245,11,5: Pelvis, -2741,4,134245,14,1: Pubis, -2741,5,134245,14,2: Ilium, -2741,6,134245,14,3: Sacrum, -2741,7,134245,14,66: Other,SI joint disruption -2751,1,213219,11,5: Pelvis, -2752,1,234899,1,1: Laceration, -2752,2,234899,11,5: Pelvis, -2764,1,204800,13,1: Pulmonary contusion, -2764,2,204800,13,4: Rib fracture, -2764,3,204800,16,66: Other,T3 Fracture -2775,1,147918,11,5: Pelvis, -2777,1,229152,2,1: Laceration, -2777,2,229152,11,5: Pelvis, -2793,1,217357,7,2: Bowel wall edema/thickening, -2793,2,217357,11,1: Right upper quadrant, -2793,3,217357,11,2: Left upper quadrant, -2793,4,217357,11,6: Around the pancreas/duodenum, -2800,1,201334,11,5: Pelvis, -2812,3,202613,11,66: Other,Intraperitoneal -2818,1,201337,5,2: Hematoma, -2818,2,201337,11,5: Pelvis, -2819,1,184961,11,5: Pelvis, -2827,1,202888,11,3: Right paracolic gutter, -2827,2,202888,11,5: Pelvis, -2827,3,202888,15,6: L3, -2829,1,213117,13,1: Pulmonary contusion, -2837,1,158660,1,1: Laceration, -2837,3,158660,11,2: Left upper quadrant, -2837,4,158660,11,3: Right paracolic gutter, -2837,5,158660,11,4: Left paracolic gutter, -2837,6,158660,11,5: Pelvis, -2837,7,158660,13,4: Rib fracture, -2838,1,202796,11,5: Pelvis, -2838,2,202796,11,66: Other,Mesentoul fluid -2840,1,185029,11,5: Pelvis, -2848,1,204813,1,1: Laceration, -2848,2,204813,11,1: Right upper quadrant, -2848,3,204813,11,2: Left upper quadrant, -2848,4,204813,11,5: Pelvis, -2848,5,204813,13,2: Pneumothorax, -2848,6,204813,14,2: Ilium, -2852,1,214193,2,2: Hematoma, -2852,2,214193,11,5: Pelvis, -2858,1,225856,11,5: Pelvis, -2858,2,225856,13,4: Rib fracture, -2863,1,133891,2,1: Laceration, -2863,2,133891,15,4: L1, -2863,3,133891,15,5: L2, -2863,4,133891,15,6: L3, -2863,5,133891,15,7: L4, -2863,6,133891,15,8: L5, -2863,7,133891,15,9: Transverse process, -2863,8,133891,2,2: Hematoma, -2873,1,150257,11,5: Pelvis, -2882,1,153460,11,5: Pelvis, -2885,1,247000,1,1: Laceration, -2885,2,247000,1,2: Hematoma, -2885,3,247000,1,3: Contusion, -2885,4,247000,11,1: Right upper quadrant, -2885,5,247000,11,3: Right paracolic gutter, -2885,6,247000,11,4: Left paracolic gutter, -2885,7,247000,11,5: Pelvis, -2895,1,201455,14,1: Pubis, -2899,1,214601,11,5: Pelvis, -2910,1,148168,9,66: Describe,Celiac artery -2922,1,133378,5,1: Laceration, -2922,2,133378,5,2: Hematoma, -2922,3,133378,5,66: Other,urine extravasation -2922,4,133378,11,3: Right paracolic gutter, -2922,5,133378,11,4: Left paracolic gutter, -2922,6,133378,11,5: Pelvis, -2933,1,246474,13,1: Pulmonary contusion, -2935,1,236962,11,6: Around the pancreas/duodenum, -2935,2,236962,7,3: Bowel wall hematoma, -2939,1,217208,2,1: Laceration, -2939,2,217208,2,2: Hematoma, -2939,3,217208,11,5: Pelvis, -2939,4,217208,13,2: Pneumothorax, -2939,5,217208,13,3: Hemothorax, -2939,6,217208,13,4: Rib fracture, -2945,1,165345,2,1: Laceration, -2945,2,165345,7,2: Bowel wall edema/thickening, -2945,3,165345,7,5: Mesenteric streaking, -2945,4,165345,11,1: Right upper quadrant, -2945,5,165345,13,2: Pneumothorax, -2945,6,165345,15,4: L1, -2945,7,165345,15,5: L2, -2945,8,165345,15,6: L3, -2945,9,165345,15,9: Transverse process, -2947,1,165312,7,66: Other,Hemorrhage within & along wall of rectum -2947,2,165312,13,1: Pulmonary contusion, -2947,3,165312,13,4: Rib fracture, -2947,4,165312,14,1: Pubis, -2947,5,165312,14,3: Sacrum, -2947,6,165312,15,3: T12, -2947,7,165312,15,4: L1, -2947,8,165312,15,9: Transverse process, -2947,9,165312,15,10: Veterbral Body, -2960,1,236973,1,3: Contusion, -2962,1,153494,2,1: Laceration, -2962,2,153494,2,2: Hematoma, -2962,3,153494,7,2: Bowel wall edema/thickening, -2962,5,153494,11,1: Right upper quadrant, -2962,6,153494,11,2: Left upper quadrant, -2962,7,153494,11,5: Pelvis, -2962,8,153494,11,66: Other,Mesentery -2962,9,153494,13,1: Pulmonary contusion, -2969,1,213302,11,5: Pelvis, -2971,1,213268,1,1: Laceration, -2971,2,213268,1,6: Contrast extravasation, -2971,3,213268,9,66: Describe,Lumbar Artery -2971,4,213268,11,2: Left upper quadrant, -2971,5,213268,11,4: Left paracolic gutter, -2971,6,213268,13,1: Pulmonary contusion, -2971,7,213268,13,2: Pneumothorax, -2971,8,213268,13,4: Rib fracture, -2980,1,208981,13,66: Other,Pneumomediastinum -2981,1,155714,1,3: Contusion, -2981,2,155714,11,2: Left upper quadrant, -2981,3,155714,11,5: Pelvis, -2982,1,211713,2,1: Laceration, -2982,2,211713,5,1: Laceration, -2982,3,211713,11,9: Possible, -2982,4,211713,13,2: Pneumothorax, -2994,1,245969,1,1: Laceration, -2994,5,245969,15,9: Transverse process, -2994,6,245969,11,2: Left upper quadrant, -2999,1,203348,11,5: Pelvis, -2999,2,203348,13,1: Pulmonary contusion, -2999,3,203348,13,2: Pneumothorax, -3005,1,157007,2,1: Laceration, -3005,2,157007,11,1: Right upper quadrant, -3005,3,157007,11,3: Right paracolic gutter, -3005,4,157007,11,5: Pelvis, -3009,1,153511,2,1: Laceration, -3009,2,153511,11,3: Right paracolic gutter, -3009,3,153511,11,5: Pelvis, -3009,4,153511,16,66: Other,Periportal edema -3015,1,142047,1,1: Laceration, -3015,2,142047,11,1: Right upper quadrant, -3015,3,142047,11,2: Left upper quadrant, -3015,4,142047,11,3: Right paracolic gutter, -3015,5,142047,11,4: Left paracolic gutter, -3015,6,142047,11,5: Pelvis, -3016,1,204683,2,1: Laceration, -3016,2,204683,13,3: Hemothorax, -3016,3,204683,13,4: Rib fracture, -3022,1,201345,11,66: Other,Mesentery root -3022,2,201345,13,1: Pulmonary contusion, -3022,3,201345,13,66: Other,T4-7 compression fx -3030,1,229131,7,5: Mesenteric streaking, -3030,2,229131,11,5: Pelvis, -3030,3,229131,12,66: Describe,Hematoma -3037,4,245347,11,6: Around the pancreas/duodenum, -3037,5,245347,7,2: Bowel wall edema/thickening, -3057,1,148167,14,1: Pubis, -3057,2,148167,14,5: Acetabulum, -3057,3,148167,14,66: Other,open book SI joint -3059,1,153207,11,5: Pelvis, -3060,1,142051,11,1: Right upper quadrant, -3061,1,237010,2,1: Laceration, -3061,2,237010,2,3: Contusion, -3061,3,237010,8,1: Hemorrhage, -3061,4,237010,11,1: Right upper quadrant, -3061,5,237010,11,5: Pelvis, -3061,6,237010,14,1: Pubis, -3061,7,237010,14,3: Sacrum, -3063,1,214695,11,5: Pelvis, -3064,1,133924,1,1: Laceration, -3064,2,133924,11,2: Left upper quadrant, -3064,3,133924,11,5: Pelvis, -3066,1,240582,15,3: T12, -3066,2,240582,16,66: Other,"Coccygeal fracture, presacral hematoma" -3068,1,229492,5,1: Laceration, -3074,1,249614,2,1: Laceration, -3074,1,249617,2,1: Laceration, -3074,2,249614,3,5: Possible, -3074,2,249617,5,1: Laceration, -3074,3,249614,5,1: Laceration, -3074,4,249614,7,2: Bowel wall edema/thickening, -3074,4,249617,13,1: Pulmonary contusion, -3074,5,249617,13,2: Pneumothorax, -3074,6,249614,13,1: Pulmonary contusion, -3074,6,249617,14,1: Pubis, -3074,7,249614,13,2: Pneumothorax, -3074,7,249617,14,2: Ilium, -3074,8,249614,14,1: Pubis, -3074,8,249617,14,3: Sacrum, -3074,9,249614,14,2: Ilium, -3074,9,249617,11,5: Pelvis, -3074,10,249614,14,3: Sacrum, -3074,11,249614,15,8: L5, -3074,12,249614,15,9: Transverse process, -3074,13,249614,11,5: Pelvis, -3085,1,246961,11,5: Pelvis, -3102,1,204681,11,5: Pelvis, -3102,2,204681,16,66: Other,Abdominal Wall Injury -3110,1,208962,16,66: Other,Periportal edema -3112,1,227233,5,2: Hematoma, -3112,2,227233,11,2: Left upper quadrant, -3112,3,227233,11,5: Pelvis, -3112,4,227233,13,3: Hemothorax, -3112,5,227233,13,10: Diaphragm injury, -3112,6,227233,13,66: Other,Stomach herniation to L chest -3112,7,227233,14,2: Ilium, -3114,1,242281,13,1: Pulmonary contusion, -3115,1,234096,13,4: Rib fracture, -3120,1,242166,8,1: Hemorrhage, -3128,1,142533,14,1: Pubis, -3129,1,229572,13,1: Pulmonary contusion, -3129,2,229572,16,66: Other,Sternoclackualar joint dislocation -3159,1,241092,13,1: Pulmonary contusion, -3159,2,241092,13,2: Pneumothorax, -3159,3,241092,13,4: Rib fracture, -3186,1,229473,13,2: Pneumothorax, -3186,2,229473,15,4: L1, -3186,3,229473,16,66: Other,Upper thoracic vertebrae burst fracutre (location not specified) -3187,1,155250,1,1: Laceration, -3187,2,155250,11,5: Pelvis, -3190,1,242181,11,5: Pelvis, -3190,2,242181,13,1: Pulmonary contusion, -3190,3,242181,15,6: L3, -3195,1,242278,13,2: Pneumothorax, -3211,1,230579,1,1: Laceration, -3211,2,230579,7,2: Bowel wall edema/thickening, -3211,3,230579,7,66: Other,Omental stranding -3211,5,230579,9,2: Possible, -3211,6,230579,11,5: Pelvis, -3211,7,230579,11,66: Other,"""Abdomen""" -3211,8,230579,13,1: Pulmonary contusion, -3211,9,230579,13,2: Pneumothorax, -3211,10,230579,13,3: Hemothorax, -3211,11,230579,14,2: Ilium, -3211,12,230579,14,5: Acetabulum, -3216,1,201315,7,2: Bowel wall edema/thickening, -3216,2,201315,11,5: Pelvis, -3218,1,201453,1,1: Laceration, -3219,1,142054,11,66: Other,left adnexa -3222,1,142490,2,1: Laceration, -3225,1,158666,13,4: Rib fracture, -3228,1,204797,11,5: Pelvis, -3231,1,202869,11,5: Pelvis, -3232,1,213145,11,3: Right paracolic gutter, -3232,2,213145,11,5: Pelvis, -3232,3,213145,14,1: Pubis, -3232,4,213145,14,3: Sacrum, -3232,5,213145,14,5: Acetabulum, -3232,6,213145,15,8: L5, -3233,1,246871,7,2: Bowel wall edema/thickening, -3233,2,246871,7,1: Free air, -3233,3,246871,9,66: Describe,Mesenteric vessel -3233,4,246871,11,1: Right upper quadrant, -3233,5,246871,11,3: Right paracolic gutter, -3233,6,246871,11,4: Left paracolic gutter, -3233,7,246871,11,5: Pelvis, -3233,8,246871,11,66: Other,Hemoperitoneum -3238,1,133348,2,1: Laceration, -3242,1,246957,16,66: Other,Periadrenal stranding -3242,1,252225,11,1: Right upper quadrant, -3246,1,237801,11,5: Pelvis, -3246,2,237801,13,2: Pneumothorax, -3250,1,134241,11,1: Right upper quadrant, -3250,2,134241,11,6: Around the pancreas/duodenum, -3250,3,134241,11,5: Pelvis, -3250,4,134241,13,1: Pulmonary contusion, -3250,5,134241,13,4: Rib fracture, -3250,6,134241,13,66: Other,pneumatocele -3250,7,134241,16,66: Other,periportal edema -3255,1,226826,11,5: Pelvis, -3256,1,241168,8,1: Hemorrhage, -3259,1,242186,11,5: Pelvis, -3264,1,155600,11,5: Pelvis, -3270,1,147916,11,5: Pelvis, -3275,3,134325,16,66: Other,bowel intussuiception (normal) -3280,1,213223,8,1: Hemorrhage, -3280,2,213223,13,1: Pulmonary contusion, -3280,3,213223,13,2: Pneumothorax, -3280,4,213223,16,66: Other,Periportal edema -3281,1,147026,11,5: Pelvis, -3291,1,204777,11,5: Pelvis, -3292,1,236925,1,1: Laceration, -3292,1,236928,1,1: Laceration, -3292,2,236925,1,2: Hematoma, -3292,2,236928,1,2: Hematoma, -3292,3,236925,11,5: Pelvis, -3292,3,236928,11,1: Right upper quadrant, -3292,4,236925,11,66: Other,Large hemoperitoneum -3292,4,236928,11,3: Right paracolic gutter, -3292,5,236928,11,4: Left paracolic gutter, -3295,1,202504,11,5: Pelvis, -3295,2,202504,13,66: Other,Pneumomediastinum -3297,1,240952,5,1: Laceration, -3297,2,240952,5,2: Hematoma, -3297,3,240952,5,4: Devascularization, -3297,4,240952,11,4: Left paracolic gutter, -3297,5,240952,11,5: Pelvis, -3309,1,226934,7,2: Bowel wall edema/thickening, -3309,2,226934,13,1: Pulmonary contusion, -3314,1,234874,11,5: Pelvis, -3314,2,234874,13,1: Pulmonary contusion, -3314,3,234874,13,2: Pneumothorax, -3314,4,234874,13,4: Rib fracture, -3319,1,148047,1,2: Hematoma, -3319,2,148047,2,1: Laceration, -3319,3,148047,11,1: Right upper quadrant, -3319,4,148047,13,1: Pulmonary contusion, -3319,5,148047,13,4: Rib fracture, -3322,1,202785,13,2: Pneumothorax, -3322,2,202785,14,3: Sacrum, -3329,1,177814,1,1: Laceration, -3329,2,177814,1,6: Contrast extravasation, -3329,3,177814,11,2: Left upper quadrant, -3329,4,177814,11,5: Pelvis, -3330,1,204806,2,1: Laceration, -3342,1,234105,14,1: Pubis, -3342,2,234105,16,66: Other,"Pelvic Hematoma, scrotal hematoma" -3353,1,229483,11,5: Pelvis, -3370,1,229503,11,5: Pelvis, -3373,1,184964,11,5: Pelvis, -3373,2,184964,14,1: Pubis, -3373,3,184964,14,5: Acetabulum, -3380,1,126962,11,5: Pelvis, -3384,1,246997,11,1: Right upper quadrant, -3384,2,246997,11,2: Left upper quadrant, -3384,3,246997,11,5: Pelvis, -3384,4,246997,13,1: Pulmonary contusion, -3384,5,246997,13,4: Rib fracture, -3390,1,247010,13,1: Pulmonary contusion, -3392,1,229504,11,5: Pelvis, -3397,1,234101,7,2: Bowel wall edema/thickening, -3404,1,230588,2,1: Laceration, -3404,2,230588,11,5: Pelvis, -3404,3,230588,11,66: Other,Abdomen -3407,1,202845,11,5: Pelvis, -3414,1,133386,2,1: Laceration, -3415,1,226951,11,5: Pelvis, -3415,2,226951,11,66: Other,Mesentery -3425,1,224246,2,1: Laceration, -3425,1,224248,2,1: Laceration, -3425,2,224246,2,2: Hematoma, -3425,2,224248,2,2: Hematoma, -3425,3,224246,11,5: Pelvis, -3425,3,224248,11,5: Pelvis, -3425,4,224246,13,1: Pulmonary contusion, -3425,4,224248,13,1: Pulmonary contusion, -3431,1,229072,11,5: Pelvis, -3433,1,165344,7,2: Bowel wall edema/thickening, -3442,1,172513,1,1: Laceration, -3442,2,172513,11,2: Left upper quadrant, -3442,3,172513,11,5: Pelvis, -3442,4,172513,13,66: Other,pneumomediastinum -3443,1,246273,11,5: Pelvis, -3448,1,165311,11,1: Right upper quadrant, -3448,2,165311,11,5: Pelvis, -3448,3,165311,13,1: Pulmonary contusion, -3448,4,165311,13,2: Pneumothorax, -3448,5,165311,13,66: Other,Clavicle fx -3448,6,165311,14,2: Ilium, -3448,7,165311,14,4: Ischium, -3456,1,246865,11,66: Other,Moderate abdomen mesentery -3462,1,155191,1,1: Laceration, -3462,1,177653,1,1: Laceration, -3462,2,155191,11,1: Right upper quadrant, -3462,2,177653,11,1: Right upper quadrant, -3462,3,155191,11,2: Left upper quadrant, -3462,3,177653,11,2: Left upper quadrant, -3462,4,155191,11,3: Right paracolic gutter, -3462,4,177653,11,3: Right paracolic gutter, -3462,5,155191,11,4: Left paracolic gutter, -3462,5,177653,11,4: Left paracolic gutter, -3462,6,155191,11,5: Pelvis, -3462,6,177653,11,5: Pelvis, -3463,1,158705,1,1: Laceration, -3466,1,237825,11,5: Pelvis, -3469,1,133622,11,5: Pelvis, -3469,2,133622,11,3: Right paracolic gutter, -3469,3,133622,16,66: Other,periportal edema -3469,4,133622,11,1: Right upper quadrant, -3491,1,254888,13,2: Pneumothorax, -3491,2,254888,13,66: Other,"Pneumomediastinum, pulmonary laceration" -3497,1,155171,1,1: Laceration, -3497,2,155171,7,2: Bowel wall edema/thickening, -3497,3,155171,11,1: Right upper quadrant, -3497,4,155171,11,2: Left upper quadrant, -3506,1,133324,2,1: Laceration, -3506,2,133324,11,5: Pelvis, -3506,3,133324,12,66: Describe,Fluid -3509,1,202865,7,2: Bowel wall edema/thickening, -3509,2,202865,11,6: Around the pancreas/duodenum, -3513,1,226966,5,2: Hematoma, -3513,2,226966,5,3: Contusion, -3513,3,226966,11,5: Pelvis, -3513,4,226966,13,4: Rib fracture, -3528,1,245784,5,1: Laceration, -3528,2,245784,5,2: Hematoma, -3528,3,245784,5,66: Other,Urinoma -3536,1,177807,2,1: Laceration, -3536,2,177807,11,1: Right upper quadrant, -3536,3,177807,11,5: Pelvis, -3543,1,177809,1,1: Laceration, -3543,2,177809,1,6: Contrast extravasation, -3543,3,177809,4,3: Contusion, -3543,4,177809,7,2: Bowel wall edema/thickening, -3543,5,177809,11,8: Dictation unclear, -3564,1,213293,1,1: Laceration, -3564,2,213293,11,8: Dictation unclear, -3564,3,213293,13,1: Pulmonary contusion, -3564,4,213293,13,2: Pneumothorax, -3566,1,177813,11,5: Pelvis, -3571,1,202861,11,5: Pelvis, -3576,1,133902,11,2: Left upper quadrant, -3576,2,133902,11,5: Pelvis, -3576,3,133902,13,1: Pulmonary contusion, -3576,4,133902,13,2: Pneumothorax, -3576,5,133902,13,4: Rib fracture, -3576,6,133902,14,3: Sacrum, -3576,7,133902,15,8: L5, -3576,8,133902,15,9: Transverse process, -3576,9,133902,1,1: Laceration, -3576,10,133902,1,5: Traumatic infarction, -3576,11,133902,14,66: Other,pubis symphysis widening -3584,1,211717,8,1: Hemorrhage, -3591,1,210135,2,1: Laceration, -3591,1,210136,2,1: Laceration, -3591,2,210135,11,1: Right upper quadrant, -3607,1,237874,14,2: Ilium, -3615,1,213334,11,66: Other,In the abdomen -3615,2,213334,14,1: Pubis, -3615,3,213334,14,3: Sacrum, -3627,1,153450,7,5: Mesenteric streaking, -3627,3,153450,15,6: L3, -3627,4,153450,15,9: Transverse process, -3632,1,230601,1,1: Laceration, -3632,2,230601,11,66: Other,Perisplenic -3632,3,230601,13,2: Pneumothorax, -3641,1,204826,11,4: Left paracolic gutter, -3644,1,237016,11,5: Pelvis, -3651,1,213298,13,1: Pulmonary contusion, -3652,1,202652,13,1: Pulmonary contusion, -3652,2,202652,13,2: Pneumothorax, -3652,3,202652,13,4: Rib fracture, -3652,4,202652,16,66: Other,Scapula fracture -3664,1,201983,11,5: Pelvis, -3665,1,160960,11,5: Pelvis, -3695,1,153163,11,5: Pelvis, -3701,1,133909,2,1: Laceration, -3701,2,133909,13,2: Pneumothorax, -3707,1,242285,13,1: Pulmonary contusion, -3713,1,241204,11,5: Pelvis, -3721,1,214615,5,1: Laceration, -3721,3,214615,14,1: Pubis, -3721,4,214615,14,66: Other,Ant columns -3721,5,214615,12,66: Describe,Hematoma -3723,1,153454,14,1: Pubis, -3723,2,153454,16,66: Other,Femur fx - nondisplaced -3737,1,246873,11,5: Pelvis, -3739,1,172519,2,1: Laceration, -3739,3,172519,13,1: Pulmonary contusion, -3739,4,172519,13,2: Pneumothorax, -3739,5,172519,13,3: Hemothorax, -3739,6,172519,16,66: Other,Periportal edema -3746,1,153476,2,3: Contusion, -3746,2,153476,5,4: Devascularization, -3746,3,153476,11,1: Right upper quadrant, -3746,4,153476,11,5: Pelvis, -3746,5,153476,13,1: Pulmonary contusion, -3746,6,153476,13,2: Pneumothorax, -3746,7,153476,13,3: Hemothorax, -3753,1,247100,5,1: Laceration, -3753,2,247100,11,6: Around the pancreas/duodenum, -3753,3,247100,11,5: Pelvis, -3753,4,247100,13,1: Pulmonary contusion, -3753,5,247100,13,2: Pneumothorax, -3753,6,247100,13,66: Other,Pneumataele -3756,1,158651,11,5: Pelvis, -3756,2,158651,11,3: Right paracolic gutter, -3761,1,246869,11,5: Pelvis, -3761,2,246869,11,66: Other,Abdomen -small ant. -3761,3,247434,11,5: Pelvis, -3761,4,247434,11,66: Other,mesentery -3762,1,127265,1,1: Laceration, -3762,2,127265,11,1: Right upper quadrant, -3762,3,127265,11,2: Left upper quadrant, -3762,4,127265,11,5: Pelvis, -3768,1,245964,13,1: Pulmonary contusion, -3768,2,245964,13,5: Sternal fracture, -3768,3,245964,14,5: Acetabulum, -3768,4,245964,15,1: T10, -3768,5,245964,15,2: T11, -3785,1,158644,1,4: Rupture, -3785,2,158644,1,6: Contrast extravasation, -3785,3,158644,5,1: Laceration, -3785,4,158644,5,66: Other,"""Rupture""" -3785,5,158644,11,66: Other,"""Extensive""" -3785,6,158644,12,66: Describe,"Free fluid ""extensive"", Psoas hematoma" -3785,7,158644,13,4: Rib fracture, -3785,8,158644,15,5: L2, -3785,9,158644,15,6: L3, -3785,10,158644,15,7: L4, -3785,11,158644,15,8: L5, -3785,12,158644,15,9: Transverse process, -3785,13,158644,16,66: Other,"S1 Fracture - vertebral body, Paraspinous hematoma" -3787,1,238114,13,2: Pneumothorax, -3812,1,227246,1,1: Laceration, -3812,2,227246,1,5: Traumatic infarction, -3812,3,227246,11,5: Pelvis, -3819,1,172529,11,5: Pelvis, -3824,1,153149,11,5: Pelvis, -3846,1,204841,16,66: Other,Portal Edema -3852,1,246272,7,2: Bowel wall edema/thickening, -3860,2,173442,11,5: Pelvis, -3860,3,173442,16,66: Other,Periportal edema -3860,4,173442,7,5: Mesenteric streaking, -3865,1,249610,11,1: Right upper quadrant, -3866,1,245342,11,5: Pelvis, -3868,1,217379,2,3: Contusion, -3868,2,217379,8,1: Hemorrhage, -3868,3,217379,12,66: Describe,Hematoma -3870,1,166355,11,5: Pelvis, -3870,2,166355,13,1: Pulmonary contusion, -3872,2,244916,5,66: Other,Blood clot in collecting system with UVJ obstruction -3872,3,244916,11,5: Pelvis, -3872,4,244916,14,1: Pubis, -3882,1,213202,11,5: Pelvis, -3882,2,213202,14,1: Pubis, -3882,3,213202,14,5: Acetabulum, -3887,1,213085,16,66: Other,Periportal edema -3888,1,237815,11,5: Pelvis, -3888,2,237815,15,5: L2, -3888,3,237815,15,6: L3, -3888,4,237815,15,9: Transverse process, -3898,1,220721,11,5: Pelvis, -3901,1,177815,2,1: Laceration, -3901,2,177815,5,7: Possible, -3901,3,177815,11,5: Pelvis, -3901,4,177815,13,2: Pneumothorax, -3901,5,177815,13,4: Rib fracture, -3901,6,177815,13,66: Other,Pneumomediastinum -3901,7,177815,16,66: Other,Periportal edema -3901,8,177815,13,66: Other,Pulmonary laceration -3901,9,177815,13,66: Other,Pneumatocele -3903,1,184978,1,1: Laceration, -3903,2,184978,1,6: Contrast extravasation, -3903,3,184978,2,1: Laceration, -3903,4,184978,2,3: Contusion, -3903,5,184978,11,5: Pelvis, -3904,1,224240,11,5: Pelvis, -3907,1,204838,11,5: Pelvis, -3907,2,204838,15,6: L3, -3907,3,204838,15,7: L4, -3907,4,204838,15,9: Transverse process, -3910,1,177634,14,1: Pubis, -3910,2,177634,16,66: Other,Periportal edema -3913,1,228160,1,1: Laceration, -3913,2,228160,11,1: Right upper quadrant, -3913,3,228160,11,2: Left upper quadrant, -3913,4,228160,11,3: Right paracolic gutter, -3913,5,228160,11,4: Left paracolic gutter, -3913,6,228160,11,5: Pelvis, -3924,1,142575,1,1: Laceration, -3924,2,142575,11,2: Left upper quadrant, -3924,3,142575,11,5: Pelvis, -3936,1,204772,11,5: Pelvis, -3952,1,201933,11,5: Pelvis, -3954,1,165335,1,1: Laceration, -3954,1,165336,1,1: Laceration, -3954,2,165335,5,1: Laceration, -3954,2,165336,5,1: Laceration, -3954,3,165335,5,2: Hematoma, -3954,3,165336,5,2: Hematoma, -3954,4,165335,5,4: Devascularization, -3954,4,165336,5,4: Devascularization, -3954,5,165335,11,2: Left upper quadrant, -3954,5,165336,7,10: Possible, -3954,6,165335,11,4: Left paracolic gutter, -3954,6,165336,11,3: Right paracolic gutter, -3954,7,165335,11,5: Pelvis, -3954,7,165336,11,5: Pelvis, -3954,8,165336,11,66: Other,throughout abdomen -3954,9,165336,11,8: Dictation unclear, -3960,1,201392,11,5: Pelvis, -3966,1,133884,14,1: Pubis, -3966,1,228124,14,1: Pubis, -3966,2,133884,14,3: Sacrum, -3966,2,228124,14,3: Sacrum, -3966,3,133884,14,5: Acetabulum, -3967,1,204809,11,5: Pelvis, -3976,1,241093,14,2: Ilium, -3978,1,229519,11,5: Pelvis, -3978,1,229520,7,6: Mesenteric hematoma, -3978,2,229519,13,1: Pulmonary contusion, -3978,2,229520,11,5: Pelvis, -3978,3,229520,13,1: Pulmonary contusion, -3978,4,229519,16,66: Other,Abdominal Wall Injury -3979,1,133382,13,4: Rib fracture, -3989,1,184979,11,5: Pelvis, -3994,2,153481,15,5: L2, -3994,3,153481,15,6: L3, -3994,4,153481,15,9: Transverse process, -3994,5,153481,11,5: Pelvis, -3996,1,236970,11,1: Right upper quadrant, -3998,1,153174,11,5: Pelvis, -3998,2,153174,15,5: L2, -3998,3,153174,15,6: L3, -3998,4,153174,15,7: L4, -3998,5,153174,15,9: Transverse process, -4005,1,229086,13,1: Pulmonary contusion, -4005,2,229086,13,2: Pneumothorax, -4010,1,204765,11,5: Pelvis, -4014,1,208967,1,1: Laceration, -4014,2,208967,11,2: Left upper quadrant, -4014,3,208967,11,4: Left paracolic gutter, -4014,4,208967,11,5: Pelvis, -4022,1,246100,2,1: Laceration, -4022,2,246100,11,5: Pelvis, -4027,1,155602,11,5: Pelvis, -4027,1,155603,11,3: Right paracolic gutter, -4027,2,155602,14,1: Pubis, -4027,2,155603,11,5: Pelvis, -4027,3,155602,14,2: Ilium, -4027,3,155603,14,1: Pubis, -4027,4,155602,14,3: Sacrum, -4027,4,155603,14,2: Ilium, -4027,5,155603,14,3: Sacrum, -4028,1,228141,1,3: Contusion, -4028,2,228141,13,1: Pulmonary contusion, -4038,1,208987,11,5: Pelvis, -4039,1,210184,11,1: Right upper quadrant, -4039,3,210184,16,66: Other,Periportal edema -4042,1,249581,11,3: Right paracolic gutter, -4042,2,249581,12,66: Describe,Hematoma -4047,1,228145,13,1: Pulmonary contusion, -4048,1,234860,11,5: Pelvis, -4057,1,148300,11,5: Pelvis, -4062,1,147817,1,1: Laceration, -4062,1,147818,1,1: Laceration, -4062,1,147819,1,1: Laceration, -4062,1,147820,1,1: Laceration, -4062,2,147817,5,1: Laceration, -4062,2,147818,5,2: Hematoma, -4062,2,147819,5,1: Laceration, -4062,2,147820,5,1: Laceration, -4062,3,147817,5,2: Hematoma, -4062,3,147818,5,1: Laceration, -4062,3,147820,5,66: Other,urinoma -4062,4,147817,11,2: Left upper quadrant, -4062,4,147818,11,1: Right upper quadrant, -4062,4,147819,5,66: Other,urinoma -4062,4,147820,11,5: Pelvis, -4062,5,147818,11,2: Left upper quadrant, -4062,6,147817,5,66: Other,Ureter -4062,6,147818,11,3: Right paracolic gutter, -4068,1,147835,1,1: Laceration, -4068,2,147835,11,2: Left upper quadrant, -4072,1,229140,7,2: Bowel wall edema/thickening, -4076,1,148356,5,1: Laceration, -4076,2,148356,5,2: Hematoma, -4076,3,148356,11,5: Pelvis, -4076,4,148356,5,4: Devascularization, -4079,1,201458,11,5: Pelvis, -4084,1,134318,11,5: Pelvis, -4087,1,133618,11,5: Pelvis, -4088,1,237844,1,1: Laceration, -4088,2,237844,11,5: Pelvis, -4088,3,237844,11,66: Other,Upper abdomen -4088,4,237844,13,4: Rib fracture, -4088,5,237844,15,3: T12, -4088,6,237844,15,4: L1, -4088,7,237844,15,6: L3, -4088,8,237844,15,7: L4, -4088,9,237844,15,9: Transverse process, -4088,10,237844,15,10: Veterbral Body, -4088,11,237844,13,3: Hemothorax, -4097,1,133877,11,5: Pelvis, -4101,2,133867,14,1: Pubis, -4101,3,133867,14,2: Ilium, -4101,4,133867,14,4: Ischium, -4101,5,133867,14,5: Acetabulum, -4101,6,133867,13,1: Pulmonary contusion, -4101,7,133867,13,2: Pneumothorax, -4101,8,133867,13,4: Rib fracture, -4101,9,133867,11,5: Pelvis, -4101,10,133867,13,66: Other,Pneumatocele -4102,1,227250,1,1: Laceration, -4102,2,227250,1,2: Hematoma, -4102,3,227250,11,5: Pelvis, -4107,1,229481,16,66: Other,T3 fracture -4110,1,133888,2,2: Hematoma, -4113,1,229512,11,5: Pelvis, -4119,1,233981,11,5: Pelvis, -4123,1,154958,14,2: Ilium, -4123,2,154958,16,66: Other,Buttock laceration -4126,1,226910,11,3: Right paracolic gutter, -4126,2,226910,11,5: Pelvis, -4148,1,211735,2,1: Laceration, -4148,1,211736,2,1: Laceration, -4148,2,211735,11,1: Right upper quadrant, -4148,2,211736,11,8: Dictation unclear, -4148,3,211735,11,2: Left upper quadrant, -4148,4,211735,12,66: Describe,Hematoma -4151,1,210187,1,2: Hematoma, -4151,2,210187,13,1: Pulmonary contusion, -4151,3,210187,13,66: Other,Pulmonary laceration -4153,1,133341,11,5: Pelvis, -4153,2,133341,13,1: Pulmonary contusion, -4153,3,133341,13,2: Pneumothorax, -4159,1,241107,14,1: Pubis, -4159,2,241107,14,2: Ilium, -4159,3,241107,14,3: Sacrum, -4165,1,237857,2,1: Laceration, -4165,2,237857,2,2: Hematoma, -4165,3,237857,2,4: Traumatic infarction, -4165,4,237857,2,5: Contrast extravasation, -4165,5,237857,5,1: Laceration, -4165,6,237857,5,66: Other,Urinoma -4165,7,237857,7,2: Bowel wall edema/thickening, -4165,8,237857,11,1: Right upper quadrant, -4165,9,237857,11,3: Right paracolic gutter, -4165,10,237857,13,2: Pneumothorax, -4165,11,237857,13,66: Other,Pulm laceration -4165,12,237857,16,66: Other,Periportal edema -4173,1,244929,11,4: Left paracolic gutter, -4179,1,233980,1,1: Laceration, -4179,2,233980,11,2: Left upper quadrant, -4180,1,210201,5,1: Laceration, -4180,2,210201,12,66: Describe,Hemorrhage -4180,3,210201,15,5: L2, -4180,4,210201,15,6: L3, -4180,5,210201,15,7: L4, -4180,6,210201,13,2: Pneumothorax, -4181,1,236987,2,1: Laceration, -4181,2,236987,8,1: Hemorrhage, -4181,3,236987,11,1: Right upper quadrant, -4190,1,133582,2,1: Laceration, -4190,2,133582,11,1: Right upper quadrant, -4190,3,133582,11,5: Pelvis, -4193,1,246991,7,2: Bowel wall edema/thickening, -4193,1,246992,11,5: Pelvis, -4193,2,246991,7,1: Free air, -4193,2,246992,13,1: Pulmonary contusion, -4193,3,246991,11,5: Pelvis, -4193,3,246992,14,2: Ilium, -4201,1,154968,11,5: Pelvis, -4201,2,154968,14,1: Pubis, -4203,1,184956,11,5: Pelvis, -4211,1,234882,1,1: Laceration, -4211,2,234882,11,2: Left upper quadrant, -4211,3,234882,11,4: Left paracolic gutter, -4211,4,234882,11,5: Pelvis, -4218,1,245349,2,1: Laceration, -4218,2,245349,11,3: Right paracolic gutter, -4218,3,245349,11,5: Pelvis, -4223,1,172505,11,5: Pelvis, -4225,1,154967,11,5: Pelvis, -4227,1,153448,7,2: Bowel wall edema/thickening, -4227,3,153448,11,5: Pelvis, -4231,1,155694,13,1: Pulmonary contusion, -4231,2,155694,13,2: Pneumothorax, -4231,3,155694,13,4: Rib fracture, -4238,1,234001,11,1: Right upper quadrant, -4238,2,234001,11,5: Pelvis, -4238,3,234001,16,66: Other,Periportal edema & gluteal hematoma -4250,1,246805,1,1: Laceration, -4250,2,246805,1,5: Traumatic infarction, -4250,3,246805,2,1: Laceration, -4250,4,246805,7,2: Bowel wall edema/thickening, -4250,5,246805,11,1: Right upper quadrant, -4250,6,246805,11,2: Left upper quadrant, -4277,1,202550,7,5: Mesenteric streaking, -4277,2,202550,16,66: Other,Femur fracture -4289,1,246106,8,1: Hemorrhage, -4294,1,160949,11,5: Pelvis, -4294,2,160949,14,1: Pubis, -4294,3,160949,14,3: Sacrum, -4300,1,225857,11,5: Pelvis, -4305,1,229004,1,1: Laceration, -4305,1,240859,1,1: Laceration, -4305,2,229004,11,1: Right upper quadrant, -4305,2,240859,11,1: Right upper quadrant, -4305,3,229004,11,2: Left upper quadrant, -4305,3,240859,11,2: Left upper quadrant, -4305,4,229004,11,5: Pelvis, -4305,4,240859,11,3: Right paracolic gutter, -4305,5,240859,11,4: Left paracolic gutter, -4305,6,240859,11,5: Pelvis, -4307,1,153194,11,5: Pelvis, -4307,2,153194,16,66: Other,? cocicygeal -4309,1,246463,6,66: Other,Arterial bleed -4309,2,246463,11,5: Pelvis, -4329,1,147913,11,5: Pelvis, -4342,1,245974,13,1: Pulmonary contusion, -4342,2,245974,13,2: Pneumothorax, -4350,1,201349,5,1: Laceration, -4350,2,201349,5,2: Hematoma, -4350,3,201349,5,66: Other,Extravasation -4350,4,201349,11,3: Right paracolic gutter, -4351,1,237870,13,2: Pneumothorax, -4356,3,173417,13,2: Pneumothorax, -4356,4,173417,13,66: Other,effusion -4360,1,147935,1,1: Laceration, -4360,2,147935,11,5: Pelvis, -4361,1,133601,1,1: Laceration, -4361,2,133601,1,4: Rupture, -4361,3,133601,11,2: Left upper quadrant, -4361,4,133601,11,5: Pelvis, -4361,5,133601,1,6: Contrast extravasation, -4364,1,165556,11,5: Pelvis, -4364,1,165557,11,5: Pelvis, -4364,2,165556,13,2: Pneumothorax, -4365,1,142070,11,5: Pelvis, -4372,1,154957,13,1: Pulmonary contusion, -4379,1,142077,11,5: Pelvis, -4402,1,237824,1,1: Laceration, -4402,2,237824,1,2: Hematoma, -4402,3,237824,11,1: Right upper quadrant, -4402,4,237824,11,3: Right paracolic gutter, -4402,5,237824,11,4: Left paracolic gutter, -4402,6,237824,11,5: Pelvis, -4402,7,237824,13,2: Pneumothorax, -4403,1,217125,14,1: Pubis, -4403,2,217125,14,3: Sacrum, -4404,1,211741,14,1: Pubis, -4404,1,211744,6,3: Extraperitoneal rupture, -4404,2,211741,14,3: Sacrum, -4404,2,211744,7,5: Mesenteric streaking, -4404,3,211741,6,3: Extraperitoneal rupture, -4404,3,211744,11,5: Pelvis, -4404,4,211744,14,1: Pubis, -4404,5,211744,14,3: Sacrum, -4406,1,238112,12,66: Describe,Hematoma -4409,1,202867,11,5: Pelvis, -4414,1,202843,11,5: Pelvis, -4415,1,225834,5,1: Laceration, -4415,2,225834,5,2: Hematoma, -4415,3,225834,5,3: Contusion, -4415,4,225834,11,4: Left paracolic gutter, -4415,5,225834,11,5: Pelvis, -4415,6,225834,14,2: Ilium, -4415,7,225834,14,3: Sacrum, -4415,8,225834,14,5: Acetabulum, -4417,1,246464,14,1: Pubis, -4418,1,173384,11,5: Pelvis, -4419,1,237899,1,1: Laceration, -4419,2,237899,11,5: Pelvis, -4420,1,208952,2,1: Laceration, -4420,2,208952,8,1: Hemorrhage, -4420,3,208952,11,5: Pelvis, -4426,1,155290,14,2: Ilium, -4438,1,236968,11,5: Pelvis, -4441,1,133635,1,1: Laceration, -4441,2,133635,1,2: Hematoma, -4448,1,155698,13,1: Pulmonary contusion, -4448,2,155698,16,66: Other,Femur fracture -4454,1,201963,11,66: Other,Bilateral flanks -4462,1,177785,11,1: Right upper quadrant, -4462,2,177785,11,5: Pelvis, -4462,3,177785,14,1: Pubis, -4462,4,177785,14,3: Sacrum, -4462,5,177785,14,4: Ischium, -4462,6,177785,16,66: Other,Urethral transection -4467,1,155178,11,2: Left upper quadrant, -4467,2,155178,13,1: Pulmonary contusion, -4467,3,155178,13,2: Pneumothorax, -4478,1,201462,11,5: Pelvis, -4483,1,153204,1,1: Laceration, -4483,2,153204,1,2: Hematoma, -4483,3,153204,2,1: Laceration, -4483,4,153204,2,2: Hematoma, -4483,5,153204,11,1: Right upper quadrant, -4483,6,153204,11,3: Right paracolic gutter, -4483,7,153204,11,4: Left paracolic gutter, -4483,8,153204,13,1: Pulmonary contusion, -4490,1,153159,2,1: Laceration, -4490,2,153159,11,1: Right upper quadrant, -4490,3,153159,11,3: Right paracolic gutter, -4490,4,153159,11,5: Pelvis, -4490,5,153159,13,1: Pulmonary contusion, -4491,1,213144,13,2: Pneumothorax, -4491,2,213144,13,4: Rib fracture, -4493,1,184954,13,66: Other,Pleural effusion -4493,1,184955,11,5: Pelvis, -4502,1,230555,2,1: Laceration, -4502,2,230555,13,1: Pulmonary contusion, -4502,3,230555,13,2: Pneumothorax, -4503,1,160958,11,5: Pelvis, -4544,1,236899,11,5: Pelvis, -4550,1,247011,11,66: Other,Throughout abdomen -4550,2,247011,13,2: Pneumothorax, -4550,3,247011,16,66: Other,Femur fx -4553,1,234111,11,5: Pelvis, -4555,1,242114,13,1: Pulmonary contusion, -4557,1,213235,1,4: Rupture, -4557,2,213235,4,1: Laceration, -4557,3,213235,5,1: Laceration, -4557,4,213235,5,2: Hematoma, -4557,5,213235,5,4: Devascularization, -4557,6,213235,8,5: Probable, -4557,7,213235,11,1: Right upper quadrant, -4557,8,213235,11,2: Left upper quadrant, -4557,9,213235,11,5: Pelvis, -4558,1,177816,11,3: Right paracolic gutter, -4558,2,177816,13,1: Pulmonary contusion, -4558,4,177816,13,2: Pneumothorax, -4558,5,177816,15,4: L1, -4558,6,177816,15,5: L2, -4558,7,177816,15,6: L3, -4558,8,177816,15,7: L4, -4558,9,177816,15,10: Veterbral Body, -4562,1,172521,2,1: Laceration, -4562,2,172521,11,8: Dictation unclear, -4562,3,172521,13,1: Pulmonary contusion, -4562,4,172521,13,2: Pneumothorax, -4563,1,246860,11,5: Pelvis, -4563,2,246860,14,2: Ilium, -4563,3,246860,14,5: Acetabulum, -4566,1,155184,11,5: Pelvis, -4567,1,158687,11,5: Pelvis, -4576,1,245804,13,1: Pulmonary contusion, -4576,2,245804,14,5: Acetabulum, -4577,2,208970,7,66: Other,Colonic pneumatosis -4577,3,208970,11,1: Right upper quadrant, -4577,4,208970,11,2: Left upper quadrant, -4577,5,208970,11,3: Right paracolic gutter, -4577,6,208970,11,4: Left paracolic gutter, -4577,7,208970,11,5: Pelvis, -4581,1,148332,13,1: Pulmonary contusion, -4582,1,127163,2,1: Laceration, -4582,1,133580,2,1: Laceration, -4582,2,127163,5,1: Laceration, -4582,2,133580,5,1: Laceration, -4582,3,133580,7,4: Bowel wall contusion, -4582,4,133580,7,1: Free air, -4582,5,133580,8,1: Hemorrhage, -4582,6,127163,13,4: Rib fracture, -4582,6,133580,8,66: Other,laceration -4582,7,127163,15,6: L3, -4582,8,127163,15,5: L2, -4582,8,133580,13,4: Rib fracture, -4582,9,127163,15,7: L4, -4582,9,133580,15,5: L2, -4582,10,127163,15,9: Transverse process, -4582,10,133580,15,6: L3, -4582,11,127163,8,1: Hemorrhage, -4582,11,133580,15,7: L4, -4582,12,133580,15,9: Transverse process, -4582,14,133580,7,2: Bowel wall edema/thickening, -4583,1,155710,11,5: Pelvis, -4583,2,155710,16,66: Other,Femur fracture -4586,1,229502,11,5: Pelvis, -4586,2,229502,13,1: Pulmonary contusion, -4600,1,213093,7,2: Bowel wall edema/thickening, -4604,1,237014,14,1: Pubis, -4605,1,153192,11,5: Pelvis, -4611,1,158662,11,5: Pelvis, -4620,1,241110,13,1: Pulmonary contusion, -4633,1,217149,11,5: Pelvis, -4636,1,217804,1,1: Laceration, -4636,2,217804,2,1: Laceration, -4636,3,217804,11,5: Pelvis, -4636,4,217804,11,66: Other,Abdomen extensive -4640,1,202790,11,5: Pelvis, -4640,2,202790,14,5: Acetabulum, -4642,1,127253,1,1: Laceration, -4642,2,127253,2,5: Contrast extravasation, -4642,3,127253,11,1: Right upper quadrant, -4642,4,127253,13,1: Pulmonary contusion, -4642,5,127253,13,2: Pneumothorax, -4642,6,127253,13,3: Hemothorax, -4642,7,127253,14,1: Pubis, -4642,8,127253,14,2: Ilium, -4642,9,127253,14,3: Sacrum, -4642,10,127253,14,5: Acetabulum, -4642,11,127253,14,6: Arterial bleeding from a pelvic fracture, -4642,12,127253,15,1: T10, -4642,13,127253,15,4: L1, -4642,14,127253,15,5: L2, -4642,15,127253,15,6: L3, -4642,16,127253,15,7: L4, -4642,17,127253,15,9: Transverse process, -4642,18,127253,1,6: Contrast extravasation, -4642,19,127253,1,66: Other,Grade IV -4642,20,127253,11,2: Left upper quadrant, -4644,1,148377,11,5: Pelvis, -4646,1,202804,11,5: Pelvis, -4650,1,237931,11,5: Pelvis, -4650,2,237931,13,1: Pulmonary contusion, -4650,3,237931,13,2: Pneumothorax, -4650,4,237931,13,4: Rib fracture, -4650,5,237931,14,1: Pubis, -4650,6,237931,14,3: Sacrum, -4653,1,158675,1,1: Laceration, -4653,2,158675,1,3: Contusion, -4653,4,158675,4,6: Possible, -4653,5,158675,11,5: Pelvis, -4653,6,158675,11,6: Around the pancreas/duodenum, -4656,1,226971,2,1: Laceration, -4656,2,226971,11,1: Right upper quadrant, -4656,3,226971,11,5: Pelvis, -4659,1,246280,11,5: Pelvis, -4660,1,246858,11,3: Right paracolic gutter, -4660,2,246858,11,5: Pelvis, -4660,3,246858,13,4: Rib fracture, -4666,1,214676,11,5: Pelvis, -4674,1,158696,1,1: Laceration, -4674,2,158696,13,1: Pulmonary contusion, -4674,3,158696,15,6: L3, -4674,4,158696,15,7: L4, -4674,5,158696,15,9: Transverse process, -4677,2,245960,11,1: Right upper quadrant, -4680,1,246268,16,66: Other,Femur fracture -4683,1,213316,11,5: Pelvis, -4695,1,234900,15,5: L2, -4701,1,153452,11,5: Pelvis, -4708,1,228140,13,1: Pulmonary contusion, -4708,2,228140,13,2: Pneumothorax, -4708,3,228140,14,1: Pubis, -4708,4,228140,14,3: Sacrum, -4709,1,242182,13,2: Pneumothorax, -4710,1,202601,11,5: Pelvis, -4711,1,153206,14,1: Pubis, -4711,2,153206,14,3: Sacrum, -4712,1,227230,1,1: Laceration, -4712,2,227230,11,2: Left upper quadrant, -4715,1,165305,1,1: Laceration, -4715,2,165305,1,2: Hematoma, -4715,3,165305,11,1: Right upper quadrant, -4715,4,165305,11,2: Left upper quadrant, -4715,5,165305,11,5: Pelvis, -4722,1,148158,1,1: Laceration, -4722,2,148158,1,2: Hematoma, -4722,3,148158,1,6: Contrast extravasation, -4722,4,148158,4,1: Laceration, -4722,5,148158,4,66: Other,active hemorrhage -4722,7,148158,8,1: Hemorrhage, -4722,8,148158,11,1: Right upper quadrant, -4722,9,148158,11,5: Pelvis, -4722,11,148158,13,1: Pulmonary contusion, -4722,12,148158,13,2: Pneumothorax, -4722,13,148158,8,66: Other,Active hemorrhage -4722,14,148158,5,2: Hematoma, -4724,1,213124,13,1: Pulmonary contusion, -4724,2,213124,13,2: Pneumothorax, -4729,1,226821,14,3: Sacrum, -4729,2,226821,15,4: L1, -4729,3,226821,15,5: L2, -4729,4,226821,15,6: L3, -4730,1,236799,11,5: Pelvis, -4733,1,142493,11,5: Pelvis, -4733,2,142493,15,11: Dictation unclear, -4740,1,200926,1,1: Laceration, -4740,2,200926,11,5: Pelvis, -4742,1,142097,16,66: Other,periportal edema -4743,1,158689,7,2: Bowel wall edema/thickening, -4743,2,158689,11,5: Pelvis, -4745,1,154944,13,2: Pneumothorax, -4745,2,154944,15,4: L1, -4745,3,154944,15,5: L2, -4745,4,154944,15,6: L3, -4745,5,154944,15,7: L4, -4745,6,154944,16,66: Other,C7 fracture -4749,1,155293,5,3: Contusion, -4749,2,155293,8,66: Other,Contusion -4749,3,155293,11,1: Right upper quadrant, -4749,4,155293,13,1: Pulmonary contusion, -4749,5,155293,13,2: Pneumothorax, -4749,6,155293,13,4: Rib fracture, -4749,7,155293,14,1: Pubis, -4749,8,155293,11,5: Pelvis, -4755,1,153167,1,1: Laceration, -4755,2,153167,11,5: Pelvis, -4756,1,185010,11,5: Pelvis, -4757,1,245787,1,1: Laceration, -4757,2,245787,2,1: Laceration, -4757,3,245787,5,4: Devascularization, -4757,4,245787,11,1: Right upper quadrant, -4757,5,245787,11,5: Pelvis, -4757,6,245787,13,1: Pulmonary contusion, -4760,1,133919,11,66: Other,throughout the abdomen -4760,2,133919,13,1: Pulmonary contusion, -4760,3,133919,7,6: Mesenteric hematoma, -4766,1,236957,14,1: Pubis, -4770,1,245807,8,1: Hemorrhage, -4772,1,202548,13,1: Pulmonary contusion, -4772,2,202548,13,2: Pneumothorax, -4772,3,202548,16,66: Other,Periportal edema -4786,1,234104,11,5: Pelvis, -4786,2,234104,14,1: Pubis, -4786,3,234104,14,3: Sacrum, -4786,4,234104,15,4: L1, -4786,5,234104,16,66: Other,Femur Fx -4792,1,241269,13,1: Pulmonary contusion, -4810,1,155682,1,1: Laceration, -4810,1,155683,1,1: Laceration, -4810,2,155682,11,2: Left upper quadrant, -4810,2,155683,11,2: Left upper quadrant, -4810,3,155682,11,5: Pelvis, -4810,3,155683,11,5: Pelvis, -4813,1,218607,11,5: Pelvis, -4813,2,218607,14,1: Pubis, -4813,3,218607,14,3: Sacrum, -4813,4,218607,14,5: Acetabulum, -4813,5,218607,15,8: L5, -4820,1,213163,13,66: Other,Pneumomediastinum -4822,1,240402,14,2: Ilium, -4822,2,240402,15,7: L4, -4822,3,240402,15,9: Transverse process, -4822,4,240402,13,2: Pneumothorax, -4822,5,240402,13,4: Rib fracture, -4822,6,240402,13,3: Hemothorax, -4822,7,240402,13,1: Pulmonary contusion, -4828,1,133596,2,1: Laceration, -4831,1,246456,1,1: Laceration, -4831,2,246456,11,1: Right upper quadrant, -4831,3,246456,11,2: Left upper quadrant, -4831,4,246456,11,5: Pelvis, -4831,5,246456,12,66: Describe,Fluid -4831,6,246456,14,1: Pubis, -4831,7,246456,16,66: Other,"Genital desloving, bilateral femur fractures" -4832,1,165306,13,2: Pneumothorax, -4832,2,165306,13,4: Rib fracture, -4843,1,203339,11,5: Pelvis, -4843,2,203339,16,66: Other,Femur fx -4845,1,204746,4,3: Contusion, -4845,1,204750,4,3: Contusion, -4845,1,204759,7,1: Free air, -4845,2,204746,7,1: Free air, -4845,2,204750,7,1: Free air, -4845,2,204759,11,5: Pelvis, -4845,3,204746,11,5: Pelvis, -4845,3,204750,11,5: Pelvis, -4845,3,204759,11,66: Other,Large/abdomen -4845,4,204746,11,66: Other,Abdomen & Pelvis -4845,4,204750,11,66: Other,Large -4845,4,204759,11,8: Dictation unclear, -4845,5,204746,13,1: Pulmonary contusion, -4845,5,204750,11,8: Dictation unclear, -4845,5,204759,13,2: Pneumothorax, -4845,6,204746,13,2: Pneumothorax, -4845,6,204750,15,5: L2, -4845,6,204759,15,5: L2, -4845,7,204746,15,5: L2, -4845,7,204750,15,6: L3, -4845,7,204759,15,6: L3, -4845,8,204746,15,6: L3, -4845,8,204750,15,7: L4, -4845,8,204759,15,7: L4, -4845,9,204746,15,7: L4, -4845,9,204750,15,9: Transverse process, -4845,9,204759,15,9: Transverse process, -4845,10,204746,15,9: Transverse process, -4845,10,204750,15,10: Veterbral Body, -4845,10,204759,15,10: Veterbral Body, -4845,11,204746,15,10: Veterbral Body, -4845,11,204750,16,66: Other,Femur Fx -4845,11,204759,16,66: Other,Femur Fx -4845,12,204746,16,66: Other,"Femur Fx, scapula Fx" -4846,1,230571,11,5: Pelvis, -4849,2,246290,11,5: Pelvis, -4849,3,246290,8,1: Hemorrhage, -4859,1,147881,13,2: Pneumothorax, -4865,1,246947,13,1: Pulmonary contusion, -4865,2,246947,13,2: Pneumothorax, -4865,3,246947,13,9: Pneumopericardium, -4865,4,246947,13,66: Other,Pneumomediastinum -4865,5,246947,14,5: Acetabulum, -4872,1,153449,11,5: Pelvis, -4877,1,130230,16,66: Other,soft tissue contusion -4886,1,126917,11,5: Pelvis, -4893,1,165319,11,5: Pelvis, -4893,2,165319,13,1: Pulmonary contusion, -4893,3,165319,13,2: Pneumothorax, -4893,4,165319,13,4: Rib fracture, -4893,5,165319,13,66: Other,clavicle fx -4893,6,165319,13,3: Hemothorax, -4894,1,246551,14,66: Other,left inferior pubic ramus fx -4894,2,246551,13,2: Pneumothorax, -4894,3,246551,13,3: Hemothorax, -4894,4,246551,13,1: Pulmonary contusion, -4894,5,246551,13,4: Rib fracture, -4897,1,201293,11,5: Pelvis, -4909,1,213324,1,1: Laceration, -4909,1,213325,2,1: Laceration, -4909,2,213324,2,1: Laceration, -4909,2,213325,5,1: Laceration, -4909,3,213324,5,1: Laceration, -4909,3,213325,5,2: Hematoma, -4909,4,213324,5,2: Hematoma, -4909,4,213325,5,3: Contusion, -4909,5,213324,5,3: Contusion, -4909,5,213325,11,2: Left upper quadrant, -4909,6,213325,11,5: Pelvis, -4909,7,213324,13,1: Pulmonary contusion, -4909,7,213325,14,1: Pubis, -4909,8,213324,13,2: Pneumothorax, -4909,8,213325,14,2: Ilium, -4909,9,213324,13,4: Rib fracture, -4909,9,213325,14,3: Sacrum, -4909,10,213324,14,1: Pubis, -4909,11,213324,14,3: Sacrum, -4909,12,213324,14,2: Ilium, -4909,13,213324,11,2: Left upper quadrant, -4909,14,213324,11,5: Pelvis, -4911,1,242187,11,5: Pelvis, -4911,1,242189,11,6: Around the pancreas/duodenum, -4918,1,142530,11,5: Pelvis, -4924,1,146971,13,4: Rib fracture, -4928,1,158704,11,5: Pelvis, -4950,1,246277,1,1: Laceration, -4950,1,246279,1,1: Laceration, -4950,2,246277,11,1: Right upper quadrant, -4950,2,246279,11,1: Right upper quadrant, -4950,3,246277,11,2: Left upper quadrant, -4950,3,246279,11,2: Left upper quadrant, -4950,4,246277,11,5: Pelvis, -4950,4,246279,11,5: Pelvis, -4950,5,246277,13,2: Pneumothorax, -4950,5,246279,13,1: Pulmonary contusion, -4950,6,246279,13,2: Pneumothorax, -4950,7,246279,13,4: Rib fracture, -4950,8,246279,16,66: Other,Pudenal artery bleeding in pelvis -4968,1,229083,8,1: Hemorrhage, -4968,2,229083,11,1: Right upper quadrant, -4969,1,214681,1,4: Rupture, -4969,2,214681,11,2: Left upper quadrant, -4969,3,214681,11,3: Right paracolic gutter, -4969,4,214681,11,4: Left paracolic gutter, -4969,5,214681,11,5: Pelvis, -4977,1,217467,1,2: Hematoma, -4977,1,217469,1,3: Contusion, -4977,2,217467,1,3: Contusion, -4977,2,217469,4,6: Possible, -4977,3,217469,11,1: Right upper quadrant, -4977,4,217469,11,2: Left upper quadrant, -4977,5,217469,11,4: Left paracolic gutter, -4977,6,217469,11,5: Pelvis, -4977,7,217469,11,6: Around the pancreas/duodenum, -4979,1,213241,11,5: Pelvis, -4985,1,153169,11,5: Pelvis, -4992,1,155296,2,1: Laceration, -4992,2,155296,2,3: Contusion, -4992,3,155296,11,66: Other,not defined -4992,4,155296,16,66: Other,Periportal edema -4992,5,155296,7,2: Bowel wall edema/thickening, -4994,1,155597,1,1: Laceration, -4994,2,155597,2,1: Laceration, -4994,3,155597,11,1: Right upper quadrant, -4994,4,155597,11,2: Left upper quadrant, -4994,5,155597,11,5: Pelvis, -4994,6,155597,13,2: Pneumothorax, -4994,7,155597,13,4: Rib fracture, -5004,1,155289,4,3: Contusion, -5004,2,155289,7,5: Mesenteric streaking, -5004,3,155289,7,6: Mesenteric hematoma, -5004,4,155289,11,5: Pelvis, -5004,5,155289,13,1: Pulmonary contusion, -5006,1,258779,13,2: Pneumothorax, -5006,2,258779,13,4: Rib fracture, -5009,1,155268,11,1: Right upper quadrant, -5009,2,155268,11,6: Around the pancreas/duodenum, -5010,1,147867,1,1: Laceration, -5010,2,147867,11,2: Left upper quadrant, -5010,3,147867,16,66: Other,periportal edema -5020,1,240955,1,10: Probable, -5020,2,240955,2,1: Laceration, -5020,3,240955,11,1: Right upper quadrant, -5020,4,240955,11,3: Right paracolic gutter, -5020,5,240955,11,5: Pelvis, -5020,6,240955,13,1: Pulmonary contusion, -5022,1,173434,11,5: Pelvis, -5037,1,155736,2,1: Laceration, -5037,2,155736,2,5: Contrast extravasation, -5037,3,155736,5,1: Laceration, -5037,4,155736,5,2: Hematoma, -5037,5,155736,7,2: Bowel wall edema/thickening, -5037,6,155736,11,1: Right upper quadrant, -5037,7,155736,11,2: Left upper quadrant, -5037,8,155736,11,3: Right paracolic gutter, -5037,9,155736,11,4: Left paracolic gutter, -5037,10,155736,11,5: Pelvis, -5037,11,155736,16,66: Other,"Periportal edema, SHOCK Bowel" -5037,12,155736,13,1: Pulmonary contusion, -5037,13,155736,13,2: Pneumothorax, -5037,14,155736,13,4: Rib fracture, -5037,15,155736,13,6: Aortic injury, -5037,16,155736,13,66: Other,"Pulmonary laceration, pneumomediastinum, mediastinal hematoma" -5048,1,147028,11,5: Pelvis, -5050,1,224226,11,5: Pelvis, -5052,1,155595,1,1: Laceration, -5052,2,155595,2,1: Laceration, -5055,1,235424,4,3: Contusion, -5055,2,235424,12,66: Describe,Hemorrhage -5060,1,234012,11,5: Pelvis, -5060,2,234012,16,66: Other,Perinephric fat hematoma -5067,1,202854,11,5: Pelvis, -5067,2,202854,14,1: Pubis, -5071,1,245762,1,1: Laceration, -5071,2,245762,11,5: Pelvis, -5071,3,245762,13,1: Pulmonary contusion, -5071,4,245762,13,2: Pneumothorax, -5071,5,245762,13,3: Hemothorax, -5080,1,155742,1,1: Laceration, -5080,1,155744,1,1: Laceration, -5080,2,155742,11,1: Right upper quadrant, -5080,3,155742,11,2: Left upper quadrant, -5080,3,155744,11,2: Left upper quadrant, -5080,4,155742,11,5: Pelvis, -5080,5,155742,13,2: Pneumothorax, -5080,5,155744,11,5: Pelvis, -5080,6,155742,14,1: Pubis, -5080,6,155744,14,5: Acetabulum, -5080,7,155744,14,1: Pubis, -5081,1,133609,2,1: Laceration, -5081,3,133609,8,4: Possible, -5081,4,133609,11,1: Right upper quadrant, -5085,1,213092,7,2: Bowel wall edema/thickening, -5085,2,213092,11,5: Pelvis, -5086,1,242164,13,1: Pulmonary contusion, -5087,1,150260,11,5: Pelvis, -5087,2,150260,14,1: Pubis, -5087,4,150260,14,3: Sacrum, -5087,5,150260,13,2: Pneumothorax, -5087,8,150260,13,1: Pulmonary contusion, -5089,3,246286,11,5: Pelvis, -5090,1,154965,11,5: Pelvis, -5090,2,154965,14,3: Sacrum, -5090,3,154965,16,66: Other,T8 Fracture -5098,1,229517,11,5: Pelvis, -5103,1,237855,2,1: Laceration, -5103,2,237855,13,2: Pneumothorax, -5105,1,227248,5,1: Laceration, -5105,2,227248,5,2: Hematoma, -5109,1,133641,16,66: Other,periportal edema -5115,1,246491,13,1: Pulmonary contusion, -5115,2,246491,13,2: Pneumothorax, -5115,3,246491,13,5: Sternal fracture, -5115,4,246491,16,66: Other,"T2, 3, 6, 7 & Vertebral body fractures" -5125,1,185031,11,5: Pelvis, -5129,1,158690,11,5: Pelvis, -5132,2,153172,11,5: Pelvis, -5132,3,153172,7,2: Bowel wall edema/thickening, -5139,1,148372,1,1: Laceration, -5139,2,148372,5,3: Contusion, -5139,3,148372,11,2: Left upper quadrant, -5139,4,148372,11,3: Right paracolic gutter, -5139,5,148372,11,4: Left paracolic gutter, -5139,6,148372,11,5: Pelvis, -5146,1,150248,7,66: Other,Mesenteric Edema -5147,1,241103,13,1: Pulmonary contusion, -5147,2,241103,13,2: Pneumothorax, -5147,3,241103,14,1: Pubis, -5147,4,241103,14,4: Ischium, -5150,1,204761,11,5: Pelvis, -5158,1,213096,7,2: Bowel wall edema/thickening, -5158,2,213096,11,66: Other,Upper abdomen -5159,1,240116,14,5: Acetabulum, -5159,1,240117,11,5: Pelvis, -5159,2,240117,11,66: Other,Abdomen -5159,3,240117,14,5: Acetabulum, -5166,1,245948,11,5: Pelvis, -5170,1,130234,11,5: Pelvis, -5177,1,230614,11,5: Pelvis, -5180,1,203252,11,8: Dictation unclear, -5180,1,220790,14,1: Pubis, -5180,2,203252,14,1: Pubis, -5180,2,220790,14,2: Ilium, -5180,3,203252,14,2: Ilium, -5180,3,220790,14,5: Acetabulum, -5180,4,203252,14,3: Sacrum, -5180,4,220790,14,3: Sacrum, -5180,5,203252,14,5: Acetabulum, -5184,1,214677,1,1: Laceration, -5184,2,214677,2,1: Laceration, -5184,3,214677,11,1: Right upper quadrant, -5184,4,214677,11,5: Pelvis, -5184,5,214677,13,1: Pulmonary contusion, -5184,6,214677,13,2: Pneumothorax, -5188,1,153147,11,5: Pelvis, -5197,1,165315,14,1: Pubis, -5203,1,245957,13,4: Rib fracture, -5232,1,127129,11,5: Pelvis, -5237,1,249620,11,5: Pelvis, -5237,2,249620,13,1: Pulmonary contusion, -5247,1,246946,11,5: Pelvis, -5252,1,242162,11,5: Pelvis, -5252,2,242162,13,1: Pulmonary contusion, -5252,3,242162,13,66: Other,Pulmonary laceration -5253,1,210180,5,1: Laceration, -5253,1,210181,5,1: Laceration, -5253,2,210180,16,66: Other,Periportal edema -5253,2,210181,11,5: Pelvis, -5253,3,210181,16,66: Other,periportal edema -5255,1,155723,11,5: Pelvis, -5262,1,202880,13,1: Pulmonary contusion, -5272,1,240111,11,5: Pelvis, -5272,2,240111,15,6: L3, -5272,3,240111,15,7: L4, -5272,4,240111,15,9: Transverse process, -5279,1,246895,11,5: Pelvis, -5286,1,158616,11,5: Pelvis, -5286,2,158616,13,1: Pulmonary contusion, -5286,3,158616,13,2: Pneumothorax, -5286,4,158616,13,4: Rib fracture, -5303,1,242300,12,66: Describe,Hemorhage -5303,2,242299,12,66: Describe,Hematoma -5303,2,242301,12,66: Describe,Aortic hematoma -5310,1,242115,13,1: Pulmonary contusion, -5323,1,177779,15,1: T10, -5323,2,177779,15,2: T11, -5323,3,177779,16,66: Other,T7 -5324,1,246960,11,1: Right upper quadrant, -5324,2,246960,12,66: Describe,Hemorhage -5324,3,246960,7,6: Mesenteric hematoma, -5325,1,160973,11,5: Pelvis, -5331,1,230565,11,5: Pelvis, -5333,1,150262,11,5: Pelvis, -5334,1,173419,2,1: Laceration, -5334,1,173421,2,1: Laceration, -5334,2,173419,2,2: Hematoma, -5334,2,173421,8,1: Hemorrhage, -5334,3,173419,8,1: Hemorrhage, -5334,3,173421,11,5: Pelvis, -5334,4,173421,13,1: Pulmonary contusion, -5334,5,173419,11,5: Pelvis, -5334,5,173421,13,2: Pneumothorax, -5334,6,173419,13,4: Rib fracture, -5334,6,173421,13,4: Rib fracture, -5336,1,230554,14,1: Pubis, -5336,2,230554,14,4: Ischium, -5351,1,242268,11,2: Left upper quadrant, -5351,2,242268,13,1: Pulmonary contusion, -5351,3,242268,13,4: Rib fracture, -5351,4,242268,13,66: Other,Extra pleural hematoma -5354,1,155229,11,5: Pelvis, -5362,1,165107,1,1: Laceration, -5362,2,165107,11,2: Left upper quadrant, -5362,3,165107,13,2: Pneumothorax, -5362,4,165107,14,1: Pubis, -5363,1,225855,11,5: Pelvis, -5364,1,134323,13,1: Pulmonary contusion, -5364,1,134324,13,1: Pulmonary contusion, -5364,2,134323,13,2: Pneumothorax, -5364,2,134324,13,2: Pneumothorax, -5364,3,134323,14,2: Ilium, -5364,3,134324,14,2: Ilium, -5384,1,208950,11,5: Pelvis, -5391,1,204828,11,5: Pelvis, -5402,1,224227,11,5: Pelvis, -5417,1,126973,5,1: Laceration, -5417,1,126980,5,1: Laceration, -5417,2,126973,11,4: Left paracolic gutter, -5417,2,126980,11,4: Left paracolic gutter, -5417,3,126973,15,4: L1, -5417,3,126980,15,4: L1, -5417,4,126973,15,5: L2, -5417,4,126980,15,5: L2, -5417,5,126973,15,9: Transverse process, -5417,5,126980,15,6: L3, -5417,6,126973,15,6: L3, -5417,6,126980,15,9: Transverse process, -5418,1,246796,11,1: Right upper quadrant, -5418,1,246797,11,1: Right upper quadrant, -5418,2,246796,11,5: Pelvis, -5418,2,246797,11,6: Around the pancreas/duodenum, -5421,1,242110,14,1: Pubis, -5421,2,242110,14,3: Sacrum, -5421,3,242110,14,5: Acetabulum, -5422,1,154930,13,2: Pneumothorax, -5422,2,154930,13,3: Hemothorax, -5422,3,154930,13,4: Rib fracture, -5425,1,133876,16,66: Other,periportal edema -5435,1,133865,11,5: Pelvis, -5435,2,133865,11,2: Left upper quadrant, -5442,1,210200,13,5: Sternal fracture, -5449,1,133637,11,5: Pelvis, -5458,1,155255,13,1: Pulmonary contusion, -5460,1,214201,1,4: Rupture, -5460,2,214201,7,66: Other,Mesenteric injury -5460,3,214201,7,9: Dictation unclear, -5460,4,214201,13,1: Pulmonary contusion, -5462,1,230596,2,1: Laceration, -5462,2,230596,5,1: Laceration, -5464,1,245952,11,5: Pelvis, -5472,1,127173,6,3: Extraperitoneal rupture, -5472,2,127173,11,5: Pelvis, -5472,3,127173,13,1: Pulmonary contusion, -5472,4,127173,14,1: Pubis, -5472,5,127173,14,3: Sacrum, -5475,1,210150,5,3: Contusion, -5475,2,210150,5,66: Other,infarction -5475,3,210150,12,66: Describe,Hemorrhage -5475,4,210150,14,1: Pubis, -5475,5,210150,14,66: Other,SI diastasis -5488,1,236972,1,1: Laceration, -5488,2,236972,1,5: Traumatic infarction, -5488,3,236972,11,1: Right upper quadrant, -5488,4,236972,11,2: Left upper quadrant, -5488,5,236972,11,5: Pelvis, -5491,1,246794,13,1: Pulmonary contusion, -5491,2,246794,13,2: Pneumothorax, -5495,1,227231,14,1: Pubis, -5495,3,227231,14,5: Acetabulum, -5495,4,227231,15,8: L5, -5495,5,227231,15,9: Transverse process, -5499,1,150274,1,1: Laceration, -5499,2,150274,11,5: Pelvis, -5499,3,150274,15,8: L5, -5499,4,150274,15,10: Veterbral Body, -5508,1,245956,11,5: Pelvis, -5511,1,242297,13,1: Pulmonary contusion, -5511,2,242297,11,5: Pelvis, -5517,1,133593,14,1: Pubis, -5520,1,237902,7,2: Bowel wall edema/thickening, -5520,2,237902,11,1: Right upper quadrant, -5520,3,237902,11,5: Pelvis, -5520,4,237902,16,66: Other,Periportal edema -5524,1,230553,11,5: Pelvis, -5528,1,155181,13,1: Pulmonary contusion, -5528,2,155181,13,2: Pneumothorax, -5531,1,146975,8,1: Hemorrhage, -5531,2,146975,11,2: Left upper quadrant, -5531,3,146975,13,4: Rib fracture, -5536,1,238091,11,5: Pelvis, -5537,1,153472,14,2: Ilium, -5537,2,153472,14,5: Acetabulum, -5538,1,240417,11,5: Pelvis, -5543,1,240389,11,5: Pelvis, -5557,1,154962,1,1: Laceration, -5557,2,154962,13,1: Pulmonary contusion, -5557,3,154962,13,3: Hemothorax, -5557,4,154962,16,66: Other,C5 fracture -5566,1,147915,11,5: Pelvis, -5573,1,204774,11,5: Pelvis, -5577,1,204811,2,1: Laceration, -5577,2,204811,8,1: Hemorrhage, -5577,3,204811,11,1: Right upper quadrant, -5577,4,204811,11,3: Right paracolic gutter, -5577,5,204811,11,5: Pelvis, -5585,1,249602,11,5: Pelvis, -5586,2,127139,11,2: Left upper quadrant, -5586,3,127139,11,5: Pelvis, -5586,4,127139,1,1: Laceration, -5586,5,127139,7,11: Probable, -5597,1,147858,1,1: Laceration, -5597,2,147858,11,2: Left upper quadrant, -5597,3,147858,11,5: Pelvis, -5608,1,234109,11,3: Right paracolic gutter, -5608,2,234109,11,5: Pelvis, -5620,1,147878,13,1: Pulmonary contusion, -5620,2,147878,13,2: Pneumothorax, -5621,1,226840,11,5: Pelvis, -5625,1,184984,7,66: Other,paracolic fat stranding -5625,1,184986,7,2: Bowel wall edema/thickening, -5625,2,184984,11,5: Pelvis, -5625,2,184986,7,66: Other,descending colon stranding -5625,3,184984,15,7: L4, -5625,3,184986,11,1: Right upper quadrant, -5625,4,184984,15,9: Transverse process, -5625,4,184986,11,3: Right paracolic gutter, -5625,5,184984,15,10: Veterbral Body, -5625,5,184986,11,5: Pelvis, -5625,6,184986,15,7: L4, -5625,7,184986,15,9: Transverse process, -5625,8,184986,15,10: Veterbral Body, -5647,1,228211,11,5: Pelvis, -5647,2,228211,14,2: Ilium, -5647,3,228211,16,66: Other,Pelvic Hematoma -5651,1,234906,13,1: Pulmonary contusion, -5655,1,202649,13,66: Other,Mediastinal Hematoma -5698,1,133598,5,66: Other,grade 1 -5698,2,133598,13,4: Rib fracture, -5700,1,213148,11,3: Right paracolic gutter, -5700,2,213148,16,66: Other,Fat stranding -5701,1,214203,11,5: Pelvis, -5701,2,214203,16,66: Other,Periportal edema -5703,2,229076,11,1: Right upper quadrant, -5703,3,229076,11,2: Left upper quadrant, -5703,4,229076,1,1: Laceration, -5707,1,202627,2,1: Laceration, -5707,2,202627,11,3: Right paracolic gutter, -5707,3,202627,11,5: Pelvis, -5707,4,202627,13,1: Pulmonary contusion, -5707,5,202627,13,2: Pneumothorax, -5709,1,229122,11,5: Pelvis, -5709,2,229122,14,1: Pubis, -5709,3,229122,14,4: Ischium, -5709,4,229122,16,66: Other,Subcutaneous Hematoma -5713,1,226919,11,5: Pelvis, -5720,1,226848,11,5: Pelvis, -5727,3,246281,11,5: Pelvis, -5727,4,246281,16,66: Other,Intraabdominal fat contussion -5731,1,201400,1,1: Laceration, -5731,2,201400,11,5: Pelvis, -5731,3,201400,11,66: Other,Abdomen -5743,1,204764,11,5: Pelvis, -5744,1,201972,11,5: Pelvis, -5746,1,245955,16,66: Other,Periportal edema -5752,1,247030,11,3: Right paracolic gutter, -5752,2,247030,11,4: Left paracolic gutter, -5754,1,177780,14,1: Pubis, -5754,2,177780,14,66: Other,Pubic diastasis -5754,3,177780,16,66: Other,Pelvic hematoma -5756,1,133882,2,1: Laceration, -5756,2,133882,11,1: Right upper quadrant, -5756,3,133882,11,3: Right paracolic gutter, -5756,4,133882,11,5: Pelvis, -5758,1,153502,14,2: Ilium, -5758,2,153502,14,3: Sacrum, -5759,1,245777,7,2: Bowel wall edema/thickening, -5759,2,245777,11,3: Right paracolic gutter, -5759,3,245777,11,4: Left paracolic gutter, -5759,4,245777,11,5: Pelvis, -5759,5,245777,15,4: L1, -5759,6,245777,15,5: L2, -5759,7,245777,15,6: L3, -5759,8,245777,15,7: L4, -5759,9,245777,15,8: L5, -5759,10,245777,15,11: Dictation unclear, -5760,2,147873,2,1: Laceration, -5763,1,172498,1,1: Laceration, -5763,2,172498,4,6: Possible, -5763,3,172498,11,3: Right paracolic gutter, -5763,4,172498,13,2: Pneumothorax, -5763,5,172498,16,66: Other,portal edema -5766,1,244926,7,2: Bowel wall edema/thickening, -5766,3,244926,11,1: Right upper quadrant, -5766,4,244926,11,66: Other,Abdomen -5766,5,244926,14,3: Sacrum, -5776,1,253313,13,2: Pneumothorax, -5782,1,155199,11,5: Pelvis, -5782,2,155199,13,1: Pulmonary contusion, -5782,3,155199,13,2: Pneumothorax, -5785,1,213273,11,5: Pelvis, -5786,1,177794,5,4: Devascularization, -5786,2,177794,9,66: Describe,IVC -5786,3,177794,12,66: Describe,Hematoma -5793,1,213142,13,1: Pulmonary contusion, -5793,2,213142,13,2: Pneumothorax, -5793,3,213142,13,3: Hemothorax, -5793,4,213142,13,4: Rib fracture, -5795,1,217139,14,1: Pubis, -5810,1,165111,1,1: Laceration, -5810,2,165111,1,2: Hematoma, -5810,3,165111,6,66: Other,Perivasicular hematoma -5810,4,165111,11,4: Left paracolic gutter, -5810,5,165111,11,5: Pelvis, -5810,6,165111,11,66: Other,Perinephric -5810,7,165111,14,1: Pubis, -5816,1,240394,11,5: Pelvis, -5820,1,142521,11,66: Other,lower abdominal anteriorly -5833,1,142507,11,5: Pelvis, -5834,2,214694,16,66: Other,Fractures T6-T9 -5834,3,214694,13,66: Other,Pneumomediastinum -5843,1,226968,5,3: Contusion, -5844,1,142084,5,1: Laceration, -5844,1,142086,5,1: Laceration, -5844,2,142084,11,5: Pelvis, -5844,2,142086,5,2: Hematoma, -5844,3,142086,13,4: Rib fracture, -5844,4,142084,12,66: Describe,retroperitoneal fluid -5844,5,142086,12,66: Describe,Hematoma -5847,1,214690,2,1: Laceration, -5848,1,147832,11,5: Pelvis, -5850,1,154938,13,1: Pulmonary contusion, -5850,2,154938,13,2: Pneumothorax, -5857,1,246877,2,1: Laceration, -5857,4,246877,11,3: Right paracolic gutter, -5857,5,246877,14,1: Pubis, -5857,6,246877,14,3: Sacrum, -5857,7,246877,15,6: L3, -5858,1,247025,14,4: Ischium, -5865,1,229614,1,1: Laceration, -5865,2,229614,1,5: Traumatic infarction, -5865,3,229614,11,5: Pelvis, -5870,1,133638,1,1: Laceration, -5870,2,133638,1,2: Hematoma, -5870,3,133638,11,1: Right upper quadrant, -5870,4,133638,11,2: Left upper quadrant, -5870,5,133638,11,5: Pelvis, -5894,1,211721,1,4: Rupture, -5894,2,211721,1,6: Contrast extravasation, -5894,3,211721,5,1: Laceration, -5894,4,211721,5,4: Devascularization, -5894,5,211721,5,66: Other,Renal artery extravasation -5894,6,211721,11,8: Dictation unclear, -5894,7,211721,13,1: Pulmonary contusion, -5894,8,211721,13,2: Pneumothorax, -5894,9,211721,13,3: Hemothorax, -5894,10,211721,13,66: Other,Traumatic Pneumatocele -5894,11,211721,16,66: Other,Urinoma -5901,1,155173,11,5: Pelvis, -5909,1,227252,11,5: Pelvis, -5911,1,236997,1,1: Laceration, -5911,2,236997,11,2: Left upper quadrant, -5911,3,236997,11,5: Pelvis, -5915,1,133384,7,2: Bowel wall edema/thickening, -5915,3,133384,11,6: Around the pancreas/duodenum, -5917,2,133890,14,1: Pubis, -5917,4,133890,14,5: Acetabulum, -5917,5,133890,14,66: Other,dislocation hip -5922,1,240400,11,5: Pelvis, -5922,2,240400,11,66: Other,Left perirenal -5922,4,240400,7,1: Free air, -5923,1,226969,11,5: Pelvis, -5923,2,226969,13,4: Rib fracture, -5923,3,226969,13,10: Diaphragm injury, -5925,2,155262,1,9: Possible, -5925,3,155262,2,1: Laceration, -5925,4,155262,5,1: Laceration, -5925,5,155262,11,2: Left upper quadrant, -5925,6,155262,11,5: Pelvis, -5925,7,155262,14,3: Sacrum, -5935,1,246460,2,1: Laceration, -5935,2,246460,2,4: Traumatic infarction, -5935,3,246460,2,5: Contrast extravasation, -5935,5,246460,11,1: Right upper quadrant, -5935,6,246460,11,2: Left upper quadrant, -5935,7,246460,11,3: Right paracolic gutter, -5935,8,246460,11,4: Left paracolic gutter, -5935,9,246460,11,5: Pelvis, -5938,1,229527,11,8: Dictation unclear, -5938,2,229527,16,66: Other,periportal edema -5949,1,217326,2,1: Laceration, -5949,2,217326,7,2: Bowel wall edema/thickening, -5949,3,217326,11,1: Right upper quadrant, -5949,4,217326,11,5: Pelvis, -5951,1,203335,1,1: Laceration, -5951,2,203335,4,3: Contusion, -5951,3,203335,5,1: Laceration, -5951,4,203335,5,2: Hematoma, -5951,5,203335,5,66: Other,Contrast extravasation -5951,6,203335,11,1: Right upper quadrant, -5951,7,203335,11,2: Left upper quadrant, -5951,8,203335,11,3: Right paracolic gutter, -5951,9,203335,11,4: Left paracolic gutter, -5951,10,203335,11,5: Pelvis, -5951,11,203335,13,1: Pulmonary contusion, -5951,12,203335,14,1: Pubis, -5951,13,203335,14,2: Ilium, -5951,14,203335,14,5: Acetabulum, -5951,15,203335,14,66: Other,SI Joint -5963,1,158633,2,1: Laceration, -5963,4,158633,11,5: Pelvis, -5963,5,158633,13,1: Pulmonary contusion, -5963,6,158633,13,2: Pneumothorax, -5963,7,158633,7,66: Other,Mesenteric edema -5976,1,203254,14,1: Pubis, -5976,1,217900,14,1: Pubis, -5976,2,203254,14,2: Ilium, -5976,2,217900,14,2: Ilium, -5976,3,203254,14,3: Sacrum, -5976,3,217900,14,3: Sacrum, -5978,1,242318,1,1: Laceration, -5978,1,242319,1,1: Laceration, -5978,1,242321,7,5: Mesenteric streaking, -5978,2,242318,7,5: Mesenteric streaking, -5978,2,242319,7,5: Mesenteric streaking, -5978,2,242321,11,1: Right upper quadrant, -5978,3,242318,11,1: Right upper quadrant, -5978,3,242319,11,1: Right upper quadrant, -5978,3,242321,11,2: Left upper quadrant, -5978,4,242318,11,2: Left upper quadrant, -5978,4,242319,11,2: Left upper quadrant, -5978,4,242321,11,5: Pelvis, -5978,5,242318,13,1: Pulmonary contusion, -5978,5,242319,11,5: Pelvis, -5978,6,242318,13,4: Rib fracture, -5978,6,242319,13,66: Other,Mediastinal Hematoma -5978,7,242318,13,66: Other,Mediastinal hematoma -5982,1,246105,2,1: Laceration, -5984,1,208958,11,5: Pelvis, -5984,2,208958,12,66: Describe,Fluid at 4VJ -5985,1,237002,1,1: Laceration, -5985,2,237002,5,1: Laceration, -5985,3,237002,11,6: Around the pancreas/duodenum, -5985,4,237002,11,5: Pelvis, -5985,5,237002,11,66: Other,Moderate abdomen -5990,1,213322,13,4: Rib fracture, -5992,1,155712,11,5: Pelvis, -5992,2,155712,13,1: Pulmonary contusion, -5996,2,246945,2,1: Laceration, -5996,3,246945,8,1: Hemorrhage, -5996,4,246945,11,1: Right upper quadrant, -5996,5,246945,11,2: Left upper quadrant, -5996,6,246945,11,66: Other,Mesentery -5996,7,246945,13,1: Pulmonary contusion, -5996,8,246945,13,2: Pneumothorax, -5996,9,246945,13,3: Hemothorax, -5996,10,246945,13,4: Rib fracture, -5996,11,246945,13,66: Other,Lung laceration -5997,1,133904,11,5: Pelvis, -5997,2,133904,13,2: Pneumothorax, -5997,3,133904,14,2: Ilium, -5998,1,217975,14,5: Acetabulum, -6003,1,153190,11,5: Pelvis, -6005,1,214603,11,5: Pelvis, -6015,1,242179,13,1: Pulmonary contusion, -6015,2,242179,13,2: Pneumothorax, -6018,1,229137,11,5: Pelvis, -6019,1,246998,11,1: Right upper quadrant, -6019,2,246998,11,2: Left upper quadrant, -6019,3,246998,15,5: L2, -6019,4,246998,15,7: L4, -6019,5,246998,15,10: Vertebral Body, -6023,1,142570,11,5: Pelvis, -6023,2,142570,14,1: Pubis, -6023,3,142570,14,2: Ilium, -6023,4,142570,14,3: Sacrum, -6026,1,237007,11,4: Left paracolic gutter, -6028,1,165571,1,1: Laceration, -6028,2,165571,2,1: Laceration, -6028,3,165571,5,3: Contusion, -6028,4,165571,1,6: Contrast extravasation, -6028,5,165571,11,66: Other,"""diffuse hemoperitoneum""" -6028,6,165571,13,1: Pulmonary contusion, -6028,7,165571,13,2: Pneumothorax, -6028,8,165571,13,4: Rib fracture, -6028,9,165571,13,66: Other,"""pleural effusion""" -6028,10,165571,14,2: Ilium, -6028,12,165571,5,66: Other,possible ureteral -6030,1,213243,7,2: Bowel wall edema/thickening, -6030,2,213243,11,3: Right paracolic gutter, -6030,3,213243,11,5: Pelvis, -6033,1,204837,2,1: Laceration, -6033,2,204837,11,5: Pelvis, -6044,1,214635,11,5: Pelvis, -6046,1,233991,11,5: Pelvis, -6046,2,233991,16,66: Other,Subcutaneous emphysema -6051,1,153199,11,5: Pelvis, -6057,1,229136,11,5: Pelvis, -6060,1,147812,5,1: Laceration, -6061,1,229490,11,5: Pelvis, -6085,1,208956,11,3: Right paracolic gutter, -6085,2,208956,11,5: Pelvis, -6089,1,214696,11,5: Pelvis, -6091,1,210189,14,3: Sacrum, -6092,1,148041,11,5: Pelvis, -6092,1,148042,11,5: Pelvis, -6092,1,148044,11,5: Pelvis, -6095,1,201312,7,2: Bowel wall edema/thickening, -6095,2,201312,11,3: Right paracolic gutter, -6095,3,201312,11,6: Around the pancreas/duodenum, -6095,4,201312,13,2: Pneumothorax, -6096,1,204788,1,3: Contusion, -6096,1,204789,1,3: Contusion, -6096,2,204788,11,5: Pelvis, -6096,2,204789,11,2: Left upper quadrant, -6106,1,246801,7,3: Bowel wall hematoma, -6106,2,246801,11,1: Right upper quadrant, -6106,3,246801,11,2: Left upper quadrant, -6106,4,246801,11,6: Around the pancreas/duodenum, -6106,5,246801,11,5: Pelvis, -6106,6,246801,11,66: Other,Mesentery -6121,1,213206,13,2: Pneumothorax, -6123,1,226935,14,1: Pubis, -6127,1,204844,11,5: Pelvis, -6128,1,142042,11,5: Pelvis, -6129,1,153503,2,1: Laceration, -6129,1,153504,2,1: Laceration, -6129,1,153505,2,1: Laceration, -6129,2,153503,5,2: Hematoma, -6129,2,153504,5,1: Laceration, -6129,2,153505,5,2: Hematoma, -6129,3,153503,5,4: Devascularization, -6129,3,153504,5,2: Hematoma, -6129,3,153505,11,5: Pelvis, -6129,4,153503,5,66: Other,Renal vein thrombus -6129,4,153504,5,4: Devascularization, -6129,5,153503,11,1: Right upper quadrant, -6129,5,153504,5,66: Other,Renal vein thrombus Urinoma -6129,6,153503,11,3: Right paracolic gutter, -6129,6,153504,11,1: Right upper quadrant, -6129,7,153503,11,4: Left paracolic gutter, -6130,1,246863,11,5: Pelvis, -6132,1,224228,11,1: Right upper quadrant, -6132,2,224228,11,5: Pelvis, -6132,3,224228,11,66: Other,Left peritoneal -6136,1,240410,1,1: Laceration, -6136,2,240410,2,1: Laceration, -6136,3,240410,11,66: Other,Hemoperitoneum -6136,4,240410,12,66: Describe,Hematoma -6136,5,240410,13,3: Hemothorax, -6136,6,240410,14,1: Pubis, -6136,7,240410,14,5: Acetabulum, -6136,8,240410,15,3: T12, -6136,9,240410,15,5: L2, -6136,10,240410,15,9: Transverse process, -6141,1,230558,1,1: Laceration, -6141,2,230558,1,6: Contrast extravasation, -6141,4,230558,2,10: Possible, -6141,5,230558,11,66: Other,Hemoperiteneum -6146,1,165562,11,5: Pelvis, -6146,1,165563,11,1: Right upper quadrant, -6146,2,165563,11,5: Pelvis, -6146,3,165563,13,1: Pulmonary contusion, -6147,1,249609,1,1: Laceration, -6147,2,249609,13,1: Pulmonary contusion, -6150,1,202889,11,2: Left upper quadrant, -6161,1,155282,1,2: Hematoma, -6161,2,155282,7,2: Bowel wall edema/thickening, -6161,3,155282,8,1: Hemorrhage, -6161,4,155282,11,5: Pelvis, -6161,5,155282,13,1: Pulmonary contusion, -6164,1,213103,13,1: Pulmonary contusion, -6164,2,213103,13,2: Pneumothorax, -6166,1,236982,2,1: Laceration, -6167,1,177778,11,5: Pelvis, -6176,2,213266,14,3: Sacrum, -6176,3,213266,14,1: Pubis, -6180,1,234888,11,5: Pelvis, -6180,1,234891,11,5: Pelvis, -6180,2,234888,12,66: Describe,Hematoma -6180,2,234891,12,66: Describe,hematoma -6180,3,234888,14,1: Pubis, -6180,3,234891,13,1: Pulmonary contusion, -6180,4,234888,15,7: L4, -6180,4,234891,14,1: Pubis, -6180,5,234888,15,8: L5, -6180,5,234891,15,7: L4, -6180,6,234888,16,66: Other,"periportal edema, iliac vein injury, perineal hematoma" -6180,6,234891,15,8: L5, -6180,7,234891,16,66: Other,"Iliac vein injury, perineal hematoma" -6182,1,155725,2,1: Laceration, -6182,2,155725,11,5: Pelvis, -6195,1,158695,14,1: Pubis, -6195,2,158695,14,66: Other,SI Joint -6200,2,238093,8,1: Hemorrhage, -6205,1,155189,7,5: Mesenteric streaking, -6205,2,155189,11,2: Left upper quadrant, -6205,3,155189,11,3: Right paracolic gutter, -6205,4,155189,11,4: Left paracolic gutter, -6205,5,155189,11,5: Pelvis, -6205,6,155189,11,66: Other,Mesentery -6209,1,201350,7,4: Bowel wall contusion, -6217,1,229129,1,1: Laceration, -6217,2,229129,2,3: Contusion, -6217,3,229129,11,2: Left upper quadrant, -6217,4,229129,11,5: Pelvis, -6217,5,229129,13,4: Rib fracture, -6225,1,148165,2,1: Laceration, -6225,1,148166,2,1: Laceration, -6225,2,148165,5,1: Laceration, -6225,2,148166,5,1: Laceration, -6225,3,148165,5,2: Hematoma, -6225,3,148166,5,2: Hematoma, -6225,4,148165,12,66: Describe,Hematoma -6225,4,148166,11,5: Pelvis, -6225,5,148166,12,66: Other,hematoma -6229,1,185024,11,5: Pelvis, -6232,1,153182,11,5: Pelvis, -6235,1,227249,1,1: Laceration, -6235,2,227249,1,2: Hematoma, -6235,3,227249,1,4: Rupture, -6235,4,227249,11,1: Right upper quadrant, -6235,5,227249,11,4: Left paracolic gutter, -6235,6,227249,11,5: Pelvis, -6236,1,147939,13,1: Pulmonary contusion, -6236,2,147939,14,1: Pubis, -6236,3,147939,14,3: Sacrum, -6236,4,147939,14,4: Ischium, -6250,1,177654,1,1: Laceration, -6250,2,177654,2,1: Laceration, -6250,3,177654,4,6: Possible, -6250,5,177654,7,2: Bowel wall edema/thickening, -6250,6,177654,7,1: Free air, -6250,7,177654,11,5: Pelvis, -6250,8,177654,16,66: Other,Periportal edema -6252,1,177648,11,5: Pelvis, -6255,1,153181,11,5: Pelvis, -6261,1,211718,14,3: Sacrum, -6275,1,201347,11,5: Pelvis, -6275,2,201347,13,1: Pulmonary contusion, -6275,3,201347,13,66: Other,Clavicle fx -6275,4,201347,13,4: Rib fracture, -6276,1,133366,11,5: Pelvis, -6278,1,155195,13,2: Pneumothorax, -6278,2,155195,13,3: Hemothorax, -6278,3,155195,13,4: Rib fracture, -6284,1,134247,15,4: L1, -6284,2,134247,15,10: Veterbral Body, -6293,1,147893,11,66: Other,? location -6293,2,147893,13,2: Pneumothorax, -6293,3,147893,13,3: Hemothorax, -6293,4,147893,13,4: Rib fracture, -6293,5,147893,13,66: Other,pneumomediastinum -6293,6,147893,14,1: Pubis, -6293,7,147893,14,3: Sacrum, -6293,8,147893,14,5: Acetabulum, -6293,9,147893,14,66: Other,"SI joint, open book fx" -6301,1,177782,11,5: Pelvis, -6302,1,165109,11,1: Right upper quadrant, -6302,2,165109,16,66: Other,Perioportal edema -6303,1,214701,2,1: Laceration, -6303,2,214701,11,3: Right paracolic gutter, -6311,1,217178,13,1: Pulmonary contusion, -6323,1,155182,11,5: Pelvis, -6325,1,225866,2,1: Laceration, -6325,2,225866,11,1: Right upper quadrant, -6325,3,225866,11,5: Pelvis, -6325,4,225866,13,2: Pneumothorax, -6327,1,240587,11,5: Pelvis, -6332,1,238111,6,1: Hematoma, -6332,2,238111,11,5: Pelvis, -6341,1,236960,2,1: Laceration, -6341,2,236960,11,1: Right upper quadrant, -6352,1,233989,2,1: Laceration, -6352,2,233989,11,1: Right upper quadrant, -6352,3,233989,11,5: Pelvis, -6362,1,225858,2,1: Laceration, -6362,1,225859,2,1: Laceration, -6362,2,225858,11,3: Right paracolic gutter, -6362,2,225859,11,66: Other,hemoperitoneum -6362,3,225859,16,66: Other,Portal vein thrombus stated here (but not clear using subsequent studies. -6367,1,165551,1,1: Laceration, -6367,2,165551,1,6: Contrast extravasation, -6367,3,165551,11,2: Left upper quadrant, -6367,4,165551,11,3: Right paracolic gutter, -6367,5,165551,11,4: Left paracolic gutter, -6367,6,165551,11,5: Pelvis, -6371,1,236794,7,2: Bowel wall edema/thickening, -6371,2,236794,7,1: Free air, -6371,3,236794,11,1: Right upper quadrant, -6371,4,236794,11,2: Left upper quadrant, -6380,1,204818,14,1: Pubis, -6380,2,204818,14,2: Ilium, -6380,3,204818,14,3: Sacrum, -6382,1,210104,11,5: Pelvis, -6383,1,134322,11,5: Pelvis, -6383,2,134322,13,1: Pulmonary contusion, -6383,3,134322,13,2: Pneumothorax, -6383,4,134322,13,3: Hemothorax, -6387,1,246481,2,3: Contusion, -6387,1,246482,2,3: Contusion, -6387,2,246481,5,4: Devascularization, -6387,2,246482,5,4: Devascularization, -6387,3,246482,11,5: Pelvis, -6388,1,214709,11,6: Around the pancreas/duodenum, -6389,1,242293,13,1: Pulmonary contusion, -6393,1,217200,14,5: Acetabulum, -6395,1,237819,11,5: Pelvis, -6404,1,204778,11,5: Pelvis, -6405,1,177637,13,1: Pulmonary contusion, -6405,2,177637,14,1: Pubis, -6405,3,177637,15,7: L4, -6405,4,177637,15,8: L5, -6405,5,177637,16,66: Other,pelvic hematoma -6410,1,229075,13,1: Pulmonary contusion, -6418,1,148353,1,1: Laceration, -6418,2,148353,11,2: Left upper quadrant, -6418,3,148353,11,5: Pelvis, -6426,1,237831,11,5: Pelvis, -6433,1,230590,4,1: Laceration, -6433,2,230590,7,3: Bowel wall hematoma, -6433,3,230590,7,66: Other,Duodenal hematoma -6433,4,230590,11,5: Pelvis, -6440,1,203338,2,1: Laceration, -6440,2,203338,4,66: Other,Edema -6440,3,203338,7,2: Bowel wall edema/thickening, -6440,4,203338,7,1: Free air, -6440,5,203338,8,1: Hemorrhage, -6440,6,203338,11,1: Right upper quadrant, -6440,7,203338,11,2: Left upper quadrant, -6440,8,203338,11,6: Around the pancreas/duodenum, -6440,9,203338,16,66: Other,periportal edema -6441,1,245958,2,1: Laceration, -6441,2,245958,11,1: Right upper quadrant, -6441,3,245958,11,3: Right paracolic gutter, -6441,4,245958,11,4: Left paracolic gutter, -6447,1,229616,11,1: Right upper quadrant, -6447,1,229618,11,1: Right upper quadrant, -6447,2,229616,11,6: Around the pancreas/duodenum, -6447,2,229618,11,6: Around the pancreas/duodenum, -6452,1,127162,14,2: Ilium, -6452,2,127162,16,66: Other,hydroureter hydronephrosis -6464,1,202791,11,5: Pelvis, -6473,1,155285,7,6: Mesenteric hematoma, -6473,2,155285,11,1: Right upper quadrant, -6473,3,155285,11,3: Right paracolic gutter, -6473,4,155285,11,5: Pelvis, -6473,5,155285,11,66: Other,Mesentery -6473,6,155285,15,4: L1, -6473,7,155285,15,5: L2, -6473,8,155285,15,6: L3, -6473,9,155285,15,9: Transverse process, -6473,10,155285,15,10: Veterbral Body, -6484,1,226827,11,5: Pelvis, -6484,2,226827,13,2: Pneumothorax, -6484,3,226827,13,13: Dictation unclear, -6495,1,241100,2,1: Laceration, -6495,2,241100,11,5: Pelvis, -6505,1,147871,11,5: Pelvis, -6507,1,234879,14,2: Ilium, -6507,2,234879,16,66: Other,Pelvic hematoma -6511,1,225827,11,3: Right paracolic gutter, -6511,2,225827,11,5: Pelvis, -6513,1,241091,11,3: Right paracolic gutter, -6513,2,241091,11,5: Pelvis, -6517,1,165572,1,1: Laceration, -6517,2,165572,2,1: Laceration, -6517,3,165572,2,5: Contrast extravasation, -6517,4,165572,4,66: Other,transection -6517,5,165572,5,1: Laceration, -6517,8,165572,8,66: Other,laceration -6517,9,165572,11,5: Pelvis, -6517,10,165572,11,66: Other,"""abdomen""" -6517,12,165572,13,4: Rib fracture, -6523,1,158699,7,2: Bowel wall edema/thickening, -6533,1,173387,11,5: Pelvis, -6533,2,173387,16,66: Other,L femur fracture -6542,1,133623,14,3: Sacrum, -6548,1,238113,2,1: Laceration, -6548,2,238113,2,2: Hematoma, -6548,3,238113,5,1: Laceration, -6548,4,238113,11,5: Pelvis, -6548,5,238113,13,4: Rib fracture, -6548,6,238113,13,2: Pneumothorax, -6553,1,229025,12,66: Describe,Fat Hemorraghe -6553,2,229025,16,66: Other,Periportal edema -6564,1,173381,11,5: Pelvis, -6566,1,237920,16,66: Other,Abdominal Wall Injury -6572,1,236964,11,5: Pelvis, -6572,2,236964,14,1: Pubis, -6572,3,236964,14,2: Ilium, -6572,4,236964,14,3: Sacrum, -6575,1,208953,2,1: Laceration, -6575,2,208953,11,5: Pelvis, -6576,1,224260,11,5: Pelvis, -6576,2,224260,13,1: Pulmonary contusion, -6578,1,236951,1,1: Laceration, -6578,2,236951,11,2: Left upper quadrant, -6579,1,258780,13,1: Pulmonary contusion, -6579,2,258780,13,2: Pneumothorax, -6579,3,258780,13,3: Hemothorax, -6579,4,258780,13,66: Other,Lung laceration -6579,5,258780,15,4: L1, -6579,6,258780,15,10: Vertebral Body, -6586,1,202555,5,2: Hematoma, -6600,1,147890,11,5: Pelvis, -6600,2,147890,13,2: Pneumothorax, -6617,1,155216,5,3: Contusion, -6630,1,244612,11,5: Pelvis, -6636,1,226977,8,1: Hemorrhage, -6636,2,226977,11,1: Right upper quadrant, -6642,1,242173,13,1: Pulmonary contusion, -6647,2,224238,1,3: Contusion, -6667,1,224234,11,5: Pelvis, -6673,1,213205,11,3: Right paracolic gutter, -6673,2,213205,11,5: Pelvis, -6674,2,155811,11,5: Pelvis, -6677,1,184999,11,5: Pelvis, -6677,2,184999,16,66: Other,intussusuption -6681,1,237935,13,66: Other,Pneumomediastinum -6703,1,214686,11,5: Pelvis, -6705,1,241208,2,1: Laceration, -6705,2,241208,11,5: Pelvis, -6705,3,241208,13,1: Pulmonary contusion, -6709,1,237797,13,2: Pneumothorax, -6714,1,177784,11,5: Pelvis, -6714,2,177784,14,1: Pubis, -6714,3,177784,14,5: Acetabulum, -6714,4,177784,16,66: Other,hip joint hemarthroses -6719,1,234883,2,1: Laceration, -6722,1,242116,13,1: Pulmonary contusion, -6722,2,242116,13,2: Pneumothorax, -6726,1,234082,11,5: Pelvis, -6734,1,246894,11,5: Pelvis, -6734,2,246894,14,1: Pubis, -6734,3,246894,15,7: L4, -6734,4,246894,15,8: L5, -6734,5,246894,15,9: Transverse process, -6734,6,246894,13,2: Pneumothorax, -6734,7,246894,13,4: Rib fracture, -6735,1,185030,13,1: Pulmonary contusion, -6735,2,185030,13,2: Pneumothorax, -6735,3,185030,13,4: Rib fracture, -6750,1,229525,2,1: Laceration, -6750,2,229525,11,5: Pelvis, -6755,1,133907,2,1: Laceration, -6758,1,158624,11,5: Pelvis, -6768,1,217366,4,1: Laceration, -6768,2,217366,7,2: Bowel wall edema/thickening, -6768,3,217366,11,3: Right paracolic gutter, -6768,4,217366,11,4: Left paracolic gutter, -6768,5,217366,11,5: Pelvis, -6768,6,217366,11,6: Around the pancreas/duodenum, -6780,1,229509,11,5: Pelvis, -6790,1,148355,11,6: Around the pancreas/duodenum, -6790,2,148355,11,5: Pelvis, -6790,3,148355,7,66: Other,duodenum -6790,4,148355,7,2: Bowel wall edema/thickening, -6797,2,228579,11,5: Pelvis, -6806,1,148360,1,1: Laceration, -6806,2,148360,11,2: Left upper quadrant, -6806,3,148360,11,5: Pelvis, -6809,1,165552,11,5: Pelvis, -6809,2,165552,13,66: Other,Pneumomediastinum -6809,3,165552,14,1: Pubis, -6809,4,165552,14,2: Ilium, -6809,5,165552,14,5: Acetabulum, -6810,1,134326,7,4: Bowel wall contusion, -6810,2,134326,7,5: Mesenteric streaking, -6810,3,134326,9,66: Describe,interior vena cava -6810,4,134326,10,66: Describe,ascending colon herniation -6810,5,134326,11,5: Pelvis, -6810,6,134326,11,3: Right paracolic gutter, -6810,7,134326,13,4: Rib fracture, -6810,8,134326,15,5: L2, -6810,9,134326,15,6: L3, -6810,10,134326,15,9: Transverse process, -6810,11,134326,15,10: Veterbral Body, -6818,1,210124,14,1: Pubis, -6818,2,210124,14,3: Sacrum, -6818,3,210124,14,5: Acetabulum, -6823,1,177793,11,5: Pelvis, -6824,1,201446,11,5: Pelvis, -6824,2,201446,15,4: L1, -6824,3,201446,15,9: Transverse process, -6837,1,245337,11,5: Pelvis, -6841,1,154971,11,1: Right upper quadrant, -6841,2,154971,11,5: Pelvis, -6841,3,154971,16,66: Other,Femur Fx -6842,1,133607,7,2: Bowel wall edema/thickening, -6846,1,133330,11,5: Pelvis, -6851,1,158698,11,66: Other,Mesentery -6861,1,208992,11,5: Pelvis, -6865,1,185006,1,1: Laceration, -6865,2,185006,2,1: Laceration, -6865,3,185006,5,2: Hematoma, -6865,4,185006,11,5: Pelvis, -6865,5,185006,13,1: Pulmonary contusion, -6865,6,185006,13,2: Pneumothorax, -6865,7,185006,13,3: Hemothorax, -6865,8,185006,13,4: Rib fracture, -6865,10,185006,14,1: Pubis, -6865,11,185006,14,3: Sacrum, -6865,12,185006,14,4: Ischium, -6865,13,185006,15,4: L1, -6865,14,185006,15,5: L2, -6865,15,185006,15,6: L3, -6865,16,185006,15,7: L4, -6865,17,185006,15,8: L5, -6865,18,185006,15,9: Transverse process, -6865,19,185006,15,10: Veterbral Body, -6867,1,147927,11,5: Pelvis, -6872,1,226838,14,5: Acetabulum, -6873,1,184975,11,5: Pelvis, -6873,2,184975,13,1: Pulmonary contusion, -6873,3,184975,14,1: Pubis, -6873,4,184975,15,8: L5, -6873,5,184975,15,9: Transverse process, -6879,1,155248,11,5: Pelvis, -6879,2,155248,14,1: Pubis, -6879,3,155248,14,2: Ilium, -6879,4,155248,14,3: Sacrum, -6879,5,155248,14,5: Acetabulum, -6879,6,155248,16,66: Other,Pelvic hematoma -6898,1,241087,5,4: Devascularization, -6898,1,241088,5,4: Devascularization, -6898,2,241087,14,1: Pubis, -6898,2,241088,14,1: Pubis, -6898,3,241087,14,3: Sacrum, -6898,3,241088,14,3: Sacrum, -6898,4,241087,14,5: Acetabulum, -6898,4,241088,14,5: Acetabulum, -6902,1,228158,11,5: Pelvis, -6902,2,228158,12,66: Describe,Hematoma -6902,3,228158,14,1: Pubis, -6902,4,228158,14,66: Other,SI joint diastasis -6902,5,228158,16,66: Other,Pelvic Hematoma -6911,1,217089,14,1: Pubis, -6914,1,202786,11,5: Pelvis, -6926,2,154960,8,66: Other,Hematoma -6926,3,154960,13,1: Pulmonary contusion, -6929,1,134248,11,1: Right upper quadrant, -6929,2,134248,11,5: Pelvis, -6935,1,165564,11,1: Right upper quadrant, -6935,1,165565,11,3: Right paracolic gutter, -6935,2,165564,11,3: Right paracolic gutter, -6935,2,165565,11,5: Pelvis, -6936,1,153463,7,2: Bowel wall edema/thickening, -6936,2,153463,7,5: Mesenteric streaking, -6936,3,153463,11,4: Left paracolic gutter, -6936,4,153463,11,5: Pelvis, -6936,5,153463,11,66: Other,Mesentery -6940,1,155225,14,1: Pubis, -6946,1,246875,2,1: Laceration, -6946,2,246875,16,66: Other,Periportal edema -6957,1,237838,5,3: Contusion, -6957,2,237838,7,2: Bowel wall edema/thickening, -6957,3,237838,7,1: Free air, -6957,4,237838,11,1: Right upper quadrant, -6957,5,237838,11,3: Right paracolic gutter, -6957,6,237838,11,4: Left paracolic gutter, -6957,7,237838,11,5: Pelvis, -6959,1,127145,14,4: Ischium, -6959,2,127145,14,1: Pubis, -6963,1,246690,13,1: Pulmonary contusion, -6989,1,213128,11,5: Pelvis, -6989,2,213128,13,2: Pneumothorax, -6989,3,213128,13,3: Hemothorax, -6989,4,213128,13,4: Rib fracture, -6989,5,213128,14,3: Sacrum, -6989,6,213128,14,5: Acetabulum, -6995,1,226981,11,5: Pelvis, -7000,1,227253,2,1: Laceration, -7000,2,227253,2,2: Hematoma, -7001,1,241187,13,1: Pulmonary contusion, -7008,2,247056,11,1: Right upper quadrant, -7008,3,247056,13,1: Pulmonary contusion, -7020,1,158673,11,5: Pelvis, -7046,1,148298,11,5: Pelvis, -7050,1,228136,13,1: Pulmonary contusion, -7050,2,228136,13,4: Rib fracture, -7050,3,228136,13,66: Other,Clavicle fx -7050,4,228136,14,1: Pubis, -7050,5,228136,14,3: Sacrum, -7053,1,158634,11,3: Right paracolic gutter, -7067,1,133621,11,5: Pelvis, -7067,2,133621,14,1: Pubis, -7071,1,234251,7,2: Bowel wall edema/thickening, -7071,3,234251,13,1: Pulmonary contusion, -7071,4,234251,13,11: Hemopericardium, -7071,5,234251,13,66: Other,Mediastinal hematoma -7071,6,234251,11,8: Dictation unclear, -7084,1,234892,13,66: Other,Pneumomediastinum -7087,1,173424,1,1: Laceration, -7087,2,173424,1,2: Hematoma, -7087,3,173424,8,1: Hemorrhage, -7087,4,173424,9,66: Describe,External illiac vessels + left lumbar -7087,6,173424,12,66: Describe,Retroperiteneal + pancreatic fluid -7095,1,234060,5,3: Contusion, -7095,2,234060,11,5: Pelvis, -7095,3,234060,11,66: Other,mesenteric root fluid -7096,1,241061,7,2: Bowel wall edema/thickening, -7096,2,241061,11,5: Pelvis, -7122,1,155685,13,1: Pulmonary contusion, -7123,1,202806,1,1: Laceration, -7123,2,202806,1,2: Hematoma, -7123,3,202806,11,1: Right upper quadrant, -7123,4,202806,11,2: Left upper quadrant, -7123,5,202806,11,3: Right paracolic gutter, -7123,6,202806,11,4: Left paracolic gutter, -7123,7,202806,11,5: Pelvis, -7124,1,150245,11,5: Pelvis, -7132,1,165353,1,1: Laceration, -7132,2,165353,2,1: Laceration, -7132,3,165353,11,1: Right upper quadrant, -7132,4,165353,11,2: Left upper quadrant, -7132,5,165353,11,5: Pelvis, -7132,6,165353,13,1: Pulmonary contusion, -7132,7,165353,13,2: Pneumothorax, -7132,8,165353,13,4: Rib fracture, -7135,1,153509,5,1: Laceration, -7135,2,153509,5,2: Hematoma, -7135,3,153509,5,3: Contusion, -7135,4,153509,5,4: Devascularization, -7136,1,155755,8,1: Hemorrhage, -7141,1,229494,14,1: Pubis, -7142,1,214633,1,1: Laceration, -7142,2,214633,11,4: Left paracolic gutter, -7142,3,214633,11,5: Pelvis, -7150,1,204817,11,3: Right paracolic gutter, -7150,2,204817,11,5: Pelvis, -7150,3,204817,15,5: L2, -7150,4,204817,15,6: L3, -7150,5,204817,15,10: Vertebral Body, -7154,1,155186,14,1: Pubis, -7154,1,157032,13,1: Pulmonary contusion, -7154,2,155186,14,3: Sacrum, -7154,3,155186,13,2: Pneumothorax, -7158,1,133632,1,1: Laceration, -7158,2,133632,11,5: Pelvis, -7158,3,133632,14,1: Pubis, -7158,4,133632,14,5: Acetabulum, -7173,1,148286,2,1: Laceration, -7186,1,245802,14,1: Pubis, -7186,2,245802,14,2: Ilium, -7186,3,245802,14,3: Sacrum, -7189,1,201448,1,2: Hematoma, -7189,3,201448,13,1: Pulmonary contusion, -7189,4,201448,13,2: Pneumothorax, -7193,1,235428,2,1: Laceration, -7193,2,235428,8,1: Hemorrhage, -7193,3,235428,11,1: Right upper quadrant, -7193,4,235428,11,5: Pelvis, -7198,1,234881,11,5: Pelvis, -7200,1,245351,11,3: Right paracolic gutter, -7200,2,245351,11,5: Pelvis, -7203,1,158702,5,3: Contusion, -7212,1,213313,16,66: Other,Hydroureter -7214,1,155267,2,1: Laceration, -7214,2,155267,5,1: Laceration, -7214,4,155267,11,3: Right paracolic gutter, -7214,5,155267,11,5: Pelvis, -7215,1,158707,2,1: Laceration, -7215,1,158708,2,1: Laceration, -7215,2,158707,8,1: Hemorrhage, -7215,2,158708,3,66: Other,Blood in lumen -7215,3,158707,11,1: Right upper quadrant, -7215,3,158708,8,1: Hemorrhage, -7215,4,158707,11,5: Pelvis, -7215,4,158708,11,1: Right upper quadrant, -7215,5,158708,11,3: Right paracolic gutter, -7215,6,158708,13,1: Pulmonary contusion, -7215,7,158708,13,4: Rib fracture, -7215,9,158707,14,1: Pubis, -7215,10,158707,13,4: Rib fracture, -7215,11,158707,13,1: Pulmonary contusion, -7217,1,147883,13,1: Pulmonary contusion, -7217,3,147883,14,1: Pubis, -7217,4,147883,14,2: Ilium, -7217,5,147883,14,3: Sacrum, -7217,6,147883,14,66: Other,SI joint -7223,1,203349,14,5: Acetabulum, -7223,2,203349,16,66: Other,Piriforum muscle hematoma -7225,1,224225,1,1: Laceration, -7225,2,224225,2,1: Laceration, -7225,3,224225,5,1: Laceration, -7225,4,224225,7,2: Bowel wall edema/thickening, -7225,5,224225,11,3: Right paracolic gutter, -7225,6,224225,11,4: Left paracolic gutter, -7225,7,224225,11,5: Pelvis, -7225,8,224225,13,4: Rib fracture, -7225,9,224225,15,1: T10, -7227,1,133887,13,1: Pulmonary contusion, -7227,2,133887,13,2: Pneumothorax, -7228,1,153486,2,1: Laceration, -7228,2,153486,4,1: Laceration, -7228,3,153486,11,1: Right upper quadrant, -7228,4,153486,11,5: Pelvis, -7228,5,153486,11,66: Other,Large -7242,1,241170,1,1: Laceration, -7242,2,241170,1,5: Traumatic infarction, -7245,1,165328,1,10: Probable, -7245,2,165328,6,3: Extraperitoneal rupture, -7245,3,165328,14,1: Pubis, -7248,1,213134,13,2: Pneumothorax, -7248,2,213134,13,3: Hemothorax, -7248,3,213134,13,4: Rib fracture, -7248,4,213134,14,1: Pubis, -7248,5,213134,14,3: Sacrum, -7248,6,213134,15,1: T10, -7248,7,213134,15,6: L3, -7248,8,213134,15,7: L4, -7248,9,213134,15,8: L5, -7252,1,185003,14,1: Pubis, -7252,2,185003,14,3: Sacrum, -7252,3,185003,14,4: Ischium, -7253,1,229115,1,1: Laceration, -7253,2,229115,1,2: Hematoma, -7253,3,229115,4,6: Possible, -7253,4,229115,5,1: Laceration, -7253,5,229115,5,3: Contusion, -7253,6,229115,11,1: Right upper quadrant, -7253,7,229115,11,5: Pelvis, -7253,8,229115,13,3: Hemothorax, -7259,1,185025,13,4: Rib fracture, -7259,2,185025,15,5: L2, -7259,3,185025,15,6: L3, -7259,4,185025,15,9: Transverse process, -7260,1,236949,1,1: Laceration, -7260,1,236950,1,1: Laceration, -7260,2,236949,1,5: Traumatic infarction, -7260,2,236950,1,5: Traumatic infarction, -7260,3,236949,11,2: Left upper quadrant, -7260,3,236950,11,1: Right upper quadrant, -7260,4,236949,11,5: Pelvis, -7260,4,236950,11,2: Left upper quadrant, -7260,5,236949,11,66: Other,Significant abdominal -7260,5,236950,11,5: Pelvis, -7260,6,236949,13,1: Pulmonary contusion, -7270,1,220669,11,5: Pelvis, -7270,2,220669,11,4: Left paracolic gutter, -7270,3,220669,11,66: Other,Intermesenteric leak -7270,4,220669,14,1: Pubis, -7270,5,220669,14,3: Sacrum, -7276,1,236902,7,2: Bowel wall edema/thickening, -7276,2,236902,11,3: Right paracolic gutter, -7276,3,236902,11,5: Pelvis, -7276,4,236902,15,5: L2, -7276,5,236902,15,9: Transverse process, -7276,7,236902,15,4: L1, -7285,1,228138,13,1: Pulmonary contusion, -7287,1,214680,15,4: L1, -7287,2,214680,15,5: L2, -7287,3,214680,15,6: L3, -7287,4,214680,15,7: L4, -7287,5,214680,15,9: Transverse process, -7296,1,214691,11,5: Pelvis, -7302,1,172510,11,5: Pelvis, -7302,2,172510,13,1: Pulmonary contusion, -7302,3,172510,13,2: Pneumothorax, -7302,4,172510,13,3: Hemothorax, -7302,5,172510,13,4: Rib fracture, -7313,1,173378,1,1: Laceration, -7313,2,173378,1,6: Contrast extravasation, -7313,3,173378,11,5: Pelvis, -7313,4,173378,1,2: Hematoma, -7324,1,246951,13,1: Pulmonary contusion, -7335,1,213081,11,5: Pelvis, -7347,1,241090,5,4: Devascularization, -7347,2,241090,7,2: Bowel wall edema/thickening, -7347,3,241090,12,66: Describe,Hematoma -7347,4,241090,15,5: L2, -7347,5,241090,15,10: Veterbral Body, -7350,1,240588,11,5: Pelvis, -7353,1,201434,1,1: Laceration, -7353,2,201434,1,2: Hematoma, -7353,3,201434,11,1: Right upper quadrant, -7353,4,201434,11,2: Left upper quadrant, -7353,5,201434,13,1: Pulmonary contusion, -7353,6,201434,13,2: Pneumothorax, -7353,7,201434,13,3: Hemothorax, -7353,8,201434,13,4: Rib fracture, -7353,9,201434,14,1: Pubis, -7356,1,165108,7,5: Mesenteric streaking, -7367,1,201452,4,66: Other,Edema -7367,2,201452,11,5: Pelvis, -7367,3,201452,11,6: Around the pancreas/duodenum, -7371,1,153474,14,1: Pubis, -7371,2,153474,14,3: Sacrum, -7382,1,214600,1,3: Contusion, -7382,2,214600,2,1: Laceration, -7382,3,214600,2,5: Contrast extravasation, -7382,4,214600,11,1: Right upper quadrant, -7382,5,214600,11,5: Pelvis, -7382,6,214600,13,1: Pulmonary contusion, -7382,7,214600,13,66: Other,Pneumediastinum -7382,8,214600,16,66: Other,Periportal edema -7383,1,185013,5,2: Hematoma, -7383,2,185013,5,3: Contusion, -7383,3,185013,15,5: L2, -7383,4,185013,15,9: Transverse process, -7399,1,213296,1,1: Laceration, -7399,2,213296,11,1: Right upper quadrant, -7399,3,213296,11,2: Left upper quadrant, -7399,4,213296,11,5: Pelvis, -7404,1,147914,11,5: Pelvis, -7421,1,237854,2,1: Laceration, -7422,1,133334,14,1: Pubis, -7422,2,133334,11,5: Pelvis, -7426,1,247002,13,1: Pulmonary contusion, -7429,2,200879,7,2: Bowel wall edema/thickening, -7429,3,200879,11,5: Pelvis, -7429,4,200879,11,6: Around the pancreas/duodenum, -7429,5,200879,4,3: Contusion, -7432,1,235420,1,2: Hematoma, -7433,1,245799,1,1: Laceration, -7433,2,245799,11,66: Other,Not clean location -7440,1,202526,1,1: Laceration, -7440,3,202526,11,5: Pelvis, -7454,1,217137,2,1: Laceration, -7454,2,217137,2,2: Hematoma, -7454,3,217137,11,1: Right upper quadrant, -7454,4,217137,11,5: Pelvis, -7454,5,217137,13,2: Pneumothorax, -7462,1,241089,2,1: Laceration, -7462,2,241089,11,5: Pelvis, -7480,1,246866,1,1: Laceration, -7480,1,246867,1,1: Laceration, -7480,2,246866,11,1: Right upper quadrant, -7480,2,246867,1,2: Hematoma, -7480,3,246866,11,3: Right paracolic gutter, -7480,3,246867,11,1: Right upper quadrant, -7480,4,246866,11,4: Left paracolic gutter, -7480,4,246867,11,3: Right paracolic gutter, -7480,5,246866,11,5: Pelvis, -7480,5,246867,11,4: Left paracolic gutter, -7480,6,246867,11,5: Pelvis, -7484,1,210192,1,1: Laceration, -7484,2,210192,1,6: Contrast extravasation, -7484,3,210192,11,1: Right upper quadrant, -7484,4,210192,11,2: Left upper quadrant, -7484,5,210192,11,5: Pelvis, -7484,6,210192,13,1: Pulmonary contusion, -7484,7,210192,13,2: Pneumothorax, -7486,1,153461,2,1: Laceration, -7486,1,153462,2,1: Laceration, -7486,2,153461,2,2: Hematoma, -7486,3,153461,7,10: Possible, -7486,3,153462,5,8: Probable, -7486,4,153461,8,66: Other,Hematoma -7486,4,153462,8,3: Dictation unclear, -7486,5,153461,11,1: Right upper quadrant, -7486,5,153462,11,5: Pelvis, -7486,6,153461,11,5: Pelvis, -7486,6,153462,13,1: Pulmonary contusion, -7486,7,153461,13,1: Pulmonary contusion, -7486,8,153461,13,2: Pneumothorax, -7486,9,153461,14,1: Pubis, -7486,9,153462,14,1: Pubis, -7486,10,153461,14,3: Sacrum, -7486,10,153462,14,3: Sacrum, -7486,11,153461,14,5: Acetabulum, -7486,11,153462,14,5: Acetabulum, -7493,1,201397,11,5: Pelvis, -7496,1,234070,13,2: Pneumothorax, -7496,2,234070,13,4: Rib fracture, -7503,1,184973,11,5: Pelvis, -7509,1,213149,11,5: Pelvis, -7531,1,233939,2,1: Laceration, -7531,2,233939,13,2: Pneumothorax, -7532,1,245806,2,1: Laceration, -7532,2,245806,2,5: Contrast extravasation, -7532,3,245806,8,66: Other,Laceration -7532,4,245806,11,1: Right upper quadrant, -7532,5,245806,11,3: Right paracolic gutter, -7532,6,245806,11,5: Pelvis, -7532,7,245806,13,1: Pulmonary contusion, -7540,1,237964,1,1: Laceration, -7540,2,237964,11,1: Right upper quadrant, -7540,3,237964,11,5: Pelvis, -7568,1,155592,13,4: Rib fracture, -7568,2,155592,13,2: Pneumothorax, -7575,1,246260,2,1: Laceration, -7582,1,229118,13,1: Pulmonary contusion, -7583,1,142569,11,5: Pelvis, -7588,1,229134,16,66: Other,Subcutaneous contusion on CT -7591,1,210109,8,1: Hemorrhage, -7591,2,210109,12,66: Describe,Psoas hemmorahage -7591,3,210109,15,4: L1, -7591,4,210109,15,5: L2, -7591,5,210109,15,6: L3, -7591,6,210109,15,7: L4, -7608,1,228151,2,1: Laceration, -7608,2,228151,11,3: Right paracolic gutter, -7608,3,228151,11,5: Pelvis, -7608,4,228151,13,2: Pneumothorax, -7614,1,177817,2,1: Laceration, -7614,2,177817,7,1: Free air, -7614,3,177817,11,1: Right upper quadrant, -7614,4,177817,11,66: Other,in Mesentery -7614,5,177817,13,1: Pulmonary contusion, -7614,6,177817,14,1: Pubis, -7616,1,184974,2,1: Laceration, -7616,2,184974,11,5: Pelvis, -7623,1,155275,11,5: Pelvis, -7623,2,155275,13,2: Pneumothorax, -7627,1,153156,14,1: Pubis, -7627,2,153156,14,5: Acetabulum, -7629,1,224236,2,1: Laceration, -7629,2,224236,13,2: Pneumothorax, -7633,1,133359,7,3: Bowel wall hematoma, -7633,2,133359,11,1: Right upper quadrant, -7633,3,133359,11,6: Around the pancreas/duodenum, -7643,1,234071,1,1: Laceration, -7643,1,234072,1,5: Traumatic infarction, -7643,2,234071,13,1: Pulmonary contusion, -7643,2,234072,5,4: Devascularization, -7643,3,234071,13,4: Rib fracture, -7643,3,234072,14,1: Pubis, -7643,4,234071,13,5: Sternal fracture, -7643,4,234072,14,5: Acetabulum, -7643,5,234071,13,66: Other,"Traumatic Aortic Injury, Pulmonary laceration" -7643,6,234071,14,1: Pubis, -7643,7,234071,14,5: Acetabulum, -7644,1,133612,11,5: Pelvis, -7656,1,227005,1,1: Laceration, -7656,2,227005,11,2: Left upper quadrant, -7656,3,227005,11,5: Pelvis, -7663,1,226957,1,1: Laceration, -7663,2,226957,11,2: Left upper quadrant, -7663,3,226957,11,5: Pelvis, -7671,1,204864,11,3: Right paracolic gutter, -7671,2,204864,11,4: Left paracolic gutter, -7676,1,214588,11,3: Right paracolic gutter, -7676,2,214588,11,5: Pelvis, -7676,3,214588,16,66: Other,Periportal edema -7683,1,154934,13,1: Pulmonary contusion, -7683,2,154934,13,2: Pneumothorax, -7683,3,154934,13,3: Hemothorax, -7683,4,154934,13,4: Rib fracture, -7683,5,154934,15,1: T10, -7683,6,154934,15,9: Transverse process, -7683,7,154934,16,66: Other,T6-T10 TP Fx -7687,1,154953,16,66: Other,Femur Fx -7696,2,201393,16,66: Other,Femur fx -7697,1,242291,13,1: Pulmonary contusion, -7698,1,202647,13,1: Pulmonary contusion, -7705,1,225818,5,3: Contusion, -7705,2,225818,8,66: Other,Pos-adrenal hematoma -7705,3,225818,13,2: Pneumothorax, -7705,4,225818,13,1: Pulmonary contusion, -7705,5,225818,13,4: Rib fracture, -7705,6,225818,13,66: Other,traumatic pneumatocele -7707,1,214610,11,5: Pelvis, -7707,2,214610,15,4: L1, -7707,3,214610,15,10: Veterbral Body, -7714,1,147917,11,5: Pelvis, -7727,1,233982,7,3: Bowel wall hematoma, -7727,2,233982,11,3: Right paracolic gutter, -7727,3,233982,12,66: Describe,Fluid -7732,1,210129,1,1: Laceration, -7732,1,210131,1,1: Laceration, -7732,2,210129,1,2: Hematoma, -7732,2,210131,1,2: Hematoma, -7732,3,210129,11,1: Right upper quadrant, -7732,3,210131,11,1: Right upper quadrant, -7732,4,210129,11,2: Left upper quadrant, -7732,4,210131,11,2: Left upper quadrant, -7732,5,210129,11,3: Right paracolic gutter, -7732,5,210131,11,3: Right paracolic gutter, -7734,1,200901,16,66: Other,Abdominal Wall Injury -7746,1,173376,11,5: Pelvis, -7747,1,155286,11,66: Other,Large -7747,4,155286,13,2: Pneumothorax, -7747,5,155286,13,66: Other,Pneumomediastinum -7747,6,155286,16,66: Other,Portal venous gas - suggests ischemia -7756,1,153170,11,5: Pelvis, -7762,1,217194,2,1: Laceration, -7762,2,217194,8,1: Hemorrhage, -7762,3,217194,11,1: Right upper quadrant, -7768,1,155753,8,1: Hemorrhage, -7768,1,204703,8,1: Hemorrhage, -7768,2,204703,11,3: Right paracolic gutter, -7770,1,201986,11,5: Pelvis, -7772,1,153184,11,5: Pelvis, -7777,1,172501,11,5: Pelvis, -7779,1,229120,11,5: Pelvis, -7790,1,150261,1,1: Laceration, -7790,2,150261,7,66: Other,mesenteric edema and possible hemmorhage -7790,3,150261,11,1: Right upper quadrant, -7790,4,150261,11,2: Left upper quadrant, -7790,5,150261,11,5: Pelvis, -7796,1,184959,11,5: Pelvis, -7802,1,233938,7,3: Bowel wall hematoma, -7802,2,233938,11,66: Other,Mesentery -7804,1,213034,7,2: Bowel wall edema/thickening, -7804,2,213034,13,4: Rib fracture, -7808,1,201444,11,5: Pelvis, -7815,1,158667,2,1: Laceration, -7823,1,240590,11,5: Pelvis, -7831,1,155298,2,1: Laceration, -7831,1,155299,2,3: Contusion, -7831,1,241112,2,3: Contusion, -7831,2,155298,2,3: Contusion, -7831,2,155299,11,66: Other,throughout -7831,2,241112,11,5: Pelvis, -7831,3,155298,11,1: Right upper quadrant, -7831,3,155299,13,2: Pneumothorax, -7831,3,241112,11,66: Other,Large IP fluid -7831,4,155298,11,3: Right paracolic gutter, -7831,4,155299,13,3: Hemothorax, -7831,4,241112,13,2: Pneumothorax, -7831,5,155298,11,5: Pelvis, -7831,5,155299,13,4: Rib fracture, -7831,5,241112,13,4: Rib fracture, -7831,6,155298,13,2: Pneumothorax, -7831,6,155299,2,1: Laceration, -7831,7,155298,13,3: Hemothorax, -7831,8,155298,13,4: Rib fracture, -7832,2,229062,11,5: Pelvis, -7832,3,229062,11,6: Around the pancreas/duodenum, -7837,1,214614,11,5: Pelvis, -7838,1,172506,2,1: Laceration, -7838,1,172508,2,1: Laceration, -7838,2,172506,11,3: Right paracolic gutter, -7838,2,172508,12,66: Describe,Edema -7838,3,172506,11,4: Left paracolic gutter, -7838,4,172506,11,5: Pelvis, -7838,5,172506,12,66: Describe,Edema/blood -7853,1,241194,2,1: Laceration, -7853,2,241194,2,2: Hematoma, -7853,3,241194,11,5: Pelvis, -7853,4,241194,13,1: Pulmonary contusion, -7854,1,234901,13,4: Rib fracture, -7854,2,234901,14,1: Pubis, -7854,3,234901,14,3: Sacrum, -7856,1,238124,11,3: Right paracolic gutter, -7856,2,238124,11,4: Left paracolic gutter, -7856,3,238124,13,2: Pneumothorax, -7856,4,238124,15,5: L2, -7856,5,238124,15,6: L3, -7856,6,238124,15,8: L5, -7856,7,238124,15,9: Transverse process, -7856,8,238124,11,5: Pelvis, -7858,1,201399,11,5: Pelvis, -7858,2,201399,14,2: Ilium, -7858,3,201399,14,5: Acetabulum, -7871,1,246284,11,5: Pelvis, -7871,2,246284,11,66: Other,paraaortic retroperioteneum -7871,3,246284,12,66: Describe,? hemorrhage -7873,1,133616,1,1: Laceration, -7873,2,133616,11,1: Right upper quadrant, -7873,3,133616,11,2: Left upper quadrant, -7873,4,133616,11,5: Pelvis, -7873,5,133616,1,6: Contrast extravasation, -7881,2,246878,11,1: Right upper quadrant, -7883,1,184994,11,5: Pelvis, -7887,1,213284,13,1: Pulmonary contusion, -7887,2,213284,13,4: Rib fracture, -7904,1,147813,1,1: Laceration, -7904,1,147815,1,1: Laceration, -7904,2,147813,11,1: Right upper quadrant, -7904,2,147815,11,1: Right upper quadrant, -7904,3,147813,11,2: Left upper quadrant, -7904,3,147815,11,2: Left upper quadrant, -7909,1,234913,11,5: Pelvis, -7909,2,234913,13,1: Pulmonary contusion, -7909,3,234913,13,2: Pneumothorax, -7909,4,234913,13,66: Other,pneumatocele -7914,1,160964,11,5: Pelvis, -7920,1,158688,11,5: Pelvis, -7926,1,246882,8,1: Hemorrhage, -7926,2,246882,11,1: Right upper quadrant, -7926,3,246882,12,66: Describe,Hematoma -7928,1,147811,8,66: Other,laceration -7928,2,147811,12,66: Describe,hematoma -7928,3,147811,13,1: Pulmonary contusion, -7938,1,153185,2,1: Laceration, -7938,2,153185,11,1: Right upper quadrant, -7938,3,153185,11,3: Right paracolic gutter, -7944,1,246862,13,1: Pulmonary contusion, -7944,2,246862,13,2: Pneumothorax, -7950,1,229142,11,5: Pelvis, -7950,2,229142,12,66: Describe,Hemorhage -7950,3,229142,14,3: Sacrum, -7954,1,202866,5,1: Laceration, -7958,1,148150,14,5: Acetabulum, -7958,2,148150,14,66: Other,dislocation -7960,1,236959,1,1: Laceration, -7962,1,172511,11,5: Pelvis, -7968,1,147827,11,5: Pelvis, -7971,1,201966,11,5: Pelvis, -7983,1,228173,11,5: Pelvis, -7985,1,247004,5,1: Laceration, -7985,2,247004,5,2: Hematoma, -7993,1,241994,13,1: Pulmonary contusion, -7993,2,241994,16,66: Other,Periportal edema -7999,1,204814,11,1: Right upper quadrant, -7999,2,204814,11,5: Pelvis, -7999,3,204814,11,6: Around the pancreas/duodenum, -8003,1,165346,13,2: Pneumothorax, -8010,1,173386,11,5: Pelvis, -8017,1,150259,2,1: Laceration, -8017,3,150259,8,4: Possible, -8017,5,150259,11,5: Pelvis, -8026,1,147888,11,5: Pelvis, -8032,1,142503,2,1: Laceration, -8032,2,142503,5,2: Hematoma, -8032,3,142503,8,66: Other,periadrenal hematoma -8032,4,142503,11,5: Pelvis, -8032,5,142503,14,1: Pubis, -8032,6,142503,14,2: Ilium, -8032,7,142503,16,66: Other,periportal edema -8032,8,142503,13,2: Pneumothorax, -8032,9,142503,13,3: Hemothorax, -8032,10,142503,13,4: Rib fracture, -8032,11,142503,13,1: Pulmonary contusion, -8034,1,133886,14,5: Acetabulum, -8037,1,172524,11,5: Pelvis, -8037,1,172525,11,5: Pelvis, -8040,1,214592,11,5: Pelvis, -8041,1,252937,16,66: Other,"fracture of femoral fovea, gas in hip joint" -8042,1,154964,2,1: Laceration, -8042,2,154964,11,8: Dictation unclear, -8042,3,154964,13,1: Pulmonary contusion, -8058,1,229126,11,5: Pelvis, -8069,1,202793,14,1: Pubis, -8069,2,202793,14,2: Ilium, -8072,1,202798,14,1: Pubis, -8072,2,202798,14,2: Ilium, -8072,3,202798,14,3: Sacrum, -8077,1,214687,11,5: Pelvis, -8099,1,245968,7,1: Free air, -8099,2,245968,11,1: Right upper quadrant, -8099,3,245968,11,3: Right paracolic gutter, -8099,4,245968,11,4: Left paracolic gutter, -8099,5,245968,11,5: Pelvis, -8100,1,155283,11,5: Pelvis, -8100,2,155283,11,66: Other,RLQ -8100,3,155283,15,5: L2, -8100,4,155283,15,6: L3, -8100,5,155283,15,9: Transverse process, -8107,1,158684,13,1: Pulmonary contusion, -8107,2,158684,13,2: Pneumothorax, -8159,1,208973,2,1: Laceration, -8159,2,208973,11,1: Right upper quadrant, -8159,3,208973,11,5: Pelvis, -8160,1,133347,1,1: Laceration, -8160,2,133347,1,4: Rupture, -8160,3,133347,2,1: Laceration, -8160,4,133347,4,6: Possible, -8160,5,133347,11,2: Left upper quadrant, -8160,6,133347,13,4: Rib fracture, -8164,1,217350,11,1: Right upper quadrant, -8164,2,217350,11,2: Left upper quadrant, -8164,3,217350,11,5: Pelvis, -8164,4,217350,11,6: Around the pancreas/duodenum, -8164,5,217350,11,66: Other,Mesentery -8167,1,202887,13,1: Pulmonary contusion, -8167,2,202887,13,2: Pneumothorax, -8167,3,202887,13,4: Rib fracture, -8175,1,155257,2,1: Laceration, -8175,2,155257,11,1: Right upper quadrant, -8175,3,155257,11,5: Pelvis, -8175,4,155257,13,2: Pneumothorax, -8175,5,155257,13,3: Hemothorax, -8175,6,155257,13,4: Rib fracture, -8175,7,155257,14,1: Pubis, -8175,8,155257,14,3: Sacrum, -8175,9,155257,16,66: Other,Periportal edema -8180,2,165304,5,1: Laceration, -8187,1,226916,11,5: Pelvis, -8189,2,160953,11,5: Pelvis, -8192,1,202379,13,4: Rib fracture, -8194,1,185021,11,5: Pelvis, -8194,2,185021,14,1: Pubis, -8194,3,185021,14,3: Sacrum, -8202,1,148143,1,1: Laceration, -8202,1,148144,1,1: Laceration, -8202,2,148143,7,2: Bowel wall edema/thickening, -8202,2,148144,7,2: Bowel wall edema/thickening, -8202,3,148143,11,3: Right paracolic gutter, -8202,3,148144,11,1: Right upper quadrant, -8202,4,148143,11,6: Around the pancreas/duodenum, -8202,4,148144,11,6: Around the pancreas/duodenum, -8202,5,148143,13,1: Pulmonary contusion, -8202,5,148144,11,3: Right paracolic gutter, -8202,6,148144,11,5: Pelvis, -8202,7,148144,13,1: Pulmonary contusion, -8204,1,142492,16,66: Other,periportal edema -8212,1,147907,1,1: Laceration, -8212,2,147907,11,1: Right upper quadrant, -8212,3,147907,11,2: Left upper quadrant, -8212,4,147907,11,3: Right paracolic gutter, -8212,5,147907,11,4: Left paracolic gutter, -8212,6,147907,11,5: Pelvis, -8212,7,147907,1,6: Contrast extravasation, -8220,1,230572,11,5: Pelvis, -8220,2,230572,14,1: Pubis, -8221,1,150214,8,1: Hemorrhage, -8221,2,150214,11,3: Right paracolic gutter, -8221,3,150214,11,5: Pelvis, -8225,1,142027,11,5: Pelvis, -8228,1,229077,11,8: Dictation unclear, -8228,2,229077,13,2: Pneumothorax, -8228,3,229077,13,3: Hemothorax, -8228,4,229077,13,4: Rib fracture, -8228,5,229077,16,66: Other,Abdominal wall air -8238,1,217190,1,1: Laceration, -8238,2,217190,11,2: Left upper quadrant, -8238,3,217190,11,5: Pelvis, -8241,1,153459,1,1: Laceration, -8241,2,153459,11,1: Right upper quadrant, -8241,3,153459,11,2: Left upper quadrant, -8241,4,153459,14,1: Pubis, -8241,5,153459,14,2: Ilium, -8241,6,153459,14,3: Sacrum, -8241,7,153459,14,5: Acetabulum, -8241,8,153459,16,66: Other,Pelvic Hematoma -8245,1,237947,16,66: Other,Periportal edema -8255,1,214609,11,5: Pelvis, -8257,1,177812,14,2: Ilium, -8257,2,177812,14,4: Ischium, -8257,3,177812,14,66: Other,SI joint diastasis -8257,4,177812,16,66: Other,pelvic hematoma -8260,1,154933,2,2: Hematoma, -8260,2,154933,13,1: Pulmonary contusion, -8260,3,154933,13,2: Pneumothorax, -8260,4,154933,13,4: Rib fracture, -8260,6,154933,13,66: Other,pneumomediastinum -8262,1,210106,2,1: Laceration, -8262,2,210106,4,6: Possible, -8262,3,210106,13,1: Pulmonary contusion, -8262,4,210106,13,2: Pneumothorax, -8262,5,210106,13,3: Hemothorax, -8262,6,210106,13,66: Other,Mediastinal hematoma -8271,1,246855,11,2: Left upper quadrant, -8271,2,246855,11,66: Other,Mesentery -8271,3,246855,14,1: Pubis, -8275,1,158659,11,5: Pelvis, -8286,1,184971,11,5: Pelvis, -8286,1,184972,13,1: Pulmonary contusion, -8286,2,184971,13,1: Pulmonary contusion, -8291,1,245950,11,66: Other,Not specified -8298,1,202618,1,1: Laceration, -8298,2,202618,11,5: Pelvis, -8298,3,202618,14,5: Acetabulum, -8299,1,153179,2,1: Laceration, -8299,2,153179,13,2: Pneumothorax, -8301,1,155251,1,1: Laceration, -8301,1,155252,11,5: Pelvis, -8301,2,155251,11,5: Pelvis, -8301,2,155252,1,1: Laceration, -8322,1,217142,2,1: Laceration, -8322,2,217142,11,1: Right upper quadrant, -8322,3,217142,11,3: Right paracolic gutter, -8322,4,217142,11,5: Pelvis, -8322,5,217142,13,1: Pulmonary contusion, -8322,6,217142,13,2: Pneumothorax, -8324,1,160978,11,5: Pelvis, -8326,1,177811,13,1: Pulmonary contusion, -8329,1,227020,13,1: Pulmonary contusion, -8329,3,227020,13,4: Rib fracture, -8329,4,227020,13,66: Other,"Clavicle Fx, Pulmonary laceration" -8329,5,227020,14,2: Ilium, -8332,1,133615,11,5: Pelvis, -8333,1,208990,11,5: Pelvis, -8361,1,202316,7,2: Bowel wall edema/thickening, -8361,2,202316,9,66: Describe,Superior Mesenteric Vein -8361,3,202316,11,6: Around the pancreas/duodenum, -8361,4,202316,11,3: Right paracolic gutter, -8361,5,202316,11,4: Left paracolic gutter, -8361,6,202316,11,66: Other,Lesser sac -8361,7,202316,14,1: Pubis, -8363,1,229113,16,66: Other,Abdominal Wall Injury -8368,1,177803,2,1: Laceration, -8368,2,177803,13,1: Pulmonary contusion, -8368,3,177803,13,2: Pneumothorax, -8372,1,173383,13,4: Rib fracture, -8372,2,173383,15,6: L3, -8372,3,173383,15,9: Transverse process, -8384,1,242122,13,1: Pulmonary contusion, -8389,1,214699,13,2: Pneumothorax, -8389,2,214699,14,1: Pubis, -8393,1,202635,1,1: Laceration, -8393,2,202635,11,1: Right upper quadrant, -8393,3,202635,11,2: Left upper quadrant, -8393,4,202635,11,3: Right paracolic gutter, -8393,5,202635,11,4: Left paracolic gutter, -8393,6,202635,11,5: Pelvis, -8394,1,237924,11,5: Pelvis, -8398,1,246809,14,1: Pubis, -8414,1,204784,11,5: Pelvis, -8422,1,244924,13,1: Pulmonary contusion, -8422,2,244924,13,4: Rib fracture, -8422,3,244924,14,1: Pubis, -8450,1,172514,11,5: Pelvis, -8450,2,172514,13,1: Pulmonary contusion, -8451,1,213227,2,1: Laceration, -8451,2,213227,8,1: Hemorrhage, -8451,3,213227,11,1: Right upper quadrant, -8455,3,236941,7,1: Free air, -8455,4,236941,11,1: Right upper quadrant, -8455,5,236941,11,3: Right paracolic gutter, -8455,6,236941,11,4: Left paracolic gutter, -8455,7,236941,11,5: Pelvis, -8455,8,236941,11,6: Around the pancreas/duodenum, -8455,9,236941,11,66: Other,Mesentery -8458,1,148383,2,1: Laceration, -8458,2,148383,5,1: Laceration, -8458,4,148383,11,1: Right upper quadrant, -8458,5,148383,11,3: Right paracolic gutter, -8458,6,148383,11,5: Pelvis, -8460,1,150258,1,1: Laceration, -8460,2,150258,11,1: Right upper quadrant, -8460,3,150258,11,3: Right paracolic gutter, -8460,4,150258,11,5: Pelvis, -8488,1,133587,2,1: Laceration, -8488,2,133587,14,1: Pubis, -8491,1,153512,11,5: Pelvis, -8493,1,204713,11,5: Pelvis, -8493,2,204711,11,1: Right upper quadrant, -8493,2,204713,11,66: Other,Extensive -8493,3,204711,11,3: Right paracolic gutter, -8493,3,204713,10,2: Possible, -8493,4,204711,11,4: Left paracolic gutter, -8493,5,204711,11,6: Around the pancreas/duodenum, -8494,1,214613,14,1: Pubis, -8494,2,214613,14,3: Sacrum, -8499,1,148382,11,5: Pelvis, -8501,1,226939,1,4: Rupture, -8501,2,226939,1,6: Contrast extravasation, -8501,3,226939,2,1: Laceration, -8501,4,226939,11,2: Left upper quadrant, -8501,5,226939,11,66: Other,Extensive abdomen -8506,1,226823,11,66: Other,Pouch of Douglas -8507,1,204821,11,5: Pelvis, -8507,1,204822,11,5: Pelvis, -8523,1,147929,11,5: Pelvis, -8524,1,213075,11,5: Pelvis, -8524,2,213075,14,2: Ilium, -8527,1,217793,1,1: Laceration, -8527,2,217793,1,6: Contrast extravasation, -8527,3,217793,2,1: Laceration, -8527,4,217793,11,1: Right upper quadrant, -8527,5,217793,11,5: Pelvis, -8530,1,226920,11,5: Pelvis, -8530,2,226920,13,1: Pulmonary contusion, -8530,3,226920,13,2: Pneumothorax, -8530,4,226920,16,66: Other,Periportal edema -8544,1,133910,11,5: Pelvis, -8547,1,148352,13,2: Pneumothorax, -8553,1,213319,1,1: Laceration, -8553,1,213320,1,1: Laceration, -8553,2,213319,11,2: Left upper quadrant, -8553,3,213319,14,1: Pubis, -8553,4,213319,14,2: Ilium, -8553,5,213319,14,4: Ischium, -8555,3,147029,7,1: Free air, -8555,3,147030,14,1: Pubis, -8555,4,147030,14,3: Sacrum, -8555,5,147029,14,1: Pubis, -8555,5,147030,14,4: Ischium, -8555,6,147029,14,3: Sacrum, -8555,7,147029,14,4: Ischium, -8558,1,173375,11,5: Pelvis, -8560,1,234115,11,1: Right upper quadrant, -8560,2,234115,14,1: Pubis, -8560,3,234115,14,3: Sacrum, -8560,4,234115,14,5: Acetabulum, -8567,1,246933,1,1: Laceration, -8567,2,246933,13,2: Pneumothorax, -8567,3,246933,13,1: Pulmonary contusion, -8567,4,246933,13,3: Hemothorax, -8567,5,246933,13,4: Rib fracture, -8567,6,246933,13,66: Other,"pulmonary laceration, pneumomediastinum" -8569,1,245945,5,3: Contusion, -8569,2,245945,13,1: Pulmonary contusion, -8569,3,245945,14,1: Pubis, -8569,4,245945,14,5: Acetabulum, -8574,1,210198,2,1: Laceration, -8574,2,210198,13,2: Pneumothorax, -8574,3,210198,14,2: Ilium, -8577,1,133383,13,4: Rib fracture, -8580,1,247003,5,1: Laceration, -8580,1,249591,5,1: Laceration, -8580,1,249595,5,1: Laceration, -8580,2,247003,5,66: Other,Active extravastion -8580,2,249595,11,5: Pelvis, -8580,3,247003,12,66: Describe,Hemorrhage -8580,3,249591,11,66: Other,Abdomen -8580,3,249595,12,66: Describe,Hematoma -8580,4,249591,12,66: Describe,Hematoma -8587,1,133367,13,2: Pneumothorax, -8587,2,133367,16,66: Other,periportal edema -8594,1,208957,11,5: Pelvis, -8594,2,208957,16,66: Other,Periportal edema -8602,1,229058,1,1: Laceration, -8602,1,229059,1,1: Laceration, -8602,2,229058,5,1: Laceration, -8602,2,229059,5,1: Laceration, -8602,3,229058,5,2: Hematoma, -8606,1,133317,14,1: Pubis, -8617,1,160971,11,5: Pelvis, -8621,1,202603,2,1: Laceration, -8621,2,202603,11,1: Right upper quadrant, -8621,3,202603,13,1: Pulmonary contusion, -8628,1,158328,11,5: Pelvis, -8642,1,160963,11,5: Pelvis, -8657,1,230567,14,1: Pubis, -8657,2,230567,14,4: Ischium, -8657,3,230567,15,8: L5, -8663,1,229536,11,5: Pelvis, -8667,1,204677,11,5: Pelvis, -8669,1,147830,11,5: Pelvis, -8669,2,147830,16,66: Other,periportal edema -8675,1,165337,1,1: Laceration, -8675,2,165337,11,2: Left upper quadrant, -8675,3,165337,13,2: Pneumothorax, -8690,1,213074,11,5: Pelvis, -8692,1,214598,1,1: Laceration, -8692,2,214598,11,4: Left paracolic gutter, -8692,3,214598,11,5: Pelvis, -8699,1,134243,13,1: Pulmonary contusion, -8699,2,134243,13,2: Pneumothorax, -8699,3,134243,13,4: Rib fracture, -8699,4,134243,13,66: Other,pneumatocele -8704,1,235421,2,1: Laceration, -8704,1,235423,2,1: Laceration, -8704,2,235421,2,2: Hematoma, -8704,2,235423,2,4: Traumatic infarction, -8704,3,235421,2,4: Traumatic infarction, -8704,3,235423,11,1: Right upper quadrant, -8704,4,235421,2,5: Contrast extravasation, -8704,4,235423,11,2: Left upper quadrant, -8704,5,235421,5,4: Devascularization, -8704,5,235423,13,1: Pulmonary contusion, -8704,6,235423,13,4: Rib fracture, -8704,7,235421,8,4: Possible, -8704,8,235421,11,1: Right upper quadrant, -8704,9,235421,11,5: Pelvis, -8704,10,235421,13,1: Pulmonary contusion, -8704,11,235421,13,4: Rib fracture, -8704,12,235421,14,1: Pubis, -8705,1,204832,11,3: Right paracolic gutter, -8706,1,155231,11,5: Pelvis, -8718,1,246857,11,5: Pelvis, -8719,1,158669,13,1: Pulmonary contusion, -8722,2,240376,11,5: Pelvis, -8722,3,240376,11,66: Other,"Blood pelvis. ""around bowel""" -8725,1,142535,11,5: Pelvis, -8733,1,247009,5,3: Contusion, -8740,1,237850,14,1: Pubis, -8750,2,213323,7,2: Bowel wall edema/thickening, -8750,3,213323,11,5: Pelvis, -8750,4,213323,13,11: Hemopericardium, -8750,5,213323,14,1: Pubis, -8750,6,213323,14,3: Sacrum, -8750,7,213323,14,5: Acetabulum, -8750,8,213323,11,66: Other,throughout abdomen -8750,9,213323,12,66: Describe,hematoma -8750,10,213323,13,3: Hemothorax, -8750,11,213323,16,66: Other,Abdominal Wall Injury -8754,1,202872,2,1: Laceration, -8754,1,202875,2,1: Laceration, -8754,2,202872,5,1: Laceration, -8754,2,202875,5,1: Laceration, -8754,3,202872,5,2: Hematoma, -8754,3,202875,8,4: Possible, -8754,4,202872,8,4: Possible, -8754,4,202875,11,3: Right paracolic gutter, -8754,5,202872,11,3: Right paracolic gutter, -8754,5,202875,11,5: Pelvis, -8754,6,202872,11,5: Pelvis, -8754,7,202872,13,2: Pneumothorax, -8755,1,229114,16,66: Other,Pelvic Hematoma -8759,1,133339,13,1: Pulmonary contusion, -8760,1,165115,7,1: Free air, -8760,2,165115,13,2: Pneumothorax, -8760,3,165115,13,1: Pulmonary contusion, -8760,4,165115,13,3: Hemothorax, -8762,1,153510,1,2: Hematoma, -8768,1,242032,13,1: Pulmonary contusion, -8768,2,242032,13,4: Rib fracture, -8769,2,200929,11,5: Pelvis, -8769,3,200929,7,66: Other,Mesenteric edema/fluid -8776,1,202626,7,2: Bowel wall edema/thickening, -8776,2,202626,11,5: Pelvis, -8780,1,246451,5,1: Laceration, -8780,1,246452,5,1: Laceration, -8780,2,246451,5,2: Hematoma, -8780,2,246452,5,2: Hematoma, -8780,3,246451,5,66: Other,Contrast extravasation -8780,3,246452,5,66: Other,Contrast extravasation -8780,4,246451,11,3: Right paracolic gutter, -8780,4,246452,11,5: Pelvis, -8780,5,246451,11,4: Left paracolic gutter, -8780,6,246451,11,5: Pelvis, -8784,1,153464,14,1: Pubis, -8784,2,153464,14,3: Sacrum, -8784,3,153464,16,66: Other,Pelvic hematoma -8793,1,155607,11,5: Pelvis, -8794,1,246517,11,5: Pelvis, -8798,1,213083,11,5: Pelvis, -8811,1,226989,2,1: Laceration, -8811,2,226989,11,1: Right upper quadrant, -8811,3,226989,11,2: Left upper quadrant, -8811,4,226989,11,3: Right paracolic gutter, -8811,5,226989,11,4: Left paracolic gutter, -8811,6,226989,11,5: Pelvis, -8818,1,211716,1,1: Laceration, -8818,2,211716,5,7: Possible, -8818,3,211716,8,1: Hemorrhage, -8818,4,211716,13,1: Pulmonary contusion, -8830,1,158672,14,1: Pubis, -8844,1,201980,11,5: Pelvis, -8848,1,210143,11,5: Pelvis, -8848,1,210144,11,5: Pelvis, -8849,1,213309,11,5: Pelvis, -8858,1,247103,2,1: Laceration, -8858,2,247103,13,1: Pulmonary contusion, -8858,3,247103,13,66: Other,Pneumatocele -8859,1,241227,11,5: Pelvis, -8867,1,236931,1,1: Laceration, -8867,2,236931,11,2: Left upper quadrant, -8875,1,150251,11,5: Pelvis, -8877,1,214611,11,5: Pelvis, -8879,1,133893,16,66: Other,inguinal edema -8886,1,146967,13,1: Pulmonary contusion, -8886,2,146967,14,1: Pubis, -8895,1,201450,11,5: Pelvis, -8897,1,237878,14,1: Pubis, -8897,2,237878,14,2: Ilium, -8897,3,237878,14,3: Sacrum, -8899,1,204769,11,5: Pelvis, -8901,1,148378,11,5: Pelvis, -8904,1,202522,11,3: Right paracolic gutter, -8908,1,160956,11,5: Pelvis, -8911,1,234905,13,1: Pulmonary contusion, -8918,1,173431,1,1: Laceration, -8918,2,173431,2,1: Laceration, -8918,3,173431,13,1: Pulmonary contusion, -8920,1,147899,11,1: Right upper quadrant, -8920,2,147899,11,3: Right paracolic gutter, -8920,3,147899,11,5: Pelvis, -8922,1,227235,13,4: Rib fracture, -8922,2,227235,14,4: Ischium, -8923,1,154362,11,3: Right paracolic gutter, -8923,2,154362,11,5: Pelvis, -8926,1,229463,11,5: Pelvis, -8930,1,165351,2,3: Contusion, -8930,2,165351,11,5: Pelvis, -8930,3,165351,13,1: Pulmonary contusion, -8930,4,165351,13,2: Pneumothorax, -8930,5,165351,13,4: Rib fracture, -8936,1,201429,11,1: Right upper quadrant, -8936,2,201429,11,4: Left paracolic gutter, -8940,1,234116,14,1: Pubis, -8940,2,234116,14,3: Sacrum, -8940,3,234116,14,5: Acetabulum, -8942,1,172527,11,1: Right upper quadrant, -8942,2,172527,16,66: Other,periportal edema -8949,1,165117,11,5: Pelvis, -8949,3,165117,14,1: Pubis, -8949,4,165117,14,4: Ischium, -8949,5,165117,14,5: Acetabulum, -8949,6,165117,16,66: Other,Abdominal Wall Injury -8968,1,158628,11,5: Pelvis, -8974,1,246459,11,5: Pelvis, -8974,2,242185,11,5: Pelvis, -8974,2,246459,13,2: Pneumothorax, -8974,3,242185,13,1: Pulmonary contusion, -8974,3,246459,13,66: Other,Pneumomediastinum -8974,5,242185,13,66: Other,Pneumomediastinum -8976,1,213257,1,1: Laceration, -8976,2,213257,1,4: Rupture, -8976,3,213257,11,2: Left upper quadrant, -8976,4,213257,11,5: Pelvis, -8977,1,165555,11,5: Pelvis, -8977,2,165555,14,1: Pubis, -8977,3,165555,14,2: Ilium, -8977,4,165555,15,5: L2, -8977,5,165555,15,6: L3, -8982,1,245953,16,66: Other,Periportal edema -8990,1,184988,8,1: Hemorrhage, -8996,1,229611,16,66: Other,Humerus fx -9000,1,237949,5,1: Laceration, -9000,1,237950,5,1: Laceration, -9000,2,237949,5,2: Hematoma, -9000,2,237950,5,2: Hematoma, -9000,3,237949,5,66: Other,Urinoma -9000,3,237950,5,66: Other,Urinoma -9002,1,229530,14,3: Sacrum, -9004,1,201327,4,6: Possible, -9004,2,201327,5,1: Laceration, -9004,3,201327,7,2: Bowel wall edema/thickening, -9004,4,201327,11,5: Pelvis, -9004,5,201327,11,6: Around the pancreas/duodenum, -9013,1,155280,14,1: Pubis, -9013,2,155280,14,3: Sacrum, -9013,3,155280,14,5: Acetabulum, -9014,1,202631,16,66: Other,Periportal edema -9018,1,236974,1,3: Contusion, -9018,2,236974,11,2: Left upper quadrant, -9018,3,236974,11,5: Pelvis, -9023,1,177787,11,5: Pelvis, -9023,2,177787,13,1: Pulmonary contusion, -9023,3,177787,16,66: Other,Periportal edema -9024,1,230603,11,5: Pelvis, -9026,1,237823,11,5: Pelvis, -9026,2,237823,13,1: Pulmonary contusion, -9026,3,237823,13,2: Pneumothorax, -9026,4,237823,13,4: Rib fracture, -9026,5,237823,14,1: Pubis, -9026,6,237823,14,2: Ilium, -9030,1,213151,11,5: Pelvis, -9040,1,177783,2,1: Laceration, -9043,1,237826,11,5: Pelvis, -9052,1,172526,13,1: Pulmonary contusion, -9056,1,237807,11,5: Pelvis, -9057,1,236946,13,1: Pulmonary contusion, -9074,1,210127,5,1: Laceration, -9074,2,210127,5,3: Contusion, -9074,3,210127,13,1: Pulmonary contusion, -9074,4,210127,14,5: Acetabulum, -9074,5,210127,14,3: Sacrum, -9080,1,202651,11,1: Right upper quadrant, -9080,2,202651,11,3: Right paracolic gutter, -9083,1,155222,8,1: Hemorrhage, -9083,1,155223,8,1: Hemorrhage, -9083,2,155222,13,2: Pneumothorax, -9085,1,237933,2,1: Laceration, -9096,1,213118,14,1: Pubis, -9096,1,213119,11,5: Pelvis, -9096,2,213118,14,3: Sacrum, -9096,2,213119,14,1: Pubis, -9096,3,213119,14,3: Sacrum, -9101,1,148363,5,1: Laceration, -9101,2,148363,5,2: Hematoma, -9101,3,148363,11,5: Pelvis, -9101,4,148363,16,66: Other,periportal fluid -9112,1,142066,2,1: Laceration, -9112,2,142066,11,5: Pelvis, -9116,1,229606,1,1: Laceration, -9116,1,229609,1,1: Laceration, -9116,2,229606,7,5: Mesenteric streaking, -9116,2,229609,7,5: Mesenteric streaking, -9116,3,229606,11,1: Right upper quadrant, -9116,3,229609,9,66: Describe,External iliac artery -9116,4,229606,11,2: Left upper quadrant, -9116,4,229609,11,1: Right upper quadrant, -9116,5,229606,11,4: Left paracolic gutter, -9116,5,229609,11,2: Left upper quadrant, -9116,6,229606,12,66: Describe,Hematoma -9116,6,229609,11,4: Left paracolic gutter, -9116,7,229606,13,1: Pulmonary contusion, -9116,7,229609,12,66: Describe,Hematoma -9116,8,229606,13,4: Rib fracture, -9116,8,229609,13,1: Pulmonary contusion, -9116,9,229606,14,3: Sacrum, -9116,9,229609,13,4: Rib fracture, -9116,10,229606,14,5: Acetabulum, -9116,10,229609,14,3: Sacrum, -9116,11,229606,15,8: L5, -9116,11,229609,13,66: Other,Pubic symphsis diastasis -9116,12,229609,15,8: L5, -9117,1,142576,6,3: Extraperitoneal rupture, -9117,2,142576,14,1: Pubis, -9117,3,142576,14,2: Ilium, -9117,4,142576,14,3: Sacrum, -9124,1,241174,15,6: L3, -9124,2,241174,15,9: Transverse process, -9130,1,202540,11,5: Pelvis, -9133,1,184991,1,1: Laceration, -9133,2,184991,1,3: Contusion, -9133,3,184991,13,1: Pulmonary contusion, -9143,1,155226,2,1: Laceration, -9143,2,155226,5,1: Laceration, -9143,3,155226,8,1: Hemorrhage, -9143,4,155226,11,5: Pelvis, -9147,1,246287,7,1: Free air, -9147,3,246287,11,5: Pelvis, -9147,4,246287,14,2: Ilium, -9147,5,246287,15,7: L4, -9147,6,246287,15,8: L5, -9147,7,246287,15,9: Transverse process, -9147,8,246287,13,1: Pulmonary contusion, -9147,9,246287,13,2: Pneumothorax, -9148,1,214707,11,5: Pelvis, -9155,1,147021,7,3: Bowel wall hematoma, -9155,2,147021,11,5: Pelvis, -9160,1,155271,2,1: Laceration, -9160,2,155271,13,1: Pulmonary contusion, -9160,3,155271,13,4: Rib fracture, -9161,1,220061,14,66: Other,bone fragment in the hip joint -9170,1,202805,11,5: Pelvis, -9177,1,150252,11,5: Pelvis, -9185,1,185032,11,5: Pelvis, -9187,1,236924,2,1: Laceration, -9187,2,236924,7,2: Bowel wall edema/thickening, -9187,3,236924,8,66: Other,Contusion -9187,4,236924,14,1: Pubis, -9187,5,236924,14,3: Sacrum, -9195,1,229524,7,66: Other,Mesenteric edema -9195,2,229524,11,5: Pelvis, -9195,3,229524,14,2: Ilium, -9196,1,241257,13,1: Pulmonary contusion, -9197,1,213099,11,6: Around the pancreas/duodenum, -9197,2,213099,11,5: Pelvis, -9198,1,237804,1,1: Laceration, -9198,2,237804,11,5: Pelvis, -9198,3,237804,16,66: Other,Femur fx -9203,1,229130,11,1: Right upper quadrant, -9203,2,229130,11,5: Pelvis, -9203,3,229130,13,1: Pulmonary contusion, -9203,4,229130,13,2: Pneumothorax, -9203,5,229130,13,3: Hemothorax, -9203,6,229130,13,4: Rib fracture, -9203,7,229130,16,66: Other,Periportal edema -9205,1,246864,7,5: Mesenteric streaking, -9205,2,246864,11,5: Pelvis, -9210,1,203347,1,1: Laceration, -9210,2,203347,11,1: Right upper quadrant, -9210,3,203347,11,2: Left upper quadrant, -9210,4,203347,11,5: Pelvis, -9215,1,177642,13,1: Pulmonary contusion, -9215,1,177643,11,1: Right upper quadrant, -9215,2,177642,13,2: Pneumothorax, -9215,2,177643,11,2: Left upper quadrant, -9215,3,177642,13,4: Rib fracture, -9215,3,177643,11,3: Right paracolic gutter, -9215,4,177642,13,5: Sternal fracture, -9215,4,177643,11,66: Other,Retroperitoneum -9215,5,177642,14,1: Pubis, -9215,5,177643,16,66: Other,Periportal edema -9215,6,177642,14,3: Sacrum, -9215,7,177642,13,66: Other,pulmonary laceration -9224,1,153201,14,1: Pubis, -9224,2,153201,14,3: Sacrum, -9224,3,153201,14,5: Acetabulum, -9224,5,153201,1,1: Laceration, -9226,1,177795,11,1: Right upper quadrant, -9227,1,229495,1,1: Laceration, -9227,2,229495,2,10: Possible, -9227,3,229495,4,6: Possible, -9227,4,229495,11,1: Right upper quadrant, -9227,5,229495,11,2: Left upper quadrant, -9227,6,229495,11,5: Pelvis, -9227,7,229495,13,2: Pneumothorax, -9227,8,229495,14,1: Pubis, -9227,9,229495,15,4: L1, -9227,10,229495,15,5: L2, -9227,11,229495,15,6: L3, -9235,1,134312,13,2: Pneumothorax, -9236,1,165307,14,1: Pubis, -9236,2,165307,14,3: Sacrum, -9245,1,246270,5,1: Laceration, -9247,1,242165,14,1: Pubis, -9247,2,242165,14,5: Acetabulum, -9248,1,172497,14,2: Ilium, -9249,1,229079,11,5: Pelvis, -9249,2,229079,14,2: Ilium, -9249,3,229079,14,66: Other,Pubic diastis -9261,1,249577,11,3: Right paracolic gutter, -9261,2,249577,11,5: Pelvis, -9261,3,249577,14,2: Ilium, -9269,1,241120,11,3: Right paracolic gutter, -9269,2,241120,11,4: Left paracolic gutter, -9280,1,142506,14,1: Pubis, -9282,1,154966,11,5: Pelvis, -9285,1,251509,7,5: Mesenteric streaking, -9285,2,251509,13,2: Pneumothorax, -9293,1,147869,14,1: Pubis, -9293,2,147869,14,2: Ilium, -9293,3,147869,16,66: Other,femur fracture -9295,1,133871,13,1: Pulmonary contusion, -9296,1,233987,13,1: Pulmonary contusion, -9296,2,233987,13,2: Pneumothorax, -9296,3,233987,13,3: Hemothorax, -9296,4,233987,13,4: Rib fracture, -9296,5,233987,14,1: Pubis, -9296,6,233987,16,66: Other,Scapula Fx -9298,1,155263,11,5: Pelvis, -9300,1,236385,2,1: Laceration, -9300,1,236386,2,1: Laceration, -9300,2,236385,2,4: Traumatic infarction, -9300,2,236386,2,4: Traumatic infarction, -9300,3,236385,5,1: Laceration, -9300,3,236386,5,1: Laceration, -9300,4,236385,5,4: Devascularization, -9300,4,236386,11,66: Other,Abdomen -9300,5,236385,11,1: Right upper quadrant, -9300,5,236386,13,4: Rib fracture, -9300,6,236385,11,2: Left upper quadrant, -9300,7,236385,11,3: Right paracolic gutter, -9300,8,236385,11,4: Left paracolic gutter, -9300,9,236385,11,5: Pelvis, -9300,10,236385,13,2: Pneumothorax, -9300,11,236385,13,4: Rib fracture, -9306,1,158692,11,5: Pelvis, -9306,2,158692,14,1: Pubis, -9312,1,247031,7,2: Bowel wall edema/thickening, -9312,2,247031,7,1: Free air, -9312,3,247031,11,5: Pelvis, -9315,1,155596,2,1: Laceration, -9315,2,155596,2,3: Contusion, -9315,3,155596,11,5: Pelvis, -9322,1,236993,5,1: Laceration, -9322,2,236993,5,2: Hematoma, -9322,3,236993,5,66: Other,Extravasation -9322,4,236993,16,66: Other,Femur fx -9323,1,133864,2,1: Laceration, -9323,2,133864,4,6: Possible, -9323,3,133864,7,5: Mesenteric streaking, -9323,4,133864,11,1: Right upper quadrant, -9323,5,133864,11,5: Pelvis, -9323,6,133864,13,2: Pneumothorax, -9333,1,246993,11,5: Pelvis, -9333,2,246993,14,3: Sacrum, -9352,1,245629,13,1: Pulmonary contusion, -9352,2,245629,13,2: Pneumothorax, -9352,3,245629,13,3: Hemothorax, -9352,4,245629,13,4: Rib fracture, -9352,5,245629,13,66: Other,Pneumatocele -9355,1,165323,11,5: Pelvis, -9357,1,237836,11,5: Pelvis, -9365,1,133346,11,5: Pelvis, -9365,2,133346,15,6: L3, -9365,3,133346,15,10: Veterbral Body, -9365,4,133346,16,66: Other,rectus hematoma -9369,1,202629,14,1: Pubis, -9369,2,202629,14,3: Sacrum, -9369,3,202629,15,8: L5, -9376,1,155599,14,1: Pubis, -9380,1,246461,11,5: Pelvis, -9380,2,246461,14,1: Pubis, -9380,3,246461,14,3: Sacrum, -9382,3,214190,11,5: Pelvis, -9382,4,214190,11,6: Around the pancreas/duodenum, -9382,5,214190,7,6: Mesenteric hematoma, -9393,1,246803,11,6: Around the pancreas/duodenum, -9393,3,246803,11,66: Other,Mesentry -9406,1,142073,11,5: Pelvis, -9416,1,211739,1,1: Laceration, -9416,2,211739,11,1: Right upper quadrant, -9420,1,247047,1,1: Laceration, -9420,1,247049,1,1: Laceration, -9420,2,247047,5,1: Laceration, -9420,2,247049,5,1: Laceration, -9420,3,247047,5,2: Hematoma, -9420,3,247049,5,2: Hematoma, -9420,4,247047,11,1: Right upper quadrant, -9420,4,247049,11,4: Left paracolic gutter, -9420,5,247047,11,2: Left upper quadrant, -9420,5,247049,13,1: Pulmonary contusion, -9420,6,247047,11,5: Pelvis, -9426,1,184987,11,5: Pelvis, -9426,2,184987,14,66: Other,unclear -9432,1,148279,11,66: Other,location? -9432,2,148279,14,2: Ilium, -9433,1,237008,5,1: Laceration, -9433,2,237008,5,2: Hematoma, -9437,1,246959,1,1: Laceration, -9437,1,249623,1,1: Laceration, -9437,2,246959,1,2: Hematoma, -9437,2,249623,11,8: Dictation unclear, -9437,3,246959,11,2: Left upper quadrant, -9437,3,249623,13,1: Pulmonary contusion, -9437,4,246959,11,4: Left paracolic gutter, -9443,1,202642,11,5: Pelvis, -9444,1,155598,8,1: Hemorrhage, -9444,2,155598,11,1: Right upper quadrant, -9444,3,155598,16,66: Other,Periportal edema -9452,1,148290,11,3: Right paracolic gutter, -9456,1,165324,14,2: Ilium, -9466,1,245962,14,1: Pubis, -9467,1,247061,14,5: Acetabulum, -9469,1,242176,11,1: Right upper quadrant, -9469,1,242178,11,5: Pelvis, -9469,2,242176,11,3: Right paracolic gutter, -9469,3,242176,11,5: Pelvis, -9469,4,242176,11,6: Around the pancreas/duodenum, -9471,1,204869,11,5: Pelvis, -9472,1,213250,11,5: Pelvis, -9474,1,148288,14,1: Pubis, -9475,1,147868,14,2: Ilium, -9475,2,147868,14,3: Sacrum, -9475,3,147868,14,66: Other,SI joint -9480,1,165359,8,1: Hemorrhage, -9482,1,202544,11,3: Right paracolic gutter, -9482,2,202544,11,4: Left paracolic gutter, -9482,3,202544,16,66: Other,Periportal edema -9484,1,242279,13,1: Pulmonary contusion, -9486,1,154929,5,3: Contusion, -9486,2,154929,11,5: Pelvis, -9494,1,246454,11,3: Right paracolic gutter, -9494,2,246454,11,5: Pelvis, -9494,3,246454,16,66: Other,Large intra-abdominal hematoma -9505,1,202802,11,5: Pelvis, -9518,1,150255,11,5: Pelvis, -9521,1,236820,7,2: Bowel wall edema/thickening, -9521,3,236820,11,3: Right paracolic gutter, -9521,5,236820,13,1: Pulmonary contusion, -9521,6,236820,13,1: Pulmonary contusion, -9522,1,147015,14,1: Pubis, -9522,2,147015,14,2: Ilium, -9522,3,147015,14,3: Sacrum, -9530,3,158638,14,1: Pubis, -9534,1,249607,8,1: Hemorrhage, -9542,1,245348,11,5: Pelvis, -9548,1,142480,1,1: Laceration, -9548,1,142482,1,1: Laceration, -9548,2,142480,1,2: Hematoma, -9548,2,142482,1,2: Hematoma, -9548,3,142480,1,6: Contrast extravasation, -9548,3,142482,1,6: Contrast extravasation, -9548,4,142480,4,6: Possible, -9548,4,142482,4,6: Possible, -9548,5,142480,11,1: Right upper quadrant, -9548,5,142482,11,1: Right upper quadrant, -9548,6,142480,11,3: Right paracolic gutter, -9548,6,142482,11,2: Left upper quadrant, -9548,7,142480,11,4: Left paracolic gutter, -9548,8,142480,11,5: Pelvis, -9569,1,201413,13,1: Pulmonary contusion, -9569,2,201413,13,4: Rib fracture, -9569,3,201413,16,66: Other,Femur fx -9572,1,228578,7,2: Bowel wall edema/thickening, -9572,2,228578,11,5: Pelvis, -9586,1,134317,11,5: Pelvis, -9593,1,173379,11,5: Pelvis, -9599,1,245951,2,2: Hematoma, -9599,2,245951,8,1: Hemorrhage, -9599,3,245951,12,66: Describe,Hematoma -9604,1,204859,7,1: Free air, -9604,2,204859,13,3: Hemothorax, -9615,1,202313,11,1: Right upper quadrant, -9615,2,202313,11,2: Left upper quadrant, -9615,3,202313,11,6: Around the pancreas/duodenum, -9615,4,202313,11,5: Pelvis, -9624,1,204804,11,5: Pelvis, -9624,2,204804,15,6: L3, -9624,3,204804,15,7: L4, -9624,4,204804,15,9: Transverse process, -9627,1,236955,2,1: Laceration, -9627,2,236955,8,66: Other,Hematoma -9627,3,236955,11,1: Right upper quadrant, -9633,1,158630,11,5: Pelvis, -9655,1,165342,7,3: Bowel wall hematoma, -9655,2,165342,11,5: Pelvis, -9655,3,165342,11,66: Other,abdomen -9655,4,165342,7,2: Bowel wall edema/thickening, -9666,1,230576,11,5: Pelvis, -9675,1,229022,2,1: Laceration, -9675,2,229022,11,1: Right upper quadrant, -9675,3,229022,11,2: Left upper quadrant, -9675,4,229022,11,5: Pelvis, -9678,1,150264,2,1: Laceration, -9678,3,150264,11,1: Right upper quadrant, -9678,4,150264,13,1: Pulmonary contusion, -9678,5,150264,7,66: Other,Mesenteric free fluid -9683,1,155198,13,2: Pneumothorax, -9689,1,242160,13,1: Pulmonary contusion, -9689,2,242160,13,2: Pneumothorax, -9710,1,147825,7,5: Mesenteric streaking, -9710,2,147825,11,5: Pelvis, -9715,1,201330,11,5: Pelvis, -9728,1,228549,14,5: Acetabulum, -9731,1,237827,11,5: Pelvis, -9738,1,237795,11,5: Pelvis, -9741,1,245944,1,1: Laceration, -9741,2,245944,11,1: Right upper quadrant, -9741,3,245944,11,2: Left upper quadrant, -9741,4,245944,11,5: Pelvis, -9741,5,245944,13,1: Pulmonary contusion, -9751,1,246470,8,1: Hemorrhage, -9751,2,246470,11,1: Right upper quadrant, -9758,1,214591,11,5: Pelvis, -9775,1,165327,13,1: Pulmonary contusion, -9775,2,165327,13,2: Pneumothorax, -9775,3,165327,13,66: Other,Pulmonary lac -9784,1,133322,2,1: Laceration, -9784,2,133322,8,1: Hemorrhage, -9784,3,133322,11,1: Right upper quadrant, -9787,1,165314,11,5: Pelvis, -9787,2,165314,13,1: Pulmonary contusion, -9787,3,165314,13,2: Pneumothorax, -9787,4,165314,13,4: Rib fracture, -9787,5,165314,13,9: Pneumopericardium, -9788,1,245340,11,5: Pelvis, -9788,2,245340,14,1: Pubis, -9788,3,245340,14,2: Ilium, -9788,4,245340,14,3: Sacrum, -9788,5,245340,16,66: Other,Intramuscular air and hematoma near pelvic fractures -9794,1,241268,13,1: Pulmonary contusion, -9794,2,241268,13,2: Pneumothorax, -9794,3,241268,13,4: Rib fracture, -9794,4,241268,13,66: Other,Pulmonary laceration -9799,1,148151,13,1: Pulmonary contusion, -9799,1,148152,11,5: Pelvis, -9799,1,148153,11,5: Pelvis, -9799,2,148151,11,5: Pelvis, -9799,3,148151,16,66: Other,periportal edema -9801,1,246802,2,1: Laceration, -9801,2,246802,7,2: Bowel wall edema/thickening, -9801,3,246802,11,1: Right upper quadrant, -9801,4,246802,11,6: Around the pancreas/duodenum, -9802,2,177638,7,66: Other,Thickened mesenteric root -9802,3,177638,7,6: Mesenteric hematoma, -9805,1,201306,5,1: Laceration, -9805,1,201308,5,1: Laceration, -9805,2,201306,5,2: Hematoma, -9805,2,201308,5,66: Other,Extravasation -9805,3,201306,11,5: Pelvis, -9805,4,201308,11,5: Pelvis, -9805,5,201308,11,66: Other,Abdomen -9805,6,201308,9,66: Describe,Gonadal vein occlusion -9818,1,147853,11,66: Other,at mesentary -9822,1,208978,13,2: Pneumothorax, -9822,2,208978,13,4: Rib fracture, -9830,1,229139,11,5: Pelvis, -9831,1,229475,11,5: Pelvis, -9848,1,247007,11,5: Pelvis, -9848,2,247007,13,2: Pneumothorax, -9848,3,247007,13,4: Rib fracture, -9850,1,249603,11,5: Pelvis, -9854,1,204693,7,2: Bowel wall edema/thickening, -9870,1,155711,1,1: Laceration, -9870,2,155711,2,1: Laceration, -9870,3,155711,11,1: Right upper quadrant, -9870,4,155711,11,2: Left upper quadrant, -9870,5,155711,11,3: Right paracolic gutter, -9870,6,155711,11,5: Pelvis, -9876,1,246845,2,1: Laceration, -9876,2,246845,2,2: Hematoma, -9876,3,246845,2,5: Contrast extravasation, -9878,1,148302,11,5: Pelvis, -9881,1,213079,11,5: Pelvis, -9887,1,217214,2,1: Laceration, -9887,2,217214,2,2: Hematoma, -9887,4,217214,8,4: Possible, -9887,5,217214,11,1: Right upper quadrant, -9887,6,217214,11,5: Pelvis, -9889,1,204851,11,5: Pelvis, -9889,1,204852,11,5: Pelvis, -9896,1,233995,11,5: Pelvis, -9898,1,148052,11,1: Right upper quadrant, -9913,1,202801,7,2: Bowel wall edema/thickening, -9925,1,245808,5,1: Laceration, -9932,1,234005,2,1: Laceration, -9932,2,234005,11,1: Right upper quadrant, -9932,3,234005,11,5: Pelvis, -9947,1,234058,2,1: Laceration, -9947,2,234058,8,1: Hemorrhage, -9947,3,234058,11,1: Right upper quadrant, -9947,4,234058,13,1: Pulmonary contusion, -9947,5,234058,13,2: Pneumothorax, -9947,6,234058,13,66: Other,Pneumomediastinum -9963,1,228184,11,5: Pelvis, -9967,1,153165,11,5: Pelvis, -9967,2,153165,14,1: Pubis, -9967,3,153165,14,66: Other,perisymphaseal -9972,1,246507,1,1: Laceration, -9972,1,246511,1,1: Laceration, -9972,2,246507,11,2: Left upper quadrant, -9972,2,246511,1,66: Other,Psenzoaneursym -9972,3,246507,11,5: Pelvis, -9972,3,246511,11,1: Right upper quadrant, -9972,4,246511,11,2: Left upper quadrant, -9972,5,246511,11,5: Pelvis, -9972,6,246511,13,1: Pulmonary contusion, -9972,7,246511,13,2: Pneumothorax, -9972,8,246511,13,4: Rib fracture, -9972,9,246511,13,66: Other,Clavicle fracture -9983,1,213300,11,5: Pelvis, -9992,1,249582,1,3: Contusion, -9992,1,249584,1,3: Contusion, -9992,2,249582,11,5: Pelvis, -9992,2,249584,11,5: Pelvis, -10000,1,186417,13,1: Pulmonary contusion, -10000,2,186417,13,2: Pneumothorax, -10000,3,186417,13,66: Other,Pneumomediastinum -10000,4,186417,16,66: Other,Femur fracture -10010,1,208960,5,1: Laceration, -10010,2,208960,5,2: Hematoma, -10010,3,208960,11,4: Left paracolic gutter, -10010,4,208960,11,5: Pelvis, -10013,1,153209,11,3: Right paracolic gutter, -10013,2,153209,15,5: L2, -10013,3,153209,15,6: L3, -10013,4,153209,15,9: Transverse process, -10019,1,247094,14,2: Ilium, -10019,2,247094,14,4: Ischium, -10019,3,247094,14,5: Acetabulum, -10021,1,236904,1,1: Laceration, -10021,2,236904,11,2: Left upper quadrant, -10021,3,236904,11,3: Right paracolic gutter, -10021,4,236904,11,4: Left paracolic gutter, -10021,5,236904,11,5: Pelvis, -10024,1,213101,11,5: Pelvis, -10024,2,213101,13,1: Pulmonary contusion, -10030,1,153200,13,1: Pulmonary contusion, -10035,1,213260,16,66: Other,T9 fx- vertebral body fracture -10036,1,202659,13,2: Pneumothorax, -10036,2,202659,13,4: Rib fracture, -10036,3,202659,16,66: Other,Scapula Fracture -10050,1,247013,7,2: Bowel wall edema/thickening, -10062,1,127176,11,5: Pelvis, -10064,1,246891,11,5: Pelvis, -10064,2,246891,13,2: Pneumothorax, -10064,3,246891,13,3: Hemothorax, -10064,4,246891,13,66: Other,traumatic pneumoatocele -10070,1,226909,11,5: Pelvis, -10080,1,213162,14,3: Sacrum, -10083,1,202661,2,1: Laceration, -10083,2,202661,9,2: Possible,Possible intrahepatic vein thrombosis -10083,3,202661,11,1: Right upper quadrant, -10083,4,202661,13,2: Pneumothorax, -10085,1,127276,11,5: Pelvis, -10093,1,185016,1,1: Laceration, -10093,1,185017,2,1: Laceration, -10093,2,185016,2,1: Laceration, -10093,2,185017,8,1: Hemorrhage, -10093,3,185015,2,2: Hematoma, -10093,3,185016,8,1: Hemorrhage, -10093,4,185015,2,3: Contusion, -10093,4,185016,11,1: Right upper quadrant, -10093,5,185015,7,2: Bowel wall edema/thickening, -10093,5,185016,11,3: Right paracolic gutter, -10093,6,185016,11,4: Left paracolic gutter, -10093,8,185015,11,5: Pelvis, -10093,9,185015,11,66: Other,Large FF abdomen -10093,10,185015,11,8: Dictation unclear, -10093,11,185015,1,9: Possible, -10093,12,185015,8,4: Possible, -10096,1,242118,13,2: Pneumothorax, -10097,1,148380,14,1: Pubis, -10097,2,148380,14,3: Sacrum, -10100,1,228152,11,5: Pelvis, -10100,2,228152,13,1: Pulmonary contusion, -10100,3,228152,13,2: Pneumothorax, -10103,1,238110,13,2: Pneumothorax, -10103,2,238110,16,66: Other,Abdominal wall hematoma with contrast Abdominal Wall Injury -10103,3,238110,14,3: Sacrum, -10113,1,155185,11,5: Pelvis, -10114,1,133627,1,1: Laceration, -10114,2,133627,1,2: Hematoma, -10114,3,133627,11,5: Pelvis, -10119,1,202799,11,5: Pelvis, -10121,1,229466,13,2: Pneumothorax, -10121,2,229466,13,4: Rib fracture, -10121,3,229466,13,66: Other,Pneumomediastinum -10124,1,222230,1,1: Laceration, -10124,2,222230,1,2: Hematoma, -10124,3,222230,1,6: Contrast extravasation, -10124,4,222230,11,1: Right upper quadrant, -10124,5,222230,11,2: Left upper quadrant, -10124,6,222230,11,5: Pelvis, -10126,1,127159,7,66: Other,intraluminal hemorrhage -10140,1,155750,11,5: Pelvis, -10162,1,241127,11,2: Left upper quadrant, -10162,2,241127,11,3: Right paracolic gutter, -10162,3,241127,11,4: Left paracolic gutter, -10162,4,241127,11,5: Pelvis, -10174,1,173462,11,5: Pelvis, -10174,2,173462,14,2: Ilium, -10174,3,173462,16,66: Other,Periportal edema -10186,1,236969,11,5: Pelvis, -10190,1,230578,11,3: Right paracolic gutter, -10190,2,230578,11,5: Pelvis, -10198,1,133608,11,5: Pelvis, -10214,1,155733,1,1: Laceration, -10214,2,155733,1,6: Contrast extravasation, -10214,3,155733,5,1: Laceration, -10214,4,155733,5,2: Hematoma, -10214,5,155733,11,8: Dictation unclear, -10222,1,147876,2,1: Laceration, -10222,2,147876,11,1: Right upper quadrant, -10224,1,153470,14,1: Pubis, -10224,2,153470,14,2: Ilium, -10224,3,153470,14,3: Sacrum, -10229,1,165554,13,2: Pneumothorax, -10234,1,245971,11,5: Pelvis, -10235,1,247101,7,2: Bowel wall edema/thickening, -10235,2,247101,7,3: Bowel wall hematoma, -10238,1,184967,14,1: Pubis, -10245,1,246808,1,1: Laceration, -10245,2,246808,8,1: Hemorrhage, -10245,3,246808,14,2: Ilium, -10255,1,201391,11,5: Pelvis, -10259,1,241181,14,1: Pubis, -10259,2,241181,14,3: Sacrum, -10259,3,241181,14,4: Ischium, -10262,1,177822,2,2: Hematoma, -10262,2,177822,2,3: Contusion, -10262,3,177822,11,5: Pelvis, -10265,1,245764,14,1: Pubis, -10266,1,237909,11,5: Pelvis, -10270,1,246885,7,1: Free air, -10270,2,246885,11,5: Pelvis, -10270,3,246885,11,66: Other,Peritoneal and retroperitoneal -10270,4,246885,13,2: Pneumothorax, -10270,5,246885,13,1: Pulmonary contusion, -10270,6,246885,13,66: Other,"pneumomediastinum, traumatic pneumatocele" -10278,1,204805,11,5: Pelvis, -10283,1,133583,7,5: Mesenteric streaking, -10283,2,133583,11,1: Right upper quadrant, -10283,3,133583,11,5: Pelvis, -10285,1,142568,11,5: Pelvis, -10285,2,142568,13,1: Pulmonary contusion, -10291,1,217896,14,1: Pubis, -10291,2,217896,14,2: Ilium, -10291,3,217896,14,3: Sacrum, -10291,4,217896,1,1: Laceration, -10295,1,234084,1,1: Laceration, -10295,2,234084,8,5: Probable, -10295,3,234084,11,2: Left upper quadrant, -10295,4,234084,11,4: Left paracolic gutter, -10295,5,234084,13,2: Pneumothorax, -10295,6,234084,14,1: Pubis, -10295,7,234084,14,2: Ilium, -10295,8,234084,16,66: Other,Pelvic hematoma -10306,1,217171,1,1: Laceration, -10306,2,217171,11,5: Pelvis, -10312,1,148284,2,2: Hematoma, -10312,1,148285,2,2: Hematoma, -10312,1,241263,2,2: Hematoma, -10312,2,148284,13,1: Pulmonary contusion, -10312,2,148285,13,1: Pulmonary contusion, -10312,2,241263,13,1: Pulmonary contusion, -10312,3,148284,14,1: Pubis, -10312,3,148285,14,1: Pubis, -10312,3,241263,13,66: Other,Pulm laceration -10312,4,148285,13,66: Other,Pulmonary laceration -10312,4,241263,14,1: Pubis, -10312,5,148285,14,3: Sacrum, -10312,5,241263,14,3: Sacrum, -10318,1,228148,15,1: T10, -10318,2,228148,15,9: Transverse process, -10320,1,160959,11,5: Pelvis, -10322,1,236901,11,5: Pelvis, -10322,2,236901,14,3: Sacrum, -10323,1,177808,11,5: Pelvis, -10331,1,133628,11,5: Pelvis, -10332,1,214711,11,5: Pelvis, -10333,1,233997,2,1: Laceration, -10333,2,233997,5,1: Laceration, -10333,3,233997,11,1: Right upper quadrant, -10333,4,233997,13,1: Pulmonary contusion, -10333,5,233997,14,1: Pubis, -10333,6,233997,14,2: Ilium, -10333,7,233997,16,66: Other,Periportal edema -10336,2,210132,14,3: Sacrum, -10349,1,226967,13,66: Other,subclayan artery injury -10349,2,226967,15,4: L1, -10349,3,226967,15,9: Transverse process, -10351,1,155241,4,1: Laceration, -10351,1,155244,2,1: Laceration, -10351,2,155241,7,3: Bowel wall hematoma, -10351,2,155244,11,6: Around the pancreas/duodenum, -10351,3,155241,11,1: Right upper quadrant, -10351,4,155241,11,5: Pelvis, -10353,1,153457,1,1: Laceration, -10353,1,153458,1,1: Laceration, -10353,2,153457,5,1: Laceration, -10353,2,153458,5,1: Laceration, -10353,3,153457,5,2: Hematoma, -10353,3,153458,5,2: Hematoma, -10353,4,153457,5,4: Devascularization, -10353,4,153458,5,4: Devascularization, -10353,5,153457,5,66: Other,Urinoma -10353,5,153458,7,2: Bowel wall edema/thickening, -10353,6,153457,7,2: Bowel wall edema/thickening, -10353,6,153458,13,66: Other,Laceration Lung -10353,7,153457,11,5: Pelvis, -10353,7,153458,11,5: Pelvis, -10354,1,214632,11,5: Pelvis, -10357,1,202794,14,1: Pubis, -10357,2,202794,14,4: Ischium, -10358,1,204823,16,66: Other,Portal Edema -10374,1,165318,13,1: Pulmonary contusion, -10377,1,202510,14,1: Pubis, -10377,1,202516,14,1: Pubis, -10377,2,202510,14,4: Ischium, -10377,2,202516,14,2: Ilium, -10377,3,202510,14,5: Acetabulum, -10377,3,202516,14,5: Acetabulum, -10379,1,246107,11,5: Pelvis, -10379,2,246107,13,2: Pneumothorax, -10379,3,246107,13,66: Other,lung laceration -10391,1,237833,11,5: Pelvis, -10400,1,214636,14,1: Pubis, -10400,2,214636,14,4: Ischium, -10400,3,214636,14,66: Other,SI diastasis -10405,1,227023,14,2: Ilium, -10408,1,142531,13,3: Hemothorax, -10408,2,142531,13,4: Rib fracture, -10408,3,142531,13,66: Other,atelectasis vs. contusion -10424,1,233973,14,1: Pubis, -10424,2,233973,14,4: Ischium, -10436,1,134313,11,5: Pelvis, -10442,1,155278,11,5: Pelvis, -10442,2,155278,11,3: Right paracolic gutter, -10442,3,155278,14,1: Pubis, -10442,4,155278,14,2: Ilium, -10442,5,155278,14,66: Other,open book pelvis -10445,1,220678,1,4: Rupture, -10445,1,220682,1,1: Laceration, -10445,2,220678,11,2: Left upper quadrant, -10445,2,220682,11,1: Right upper quadrant, -10445,3,220678,11,66: Other,Massive ascites -10445,3,220682,11,2: Left upper quadrant, -10445,4,220682,11,3: Right paracolic gutter, -10445,5,220682,11,4: Left paracolic gutter, -10445,6,220682,11,5: Pelvis, -10445,7,220682,11,66: Other,Mesentery -10445,8,220682,13,4: Rib fracture, -10449,1,246883,11,3: Right paracolic gutter, -10450,1,147877,7,2: Bowel wall edema/thickening, -10450,2,147877,11,2: Left upper quadrant, -10464,1,148049,14,66: Other,Pubic symphis diastasis -10474,1,213211,15,4: L1, -10474,2,213211,15,5: L2, -10474,2,213212,15,5: L2, -10474,3,213211,15,10: Veterbral Body, -10474,3,213212,15,10: Veterbral Body, -10474,4,213212,15,4: L1, -10476,1,238108,13,2: Pneumothorax, -10476,2,238108,14,2: Ilium, -10485,1,237872,7,1: Free air, -10485,2,237872,11,66: Other,Throughout Abdomen -10485,3,237872,13,1: Pulmonary contusion, -10485,4,237872,13,3: Hemothorax, -10485,5,237872,13,6: Aortic injury, -10485,6,237872,13,66: Other,Hemomediastinum -10488,1,155197,11,3: Right paracolic gutter, -10488,2,155197,13,4: Rib fracture, -10488,3,155197,15,4: L1, -10488,4,155197,16,66: Other,"T1-T6 fractures, subclavian artery injury" -10488,5,155197,13,2: Pneumothorax, -10488,6,155197,13,3: Hemothorax, -10490,1,204819,11,5: Pelvis, -10502,1,155752,16,66: Other,Periportal edema -10507,1,236980,2,1: Laceration, -10507,2,236980,14,1: Pubis, -10507,3,236980,14,2: Ilium, -10521,1,148055,8,1: Hemorrhage, -10521,1,148057,8,1: Hemorrhage, -10521,2,148055,11,5: Pelvis, -10521,2,148057,14,3: Sacrum, -10521,3,148055,13,2: Pneumothorax, -10521,3,148057,11,5: Pelvis, -10521,4,148055,14,3: Sacrum, -10522,1,155729,1,1: Laceration, -10522,1,155730,1,1: Laceration, -10522,2,155729,11,2: Left upper quadrant, -10522,2,155730,11,2: Left upper quadrant, -10522,3,155729,11,5: Pelvis, -10522,3,155730,11,5: Pelvis, -10523,1,208995,11,5: Pelvis, -10536,1,237895,11,3: Right paracolic gutter, -10540,1,227232,11,6: Around the pancreas/duodenum, -10540,2,227232,13,3: Hemothorax, -10540,3,227232,13,66: Other,Pneumediastinum & clavicle fx. -10540,4,227232,16,66: Other,Femur Fx -10542,1,148326,2,1: Laceration, -10542,2,148326,11,1: Right upper quadrant, -10542,3,148326,11,2: Left upper quadrant, -10542,4,148326,11,5: Pelvis, -10547,1,234112,14,1: Pubis, -10549,1,213270,11,5: Pelvis, -10550,1,210128,1,1: Laceration, -10550,2,210128,5,3: Contusion, -10550,3,210128,8,1: Hemorrhage, -10550,4,210128,11,1: Right upper quadrant, -10550,5,210128,11,2: Left upper quadrant, -10550,6,210128,11,5: Pelvis, -10550,7,210128,13,1: Pulmonary contusion, -10551,1,246846,11,3: Right paracolic gutter, -10551,2,246846,11,5: Pelvis, -10555,1,213106,11,1: Right upper quadrant, -10555,2,213106,13,1: Pulmonary contusion, -10555,3,213106,16,66: Other,"Scapula fracture, Periportal edema" -10558,1,213306,1,1: Laceration, -10558,2,213306,11,2: Left upper quadrant, -10558,3,213306,11,3: Right paracolic gutter, -10558,4,213306,11,4: Left paracolic gutter, -10558,5,213306,11,5: Pelvis, -10575,1,158709,11,5: Pelvis, -10575,4,158709,15,4: L1, -10575,5,158709,15,5: L2, -10575,6,158709,15,6: L3, -10575,7,158709,15,10: Veterbral Body, -10580,1,226955,11,5: Pelvis, -10580,1,226956,1,1: Laceration, -10580,2,226955,14,1: Pubis, -10580,2,226956,11,5: Pelvis, -10580,3,226955,14,3: Sacrum, -10580,3,226956,14,1: Pubis, -10580,4,226956,14,3: Sacrum, -10587,1,154945,13,1: Pulmonary contusion, -10587,2,154945,13,2: Pneumothorax, -10588,1,165317,2,1: Laceration, -10588,2,165317,2,2: Hematoma, -10588,3,165317,11,1: Right upper quadrant, -10588,4,165317,11,5: Pelvis, -10588,5,165317,13,1: Pulmonary contusion, -10588,6,165317,13,2: Pneumothorax, -10589,1,202623,1,1: Laceration, -10589,1,202624,1,1: Laceration, -10589,2,202623,11,4: Left paracolic gutter, -10589,3,202623,11,5: Pelvis, -10598,1,237914,15,3: T12, -10600,1,246466,7,2: Bowel wall edema/thickening, -10600,2,246466,11,5: Pelvis, -10600,3,246466,15,3: T12, -10600,4,246466,15,4: L1, -10600,5,246466,15,7: L4, -10600,6,246466,15,10: Vertebral Body, -10614,1,185027,11,5: Pelvis, -10616,1,133923,7,2: Bowel wall edema/thickening, -10627,1,150271,11,5: Pelvis, -10632,1,127274,11,3: Right paracolic gutter, -10637,1,204697,1,1: Laceration, -10637,2,204697,1,5: Traumatic infarction, -10637,3,204697,1,6: Contrast extravasation, -10637,4,204697,11,66: Other,Large volume -10637,5,204697,13,1: Pulmonary contusion, -10637,6,204697,13,4: Rib fracture, -10638,1,155236,13,1: Pulmonary contusion, -10641,1,177796,8,1: Hemorrhage, -10641,2,177796,13,1: Pulmonary contusion, -10643,1,201387,2,1: Laceration, -10643,2,201387,2,2: Hematoma, -10643,3,201387,11,2: Left upper quadrant, -10643,4,201387,11,3: Right paracolic gutter, -10643,5,201387,11,5: Pelvis, -10644,1,214692,11,5: Pelvis, -10647,1,226834,11,5: Pelvis, -10665,1,127246,5,1: Laceration, -10668,1,213231,11,5: Pelvis, -10668,2,213231,14,1: Pubis, -10668,3,213231,14,3: Sacrum, -10668,4,213231,14,4: Ischium, -10679,1,213159,13,66: Other,Pneumomediastinum -10689,1,185022,11,5: Pelvis, -10693,1,155691,11,5: Pelvis, -10695,1,246271,11,5: Pelvis, -10701,1,213208,4,1: Laceration, -10701,2,213208,4,66: Other,Edema -10701,3,213208,5,3: Contusion, -10701,4,213208,7,2: Bowel wall edema/thickening, -10701,5,213208,11,6: Around the pancreas/duodenum, -10713,1,150256,14,5: Acetabulum, -10720,1,177821,2,1: Laceration, -10720,2,177821,11,1: Right upper quadrant, -10726,3,236903,3,5: Possible, -10726,4,236903,11,5: Pelvis, -10726,5,236903,2,1: Laceration, -10733,1,142489,7,2: Bowel wall edema/thickening, -10735,1,247034,11,5: Pelvis, -10735,2,247034,14,1: Pubis, -10735,3,247034,14,4: Ischium, -10735,4,247034,14,5: Acetabulum, -10738,1,240407,11,5: Pelvis, -10741,1,242028,13,1: Pulmonary contusion, -10741,2,242028,13,2: Pneumothorax, -10749,1,155272,13,1: Pulmonary contusion, -10756,1,234897,14,1: Pubis, -10756,2,234897,14,66: Other,SI Diastasis -10757,1,241184,11,5: Pelvis, -10765,1,246999,1,1: Laceration, -10765,2,246999,11,1: Right upper quadrant, -10765,3,246999,11,2: Left upper quadrant, -10765,4,246999,11,3: Right paracolic gutter, -10765,5,246999,11,4: Left paracolic gutter, -10776,1,127215,1,1: Laceration, -10776,2,127215,5,1: Laceration, -10776,3,127215,11,1: Right upper quadrant, -10776,4,127215,11,2: Left upper quadrant, -10776,5,127215,11,3: Right paracolic gutter, -10776,6,127215,11,4: Left paracolic gutter, -10786,1,211719,2,1: Laceration, -10789,1,249843,11,5: Pelvis, -10795,1,245805,13,2: Pneumothorax, -10800,1,247005,11,5: Pelvis, -10801,1,154936,11,5: Pelvis, -10811,1,126919,11,5: Pelvis, -10812,1,214688,11,5: Pelvis, -10835,1,147942,2,1: Laceration, -10835,2,147942,11,1: Right upper quadrant, -10835,3,147942,11,3: Right paracolic gutter, -10840,1,177799,14,1: Pubis, -10840,2,177799,14,4: Ischium, -10840,3,177799,14,5: Acetabulum, -10847,1,204787,11,5: Pelvis, -10847,2,204787,11,6: Around the pancreas/duodenum, -10871,1,246848,5,1: Laceration, -10871,1,246854,5,1: Laceration, -10871,2,246848,5,2: Hematoma, -10871,2,246854,5,2: Hematoma, -10871,3,246848,5,66: Other,Contrast extravasation -10871,3,246854,5,4: Devascularization, -10871,4,246854,5,66: Other,Contrast extravasation -10877,1,213252,11,5: Pelvis, -10877,2,213252,14,1: Pubis, -10877,3,213252,14,3: Sacrum, -10881,1,225835,2,1: Laceration, -10881,2,225835,5,1: Laceration, -10881,3,225835,8,4: Possible, -10881,6,225835,9,2: Possible, -10881,7,225835,11,5: Pelvis, -10881,8,225835,11,66: Other,"""abdomen""" -10890,1,153467,11,5: Pelvis, -10890,2,153467,14,1: Pubis, -10890,3,153467,14,3: Sacrum, -10902,1,240584,11,3: Right paracolic gutter, -10902,2,240584,11,5: Pelvis, -10903,1,213287,14,3: Sacrum, -10903,1,213288,14,3: Sacrum, -10903,2,213287,14,66: Other,Hip distation -10904,1,213153,8,1: Hemorrhage, -10904,2,213153,11,1: Right upper quadrant, -10914,2,229477,2,1: Laceration, -10918,1,158712,6,3: Extraperitoneal rupture, -10918,2,158712,11,5: Pelvis, -10918,3,158712,14,1: Pubis, -10918,4,158712,14,3: Sacrum, -10929,1,154946,1,1: Laceration, -10929,2,154946,5,1: Laceration, -10929,5,154946,11,2: Left upper quadrant, -10940,1,238082,11,5: Pelvis, -10941,1,228197,11,5: Pelvis, -10941,2,228197,14,1: Pubis, -10941,3,228197,14,3: Sacrum, -10950,1,246479,11,5: Pelvis, -10958,1,241256,13,1: Pulmonary contusion, -10959,1,217146,11,5: Pelvis, -10959,2,217146,14,1: Pubis, -10959,3,217146,14,3: Sacrum, -10962,1,246804,13,2: Pneumothorax, -10966,1,134305,7,2: Bowel wall edema/thickening, -10966,1,134306,11,5: Pelvis, -10966,2,134305,11,6: Around the pancreas/duodenum, -10994,1,153508,2,1: Laceration, -10994,2,153508,11,1: Right upper quadrant, -10994,3,153508,11,3: Right paracolic gutter, -10994,4,153508,11,5: Pelvis, -11001,1,213077,11,5: Pelvis, -11014,1,201384,11,5: Pelvis, -11015,1,224157,15,66: Other,SI fracture -11019,1,224262,11,5: Pelvis, -11019,2,224262,16,66: Other,Periportal edema -11027,1,236906,13,1: Pulmonary contusion, -11027,2,236906,13,66: Other,Pneumatocele -11042,1,165313,13,1: Pulmonary contusion, -11042,2,165313,16,66: Other,Abdominal Wall Injury -11058,1,201463,2,1: Laceration, -11058,2,201463,2,2: Hematoma, -11058,4,201463,11,5: Pelvis, -11058,5,201463,13,1: Pulmonary contusion, -11058,6,201463,9,66: Describe,Branch of external iliac artery -11062,1,242169,11,5: Pelvis, -11062,2,242169,13,1: Pulmonary contusion, -11074,1,246941,11,5: Pelvis, -11074,2,246941,13,1: Pulmonary contusion, -11074,3,246941,14,1: Pubis, -11074,4,246941,14,2: Ilium, -11074,5,246941,14,3: Sacrum, -11074,6,246941,14,4: Ischium, -11074,7,246941,14,5: Acetabulum, -11087,1,202381,1,1: Laceration, -11087,2,202381,1,2: Hematoma, -11087,3,202381,2,10: Possible, -11087,4,202381,11,3: Right paracolic gutter, -11087,5,202381,11,4: Left paracolic gutter, -11089,1,208951,2,1: Laceration, -11089,2,208951,11,1: Right upper quadrant, -11089,3,208951,16,66: Other,Periportal hemorrhage -11090,1,173377,11,5: Pelvis, -11092,1,233936,8,1: Hemorrhage, -11092,2,233936,11,5: Pelvis, -11099,1,242302,13,1: Pulmonary contusion, -11099,2,242302,14,5: Acetabulum, -11102,1,127197,11,5: Pelvis, -11105,1,229063,11,5: Pelvis, -11106,1,204686,11,4: Left paracolic gutter, -11106,2,204686,11,5: Pelvis, -11117,1,236923,11,5: Pelvis, -11117,2,236923,11,66: Other,Mesentery -11123,1,241125,7,2: Bowel wall edema/thickening, -11123,2,241125,13,1: Pulmonary contusion, -11123,4,241125,13,4: Rib fracture, -11123,5,241125,14,1: Pubis, -11123,6,241125,14,3: Sacrum, -11123,7,241125,13,2: Pneumothorax, -11126,1,210190,11,3: Right paracolic gutter, -11129,1,230613,11,5: Pelvis, -11140,1,147828,11,5: Pelvis, -11142,1,234861,1,1: Laceration, -11142,2,234861,11,1: Right upper quadrant, -11142,3,234861,11,2: Left upper quadrant, -11142,4,234861,11,5: Pelvis, -11150,1,142581,11,5: Pelvis, -11156,1,245947,11,5: Pelvis, -11157,1,245961,2,1: Laceration, -11157,2,245961,13,1: Pulmonary contusion, -11167,1,165559,1,1: Laceration, -11167,2,165559,5,1: Laceration, -11167,3,165559,5,2: Hematoma, -11167,4,165559,11,5: Pelvis, -11167,5,165559,13,1: Pulmonary contusion, -11167,6,165559,13,2: Pneumothorax, -11167,7,165559,13,4: Rib fracture, -11167,8,165559,11,2: Left upper quadrant, -11170,1,204856,11,5: Pelvis, -11170,2,204856,16,66: Other,Periportal edema -11172,1,238100,11,5: Pelvis, -11173,1,165114,7,2: Bowel wall edema/thickening, -11173,2,165114,7,5: Mesenteric streaking, -11175,1,242033,11,5: Pelvis, -11182,1,160967,11,5: Pelvis, -11187,1,172522,11,5: Pelvis, -11189,1,201440,11,5: Pelvis, -11192,1,133588,2,3: Contusion, -11192,1,133591,13,2: Pneumothorax, -11192,2,133588,11,5: Pelvis, -11192,2,133591,13,66: Other,pneumomediastinum -11192,3,133588,13,1: Pulmonary contusion, -11192,3,133591,11,66: Other,location unclear -11192,4,133588,13,2: Pneumothorax, -11192,4,133591,16,66: Other,periportal edema -11192,5,133588,13,66: Other,pneumomediastinum -11199,1,241167,13,1: Pulmonary contusion, -11201,1,158635,11,5: Pelvis, -11205,1,208996,1,1: Laceration, -11205,2,208996,11,1: Right upper quadrant, -11205,3,208996,11,2: Left upper quadrant, -11205,4,208996,11,5: Pelvis, -11214,1,148281,1,1: Laceration, -11214,1,148282,1,1: Laceration, -11214,2,148282,11,2: Left upper quadrant, -11214,3,148281,11,4: Left paracolic gutter, -11214,3,148282,11,4: Left paracolic gutter, -11214,4,148281,11,5: Pelvis, -11214,4,148282,11,5: Pelvis, -11214,5,148281,13,1: Pulmonary contusion, -11214,5,148282,13,2: Pneumothorax, -11214,6,148281,13,2: Pneumothorax, -11228,1,246896,11,5: Pelvis, -11238,1,201385,16,66: Other,Flank contusion -11247,1,236909,11,5: Pelvis, -11247,2,236909,15,8: L5, -11258,2,150272,11,5: Pelvis, -11260,1,133631,11,5: Pelvis, -11275,2,236898,11,1: Right upper quadrant, -11275,3,236898,11,3: Right paracolic gutter, -11275,4,236898,11,5: Pelvis, -11275,5,236898,14,1: Pubis, -11275,6,236898,14,2: Ilium, -11275,7,236898,14,3: Sacrum, -11275,8,236898,15,8: L5, -11283,1,213114,11,5: Pelvis, -11286,1,227247,1,2: Hematoma, -11295,1,213329,11,5: Pelvis, -11295,1,213331,11,5: Pelvis, -11295,2,213329,15,5: L2, -11295,2,213331,15,5: L2, -11295,3,213329,15,6: L3, -11295,3,213331,15,6: L3, -11304,1,158697,7,2: Bowel wall edema/thickening, -11304,2,158697,7,5: Mesenteric streaking, -11304,3,158697,11,2: Left upper quadrant, -11304,4,158697,11,3: Right paracolic gutter, -11304,5,158697,11,4: Left paracolic gutter, -11304,6,158697,11,5: Pelvis, -11307,1,242112,14,5: Acetabulum, -11308,1,142033,11,66: Other,perisplenic -11308,2,142033,1,1: Laceration, -11311,1,147022,1,1: Laceration, -11311,2,147022,11,2: Left upper quadrant, -11320,1,148147,13,1: Pulmonary contusion, -11320,1,148148,11,5: Pelvis, -11320,2,148147,15,5: L2, -11320,3,148147,15,6: L3, -11320,3,148149,15,4: L1, -11320,4,148147,15,7: L4, -11320,4,148149,15,5: L2, -11320,5,148148,13,1: Pulmonary contusion, -11320,5,148149,15,6: L3, -11320,6,148148,15,5: L2, -11320,6,148149,15,7: L4, -11320,7,148148,15,6: L3, -11320,8,148148,15,7: L4, -11320,9,148148,15,9: Transverse process, -11320,10,148148,15,10: Vertebral Body, -11321,1,155235,1,1: Laceration, -11321,2,155235,11,2: Left upper quadrant, -11321,3,155235,11,5: Pelvis, -11321,4,155235,14,1: Pubis, -11321,5,155235,16,66: Other,Periportal edema -11334,1,245344,1,1: Laceration, -11336,1,204847,11,5: Pelvis, -11336,2,204847,13,1: Pulmonary contusion, -11337,1,251085,1,1: Laceration, -11337,2,251085,1,2: Hematoma, -11337,3,251085,7,66: Other,shock bowel -11337,4,251085,8,1: Hemorrhage, -11337,5,251085,11,1: Right upper quadrant, -11337,6,251085,11,2: Left upper quadrant, -11337,7,251085,11,3: Right paracolic gutter, -11337,8,251085,11,4: Left paracolic gutter, -11337,9,251085,11,5: Pelvis, -11337,10,251085,13,1: Pulmonary contusion, -11337,11,251085,13,4: Rib fracture, -11337,12,251085,13,66: Other,R>L smeff -11337,13,251085,16,66: Other,shock abdomen -11338,1,234008,14,1: Pubis, -11338,2,234008,14,2: Ilium, -11348,1,158658,11,5: Pelvis, -11371,1,242311,13,1: Pulmonary contusion, -11387,1,246520,13,1: Pulmonary contusion, -11387,2,246520,13,2: Pneumothorax, -11387,3,246520,13,66: Other,Pulmonary laceration -11397,1,214644,11,5: Pelvis, -11397,2,214644,14,1: Pubis, -11397,3,214644,14,4: Ischium, -11397,4,214644,16,66: Other,Pelvic Hematoma -11398,1,133318,11,5: Pelvis, -11399,1,229507,1,3: Contusion, -11399,2,229507,11,2: Left upper quadrant, -11399,3,229507,13,4: Rib fracture, -11399,4,229507,14,2: Ilium, -11400,1,133599,6,66: Other,bladder clot -11402,1,133613,11,5: Pelvis, -11404,1,177802,11,5: Pelvis, -11404,2,177802,14,1: Pubis, -11408,1,247008,2,1: Laceration, -11408,2,247008,8,1: Hemorrhage, -11408,3,247008,12,66: Describe,Hemorrhage -11408,4,247008,13,1: Pulmonary contusion, -11408,5,247008,13,2: Pneumothorax, -11408,6,247008,14,1: Pubis, -11408,7,247008,14,3: Sacrum, -11409,1,236954,13,1: Pulmonary contusion, -11424,1,127241,1,1: Laceration, -11425,1,229085,1,1: Laceration, -11425,2,229085,11,2: Left upper quadrant, -11425,3,229085,13,2: Pneumothorax, -11427,1,236939,5,1: Laceration, -11427,2,236939,5,2: Hematoma, -11427,3,236939,11,5: Pelvis, -11432,1,158627,11,5: Pelvis, -11440,1,155245,2,3: Contusion, -11440,2,155245,11,5: Pelvis, -11440,3,155245,13,1: Pulmonary contusion, -11440,4,155245,13,2: Pneumothorax, -11440,5,155245,13,66: Other,Pneumomediastinum & scapula fx -11447,1,242312,13,1: Pulmonary contusion, -11447,2,242312,14,1: Pubis, -11447,3,242312,14,2: Ilium, -11447,4,242312,14,3: Sacrum, -11452,1,203343,11,5: Pelvis, -11454,1,154961,6,2: Intraperitoneal rupture, -11474,1,133921,1,1: Laceration, -11474,2,133921,11,2: Left upper quadrant, -11474,3,133921,11,5: Pelvis, -11475,1,236398,11,5: Pelvis, -11482,1,184970,11,5: Pelvis, -11489,1,213152,11,5: Pelvis, -11492,1,204766,1,1: Laceration, -11492,2,204766,11,5: Pelvis, -11496,1,237956,5,2: Hematoma, -11500,1,228139,13,1: Pulmonary contusion, -11500,2,228139,13,2: Pneumothorax, -11506,1,134316,11,5: Pelvis, -11509,1,201386,7,2: Bowel wall edema/thickening, -11509,2,201386,11,2: Left upper quadrant, -11509,3,201386,11,5: Pelvis, -11509,4,201386,13,1: Pulmonary contusion, -11509,5,201386,13,2: Pneumothorax, -11509,6,201386,13,3: Hemothorax, -11509,7,201386,13,4: Rib fracture, -11515,1,155731,1,1: Laceration, -11515,2,155731,11,2: Left upper quadrant, -11515,3,155731,11,3: Right paracolic gutter, -11515,4,155731,11,4: Left paracolic gutter, -11515,5,155731,11,5: Pelvis, -11522,1,237961,16,66: Other,Periportal edema -11524,1,142475,2,1: Laceration, -11524,6,142475,11,1: Right upper quadrant, -11524,7,142475,11,2: Left upper quadrant, -11524,8,142475,11,5: Pelvis, -11524,9,142475,8,66: Other,Laceration -11524,10,142475,9,66: Describe,IVC extravasation -11524,11,142475,12,66: Describe,Hemmorhage/fluid -11526,1,240377,11,5: Pelvis, -11528,1,185023,13,1: Pulmonary contusion, -11528,2,185023,13,66: Other,Scapula/clavicle fx -11529,1,172530,11,5: Pelvis, -11530,1,241108,14,1: Pubis, -11530,2,241108,15,4: L1, -11530,3,241108,15,9: Transverse process, -11542,1,234915,13,2: Pneumothorax, -11542,2,234915,14,1: Pubis, -11549,1,226960,2,1: Laceration, -11549,1,226962,2,1: Laceration, -11549,2,226960,11,1: Right upper quadrant, -11549,2,226962,11,1: Right upper quadrant, -11549,3,226960,11,5: Pelvis, -11549,3,226962,11,5: Pelvis, -11549,4,226962,13,1: Pulmonary contusion, -11549,5,226962,13,4: Rib fracture, -11550,1,153468,16,66: Other,Femur Fx -11552,1,230616,11,5: Pelvis, -11552,2,230616,13,2: Pneumothorax, -11552,3,230616,13,3: Hemothorax, -11553,1,155260,11,5: Pelvis, -11555,1,245949,11,5: Pelvis, -11555,3,245949,13,4: Rib fracture, -11555,4,245949,13,2: Pneumothorax, -11559,1,185026,11,5: Pelvis, -11564,1,127273,1,1: Laceration, -11564,2,127273,11,2: Left upper quadrant, -11564,3,127273,11,4: Left paracolic gutter, -11564,4,127273,13,2: Pneumothorax, -11564,5,127273,13,4: Rib fracture, -11564,6,127273,13,66: Other,pneumomediastinum -11564,7,127273,11,5: Pelvis, -11564,8,127273,13,3: Hemothorax, -11572,1,158663,11,5: Pelvis, -11574,1,213311,2,1: Laceration, -11574,2,213311,11,1: Right upper quadrant, -11574,3,213311,11,5: Pelvis, -11574,4,213311,15,6: L3, -11574,5,213311,15,7: L4, -11574,6,213311,16,66: Other,spinals process -11574,7,213311,13,2: Pneumothorax, -11574,8,213311,13,3: Hemothorax, -11574,9,213311,13,4: Rib fracture, -11574,10,213311,13,66: Other,pulmonary laceration -11594,1,133349,1,1: Laceration, -11594,2,133349,11,1: Right upper quadrant, -11594,3,133349,11,2: Left upper quadrant, -11594,4,133349,11,5: Pelvis, -11594,5,133349,16,66: Other,hypovolemia -11603,1,177790,4,1: Laceration, -11603,2,177790,4,66: Other,Complete transection -11603,3,177790,11,5: Pelvis, -11603,4,177790,11,6: Around the pancreas/duodenum, -11607,1,241109,1,1: Laceration, -11607,2,241109,1,2: Hematoma, -11607,3,241109,1,6: Contrast extravasation, -11607,4,241109,13,1: Pulmonary contusion, -11607,5,241109,13,2: Pneumothorax, -11607,6,241109,13,3: Hemothorax, -11607,7,241109,13,4: Rib fracture, -11607,8,241109,13,66: Other,Scapula Fx -11613,1,201325,11,5: Pelvis, -11617,1,134319,1,1: Laceration, -11617,2,134319,11,5: Pelvis, -11617,3,134319,12,66: Describe,psoas hematoma with extravasation -11617,4,134319,13,3: Hemothorax, -11617,5,134319,13,1: Pulmonary contusion, -11617,6,134319,13,4: Rib fracture, -11617,7,134319,13,66: Other,contrast extravasation -11617,8,134319,14,1: Pubis, -11617,9,134319,14,66: Other,open book pelvis -11617,10,134319,1,6: Contrast extravasation, -11630,1,226985,11,5: Pelvis, -11630,2,226985,13,3: Hemothorax, -11634,1,202788,13,1: Pulmonary contusion, -11634,2,202788,13,2: Pneumothorax, -11634,3,202788,13,4: Rib fracture, -11634,5,202788,14,3: Sacrum, -11634,6,202788,13,66: Other,Traumatic Pneumatocele -11634,7,202788,14,1: Pubis, -11643,1,177777,1,1: Laceration, -11643,2,177777,2,1: Laceration, -11643,3,177777,11,5: Pelvis, -11643,4,177777,14,5: Acetabulum, -11643,5,177777,14,66: Other,hip dislocation -11644,1,147934,11,5: Pelvis, -11645,1,245973,1,1: Laceration, -11645,2,245973,5,1: Laceration, -11645,3,245973,5,2: Hematoma, -11646,1,213321,14,1: Pubis, -11660,1,218611,11,5: Pelvis, -11660,2,218611,13,2: Pneumothorax, -11660,3,218611,14,1: Pubis, -11660,4,218611,14,3: Sacrum, -11663,1,203342,13,2: Pneumothorax, -11663,2,203342,13,3: Hemothorax, -11663,3,203342,13,4: Rib fracture, -11669,1,229061,1,1: Laceration, -11669,2,229061,11,1: Right upper quadrant, -11669,3,229061,11,2: Left upper quadrant, -11669,4,229061,11,5: Pelvis, -11675,1,229084,12,66: Describe,Hemorhaggic fluid -11679,1,184995,12,66: Describe,Hemorrhage -11681,1,208954,11,5: Pelvis, -11681,1,208955,11,5: Pelvis, -11682,1,200906,2,1: Laceration, -11682,2,200906,2,5: Contrast extravasation, -11682,3,200906,5,1: Laceration, -11682,4,200906,5,2: Hematoma, -11682,5,200906,13,1: Pulmonary contusion, -11682,6,200906,13,2: Pneumothorax, -11682,7,200906,13,4: Rib fracture, -11682,8,200906,13,6: Aortic injury, -11682,9,200906,14,1: Pubis, -11682,10,200906,14,3: Sacrum, -11684,1,142486,7,2: Bowel wall edema/thickening, -11684,2,142486,11,1: Right upper quadrant, -11684,3,142486,11,3: Right paracolic gutter, -11684,4,142486,11,5: Pelvis, -11690,1,133610,11,5: Pelvis, -11693,1,217161,11,5: Pelvis, -11693,2,217161,14,5: Acetabulum, -11712,1,165553,1,1: Laceration, -11712,2,165553,13,4: Rib fracture, -11713,1,234088,11,5: Pelvis, -11719,1,246962,11,5: Pelvis, -11722,1,214705,14,1: Pubis, -11730,1,213315,11,2: Left upper quadrant, -11730,2,213315,13,3: Hemothorax, -11730,3,213315,13,4: Rib fracture, -11737,1,237867,1,1: Laceration, -11737,2,237867,11,5: Pelvis, -11742,1,158678,5,1: Laceration, -11742,2,158678,5,2: Hematoma, -11745,1,234114,11,5: Pelvis, -11750,2,236910,11,66: Other,R lower quadrant -11750,3,236910,12,66: Describe,Hematoma -11750,4,236910,14,3: Sacrum, -11761,1,184965,11,5: Pelvis, -11763,3,142496,11,3: Right paracolic gutter, -11764,1,245338,11,5: Pelvis, -11775,1,237886,11,6: Around the pancreas/duodenum, -11775,2,237886,13,1: Pulmonary contusion, -11775,3,237886,14,1: Pubis, -11775,4,237886,14,3: Sacrum, -11775,5,237886,15,5: L2, -11775,6,237886,15,8: L5, -11775,7,237886,16,66: Other,Pelvic hematoma -11775,8,237886,13,66: Other,Pneumomedia stinum -11776,1,147836,7,2: Bowel wall edema/thickening, -11776,2,147836,11,4: Left paracolic gutter, -11790,1,229543,13,1: Pulmonary contusion, -11790,2,229543,13,4: Rib fracture, -11790,3,229543,13,66: Other,Pneumatocele -11791,1,147896,7,5: Mesenteric streaking, -11791,2,147896,14,1: Pubis, -11791,3,147896,14,3: Sacrum, -11791,4,147896,14,66: Other,open book -11811,1,133328,11,5: Pelvis, -11815,1,217153,11,5: Pelvis, -11826,1,237904,1,1: Laceration, -11826,2,237904,11,2: Left upper quadrant, -11826,3,237904,11,5: Pelvis, -11828,1,254501,14,1: Pubis, -11828,2,254501,14,3: Sacrum, -11828,3,254501,14,4: Ischium, -11833,1,246269,5,2: Hematoma, -11833,2,246269,11,5: Pelvis, -11841,1,177804,1,1: Laceration, -11841,2,177804,2,1: Laceration, -11841,3,177804,2,3: Contusion, -11841,4,177804,11,8: Dictation unclear, -11845,1,165352,11,5: Pelvis, -11846,1,155227,7,1: Free air, -11846,2,155227,11,5: Pelvis, -11846,3,155227,11,6: Around the pancreas/duodenum, -11847,1,224232,11,5: Pelvis, -11850,1,148146,13,1: Pulmonary contusion, -11850,2,148146,14,5: Acetabulum, -11850,3,148146,14,66: Other,hip dislocation -11852,1,177797,2,1: Laceration, -11852,2,177797,11,1: Right upper quadrant, -11855,1,172517,2,1: Laceration, -11855,2,172517,11,1: Right upper quadrant, -11855,3,172517,11,5: Pelvis, -11855,4,172517,13,2: Pneumothorax, -11855,5,172517,13,66: Other,pneumomediastinum -11856,1,147885,1,1: Laceration, -11856,2,147885,2,1: Laceration, -11856,3,147885,11,3: Right paracolic gutter, -11856,4,147885,11,4: Left paracolic gutter, -11856,5,147885,11,5: Pelvis, -11856,6,147885,13,1: Pulmonary contusion, -11856,7,147885,13,66: Other,laceration/pneumatocele -11856,8,147885,11,1: Right upper quadrant, -11857,1,210202,1,1: Laceration, -11857,2,210202,7,2: Bowel wall edema/thickening, -11857,3,210202,11,8: Dictation unclear, -11857,6,210202,13,1: Pulmonary contusion, -11857,7,210202,13,2: Pneumothorax, -11857,8,210202,13,4: Rib fracture, -11857,9,210202,13,5: Sternal fracture, -11876,1,214700,2,1: Laceration, -11876,2,214700,13,4: Rib fracture, -11887,1,217090,13,1: Pulmonary contusion, -11887,2,217090,13,4: Rib fracture, -11909,1,153456,11,5: Pelvis, -11915,1,158691,2,1: Laceration, -11915,2,158691,13,2: Pneumothorax, -11915,4,158691,13,66: Other,Effusion -11918,1,246289,7,2: Bowel wall edema/thickening, -11919,1,213218,14,1: Pubis, -11919,2,213218,14,3: Sacrum, -11932,1,201442,11,5: Pelvis, -11937,1,142509,4,1: Laceration, -11937,2,142509,11,5: Pelvis, -11940,1,155591,7,2: Bowel wall edema/thickening, -11941,1,241213,14,4: Ischium, -11944,1,229143,7,2: Bowel wall edema/thickening, -11944,2,229143,11,5: Pelvis, -11959,1,242298,13,4: Rib fracture, -11972,1,225854,2,1: Laceration, -11972,2,225854,8,5: Probable, -11972,4,225854,11,1: Right upper quadrant, -11972,5,225854,11,5: Pelvis, -11972,6,225854,13,2: Pneumothorax, -11979,1,241096,13,1: Pulmonary contusion, -11979,2,241096,13,2: Pneumothorax, -11979,3,241096,13,4: Rib fracture, -11984,1,247106,12,66: Describe,Hematoma -11984,2,247106,14,2: Ilium, -11990,1,213248,11,5: Pelvis, -11990,2,213248,14,2: Ilium, -11994,1,234110,1,1: Laceration, -11994,2,234110,1,6: Contrast extravasation, -11994,3,234110,13,1: Pulmonary contusion, -11995,1,213087,11,5: Pelvis, -12002,1,155249,11,2: Left upper quadrant, -12017,1,155174,11,5: Pelvis, -12030,1,229551,13,1: Pulmonary contusion, -12032,1,229138,2,2: Hematoma, -12032,2,229138,8,1: Hemorrhage, -12032,3,229138,11,5: Pelvis, -12033,1,133331,11,5: Pelvis, -12033,2,133331,15,6: L3, -12033,3,133331,15,7: L4, -12033,4,133331,15,9: Transverse process, -12037,1,244918,11,5: Pelvis, diff --git a/data/iai_pecarn/raw/form4bother_abdangio.csv b/data/iai_pecarn/raw/form4bother_abdangio.csv deleted file mode 100644 index 2d0d6b5d..00000000 --- a/data/iai_pecarn/raw/form4bother_abdangio.csv +++ /dev/null @@ -1,22 +0,0 @@ -subjectid,OtherID,AbdAngioObtain,AbdAngioDay,abdangiotm,abdangioafterlap,abdangioshowiai,repeat_instance,abdangioorgans,AbdAngioVessel,AbdAngioList,AbdAngioText -939,464817,1,0,1812,2,1,1,1,1,Splenic artery, -1279,706935,1,1,1152,2,2,,,,, -1985,879688,1,0,1547,2,2,,,,, -2033,1057652,1,0,2025,2,2,,,2,, -4950,422331,1,,,2,1,1,1,1,Splenic artery, -5037,345725,1,,,2,2,,,,, -5080,334876,1,1,0341,2,1,1,1,2,,devascularization of the upper pole of the spleen -5586,197803,1,1,0529,2,1,1,1,2,, -5655,170561,1,0,1650,2,2,,,2,, -5810,1007652,1,1,1356,2,1,1,1,1,Very tiny (splenic) vessel,If Gelfoam slurry considered embolization rather than coil -5978,377669,1,1,0636,2,1,1,1,1,Splenic Artery,"Multiple pseudoAneurysms, Relative splenic devascularization" -6542,171383,1,3,1244,2,2,,,2,, -8212,258651,1,0,2108,2,1,1,1,2,,no embolization performed as no extravasation at angio -8846,193979,1,1,0322,2,2,,,2,, -9420,1075500,1,0,1450,2,1,1,1,1,Splenic Artery, -9437,999698,1,1,0250,2,1,1,1,1,Splenic artery,Proximal main splenic artery embolized -9741,989107,1,0,,2,1,1,1,1,Splenic artery, -9972,928801,1,1,0533,2,1,1,1,1,Splenic artery,Psenzoaneuryson embolization -10445,865828,1,,,2,1,1,1,1,Splenic artery,Near complete embolization of the splenic artery. -10637,651324,1,0,1250,2,1,1,1,1,Splenic artery,No active bleeding -11669,988650,1,1,,2,1,1,1,1,Splenic artery,Main trunk of the splenic artery diff --git a/data/iai_pecarn/raw/form4bother_abdmri.csv b/data/iai_pecarn/raw/form4bother_abdmri.csv deleted file mode 100644 index 2ee9e839..00000000 --- a/data/iai_pecarn/raw/form4bother_abdmri.csv +++ /dev/null @@ -1,6 +0,0 @@ -subjectid,OtherID,AbdMRIObtain,AbdMRIDay,AbdMRITm,AbdMRIAfterLap,AbdMRIShow,Repeat_instance,AbdOrgans -937,390106,1,4,1045,2,2,, -4845,562999,1,7,1620,2,2,, -6433,800653,1,2,1250,2,1,1,6 -9300,805212,1,6,1829,2,1,1,2 -9300,805212,1,6,1829,2,1,2,5 diff --git a/data/iai_pecarn/raw/form4bother_bladder.csv b/data/iai_pecarn/raw/form4bother_bladder.csv deleted file mode 100644 index 069fd94a..00000000 --- a/data/iai_pecarn/raw/form4bother_bladder.csv +++ /dev/null @@ -1,57 +0,0 @@ -subjectid,OtherID,CystogramObtain,CystogramIDay,CystogramITm,CystoAfterLap,CystogramShow,Repeat_instance,BladdOrgans,OthBladderInj -60,290096,1,0,1729,2,2,,, -122,393989,1,0,1602,2,2,,, -366,397701,1,0,2140,2,2,,, -399,152608,1,0,1343,2,2,,, -462,955272,1,1,1129,2,1,1,2, -669,901401,1,0,1927,2,2,,, -847,221671,1,1,,2,2,,, -1250,837675,1,0,1803,2,2,,, -2000,905661,1,0,2156,2,2,,, -2047,211977,1,0,2108,2,2,,, -2058,383668,1,0,2025,2,1,1,2, -2058,860618,1,0,1601,2,1,1,2, -2101,793999,1,2,1022,2,2,,, -2366,938380,1,1,0221,2,2,,, -2392,928468,1,0,2235,2,2,,, -2482,834247,1,2,,2,2,,, -3380,520254,1,0,2250,2,2,,, -3425,679985,1,1,0131,2,2,,, -3607,805356,1,0,1547,2,2,,, -3721,627370,1,2,0814,2,2,,, -3872,834821,1,3,0930,2,2,,, -4027,458215,1,1,1742,2,2,,, -4101,210235,1,0,2155,2,1,1,1, -4404,158939,1,0,0213,2,2,,, -4417,973525,1,0,1523,2,2,,, -5071,965545,1,9,1557,2,2,,, -5087,143405,1,1,,2,2,,, -5517,556720,1,0,2048,2,2,,, -5754,500857,1,1,1527,2,2,,, -5785,727491,1,0,2006,2,2,,, -5810,369862,1,0,,2,1,1,5,perivesicular hematoma (likely fits a category above) -5844,302858,1,1,,2,2,,, -6293,259409,1,0,2344,2,2,,, -6734,990746,1,0,1619,2,1,1,2, -7158,195844,1,0,1753,2,2,,, -7186,969973,1,1,0300,2,2,,, -7245,406162,1,13,1246,2,2,,, -7928,260799,1,1,,2,2,,, -8555,307087,1,,1254,2,2,,, -8560,1059479,1,0,0715,2,1,1,1, -8780,975033,1,2,1300,2,2,,, -8949,141177,1,0,,2,2,,, -9013,347209,1,1,0551,2,2,,, -9117,187615,1,1,0144,2,1,1,2, -9150,595111,1,0,2204,2,2,,, -9236,436940,1,0,,2,2,,, -9380,959866,1,0,1929,2,2,,, -10265,990551,1,1,1559,2,2,,, -10270,987985,1,0,1651,2,2,,, -10400,666136,1,0,2027,2,2,,, -10424,411549,1,8,1234,2,2,,, -11074,1006413,1,0,1917,2,2,,, -11085,529700,1,10,1439,2,2,,, -11249,231700,1,1,0844,2,2,,, -11454,1018613,1,1,0100,2,1,1,1, -11682,1013609,1,10,1110,2,2,,, diff --git a/data/iai_pecarn/raw/form4bother_pelangio.csv b/data/iai_pecarn/raw/form4bother_pelangio.csv deleted file mode 100644 index 45574f0a..00000000 --- a/data/iai_pecarn/raw/form4bother_pelangio.csv +++ /dev/null @@ -1,9 +0,0 @@ -subjectid,OtherID,pelangioobtain,pelangioday,pelangiotm,PelAngioAfterLap,PelAngioShow,PelAngioVessel,PelAngioList,PelAngioText -2033,269376,1,0,2025,2,2,,, -4950,422332,1,,,2,2,,, -5655,170562,1,0,1650,2,2,,, -6599,982166,1,0,1400,2,1,2,,retroperitoneal hematoma -8949,141176,1,2,,2,2,,, -9116,469413,1,,,2,2,,, -9215,166122,1,,,2,2,,, -9432,299824,1,,,2,2,,, diff --git a/data/iai_pecarn/raw/form4bother_uppergi.csv b/data/iai_pecarn/raw/form4bother_uppergi.csv deleted file mode 100644 index f6af3973..00000000 --- a/data/iai_pecarn/raw/form4bother_uppergi.csv +++ /dev/null @@ -1,11 +0,0 @@ -subjectid,OtherID,UpperGIObtain,UpperGIDay,UpperGITm,UpperGIAfterLap,UpperGIShow,UpperGIText,Repeat_instance,UpperGIOrgans,GISzHematoma,GIOthOrgType -2980,609963,1,4,1025,2,2,,,,, -6030,611744,1,1,1108,2,2,,,,, -6553,177176,1,22,1102,2,2,,,,, -7633,131449,1,1,0037,2,1,Size not documented,1,1,, -8728,226589,1,10,1400,2,2,,,,, -9155,788749,1,0,1726,2,2,,,,, -9382,235078,1,0,1705,2,2,,,,, -9655,933398,1,10,1837,1,,,,,, -9655,933399,1,19,1029,1,,,,,, -10600,979765,1,1,1126,2,2,,,,, diff --git a/data/iai_pecarn/raw/form4bus.csv b/data/iai_pecarn/raw/form4bus.csv deleted file mode 100644 index 2d249dcc..00000000 --- a/data/iai_pecarn/raw/form4bus.csv +++ /dev/null @@ -1,91 +0,0 @@ -subjectid,US4BID,USID,form4busnumber,AbdUSDay,AbdUSTm,UltrasoundLoc,AbdUSAfterLap,CompleteUSObt,OrganInjOnUS -57,240380,923833,1,0,2005,1,2,2, -90,238099,869490,1,13,1141,3,2,1,1 -169,251510,1058677,1,1,1354,,2,1,1 -338,156700,291142,1,8,1455,1,2,1,1 -587,213168,703807,1,6,0745,2,2,1,1 -587,213169,703808,2,20,0948,3,2,1,1 -972,186640,229559,1,1,0006,,2,2, -1265,201316,492006,1,2,0533,2,2,1,1 -1308,246952,1007355,1,12,1510,2,1,, -1313,229010,574055,1,14,1630,,2,1,1 -1313,229012,574056,2,15,,,2,1,1 -1418,165106,391427,1,,,1,2,1,2 -1760,240963,817202,1,2,1156,,2,2, -1990,237882,929964,1,3,,2,2,1,1 -2272,234118,854666,1,0,1345,1,2,2, -2478,242295,317005,1,0,2100,1,2,2, -3224,142075,303209,1,0,,1,2,2, -3297,240961,794702,1,3,0825,,2,2, -3384,246995,1015118,1,18,1008,2,1,, -3528,245785,933789,1,1,1527,,2,2, -3528,245786,933790,2,4,1214,,2,1,1 -3762,127267,215128,1,3,,1,2,1,1 -3861,242271,765819,1,0,1900,1,2,2, -3870,184990,448478,1,1,0933,,2,2, -3980,210147,561289,1,0,,,2,2, -4027,155604,359986,1,3,,2,2,2, -4062,147821,292928,1,3,1425,2,2,1,1 -4062,147823,292929,2,12,1541,2,2,1,1 -4062,147824,292930,3,26,1434,3,2,1,1 -4165,238085,898989,1,,,,2,1,1 -4193,246963,1015127,1,9,1456,2,2,2, -4507,226965,722952,1,0,,1,2,2, -4636,217802,679917,1,0,2216,1,2,2, -4642,127258,193293,1,9,,2,2,1,1 -4742,150209,301523,1,3,,2,2,2, -4757,245788,947740,1,1,1100,,2,2, -4757,245789,969798,2,27,0841,,2,2, -4880,127280,145893,1,0,1200,4,2,2, -4936,237846,451256,1,1,1119,2,2,1,2 -5249,154969,308372,1,0,1515,1,2,2, -5497,245965,972046,1,0,,1,2,2, -5785,213277,727489,1,1,0804,2,2,2, -5810,165112,369860,1,0,,1,2,2, -5894,211724,534269,1,11,1551,2,1,, -6109,204861,515231,1,0,2121,1,2,1,2 -6205,178897,266355,1,10,2312,,1,, -6362,225865,758637,1,4,1050,2,1,, -6387,246480,941470,1,3,1115,2,2,2, -6599,240586,982164,1,0,,1,2,2, -6617,177658,244025,1,2,0907,1,2,1,1 -6642,242171,451824,1,0,0730,1,2,2, -6963,155740,231865,1,0,0330,1,2,2, -7087,173430,464455,1,0,,1,2,2, -7228,153491,224172,1,17,0939,2,1,, -7433,249601,954226,1,0,1711,1,2,1,2 -7529,165561,421118,1,0,,1,2,2, -7676,214589,578011,1,0,1630,1,2,1,2 -7727,233985,811765,1,0,0915,2,2,1,1 -8493,204718,504814,1,,,2,2,1,2 -8760,249611,282313,1,0,,1,2,1,2 -8867,236932,882681,1,1,1400,2,2,2, -9133,184993,523340,1,1,1532,2,2,2, -9146,246518,841448,1,0,0215,1,2,2, -9572,154973,328116,1,0,2000,1,2,1,2 -9655,221698,498588,1,26,1804,,1,, -9664,237959,835526,1,3,0839,2,2,1,2 -9664,237960,835527,2,3,1943,2,2,1,2 -9741,245810,989105,1,3,,2,2,1,2 -10010,249575,552516,1,3,1312,2,2,1,1 -10353,158700,384396,1,5,1030,2,1,, -10353,158701,384397,2,9,0955,2,1,, -10593,127154,173198,1,0,1754,1,2,2, -10600,246468,979749,1,2,1110,2,2,2, -10665,127250,135217,1,4,,2,2,1,1 -10776,127357,153326,1,2,0916,2,1,, -10929,154947,348686,1,4,0835,2,2,1,1 -11167,165560,475064,1,0,1130,1,2,2, -11321,155233,366521,1,2,,2,2,1,2 -11321,155234,366522,2,17,,2,2,1,2 -11427,235426,866270,1,2,1145,,2,2, -11440,155247,317775,1,4,,2,2,1,1 -11549,226958,621404,1,1,0400,1,2,2, -11645,245972,954749,1,3,1115,2,2,1,1 -11742,158679,400877,1,1,1033,2,2,1,1 -11841,177805,458851,1,2,0950,,2,1,1 -11852,177798,462299,1,1,0046,1,2,1,1 -11857,155741,317307,1,0,2110,1,2,2, -11888,242190,813326,1,0,,1,2,2, -11918,246930,973560,1,0,2250,2,2,2, -11937,142510,194071,1,2,,2,1,, diff --git a/data/iai_pecarn/raw/form4bus_iaiorgansinj.csv b/data/iai_pecarn/raw/form4bus_iaiorgansinj.csv deleted file mode 100644 index 47a9708b..00000000 --- a/data/iai_pecarn/raw/form4bus_iaiorgansinj.csv +++ /dev/null @@ -1,32 +0,0 @@ -SubjectID,US4BID,Repeat_instance,IAISpecInjuries,OtherDescr -90,238099,1,3, -169,251510,1,1, -338,156700,1,3, -587,213168,1,3, -587,213169,1,3, -1265,201316,1,1, -1313,229010,1,3, -1313,229012,1,3, -1313,229012,2,5,Renal vein thrombosis -1990,237882,1,2, -3528,245786,1,3, -3762,127267,1,1, -4062,147821,1,1, -4062,147821,2,3, -4062,147823,1,3, -4062,147824,1,3, -4165,238085,1,1, -4165,238085,2,2, -4165,238085,3,3, -4642,127258,1,1, -4642,127258,2,2, -6617,177658,1,3, -7727,233985,1,5,Retroperitoneal fluid -10010,249575,1,3, -10665,127250,1,3, -10929,154947,1,3, -11440,155247,1,5,Hemorraghe into renal cyst -11645,245972,1,3, -11742,158679,1,3, -11841,177805,1,2, -11852,177798,1,2, diff --git a/data/iai_pecarn/raw/form4bus_ipfluidloc.csv b/data/iai_pecarn/raw/form4bus_ipfluidloc.csv deleted file mode 100644 index 65254898..00000000 --- a/data/iai_pecarn/raw/form4bus_ipfluidloc.csv +++ /dev/null @@ -1,109 +0,0 @@ -SubjectID,US4BID,Repeat_instance,IPFluidLoc -57,240380,1,1 -57,240380,2,2 -57,240380,3,3 -57,240380,4,4 -90,238099,1,5 -169,251510,1,6 -338,156700,1,6 -587,213168,1,6 -587,213169,1,5 -972,186640,1,5 -1265,201316,1,9 -1313,229010,1,6 -1313,229012,1,6 -1313,229012,2,9 -1418,165106,1,1 -1418,165106,2,2 -1418,165106,3,3 -1418,165106,4,4 -1760,240963,1,6 -1990,237882,1,6 -2272,234118,1,3 -2478,242295,1,6 -3224,142075,3,5 -3224,142075,4,1 -3224,142075,5,3 -3297,240961,1,9 -3528,245785,1,6 -3528,245786,1,6 -3762,127267,1,2 -3861,242271,1,1 -3870,184990,1,5 -3980,210147,1,1 -3980,210147,2,2 -4027,155604,1,5 -4062,147821,1,9 -4062,147823,1,9 -4062,147824,1,9 -4165,238085,1,9 -4193,246963,1,5 -4507,226965,1,6 -4636,217802,1,1 -4636,217802,2,2 -4642,127258,1,6 -4742,150209,1,1 -4742,150209,2,2 -4742,150209,3,4 -4757,245788,1,6 -4757,245789,1,6 -4880,127280,1,1 -4936,237846,1,6 -5249,154969,1,1 -5497,245965,1,2 -5497,245965,2,4 -5785,213277,1,5 -5810,165112,1,1 -5810,165112,2,2 -5810,165112,3,3 -5810,165112,4,4 -6109,204861,1,6 -6387,246480,1,6 -6599,240586,1,1 -6599,240586,2,2 -6617,177658,1,6 -6642,242171,1,5 -6963,155740,1,3 -7087,173430,1,2 -7433,249601,1,6 -7529,165561,1,1 -7676,214589,1,1 -7727,233985,1,1 -8493,204718,1,1 -8493,204718,2,2 -8760,249611,1,6 -8867,236932,1,2 -9133,184993,1,2 -9146,246518,1,1 -9146,246518,2,2 -9146,246518,3,5 -9572,154973,1,5 -9664,237959,1,6 -9664,237960,1,6 -9741,245810,1,5 -10010,249575,1,6 -10593,127154,1,5 -10600,246468,1,1 -10600,246468,2,3 -10600,246468,3,4 -10665,127250,1,6 -10929,154947,1,6 -11167,165560,1,1 -11167,165560,2,2 -11321,155234,1,5 -11321,155233,1,9 -11427,235426,1,6 -11440,155247,1,6 -11549,226958,1,1 -11645,245972,1,2 -11645,245972,2,5 -11742,158679,1,6 -11841,177805,1,9 -11852,177798,1,1 -11857,155741,1,1 -11857,155741,2,2 -11857,155741,3,5 -11888,242190,1,1 -11918,246930,1,1 -11918,246930,2,3 -11918,246930,3,4 diff --git a/data/iai_pecarn/raw/form5.csv b/data/iai_pecarn/raw/form5.csv deleted file mode 100644 index 835388a2..00000000 --- a/data/iai_pecarn/raw/form5.csv +++ /dev/null @@ -1,12045 +0,0 @@ -SubjectID,LabsObtained,HematocritColl,WBCColl,SerBicarbColl,SerumASTColl,SerumALTColl,SerAmylaseColl,SerLipaseColl,SerBUNColl,SerCreatColl -1,1,1,2,1,2,2,2,2,2,2 -2,1,2,2,2,2,2,2,2,2,2 -3,1,1,1,1,1,1,1,2,1,1 -4,2,,,,,,,,, -5,1,1,1,1,2,2,2,1,1,1 -6,1,1,1,1,1,1,1,1,1,1 -7,1,1,1,2,1,1,1,1,2,2 -8,1,1,1,1,1,1,1,1,1,1 -9,2,,,,,,,,, -10,1,1,1,1,1,1,1,1,1,1 -11,1,1,1,2,2,2,2,2,2,2 -12,2,,,,,,,,, -13,1,1,1,2,1,1,2,2,2,2 -14,1,1,1,1,1,1,2,2,1,1 -15,2,,,,,,,,, -16,1,1,1,1,1,1,2,1,1,1 -17,1,2,2,2,1,1,2,2,2,2 -18,1,2,2,1,1,1,2,2,1,1 -19,1,1,1,1,2,2,2,2,1,1 -20,1,1,1,1,1,2,1,2,1,1 -21,1,1,1,2,1,1,1,2,2,2 -22,1,2,2,2,2,2,2,2,2,2 -23,1,1,1,1,1,1,1,1,1,1 -24,1,1,1,1,1,1,1,2,1,1 -25,1,1,1,1,2,2,2,2,2,2 -26,1,2,2,2,2,2,2,2,2,2 -27,2,,,,,,,,, -28,1,2,2,2,2,2,2,2,2,2 -29,1,2,2,2,2,2,2,2,2,2 -30,1,1,1,1,1,1,2,2,1,1 -31,1,1,1,2,1,1,1,1,2,2 -32,1,1,1,1,1,1,2,1,1,1 -33,1,1,1,1,1,1,2,2,1,1 -34,1,1,1,1,2,2,1,1,1,1 -35,1,1,1,1,1,1,1,1,1,1 -36,1,2,2,2,2,2,2,2,2,2 -37,1,1,1,1,1,1,1,1,1,1 -38,2,,,,,,,,, -39,2,,,,,,,,, -40,1,1,1,1,1,1,1,1,1,1 -41,1,1,1,1,1,1,2,1,1,1 -42,1,1,2,1,2,2,2,2,2,2 -43,1,2,2,2,2,2,2,2,2,2 -44,1,1,1,1,1,1,2,2,1,1 -45,1,1,1,1,1,1,1,1,1,1 -46,1,1,1,1,1,1,1,1,1,1 -47,1,1,1,2,2,2,2,2,2,2 -48,1,1,1,2,2,2,2,2,2,2 -49,1,1,1,1,2,2,1,1,1,1 -50,1,1,1,1,1,1,1,1,1,1 -51,1,2,2,2,2,2,2,2,2,2 -52,1,1,1,1,1,1,1,1,1,1 -53,1,1,1,1,1,1,1,2,1,1 -54,2,,,,,,,,, -55,1,1,1,1,1,1,2,1,1,1 -56,1,1,1,1,1,1,1,1,1,1 -57,1,1,1,1,2,2,2,1,1,1 -58,2,,,,,,,,, -59,2,,,,,,,,, -60,1,1,1,1,1,1,1,1,1,1 -61,2,,,,,,,,, -62,1,1,2,1,2,2,1,1,1,1 -63,1,1,1,2,2,2,2,2,2,2 -64,1,1,1,2,2,2,2,2,2,2 -65,1,1,2,1,2,2,1,1,1,1 -66,1,1,1,1,1,1,1,1,1,1 -67,1,1,1,1,1,1,1,1,1,1 -68,1,1,1,1,1,1,1,1,1,1 -69,1,1,1,2,1,1,1,1,2,2 -70,1,1,1,1,2,2,1,1,1,1 -71,1,1,1,1,1,1,2,2,1,1 -72,1,1,1,1,1,1,2,2,1,1 -73,1,1,1,1,1,1,1,1,1,1 -74,1,1,1,1,1,1,2,1,1,1 -75,1,1,1,1,1,1,1,1,1,1 -76,1,1,2,1,2,2,1,1,1,1 -77,2,,,,,,,,, -78,1,1,2,2,1,1,2,2,2,2 -79,1,2,2,2,2,2,2,2,2,2 -80,2,,,,,,,,, -81,1,1,2,1,2,2,1,1,1,1 -82,1,1,1,2,1,1,1,1,1,1 -83,1,1,1,1,1,1,2,1,1,1 -84,1,2,2,2,2,2,2,2,2,2 -85,1,1,1,1,1,1,2,2,1,1 -86,1,1,1,1,2,2,2,2,1,1 -87,1,1,1,1,1,1,2,2,1,1 -88,1,1,1,1,1,1,1,1,1,1 -89,1,1,1,1,1,2,1,2,1,1 -90,1,1,1,1,2,2,2,2,1,1 -91,1,1,1,1,1,1,2,1,1,1 -92,1,1,1,1,1,1,1,1,1,1 -93,1,1,1,1,1,1,1,1,1,1 -94,1,2,2,2,2,2,2,2,2,2 -95,1,1,2,1,2,2,2,2,2,2 -96,1,1,1,2,2,2,2,2,2,2 -97,2,,,,,,,,, -98,2,,,,,,,,, -99,1,1,1,1,2,2,2,1,1,1 -100,1,2,2,2,1,1,2,2,2,2 -101,1,1,1,1,2,2,1,1,2,2 -102,1,1,1,1,1,1,2,1,1,1 -103,1,1,2,1,2,2,2,2,2,2 -104,1,2,2,2,2,2,2,2,2,2 -105,1,1,2,1,2,2,1,1,1,1 -106,1,1,1,1,1,1,1,1,1,1 -107,2,,,,,,,,, -108,1,1,1,1,1,1,1,1,1,1 -109,1,1,1,1,2,2,1,1,1,1 -110,1,1,1,1,2,2,2,1,1,1 -111,1,1,1,1,1,1,1,2,1,1 -112,1,1,1,1,1,1,2,2,1,1 -113,1,1,1,1,1,1,1,1,1,1 -114,1,1,1,1,1,1,1,1,1,1 -115,1,1,1,1,1,1,1,1,1,1 -116,1,1,1,1,1,1,2,1,1,2 -117,1,1,1,1,2,2,1,2,1,1 -118,1,1,2,2,2,2,1,1,2,2 -119,1,1,1,1,1,1,1,2,1,1 -120,1,1,1,1,1,1,2,2,1,1 -121,1,1,1,1,1,1,2,1,1,1 -122,1,2,2,2,2,2,2,2,2,2 -123,1,1,1,2,1,1,1,1,2,2 -124,1,1,1,2,1,1,1,2,1,1 -125,1,1,1,1,2,2,2,2,1,1 -126,2,,,,,,,,, -127,2,,,,,,,,, -128,1,2,2,2,2,2,2,2,2,2 -129,1,1,1,1,1,1,1,1,1,1 -130,1,1,1,1,1,1,2,2,2,2 -131,1,1,1,2,1,1,1,2,2,2 -132,1,1,1,1,1,1,2,1,1,2 -133,1,1,1,2,1,1,1,2,2,2 -134,1,1,2,1,2,2,1,1,1,1 -135,1,1,1,1,1,1,2,2,1,1 -136,1,1,1,2,2,2,2,2,2,2 -137,1,1,1,1,1,1,2,1,1,1 -138,1,1,1,2,1,1,1,2,1,1 -139,1,1,1,1,1,2,1,2,1,1 -140,1,1,1,1,1,1,1,1,1,1 -141,1,1,1,2,1,1,1,1,2,2 -142,1,1,1,1,1,1,1,1,1,1 -143,1,1,1,2,1,1,1,1,1,1 -144,1,1,1,1,1,1,1,1,1,1 -145,1,1,1,1,1,1,1,2,2,2 -146,1,1,1,1,1,1,1,1,1,1 -147,1,1,1,1,1,1,2,1,1,1 -148,1,1,1,1,1,1,1,1,1,1 -149,1,2,2,2,2,2,2,2,2,2 -150,1,1,1,2,1,1,1,2,2,2 -151,1,1,1,1,1,1,1,1,1,1 -152,1,1,1,1,1,1,2,1,1,1 -153,1,1,1,1,2,2,2,2,1,1 -154,2,,,,,,,,, -155,1,1,1,1,1,1,2,2,1,1 -156,1,2,2,2,2,2,2,2,2,2 -157,1,1,1,1,1,1,2,1,1,1 -158,1,1,1,1,1,1,1,2,2,2 -159,1,1,1,1,1,1,1,2,2,2 -160,1,2,2,2,1,1,1,1,2,2 -161,1,1,1,1,1,1,1,2,1,1 -162,1,2,2,2,2,2,2,2,2,2 -163,1,1,1,1,1,1,2,1,1,1 -164,2,,,,,,,,, -165,1,1,1,1,1,1,2,2,1,1 -166,1,1,2,2,1,1,2,2,2,2 -167,1,1,1,2,2,2,2,2,2,2 -168,1,1,1,2,1,1,1,2,2,2 -169,1,1,1,1,2,2,2,2,1,1 -170,1,1,1,1,1,1,1,1,1,1 -171,1,1,1,2,2,2,2,2,2,2 -172,1,1,1,1,1,1,1,1,1,1 -173,1,1,1,1,1,1,2,2,1,1 -174,1,1,1,2,2,2,2,2,2,2 -175,1,1,1,1,1,1,2,2,1,1 -176,1,1,1,1,1,1,2,1,1,1 -177,1,1,1,2,1,1,1,2,2,2 -178,1,1,1,1,1,1,1,2,1,1 -179,1,1,1,1,1,1,2,2,1,1 -180,1,1,1,2,2,2,2,1,1,1 -181,1,1,1,1,1,1,1,1,1,1 -182,1,1,1,1,1,1,1,1,1,1 -183,1,1,1,1,1,1,1,1,1,1 -184,1,1,1,1,2,2,2,2,1,1 -185,1,1,1,1,1,1,2,2,1,1 -186,1,1,1,2,2,2,2,2,1,1 -187,1,1,1,1,1,1,1,1,1,1 -188,1,1,1,1,1,1,1,2,1,1 -189,1,1,1,2,1,1,2,2,2,2 -190,1,1,1,1,1,1,2,1,1,1 -191,1,2,2,2,1,1,1,1,2,2 -192,1,2,2,2,2,2,2,2,2,2 -193,1,1,1,1,1,1,2,1,1,1 -194,1,1,1,2,1,1,1,1,1,1 -195,1,2,2,1,1,1,1,1,1,1 -196,2,,,,,,,,, -197,1,1,1,1,1,1,1,2,2,2 -198,1,1,1,1,1,1,1,1,1,1 -199,1,1,1,1,1,1,1,1,1,1 -200,1,1,1,2,1,1,1,1,1,1 -201,1,1,1,1,1,1,2,2,1,1 -202,1,1,1,1,2,2,1,1,1,1 -203,1,1,1,1,1,1,1,1,1,1 -204,1,1,1,1,1,1,1,1,1,1 -205,2,,,,,,,,, -206,1,1,1,1,1,2,1,2,1,1 -207,1,2,2,2,1,1,2,2,2,2 -208,1,2,2,2,2,2,2,2,2,2 -209,1,1,2,1,2,2,2,2,1,1 -210,1,1,1,1,1,1,2,2,1,1 -211,1,1,1,2,1,1,1,1,2,2 -212,1,1,1,1,1,1,2,1,1,1 -213,1,1,1,1,1,1,2,2,1,1 -214,1,1,1,1,1,1,1,1,1,1 -215,1,1,1,2,1,1,2,2,2,2 -216,1,1,1,1,1,1,1,1,1,1 -217,1,1,1,1,1,1,1,1,1,1 -218,2,,,,,,,,, -219,1,1,1,2,1,1,1,2,2,2 -220,1,1,1,2,1,1,1,2,2,2 -221,1,1,1,1,1,2,1,2,1,1 -222,2,,,,,,,,, -223,2,,,,,,,,, -224,2,,,,,,,,, -225,1,1,1,1,1,1,1,2,1,1 -226,1,1,1,1,1,1,2,2,1,1 -227,1,1,1,1,2,2,2,1,1,1 -228,1,1,1,1,1,1,2,2,1,1 -229,1,1,1,1,1,1,2,1,1,1 -230,1,1,1,2,1,1,2,2,1,1 -231,2,,,,,,,,, -232,1,1,1,1,1,1,1,1,1,1 -233,1,2,2,2,1,1,2,2,2,2 -234,1,2,2,2,2,2,2,2,2,2 -235,1,1,1,1,2,2,2,2,1,1 -236,1,2,2,2,2,2,2,2,2,2 -237,1,1,1,1,1,1,2,1,1,1 -238,1,1,1,1,1,1,2,2,1,1 -239,1,1,1,1,1,2,1,2,1,1 -240,1,1,1,1,1,1,1,1,1,1 -241,1,1,1,1,1,1,2,1,1,1 -242,2,,,,,,,,, -243,1,1,1,1,1,1,1,1,1,1 -244,1,1,1,1,1,1,2,2,1,1 -245,1,1,1,2,1,1,1,2,1,1 -246,1,1,1,1,1,1,1,2,1,1 -247,1,1,1,1,1,1,2,1,1,1 -248,1,1,1,1,1,1,1,2,2,2 -249,1,2,2,2,2,2,2,2,2,2 -250,1,1,1,2,1,1,1,1,1,1 -251,1,1,1,2,1,1,1,1,1,1 -252,1,2,2,2,2,2,2,2,2,2 -253,2,,,,,,,,, -254,2,,,,,,,,, -255,1,2,2,2,2,2,2,2,2,2 -256,1,1,1,1,1,1,1,1,1,1 -257,1,1,1,1,2,2,2,2,1,1 -258,1,1,1,2,1,1,1,1,2,2 -259,1,1,2,1,2,2,2,2,2,2 -260,1,2,2,2,2,2,2,2,2,2 -261,1,1,1,2,1,1,1,1,2,2 -262,1,2,2,2,2,2,2,2,2,2 -263,1,1,1,1,1,1,2,1,1,1 -264,1,1,1,1,2,2,2,2,1,1 -265,1,1,1,1,1,1,1,1,1,1 -266,1,1,1,2,1,1,1,1,1,1 -267,1,1,1,1,1,1,2,2,1,1 -268,1,2,2,2,2,2,2,2,2,2 -269,1,1,1,2,2,2,2,2,2,2 -270,2,,,,,,,,, -271,1,2,2,2,2,2,2,2,2,2 -272,2,,,,,,,,, -273,1,1,1,1,2,2,2,2,1,1 -274,2,,,,,,,,, -275,1,1,2,1,1,1,1,1,1,1 -276,1,1,2,2,1,1,1,1,2,2 -277,1,2,2,2,2,2,2,2,2,2 -278,1,2,2,2,2,2,2,2,2,2 -279,2,,,,,,,,, -280,1,2,2,2,1,1,1,1,2,2 -281,1,2,2,2,2,2,2,2,2,2 -282,1,1,1,1,1,2,1,2,1,1 -283,1,2,2,2,1,1,2,2,2,2 -284,1,1,1,1,1,1,1,2,2,2 -285,1,1,1,1,1,1,1,1,1,1 -286,1,1,1,1,1,1,1,2,2,2 -287,1,1,1,2,2,2,2,2,2,2 -288,1,1,1,2,1,1,1,1,1,1 -289,1,1,1,1,1,1,1,1,1,1 -290,1,1,1,2,2,2,2,2,2,2 -291,1,1,1,2,2,2,2,2,2,2 -292,1,1,1,1,2,2,2,2,1,1 -293,1,1,1,1,1,1,1,2,2,2 -294,1,2,2,2,2,2,2,2,2,2 -295,1,1,1,1,1,1,1,1,1,1 -296,1,1,1,2,1,1,1,1,1,1 -297,1,1,1,1,1,1,1,1,1,1 -298,2,,,,,,,,, -299,1,1,1,1,1,1,2,1,1,1 -300,1,1,1,1,1,1,2,2,1,1 -301,1,1,1,1,1,1,1,1,1,1 -302,1,1,1,2,1,1,1,2,2,2 -303,1,1,1,1,1,1,1,1,1,1 -304,1,1,1,1,1,1,2,2,1,1 -305,1,1,1,2,1,1,1,1,1,1 -306,1,1,2,1,2,2,1,1,1,1 -307,1,1,1,2,1,1,2,2,2,2 -308,1,1,1,1,1,1,1,1,1,1 -309,1,1,2,1,2,2,2,2,1,1 -310,1,1,2,1,2,2,2,2,2,2 -311,1,1,1,2,1,1,1,1,2,2 -312,1,1,1,2,1,1,2,1,1,1 -313,1,1,2,1,2,2,2,2,2,2 -314,1,1,1,1,1,1,2,1,1,1 -315,2,,,,,,,,, -316,1,1,1,1,1,1,2,1,1,1 -317,1,1,2,1,2,2,2,2,2,2 -318,1,2,2,1,1,1,2,1,1,1 -319,1,1,1,2,1,1,2,2,2,2 -320,1,1,1,1,1,1,1,1,1,1 -321,1,1,1,1,1,1,2,2,1,1 -322,1,1,1,1,1,1,1,1,1,1 -323,1,1,1,1,1,1,1,2,2,2 -324,2,,,,,,,,, -325,2,,,,,,,,, -326,1,1,1,1,2,2,2,2,1,1 -327,1,2,2,2,2,2,2,2,2,2 -328,1,1,1,1,1,1,2,1,1,1 -329,1,1,1,1,1,1,1,2,2,2 -330,1,2,2,2,2,2,2,2,2,2 -331,1,2,2,2,2,2,2,2,2,2 -332,1,1,2,1,1,1,1,1,1,1 -333,1,1,1,1,1,1,2,1,1,1 -334,1,2,2,2,2,2,2,2,2,2 -335,1,1,1,2,1,1,1,2,2,2 -336,1,1,1,1,1,1,1,1,1,1 -337,1,1,1,1,1,1,1,1,1,1 -338,1,1,1,1,1,1,1,1,1,1 -339,1,2,2,2,2,2,2,2,2,2 -340,1,1,2,1,2,2,2,2,2,2 -341,1,1,1,1,1,1,1,1,1,1 -342,1,1,1,1,2,2,1,1,1,1 -343,1,1,2,1,2,2,2,2,2,2 -344,1,1,1,1,1,1,2,2,1,1 -345,1,1,1,2,1,1,1,1,2,2 -346,1,1,1,2,1,1,2,2,2,2 -347,1,1,1,1,2,2,2,2,1,1 -348,2,,,,,,,,, -349,2,,,,,,,,, -350,1,1,1,2,1,1,1,1,1,1 -351,1,1,1,1,2,2,2,2,1,1 -352,1,1,1,1,2,2,1,1,1,1 -353,1,1,1,1,2,2,2,2,1,1 -354,1,1,1,2,2,2,2,2,2,2 -355,1,1,1,1,1,2,1,2,1,1 -356,1,1,1,1,1,1,2,2,1,1 -357,1,1,1,1,1,1,2,1,1,1 -358,1,1,1,1,1,1,2,1,1,1 -359,1,1,1,2,1,1,1,2,2,2 -360,1,2,2,2,2,2,2,2,2,2 -361,1,2,2,2,2,2,2,2,2,2 -362,1,2,2,2,2,2,2,2,2,2 -363,1,1,1,1,1,1,1,1,1,1 -364,1,1,1,1,1,1,1,2,2,2 -365,1,1,1,1,2,2,1,2,1,1 -366,1,1,1,1,1,1,2,2,1,1 -367,1,1,1,1,1,1,2,2,1,1 -368,1,1,1,1,2,2,2,2,1,1 -369,1,1,1,1,1,1,2,1,1,1 -370,1,1,1,2,2,2,2,2,2,2 -371,1,1,1,1,1,1,1,1,1,1 -372,1,1,1,1,2,2,1,2,1,1 -373,1,2,2,2,1,1,2,2,2,2 -374,1,1,1,1,1,1,2,1,1,1 -375,1,1,1,2,1,1,1,1,1,1 -376,1,1,1,1,1,1,2,1,1,1 -377,1,1,1,1,1,1,2,1,1,1 -378,1,1,1,1,1,1,1,2,1,1 -379,1,1,1,1,1,1,1,1,1,1 -380,1,1,1,1,1,1,2,1,1,1 -381,1,1,1,1,1,1,2,1,1,1 -382,1,1,1,1,1,1,1,1,1,1 -383,2,,,,,,,,, -384,1,1,1,2,1,1,1,2,2,2 -385,1,1,1,2,1,1,2,2,2,2 -386,1,1,1,1,1,1,1,1,1,1 -387,1,1,1,1,2,2,1,1,1,1 -388,1,1,1,2,1,1,1,1,2,2 -389,1,1,1,1,1,1,1,2,2,2 -390,1,1,1,1,1,1,1,1,1,1 -391,1,1,1,1,1,1,2,1,1,1 -392,1,1,1,1,1,1,2,1,1,1 -393,2,,,,,,,,, -394,1,2,2,2,2,2,2,2,2,2 -395,1,2,2,2,1,1,2,2,2,2 -396,1,1,1,1,2,2,1,1,1,1 -397,1,1,1,1,1,1,1,1,1,1 -398,1,1,2,1,2,2,2,2,1,1 -399,1,1,1,1,1,1,1,1,1,1 -400,1,1,1,1,2,2,1,2,1,1 -401,1,1,1,1,1,1,2,1,1,1 -402,2,,,,,,,,, -403,1,2,2,2,2,2,2,2,2,2 -404,2,,,,,,,,, -405,1,1,1,2,1,1,1,2,2,2 -406,1,1,1,1,1,1,1,1,1,1 -407,1,1,1,1,1,1,1,1,1,1 -408,1,2,2,2,1,1,2,2,2,2 -409,1,1,1,2,1,1,1,2,2,2 -410,1,1,1,1,1,1,1,1,1,1 -411,2,,,,,,,,, -412,1,1,1,1,1,1,1,1,1,1 -413,1,1,1,1,1,1,1,1,1,1 -414,1,1,1,1,1,1,1,1,1,1 -415,1,1,1,1,1,1,2,2,1,1 -416,1,1,2,2,1,1,1,1,2,2 -417,1,1,1,1,1,1,1,1,1,1 -418,2,,,,,,,,, -419,2,,,,,,,,, -420,1,1,1,1,2,2,2,2,1,1 -421,1,1,1,1,1,1,1,2,2,2 -422,1,1,1,1,1,1,1,1,1,1 -423,1,1,1,1,1,1,2,2,1,1 -424,1,2,2,2,2,2,2,2,2,2 -425,1,1,1,2,1,1,2,1,2,2 -426,2,,,,,,,,, -427,2,,,,,,,,, -428,1,1,1,1,1,1,2,2,1,1 -429,1,1,1,1,1,1,2,1,1,1 -430,1,1,1,2,1,1,1,2,2,2 -431,1,1,1,2,1,1,1,1,2,2 -432,2,,,,,,,,, -433,1,1,1,1,1,1,2,1,1,1 -434,1,1,1,2,1,1,1,1,2,2 -435,1,1,1,2,1,1,1,2,2,2 -436,1,1,1,2,1,1,1,1,1,1 -437,1,2,2,2,1,1,2,2,2,2 -438,1,1,1,1,1,1,2,2,1,1 -439,1,1,1,1,1,1,1,1,1,1 -440,1,1,2,2,1,1,2,2,2,2 -441,2,,,,,,,,, -442,1,1,1,1,1,1,2,1,1,1 -443,2,,,,,,,,, -444,1,1,1,1,1,1,1,1,1,1 -445,1,1,1,1,1,1,2,2,1,1 -446,1,1,1,1,1,1,2,1,1,1 -447,1,1,1,1,2,2,2,2,1,1 -448,1,1,1,1,1,2,1,2,1,1 -449,1,1,1,1,2,2,2,2,1,1 -450,1,1,1,1,1,1,2,1,1,1 -451,1,1,1,1,1,1,1,1,2,2 -452,1,1,1,1,1,1,2,1,1,1 -453,1,1,1,1,1,1,2,1,1,1 -454,1,1,1,1,1,1,2,2,1,1 -455,1,2,2,2,2,2,2,2,2,2 -456,1,2,2,2,1,1,2,2,2,2 -457,1,1,1,1,1,2,1,2,1,1 -458,1,1,1,1,1,1,1,1,1,1 -459,1,1,1,1,1,1,1,1,1,1 -460,1,1,1,1,1,1,2,2,1,1 -461,2,,,,,,,,, -462,1,1,1,1,2,2,2,2,1,1 -463,1,2,2,2,2,2,2,2,2,2 -464,1,1,1,2,1,1,1,2,2,2 -465,1,1,1,1,1,1,1,1,1,1 -466,1,1,1,2,1,1,1,1,2,2 -467,1,2,2,2,1,1,2,2,2,2 -468,1,2,2,2,1,1,2,2,2,2 -469,1,1,2,1,2,2,1,1,1,1 -470,1,1,1,2,1,1,1,1,1,1 -471,1,1,1,1,1,1,2,2,1,1 -472,1,1,1,1,1,1,2,1,1,1 -473,1,1,1,2,1,1,1,2,2,2 -474,1,1,1,1,2,2,2,2,1,1 -475,1,1,1,1,1,1,2,1,1,1 -476,1,1,1,2,1,1,1,1,2,2 -477,1,1,1,2,1,1,1,2,2,2 -478,1,1,1,2,2,2,2,2,2,2 -479,1,2,2,2,2,2,2,2,2,2 -480,1,1,1,1,1,1,1,1,1,1 -481,1,1,1,1,1,1,1,1,1,1 -482,1,1,1,1,1,1,2,1,1,1 -483,2,,,,,,,,, -484,1,1,1,1,1,1,1,1,1,1 -485,1,1,1,2,1,1,1,2,2,2 -486,1,1,1,1,1,1,2,1,1,1 -487,1,2,2,2,2,2,2,2,2,2 -488,1,1,1,1,1,1,1,1,1,1 -489,1,2,2,2,2,2,2,2,2,2 -490,1,1,1,1,1,1,1,1,1,1 -491,1,1,1,2,1,1,1,1,2,2 -492,2,,,,,,,,, -493,1,1,1,1,1,1,1,1,1,1 -494,1,1,1,1,1,1,1,1,1,1 -495,1,1,1,1,2,2,2,2,1,1 -496,1,1,1,2,2,2,2,2,2,2 -497,1,1,1,2,1,1,1,1,1,1 -498,1,1,1,1,1,1,1,1,1,1 -499,1,1,1,1,1,1,1,2,1,1 -500,1,1,2,1,2,2,1,1,1,1 -501,1,1,1,2,2,2,2,2,2,2 -502,1,1,1,1,1,1,2,2,1,1 -503,1,1,2,1,2,2,2,2,2,2 -504,1,2,2,2,2,2,2,2,2,2 -505,1,1,1,1,1,1,2,1,1,1 -506,1,1,1,2,1,1,1,2,2,2 -507,1,1,1,1,1,2,1,2,1,1 -508,1,1,1,1,1,1,1,1,1,1 -509,1,1,1,1,2,2,2,2,1,1 -510,1,1,1,1,1,1,1,1,1,1 -511,1,1,2,1,1,1,1,1,2,2 -512,1,1,1,1,1,1,1,1,1,1 -513,1,1,1,1,1,1,1,1,1,1 -514,1,1,2,2,2,2,1,1,2,2 -515,1,1,1,1,1,1,1,2,2,2 -516,1,1,1,1,1,2,1,2,1,1 -517,1,1,1,1,1,1,1,1,1,1 -518,1,1,1,2,2,2,2,2,2,2 -519,1,1,1,1,1,1,1,1,1,1 -520,1,1,1,1,2,2,2,1,1,1 -521,1,1,1,1,1,2,1,2,1,1 -522,1,1,2,1,2,2,2,2,2,2 -523,1,1,1,1,1,1,1,1,1,1 -524,2,,,,,,,,, -525,1,1,1,1,1,1,2,2,1,1 -526,2,,,,,,,,, -527,1,1,1,1,2,2,2,1,1,1 -528,1,1,2,2,2,2,2,2,2,2 -529,1,2,2,2,2,2,2,2,2,2 -530,1,2,2,2,2,2,2,2,2,2 -531,1,1,1,1,1,1,2,1,1,1 -532,2,,,,,,,,, -533,1,2,2,2,2,2,2,2,2,2 -534,1,1,2,1,2,2,2,2,2,2 -535,1,1,1,1,1,2,1,2,1,1 -536,1,1,1,1,1,1,1,1,1,1 -537,1,1,1,1,1,1,1,1,1,1 -538,1,1,1,1,1,1,2,1,1,1 -539,1,1,1,1,1,1,1,1,1,1 -540,1,1,1,1,1,2,1,2,1,1 -541,2,,,,,,,,, -542,1,1,2,1,1,1,1,1,2,2 -543,1,1,1,1,2,2,2,2,1,1 -544,1,1,1,1,1,1,1,1,1,1 -545,1,1,1,2,2,2,2,2,2,2 -546,1,1,1,1,1,1,1,1,1,1 -547,1,2,2,2,2,2,2,2,2,2 -548,1,1,1,1,1,1,2,2,1,1 -549,1,1,1,1,1,1,2,2,1,1 -550,1,1,1,1,1,1,1,1,1,1 -551,1,1,1,1,1,1,1,1,1,1 -552,1,2,2,2,1,1,1,2,2,2 -553,1,1,1,1,1,1,2,2,1,1 -554,2,,,,,,,,, -555,1,2,2,2,2,2,2,2,2,2 -556,1,2,2,2,2,2,2,2,2,2 -557,1,1,1,2,1,1,1,2,2,2 -558,1,1,1,1,2,2,2,2,1,1 -559,1,1,1,1,2,2,2,1,1,1 -560,1,1,2,2,2,2,2,2,2,2 -561,1,2,2,2,2,2,2,2,2,2 -562,2,,,,,,,,, -563,1,1,1,1,1,1,2,2,1,1 -564,1,1,1,1,1,1,1,1,1,1 -565,1,2,2,2,2,2,2,2,2,2 -566,1,2,2,2,2,2,2,2,2,2 -567,1,1,1,1,1,1,2,1,1,1 -568,1,1,1,2,1,1,1,2,2,2 -569,1,1,1,1,1,1,2,1,1,1 -570,1,1,1,1,1,1,1,2,1,1 -571,2,,,,,,,,, -572,1,1,1,1,1,1,2,1,1,1 -573,1,2,2,2,2,2,2,2,2,2 -574,1,1,1,1,1,1,1,1,1,1 -575,1,1,1,1,1,1,1,1,1,1 -576,1,1,1,1,1,1,1,2,1,1 -577,1,1,1,1,1,1,1,1,1,1 -578,1,1,1,1,1,1,2,1,1,1 -579,1,1,1,1,1,2,1,2,1,1 -580,1,1,1,2,1,1,1,1,2,2 -581,1,2,2,2,2,2,2,2,2,2 -582,1,1,1,1,1,1,1,1,1,1 -583,1,1,2,1,2,2,1,1,1,1 -584,1,2,2,2,2,2,2,2,2,2 -585,2,,,,,,,,, -586,1,1,1,1,1,2,1,2,1,1 -587,1,1,1,1,1,1,1,1,1,1 -588,1,1,1,1,2,2,2,2,2,2 -589,1,1,1,2,1,1,1,1,2,2 -590,1,1,1,1,1,1,2,2,1,1 -591,1,1,1,1,1,1,1,1,1,1 -592,1,1,1,2,1,1,2,1,2,2 -593,1,1,1,1,1,1,1,1,1,1 -594,1,1,1,1,1,1,2,1,1,1 -595,1,1,1,1,1,1,1,1,1,1 -596,1,1,1,1,1,1,1,1,1,1 -597,1,2,2,2,2,2,2,2,2,2 -598,1,2,2,2,2,2,2,2,2,2 -599,2,,,,,,,,, -600,1,1,1,1,1,1,2,1,1,1 -601,2,,,,,,,,, -602,1,1,1,2,1,1,1,2,2,2 -603,1,1,1,1,1,1,1,1,1,2 -604,1,1,1,2,1,1,1,2,2,2 -605,1,1,1,2,1,1,1,2,2,2 -606,1,1,1,1,1,2,1,2,1,1 -607,1,1,1,1,1,1,2,1,1,1 -608,1,1,1,1,2,2,2,2,1,1 -609,1,2,2,2,2,2,2,2,2,2 -610,2,,,,,,,,, -611,1,1,1,1,2,2,2,2,1,1 -612,1,1,2,2,2,2,2,2,2,2 -613,1,1,1,1,1,1,1,1,1,1 -614,1,1,1,2,1,1,1,2,2,2 -615,1,1,1,1,1,1,2,1,1,1 -616,1,1,1,2,1,1,2,2,2,2 -617,1,1,2,1,2,2,2,2,1,1 -618,1,1,1,1,1,1,2,1,1,1 -619,1,2,2,2,2,2,2,2,2,2 -620,1,1,1,1,1,1,1,1,1,1 -621,1,1,1,1,2,2,1,1,1,1 -622,1,1,1,1,1,1,1,2,1,1 -623,1,1,1,1,2,2,2,2,1,1 -624,1,1,1,1,1,1,2,2,1,1 -625,1,1,1,1,1,1,2,2,1,1 -626,1,2,2,2,2,2,2,2,2,2 -627,1,1,1,1,1,1,1,1,1,1 -628,1,1,1,1,1,1,2,2,1,1 -629,1,1,2,1,2,2,2,2,2,2 -630,1,1,1,1,1,1,2,1,1,1 -631,1,1,1,1,1,1,1,1,2,2 -632,1,1,1,1,1,1,1,1,1,1 -633,1,1,1,1,1,1,2,2,1,1 -634,1,2,2,2,2,2,2,2,2,2 -635,1,1,1,2,1,1,1,2,2,2 -636,1,1,2,1,2,2,2,2,1,1 -637,1,1,1,1,1,1,2,1,1,1 -638,1,1,1,1,1,1,1,1,1,1 -639,2,,,,,,,,, -640,1,2,2,2,2,2,2,2,2,2 -641,1,1,1,2,1,1,1,1,2,2 -642,1,1,1,1,1,1,1,1,1,1 -643,1,1,1,1,1,1,1,1,1,2 -644,1,1,1,1,1,1,2,2,1,1 -645,1,1,1,1,2,2,1,2,2,1 -646,1,1,2,1,2,2,2,2,2,2 -647,1,2,2,1,1,1,1,1,1,1 -648,1,1,1,1,1,1,2,1,1,1 -649,1,1,1,2,2,2,2,2,2,2 -650,1,1,1,1,1,1,1,1,1,1 -651,1,2,2,2,2,2,2,2,2,2 -652,1,1,1,1,1,1,1,1,1,1 -653,1,1,1,2,1,1,1,1,2,2 -654,1,1,1,2,1,1,2,2,2,2 -655,1,1,1,2,1,1,1,2,2,2 -656,1,2,2,2,2,2,2,2,2,2 -657,1,1,1,1,1,1,2,2,1,1 -658,1,1,1,1,1,1,2,1,1,1 -659,1,1,1,1,1,1,2,2,1,1 -660,1,1,1,2,1,1,1,2,2,2 -661,1,1,2,2,2,2,2,2,2,2 -662,1,2,2,2,2,2,2,2,2,2 -663,1,1,1,1,1,1,1,1,1,1 -664,1,1,1,1,1,1,1,1,1,1 -665,1,1,1,2,1,1,1,2,2,2 -666,2,,,,,,,,, -667,1,1,1,2,1,1,1,2,2,2 -668,1,1,1,1,1,1,2,2,1,1 -669,1,1,1,1,2,1,1,1,1,1 -670,1,2,2,2,2,2,2,2,2,2 -671,1,1,1,1,2,2,2,2,1,1 -672,1,1,1,2,1,1,1,2,2,2 -673,1,1,1,1,1,1,1,1,1,1 -674,1,1,1,2,2,2,2,2,2,2 -675,1,1,1,2,1,1,1,2,2,2 -676,1,1,1,1,2,2,2,2,1,1 -677,1,1,1,2,2,2,1,1,2,2 -678,1,2,2,2,2,2,2,2,2,2 -679,1,1,1,1,2,2,2,2,1,1 -680,2,,,,,,,,, -681,1,1,1,1,1,1,1,2,2,2 -682,1,1,1,1,1,1,1,2,2,2 -683,1,1,1,1,1,1,1,1,1,1 -684,2,,,,,,,,, -685,2,,,,,,,,, -686,1,1,1,1,1,2,1,2,1,1 -687,1,1,1,1,1,2,1,2,1,1 -688,1,2,2,2,2,2,2,2,2,2 -689,1,1,1,1,1,1,1,1,1,1 -690,2,,,,,,,,, -691,1,1,1,1,1,1,2,1,1,1 -692,1,1,1,2,1,1,1,1,2,2 -693,1,1,1,2,1,1,2,2,2,2 -694,1,1,2,1,2,2,2,2,1,1 -695,1,1,1,1,2,2,2,2,1,1 -696,1,1,1,1,2,2,1,1,1,1 -697,1,2,2,2,2,2,2,2,2,2 -698,1,1,1,1,1,1,2,1,1,1 -699,1,1,2,1,1,1,2,2,2,2 -700,1,1,1,2,1,1,1,2,2,2 -701,1,1,1,1,1,1,2,1,1,1 -702,1,1,1,1,1,1,1,1,1,1 -703,1,1,2,2,2,2,1,1,2,2 -704,1,2,2,2,2,2,2,2,2,2 -705,1,1,1,1,1,1,1,2,1,1 -706,1,1,1,2,2,2,2,2,2,2 -707,1,1,1,1,1,1,2,2,1,1 -708,1,1,1,1,1,1,1,1,1,1 -709,1,1,1,2,2,2,2,2,1,1 -710,1,1,1,1,1,1,2,2,1,1 -711,1,1,1,1,1,1,2,1,1,1 -712,1,1,1,1,1,1,2,1,1,1 -713,1,1,1,2,1,1,1,1,2,2 -714,1,1,1,1,1,1,1,2,1,1 -715,1,1,1,1,1,1,2,2,1,1 -716,1,1,1,1,1,1,2,1,1,1 -717,1,1,1,1,1,1,2,1,1,1 -718,2,,,,,,,,, -719,1,1,1,1,2,2,1,2,1,1 -720,1,1,1,1,1,1,2,2,1,1 -721,1,1,1,1,1,1,2,2,1,1 -722,1,1,1,1,1,1,2,1,1,1 -723,1,2,2,2,2,2,2,2,2,2 -724,2,,,,,,,,, -725,2,,,,,,,,, -726,1,1,1,2,1,1,2,2,2,2 -727,1,1,1,2,1,1,1,2,2,2 -728,1,1,1,1,1,1,2,1,1,1 -729,1,1,1,1,1,1,2,1,1,1 -730,1,2,2,2,2,2,2,2,2,2 -731,1,1,1,1,1,1,1,1,1,1 -732,1,1,1,1,1,1,2,1,1,1 -733,1,1,1,1,1,1,2,2,1,1 -734,1,1,2,1,2,2,2,2,2,2 -735,1,1,1,1,1,1,1,1,1,1 -736,1,1,1,1,1,1,1,1,1,1 -737,1,1,1,1,1,1,2,1,1,1 -738,1,1,1,1,1,1,1,1,1,1 -739,1,1,2,1,2,2,2,2,1,1 -740,1,1,1,2,2,2,2,2,1,1 -741,1,2,2,2,2,2,2,2,2,2 -742,1,1,1,1,1,2,1,2,1,1 -743,2,,,,,,,,, -744,1,1,1,1,1,1,2,2,1,1 -745,1,2,2,2,2,2,2,2,2,2 -746,1,1,1,1,1,1,2,2,1,1 -747,1,1,1,1,1,2,1,2,1,1 -748,1,1,1,2,1,1,1,2,2,2 -749,1,1,1,1,1,1,2,2,1,1 -750,1,1,1,1,1,2,1,2,1,1 -751,1,1,1,1,1,1,2,1,1,1 -752,2,,,,,,,,, -753,2,,,,,,,,, -754,2,,,,,,,,, -755,1,1,1,2,1,1,1,1,2,2 -756,1,1,1,1,2,2,2,1,1,1 -757,1,2,2,2,2,2,2,2,2,2 -758,1,1,2,1,2,2,1,1,2,2 -759,1,1,1,2,1,1,1,2,2,2 -760,1,1,1,1,1,1,2,1,1,1 -761,1,1,1,1,1,1,1,2,2,2 -762,1,1,1,1,1,1,1,1,1,1 -763,1,1,1,1,1,1,1,1,1,1 -764,1,1,1,1,1,1,1,1,1,1 -765,1,2,2,2,2,2,2,2,2,2 -766,1,1,1,1,2,2,2,2,2,2 -767,1,1,1,1,1,1,2,2,1,1 -768,1,1,1,2,1,1,1,1,1,1 -769,1,2,2,2,2,2,2,2,2,2 -770,1,1,1,2,1,1,1,2,2,2 -771,1,1,1,1,1,2,1,2,1,1 -772,1,1,1,2,1,1,2,2,2,2 -773,1,1,1,1,1,1,1,1,1,1 -774,1,1,1,1,2,2,1,1,1,1 -775,1,2,2,2,2,2,2,2,2,2 -776,1,1,1,1,2,2,1,2,1,1 -777,2,,,,,,,,, -778,1,1,2,1,1,1,1,1,2,2 -779,1,1,2,1,1,1,1,1,1,1 -780,1,1,1,1,1,1,1,1,1,1 -781,1,1,1,1,1,1,2,1,1,1 -782,1,1,1,1,1,1,2,1,1,1 -783,1,1,1,2,1,1,1,2,2,2 -784,1,1,1,1,1,1,1,1,1,1 -785,1,1,1,1,1,1,1,1,1,1 -786,1,1,1,1,1,1,1,1,1,1 -787,1,1,1,1,1,1,2,1,1,1 -788,1,1,1,1,1,1,2,1,1,1 -789,1,2,2,2,2,2,2,2,2,2 -790,1,1,1,1,1,1,1,1,1,1 -791,1,1,1,2,2,2,2,2,2,2 -792,1,1,1,1,1,2,1,2,1,1 -793,1,2,2,2,1,1,2,2,2,2 -794,1,1,2,1,2,2,1,1,1,1 -795,1,2,2,2,2,2,2,2,2,2 -796,1,1,1,1,1,1,1,1,1,1 -797,1,2,2,2,2,2,2,2,2,2 -798,1,1,1,1,1,1,2,1,1,1 -799,1,2,2,2,2,2,2,2,2,2 -800,1,1,1,1,1,1,1,1,1,1 -801,1,1,1,2,1,1,1,2,2,2 -802,1,1,1,2,1,1,1,1,1,1 -803,1,1,1,2,1,2,1,2,2,2 -804,1,1,1,2,1,1,1,2,2,2 -805,1,1,1,2,1,1,1,2,2,2 -806,1,1,1,2,1,1,1,2,2,2 -807,1,2,2,2,1,1,1,1,2,2 -808,1,1,1,2,1,1,2,2,1,1 -809,1,1,1,1,1,2,1,2,1,1 -810,1,1,1,1,1,1,1,1,1,1 -811,1,2,2,2,2,2,2,2,2,2 -812,1,1,1,2,2,2,1,2,1,1 -813,1,2,2,2,2,2,2,2,2,2 -814,1,1,1,1,2,2,2,1,1,1 -815,1,1,1,2,1,1,1,2,2,2 -816,1,1,1,1,1,1,2,1,1,1 -817,1,1,1,1,1,1,1,1,1,1 -818,1,1,1,1,1,1,1,1,1,1 -819,1,1,1,2,2,2,2,2,2,2 -820,1,1,1,2,1,1,1,2,2,2 -821,1,1,1,1,2,2,2,2,1,1 -822,2,,,,,,,,, -823,1,1,1,2,1,1,1,1,2,2 -824,1,1,2,2,2,2,1,1,2,2 -825,1,2,2,2,2,2,2,2,2,2 -826,2,,,,,,,,, -827,1,1,1,2,1,1,2,2,2,2 -828,1,1,1,1,1,1,1,1,1,1 -829,1,2,2,2,2,2,2,2,2,2 -830,1,1,1,1,1,1,2,1,1,1 -831,1,1,1,1,1,1,2,2,1,1 -832,1,1,1,2,1,1,2,2,2,2 -833,2,,,,,,,,, -834,1,1,1,2,1,1,1,1,2,2 -835,1,1,1,2,1,1,2,2,2,2 -836,1,2,2,2,1,1,2,2,2,2 -837,1,2,2,2,1,1,1,1,2,2 -838,1,1,1,2,1,1,1,1,2,2 -839,1,1,1,1,1,1,2,2,1,1 -840,1,1,1,1,1,1,1,1,1,1 -841,1,1,1,1,1,1,2,1,1,1 -842,1,1,1,1,1,2,1,2,1,1 -843,1,1,2,1,1,1,2,1,2,2 -844,2,,,,,,,,, -845,1,2,2,2,2,2,2,2,2,2 -846,1,1,1,2,1,1,1,2,2,2 -847,1,1,1,1,1,1,2,1,1,1 -848,1,1,1,1,1,1,1,1,1,1 -849,1,1,1,2,1,1,1,1,1,1 -850,1,1,1,1,1,1,1,2,1,1 -851,1,1,1,1,1,1,2,1,1,1 -852,1,1,1,1,1,1,1,1,1,1 -853,1,1,1,2,2,2,1,1,2,2 -854,1,1,2,1,2,2,1,1,2,2 -855,1,2,2,2,1,1,1,1,2,2 -856,1,1,1,1,1,1,2,1,1,1 -857,1,1,2,1,2,2,2,2,2,2 -858,1,1,1,1,1,1,2,1,1,1 -859,2,,,,,,,,, -860,1,1,1,2,1,1,2,2,2,2 -861,1,1,1,1,1,1,2,2,1,1 -862,1,1,1,1,1,1,1,1,1,1 -863,1,1,1,1,1,1,1,1,1,1 -864,1,1,1,2,2,1,1,2,2,2 -865,1,1,1,2,2,2,2,2,2,2 -866,1,2,2,2,2,2,2,2,2,2 -867,1,2,2,2,2,2,2,2,2,2 -868,1,1,2,1,2,2,2,2,2,2 -869,1,1,1,1,1,1,2,1,1,1 -870,1,2,2,2,2,2,2,2,2,2 -871,1,1,1,2,2,2,2,2,2,2 -872,1,2,2,2,2,2,2,2,2,2 -873,1,1,2,1,2,2,1,1,1,1 -874,1,1,1,1,1,1,1,1,1,1 -875,1,2,2,2,2,2,2,2,2,2 -876,1,1,1,1,1,1,1,1,1,1 -877,1,1,1,2,1,1,1,2,2,2 -878,1,1,1,1,1,1,1,1,1,1 -879,1,1,1,2,1,1,1,1,1,1 -880,1,1,2,1,2,2,2,2,2,2 -881,2,,,,,,,,, -882,2,,,,,,,,, -883,1,1,1,2,1,1,1,2,1,1 -884,2,,,,,,,,, -885,2,,,,,,,,, -886,1,1,1,1,1,2,1,1,1,1 -887,1,1,1,1,2,2,2,2,1,1 -888,1,1,1,2,2,2,1,1,2,2 -889,1,2,2,2,2,2,2,2,2,2 -890,1,1,1,1,1,1,2,2,1,1 -891,2,,,,,,,,, -892,1,1,1,1,1,1,1,1,1,1 -893,1,1,1,1,1,1,2,1,1,1 -894,1,1,1,1,1,1,2,2,1,1 -895,1,1,1,2,1,1,1,1,1,1 -896,1,1,1,1,1,1,2,1,1,1 -897,1,1,1,1,1,1,2,2,1,1 -898,1,1,1,1,1,1,2,2,1,1 -899,1,1,1,1,1,1,2,1,1,1 -900,1,1,1,2,1,1,2,2,2,2 -901,1,1,1,1,1,2,1,2,1,1 -902,1,1,1,1,1,1,2,2,1,1 -903,1,2,2,2,2,2,2,2,2,2 -904,1,1,1,1,2,2,1,2,1,1 -905,1,1,1,1,1,1,1,1,1,1 -906,2,,,,,,,,, -907,1,1,1,2,2,2,2,2,1,1 -908,1,2,2,1,1,1,1,1,1,1 -909,2,,,,,,,,, -910,1,1,1,2,1,1,1,2,2,2 -911,1,1,1,1,1,1,1,1,1,1 -912,1,1,1,1,1,2,1,2,1,1 -913,1,1,1,2,1,1,2,1,1,1 -914,1,2,2,2,2,2,2,2,2,2 -915,1,1,1,1,2,2,2,2,1,1 -916,1,2,2,2,2,2,2,2,2,2 -917,1,1,1,1,1,1,2,2,1,1 -918,1,1,1,1,1,1,2,1,1,1 -919,1,1,1,1,1,1,2,1,1,1 -920,2,,,,,,,,, -921,1,1,1,1,1,1,2,1,1,1 -922,1,1,1,1,1,1,2,1,1,1 -923,2,,,,,,,,, -924,1,1,1,1,2,2,2,2,1,1 -925,1,1,1,1,1,1,1,1,1,1 -926,1,1,1,1,1,1,1,1,1,1 -927,1,1,1,2,2,2,1,2,1,1 -928,1,2,2,2,2,2,2,2,2,2 -929,1,2,2,2,2,2,2,2,2,2 -930,1,1,1,1,1,1,1,1,1,1 -931,1,1,1,1,1,1,1,1,1,1 -932,1,1,2,1,2,2,2,2,2,2 -933,1,1,1,1,2,2,2,1,1,1 -934,1,2,2,2,2,2,1,2,2,2 -935,1,1,1,1,1,1,1,1,1,1 -936,1,1,1,1,1,1,2,2,1,1 -937,1,1,1,1,1,1,1,1,1,1 -938,1,1,1,1,1,1,2,1,1,1 -939,1,1,1,1,1,2,1,2,1,1 -940,1,1,1,1,1,1,2,1,1,1 -941,1,1,1,1,2,2,2,2,1,1 -942,1,1,1,1,2,2,2,1,1,1 -943,1,1,1,1,1,1,2,1,1,1 -944,1,1,1,1,1,1,1,1,1,1 -945,1,1,1,2,1,1,1,1,2,2 -946,1,1,2,1,1,1,1,1,1,1 -947,1,1,1,1,2,2,2,2,1,1 -948,1,1,1,1,2,2,2,2,1,1 -949,1,1,1,1,1,2,1,2,1,1 -950,1,1,1,1,2,2,1,1,1,1 -951,1,2,2,2,2,2,2,2,2,2 -952,2,,,,,,,,, -953,1,1,1,1,1,1,1,1,1,1 -954,1,1,1,1,1,1,1,1,1,1 -955,1,1,1,1,1,1,2,2,1,1 -956,1,1,1,2,2,2,2,2,2,2 -957,1,1,1,1,1,1,1,2,2,2 -958,1,2,2,2,2,2,2,2,2,2 -959,1,2,2,2,2,2,2,2,2,2 -960,1,2,2,2,2,2,2,2,2,2 -961,1,1,1,1,1,1,1,1,1,1 -962,1,1,2,1,2,2,2,2,2,2 -963,1,2,2,2,2,2,2,2,2,2 -964,1,1,1,1,2,2,1,2,1,1 -965,1,1,1,1,1,1,2,1,1,1 -966,1,1,1,1,1,1,1,1,1,1 -967,1,1,1,1,1,1,1,1,1,1 -968,1,1,1,1,1,2,1,2,1,1 -969,2,,,,,,,,, -970,1,1,1,1,1,1,1,1,1,1 -971,1,1,1,1,1,2,1,2,1,1 -972,1,1,1,1,1,1,1,1,1,1 -973,1,1,1,2,1,1,2,2,2,2 -974,1,1,1,1,1,1,2,1,1,1 -975,1,1,1,2,1,1,2,1,2,2 -976,1,1,1,1,1,1,1,1,1,1 -977,1,1,1,1,1,1,2,1,1,1 -978,1,1,2,1,1,1,1,1,1,1 -979,1,1,1,1,1,1,1,1,1,1 -980,1,2,2,2,2,2,2,2,2,2 -981,1,1,1,2,1,1,1,1,1,1 -982,1,1,1,1,1,1,1,1,2,2 -983,1,1,1,1,1,1,1,1,1,1 -984,1,1,1,1,1,1,2,2,1,1 -985,1,2,2,2,2,2,2,2,2,2 -986,2,,,,,,,,, -987,1,2,2,2,2,2,2,2,2,2 -988,1,1,1,1,1,1,1,1,1,1 -989,1,2,2,2,2,2,2,2,2,2 -990,1,1,1,1,1,1,2,1,1,1 -991,1,1,1,1,1,1,1,1,1,1 -992,1,1,1,2,1,1,1,2,2,2 -993,1,1,1,1,1,1,2,1,1,1 -994,1,1,1,2,1,1,2,1,1,1 -995,1,1,1,2,1,1,1,2,2,2 -996,1,1,1,1,1,1,1,1,1,1 -997,1,1,1,2,1,1,1,1,2,2 -998,1,2,2,2,2,2,2,2,2,2 -999,1,1,1,2,1,1,2,2,2,2 -1000,1,1,1,1,1,1,2,2,1,1 -1001,1,1,1,1,1,1,1,1,1,1 -1002,1,1,1,1,1,1,1,1,1,1 -1003,1,1,1,2,1,1,2,2,2,2 -1004,1,1,1,1,1,1,1,1,1,1 -1005,1,2,2,2,2,2,2,2,2,2 -1006,1,1,1,1,1,1,2,1,1,1 -1007,1,1,1,1,1,1,1,1,1,1 -1008,1,1,1,1,1,1,2,2,1,1 -1009,1,1,1,1,1,1,1,1,1,1 -1010,2,,,,,,,,, -1011,1,1,1,1,2,2,1,1,2,2 -1012,1,1,1,2,1,1,1,1,2,2 -1013,1,1,1,2,1,1,1,2,1,1 -1014,1,2,2,2,2,2,2,2,2,2 -1015,1,1,1,1,1,1,2,1,1,1 -1016,2,,,,,,,,, -1017,2,,,,,,,,, -1018,1,1,1,1,1,1,1,1,1,1 -1019,2,,,,,,,,, -1020,1,1,1,1,2,2,1,1,1,1 -1021,1,1,1,1,1,1,1,1,1,1 -1022,1,1,2,1,1,1,2,1,2,2 -1023,1,1,1,1,1,1,2,2,1,1 -1024,1,2,2,2,2,2,2,2,2,2 -1025,1,1,1,1,1,1,2,2,1,1 -1026,1,1,1,2,1,1,1,1,2,2 -1027,1,1,1,2,1,1,1,2,2,2 -1028,1,1,1,1,1,1,2,1,1,1 -1029,2,,,,,,,,, -1030,1,1,1,1,1,2,1,2,1,1 -1031,2,,,,,,,,, -1032,1,1,1,2,1,1,1,1,2,2 -1033,1,2,2,2,2,2,2,2,2,2 -1034,1,1,1,2,2,2,2,2,2,2 -1035,1,1,1,2,2,2,1,1,1,1 -1036,1,1,1,1,1,1,2,2,1,1 -1037,1,2,2,2,2,2,2,2,2,2 -1038,1,1,1,1,1,1,1,1,1,1 -1039,1,1,1,2,2,2,2,2,2,2 -1040,1,2,2,2,2,2,2,2,2,2 -1041,1,1,1,1,2,1,2,2,1,1 -1042,1,1,1,1,1,1,1,1,1,1 -1043,1,1,1,1,1,1,1,1,1,1 -1044,1,1,1,1,1,1,1,1,1,1 -1045,1,1,2,1,1,1,1,1,1,1 -1046,2,,,,,,,,, -1047,1,1,1,2,1,1,1,1,2,2 -1048,1,1,1,2,1,1,2,2,2,2 -1049,1,1,1,1,1,1,1,1,1,1 -1050,1,1,1,1,1,1,2,1,1,1 -1051,1,1,1,2,1,1,2,2,2,2 -1052,2,,,,,,,,, -1053,1,1,1,2,1,1,1,2,2,2 -1054,1,1,1,1,1,1,2,2,1,1 -1055,1,2,2,2,2,2,2,2,2,2 -1056,1,1,1,1,2,2,1,1,1,1 -1057,1,1,1,1,1,1,1,1,1,1 -1058,2,,,,,,,,, -1059,2,,,,,,,,, -1060,1,1,1,2,2,2,2,2,2,2 -1061,1,1,1,1,1,1,1,1,1,1 -1062,1,1,1,1,1,1,2,2,1,1 -1063,2,,,,,,,,, -1064,1,2,2,2,2,2,2,2,2,2 -1065,1,1,1,1,1,1,2,1,1,1 -1066,1,2,2,2,1,1,2,2,2,2 -1067,1,1,1,1,2,2,1,1,1,1 -1068,1,1,1,1,2,2,2,1,1,1 -1069,1,2,2,2,2,2,2,2,2,2 -1070,1,2,2,2,2,2,2,2,2,2 -1071,1,1,1,1,1,1,2,2,1,1 -1072,2,,,,,,,,, -1073,2,,,,,,,,, -1074,1,1,1,1,1,1,1,1,1,1 -1075,1,1,1,1,1,1,1,1,1,1 -1076,1,1,1,1,1,1,1,1,1,1 -1077,1,1,2,1,2,2,2,2,2,2 -1078,1,1,1,1,1,1,1,2,1,1 -1079,2,,,,,,,,, -1080,1,1,1,1,1,1,1,2,1,1 -1081,1,1,2,1,2,2,1,1,1,1 -1082,1,1,1,1,1,1,1,1,1,1 -1083,2,,,,,,,,, -1084,1,1,1,1,1,1,1,1,2,2 -1085,1,1,1,1,1,1,1,1,1,1 -1086,1,2,2,2,2,2,2,2,2,2 -1087,1,1,1,1,2,2,2,2,1,1 -1088,1,1,1,2,1,1,1,2,2,2 -1089,1,2,2,2,2,2,2,2,2,2 -1090,1,2,2,2,2,2,2,2,2,2 -1091,1,1,1,1,1,1,2,1,1,1 -1092,1,1,2,1,2,2,1,1,1,1 -1093,1,1,1,1,1,1,1,1,1,1 -1094,2,,,,,,,,, -1095,1,1,1,1,1,1,2,1,1,1 -1096,2,,,,,,,,, -1097,1,1,1,1,1,1,1,1,1,1 -1098,1,1,1,1,1,1,1,1,1,1 -1099,1,1,1,1,1,1,1,2,2,2 -1100,1,1,1,1,1,1,2,2,1,1 -1101,1,1,1,1,1,1,2,2,1,1 -1102,1,1,1,1,1,1,1,1,1,1 -1103,1,1,1,2,1,1,1,2,2,2 -1104,1,1,1,1,1,1,1,1,1,1 -1105,1,1,1,1,1,2,1,2,1,1 -1106,1,1,1,1,1,1,2,1,1,1 -1107,1,2,2,2,2,2,2,2,2,2 -1108,1,1,2,1,2,2,1,1,1,1 -1109,1,1,1,1,1,1,1,2,1,1 -1110,1,1,1,1,1,1,2,2,1,1 -1111,1,1,1,1,2,2,2,2,1,1 -1112,1,1,1,2,1,1,2,2,2,2 -1113,1,2,2,2,2,2,2,2,2,2 -1114,1,2,2,2,2,2,2,2,2,2 -1115,1,2,2,2,2,2,2,2,2,2 -1116,1,1,1,2,1,1,1,2,2,2 -1117,1,1,1,2,2,2,1,2,1,1 -1118,1,1,1,1,1,1,1,1,1,1 -1119,1,1,1,2,2,2,2,2,2,2 -1120,1,1,2,1,2,2,1,1,2,2 -1121,1,1,1,1,1,1,2,2,1,1 -1122,1,1,1,1,1,1,1,1,1,1 -1123,1,1,1,2,1,1,2,2,2,2 -1124,1,1,1,2,2,2,1,2,1,1 -1125,1,1,1,1,1,1,1,2,1,1 -1126,1,2,2,2,2,2,2,2,2,2 -1127,1,2,2,2,2,2,2,2,2,2 -1128,1,1,1,2,2,2,2,2,2,2 -1129,1,1,1,1,1,1,1,1,1,1 -1130,1,2,2,2,2,2,2,2,2,2 -1131,1,2,2,2,2,2,2,2,2,2 -1132,1,1,1,1,1,2,1,2,1,1 -1133,2,,,,,,,,, -1134,1,1,1,1,1,1,1,1,1,1 -1135,2,,,,,,,,, -1136,1,1,1,1,1,1,2,2,1,1 -1137,1,2,2,1,1,1,2,2,1,1 -1138,2,,,,,,,,, -1139,1,1,1,2,2,2,2,2,2,2 -1140,1,1,1,1,1,2,1,2,1,1 -1141,1,1,1,1,1,1,2,2,1,1 -1142,1,1,1,2,1,1,1,1,1,1 -1143,2,,,,,,,,, -1144,1,2,2,2,2,2,2,2,2,2 -1145,1,1,1,1,2,2,1,1,1,1 -1146,1,1,1,1,1,1,2,2,1,1 -1147,1,1,1,1,1,1,2,2,1,1 -1148,1,1,1,1,1,1,1,1,1,1 -1149,1,1,1,1,1,1,2,2,1,1 -1150,1,1,1,1,1,1,1,1,1,1 -1151,1,2,2,2,2,2,2,2,2,2 -1152,1,1,1,1,1,1,1,1,1,1 -1153,1,1,1,1,2,2,1,1,1,1 -1154,1,1,1,2,1,1,1,2,2,2 -1155,1,2,2,2,2,2,2,2,2,2 -1156,1,1,1,2,1,1,1,1,2,2 -1157,1,1,1,1,1,1,2,1,1,1 -1158,1,2,2,2,2,2,2,2,2,2 -1159,1,1,1,1,2,2,1,1,1,1 -1160,1,1,1,1,1,1,1,1,1,1 -1161,1,1,1,1,1,2,1,2,1,1 -1162,1,1,1,1,1,1,2,1,1,1 -1163,1,1,1,2,2,2,2,2,2,2 -1164,1,1,2,1,2,2,2,2,2,2 -1165,1,1,1,1,1,1,1,1,1,1 -1166,2,,,,,,,,, -1167,1,1,2,2,2,2,2,2,2,2 -1168,1,1,1,1,1,1,1,1,1,1 -1169,1,2,2,2,2,2,2,2,2,2 -1170,1,1,1,2,1,1,1,2,2,2 -1171,1,1,1,1,1,1,1,2,2,2 -1172,1,1,1,1,1,1,2,2,1,1 -1173,1,1,1,1,1,1,1,1,1,1 -1174,1,1,1,1,1,1,1,1,1,1 -1175,1,1,1,1,1,1,1,1,1,1 -1176,1,2,2,2,2,2,2,2,2,2 -1177,1,1,1,1,1,1,2,2,1,1 -1178,1,2,2,2,2,2,2,2,2,2 -1179,1,1,1,2,1,1,1,1,2,2 -1180,1,2,2,2,2,2,2,2,2,2 -1181,1,1,1,1,1,1,2,1,1,1 -1182,1,1,1,1,1,1,1,1,1,1 -1183,1,1,2,1,2,2,2,2,2,2 -1184,1,2,2,2,2,2,2,2,2,2 -1185,1,1,1,1,1,1,1,1,1,1 -1186,1,2,2,2,2,2,2,2,2,2 -1187,2,,,,,,,,, -1188,2,,,,,,,,, -1189,1,1,1,2,2,2,2,2,2,2 -1190,1,1,1,1,1,1,1,1,1,1 -1191,1,1,1,2,1,1,2,2,2,2 -1192,1,1,1,1,2,2,1,1,1,1 -1193,1,1,1,1,1,1,2,1,1,1 -1194,1,1,1,2,1,1,2,2,2,2 -1195,1,1,1,2,1,1,1,1,1,1 -1196,1,1,1,1,1,1,2,1,1,1 -1197,1,1,1,1,1,2,1,2,1,1 -1198,1,1,1,1,1,1,1,2,1,1 -1199,1,1,1,1,1,1,1,1,1,1 -1200,1,2,2,2,1,1,2,2,2,2 -1201,1,1,1,1,1,1,2,2,1,1 -1202,1,1,1,1,1,1,1,2,2,2 -1203,1,1,1,1,1,1,1,1,1,1 -1204,1,1,1,2,1,1,1,1,2,2 -1205,1,1,1,1,1,1,1,1,1,1 -1206,1,1,1,1,1,1,2,1,1,1 -1207,1,1,1,1,1,1,1,1,1,1 -1208,1,1,1,2,1,1,2,2,2,2 -1209,1,1,1,1,1,1,2,1,1,1 -1210,1,1,1,2,2,2,2,2,2,2 -1211,1,1,1,1,1,1,2,1,1,1 -1212,1,2,2,2,2,2,2,2,2,2 -1213,1,1,1,1,1,1,1,2,1,1 -1214,1,1,1,2,1,1,1,2,2,2 -1215,1,2,2,2,2,2,2,2,2,2 -1216,1,1,1,1,1,1,2,2,1,1 -1217,1,1,2,1,2,2,2,2,1,1 -1218,1,1,1,1,1,1,2,1,1,1 -1219,1,1,1,1,1,1,1,1,1,1 -1220,1,1,1,1,1,1,2,2,1,1 -1221,1,1,1,1,1,1,2,2,1,1 -1222,1,1,1,1,1,1,1,1,1,1 -1223,1,1,1,2,1,1,1,1,2,2 -1224,1,1,1,1,1,1,2,1,1,1 -1225,1,2,2,2,2,2,2,2,2,2 -1226,1,2,2,2,2,2,2,2,2,2 -1227,1,1,1,1,1,1,2,1,1,1 -1228,1,1,1,2,2,2,1,2,2,2 -1229,1,1,1,1,1,1,1,2,1,1 -1230,1,1,1,1,1,1,2,1,1,1 -1231,1,1,1,1,1,1,2,2,1,1 -1232,1,1,1,2,2,2,2,2,2,2 -1233,1,1,1,2,1,1,1,1,2,2 -1234,1,1,1,1,1,1,1,1,1,1 -1235,1,1,1,1,1,1,1,1,1,1 -1236,2,,,,,,,,, -1237,1,1,2,1,2,2,1,1,1,1 -1238,1,2,2,2,2,2,2,2,2,2 -1239,1,1,1,1,1,1,1,2,1,1 -1240,1,1,1,1,1,1,2,1,1,1 -1241,1,1,1,2,1,1,1,1,1,1 -1242,1,1,1,2,1,1,2,2,2,2 -1243,1,1,1,1,1,1,2,1,1,1 -1244,1,1,1,2,1,1,1,2,2,2 -1245,1,1,1,1,1,1,2,1,1,1 -1246,1,1,1,1,1,1,2,1,1,1 -1247,1,1,1,1,2,2,2,2,1,1 -1248,1,2,2,2,2,2,2,2,2,2 -1249,1,1,1,1,1,1,1,1,1,1 -1250,1,1,1,1,1,1,1,1,1,1 -1251,1,1,1,2,1,1,1,1,2,2 -1252,1,2,2,2,2,2,2,2,2,2 -1253,1,1,1,1,2,2,1,1,1,1 -1254,1,1,1,1,1,1,1,1,1,1 -1255,1,2,2,2,2,2,2,2,2,2 -1256,2,,,,,,,,, -1257,1,1,1,2,1,1,1,2,2,2 -1258,1,1,2,1,2,2,2,2,2,2 -1259,1,2,2,1,1,1,1,1,1,1 -1260,1,2,2,2,2,2,2,2,2,2 -1261,1,1,1,2,1,1,1,2,2,2 -1262,1,2,2,1,1,1,1,1,1,1 -1263,1,1,1,1,1,2,1,2,1,1 -1264,1,2,2,2,2,2,2,2,2,2 -1265,1,1,1,1,1,1,1,2,1,1 -1266,1,1,2,1,2,2,2,2,2,2 -1267,1,1,1,1,1,1,1,1,1,1 -1268,2,,,,,,,,, -1269,1,1,1,1,1,1,2,2,1,1 -1270,1,2,2,2,1,1,2,2,2,2 -1271,1,1,1,1,1,1,2,2,1,1 -1272,1,1,1,1,1,1,2,2,1,1 -1273,1,1,1,1,2,2,1,2,1,1 -1274,1,2,2,2,1,1,1,1,2,2 -1275,1,1,1,1,1,1,1,1,2,2 -1276,1,1,2,1,2,2,1,1,1,1 -1277,1,1,1,1,1,1,1,1,1,1 -1278,2,,,,,,,,, -1279,1,1,1,1,1,1,2,1,1,1 -1280,1,1,1,1,1,1,2,2,1,1 -1281,1,1,1,1,1,1,1,2,2,2 -1282,1,1,1,1,1,1,2,1,1,1 -1283,1,1,1,1,1,1,2,1,1,1 -1284,1,1,1,1,1,1,2,2,1,1 -1285,1,1,1,2,1,1,1,1,2,2 -1286,1,1,1,1,1,1,2,2,1,1 -1287,1,2,2,2,2,2,2,2,2,2 -1288,1,1,1,2,2,2,2,2,2,2 -1289,1,1,1,1,1,1,1,1,1,1 -1290,1,1,1,2,1,1,1,1,2,2 -1291,1,1,1,2,1,1,1,1,1,1 -1292,1,1,1,1,1,1,2,1,1,1 -1293,1,1,2,1,1,1,1,1,2,2 -1294,1,1,1,2,1,1,2,2,2,2 -1295,1,1,1,1,1,1,2,2,1,1 -1296,1,1,1,2,1,1,1,2,2,2 -1297,1,1,1,1,1,1,1,1,1,1 -1298,1,2,2,2,2,2,2,2,2,2 -1299,1,2,2,2,2,2,2,2,2,2 -1300,1,1,1,1,1,1,2,1,1,1 -1301,2,,,,,,,,, -1302,1,1,1,2,2,2,2,2,2,2 -1303,1,1,1,1,1,1,2,1,1,1 -1304,1,2,2,1,2,2,2,2,2,2 -1305,1,1,1,2,1,1,2,2,2,2 -1306,1,1,1,1,1,1,2,1,1,1 -1307,1,2,2,2,2,2,2,2,2,2 -1308,1,1,1,1,1,1,1,2,1,1 -1309,1,1,1,1,1,1,2,1,1,1 -1310,1,1,1,1,1,1,2,1,1,1 -1311,1,1,2,2,2,2,2,2,2,2 -1312,1,1,1,1,1,1,1,1,1,1 -1313,1,1,1,1,1,1,1,1,1,1 -1314,1,1,1,1,1,1,1,1,1,2 -1315,1,1,1,2,1,1,1,1,2,2 -1316,1,1,2,1,2,2,2,2,1,1 -1317,1,1,2,1,2,2,2,2,2,2 -1318,1,2,2,2,2,2,2,2,2,2 -1319,1,2,2,2,2,2,2,2,2,2 -1320,1,1,1,2,1,1,2,2,1,1 -1321,1,1,1,1,1,1,1,1,1,1 -1322,1,1,1,1,1,1,2,1,1,1 -1323,1,1,1,1,1,1,2,2,1,1 -1324,1,1,1,1,1,1,1,1,2,2 -1325,1,1,1,2,1,1,1,1,2,2 -1326,1,1,1,1,1,2,1,2,1,1 -1327,1,1,2,1,2,2,1,1,2,2 -1328,1,1,1,1,1,1,1,1,1,1 -1329,1,2,2,2,2,2,2,2,2,2 -1330,1,1,1,2,2,2,2,2,2,2 -1331,1,1,1,1,1,1,2,2,1,1 -1332,1,1,1,2,1,1,1,1,2,2 -1333,2,,,,,,,,, -1334,1,1,1,1,1,1,1,2,2,2 -1335,1,1,1,2,1,1,1,2,2,2 -1336,1,1,1,1,1,1,2,1,1,1 -1337,1,1,2,2,1,1,2,2,2,2 -1338,1,1,1,1,2,2,2,2,1,1 -1339,1,2,2,2,2,2,2,2,2,2 -1340,2,,,,,,,,, -1341,1,1,1,2,2,2,2,2,2,2 -1342,1,1,2,1,2,2,2,2,2,2 -1343,1,2,2,2,2,2,2,2,2,2 -1344,1,2,2,2,2,2,2,2,2,2 -1345,1,2,2,2,2,2,2,2,2,2 -1346,1,1,1,1,2,2,2,2,2,2 -1347,1,1,1,2,1,1,1,2,2,2 -1348,2,,,,,,,,, -1349,1,1,1,1,1,1,2,1,1,1 -1350,1,1,1,1,1,1,1,1,1,1 -1351,1,2,2,2,2,2,2,2,2,2 -1352,1,1,1,1,1,1,1,1,1,1 -1353,1,2,2,2,2,2,2,2,2,2 -1354,1,1,1,1,1,1,1,1,1,1 -1355,1,1,1,1,2,2,2,2,1,1 -1356,1,1,1,1,1,1,1,2,2,2 -1357,2,,,,,,,,, -1358,2,,,,,,,,, -1359,1,1,1,1,1,1,1,1,1,1 -1360,1,2,2,2,1,1,1,1,2,2 -1361,1,1,2,1,2,2,2,2,2,2 -1362,1,2,2,2,2,2,2,2,2,2 -1363,1,1,1,1,2,2,1,1,1,1 -1364,1,2,2,1,2,2,2,2,1,1 -1365,1,1,1,1,1,2,1,2,1,1 -1366,1,2,2,2,2,2,2,2,2,2 -1367,1,1,2,1,1,1,2,2,2,2 -1368,1,1,2,2,1,1,2,2,2,2 -1369,1,1,1,1,1,1,1,1,1,1 -1370,1,1,1,2,1,1,1,1,1,1 -1371,1,1,1,1,1,2,1,2,1,1 -1372,2,,,,,,,,, -1373,1,1,1,1,1,1,2,2,1,1 -1374,1,1,1,1,1,1,2,1,1,1 -1375,1,1,1,1,1,1,1,1,1,1 -1376,1,1,1,1,1,1,2,2,1,1 -1377,1,1,1,1,1,1,2,1,1,1 -1378,1,1,1,1,1,1,1,1,1,1 -1379,1,1,1,1,1,1,2,1,1,1 -1380,1,2,2,2,2,2,2,2,2,2 -1381,1,1,2,1,1,1,1,1,2,2 -1382,1,1,1,1,1,1,2,2,1,1 -1383,1,1,2,1,2,2,2,2,2,2 -1384,1,1,1,2,1,1,1,1,2,2 -1385,1,1,2,1,2,2,2,2,2,2 -1386,1,2,2,2,1,1,1,2,2,2 -1387,1,2,2,2,2,2,2,2,2,2 -1388,2,,,,,,,,, -1389,2,,,,,,,,, -1390,1,2,2,2,2,2,2,2,2,2 -1391,1,1,1,2,1,1,1,1,1,1 -1392,1,2,2,2,2,2,2,2,2,2 -1393,1,1,1,1,1,1,1,2,2,2 -1394,1,1,1,1,1,1,1,1,1,1 -1395,1,1,1,1,1,1,2,2,1,1 -1396,1,2,2,2,2,2,2,2,2,2 -1397,1,1,1,1,1,2,1,2,1,1 -1398,1,1,1,1,1,1,2,2,1,1 -1399,1,1,2,1,2,2,2,2,2,2 -1400,1,1,1,1,1,1,2,1,1,1 -1401,1,1,1,1,1,1,2,1,1,1 -1402,1,1,1,2,1,1,1,1,1,1 -1403,1,1,1,1,1,1,2,1,1,1 -1404,1,2,2,2,2,2,2,2,2,2 -1405,1,1,2,1,2,2,1,1,1,1 -1406,1,2,2,2,2,2,2,2,2,2 -1407,1,1,1,1,2,2,2,2,1,1 -1408,1,2,2,2,2,2,2,2,2,2 -1409,1,1,1,1,2,2,1,2,1,1 -1410,1,1,1,1,1,1,2,2,1,1 -1411,1,2,2,2,2,2,2,2,2,2 -1412,2,,,,,,,,, -1413,1,1,1,1,2,2,2,2,1,1 -1414,1,1,1,1,1,1,1,1,1,1 -1415,1,1,1,1,1,1,2,2,1,1 -1416,1,1,1,1,1,2,1,2,1,1 -1417,1,1,1,1,1,1,2,1,1,1 -1418,1,1,1,1,1,1,2,1,1,1 -1419,1,2,2,2,2,2,2,2,2,2 -1420,1,2,2,2,2,2,2,2,2,2 -1421,1,1,1,1,1,1,2,1,1,1 -1422,1,1,1,1,1,1,1,1,1,1 -1423,2,,,,,,,,, -1424,1,1,1,1,1,2,1,2,1,1 -1425,1,1,1,2,1,1,1,1,2,2 -1426,1,1,1,1,1,1,2,1,1,1 -1427,1,1,1,2,2,2,2,2,2,2 -1428,2,,,,,,,,, -1429,1,1,1,1,1,1,1,1,1,1 -1430,1,1,1,2,2,2,2,2,2,2 -1431,1,1,2,2,1,1,2,2,2,2 -1432,1,1,1,1,1,1,2,2,1,1 -1433,1,1,2,1,1,1,1,1,2,2 -1434,1,1,1,1,1,1,1,1,1,1 -1435,1,2,2,2,2,2,2,2,2,2 -1436,1,1,1,1,1,1,2,1,1,1 -1437,1,1,1,1,1,1,2,2,1,1 -1438,1,2,2,2,2,2,2,2,2,2 -1439,1,2,2,2,1,1,2,2,2,2 -1440,1,1,1,1,1,1,2,1,1,1 -1441,2,,,,,,,,, -1442,1,1,1,1,2,2,2,2,1,1 -1443,1,1,1,2,2,2,2,2,1,1 -1444,1,1,1,1,1,1,2,2,1,1 -1445,1,1,1,1,1,1,1,1,1,1 -1446,1,1,1,1,1,1,2,1,1,1 -1447,1,1,1,1,1,1,1,1,1,1 -1448,1,1,1,2,1,1,1,2,2,2 -1449,1,1,1,1,1,1,2,1,1,1 -1450,1,1,1,1,1,1,2,2,1,1 -1451,1,2,2,2,2,2,2,2,2,2 -1452,1,2,2,2,2,2,2,2,2,2 -1453,1,1,1,1,1,1,1,1,1,1 -1454,1,1,1,1,1,1,1,1,1,1 -1455,1,1,1,1,1,1,2,1,1,1 -1456,1,1,1,1,1,1,1,1,2,2 -1457,1,1,1,1,1,1,2,2,1,1 -1458,1,2,2,2,1,1,1,1,2,2 -1459,1,1,1,1,1,1,2,2,1,1 -1460,1,1,1,1,1,1,1,1,1,1 -1461,1,1,1,2,1,1,1,2,2,2 -1462,2,,,,,,,,, -1463,2,,,,,,,,, -1464,1,1,1,1,1,1,1,1,1,1 -1465,1,1,1,2,1,1,1,1,1,1 -1466,1,1,1,1,2,2,2,2,1,1 -1467,1,2,2,2,2,2,2,2,2,2 -1468,1,2,2,2,1,1,2,2,2,2 -1469,1,1,1,1,1,1,1,1,1,1 -1470,1,2,2,2,2,2,2,2,2,2 -1471,1,1,1,2,1,1,1,1,2,2 -1472,1,1,1,1,1,1,1,1,1,1 -1473,1,1,2,2,2,2,1,1,2,2 -1474,1,1,1,2,1,1,1,2,2,2 -1475,2,,,,,,,,, -1476,1,1,1,2,2,2,2,2,2,2 -1477,1,1,1,1,1,1,2,2,1,1 -1478,1,1,1,1,1,1,2,1,1,1 -1479,2,,,,,,,,, -1480,1,1,1,2,1,1,1,2,2,2 -1481,1,2,2,2,2,2,2,2,2,2 -1482,1,1,1,1,1,1,2,2,1,1 -1483,1,2,2,2,2,2,2,2,2,2 -1484,1,1,2,1,1,1,1,1,1,1 -1485,1,1,1,2,2,2,2,2,2,2 -1486,1,1,1,1,1,1,2,1,1,1 -1487,1,1,1,2,1,1,1,1,1,1 -1488,2,,,,,,,,, -1489,1,1,1,2,1,1,2,2,2,2 -1490,1,1,1,1,1,1,2,1,1,1 -1491,1,1,1,1,1,1,1,1,1,1 -1492,1,1,1,2,1,1,2,2,2,2 -1493,1,2,2,2,2,2,2,2,2,2 -1494,1,1,1,1,1,1,2,2,1,1 -1495,1,1,2,1,2,2,1,1,1,1 -1496,1,1,1,1,1,1,2,2,1,1 -1497,1,1,1,2,2,2,2,2,2,2 -1498,1,1,1,1,1,1,2,2,1,1 -1499,1,1,1,1,1,1,1,1,1,1 -1500,1,1,1,1,1,1,2,2,1,1 -1501,1,1,2,1,2,2,1,1,1,1 -1502,1,1,1,1,1,1,1,1,1,1 -1503,1,1,1,1,1,1,1,1,1,1 -1504,1,2,2,2,1,1,2,2,2,2 -1505,1,1,1,2,1,2,1,2,2,2 -1506,1,1,1,1,1,1,2,1,1,1 -1507,1,1,1,2,1,1,1,2,2,2 -1508,1,1,1,1,1,1,2,2,1,1 -1509,1,1,1,1,1,1,1,1,1,1 -1510,1,1,1,2,1,1,1,1,1,1 -1511,1,2,2,2,2,2,2,2,2,2 -1512,1,1,1,1,1,1,1,1,1,1 -1513,1,1,1,2,1,1,1,1,2,2 -1514,1,1,1,1,1,1,1,2,1,1 -1515,1,1,2,1,2,2,2,2,2,2 -1516,2,,,,,,,,, -1517,2,,,,,,,,, -1518,1,1,1,1,1,1,1,1,1,1 -1519,1,1,2,1,2,2,2,2,2,2 -1520,1,1,2,2,1,1,1,1,2,2 -1521,1,1,1,1,1,1,1,1,1,1 -1522,1,1,1,1,1,1,1,1,1,1 -1523,1,1,1,2,1,1,2,1,2,2 -1524,1,2,2,2,2,2,2,2,2,2 -1525,1,1,1,2,1,1,1,1,2,2 -1526,1,1,1,1,1,1,1,1,1,1 -1527,1,1,1,1,1,1,2,1,1,1 -1528,1,1,1,1,2,2,2,2,1,1 -1529,1,1,1,1,2,2,2,2,1,1 -1530,1,1,1,2,1,1,2,1,2,2 -1531,1,1,1,2,2,2,2,2,2,2 -1532,1,1,1,2,1,1,2,1,2,2 -1533,1,1,1,1,1,1,1,1,1,1 -1534,1,1,1,2,1,1,1,2,2,2 -1535,1,1,1,1,1,1,1,1,1,1 -1536,1,1,1,2,1,1,1,1,2,2 -1537,1,1,2,2,2,2,2,2,2,2 -1538,1,1,1,1,2,2,1,2,1,1 -1539,1,1,1,1,1,1,1,1,1,1 -1540,1,1,1,1,1,1,1,1,1,1 -1541,1,2,2,2,2,2,2,2,2,2 -1542,1,1,1,1,1,1,2,1,1,1 -1543,1,1,1,1,2,2,1,1,1,1 -1544,1,1,1,1,1,1,2,1,1,1 -1545,1,1,1,1,1,1,2,1,1,2 -1546,1,1,1,1,1,1,2,1,1,1 -1547,1,1,1,1,1,1,1,1,1,1 -1548,1,1,2,1,2,2,2,2,2,2 -1549,1,1,1,2,1,1,1,2,1,1 -1550,1,1,1,2,2,2,2,2,2,2 -1551,1,1,1,2,2,2,1,2,1,1 -1552,1,1,1,1,1,1,1,1,1,1 -1553,1,1,1,1,1,1,1,1,1,1 -1554,1,1,1,1,1,1,2,2,1,1 -1555,1,1,1,1,1,1,2,2,1,1 -1556,1,1,1,2,1,1,1,2,2,2 -1557,1,1,1,1,2,2,2,2,1,1 -1558,1,2,2,2,2,2,2,2,2,1 -1559,1,1,1,2,1,1,1,2,2,2 -1560,1,1,2,1,2,2,1,1,1,1 -1561,1,1,2,1,2,2,1,1,1,1 -1562,1,1,2,1,2,2,2,2,1,1 -1563,1,2,2,2,2,2,2,2,2,2 -1564,1,1,1,1,1,1,2,1,1,1 -1565,1,1,1,1,1,1,2,2,1,1 -1566,1,1,1,1,2,2,2,2,1,1 -1567,1,1,1,1,2,2,1,1,1,1 -1568,1,2,2,2,2,2,2,2,2,2 -1569,1,1,1,1,1,1,2,2,2,2 -1570,1,1,1,1,1,1,1,1,1,1 -1571,1,2,2,2,2,2,2,2,2,2 -1572,1,2,2,2,2,2,2,2,2,2 -1573,1,2,2,2,2,2,2,2,2,2 -1574,1,1,1,1,1,1,2,1,1,1 -1575,1,1,1,1,1,1,2,1,1,1 -1576,1,2,2,2,2,2,2,2,2,2 -1577,1,2,2,2,2,2,2,2,2,2 -1578,1,1,1,2,1,1,1,2,2,2 -1579,1,2,2,2,2,2,2,2,2,2 -1580,1,2,2,2,2,2,2,2,2,2 -1581,1,2,2,2,2,2,2,2,2,2 -1582,1,1,1,1,1,1,1,1,1,1 -1583,1,1,1,1,1,1,2,1,1,1 -1584,1,1,1,1,1,1,2,1,1,1 -1585,1,1,1,2,1,1,1,1,2,2 -1586,2,,,,,,,,, -1587,1,1,1,1,1,1,1,1,1,1 -1588,1,1,1,1,1,1,2,2,1,1 -1589,1,1,1,1,1,1,2,2,1,1 -1590,1,1,1,1,1,1,2,2,1,1 -1591,1,1,1,1,2,2,2,2,1,1 -1592,1,1,1,1,1,1,2,2,1,1 -1593,1,2,2,2,2,2,2,2,2,2 -1594,1,1,1,1,1,1,1,1,1,1 -1595,1,1,1,1,1,1,1,1,1,1 -1596,1,2,2,2,2,2,2,2,2,2 -1597,1,1,1,1,1,1,1,1,1,1 -1598,1,1,1,2,1,1,1,1,2,2 -1599,2,,,,,,,,, -1600,1,1,1,2,1,1,1,1,2,2 -1601,1,1,1,2,1,1,2,2,2,2 -1602,1,1,1,1,1,1,1,1,1,1 -1603,1,1,1,2,1,1,1,1,2,2 -1604,1,2,2,2,2,2,2,2,2,2 -1605,1,1,1,1,1,1,1,1,1,1 -1606,1,1,1,1,1,1,2,2,1,1 -1607,2,,,,,,,,, -1608,2,,,,,,,,, -1609,1,1,1,1,1,1,1,1,1,1 -1610,2,,,,,,,,, -1611,1,1,1,2,1,1,1,2,2,2 -1612,1,1,1,2,1,1,1,1,2,2 -1613,1,1,1,1,1,1,1,1,1,1 -1614,1,1,1,2,1,1,2,2,2,2 -1615,1,2,2,2,2,2,2,2,2,2 -1616,1,1,2,1,2,2,1,1,2,2 -1617,1,1,1,1,1,1,1,1,1,1 -1618,1,1,1,2,2,2,2,2,2,2 -1619,1,2,2,2,2,2,2,2,2,2 -1620,1,1,1,1,1,1,2,1,1,1 -1621,1,1,1,1,1,1,1,1,1,1 -1622,1,1,1,1,1,1,1,1,1,1 -1623,1,1,1,1,1,2,1,2,1,1 -1624,1,1,1,1,2,2,2,1,1,1 -1625,1,1,1,1,1,1,2,1,1,1 -1626,1,1,1,1,1,2,1,2,1,1 -1627,2,,,,,,,,, -1628,1,1,1,1,1,1,2,1,1,1 -1629,1,1,2,1,2,2,1,1,1,1 -1630,2,,,,,,,,, -1631,1,1,1,2,1,1,1,1,2,2 -1632,1,1,1,1,1,1,1,1,1,1 -1633,1,1,1,1,1,1,2,1,1,1 -1634,1,1,1,1,1,1,1,1,1,1 -1635,1,2,2,2,2,2,2,2,2,2 -1636,1,1,1,1,2,2,2,2,1,1 -1637,1,1,1,1,1,1,2,1,1,1 -1638,1,1,1,1,1,1,1,1,1,1 -1639,1,1,1,1,1,1,2,2,1,1 -1640,1,1,1,2,2,2,2,2,1,1 -1641,2,,,,,,,,, -1642,1,1,2,1,1,1,1,1,2,2 -1643,1,2,2,2,2,2,2,2,2,2 -1644,1,1,1,1,1,2,1,2,1,1 -1645,1,1,1,1,2,2,2,2,1,1 -1646,2,,,,,,,,, -1647,1,1,1,1,1,1,1,2,2,2 -1648,1,1,1,2,2,2,2,2,2,2 -1649,1,1,1,1,1,1,1,1,1,1 -1650,1,1,2,1,1,1,1,1,1,1 -1651,2,,,,,,,,, -1652,2,,,,,,,,, -1653,1,1,1,1,1,2,1,2,1,1 -1654,1,1,1,1,1,1,1,1,1,1 -1655,1,1,1,1,1,1,2,1,1,1 -1656,1,1,1,1,1,1,2,1,1,1 -1657,1,1,1,1,1,1,2,1,1,1 -1658,1,2,2,2,2,2,2,2,2,2 -1659,1,1,1,2,2,2,2,2,2,2 -1660,1,1,1,1,1,1,2,1,1,1 -1661,1,1,2,1,2,2,2,2,2,2 -1662,1,1,1,1,1,1,1,1,1,1 -1663,1,1,1,2,1,1,1,2,2,2 -1664,1,1,1,2,2,2,2,2,2,2 -1665,1,1,1,1,1,1,1,2,1,1 -1666,1,2,2,2,2,2,2,2,2,2 -1667,1,1,2,1,1,1,2,2,1,1 -1668,2,,,,,,,,, -1669,1,1,1,2,1,1,1,1,2,2 -1670,1,1,1,2,1,1,1,2,2,2 -1671,1,1,1,1,2,2,2,2,1,1 -1672,1,2,2,2,2,2,2,2,2,2 -1673,1,1,1,1,1,1,2,2,1,1 -1674,1,1,1,2,1,1,1,2,1,1 -1675,1,1,1,1,1,1,2,1,1,1 -1676,1,1,1,1,1,1,2,1,1,1 -1677,1,1,1,1,1,1,1,1,1,1 -1678,2,,,,,,,,, -1679,1,1,1,1,1,1,1,1,1,1 -1680,1,1,1,1,1,1,1,1,1,1 -1681,1,1,1,2,1,1,1,2,2,2 -1682,1,2,2,2,2,2,2,2,2,2 -1683,1,1,1,1,1,1,2,1,1,1 -1684,1,1,1,1,1,1,1,1,1,1 -1685,1,1,1,2,1,1,1,2,2,2 -1686,1,1,1,1,1,1,1,1,1,1 -1687,1,1,1,2,1,1,1,2,2,2 -1688,1,1,1,2,1,1,1,1,2,2 -1689,1,2,2,1,1,1,2,2,1,1 -1690,1,1,1,1,1,1,1,1,1,1 -1691,1,1,1,1,1,1,1,1,1,1 -1692,1,1,1,1,1,1,1,2,1,1 -1693,1,1,2,1,2,2,1,1,1,1 -1694,1,2,2,2,2,2,2,2,2,2 -1695,1,2,2,2,2,2,2,2,2,2 -1696,1,1,1,1,1,1,1,1,1,1 -1697,1,1,1,2,1,1,2,2,1,1 -1698,1,1,1,1,1,1,1,2,2,2 -1699,1,2,2,2,2,2,2,2,2,2 -1700,1,2,2,2,2,2,2,2,2,2 -1701,1,1,1,1,1,1,2,2,1,1 -1702,1,1,1,2,1,1,2,1,2,2 -1703,1,1,2,1,2,2,2,2,2,2 -1704,1,1,1,2,1,1,2,2,2,2 -1705,1,1,2,2,1,1,1,1,2,2 -1706,1,2,2,2,2,2,2,2,2,2 -1707,1,1,1,1,1,1,2,2,1,1 -1708,1,1,1,1,1,1,1,2,2,2 -1709,1,1,1,1,2,2,2,2,1,1 -1710,1,1,2,1,2,2,1,1,1,1 -1711,1,1,1,1,1,1,2,1,1,1 -1712,1,1,1,1,1,1,2,1,1,1 -1713,1,1,1,1,1,1,2,1,1,1 -1714,1,1,1,1,1,1,1,1,1,1 -1715,1,1,1,2,1,1,2,2,2,2 -1716,1,1,1,1,1,1,1,1,1,1 -1717,2,,,,,,,,, -1718,2,,,,,,,,, -1719,1,2,2,2,2,2,2,2,2,2 -1720,1,1,2,2,1,1,2,2,2,2 -1721,1,2,2,2,2,2,2,2,2,2 -1722,1,1,1,1,1,1,1,2,1,1 -1723,1,1,1,1,2,2,2,2,1,1 -1724,1,1,1,2,1,1,1,2,2,2 -1725,1,1,1,1,1,1,2,1,1,1 -1726,1,1,1,1,1,1,2,2,1,1 -1727,1,1,1,1,1,1,2,2,1,1 -1728,1,1,1,1,1,2,1,2,1,1 -1729,1,1,1,1,1,1,1,1,1,1 -1730,1,1,1,1,1,1,1,1,1,1 -1731,1,2,2,2,2,2,2,2,2,2 -1732,1,1,1,1,1,1,1,1,1,1 -1733,2,,,,,,,,, -1734,1,1,1,1,1,1,1,1,1,1 -1735,1,1,1,1,2,2,2,2,1,1 -1736,1,1,1,1,1,1,1,2,2,2 -1737,1,2,2,2,2,2,2,2,2,2 -1738,1,2,2,2,1,1,2,2,2,2 -1739,1,1,1,1,1,1,2,1,1,1 -1740,1,1,1,1,1,1,2,1,1,1 -1741,1,2,2,2,2,2,2,2,2,2 -1742,1,2,2,2,2,2,2,2,2,2 -1743,1,2,2,2,2,2,2,2,2,2 -1744,1,1,1,1,1,1,2,2,1,1 -1745,1,1,1,2,1,1,1,1,1,1 -1746,1,2,2,2,2,2,2,2,2,2 -1747,1,1,1,1,1,1,2,2,1,1 -1748,1,1,1,1,1,1,2,2,1,1 -1749,1,1,1,1,1,2,1,2,1,1 -1750,1,1,1,1,2,2,1,1,1,1 -1751,2,,,,,,,,, -1752,1,2,2,2,2,2,2,2,2,2 -1753,1,2,2,2,2,2,2,2,2,2 -1754,1,1,2,1,1,1,1,1,2,2 -1755,2,,,,,,,,, -1756,1,1,1,1,1,1,1,1,1,1 -1757,1,1,1,1,1,1,1,1,1,1 -1758,1,1,1,1,1,1,1,1,1,1 -1759,1,1,1,1,1,2,1,2,1,1 -1760,1,1,1,1,1,1,1,1,1,1 -1761,1,1,1,2,1,1,1,1,1,1 -1762,2,,,,,,,,, -1763,1,1,1,1,1,1,1,1,1,1 -1764,1,1,1,1,1,1,1,2,1,1 -1765,1,2,2,2,2,2,2,2,2,2 -1766,1,1,1,2,1,1,1,2,2,2 -1767,1,1,1,1,1,1,2,1,1,1 -1768,1,1,1,1,1,1,2,2,1,1 -1769,1,1,2,1,1,1,1,1,1,1 -1770,1,1,1,1,1,1,1,1,1,1 -1771,1,2,2,2,2,2,2,2,2,2 -1772,1,1,2,1,2,2,1,1,2,2 -1773,2,,,,,,,,, -1774,1,1,2,1,2,2,1,1,2,2 -1775,1,1,1,1,1,1,2,2,1,1 -1776,1,1,1,1,2,2,2,2,1,1 -1777,1,1,1,1,1,1,1,1,1,1 -1778,1,1,2,1,2,2,1,1,1,1 -1779,1,2,2,2,2,2,2,2,2,2 -1780,1,2,2,2,2,2,2,2,2,2 -1781,1,1,2,1,2,2,2,2,2,2 -1782,1,1,2,1,2,2,2,2,2,2 -1783,1,1,1,1,1,1,2,1,1,1 -1784,1,1,1,1,1,1,2,1,1,1 -1785,1,1,1,1,1,1,1,1,1,1 -1786,1,1,1,1,1,1,1,2,2,2 -1787,1,1,1,1,1,1,1,1,1,1 -1788,1,2,2,2,2,2,2,2,2,2 -1789,1,1,1,1,1,1,1,1,1,1 -1790,1,1,1,1,1,1,1,1,1,1 -1791,2,,,,,,,,, -1792,1,1,1,1,1,1,1,1,1,1 -1793,1,1,1,1,1,1,1,1,1,1 -1794,1,1,1,1,1,1,2,1,1,1 -1795,1,1,1,1,1,1,1,1,1,1 -1796,1,1,1,1,1,1,1,1,1,1 -1797,1,1,1,1,1,1,1,1,1,1 -1798,1,2,2,2,2,2,2,2,2,2 -1799,1,1,1,2,2,2,2,2,2,2 -1800,1,1,1,1,1,1,2,2,1,1 -1801,2,,,,,,,,, -1802,1,1,1,2,1,1,2,2,2,2 -1803,2,,,,,,,,, -1804,1,1,1,1,1,1,2,1,1,1 -1805,1,1,1,2,1,1,2,2,1,1 -1806,1,1,1,1,1,1,2,2,1,1 -1807,1,1,1,1,1,2,1,2,1,1 -1808,2,,,,,,,,, -1809,2,,,,,,,,, -1810,1,1,1,1,1,1,1,2,2,2 -1811,1,1,1,1,1,1,1,1,1,1 -1812,1,1,1,2,1,1,2,2,2,2 -1813,1,1,1,2,1,1,1,1,2,2 -1814,1,1,1,2,1,1,2,2,2,2 -1815,1,2,2,2,2,2,2,2,2,2 -1816,1,1,1,1,1,1,2,1,1,1 -1817,1,1,1,1,1,1,1,1,1,1 -1818,1,2,2,2,2,2,2,2,2,2 -1819,1,1,1,1,1,1,2,1,1,1 -1820,1,1,1,2,1,1,2,2,2,2 -1821,2,,,,,,,,, -1822,1,1,1,2,1,1,2,2,2,2 -1823,1,1,1,1,1,1,2,2,1,1 -1824,1,1,1,1,1,1,2,1,1,1 -1825,1,1,1,1,1,1,2,1,1,1 -1826,1,2,2,2,2,2,2,2,2,2 -1827,2,,,,,,,,, -1828,1,1,1,1,1,1,2,1,1,1 -1829,1,1,1,1,1,1,1,1,1,1 -1830,1,2,2,2,2,2,2,2,2,2 -1831,1,1,1,1,2,2,1,1,1,1 -1832,1,2,2,2,2,2,2,2,2,2 -1833,1,1,1,1,1,1,1,1,1,1 -1834,1,1,1,1,1,1,2,1,1,1 -1835,1,1,1,1,1,1,2,1,1,1 -1836,1,1,1,1,2,2,2,2,1,1 -1837,1,1,1,1,1,1,2,2,1,1 -1838,1,1,1,1,1,1,1,1,1,1 -1839,1,1,1,1,1,1,1,1,1,1 -1840,1,1,1,1,1,1,1,1,1,1 -1841,1,1,1,2,1,1,2,2,2,2 -1842,2,,,,,,,,, -1843,1,1,1,1,1,2,1,2,1,1 -1844,2,,,,,,,,, -1845,1,1,1,1,2,2,2,2,1,1 -1846,1,1,1,1,2,2,1,1,1,1 -1847,1,2,2,2,2,2,2,2,2,2 -1848,1,2,2,2,1,1,2,2,2,2 -1849,1,1,1,2,1,1,1,1,2,2 -1850,1,2,2,2,2,2,2,2,2,2 -1851,1,1,1,1,2,2,2,1,1,1 -1852,1,1,2,1,2,2,2,2,2,2 -1853,2,,,,,,,,, -1854,1,1,1,1,1,1,2,2,1,1 -1855,1,1,1,1,1,1,1,1,1,1 -1856,1,1,1,1,1,1,1,1,1,1 -1857,1,1,2,1,2,2,2,2,2,2 -1858,1,1,2,1,2,2,1,1,1,1 -1859,1,1,1,2,2,2,2,2,2,2 -1860,1,1,1,1,1,1,2,2,1,1 -1861,1,1,1,1,2,2,2,2,1,1 -1862,1,1,2,2,1,1,1,1,2,2 -1863,1,1,1,2,1,1,1,2,2,2 -1864,2,,,,,,,,, -1865,2,,,,,,,,, -1866,1,1,1,2,2,2,2,2,2,2 -1867,2,,,,,,,,, -1868,1,1,2,1,1,1,1,1,1,1 -1869,1,1,1,1,1,1,2,2,1,1 -1870,1,1,1,1,1,1,1,2,1,1 -1871,1,1,1,2,1,1,1,2,2,2 -1872,2,,,,,,,,, -1873,1,1,1,1,1,1,2,2,1,1 -1874,1,1,1,2,1,1,1,1,1,1 -1875,2,,,,,,,,, -1876,1,1,1,2,1,1,2,2,1,1 -1877,2,,,,,,,,, -1878,1,1,1,2,2,2,2,2,2,2 -1879,1,1,1,2,1,1,1,2,2,2 -1880,1,1,1,1,2,2,2,2,1,1 -1881,1,1,1,1,1,1,2,1,1,1 -1882,1,1,1,1,1,2,1,2,1,1 -1883,1,1,1,1,1,1,1,1,1,1 -1884,1,1,1,1,1,1,2,1,1,1 -1885,1,2,2,2,2,2,2,2,2,2 -1886,1,1,1,1,1,1,1,1,1,1 -1887,1,2,2,2,2,2,2,2,2,2 -1888,1,2,2,2,1,1,1,1,2,2 -1889,1,1,1,1,1,1,2,1,1,1 -1890,1,1,1,1,1,1,2,1,1,1 -1891,1,1,1,1,2,2,2,2,1,1 -1892,1,1,1,2,1,1,2,1,1,1 -1893,1,1,1,1,2,2,2,2,2,2 -1894,1,1,1,1,1,1,1,1,1,1 -1895,1,1,1,1,1,1,2,2,1,1 -1896,1,1,1,2,1,1,1,1,1,1 -1897,1,1,1,1,1,1,1,1,1,1 -1898,2,,,,,,,,, -1899,1,1,1,1,1,1,1,1,1,1 -1900,1,1,1,1,1,1,2,2,1,1 -1901,1,1,2,1,2,2,2,2,2,2 -1902,1,1,1,1,1,1,2,2,1,1 -1903,1,2,2,2,2,2,2,2,2,2 -1904,1,1,1,1,1,1,2,2,1,1 -1905,1,2,2,2,2,2,2,2,2,2 -1906,1,1,1,1,1,1,1,1,1,1 -1907,1,1,1,1,2,2,2,1,1,1 -1908,1,1,1,2,1,1,1,1,2,2 -1909,1,1,1,1,1,1,2,2,1,1 -1910,1,1,1,1,2,2,2,2,1,1 -1911,1,1,1,1,1,1,1,1,1,1 -1912,1,1,1,1,1,2,1,2,1,1 -1913,1,1,1,1,1,1,2,2,1,1 -1914,2,,,,,,,,, -1915,1,1,1,2,1,1,2,2,2,2 -1916,1,1,1,1,1,1,2,1,1,1 -1917,1,1,2,1,2,2,2,2,1,1 -1918,1,1,1,1,1,1,2,2,1,1 -1919,2,,,,,,,,, -1920,1,1,1,1,1,1,1,1,1,2 -1921,1,1,1,1,1,1,1,1,1,1 -1922,1,1,2,1,2,2,1,1,1,1 -1923,1,1,1,1,1,1,1,1,1,1 -1924,1,2,2,2,2,2,2,2,2,2 -1925,1,1,1,2,1,1,2,1,2,2 -1926,1,1,1,2,1,1,1,2,2,2 -1927,2,,,,,,,,, -1928,1,2,2,2,2,2,2,2,2,2 -1929,1,1,1,1,1,1,1,1,1,1 -1930,1,1,1,1,1,1,2,1,1,1 -1931,1,1,1,2,1,1,2,2,2,2 -1932,2,,,,,,,,, -1933,1,1,1,1,1,1,1,2,2,2 -1934,1,1,1,1,1,1,2,1,1,1 -1935,1,1,1,2,2,2,2,2,2,2 -1936,1,2,2,2,2,2,2,2,2,2 -1937,1,1,1,1,2,2,2,2,1,1 -1938,1,2,2,2,2,2,2,2,2,2 -1939,1,1,2,1,2,2,2,2,2,2 -1940,2,,,,,,,,, -1941,2,,,,,,,,, -1942,2,,,,,,,,, -1943,1,1,1,1,2,2,2,2,1,1 -1944,1,1,1,1,1,2,1,2,1,1 -1945,1,1,1,1,1,1,2,1,1,1 -1946,1,2,2,2,2,2,2,2,2,2 -1947,1,1,1,1,1,2,1,2,1,1 -1948,1,1,1,1,2,2,2,1,1,1 -1949,1,1,1,1,1,1,2,1,1,1 -1950,2,,,,,,,,, -1951,1,2,2,2,2,2,2,2,2,2 -1952,1,1,1,2,1,1,1,1,2,2 -1953,1,1,1,1,1,1,2,2,1,1 -1954,1,1,2,2,2,2,2,2,2,2 -1955,1,1,1,2,1,1,2,2,2,2 -1956,1,1,1,2,2,2,1,1,2,2 -1957,1,1,2,2,2,2,1,1,2,2 -1958,1,1,1,1,2,2,1,1,1,1 -1959,1,1,1,1,1,1,2,1,1,1 -1960,1,1,1,2,1,1,2,2,2,2 -1961,1,2,2,2,1,1,2,2,2,2 -1962,1,1,1,1,1,1,2,2,1,1 -1963,1,2,2,2,2,2,2,2,2,2 -1964,1,1,1,1,1,2,1,2,1,1 -1965,1,1,1,1,1,1,2,1,1,1 -1966,1,1,1,2,1,1,1,1,1,1 -1967,2,,,,,,,,, -1968,2,,,,,,,,, -1969,1,1,1,2,1,1,2,2,2,2 -1970,1,1,2,1,2,2,2,2,2,2 -1971,1,1,1,2,2,2,2,2,2,2 -1972,1,2,2,2,2,2,2,2,2,2 -1973,2,,,,,,,,, -1974,1,2,2,1,1,1,1,1,1,1 -1975,1,1,2,1,2,2,1,1,1,1 -1976,1,2,2,2,2,2,2,2,2,2 -1977,1,1,1,1,1,1,2,1,1,1 -1978,1,1,1,1,1,1,2,1,1,1 -1979,1,1,1,2,1,1,1,2,2,2 -1980,1,1,1,2,1,1,1,1,2,2 -1981,1,1,1,1,1,1,2,1,1,1 -1982,1,1,1,1,1,1,1,2,2,2 -1983,1,2,2,2,2,2,2,2,2,2 -1984,1,2,2,2,2,2,2,2,2,2 -1985,1,1,1,1,1,1,1,1,1,1 -1986,1,1,1,1,1,1,2,1,1,1 -1987,1,1,1,1,1,1,1,1,1,1 -1988,1,1,1,1,1,1,1,1,1,1 -1989,1,1,1,1,1,1,1,1,1,1 -1990,1,1,1,1,1,1,1,1,1,1 -1991,1,1,1,1,2,2,1,1,1,1 -1992,1,1,1,1,2,2,1,1,1,1 -1993,1,1,1,1,1,1,1,1,1,1 -1994,1,1,1,1,1,1,2,1,1,1 -1995,1,2,2,2,2,2,2,2,2,2 -1996,1,1,1,2,1,1,1,1,1,1 -1997,1,1,1,2,2,2,1,2,1,1 -1998,2,,,,,,,,, -1999,1,1,2,1,1,1,1,1,1,1 -2000,1,1,1,1,1,1,1,1,1,1 -2001,1,1,1,2,2,2,2,2,2,2 -2002,1,2,2,2,2,2,2,2,2,2 -2003,2,,,,,,,,, -2004,1,1,1,1,1,1,2,1,1,1 -2005,1,2,2,2,2,2,2,2,2,2 -2006,1,1,1,1,1,1,2,1,1,1 -2007,1,1,1,1,1,1,1,1,1,1 -2008,1,1,1,2,1,1,1,1,2,2 -2009,1,1,1,1,1,1,2,1,1,1 -2010,1,2,2,2,2,2,2,2,2,2 -2011,1,1,1,1,1,1,1,1,1,1 -2012,1,1,1,2,2,2,2,2,2,2 -2013,1,2,2,2,2,2,2,2,2,2 -2014,1,1,1,1,1,2,1,2,1,1 -2015,1,1,1,1,1,1,2,1,1,1 -2016,1,1,1,2,2,2,2,2,2,2 -2017,2,,,,,,,,, -2018,2,,,,,,,,, -2019,1,1,1,1,1,1,2,2,1,1 -2020,1,1,1,1,2,2,2,1,1,1 -2021,1,1,1,2,2,2,2,2,2,2 -2022,1,1,1,1,1,1,2,1,1,1 -2023,1,1,1,1,1,1,1,1,2,2 -2024,1,1,1,1,1,1,1,1,1,1 -2025,1,1,1,1,1,1,1,1,1,1 -2026,1,2,2,2,2,2,2,2,2,2 -2027,2,,,,,,,,, -2028,1,1,1,1,2,2,2,1,1,1 -2029,1,1,1,1,1,1,1,1,1,1 -2030,1,1,2,1,2,2,1,1,1,1 -2031,1,2,2,2,2,2,2,2,2,2 -2032,1,1,1,1,1,1,2,1,1,1 -2033,1,1,1,1,1,1,2,2,1,1 -2034,1,2,2,2,2,2,2,2,2,2 -2035,1,1,1,1,1,1,2,1,1,1 -2036,1,2,2,2,2,2,2,2,2,2 -2037,1,1,1,1,1,1,2,1,1,1 -2038,1,1,1,1,1,1,2,1,1,1 -2039,1,1,1,1,1,2,1,2,1,1 -2040,1,2,2,2,2,2,2,2,2,2 -2041,1,1,1,1,2,2,2,2,1,1 -2042,2,,,,,,,,, -2043,1,1,1,1,1,1,2,1,1,1 -2044,1,1,1,1,1,1,2,2,1,1 -2045,1,1,1,1,1,1,2,1,1,1 -2046,1,1,2,2,2,2,2,2,2,2 -2047,1,1,1,1,1,1,1,1,1,1 -2048,1,1,2,2,2,2,1,1,2,2 -2049,1,1,1,2,1,1,1,1,1,1 -2050,1,2,2,1,1,1,1,1,1,1 -2051,1,1,1,2,1,1,2,1,2,2 -2052,1,1,1,1,1,2,1,2,1,1 -2053,1,1,1,1,1,1,2,1,1,1 -2054,1,1,1,1,1,1,2,1,1,1 -2055,1,2,2,2,2,2,2,2,2,2 -2056,1,1,1,1,1,1,2,1,1,1 -2057,1,1,1,1,1,1,1,1,1,1 -2058,1,1,1,1,1,1,1,1,1,1 -2059,1,1,1,1,2,2,1,2,1,1 -2060,1,2,2,2,2,2,2,2,2,2 -2061,1,1,1,1,1,1,2,1,1,1 -2062,1,1,2,1,2,2,2,2,2,2 -2063,1,1,1,1,2,1,2,2,1,1 -2064,1,1,1,2,1,1,1,1,2,2 -2065,1,1,1,1,1,1,2,1,1,1 -2066,1,1,1,2,1,1,1,1,2,2 -2067,1,1,1,2,1,1,1,1,2,2 -2068,1,2,2,2,2,2,2,2,2,2 -2069,1,1,1,2,1,1,1,2,2,2 -2070,1,1,1,1,1,1,2,1,1,1 -2071,1,1,1,2,1,1,1,2,1,1 -2072,1,1,2,1,2,2,2,2,1,1 -2073,1,1,1,1,2,2,2,2,1,1 -2074,1,1,1,1,1,1,2,1,1,1 -2075,1,1,1,1,1,1,2,1,1,1 -2076,1,1,1,1,1,1,1,1,1,1 -2077,1,2,2,2,1,1,2,2,2,2 -2078,1,2,2,1,1,1,2,2,1,1 -2079,2,,,,,,,,, -2080,1,1,1,1,1,1,2,1,1,1 -2081,1,1,2,1,2,2,2,2,2,2 -2082,1,1,1,1,1,1,1,1,1,1 -2083,1,1,1,1,1,1,1,1,1,1 -2084,1,1,1,1,2,2,1,1,1,1 -2085,2,,,,,,,,, -2086,1,1,1,1,1,1,1,1,1,1 -2087,1,1,1,1,1,1,1,1,1,1 -2088,2,,,,,,,,, -2089,1,1,1,2,1,1,1,1,2,2 -2090,1,2,2,2,2,2,2,2,2,2 -2091,2,,,,,,,,, -2092,2,,,,,,,,, -2093,1,1,1,2,1,1,2,2,2,2 -2094,1,2,2,2,2,2,2,2,2,2 -2095,1,1,1,1,1,1,2,1,1,1 -2096,1,1,1,1,2,2,1,1,1,1 -2097,2,,,,,,,,, -2098,2,,,,,,,,, -2099,1,1,1,2,1,1,1,2,2,2 -2100,1,1,2,2,1,1,1,1,2,2 -2101,1,1,1,1,1,1,2,2,1,1 -2102,1,1,1,2,1,1,1,2,2,2 -2103,1,1,1,1,1,1,1,2,2,2 -2104,1,2,2,2,2,2,2,2,2,2 -2105,1,1,1,1,1,1,1,1,1,1 -2106,1,1,1,1,1,1,1,1,1,1 -2107,1,1,1,1,1,1,2,1,1,1 -2108,1,1,1,2,1,1,1,2,2,2 -2109,1,1,1,1,1,1,2,2,1,1 -2110,1,2,2,2,1,1,1,1,2,2 -2111,1,2,2,2,2,2,2,2,2,2 -2112,1,1,1,2,2,2,2,2,2,2 -2113,1,1,1,2,1,1,1,1,1,1 -2114,1,1,1,1,2,2,2,2,1,1 -2115,1,1,1,1,1,1,1,1,1,1 -2116,1,1,1,1,1,1,1,1,1,1 -2117,1,1,1,1,1,1,2,1,2,2 -2118,2,,,,,,,,, -2119,1,1,1,1,2,2,1,1,1,1 -2120,1,1,1,1,1,1,1,1,1,1 -2121,1,1,1,2,1,1,1,2,2,2 -2122,1,1,1,1,1,1,1,1,1,1 -2123,1,1,1,1,1,2,1,2,1,1 -2124,1,1,1,1,1,1,2,2,1,1 -2125,1,1,1,1,1,1,1,1,1,1 -2126,1,1,1,1,1,1,2,2,1,1 -2127,1,1,1,1,1,1,1,1,1,1 -2128,1,1,1,1,1,1,1,1,1,1 -2129,2,,,,,,,,, -2130,1,1,1,2,1,1,1,2,2,2 -2131,1,1,1,1,1,1,1,1,1,1 -2132,1,1,1,1,1,1,2,1,1,1 -2133,1,1,1,2,1,1,1,1,1,1 -2134,1,1,1,1,1,1,1,1,1,1 -2135,1,1,1,2,1,1,1,2,2,2 -2136,1,1,1,1,2,2,2,2,1,1 -2137,1,1,1,2,1,1,1,1,1,1 -2138,1,1,1,1,1,1,1,1,1,1 -2139,1,1,1,1,1,1,2,2,1,1 -2140,1,1,1,1,1,1,1,1,1,1 -2141,1,1,1,1,1,1,1,2,2,2 -2142,1,1,1,2,1,1,1,2,2,2 -2143,1,1,1,2,2,2,2,2,2,2 -2144,1,1,1,2,2,2,2,2,2,2 -2145,1,1,1,1,1,1,2,1,1,1 -2146,1,1,2,1,2,2,1,1,1,1 -2147,1,1,1,1,1,1,2,2,1,1 -2148,1,1,1,2,1,1,1,2,2,2 -2149,1,1,1,2,1,1,1,2,2,2 -2150,1,1,2,1,2,2,2,2,1,1 -2151,2,,,,,,,,, -2152,1,1,2,1,1,1,2,1,1,1 -2153,1,1,1,1,1,1,1,1,1,1 -2154,1,1,1,1,1,1,2,2,1,1 -2155,1,1,1,1,2,2,1,1,1,1 -2156,1,1,1,1,1,2,1,2,1,1 -2157,1,1,1,1,2,2,1,2,1,1 -2158,1,1,1,2,1,1,1,2,1,1 -2159,1,1,1,1,1,1,2,2,1,1 -2160,1,2,2,2,2,2,2,2,2,2 -2161,2,,,,,,,,, -2162,1,1,1,1,2,2,2,2,1,1 -2163,1,1,1,2,1,1,1,1,2,2 -2164,1,1,1,1,1,1,2,2,1,1 -2165,2,,,,,,,,, -2166,1,1,1,2,1,1,2,2,2,2 -2167,1,2,2,2,2,2,2,2,2,2 -2168,1,1,2,1,1,1,1,1,1,1 -2169,1,1,1,1,1,1,2,1,1,1 -2170,2,,,,,,,,, -2171,1,2,2,2,2,2,2,2,2,2 -2172,1,1,1,1,2,2,2,2,1,1 -2173,1,2,2,2,2,2,2,2,2,2 -2174,1,1,1,1,1,1,2,1,1,1 -2175,2,,,,,,,,, -2176,1,1,2,1,1,1,1,1,1,1 -2177,1,1,1,1,1,2,1,2,1,1 -2178,1,1,1,1,2,2,2,2,1,1 -2179,1,1,1,2,1,1,2,2,1,1 -2180,2,,,,,,,,, -2181,1,1,1,2,1,1,2,2,2,2 -2182,1,1,1,1,1,2,1,2,1,1 -2183,1,1,1,1,1,1,2,2,1,1 -2184,1,1,1,1,1,1,1,1,1,1 -2185,2,,,,,,,,, -2186,1,1,1,1,2,2,2,2,1,1 -2187,1,1,1,2,1,1,1,2,2,2 -2188,1,1,1,1,2,2,2,2,1,1 -2189,1,1,2,2,2,2,2,2,2,2 -2190,2,,,,,,,,, -2191,1,1,1,1,1,1,1,1,1,1 -2192,2,,,,,,,,, -2193,1,1,2,2,2,2,2,2,2,2 -2194,1,1,1,2,1,1,1,2,2,2 -2195,1,1,1,1,1,1,2,2,1,1 -2196,1,2,2,2,2,2,2,2,2,2 -2197,1,1,1,1,1,1,2,1,1,2 -2198,1,1,1,2,2,2,2,2,2,2 -2199,1,1,1,1,1,1,2,1,1,1 -2200,2,,,,,,,,, -2201,2,,,,,,,,, -2202,1,1,1,1,1,1,1,1,1,1 -2203,1,1,1,1,1,1,1,1,1,1 -2204,1,1,1,1,1,1,1,1,1,1 -2205,1,1,1,1,1,1,2,1,1,1 -2206,1,1,1,2,1,1,1,1,2,2 -2207,1,1,1,1,1,2,1,2,1,1 -2208,1,1,1,1,1,1,2,2,1,1 -2209,1,1,1,1,1,1,1,1,1,1 -2210,1,1,1,1,1,1,1,1,1,1 -2211,1,1,1,1,1,1,2,1,1,1 -2212,1,1,1,2,2,2,2,2,2,2 -2213,1,1,1,1,1,1,2,1,1,1 -2214,1,1,1,1,2,2,1,2,1,1 -2215,2,,,,,,,,, -2216,1,1,2,1,2,2,2,2,2,2 -2217,1,1,1,1,1,1,1,1,2,1 -2218,2,,,,,,,,, -2219,1,1,1,2,1,1,1,1,2,2 -2220,1,1,1,1,1,1,2,1,1,1 -2221,1,1,1,2,1,1,2,2,1,1 -2222,1,1,1,2,1,1,2,2,2,2 -2223,1,1,1,1,1,1,1,1,1,1 -2224,1,1,1,1,1,1,1,1,1,1 -2225,1,1,1,1,1,1,2,1,1,1 -2226,1,1,1,1,1,1,1,2,1,1 -2227,1,1,1,1,1,1,1,1,1,1 -2228,1,1,1,1,1,1,1,1,1,1 -2229,2,,,,,,,,, -2230,1,1,1,1,1,1,2,1,1,1 -2231,1,1,1,2,1,1,2,2,2,2 -2232,1,2,2,2,2,2,2,2,2,2 -2233,1,1,1,1,1,2,1,2,1,1 -2234,1,2,2,2,2,2,2,2,2,2 -2235,1,2,2,2,2,2,2,2,2,2 -2236,1,1,1,1,1,1,2,1,1,1 -2237,1,1,1,1,1,1,2,1,1,1 -2238,1,1,1,1,1,1,2,1,1,1 -2239,1,2,2,2,2,2,2,2,2,2 -2240,1,1,1,1,1,1,2,1,1,1 -2241,1,1,1,2,1,1,1,1,2,2 -2242,1,2,2,2,2,2,2,2,2,2 -2243,1,2,2,2,2,2,2,2,2,2 -2244,1,1,1,1,2,2,2,2,1,1 -2245,1,1,1,1,1,1,2,1,1,1 -2246,1,1,1,1,2,2,1,1,1,1 -2247,1,1,1,1,1,1,2,1,1,1 -2248,1,1,1,2,1,1,2,2,2,2 -2249,1,2,2,2,2,2,2,2,2,2 -2250,1,1,1,1,1,2,1,2,1,1 -2251,1,1,1,1,1,1,2,2,1,1 -2252,1,2,2,2,2,2,2,2,2,2 -2253,1,1,1,2,2,2,2,2,1,1 -2254,1,2,2,2,2,2,2,2,2,2 -2255,1,2,2,2,1,1,2,2,2,2 -2256,1,2,2,2,2,2,2,2,2,2 -2257,1,2,2,2,2,2,2,2,2,2 -2258,1,1,1,1,1,1,1,1,1,1 -2259,1,1,1,1,1,1,1,1,1,1 -2260,1,1,1,2,1,1,1,2,2,2 -2261,1,2,2,2,2,2,2,2,2,2 -2262,2,,,,,,,,, -2263,1,1,1,1,1,1,1,1,1,1 -2264,1,1,1,2,2,2,2,2,2,2 -2265,1,1,1,2,1,1,1,2,1,1 -2266,1,1,1,1,1,1,2,1,1,1 -2267,1,1,1,2,1,1,1,1,2,2 -2268,1,2,2,2,2,2,2,2,2,2 -2269,1,1,1,1,1,1,1,1,1,1 -2270,1,1,1,2,1,1,1,1,2,2 -2271,1,1,1,1,1,1,1,1,1,1 -2272,1,1,1,1,1,1,2,2,1,1 -2273,1,1,1,1,1,1,2,1,1,1 -2274,1,1,1,1,1,1,2,2,1,1 -2275,1,1,1,1,2,2,2,2,1,1 -2276,1,1,1,1,2,2,2,2,1,1 -2277,1,1,1,1,1,1,2,2,1,1 -2278,1,1,1,1,1,1,2,1,1,1 -2279,1,1,1,2,2,2,2,2,2,2 -2280,1,1,1,2,1,1,2,2,2,2 -2281,1,1,1,2,1,1,1,2,2,2 -2282,1,1,1,2,1,1,2,2,2,2 -2283,1,1,2,1,2,2,2,2,2,2 -2284,1,2,2,2,2,2,2,2,2,2 -2285,1,1,2,1,2,2,1,1,2,2 -2286,1,1,1,1,1,1,2,1,1,1 -2287,1,1,1,1,1,1,1,1,1,1 -2288,1,1,2,1,2,2,2,2,2,2 -2289,1,2,2,2,2,2,2,2,2,2 -2290,1,1,1,1,1,1,2,1,1,1 -2291,2,,,,,,,,, -2292,1,2,2,2,2,2,2,2,2,2 -2293,1,2,2,2,2,2,2,2,2,2 -2294,2,,,,,,,,, -2295,1,1,1,1,1,1,1,2,1,1 -2296,1,1,1,1,1,1,2,2,1,1 -2297,1,1,1,1,1,1,2,1,1,1 -2298,1,1,1,1,1,1,2,1,1,1 -2299,1,2,2,2,2,2,2,2,2,2 -2300,2,,,,,,,,, -2301,1,1,1,1,1,1,2,1,1,1 -2302,1,1,1,1,2,2,2,1,1,1 -2303,1,1,1,2,1,1,1,1,1,1 -2304,2,,,,,,,,, -2305,1,1,1,1,1,1,1,1,1,1 -2306,2,,,,,,,,, -2307,1,1,1,1,1,1,1,1,1,1 -2308,1,2,2,2,1,1,2,2,2,2 -2309,1,2,2,2,2,2,2,2,2,2 -2310,1,1,1,1,1,1,2,2,1,1 -2311,1,1,1,2,1,1,1,2,2,2 -2312,2,,,,,,,,, -2313,1,1,1,1,2,2,1,1,1,1 -2314,2,,,,,,,,, -2315,1,1,1,1,1,1,1,1,2,2 -2316,1,2,2,2,1,1,2,2,2,2 -2317,1,2,2,2,2,2,2,2,2,2 -2318,1,1,1,1,1,1,2,2,1,1 -2319,1,1,1,1,1,1,2,2,1,1 -2320,1,1,1,1,1,1,1,1,1,1 -2321,1,1,1,1,1,2,1,2,1,1 -2322,1,1,2,1,2,2,1,1,1,1 -2323,1,1,1,2,1,1,1,2,1,1 -2324,1,1,1,1,1,1,2,1,1,1 -2325,1,2,2,2,2,2,2,2,2,2 -2326,1,1,1,1,1,1,1,1,1,1 -2327,1,1,1,1,2,2,2,2,1,1 -2328,1,1,1,1,1,1,1,1,1,1 -2329,2,,,,,,,,, -2330,1,1,1,2,2,2,2,2,2,2 -2331,2,,,,,,,,, -2332,1,1,1,1,2,2,2,2,1,1 -2333,1,1,1,1,1,2,1,2,1,1 -2334,2,,,,,,,,, -2335,1,1,2,2,1,1,1,1,2,2 -2336,1,1,1,1,1,1,2,1,1,1 -2337,1,1,1,1,1,1,1,1,1,1 -2338,1,1,1,2,2,2,2,2,2,2 -2339,1,1,1,1,1,1,1,1,1,1 -2340,1,1,1,1,1,1,2,2,1,1 -2341,2,,,,,,,,, -2342,1,1,1,1,2,2,2,2,1,1 -2343,1,1,1,1,1,1,1,2,1,1 -2344,1,1,1,2,2,2,1,1,1,1 -2345,1,1,1,1,1,1,2,1,1,1 -2346,1,1,2,1,1,1,1,1,1,1 -2347,1,1,1,1,1,1,2,1,1,1 -2348,1,1,1,1,1,2,1,2,1,1 -2349,1,1,2,2,1,1,2,2,2,2 -2350,2,,,,,,,,, -2351,1,1,1,2,1,1,1,1,1,1 -2352,2,,,,,,,,, -2353,1,1,1,1,1,1,2,2,1,1 -2354,1,1,1,1,1,1,2,1,1,1 -2355,1,2,2,2,2,2,1,2,1,2 -2356,1,1,1,1,1,1,1,1,1,1 -2357,1,1,1,2,2,2,2,2,2,2 -2358,1,2,2,2,2,2,2,2,2,2 -2359,1,1,1,1,1,1,2,1,1,1 -2360,1,1,1,2,2,2,1,1,2,2 -2361,1,1,1,2,1,1,1,1,2,2 -2362,1,1,1,1,1,1,2,1,1,1 -2363,1,1,1,2,1,1,1,2,1,1 -2364,1,1,1,1,2,2,2,2,1,1 -2365,2,,,,,,,,, -2366,1,1,1,1,1,1,2,2,1,1 -2367,1,2,2,2,2,2,2,2,2,2 -2368,1,1,1,1,1,1,2,2,1,1 -2369,1,1,1,1,1,1,1,1,1,1 -2370,1,2,2,2,2,2,2,2,2,2 -2371,1,1,1,1,1,1,2,2,1,1 -2372,1,1,1,1,1,1,1,2,2,2 -2373,1,1,1,1,1,1,2,2,1,1 -2374,1,1,1,1,1,1,1,1,1,1 -2375,1,1,1,2,2,2,2,2,2,2 -2376,1,1,1,2,1,1,1,1,2,2 -2377,1,1,1,2,2,2,2,1,2,2 -2378,1,1,1,2,2,2,2,2,1,1 -2379,1,1,1,1,1,1,1,1,1,1 -2380,1,1,2,1,2,2,2,2,2,2 -2381,1,1,1,1,1,1,2,1,1,1 -2382,2,,,,,,,,, -2383,1,1,1,1,1,1,2,1,1,1 -2384,1,1,1,2,2,2,1,1,1,1 -2385,1,1,1,2,1,1,1,1,2,2 -2386,1,1,1,1,1,1,2,2,1,1 -2387,1,1,1,1,1,1,2,1,1,1 -2388,1,1,1,2,2,2,2,2,2,2 -2389,1,1,1,2,1,1,1,2,2,2 -2390,1,1,1,1,1,1,1,2,2,2 -2391,1,1,1,2,1,1,1,2,2,2 -2392,1,1,1,1,1,1,2,2,1,1 -2393,1,1,1,1,1,1,1,1,1,1 -2394,1,1,1,1,1,1,1,1,1,1 -2395,1,1,1,1,1,2,1,2,1,1 -2396,1,1,1,1,1,2,1,2,1,1 -2397,1,1,1,2,1,1,2,2,2,2 -2398,1,2,2,2,2,2,2,2,2,2 -2399,1,1,1,1,1,1,1,1,1,1 -2400,1,1,1,1,1,1,1,1,1,1 -2401,1,1,1,1,1,2,1,2,1,1 -2402,1,1,1,1,1,1,1,1,1,1 -2403,1,1,1,1,1,2,1,2,1,1 -2404,1,1,1,1,1,2,1,2,1,1 -2405,1,1,1,1,1,1,1,1,1,1 -2406,1,2,2,2,2,2,2,2,2,2 -2407,1,2,2,2,2,2,2,2,2,2 -2408,1,2,2,2,2,2,2,2,2,2 -2409,1,1,1,1,1,1,2,2,1,1 -2410,1,2,2,2,2,2,2,2,2,2 -2411,1,1,1,1,1,1,2,1,1,1 -2412,1,1,1,1,1,1,2,2,1,1 -2413,1,1,1,2,1,1,1,1,2,2 -2414,1,1,1,2,1,1,2,2,2,2 -2415,2,,,,,,,,, -2416,1,1,1,2,2,2,2,1,2,2 -2417,1,1,1,1,1,1,2,1,1,1 -2418,1,1,1,1,1,1,1,1,1,1 -2419,1,2,2,2,1,1,1,1,1,1 -2420,1,2,2,2,2,2,2,2,2,2 -2421,1,1,1,1,1,1,2,2,2,2 -2422,2,,,,,,,,, -2423,1,1,1,1,1,1,2,2,1,1 -2424,1,1,1,1,1,1,2,2,1,1 -2425,1,1,1,2,1,1,1,2,2,2 -2426,1,1,1,1,1,1,1,1,1,1 -2427,1,1,1,1,1,2,1,2,1,1 -2428,1,1,1,1,1,1,2,2,1,1 -2429,1,2,2,2,1,1,2,2,2,2 -2430,1,1,1,2,1,1,1,1,2,2 -2431,1,1,1,1,1,1,2,1,1,1 -2432,1,2,2,2,2,2,2,2,2,2 -2433,1,2,2,2,2,2,2,2,2,2 -2434,1,1,1,1,1,1,2,2,1,1 -2435,1,1,1,1,1,1,1,1,1,1 -2436,1,1,1,1,1,1,2,2,1,1 -2437,1,1,1,1,1,1,2,2,1,1 -2438,1,1,1,1,1,1,2,2,1,1 -2439,2,,,,,,,,, -2440,1,2,2,2,1,1,1,2,2,2 -2441,2,,,,,,,,, -2442,1,2,2,2,2,2,2,2,2,2 -2443,1,1,2,1,2,2,1,1,1,1 -2444,1,2,2,2,2,2,2,2,2,2 -2445,1,1,1,2,1,1,1,2,2,2 -2446,1,1,1,2,1,1,2,2,1,1 -2447,1,1,1,1,1,1,2,2,1,1 -2448,1,1,1,1,1,1,1,1,1,1 -2449,1,1,1,1,2,2,2,2,1,1 -2450,1,1,1,2,1,1,1,1,2,2 -2451,1,1,1,1,2,2,2,2,1,1 -2452,1,2,2,2,2,2,2,2,2,2 -2453,1,1,1,1,1,1,2,2,1,1 -2454,1,1,2,1,1,1,2,2,1,1 -2455,1,1,1,2,2,2,2,2,2,2 -2456,1,1,1,2,1,1,1,2,2,2 -2457,1,1,1,2,1,1,1,1,2,2 -2458,1,1,1,1,1,1,1,1,1,1 -2459,1,1,1,1,1,1,1,1,1,1 -2460,1,1,1,2,1,1,1,2,2,2 -2461,2,,,,,,,,, -2462,1,1,1,1,2,2,1,2,1,1 -2463,1,1,1,1,1,1,2,1,1,1 -2464,1,1,1,1,1,1,2,1,1,1 -2465,1,2,2,2,2,2,2,2,2,2 -2466,1,1,1,1,1,1,1,1,1,1 -2467,1,1,1,1,1,1,2,1,1,1 -2468,1,1,1,1,1,1,1,2,1,1 -2469,1,2,2,2,2,2,2,2,2,2 -2470,2,,,,,,,,, -2471,1,1,1,1,2,2,2,2,1,1 -2472,1,2,2,2,2,2,2,2,2,2 -2473,2,,,,,,,,, -2474,1,1,1,1,1,1,1,1,1,1 -2475,1,1,1,1,1,1,2,1,1,1 -2476,1,1,1,1,1,1,1,1,1,1 -2477,1,1,1,1,1,1,2,2,1,1 -2478,1,1,1,1,1,2,1,2,1,1 -2479,1,1,1,1,1,1,1,1,1,1 -2480,1,1,2,1,2,2,1,1,1,1 -2481,1,1,1,1,2,2,2,1,1,1 -2482,1,1,1,1,1,1,2,2,1,1 -2483,1,1,2,2,1,1,1,1,2,2 -2484,1,1,1,2,1,1,1,2,2,2 -2485,1,1,1,2,1,1,1,1,2,2 -2486,1,1,1,1,1,1,2,2,1,1 -2487,1,2,2,2,2,2,2,2,2,2 -2488,1,1,2,1,2,2,2,2,2,2 -2489,2,,,,,,,,, -2490,1,1,1,1,1,1,1,1,1,1 -2491,1,1,1,1,2,2,2,2,1,1 -2492,1,1,1,1,1,1,1,1,1,1 -2493,2,,,,,,,,, -2494,1,1,1,2,1,1,1,1,1,1 -2495,1,1,1,1,1,1,2,2,1,1 -2496,1,1,1,1,2,2,2,2,1,1 -2497,1,1,1,1,1,1,2,1,1,1 -2498,1,1,1,1,1,2,1,2,1,1 -2499,1,1,2,1,2,2,2,2,2,2 -2500,1,2,2,2,2,2,2,2,2,2 -2501,1,1,1,1,1,1,2,1,1,1 -2502,1,1,1,1,1,1,2,1,1,1 -2503,1,1,1,1,2,2,2,2,1,1 -2504,1,1,2,1,2,2,2,2,2,2 -2505,1,1,1,2,2,2,2,2,2,2 -2506,2,,,,,,,,, -2507,1,1,1,1,1,1,1,1,1,1 -2508,1,1,1,1,1,1,1,1,1,1 -2509,1,1,1,1,1,1,2,2,1,1 -2510,1,2,2,2,2,2,2,2,2,2 -2511,1,1,1,1,1,1,2,1,1,1 -2512,1,1,1,1,1,1,2,1,1,1 -2513,1,1,1,1,1,1,1,1,1,1 -2514,1,2,2,2,2,2,2,2,2,2 -2515,1,1,1,1,1,1,1,1,1,1 -2516,1,1,1,1,1,1,2,1,1,1 -2517,1,1,1,1,1,1,1,2,1,1 -2518,1,1,1,1,1,1,2,1,1,1 -2519,1,1,1,1,1,1,2,2,1,1 -2520,2,,,,,,,,, -2521,1,1,1,1,1,2,1,2,1,1 -2522,1,1,1,1,1,1,2,1,1,1 -2523,1,1,1,1,1,1,1,1,1,1 -2524,1,1,1,1,1,1,1,1,1,1 -2525,1,1,1,2,1,1,2,2,1,1 -2526,1,1,1,1,1,1,2,1,1,1 -2527,1,2,2,2,2,2,2,2,2,2 -2528,1,1,1,2,1,1,1,2,2,2 -2529,1,1,1,2,1,1,1,2,2,2 -2530,1,1,1,1,1,1,1,1,1,1 -2531,1,1,1,2,1,1,1,2,2,2 -2532,1,1,1,1,1,1,1,1,1,1 -2533,1,1,1,2,1,1,1,1,2,2 -2534,1,1,1,1,1,1,1,2,1,1 -2535,1,1,1,2,1,1,1,1,2,2 -2536,1,1,1,1,1,2,1,2,1,1 -2537,1,2,2,2,2,2,2,2,2,2 -2538,1,1,1,1,1,1,1,2,2,2 -2539,1,1,1,1,1,1,2,1,1,1 -2540,1,1,1,1,1,1,1,1,1,1 -2541,1,1,1,1,2,2,1,2,1,1 -2542,1,2,2,2,2,2,2,2,2,2 -2543,1,2,2,2,2,2,2,2,2,2 -2544,1,2,2,2,2,2,2,2,2,2 -2545,1,1,1,1,1,1,2,1,1,1 -2546,1,2,2,2,2,2,2,2,2,2 -2547,1,1,1,1,1,2,1,2,1,1 -2548,1,1,1,1,2,2,2,2,1,1 -2549,1,1,1,1,2,2,2,2,1,1 -2550,1,1,1,2,1,1,2,1,2,2 -2551,1,1,1,1,1,1,1,1,2,2 -2552,1,1,1,1,1,1,2,1,1,1 -2553,2,,,,,,,,, -2554,1,1,1,1,2,1,2,1,1,2 -2555,1,1,1,1,1,1,2,1,1,1 -2556,1,1,1,2,1,1,1,2,2,2 -2557,1,2,2,2,2,2,2,2,2,2 -2558,1,2,2,1,1,1,2,2,2,2 -2559,1,1,1,1,2,2,1,2,1,1 -2560,1,1,1,2,1,1,1,1,2,2 -2561,1,1,1,1,2,2,2,2,1,1 -2562,1,1,1,1,1,1,1,1,1,1 -2563,1,1,1,1,1,2,1,2,1,1 -2564,1,1,1,1,1,1,2,2,1,1 -2565,1,1,1,1,1,1,1,1,1,1 -2566,1,2,2,2,1,1,2,2,2,2 -2567,1,1,1,2,2,2,2,2,2,2 -2568,1,2,2,2,2,2,2,2,2,2 -2569,1,1,1,1,1,1,2,1,1,1 -2570,1,1,1,1,1,1,1,2,2,2 -2571,1,1,1,2,1,1,2,1,2,2 -2572,1,1,1,1,1,1,2,1,1,1 -2573,2,,,,,,,,, -2574,1,1,1,1,1,2,1,2,1,1 -2575,1,1,1,2,1,1,2,2,1,2 -2576,1,1,1,1,1,2,1,2,1,1 -2577,1,1,1,1,1,1,1,1,1,1 -2578,2,,,,,,,,, -2579,1,2,2,2,2,2,2,2,2,2 -2580,1,1,1,1,1,1,1,1,1,1 -2581,1,1,1,1,1,1,1,1,1,1 -2582,1,1,1,1,1,1,2,1,1,1 -2583,1,1,1,1,1,1,2,1,1,1 -2584,2,,,,,,,,, -2585,1,2,2,2,1,1,1,2,2,2 -2586,1,2,2,2,2,2,2,2,2,2 -2587,1,1,1,1,1,1,2,1,1,1 -2588,1,1,1,1,1,1,1,1,1,1 -2589,2,,,,,,,,, -2590,1,1,1,1,1,1,2,2,2,2 -2591,1,1,2,1,2,2,2,2,2,2 -2592,1,1,1,2,1,1,2,2,2,2 -2593,1,1,1,1,1,1,1,1,1,1 -2594,1,1,1,1,2,2,2,2,1,1 -2595,1,1,1,1,1,1,1,1,1,1 -2596,1,1,1,1,1,2,1,2,1,1 -2597,2,,,,,,,,, -2598,1,1,1,2,1,1,2,2,2,2 -2599,1,1,1,1,1,1,2,2,1,1 -2600,1,1,1,1,2,2,1,1,1,1 -2601,1,1,1,1,1,2,1,2,1,1 -2602,1,1,1,1,1,1,2,1,1,1 -2603,2,,,,,,,,, -2604,1,2,2,2,2,2,2,2,2,2 -2605,1,1,1,2,1,1,1,1,2,2 -2606,1,1,1,1,2,2,2,2,1,1 -2607,1,1,1,1,1,1,1,1,1,1 -2608,1,1,1,1,1,1,2,2,1,1 -2609,1,1,1,2,1,1,1,2,1,1 -2610,1,1,1,1,1,1,2,2,1,1 -2611,1,1,1,1,1,1,2,1,1,1 -2612,1,2,2,2,2,2,2,2,2,2 -2613,1,1,1,1,1,1,2,1,1,1 -2614,1,1,1,2,1,1,1,2,2,2 -2615,1,1,1,1,1,1,1,1,1,1 -2616,1,1,1,1,1,1,1,1,1,1 -2617,1,1,1,1,1,1,1,1,1,1 -2618,1,1,1,1,1,1,2,2,1,1 -2619,1,1,1,1,1,1,1,2,2,2 -2620,1,1,1,2,1,1,1,1,2,2 -2621,1,1,1,1,1,1,1,1,1,1 -2622,2,,,,,,,,, -2623,1,1,1,1,1,1,1,2,2,2 -2624,1,1,2,2,2,2,2,2,2,2 -2625,1,1,1,2,1,1,2,2,2,2 -2626,1,1,1,1,1,1,2,1,1,1 -2627,1,2,2,2,2,2,2,2,2,2 -2628,1,1,1,1,2,2,2,2,1,1 -2629,1,1,1,1,1,1,1,1,1,1 -2630,1,1,1,2,1,1,1,2,1,1 -2631,2,,,,,,,,, -2632,1,1,1,2,1,1,2,2,2,2 -2633,1,1,1,1,1,1,2,1,1,1 -2634,1,1,1,2,1,1,1,1,2,2 -2635,1,1,1,1,1,1,1,2,1,1 -2636,1,1,1,1,1,1,2,2,1,1 -2637,2,,,,,,,,, -2638,1,1,1,1,1,1,1,1,1,1 -2639,1,1,1,2,1,1,1,2,2,2 -2640,1,1,1,1,1,1,2,2,1,1 -2641,1,1,1,1,1,1,2,1,1,1 -2642,1,1,1,1,1,1,1,1,1,1 -2643,1,1,1,1,1,1,2,1,1,1 -2644,1,1,1,1,1,1,1,1,1,1 -2645,1,1,1,1,1,1,1,1,1,1 -2646,2,,,,,,,,, -2647,1,1,1,2,1,1,1,2,2,2 -2648,1,1,1,1,2,2,2,1,1,1 -2649,2,,,,,,,,, -2650,1,2,2,2,2,2,2,2,2,2 -2651,1,1,1,1,1,1,1,1,1,1 -2652,2,,,,,,,,, -2653,1,1,1,1,1,1,1,1,1,1 -2654,1,1,1,1,1,1,1,1,1,1 -2655,1,1,1,2,1,1,1,2,1,1 -2656,1,1,1,2,1,1,1,2,2,2 -2657,1,1,1,1,1,1,2,2,1,1 -2658,1,2,2,2,2,2,2,2,2,2 -2659,1,1,1,1,1,1,2,2,1,1 -2660,1,2,2,2,2,2,2,2,2,2 -2661,1,1,1,2,1,1,1,1,1,1 -2662,1,1,1,1,1,1,1,1,2,2 -2663,1,1,1,1,1,1,1,1,1,1 -2664,1,1,1,1,2,2,2,2,1,1 -2665,1,2,2,2,1,1,2,2,2,2 -2666,1,1,1,1,1,1,2,2,1,1 -2667,1,1,1,1,1,1,1,1,1,1 -2668,1,1,2,1,2,2,1,1,1,1 -2669,1,1,1,2,1,1,1,2,2,2 -2670,1,2,2,2,1,1,1,1,2,2 -2671,1,1,1,1,1,1,1,1,1,1 -2672,1,1,1,1,1,1,2,2,1,1 -2673,1,1,1,1,1,1,2,2,1,1 -2674,1,1,1,1,1,1,1,1,1,1 -2675,1,1,1,1,1,1,2,2,1,1 -2676,2,,,,,,,,, -2677,1,1,1,1,1,2,1,2,1,1 -2678,1,2,2,2,2,2,2,2,2,2 -2679,1,2,2,2,2,2,2,2,2,2 -2680,1,1,2,1,1,1,1,1,1,1 -2681,1,2,2,2,2,2,2,2,2,2 -2682,2,,,,,,,,, -2683,1,1,1,1,1,1,1,1,1,1 -2684,1,1,1,1,1,1,2,2,1,1 -2685,1,1,1,1,1,1,2,1,1,1 -2686,1,1,2,2,1,1,1,1,2,2 -2687,1,1,1,1,1,1,1,1,1,1 -2688,1,1,1,1,1,1,2,2,1,1 -2689,1,1,1,1,1,1,2,1,1,1 -2690,1,1,1,2,1,1,1,1,2,2 -2691,2,,,,,,,,, -2692,1,1,1,1,1,1,1,1,1,1 -2693,1,2,2,2,1,1,2,2,2,2 -2694,1,1,1,1,1,1,2,1,1,1 -2695,1,1,1,1,1,1,2,1,1,1 -2696,1,1,1,1,1,1,2,1,1,1 -2697,2,,,,,,,,, -2698,2,,,,,,,,, -2699,1,1,1,2,1,1,1,2,1,1 -2700,1,1,1,2,1,1,2,2,2,2 -2701,1,1,1,1,1,1,1,1,1,1 -2702,1,2,2,2,2,2,2,2,2,2 -2703,1,1,1,1,1,1,2,1,1,1 -2704,2,,,,,,,,, -2705,1,1,1,1,1,1,1,1,1,1 -2706,1,1,1,1,1,1,2,2,1,1 -2707,1,1,1,1,1,1,1,1,1,1 -2708,1,1,1,2,1,1,2,1,2,2 -2709,2,,,,,,,,, -2710,1,1,1,1,1,2,1,2,1,1 -2711,1,2,2,2,2,2,2,2,2,2 -2712,1,1,1,2,1,1,1,1,1,1 -2713,1,1,1,1,1,1,1,1,1,1 -2714,1,1,1,1,1,1,2,1,1,1 -2715,1,2,2,2,2,2,2,2,2,2 -2716,2,,,,,,,,, -2717,2,,,,,,,,, -2718,1,2,2,1,1,1,2,2,1,1 -2719,1,1,1,1,1,1,2,1,1,1 -2720,1,1,1,1,2,2,1,2,1,1 -2721,1,2,2,2,2,2,2,2,2,2 -2722,1,1,1,1,1,1,2,2,1,1 -2723,1,1,1,1,1,1,2,1,1,1 -2724,1,1,2,1,2,2,1,1,2,2 -2725,1,1,1,1,1,1,1,1,1,1 -2726,1,1,1,1,1,2,1,2,1,1 -2727,1,1,1,2,1,1,1,1,1,1 -2728,1,1,1,1,1,1,1,2,2,2 -2729,1,1,1,1,1,1,2,1,1,1 -2730,2,,,,,,,,, -2731,1,1,1,2,2,2,2,2,2,2 -2732,1,1,1,1,1,1,1,1,1,1 -2733,1,1,1,2,1,1,1,1,2,2 -2734,1,1,1,2,1,1,2,2,2,2 -2735,1,1,1,2,1,1,1,1,2,2 -2736,1,1,1,1,1,1,1,2,2,2 -2737,1,1,1,1,2,2,2,2,1,1 -2738,1,1,1,2,1,1,1,2,2,2 -2739,1,1,1,2,1,1,1,2,2,2 -2740,1,1,1,1,1,1,2,2,1,1 -2741,1,1,1,1,1,1,1,1,1,1 -2742,1,1,1,1,1,1,1,2,1,1 -2743,1,1,1,1,1,1,1,1,1,1 -2744,1,1,1,1,1,2,1,2,1,1 -2745,1,1,1,2,1,1,1,2,1,1 -2746,1,1,1,1,1,1,1,1,1,1 -2747,1,1,1,1,1,1,2,1,1,1 -2748,2,,,,,,,,, -2749,1,1,1,1,2,2,2,2,1,1 -2750,1,1,1,1,1,2,1,2,1,1 -2751,1,1,1,1,1,1,2,2,1,1 -2752,1,1,1,1,1,1,1,1,2,2 -2753,1,1,1,1,1,2,1,2,1,1 -2754,1,1,1,1,1,1,2,1,1,1 -2755,1,2,2,2,2,2,2,2,2,2 -2756,1,1,1,1,1,1,2,2,1,1 -2757,1,1,1,2,1,1,1,2,2,2 -2758,1,1,1,2,1,1,1,1,2,2 -2759,1,1,2,2,2,2,1,1,2,2 -2760,1,1,1,2,1,1,1,1,1,1 -2761,1,2,2,2,2,2,2,2,2,2 -2762,1,1,1,1,1,1,2,1,1,1 -2763,1,1,1,1,1,1,1,1,1,1 -2764,1,1,1,1,1,1,1,1,1,1 -2765,1,1,1,1,2,2,1,2,1,1 -2766,2,,,,,,,,, -2767,2,,,,,,,,, -2768,1,1,2,1,2,2,1,1,1,1 -2769,1,2,2,2,2,2,2,2,2,2 -2770,1,1,1,1,2,2,2,2,1,1 -2771,1,2,2,2,2,2,2,2,2,2 -2772,1,1,1,1,1,1,2,2,1,1 -2773,1,1,1,2,1,1,2,2,1,1 -2774,1,1,1,2,2,2,2,2,2,2 -2775,1,1,1,2,1,1,1,2,2,2 -2776,1,1,1,2,1,1,2,2,2,2 -2777,1,1,1,1,1,1,1,1,1,1 -2778,1,1,1,1,1,2,2,2,1,1 -2779,1,2,2,2,2,2,2,2,2,2 -2780,1,1,1,2,1,1,1,2,2,2 -2781,2,,,,,,,,, -2782,2,,,,,,,,, -2783,1,1,2,1,2,2,2,2,1,1 -2784,1,1,2,2,1,1,2,2,2,2 -2785,1,1,1,1,1,1,1,1,1,1 -2786,1,1,1,2,1,1,2,2,1,1 -2787,1,1,1,1,1,1,2,2,1,1 -2788,1,1,1,1,1,1,2,1,1,1 -2789,1,2,2,2,2,2,2,2,2,2 -2790,1,2,2,2,2,2,2,2,2,2 -2791,1,1,1,2,1,2,1,2,2,2 -2792,1,1,1,1,1,1,1,1,1,1 -2793,1,1,1,1,1,1,1,1,1,1 -2794,2,,,,,,,,, -2795,1,1,1,2,1,1,1,2,2,2 -2796,2,,,,,,,,, -2797,2,,,,,,,,, -2798,1,2,2,2,1,1,2,2,2,2 -2799,1,1,1,1,1,1,2,2,1,1 -2800,1,1,1,2,1,1,1,2,2,2 -2801,2,,,,,,,,, -2802,1,1,1,2,1,1,1,1,2,2 -2803,1,1,1,1,1,2,1,1,1,1 -2804,1,1,1,2,1,1,2,1,2,2 -2805,1,1,1,2,1,1,2,2,2,2 -2806,1,1,1,1,1,1,1,2,2,2 -2807,2,,,,,,,,, -2808,1,2,2,1,1,1,1,1,1,1 -2809,1,2,2,2,2,2,2,2,2,2 -2810,1,1,2,1,2,2,2,2,2,2 -2811,1,1,1,2,1,1,1,2,2,2 -2812,1,1,1,1,1,1,1,1,1,1 -2813,2,,,,,,,,, -2814,1,2,2,2,1,1,2,2,2,2 -2815,1,1,1,2,1,1,1,1,1,1 -2816,1,1,1,2,1,1,2,2,2,2 -2817,1,1,1,1,1,1,1,1,1,1 -2818,1,1,1,1,1,1,1,1,1,1 -2819,1,1,1,1,1,1,2,1,1,1 -2820,1,1,1,1,1,1,2,1,1,1 -2821,1,2,2,2,2,2,2,2,2,2 -2822,1,1,1,1,1,1,1,1,1,1 -2823,1,1,2,2,2,2,2,2,2,2 -2824,1,1,1,1,2,2,1,1,1,1 -2825,1,1,2,1,2,2,2,2,2,2 -2826,1,1,1,1,1,1,2,1,1,1 -2827,1,1,1,1,1,1,1,1,1,1 -2828,2,,,,,,,,, -2829,1,1,1,1,1,1,1,2,1,1 -2830,1,1,1,2,1,1,1,1,2,2 -2831,1,1,1,1,1,1,2,2,1,1 -2832,1,1,1,1,1,1,1,2,2,2 -2833,1,1,2,1,2,2,1,1,1,1 -2834,1,2,2,2,2,2,2,2,2,2 -2835,1,1,2,1,2,2,2,2,2,2 -2836,2,,,,,,,,, -2837,1,1,1,1,1,1,2,1,1,1 -2838,1,1,1,1,1,1,1,1,1,1 -2839,1,1,1,2,1,1,1,1,2,2 -2840,1,1,1,1,1,1,2,2,1,1 -2841,1,1,1,1,2,2,2,1,1,1 -2842,2,,,,,,,,, -2843,1,2,2,2,2,2,2,2,2,2 -2844,1,1,1,1,2,2,2,2,1,1 -2845,1,1,1,1,1,1,1,1,1,1 -2846,1,2,2,2,2,2,2,2,2,2 -2847,1,1,1,2,1,1,1,1,1,1 -2848,1,1,1,1,1,1,1,1,1,1 -2849,2,,,,,,,,, -2850,1,1,1,1,1,1,1,1,1,1 -2851,1,2,2,2,2,2,2,2,2,2 -2852,1,1,1,1,1,1,2,1,1,1 -2853,1,1,1,1,1,1,1,1,1,1 -2854,2,,,,,,,,, -2855,1,1,1,2,1,1,1,1,1,1 -2856,1,1,1,1,1,1,2,1,1,1 -2857,1,1,1,2,2,2,2,2,2,2 -2858,1,1,1,1,2,2,2,1,1,1 -2859,2,,,,,,,,, -2860,2,,,,,,,,, -2861,1,1,1,2,2,2,2,2,2,2 -2862,2,,,,,,,,, -2863,1,1,1,1,1,1,1,1,2,2 -2864,1,1,1,2,1,1,1,2,2,2 -2865,1,2,2,2,2,2,2,2,2,2 -2866,1,2,2,2,2,2,2,2,2,2 -2867,1,1,1,2,2,2,2,2,1,1 -2868,1,1,1,1,2,2,1,2,1,1 -2869,1,1,1,1,1,1,2,1,1,1 -2870,1,1,1,1,1,1,2,1,1,1 -2871,1,1,1,1,1,2,1,2,1,1 -2872,1,1,1,2,1,1,1,1,1,1 -2873,1,1,1,1,1,1,2,1,1,1 -2874,1,1,1,1,1,1,1,1,1,1 -2875,1,1,1,1,1,1,1,1,1,1 -2876,1,1,1,1,1,1,1,1,1,1 -2877,1,1,1,1,1,1,2,2,1,1 -2878,1,2,2,2,2,2,2,2,2,2 -2879,1,1,1,2,1,1,1,2,1,1 -2880,1,2,2,2,1,1,2,2,2,2 -2881,1,2,2,2,2,2,2,2,2,2 -2882,1,1,1,2,1,1,1,2,2,2 -2883,1,1,1,1,1,1,1,1,1,1 -2884,1,1,1,1,1,1,2,1,1,1 -2885,1,1,1,1,2,2,2,2,1,1 -2886,1,1,1,1,1,1,2,2,1,1 -2887,1,1,1,1,1,1,2,2,1,1 -2888,1,1,1,1,1,1,2,1,1,1 -2889,1,1,1,2,2,2,1,1,1,1 -2890,1,1,1,2,1,1,2,2,2,2 -2891,1,1,1,1,1,1,1,1,1,1 -2892,1,1,1,1,2,2,2,2,1,1 -2893,1,2,2,2,2,2,2,2,2,2 -2894,1,1,1,1,1,1,2,1,1,1 -2895,1,1,1,2,1,1,1,1,2,2 -2896,1,2,2,2,2,2,2,2,2,2 -2897,1,1,1,1,1,1,1,1,1,1 -2898,2,,,,,,,,, -2899,1,1,1,1,1,1,2,1,1,1 -2900,1,1,1,1,1,1,1,2,2,2 -2901,1,1,1,1,1,1,1,1,2,2 -2902,1,2,2,2,2,2,2,2,2,2 -2903,1,2,2,2,2,2,2,2,2,2 -2904,1,1,1,1,1,1,2,2,1,1 -2905,1,1,2,1,2,2,2,2,2,2 -2906,1,1,1,1,1,1,1,1,1,1 -2907,2,,,,,,,,, -2908,1,1,1,1,1,1,2,2,1,1 -2909,1,1,1,1,2,2,1,1,1,1 -2910,1,1,1,1,1,2,1,2,1,1 -2911,1,2,2,2,2,2,2,2,2,2 -2912,1,1,2,2,1,1,2,2,2,2 -2913,1,2,2,2,2,2,2,2,2,2 -2914,1,2,2,2,2,2,2,2,2,2 -2915,1,1,1,2,1,1,2,1,1,1 -2916,1,1,1,1,1,1,1,1,1,1 -2917,1,1,1,2,2,2,2,2,2,2 -2918,1,2,2,2,1,1,2,2,2,2 -2919,1,2,2,2,2,2,2,2,2,2 -2920,1,1,1,2,2,2,2,2,2,2 -2921,1,2,2,2,2,2,2,2,2,2 -2922,1,1,1,2,1,1,1,1,1,1 -2923,1,2,2,1,1,1,1,1,1,1 -2924,2,,,,,,,,, -2925,1,1,1,2,1,1,1,1,2,2 -2926,1,1,1,1,1,2,1,2,1,1 -2927,1,1,1,2,1,1,2,2,1,1 -2928,1,1,1,1,2,2,2,2,1,1 -2929,1,1,1,1,1,1,2,1,1,1 -2930,1,1,1,1,1,1,2,2,1,1 -2931,1,1,1,2,1,1,1,1,1,1 -2932,1,2,2,2,2,2,2,2,2,2 -2933,1,1,1,1,1,2,1,2,1,1 -2934,1,1,1,1,1,1,2,1,1,1 -2935,1,1,1,1,2,2,1,1,1,1 -2936,2,,,,,,,,, -2937,1,1,1,2,1,1,2,2,1,1 -2938,1,1,1,1,1,1,1,1,1,1 -2939,1,1,2,1,1,1,1,1,1,1 -2940,1,2,2,2,2,2,2,2,2,2 -2941,1,1,1,2,1,1,2,2,2,2 -2942,2,,,,,,,,, -2943,1,1,1,2,1,1,1,2,2,2 -2944,1,2,2,2,1,1,1,1,2,2 -2945,1,1,1,1,1,1,1,2,1,1 -2946,1,1,1,1,2,2,1,1,1,1 -2947,1,1,1,1,1,1,1,1,1,1 -2948,1,1,1,2,1,1,1,1,1,1 -2949,1,2,2,2,1,1,2,2,2,2 -2950,1,1,1,1,1,1,1,1,1,1 -2951,2,,,,,,,,, -2952,1,1,1,1,2,2,2,2,1,1 -2953,1,1,1,1,1,1,1,1,1,1 -2954,1,1,1,1,1,1,1,1,1,1 -2955,1,1,1,2,1,1,1,2,2,2 -2956,1,1,1,1,1,1,1,1,1,1 -2957,2,,,,,,,,, -2958,1,1,1,1,1,1,1,1,1,1 -2959,2,,,,,,,,, -2960,1,1,2,1,2,2,1,1,1,1 -2961,2,,,,,,,,, -2962,1,1,1,1,1,1,2,2,1,1 -2963,1,1,1,1,1,1,1,1,1,1 -2964,1,2,2,2,2,2,2,2,2,2 -2965,1,2,2,2,2,2,2,2,2,2 -2966,1,2,2,2,2,2,2,2,2,2 -2967,1,1,1,1,1,1,2,1,1,1 -2968,1,1,1,1,1,1,1,1,1,1 -2969,1,1,1,1,2,2,2,2,1,1 -2970,1,1,1,2,1,1,1,1,2,2 -2971,1,1,1,1,1,1,1,1,1,1 -2972,1,1,1,2,2,2,2,2,2,2 -2973,1,1,1,1,2,2,2,2,1,1 -2974,1,1,2,1,2,2,2,2,2,2 -2975,1,1,1,1,1,1,1,1,1,1 -2976,2,,,,,,,,, -2977,2,,,,,,,,, -2978,1,1,1,1,1,1,1,1,1,1 -2979,2,,,,,,,,, -2980,1,1,1,1,1,1,1,1,1,1 -2981,1,1,1,2,2,2,2,2,2,2 -2982,1,1,1,1,1,1,2,2,1,1 -2983,1,1,1,1,1,1,1,2,2,2 -2984,2,,,,,,,,, -2985,1,1,1,2,1,1,2,2,2,2 -2986,1,1,1,1,1,1,2,1,1,1 -2987,1,2,2,2,2,2,2,2,2,2 -2988,1,1,1,2,1,1,1,1,2,2 -2989,1,1,1,2,1,1,2,2,2,1 -2990,2,,,,,,,,, -2991,1,1,2,1,1,1,1,1,1,1 -2992,1,1,1,1,1,1,2,1,1,1 -2993,1,1,1,2,1,1,2,2,1,1 -2994,1,1,1,1,1,1,1,1,1,1 -2995,1,1,1,1,1,1,2,2,1,1 -2996,2,,,,,,,,, -2997,1,2,2,1,1,1,2,2,2,2 -2998,1,2,2,2,2,2,2,2,2,2 -2999,1,1,1,1,1,1,2,2,1,1 -3000,1,2,2,2,2,2,2,1,2,2 -3001,1,1,1,1,1,1,1,2,1,1 -3002,1,1,1,1,1,1,1,1,1,1 -3003,1,2,2,1,1,1,1,1,1,1 -3004,1,1,1,2,1,1,2,2,1,1 -3005,1,1,1,1,1,1,2,2,1,1 -3006,1,2,2,2,2,2,2,2,2,2 -3007,1,1,1,1,1,1,1,1,1,1 -3008,1,1,1,1,1,1,2,1,1,1 -3009,1,1,1,1,1,1,2,2,1,1 -3010,2,,,,,,,,, -3011,1,1,1,1,1,1,2,2,1,1 -3012,2,,,,,,,,, -3013,2,,,,,,,,, -3014,1,1,1,1,1,1,2,2,1,1 -3015,1,1,1,1,1,1,2,1,1,1 -3016,1,1,1,1,1,1,1,1,1,1 -3017,2,,,,,,,,, -3018,1,1,1,2,1,1,2,2,1,1 -3019,1,1,1,1,2,2,1,2,1,1 -3020,1,2,2,2,2,2,2,2,2,2 -3021,1,2,2,2,2,2,2,2,2,2 -3022,1,1,1,2,1,1,1,2,2,2 -3023,1,1,1,2,2,2,2,2,2,2 -3024,2,,,,,,,,, -3025,1,1,1,1,1,1,1,1,1,1 -3026,1,1,1,1,1,1,2,2,1,1 -3027,1,1,1,1,1,1,2,2,1,1 -3028,2,,,,,,,,, -3029,1,2,2,2,2,2,2,2,2,2 -3030,1,1,1,2,1,1,1,2,2,2 -3031,2,,,,,,,,, -3032,1,1,1,1,1,1,2,1,1,1 -3033,1,1,1,2,2,2,2,2,2,2 -3034,1,1,1,2,2,2,2,2,2,2 -3035,1,1,1,2,1,1,2,2,1,1 -3036,1,1,1,1,1,2,1,2,1,1 -3037,1,1,1,1,1,1,2,1,1,1 -3038,1,1,1,1,1,1,2,2,1,1 -3039,1,1,1,2,1,1,2,2,1,1 -3040,1,1,1,1,1,1,2,1,1,1 -3041,1,2,2,2,2,2,2,2,2,2 -3042,1,1,1,1,1,1,1,1,1,1 -3043,1,1,1,1,1,2,1,2,1,1 -3044,1,1,1,2,1,1,2,2,2,2 -3045,1,1,1,2,1,1,1,2,2,2 -3046,2,,,,,,,,, -3047,1,1,1,1,1,1,2,1,1,1 -3048,1,1,1,1,1,1,2,1,1,1 -3049,1,1,1,1,2,2,2,2,1,1 -3050,1,1,1,1,1,1,2,2,1,1 -3051,1,1,1,1,2,2,2,2,2,2 -3052,1,2,2,1,1,1,1,2,1,1 -3053,1,2,2,2,2,2,2,2,2,2 -3054,1,1,1,1,1,1,2,2,1,1 -3055,1,1,1,1,1,1,2,1,1,1 -3056,1,1,1,2,1,1,1,2,2,2 -3057,1,1,1,1,1,2,1,2,1,1 -3058,1,2,2,2,2,2,2,2,2,2 -3059,1,1,1,1,1,1,2,1,1,1 -3060,1,2,2,2,2,2,2,2,2,2 -3061,1,1,1,1,1,1,1,1,1,1 -3062,1,1,1,1,1,1,2,2,1,1 -3063,1,1,2,2,1,1,1,1,2,2 -3064,1,1,2,2,2,2,2,2,2,2 -3065,1,1,1,1,1,1,2,2,1,1 -3066,1,1,1,1,1,1,2,1,1,1 -3067,1,1,1,1,1,1,2,2,1,1 -3068,1,1,1,2,2,2,2,2,2,2 -3069,1,1,1,1,1,1,2,1,1,1 -3070,1,1,1,1,1,1,1,1,1,1 -3071,1,1,1,1,1,1,1,1,1,1 -3072,1,2,2,2,2,2,2,2,2,2 -3073,1,1,1,1,1,1,2,1,1,1 -3074,1,1,1,1,1,2,1,2,1,1 -3075,1,1,1,1,1,1,2,2,1,1 -3076,1,1,1,2,2,2,2,2,2,2 -3077,1,1,1,1,1,2,1,2,1,1 -3078,1,1,1,2,2,2,2,2,2,2 -3079,1,1,1,1,1,1,1,2,2,2 -3080,1,1,1,1,1,1,1,1,1,1 -3081,2,,,,,,,,, -3082,1,1,1,1,1,1,2,1,1,1 -3083,1,1,1,1,1,1,1,1,1,1 -3084,2,,,,,,,,, -3085,1,1,2,1,2,2,1,1,1,1 -3086,1,2,2,2,2,2,2,2,2,2 -3087,2,,,,,,,,, -3088,1,1,1,1,1,1,2,2,1,1 -3089,1,1,1,1,1,1,1,2,2,2 -3090,2,,,,,,,,, -3091,1,1,1,1,1,1,1,1,1,1 -3092,1,1,1,1,1,1,2,1,1,1 -3093,1,1,1,1,1,1,1,2,2,2 -3094,1,2,2,2,2,2,2,2,2,2 -3095,1,2,2,2,1,1,2,2,2,2 -3096,1,1,1,1,1,1,2,1,1,1 -3097,2,,,,,,,,, -3098,1,1,1,2,2,2,1,2,1,1 -3099,1,1,1,2,1,1,2,2,2,2 -3100,1,1,1,1,2,2,2,2,1,1 -3101,1,1,1,1,2,2,2,1,1,1 -3102,1,1,1,1,1,1,1,2,2,2 -3103,1,2,2,2,2,2,2,2,2,2 -3104,2,,,,,,,,, -3105,1,1,1,1,1,1,2,2,1,1 -3106,1,2,2,2,2,2,2,2,2,2 -3107,1,2,2,2,2,2,2,2,2,2 -3108,1,1,1,2,1,1,1,1,1,1 -3109,1,1,1,1,1,1,1,1,1,1 -3110,1,1,1,1,1,1,1,1,1,1 -3111,1,1,1,1,1,1,2,1,1,1 -3112,1,1,1,1,1,1,1,2,1,1 -3113,1,1,1,2,2,2,2,2,2,2 -3114,1,1,1,1,1,2,1,2,1,1 -3115,1,1,1,2,1,1,1,2,2,2 -3116,1,1,1,1,1,1,1,1,1,1 -3117,2,,,,,,,,, -3118,1,2,2,2,1,1,2,1,2,2 -3119,1,2,2,2,2,2,2,2,2,2 -3120,1,1,1,1,1,2,1,2,1,1 -3121,1,2,2,2,2,2,2,2,2,2 -3122,1,1,1,1,1,2,1,2,1,1 -3123,2,,,,,,,,, -3124,1,1,2,2,2,2,2,2,2,2 -3125,1,2,2,2,2,2,2,2,2,2 -3126,1,1,1,2,1,1,2,2,1,1 -3127,1,1,1,1,2,1,1,1,1,1 -3128,1,1,1,1,1,1,2,1,1,1 -3129,1,1,1,1,2,2,1,2,1,1 -3130,1,2,2,2,2,2,2,2,2,2 -3131,1,1,1,2,1,1,1,1,2,2 -3132,1,1,1,1,1,1,1,1,1,1 -3133,2,,,,,,,,, -3134,1,1,1,1,1,1,1,1,1,1 -3135,1,1,1,1,1,1,1,1,1,1 -3136,1,1,2,1,2,2,1,1,1,1 -3137,1,1,1,2,2,2,2,2,2,2 -3138,1,1,1,1,1,1,1,1,1,1 -3139,2,,,,,,,,, -3140,1,2,2,2,1,1,2,2,2,2 -3141,1,1,1,1,1,1,1,1,1,1 -3142,1,1,1,2,1,1,1,1,1,1 -3143,1,2,2,2,2,2,2,2,2,2 -3144,1,2,2,2,1,1,1,1,1,1 -3145,1,1,2,1,2,2,1,1,2,2 -3146,1,1,1,1,1,1,1,1,1,1 -3147,1,1,1,2,2,2,2,2,2,2 -3148,1,1,1,1,1,1,1,2,1,2 -3149,1,1,1,2,1,1,2,1,2,2 -3150,2,,,,,,,,, -3151,1,1,2,1,2,2,1,1,1,1 -3152,1,1,1,1,1,2,1,2,1,1 -3153,1,1,1,1,1,1,2,2,1,1 -3154,1,1,1,2,1,1,2,2,2,2 -3155,1,1,1,1,1,1,1,1,1,1 -3156,2,,,,,,,,, -3157,1,1,1,1,1,1,2,2,1,1 -3158,2,,,,,,,,, -3159,1,1,1,1,2,2,2,2,1,1 -3160,1,2,2,2,1,1,1,1,2,2 -3161,1,1,1,1,1,1,2,2,1,1 -3162,1,1,1,1,1,1,1,1,1,1 -3163,1,2,2,2,2,2,2,2,2,2 -3164,1,1,1,2,1,1,1,2,2,2 -3165,1,1,1,1,2,2,2,2,1,1 -3166,1,1,1,1,2,2,1,1,1,1 -3167,1,1,1,1,1,1,2,2,1,1 -3168,1,2,2,2,2,2,2,2,2,2 -3169,1,1,1,1,1,1,1,2,1,1 -3170,1,1,1,1,1,1,2,2,1,1 -3171,1,2,2,2,2,2,2,2,2,2 -3172,1,1,2,1,2,2,2,2,2,2 -3173,1,2,2,2,1,1,2,2,2,2 -3174,1,1,1,1,1,1,1,1,2,2 -3175,1,1,1,1,2,2,2,2,1,1 -3176,1,1,1,1,1,1,1,1,1,1 -3177,1,1,1,1,2,2,2,2,1,1 -3178,1,1,1,1,1,1,2,1,1,1 -3179,1,1,1,1,1,1,2,2,1,1 -3180,1,1,1,1,2,2,2,2,1,1 -3181,1,1,2,2,2,2,1,1,2,2 -3182,1,1,1,1,2,1,2,1,1,1 -3183,2,,,,,,,,, -3184,1,1,1,1,2,2,2,2,1,1 -3185,1,1,1,1,1,1,2,2,1,1 -3186,1,1,1,1,1,1,2,2,1,1 -3187,1,1,1,1,1,1,2,2,1,1 -3188,1,1,1,1,1,1,2,2,1,1 -3189,1,1,1,1,1,2,1,2,1,1 -3190,1,1,1,1,1,2,1,2,1,1 -3191,1,1,2,1,2,2,2,2,2,2 -3192,1,2,2,1,1,1,2,2,1,1 -3193,1,1,1,1,1,1,1,1,1,1 -3194,1,1,1,1,1,1,2,2,1,1 -3195,1,1,1,1,1,2,1,2,1,1 -3196,1,1,1,1,1,1,2,1,1,1 -3197,1,1,2,1,2,2,2,2,1,1 -3198,1,1,1,2,1,1,1,1,1,1 -3199,1,1,2,2,2,2,2,2,2,2 -3200,1,1,1,1,1,1,2,1,1,1 -3201,1,1,1,1,1,1,2,2,1,1 -3202,1,1,1,2,1,1,1,1,1,1 -3203,1,1,1,1,1,1,1,1,1,1 -3204,1,1,1,1,1,1,2,1,1,1 -3205,2,,,,,,,,, -3206,2,,,,,,,,, -3207,1,1,1,1,1,1,1,1,1,1 -3208,1,1,1,1,1,1,2,1,1,1 -3209,1,1,1,1,1,1,2,1,1,1 -3210,1,1,1,1,1,1,1,1,1,1 -3211,1,1,1,1,1,1,2,1,1,1 -3212,1,1,1,2,1,1,1,2,2,2 -3213,1,1,1,2,1,1,1,2,2,2 -3214,1,1,1,1,1,1,1,1,1,1 -3215,1,2,2,2,2,2,2,2,2,2 -3216,1,1,1,2,1,1,1,1,2,2 -3217,1,1,1,2,1,1,1,2,2,2 -3218,1,1,1,2,2,2,2,2,2,2 -3219,1,1,1,1,1,1,2,1,1,1 -3220,1,1,1,1,2,2,2,2,1,1 -3221,1,1,1,1,1,1,1,1,1,1 -3222,1,1,1,1,1,1,2,1,1,1 -3223,2,,,,,,,,, -3224,1,1,1,1,1,1,2,1,1,1 -3225,1,1,1,1,1,1,1,1,1,1 -3226,1,1,1,1,1,2,1,2,1,1 -3227,1,1,1,1,1,1,1,1,1,1 -3228,1,1,1,1,1,1,1,1,1,1 -3229,1,1,1,2,1,1,1,2,2,2 -3230,1,1,1,1,1,1,2,1,1,1 -3231,1,1,1,1,2,2,2,2,1,1 -3232,1,1,1,1,2,2,2,2,1,1 -3233,1,1,1,1,1,1,2,1,1,1 -3234,1,1,1,1,1,1,2,1,1,1 -3235,1,2,2,2,2,2,2,2,2,2 -3236,1,2,2,2,2,2,2,2,2,2 -3237,1,1,1,2,1,1,2,1,2,2 -3238,1,1,1,1,1,1,2,2,1,1 -3239,1,2,2,2,2,2,2,2,2,2 -3240,1,1,1,1,1,1,2,1,1,1 -3241,2,,,,,,,,, -3242,1,1,1,1,1,2,1,2,1,1 -3243,1,1,1,2,2,2,2,2,2,2 -3244,1,1,1,1,1,1,1,1,1,1 -3245,2,,,,,,,,, -3246,1,1,1,2,2,2,2,2,2,2 -3247,1,1,1,1,1,1,2,1,1,1 -3248,1,1,1,1,2,2,1,1,1,1 -3249,1,1,1,2,1,1,1,1,2,2 -3250,1,1,1,1,1,1,1,1,1,1 -3251,1,1,1,1,1,1,2,1,1,1 -3252,1,1,2,1,2,2,2,2,1,1 -3253,1,1,1,1,1,1,1,1,1,1 -3254,2,,,,,,,,, -3255,1,1,1,1,1,1,2,1,1,1 -3256,1,1,1,1,2,2,1,1,1,1 -3257,1,1,1,1,2,2,2,1,1,1 -3258,1,1,1,2,1,1,1,2,1,1 -3259,1,1,1,1,1,2,1,2,1,1 -3260,1,1,1,1,1,1,1,1,1,1 -3261,1,1,1,1,1,1,1,1,1,1 -3262,1,2,2,2,1,1,1,1,2,2 -3263,1,2,2,2,2,2,2,2,2,2 -3264,1,1,1,1,2,2,1,1,1,1 -3265,1,1,1,1,1,1,2,1,1,1 -3266,2,,,,,,,,, -3267,1,1,1,1,1,1,1,1,1,1 -3268,1,1,1,2,1,1,1,2,2,2 -3269,1,1,1,1,1,2,1,2,1,1 -3270,1,1,1,1,1,1,1,2,1,1 -3271,1,1,1,2,1,1,1,2,2,2 -3272,1,1,1,1,1,1,2,2,1,1 -3273,1,1,1,1,1,1,1,1,1,1 -3274,2,,,,,,,,, -3275,1,1,1,1,1,1,1,1,1,1 -3276,1,1,2,1,1,1,1,1,2,2 -3277,2,,,,,,,,, -3278,1,2,2,2,1,1,1,1,2,2 -3279,1,2,2,2,2,2,2,2,2,2 -3280,1,1,1,1,1,1,1,1,1,1 -3281,1,1,1,1,1,1,1,1,1,1 -3282,1,1,1,2,2,2,2,2,1,1 -3283,1,1,1,1,1,1,2,1,1,1 -3284,1,1,1,2,1,1,2,2,2,2 -3285,1,1,1,1,1,1,1,2,1,1 -3286,1,1,1,1,1,1,2,1,1,1 -3287,1,1,1,2,2,2,2,2,2,2 -3288,1,2,2,2,2,2,2,2,2,2 -3289,1,2,2,2,2,2,2,2,2,2 -3290,1,2,2,2,2,2,2,2,2,2 -3291,1,2,2,2,2,2,2,2,2,2 -3292,1,1,1,1,1,1,2,2,1,1 -3293,1,1,1,1,1,1,1,1,1,1 -3294,1,1,1,1,1,1,1,1,1,1 -3295,1,1,1,1,1,1,1,1,1,1 -3296,2,,,,,,,,, -3297,1,1,1,1,1,1,1,1,1,1 -3298,1,2,2,2,2,2,2,2,2,2 -3299,1,1,1,1,1,1,2,2,1,1 -3300,1,2,2,2,2,2,2,2,2,2 -3301,1,1,1,1,1,1,1,1,1,1 -3302,1,1,1,2,1,1,1,2,2,2 -3303,1,2,2,2,2,2,2,2,2,2 -3304,1,1,1,1,1,1,1,1,1,1 -3305,2,,,,,,,,, -3306,1,1,1,1,2,2,2,2,1,1 -3307,1,1,2,2,2,2,2,2,2,2 -3308,1,1,1,2,2,2,2,2,2,2 -3309,1,1,1,1,1,1,1,2,1,1 -3310,1,1,1,2,1,1,1,1,2,2 -3311,1,1,1,1,1,1,1,1,1,1 -3312,1,1,1,2,1,1,1,1,2,2 -3313,1,2,2,2,2,2,2,2,2,2 -3314,1,1,1,2,2,2,2,2,2,2 -3315,1,2,2,2,2,2,2,2,2,2 -3316,1,2,2,2,2,2,2,2,2,2 -3317,1,1,1,2,1,1,1,2,2,2 -3318,1,1,1,1,2,2,1,2,1,1 -3319,1,1,1,1,1,2,1,2,1,1 -3320,1,1,1,1,1,1,2,2,1,1 -3321,1,2,2,1,1,1,2,1,1,1 -3322,1,1,1,1,1,1,1,1,1,1 -3323,1,1,1,1,1,1,2,1,1,1 -3324,1,1,1,1,1,1,1,1,1,1 -3325,2,,,,,,,,, -3326,1,1,1,2,1,1,1,1,2,2 -3327,1,1,1,1,1,1,1,1,2,1 -3328,2,,,,,,,,, -3329,1,1,1,1,1,1,1,1,1,1 -3330,1,1,1,1,1,1,1,1,1,1 -3331,1,1,1,2,2,2,2,2,2,2 -3332,1,1,1,1,1,1,2,1,1,1 -3333,2,,,,,,,,, -3334,1,1,1,2,2,2,2,2,2,2 -3335,1,1,2,1,2,2,2,2,2,2 -3336,2,,,,,,,,, -3337,1,1,1,1,1,1,1,1,1,1 -3338,1,1,1,1,1,2,1,2,1,1 -3339,1,1,1,1,1,1,1,1,1,1 -3340,1,1,1,1,1,1,1,1,1,1 -3341,1,1,1,2,2,2,1,2,1,1 -3342,1,1,1,1,2,1,2,2,1,1 -3343,2,,,,,,,,, -3344,1,1,1,1,1,1,2,1,1,1 -3345,1,1,1,1,2,2,2,2,1,1 -3346,1,1,1,2,1,1,1,2,2,2 -3347,1,1,2,1,2,2,2,2,2,2 -3348,1,1,1,1,1,1,2,2,1,1 -3349,1,1,1,1,1,1,1,1,1,1 -3350,1,1,1,2,1,1,2,2,2,2 -3351,1,1,1,1,1,1,1,2,2,2 -3352,1,2,2,2,2,2,2,2,2,2 -3353,1,2,2,2,2,2,2,2,2,2 -3354,1,1,1,2,2,2,2,2,2,2 -3355,2,,,,,,,,, -3356,1,1,1,2,1,1,1,2,2,2 -3357,1,1,1,1,2,2,1,1,1,1 -3358,1,1,1,1,1,1,1,2,2,2 -3359,1,1,1,2,2,2,2,2,2,2 -3360,1,1,1,2,1,1,2,2,1,1 -3361,1,1,1,1,2,2,1,1,2,2 -3362,1,1,1,2,1,1,1,2,2,2 -3363,1,1,1,1,1,1,2,1,1,1 -3364,1,2,2,2,2,2,2,2,2,2 -3365,1,1,1,2,2,2,2,2,2,2 -3366,2,,,,,,,,, -3367,2,,,,,,,,, -3368,1,1,1,2,1,1,2,2,1,1 -3369,2,,,,,,,,, -3370,2,,,,,,,,, -3371,1,1,1,2,2,2,2,2,2,2 -3372,1,1,1,1,1,1,2,2,1,1 -3373,1,1,1,1,1,1,1,1,1,1 -3374,1,1,1,1,1,1,2,2,1,1 -3375,1,1,1,1,1,1,2,1,1,1 -3376,1,2,2,2,1,1,2,2,2,2 -3377,1,1,1,1,1,1,1,1,1,1 -3378,2,,,,,,,,, -3379,1,1,1,2,1,1,1,2,2,2 -3380,1,1,1,1,2,2,1,2,1,1 -3381,1,1,1,1,1,1,2,2,1,1 -3382,1,2,2,2,1,1,1,1,2,2 -3383,2,,,,,,,,, -3384,1,1,1,1,1,1,1,1,1,1 -3385,1,1,1,1,1,2,1,2,1,1 -3386,1,1,1,2,1,1,1,2,2,2 -3387,1,2,2,2,2,2,2,2,2,2 -3388,1,1,1,1,1,1,1,1,1,1 -3389,1,1,1,2,1,1,2,2,2,2 -3390,1,1,1,2,1,1,2,2,1,1 -3391,1,2,2,2,2,2,2,2,2,2 -3392,1,1,1,1,2,2,1,1,1,1 -3393,1,1,1,1,1,1,1,1,1,1 -3394,2,,,,,,,,, -3395,1,1,1,1,2,2,1,1,1,1 -3396,1,1,1,1,1,2,2,2,1,1 -3397,1,1,1,2,1,1,1,2,2,2 -3398,1,1,2,1,2,2,2,2,1,1 -3399,1,1,1,2,1,1,1,2,2,2 -3400,1,1,1,1,1,1,2,1,1,1 -3401,1,1,1,1,1,1,1,1,1,1 -3402,1,1,1,1,1,1,1,1,1,1 -3403,2,,,,,,,,, -3404,1,1,1,1,1,1,2,1,1,1 -3405,1,1,1,1,1,1,1,1,1,1 -3406,1,1,1,1,1,1,2,1,1,1 -3407,1,1,1,1,1,1,1,1,1,1 -3408,1,1,1,1,1,1,2,2,1,1 -3409,1,1,1,1,1,1,1,1,1,1 -3410,1,1,1,1,1,1,2,1,1,1 -3411,2,,,,,,,,, -3412,1,2,2,2,2,2,2,2,2,2 -3413,2,,,,,,,,, -3414,1,1,1,2,1,1,1,1,1,1 -3415,1,1,1,1,1,1,1,1,1,1 -3416,1,1,1,2,2,2,1,2,1,1 -3417,1,1,1,1,2,1,2,2,1,1 -3418,1,1,1,1,2,2,2,2,1,1 -3419,1,1,1,1,1,1,1,1,1,1 -3420,1,1,1,1,1,1,2,2,1,1 -3421,1,1,1,2,2,2,1,2,1,1 -3422,1,1,1,2,1,1,2,1,2,2 -3423,1,2,2,2,2,2,2,2,2,2 -3424,1,1,1,2,2,2,2,2,2,2 -3425,1,1,1,1,1,1,2,1,1,1 -3426,1,1,1,1,1,1,2,2,1,1 -3427,1,1,1,2,1,1,1,2,2,2 -3428,1,1,1,2,1,1,1,1,1,1 -3429,1,1,1,1,1,1,1,1,1,1 -3430,1,1,1,1,1,1,1,1,1,1 -3431,1,1,1,1,1,1,1,1,1,1 -3432,1,1,1,2,1,1,1,1,2,2 -3433,1,1,1,1,1,1,1,2,2,2 -3434,1,1,1,2,1,1,1,2,2,2 -3435,1,1,2,1,1,1,1,1,1,1 -3436,1,1,1,1,2,2,2,2,2,2 -3437,1,1,1,1,2,1,2,2,1,1 -3438,1,1,1,2,1,1,1,1,2,2 -3439,1,1,1,2,1,1,1,2,2,2 -3440,1,1,1,2,1,1,1,2,2,2 -3441,1,1,1,2,1,1,1,1,2,2 -3442,1,1,1,1,1,1,1,1,1,1 -3443,1,1,1,2,1,1,1,1,1,1 -3444,1,1,1,2,2,2,2,2,2,2 -3445,1,1,1,1,1,1,1,1,1,1 -3446,1,1,1,1,1,1,1,1,1,1 -3447,1,1,1,1,1,1,1,1,1,1 -3448,1,1,1,2,2,2,2,2,2,2 -3449,1,1,1,1,2,2,2,2,1,1 -3450,1,1,1,2,1,1,2,2,2,2 -3451,1,1,1,1,2,2,1,2,1,1 -3452,1,1,1,1,1,1,1,1,2,2 -3453,1,1,1,1,1,1,2,2,1,1 -3454,1,1,1,1,1,1,2,2,1,1 -3455,1,1,1,1,1,1,1,1,1,1 -3456,1,1,1,1,2,2,2,2,1,1 -3457,1,1,1,2,1,1,1,2,2,2 -3458,1,2,2,2,2,2,2,2,2,2 -3459,1,1,2,1,2,2,1,1,1,1 -3460,1,2,2,2,2,2,2,2,2,2 -3461,1,1,1,1,1,1,1,2,2,2 -3462,1,1,1,1,1,1,1,1,1,1 -3463,1,1,1,2,1,1,1,1,1,1 -3464,2,,,,,,,,, -3465,1,1,1,1,2,2,2,2,1,1 -3466,1,1,1,1,1,1,2,2,1,1 -3467,1,1,1,1,1,1,1,1,1,1 -3468,1,1,1,1,1,1,2,2,1,1 -3469,1,1,1,1,1,1,2,2,1,1 -3470,1,1,1,1,2,2,2,2,1,1 -3471,1,2,2,1,1,1,2,2,1,1 -3472,1,1,1,2,2,2,2,2,2,2 -3473,1,1,1,1,1,1,2,1,1,1 -3474,1,1,1,2,1,1,2,2,2,2 -3475,2,,,,,,,,, -3476,1,2,2,2,2,2,2,2,2,2 -3477,1,2,2,2,2,2,2,2,2,2 -3478,1,2,2,2,2,2,2,2,2,2 -3479,2,,,,,,,,, -3480,1,1,1,2,2,2,1,2,1,1 -3481,1,1,1,1,2,2,2,2,1,1 -3482,1,1,1,1,1,1,2,2,1,1 -3483,1,1,1,1,1,1,2,1,1,1 -3484,1,1,2,1,2,2,2,2,1,1 -3485,1,1,1,2,2,2,2,2,2,2 -3486,1,1,1,2,1,1,1,2,2,2 -3487,1,2,2,2,1,1,1,2,2,2 -3488,1,1,1,1,1,1,1,1,1,1 -3489,1,1,1,1,1,1,1,1,1,1 -3490,1,2,2,2,2,2,2,2,2,2 -3491,1,1,2,1,2,2,1,1,1,1 -3492,1,1,1,2,1,1,1,1,1,1 -3493,2,,,,,,,,, -3494,1,1,1,1,1,1,2,1,1,1 -3495,1,1,1,1,1,1,1,1,1,1 -3496,1,1,1,1,1,1,2,2,1,1 -3497,1,1,1,1,1,1,2,2,1,1 -3498,1,1,1,1,1,1,2,1,1,1 -3499,1,1,1,1,1,1,1,2,1,1 -3500,1,1,1,1,1,1,2,2,1,1 -3501,1,1,1,1,2,2,1,1,1,1 -3502,1,1,1,1,1,1,2,2,1,1 -3503,1,1,1,1,2,2,1,1,1,1 -3504,1,1,1,2,2,2,2,2,1,1 -3505,2,,,,,,,,, -3506,1,1,1,2,2,2,1,1,2,2 -3507,1,1,1,1,1,1,2,2,1,1 -3508,1,1,1,2,2,2,1,2,1,1 -3509,1,1,1,1,2,2,1,1,1,1 -3510,2,,,,,,,,, -3511,1,2,2,2,2,2,2,2,2,2 -3512,1,1,1,2,1,1,1,1,2,2 -3513,1,1,1,1,1,1,2,2,1,1 -3514,1,1,1,2,1,1,2,2,2,2 -3515,2,,,,,,,,, -3516,1,2,2,2,2,2,2,2,2,2 -3517,1,1,1,1,1,1,2,2,1,1 -3518,1,1,1,2,1,1,1,2,2,2 -3519,1,1,1,1,1,1,1,1,1,1 -3520,1,1,1,2,2,2,2,2,2,2 -3521,1,1,1,1,1,2,1,2,1,1 -3522,1,1,2,1,2,2,2,2,1,1 -3523,1,1,1,1,1,1,2,1,1,1 -3524,2,,,,,,,,, -3525,1,1,1,1,1,1,1,1,1,1 -3526,1,1,1,1,1,1,1,1,1,1 -3527,1,1,1,2,1,1,1,2,2,2 -3528,1,1,1,1,1,1,1,1,1,1 -3529,1,1,1,1,1,1,1,1,2,2 -3530,1,1,1,1,1,1,2,1,1,1 -3531,1,1,1,1,1,1,2,2,1,1 -3532,1,1,2,2,2,2,2,2,2,2 -3533,1,1,1,1,2,2,2,2,1,1 -3534,2,,,,,,,,, -3535,1,1,1,1,1,1,2,1,1,1 -3536,1,1,1,1,1,1,1,1,1,1 -3537,2,,,,,,,,, -3538,1,1,1,2,2,2,2,2,2,2 -3539,1,1,1,1,2,2,1,2,1,1 -3540,1,2,2,2,2,2,2,2,2,2 -3541,1,1,1,2,1,1,2,2,2,2 -3542,1,1,1,1,1,1,2,2,1,1 -3543,1,1,1,1,1,1,1,1,1,1 -3544,1,1,1,2,1,1,1,1,2,2 -3545,2,,,,,,,,, -3546,1,1,1,2,1,1,2,2,2,2 -3547,1,2,2,2,1,1,1,1,2,2 -3548,1,1,1,1,1,1,2,1,2,2 -3549,1,1,1,1,2,2,1,2,1,1 -3550,1,1,1,1,1,1,1,1,1,1 -3551,1,1,1,1,1,1,1,2,2,2 -3552,1,1,1,1,1,1,2,2,1,1 -3553,1,1,1,1,1,1,1,1,1,1 -3554,2,,,,,,,,, -3555,1,2,2,2,2,2,2,2,2,2 -3556,1,1,1,2,2,2,2,1,1,2 -3557,1,1,1,1,1,1,2,2,1,1 -3558,1,1,1,1,1,1,1,1,1,1 -3559,1,1,2,1,1,1,1,1,2,2 -3560,1,1,1,1,1,1,2,1,1,1 -3561,1,2,2,2,1,1,1,1,2,2 -3562,1,1,1,1,2,2,1,2,1,1 -3563,1,2,2,2,2,2,2,2,2,2 -3564,1,1,1,1,2,2,2,2,1,1 -3565,1,2,2,2,2,2,2,2,2,2 -3566,1,1,1,2,1,1,1,1,1,1 -3567,1,1,1,1,1,1,1,2,1,1 -3568,1,1,2,1,2,2,2,2,2,2 -3569,2,,,,,,,,, -3570,1,1,1,2,1,1,2,2,2,2 -3571,1,1,1,1,1,1,1,1,1,1 -3572,1,1,1,1,1,2,1,2,1,1 -3573,1,1,1,1,1,1,2,1,1,1 -3574,1,1,1,1,1,1,1,1,1,1 -3575,1,1,1,2,1,1,1,2,2,2 -3576,1,1,1,1,1,1,2,2,1,1 -3577,1,2,2,2,2,2,2,2,2,2 -3578,1,2,2,2,2,2,2,2,2,2 -3579,1,2,2,2,2,2,2,2,2,2 -3580,1,1,1,1,1,1,1,2,2,2 -3581,1,1,1,2,1,1,1,2,2,2 -3582,1,1,1,1,1,1,1,1,1,1 -3583,1,1,1,1,2,2,2,2,1,1 -3584,1,1,1,1,1,1,1,1,1,1 -3585,1,1,2,1,2,2,1,1,1,1 -3586,1,1,1,1,2,2,1,2,1,1 -3587,1,1,1,1,2,1,1,2,1,1 -3588,1,1,1,1,2,2,2,2,1,1 -3589,1,1,1,1,2,2,1,2,1,1 -3590,1,1,1,1,1,2,1,2,1,1 -3591,1,1,1,1,1,2,1,2,1,1 -3592,1,1,1,1,1,1,2,1,1,1 -3593,2,,,,,,,,, -3594,1,1,1,1,1,1,2,2,1,1 -3595,1,1,1,1,1,1,1,1,1,1 -3596,1,1,1,1,1,1,1,1,1,1 -3597,1,1,1,1,1,1,2,2,1,1 -3598,1,1,1,1,1,1,1,1,1,1 -3599,1,1,2,2,1,1,1,1,2,2 -3600,1,2,2,2,2,2,2,2,2,2 -3601,2,,,,,,,,, -3602,1,2,2,2,2,2,2,2,2,2 -3603,1,1,1,1,2,2,1,1,1,1 -3604,2,,,,,,,,, -3605,2,,,,,,,,, -3606,1,1,1,1,1,1,2,1,1,1 -3607,1,1,1,2,1,1,1,2,2,2 -3608,1,1,1,2,1,1,2,2,2,2 -3609,1,2,2,2,2,2,2,2,2,2 -3610,1,1,1,1,2,2,2,2,1,1 -3611,1,1,1,1,2,2,2,2,1,1 -3612,2,,,,,,,,, -3613,1,2,2,2,2,2,2,2,2,2 -3614,1,1,1,1,1,1,1,1,1,1 -3615,1,1,1,1,1,1,1,1,1,1 -3616,2,,,,,,,,, -3617,1,2,2,2,2,2,2,2,2,2 -3618,1,1,1,2,2,2,2,2,2,2 -3619,1,2,2,2,2,2,2,2,2,2 -3620,1,2,2,2,2,2,2,2,2,2 -3621,1,1,2,2,2,2,1,1,2,2 -3622,2,,,,,,,,, -3623,1,1,1,1,1,2,1,2,1,1 -3624,2,,,,,,,,, -3625,1,2,2,2,2,2,2,2,2,2 -3626,1,2,2,2,2,2,2,2,2,2 -3627,1,1,1,2,1,1,1,2,2,2 -3628,1,1,1,1,1,1,1,1,1,1 -3629,1,1,2,1,2,2,1,1,1,1 -3630,1,1,1,1,2,2,2,2,1,1 -3631,1,1,1,1,1,1,1,1,1,1 -3632,1,1,1,1,1,1,2,1,1,1 -3633,2,,,,,,,,, -3634,1,1,1,2,2,2,2,2,2,2 -3635,1,1,1,2,1,1,1,2,2,2 -3636,1,2,2,2,2,2,2,2,2,2 -3637,1,2,2,2,2,2,2,2,2,2 -3638,2,,,,,,,,, -3639,1,2,2,2,2,2,2,2,2,2 -3640,1,1,1,1,1,1,1,1,1,1 -3641,1,1,1,2,2,2,2,2,2,2 -3642,1,1,1,1,1,1,1,1,1,1 -3643,1,1,1,2,1,1,2,2,2,2 -3644,1,1,2,2,2,2,2,2,2,2 -3645,1,1,1,1,1,1,1,2,1,1 -3646,2,,,,,,,,, -3647,1,2,2,2,2,2,2,2,2,2 -3648,1,1,1,1,1,1,2,2,1,1 -3649,1,1,1,2,1,1,1,2,2,2 -3650,1,1,1,1,2,1,2,2,1,1 -3651,1,1,2,1,1,1,1,1,1,1 -3652,1,1,1,1,2,2,2,2,1,1 -3653,2,,,,,,,,, -3654,2,,,,,,,,, -3655,1,2,2,2,2,2,2,2,2,2 -3656,1,2,2,2,2,2,2,2,2,2 -3657,1,1,1,1,1,1,2,2,1,1 -3658,1,1,1,1,1,1,1,1,1,1 -3659,1,1,1,1,2,2,1,2,1,1 -3660,1,2,2,2,2,2,2,2,2,2 -3661,1,2,2,2,2,1,1,2,2,2 -3662,1,1,1,2,1,1,1,2,2,2 -3663,1,1,1,1,1,1,1,1,2,1 -3664,1,1,1,1,1,1,2,1,1,1 -3665,1,1,1,1,1,1,2,1,1,1 -3666,1,1,1,2,1,1,1,1,2,2 -3667,1,1,2,1,2,2,2,2,1,1 -3668,1,1,1,2,2,2,2,2,2,2 -3669,1,1,1,2,1,1,1,1,1,1 -3670,2,,,,,,,,, -3671,1,1,1,1,1,1,1,2,1,1 -3672,1,1,1,1,1,1,2,1,1,1 -3673,2,,,,,,,,, -3674,1,1,1,1,1,1,1,1,1,1 -3675,1,1,1,1,1,1,1,1,1,1 -3676,1,1,1,1,1,1,1,2,1,1 -3677,1,1,1,2,1,1,1,1,2,2 -3678,1,1,1,2,1,1,1,2,2,2 -3679,1,1,1,1,1,1,2,1,1,1 -3680,1,2,2,2,2,2,2,2,2,2 -3681,1,1,1,1,1,1,1,1,1,1 -3682,1,1,1,2,2,2,2,2,2,2 -3683,1,1,2,1,1,1,1,1,1,1 -3684,1,1,1,1,1,1,2,2,1,1 -3685,2,,,,,,,,, -3686,1,1,1,1,1,1,1,1,1,1 -3687,1,1,1,1,1,1,1,1,1,1 -3688,1,2,2,2,2,2,2,2,2,2 -3689,1,1,1,1,1,1,2,1,1,1 -3690,1,1,1,1,1,1,1,1,1,1 -3691,1,1,1,2,1,1,1,1,2,2 -3692,1,1,1,1,1,1,2,2,1,1 -3693,2,,,,,,,,, -3694,2,,,,,,,,, -3695,1,1,1,1,1,1,2,1,1,1 -3696,1,1,1,1,1,1,2,1,1,1 -3697,1,1,1,2,1,1,1,1,1,1 -3698,1,1,1,1,1,1,2,1,1,1 -3699,1,1,1,2,1,1,2,2,2,2 -3700,2,,,,,,,,, -3701,1,1,2,1,2,2,2,2,1,1 -3702,1,1,1,1,1,1,2,1,1,1 -3703,1,2,2,2,2,2,2,2,2,2 -3704,1,1,1,1,1,1,1,1,1,1 -3705,2,,,,,,,,, -3706,1,2,2,2,2,2,2,2,1,2 -3707,1,1,1,1,1,2,1,2,1,1 -3708,2,,,,,,,,, -3709,1,2,2,2,2,2,2,2,2,2 -3710,1,1,1,2,1,1,2,2,2,2 -3711,1,1,1,1,1,1,2,2,1,1 -3712,1,1,1,2,1,1,1,2,1,1 -3713,1,1,1,1,1,1,1,1,1,1 -3714,1,1,1,1,1,2,1,2,1,1 -3715,1,1,1,1,1,1,1,1,1,1 -3716,1,1,1,1,1,1,2,2,1,1 -3717,1,1,1,2,1,1,1,2,2,2 -3718,1,2,2,2,2,2,2,2,2,2 -3719,1,1,1,1,1,1,1,1,1,1 -3720,1,1,1,1,1,1,1,1,1,1 -3721,1,1,1,1,1,1,2,1,1,1 -3722,1,1,1,1,1,1,1,1,1,1 -3723,1,1,1,2,1,1,1,2,2,2 -3724,1,1,1,1,1,1,1,2,2,2 -3725,1,1,1,1,1,1,2,2,1,1 -3726,1,1,1,1,2,2,1,2,1,1 -3727,1,1,2,1,1,1,1,1,2,2 -3728,1,1,2,2,2,2,2,2,2,2 -3729,1,1,1,1,1,1,2,2,1,1 -3730,1,1,1,2,2,2,2,2,2,2 -3731,1,1,1,2,1,1,2,2,2,2 -3732,2,,,,,,,,, -3733,1,1,1,1,1,1,1,1,1,1 -3734,1,1,1,1,2,2,2,2,1,1 -3735,1,1,1,1,1,1,2,1,1,1 -3736,1,1,1,1,1,1,1,1,2,1 -3737,1,1,1,1,1,1,2,1,1,1 -3738,1,2,2,2,2,2,2,2,2,2 -3739,1,1,1,1,1,1,2,2,1,1 -3740,1,2,2,2,2,2,2,2,2,2 -3741,1,1,1,2,1,1,1,1,2,2 -3742,2,,,,,,,,, -3743,1,2,2,2,2,2,2,2,2,2 -3744,1,1,1,1,1,1,2,1,1,1 -3745,1,2,2,1,1,1,2,2,1,1 -3746,1,1,1,1,1,1,1,2,1,1 -3747,1,1,1,1,1,1,1,1,1,1 -3748,1,1,2,2,2,2,2,2,2,2 -3749,1,2,2,2,2,2,2,2,2,2 -3750,1,2,2,2,2,2,2,2,2,2 -3751,2,,,,,,,,, -3752,1,1,1,1,2,2,1,1,1,1 -3753,1,1,1,1,1,1,1,1,1,1 -3754,1,1,1,1,1,1,2,1,1,1 -3755,1,1,1,2,1,1,1,1,1,1 -3756,1,1,1,1,1,1,2,1,1,1 -3757,1,1,1,1,1,1,1,2,2,2 -3758,2,,,,,,,,, -3759,1,2,2,2,2,2,2,2,2,2 -3760,1,2,2,2,1,1,1,1,2,2 -3761,1,1,1,1,2,2,2,2,1,1 -3762,1,1,1,1,1,1,1,1,1,1 -3763,1,1,1,2,1,1,1,1,2,2 -3764,1,2,2,2,2,2,2,2,2,2 -3765,1,2,2,2,1,1,2,2,2,2 -3766,1,2,2,2,2,2,2,2,2,2 -3767,1,1,2,1,2,2,2,2,2,2 -3768,1,1,1,2,1,1,2,2,2,2 -3769,1,1,1,1,2,2,2,2,1,1 -3770,2,,,,,,,,, -3771,1,1,1,1,2,2,1,2,1,1 -3772,1,2,2,2,2,2,2,2,2,2 -3773,1,1,1,1,2,2,1,2,1,1 -3774,1,1,2,1,2,2,1,1,1,1 -3775,1,1,1,2,1,1,2,2,2,2 -3776,1,1,1,2,1,1,1,1,1,1 -3777,1,1,1,1,1,1,1,1,1,1 -3778,1,1,1,1,2,2,2,2,1,1 -3779,1,1,1,2,1,1,2,1,1,1 -3780,1,1,1,1,1,1,1,2,2,2 -3781,1,1,1,1,2,2,1,2,1,1 -3782,1,1,1,1,1,2,1,2,1,1 -3783,2,,,,,,,,, -3784,1,2,2,2,2,2,2,2,2,2 -3785,1,1,1,1,1,1,2,1,1,2 -3786,1,2,2,1,1,1,2,2,1,1 -3787,1,1,1,1,1,1,2,2,1,1 -3788,1,1,1,2,1,1,1,2,2,2 -3789,2,,,,,,,,, -3790,1,1,1,2,1,2,1,2,2,2 -3791,2,,,,,,,,, -3792,1,1,1,1,2,2,2,2,1,1 -3793,1,1,1,1,1,1,2,2,1,1 -3794,2,,,,,,,,, -3795,1,1,1,1,1,2,1,2,1,1 -3796,2,,,,,,,,, -3797,1,1,2,1,2,2,2,2,2,2 -3798,1,1,2,1,2,2,2,2,1,1 -3799,1,1,1,1,1,1,1,1,1,1 -3800,1,1,2,1,2,2,2,2,2,2 -3801,1,1,1,2,1,1,1,2,1,1 -3802,1,1,1,2,1,1,2,2,2,2 -3803,1,1,1,1,2,2,2,2,2,2 -3804,1,2,2,2,2,2,2,2,2,2 -3805,2,,,,,,,,, -3806,1,2,2,2,2,2,2,2,2,2 -3807,1,1,1,1,1,1,2,1,1,1 -3808,1,1,1,1,2,2,1,1,1,1 -3809,1,1,1,1,1,1,1,1,1,1 -3810,1,1,1,1,1,1,2,1,1,1 -3811,1,1,2,1,2,2,2,2,2,2 -3812,1,1,1,1,1,1,1,2,2,2 -3813,1,1,1,1,2,2,1,1,1,1 -3814,2,,,,,,,,, -3815,1,1,1,2,1,1,1,2,2,2 -3816,1,2,2,2,2,2,2,2,2,2 -3817,1,1,1,1,2,2,2,2,1,1 -3818,1,1,1,2,1,1,1,1,1,1 -3819,1,1,1,1,1,1,1,1,1,1 -3820,1,2,2,2,2,2,2,2,2,2 -3821,1,1,1,1,1,1,2,2,1,1 -3822,2,,,,,,,,, -3823,1,1,1,2,2,2,2,2,2,2 -3824,1,1,1,1,1,1,2,1,1,1 -3825,1,1,1,1,1,1,1,1,1,1 -3826,1,2,2,2,2,2,2,2,2,2 -3827,1,2,2,2,2,2,2,2,2,2 -3828,1,1,1,1,2,2,2,2,1,1 -3829,1,2,2,2,2,2,2,2,2,2 -3830,1,1,1,2,1,1,1,2,2,2 -3831,1,1,1,1,1,1,2,1,1,1 -3832,1,1,1,2,2,2,2,2,2,2 -3833,1,2,2,1,2,2,2,1,1,2 -3834,1,1,1,1,1,1,2,1,1,1 -3835,1,1,1,1,1,1,1,1,1,1 -3836,1,1,1,2,1,1,1,2,2,2 -3837,2,,,,,,,,, -3838,1,1,1,1,1,1,2,1,1,1 -3839,1,1,2,1,2,2,2,2,2,2 -3840,1,1,1,2,1,2,1,2,2,2 -3841,1,1,1,1,1,1,2,1,1,1 -3842,1,1,1,1,1,2,1,2,1,1 -3843,1,1,1,1,1,1,2,2,1,1 -3844,1,2,2,2,2,2,2,2,2,2 -3845,1,1,1,1,1,1,1,1,1,1 -3846,1,1,1,2,2,2,2,2,2,2 -3847,1,1,1,1,1,1,1,1,1,1 -3848,1,1,1,2,1,1,1,1,2,2 -3849,1,1,1,2,1,1,2,2,1,1 -3850,2,,,,,,,,, -3851,1,1,1,1,1,1,2,1,1,1 -3852,1,1,1,1,2,2,2,2,1,1 -3853,2,,,,,,,,, -3854,1,1,1,1,1,1,1,2,2,2 -3855,1,1,1,1,1,1,1,1,1,1 -3856,1,1,1,1,1,1,1,1,1,1 -3857,1,1,1,2,2,2,2,2,2,2 -3858,1,1,1,2,2,2,2,2,2,2 -3859,2,,,,,,,,, -3860,1,1,1,1,1,1,2,1,1,1 -3861,1,1,1,1,1,2,1,2,1,1 -3862,1,1,1,2,2,2,2,2,2,2 -3863,1,1,1,1,1,1,1,1,1,1 -3864,1,1,1,1,1,1,2,1,1,1 -3865,1,1,1,1,1,1,1,1,1,1 -3866,1,1,1,1,2,2,2,1,1,1 -3867,1,2,2,2,2,2,2,2,2,2 -3868,1,1,1,1,1,1,2,2,1,1 -3869,1,1,1,2,1,1,1,1,2,2 -3870,1,1,1,1,2,2,2,2,1,1 -3871,1,1,1,1,1,1,2,1,1,1 -3872,1,1,1,1,1,1,2,1,1,1 -3873,1,1,1,2,1,1,1,2,2,2 -3874,1,1,1,1,1,1,2,1,1,1 -3875,1,1,1,1,1,1,1,1,1,1 -3876,1,1,1,1,1,1,1,1,1,1 -3877,2,,,,,,,,, -3878,1,1,1,2,1,1,2,2,2,2 -3879,1,1,1,1,1,1,2,2,1,1 -3880,1,1,1,1,1,1,1,2,2,2 -3881,1,1,1,1,1,1,1,1,1,1 -3882,1,1,1,1,1,1,1,1,1,1 -3883,2,,,,,,,,, -3884,2,,,,,,,,, -3885,1,1,1,1,1,1,2,2,1,1 -3886,1,1,1,1,1,1,1,1,1,1 -3887,1,1,1,1,1,1,1,1,1,1 -3888,1,1,2,2,1,1,1,1,2,2 -3889,1,1,1,2,1,1,1,2,2,2 -3890,1,1,1,1,1,1,1,1,1,1 -3891,1,2,2,2,2,2,2,2,2,2 -3892,1,2,2,2,2,2,2,2,2,2 -3893,2,,,,,,,,, -3894,1,2,2,2,1,1,2,2,2,2 -3895,1,1,1,1,1,1,1,1,1,1 -3896,1,1,1,1,1,1,2,2,1,1 -3897,1,1,1,2,1,1,1,2,2,2 -3898,1,1,1,1,1,1,1,2,1,1 -3899,2,,,,,,,,, -3900,2,,,,,,,,, -3901,1,1,1,1,1,1,1,1,1,1 -3902,1,1,1,1,1,1,2,1,1,1 -3903,1,1,1,1,1,1,2,1,1,1 -3904,1,1,1,1,1,1,1,1,1,1 -3905,1,1,1,2,2,2,2,2,2,2 -3906,1,1,1,1,2,2,2,2,1,1 -3907,1,1,1,2,2,2,2,2,2,2 -3908,1,1,1,1,1,1,2,1,1,1 -3909,1,2,2,2,2,2,2,2,2,2 -3910,1,1,1,1,1,1,1,2,1,1 -3911,1,1,1,2,1,1,1,2,2,2 -3912,1,1,1,1,1,1,1,1,1,1 -3913,1,1,1,1,1,1,2,2,1,1 -3914,1,1,1,1,1,1,1,1,2,2 -3915,1,2,2,2,2,2,2,2,2,2 -3916,1,1,1,1,1,1,1,1,1,1 -3917,1,1,1,1,1,1,2,1,1,1 -3918,1,1,1,2,2,2,2,2,2,2 -3919,1,1,1,2,1,1,1,1,2,2 -3920,1,1,1,1,2,2,1,2,1,1 -3921,1,1,1,1,1,1,2,1,1,1 -3922,2,,,,,,,,, -3923,1,1,1,1,1,1,1,1,1,1 -3924,1,1,1,1,1,1,1,1,1,1 -3925,1,1,1,1,1,1,2,2,1,2 -3926,1,1,1,1,1,1,2,2,1,1 -3927,1,2,2,2,2,2,2,2,2,2 -3928,1,1,1,1,1,1,2,2,1,1 -3929,1,1,1,2,1,1,1,1,1,1 -3930,1,2,2,2,1,1,2,2,2,2 -3931,1,1,1,1,1,1,1,2,2,2 -3932,1,2,2,2,2,2,2,2,2,2 -3933,1,1,1,1,1,1,2,2,1,1 -3934,2,,,,,,,,, -3935,1,2,2,2,2,2,2,2,2,2 -3936,1,1,1,1,1,1,2,2,1,1 -3937,2,,,,,,,,, -3938,1,2,2,2,2,2,2,2,2,2 -3939,1,2,2,2,2,2,2,2,2,2 -3940,1,1,1,2,1,1,1,1,2,2 -3941,1,1,1,1,1,1,2,2,1,1 -3942,1,1,1,1,1,1,1,1,1,1 -3943,2,,,,,,,,, -3944,2,,,,,,,,, -3945,1,1,1,1,1,1,1,1,1,1 -3946,1,1,1,2,1,1,1,2,2,2 -3947,1,1,1,1,1,1,2,2,1,1 -3948,1,1,1,1,1,1,1,1,1,2 -3949,1,1,1,1,1,1,2,2,1,1 -3950,1,1,1,2,1,1,1,1,2,2 -3951,1,2,2,2,2,2,2,2,2,2 -3952,1,1,1,1,1,1,2,1,1,1 -3953,1,1,1,2,2,2,2,2,2,2 -3954,1,1,1,1,1,1,1,2,1,1 -3955,1,1,1,2,1,1,1,1,1,1 -3956,1,1,1,1,2,2,2,2,1,1 -3957,1,1,2,2,1,1,2,2,2,2 -3958,1,1,1,2,1,1,1,2,2,2 -3959,2,,,,,,,,, -3960,1,1,1,2,1,2,1,2,2,2 -3961,1,1,2,1,2,2,2,2,2,2 -3962,1,1,1,1,1,1,1,1,1,1 -3963,1,1,1,2,1,1,1,2,2,2 -3964,1,1,1,1,1,1,2,2,1,1 -3965,1,1,1,1,1,1,2,1,1,1 -3966,1,1,1,2,1,1,2,1,1,1 -3967,1,1,1,1,1,1,1,1,1,1 -3968,2,,,,,,,,, -3969,1,1,1,2,2,2,2,2,2,2 -3970,1,1,1,2,1,1,1,1,1,1 -3971,1,1,1,1,1,1,2,2,1,1 -3972,1,1,1,2,1,1,1,1,2,2 -3973,2,,,,,,,,, -3974,1,1,1,1,1,1,2,1,1,1 -3975,1,1,1,2,1,1,1,2,2,2 -3976,1,1,1,1,2,2,2,2,1,1 -3977,1,1,1,1,1,1,2,1,1,1 -3978,1,1,1,1,1,1,1,1,1,1 -3979,1,1,1,1,1,1,1,1,1,1 -3980,1,1,1,1,1,2,1,2,1,1 -3981,1,1,1,1,1,1,2,1,1,1 -3982,1,1,1,1,1,1,2,1,1,1 -3983,1,2,2,2,2,2,2,2,2,2 -3984,1,2,2,2,2,2,2,2,2,2 -3985,1,2,2,2,2,2,2,2,2,2 -3986,1,1,1,1,1,1,2,2,1,1 -3987,1,2,2,2,2,2,2,2,2,2 -3988,1,1,1,1,2,2,2,2,1,1 -3989,1,1,1,1,1,1,2,1,1,1 -3990,1,1,1,1,1,1,2,1,1,1 -3991,1,2,2,2,1,1,2,2,2,2 -3992,1,1,1,1,1,1,1,1,1,1 -3993,1,1,1,1,1,1,1,1,1,1 -3994,1,1,2,1,2,2,2,2,2,2 -3995,1,1,1,2,2,2,2,2,2,2 -3996,1,1,1,1,1,1,1,1,1,1 -3997,1,1,1,1,1,1,2,2,1,1 -3998,1,1,1,1,1,1,2,1,1,1 -3999,1,1,1,2,1,1,1,1,1,1 -4000,1,2,2,2,1,1,2,2,2,2 -4001,1,1,1,1,1,1,2,1,1,1 -4002,1,1,1,2,2,2,2,2,2,2 -4003,1,2,2,2,1,1,2,2,2,2 -4004,1,2,2,1,1,1,1,1,1,1 -4005,1,1,1,1,1,1,1,2,1,1 -4006,1,1,1,2,2,2,2,2,2,2 -4007,1,1,1,2,1,1,1,1,2,2 -4008,1,1,1,1,1,1,2,1,1,1 -4009,1,1,1,2,1,1,1,2,2,2 -4010,1,1,1,1,1,1,1,1,1,1 -4011,1,1,1,1,1,1,1,1,1,1 -4012,2,,,,,,,,, -4013,1,1,2,1,2,2,2,2,2,2 -4014,1,1,1,1,1,1,1,1,1,1 -4015,1,2,2,2,2,2,2,2,2,2 -4016,1,1,1,1,1,1,1,1,1,1 -4017,2,,,,,,,,, -4018,1,1,2,1,1,1,1,1,2,2 -4019,1,1,2,2,2,2,2,2,2,2 -4020,1,2,2,2,2,2,2,2,2,2 -4021,1,1,1,2,1,1,1,2,2,2 -4022,1,1,1,1,1,1,2,2,1,1 -4023,1,1,1,2,1,1,2,2,2,2 -4024,1,2,2,2,2,2,2,2,2,2 -4025,1,1,1,1,1,2,1,2,1,1 -4026,1,1,1,1,1,2,1,2,1,1 -4027,1,1,1,1,1,1,1,1,1,1 -4028,1,1,1,1,2,2,2,2,1,1 -4029,1,1,1,1,2,2,1,1,1,1 -4030,1,1,1,1,1,1,2,2,1,1 -4031,1,1,1,1,2,2,2,2,1,1 -4032,1,2,2,2,2,2,2,2,2,2 -4033,1,1,1,2,1,1,1,2,1,1 -4034,1,2,2,2,2,2,2,2,2,2 -4035,1,2,2,2,2,2,2,2,2,2 -4036,1,1,1,1,1,1,2,1,1,1 -4037,1,1,1,2,1,1,1,2,2,2 -4038,1,1,1,1,1,1,1,1,1,1 -4039,1,1,1,1,1,2,1,2,1,1 -4040,1,1,1,1,1,1,2,1,1,1 -4041,1,1,1,1,1,1,1,1,1,1 -4042,1,1,1,1,1,1,1,1,1,1 -4043,1,2,2,2,2,2,2,2,2,2 -4044,2,,,,,,,,, -4045,2,,,,,,,,, -4046,1,1,1,2,1,1,1,1,1,1 -4047,1,1,1,1,1,1,1,1,1,1 -4048,2,,,,,,,,, -4049,1,1,1,1,1,1,1,1,1,2 -4050,2,,,,,,,,, -4051,1,2,2,2,1,1,1,1,2,2 -4052,1,1,1,1,1,1,1,1,1,1 -4053,1,2,2,2,2,2,2,2,2,2 -4054,1,1,1,1,2,2,2,2,1,1 -4055,1,1,1,1,1,2,1,2,1,1 -4056,1,1,1,1,1,2,1,2,1,1 -4057,1,1,1,1,1,1,2,2,1,1 -4058,1,1,1,1,2,2,2,1,1,1 -4059,1,2,2,2,2,2,2,2,2,2 -4060,1,1,1,1,2,2,2,2,1,1 -4061,1,2,2,2,2,2,2,2,2,2 -4062,1,1,1,1,1,1,2,2,1,1 -4063,2,,,,,,,,, -4064,1,1,1,1,1,1,2,1,1,1 -4065,1,1,2,1,2,2,1,1,1,1 -4066,1,1,1,2,2,2,2,2,2,2 -4067,1,1,2,2,2,2,2,2,2,2 -4068,1,1,1,2,1,1,1,2,2,2 -4069,2,,,,,,,,, -4070,1,1,1,2,1,1,2,2,2,2 -4071,1,1,2,1,2,2,2,2,2,2 -4072,1,1,1,2,2,2,2,2,2,2 -4073,1,1,1,2,1,1,1,1,1,1 -4074,1,1,1,1,1,1,2,2,1,1 -4075,1,1,1,1,2,2,1,2,1,1 -4076,1,1,1,1,2,2,2,2,1,1 -4077,1,1,1,1,1,1,1,1,1,1 -4078,1,1,1,1,1,1,1,1,1,1 -4079,1,1,1,1,2,2,1,2,1,1 -4080,1,2,2,2,2,2,2,2,2,2 -4081,1,1,1,1,1,1,1,1,2,2 -4082,1,2,2,2,2,2,2,2,2,2 -4083,1,1,1,1,2,2,2,2,1,1 -4084,1,1,1,1,2,2,2,2,1,1 -4085,1,1,1,1,2,2,2,2,1,1 -4086,1,1,1,2,1,1,1,1,2,2 -4087,1,1,1,1,1,1,2,2,1,1 -4088,1,1,1,1,1,1,1,1,1,1 -4089,1,1,1,1,1,1,2,2,1,1 -4090,1,1,1,1,1,1,2,1,1,1 -4091,1,1,1,2,1,1,1,1,2,2 -4092,1,2,2,2,2,2,2,2,2,2 -4093,1,1,1,1,1,1,1,1,1,1 -4094,1,1,1,1,1,1,2,1,1,1 -4095,1,1,1,2,1,1,1,1,1,1 -4096,2,,,,,,,,, -4097,1,2,2,2,1,1,1,2,2,2 -4098,2,,,,,,,,, -4099,2,,,,,,,,, -4100,1,1,1,1,1,1,2,1,1,1 -4101,1,1,1,1,1,1,1,1,1,1 -4102,1,1,1,2,1,1,2,1,1,1 -4103,1,2,2,2,2,2,2,2,2,2 -4104,1,1,1,1,1,1,1,1,1,1 -4105,2,,,,,,,,, -4106,1,1,1,1,1,1,1,1,1,1 -4107,1,1,1,1,1,1,2,1,1,1 -4108,1,2,2,2,2,2,2,2,2,2 -4109,1,2,2,2,2,2,2,2,2,2 -4110,1,1,1,2,1,1,1,2,2,2 -4111,1,1,2,1,2,2,2,2,2,2 -4112,1,1,1,1,1,1,2,1,1,1 -4113,1,1,2,2,2,2,2,2,2,2 -4114,1,1,1,1,1,1,1,1,1,1 -4115,1,1,1,1,1,1,1,1,1,1 -4116,1,1,1,1,1,1,1,2,2,2 -4117,1,1,1,1,1,1,1,1,1,1 -4118,1,1,1,2,1,1,2,2,2,2 -4119,1,2,2,2,1,1,2,2,2,2 -4120,1,1,1,2,1,1,1,1,1,1 -4121,1,1,1,1,1,2,1,2,1,1 -4122,1,1,1,2,2,2,1,2,1,1 -4123,1,1,1,1,2,2,2,2,1,1 -4124,2,,,,,,,,, -4125,1,1,1,1,1,1,1,1,1,1 -4126,1,1,1,1,1,1,2,1,1,1 -4127,1,1,1,2,2,2,2,2,2,2 -4128,1,1,1,1,1,1,2,2,1,1 -4129,1,1,1,1,1,2,1,2,1,1 -4130,2,,,,,,,,, -4131,1,2,2,2,2,2,2,2,2,2 -4132,1,1,1,1,1,1,1,2,2,2 -4133,1,2,2,2,2,2,2,2,2,2 -4134,1,2,2,2,1,1,1,1,2,2 -4135,1,1,1,1,1,1,1,1,1,1 -4136,2,,,,,,,,, -4137,1,2,2,2,2,2,2,2,2,2 -4138,1,2,2,2,2,2,2,2,2,2 -4139,1,1,1,1,1,1,2,1,1,1 -4140,1,2,2,1,1,1,2,2,1,1 -4141,1,1,1,1,2,2,2,2,1,1 -4142,1,2,2,2,2,2,2,2,2,2 -4143,1,1,1,1,1,1,2,2,1,1 -4144,1,1,1,1,1,2,1,2,1,1 -4145,1,2,2,2,2,2,2,2,2,2 -4146,1,1,1,1,1,1,2,1,1,1 -4147,1,1,1,1,1,1,1,2,1,1 -4148,1,1,1,1,1,1,1,1,1,1 -4149,1,2,2,2,2,2,2,2,2,2 -4150,1,1,1,1,1,1,1,1,1,1 -4151,1,1,1,1,1,2,1,2,1,1 -4152,2,,,,,,,,, -4153,1,2,2,2,1,1,2,2,2,2 -4154,1,1,1,2,1,1,1,1,1,1 -4155,1,1,1,2,1,1,1,1,2,2 -4156,1,1,1,1,1,1,2,1,1,1 -4157,1,1,1,1,1,1,1,1,1,1 -4158,1,2,2,2,1,1,2,2,2,2 -4159,1,1,1,1,2,2,1,1,1,1 -4160,1,2,2,2,2,2,2,2,2,2 -4161,1,1,1,1,2,2,1,2,1,1 -4162,1,2,2,2,2,2,2,2,2,2 -4163,1,1,1,1,1,1,1,1,1,1 -4164,2,,,,,,,,, -4165,1,1,1,1,1,1,1,2,1,1 -4166,1,2,2,2,2,2,2,2,2,2 -4167,1,2,2,2,2,2,2,2,2,2 -4168,1,1,2,1,2,2,2,2,2,2 -4169,1,1,1,1,1,2,1,2,1,1 -4170,1,1,1,1,1,1,2,2,1,1 -4171,1,1,1,2,2,2,1,1,1,1 -4172,1,1,1,2,1,1,2,2,2,2 -4173,1,1,1,1,1,1,2,1,1,1 -4174,2,,,,,,,,, -4175,1,1,1,2,2,2,1,2,1,1 -4176,1,2,2,2,2,2,2,2,2,2 -4177,1,2,2,2,2,2,2,2,2,2 -4178,1,2,2,2,2,2,2,2,2,2 -4179,1,1,1,1,1,1,1,1,1,1 -4180,1,1,1,1,1,2,1,2,1,1 -4181,1,1,1,1,1,1,1,1,1,1 -4182,1,2,2,2,2,2,2,2,2,2 -4183,1,1,1,1,2,2,2,2,1,1 -4184,1,1,1,1,2,2,2,2,1,1 -4185,1,2,2,2,2,2,2,2,2,2 -4186,1,2,2,2,2,2,2,2,2,2 -4187,1,1,1,2,1,1,1,1,2,2 -4188,1,1,1,1,1,1,2,2,1,1 -4189,1,1,1,1,1,1,1,1,1,1 -4190,1,1,1,2,1,1,1,1,2,2 -4191,2,,,,,,,,, -4192,1,2,2,2,2,2,2,2,2,2 -4193,1,1,1,1,1,1,1,1,1,1 -4194,2,,,,,,,,, -4195,1,1,1,1,1,1,2,1,1,1 -4196,2,,,,,,,,, -4197,1,1,1,2,2,2,2,2,2,2 -4198,1,1,1,1,1,1,1,1,1,1 -4199,1,2,2,2,2,2,2,2,2,2 -4200,1,1,1,1,1,1,1,1,1,1 -4201,1,1,1,1,1,1,1,1,1,1 -4202,1,1,1,1,2,2,2,2,1,1 -4203,1,1,1,1,2,2,2,2,1,1 -4204,1,2,2,2,2,2,2,2,2,2 -4205,1,2,2,2,2,2,2,2,2,2 -4206,1,2,2,2,2,2,2,2,2,2 -4207,1,1,1,1,1,1,1,1,1,1 -4208,1,1,1,1,1,1,1,2,2,2 -4209,1,1,1,2,1,1,1,1,1,1 -4210,1,2,2,2,2,2,2,2,2,2 -4211,1,1,1,1,1,1,1,1,1,1 -4212,1,2,2,2,2,2,2,2,2,2 -4213,1,2,2,2,2,2,2,2,2,2 -4214,1,1,1,1,1,1,1,1,1,1 -4215,1,1,1,1,1,1,2,2,1,1 -4216,2,,,,,,,,, -4217,1,2,2,2,2,2,2,2,2,2 -4218,1,1,1,1,1,1,1,1,1,1 -4219,1,1,1,1,2,2,2,1,1,1 -4220,1,1,1,2,1,1,1,2,2,2 -4221,1,1,1,2,2,2,1,2,1,1 -4222,1,1,1,1,1,1,1,2,1,1 -4223,1,1,1,1,1,1,2,2,1,1 -4224,1,1,1,2,1,1,2,2,1,1 -4225,1,1,1,1,1,1,1,1,1,1 -4226,1,1,1,1,1,1,1,1,1,1 -4227,1,1,1,2,1,1,2,2,1,1 -4228,1,1,2,1,2,2,2,2,2,2 -4229,1,1,1,1,2,1,2,1,1,1 -4230,1,1,1,2,1,1,1,1,2,2 -4231,1,1,1,2,2,2,1,2,1,1 -4232,1,1,1,1,1,1,1,1,1,1 -4233,1,1,1,1,1,1,1,1,1,1 -4234,1,1,1,2,1,1,2,2,2,2 -4235,1,1,1,1,1,1,1,1,1,1 -4236,1,1,1,2,1,1,2,2,2,2 -4237,1,1,1,1,1,1,2,2,1,1 -4238,1,1,1,1,1,1,1,1,1,1 -4239,1,1,1,1,1,1,2,1,1,1 -4240,2,,,,,,,,, -4241,1,1,1,1,1,1,1,1,1,1 -4242,2,,,,,,,,, -4243,1,1,1,1,1,1,1,2,2,2 -4244,1,2,2,1,1,1,1,1,1,1 -4245,1,2,2,2,2,2,2,2,2,2 -4246,1,1,1,2,1,1,1,1,1,1 -4247,1,2,2,2,2,2,2,2,2,2 -4248,1,2,2,2,2,2,2,2,2,2 -4249,1,2,2,2,2,2,2,2,2,2 -4250,1,1,1,1,1,1,1,1,1,1 -4251,1,1,1,1,1,1,2,1,1,1 -4252,1,1,1,1,1,2,1,2,1,1 -4253,2,,,,,,,,, -4254,1,1,1,1,1,1,2,1,1,1 -4255,1,1,2,1,2,2,2,2,2,2 -4256,1,1,1,1,1,1,1,1,1,1 -4257,2,,,,,,,,, -4258,1,2,2,2,2,2,2,2,2,2 -4259,1,1,2,1,2,2,2,2,2,2 -4260,1,1,1,1,1,1,1,2,1,1 -4261,1,1,1,1,1,2,1,2,1,1 -4262,1,2,2,2,1,1,2,2,2,2 -4263,1,1,1,2,1,1,1,2,2,1 -4264,2,,,,,,,,, -4265,1,1,1,1,1,1,2,2,1,1 -4266,1,1,1,1,1,1,1,1,1,1 -4267,1,1,1,2,1,1,2,2,2,2 -4268,1,1,1,1,1,1,1,1,1,1 -4269,1,1,1,1,1,1,1,1,1,1 -4270,1,1,1,1,1,1,1,1,1,1 -4271,1,1,1,1,2,2,1,1,1,1 -4272,2,,,,,,,,, -4273,1,1,2,1,2,2,1,1,1,1 -4274,1,2,2,2,2,2,2,2,2,2 -4275,1,1,1,1,1,1,2,1,1,1 -4276,1,1,1,1,2,2,2,2,1,1 -4277,1,1,1,1,1,1,1,1,1,1 -4278,1,2,2,2,2,2,2,2,2,2 -4279,1,1,1,2,1,1,1,2,2,2 -4280,1,1,1,2,1,1,2,2,1,1 -4281,1,2,2,2,2,2,2,2,2,2 -4282,1,1,1,1,1,1,1,1,1,1 -4283,1,1,1,1,1,1,2,2,1,1 -4284,1,1,1,1,1,1,2,1,1,1 -4285,1,1,1,1,1,1,1,1,1,1 -4286,1,1,1,1,1,1,2,2,1,1 -4287,1,1,1,1,1,1,1,1,1,1 -4288,2,,,,,,,,, -4289,1,1,1,1,2,2,1,1,1,1 -4290,1,2,2,2,2,2,2,2,2,2 -4291,1,1,1,1,1,1,2,1,1,1 -4292,1,1,1,1,2,2,2,2,1,1 -4293,1,1,1,1,1,1,2,2,1,1 -4294,1,1,1,1,1,1,2,1,1,1 -4295,1,1,1,1,1,1,1,2,1,1 -4296,1,2,2,2,2,2,2,2,2,2 -4297,1,1,1,1,1,1,2,1,1,1 -4298,1,1,1,1,1,1,1,1,1,1 -4299,1,2,2,2,2,2,2,2,2,2 -4300,1,1,1,1,1,1,2,1,1,1 -4301,1,2,2,2,2,2,2,2,2,2 -4302,1,1,1,1,1,1,1,2,2,2 -4303,1,2,2,1,2,2,2,2,1,1 -4304,1,2,2,2,2,2,2,2,2,2 -4305,1,1,1,1,1,1,2,2,1,1 -4306,1,1,1,1,1,2,1,2,1,1 -4307,1,1,1,1,2,2,1,1,1,1 -4308,1,1,1,1,1,1,1,1,1,1 -4309,1,1,1,1,1,1,1,1,1,1 -4310,1,1,2,1,1,1,1,1,1,1 -4311,1,1,1,1,1,1,1,1,1,1 -4312,1,1,1,2,1,1,1,2,2,2 -4313,1,1,1,1,1,1,1,1,1,1 -4314,1,1,1,1,1,1,1,1,1,1 -4315,1,1,1,1,1,1,1,1,1,1 -4316,1,1,1,2,1,1,1,1,1,1 -4317,1,1,1,2,2,2,2,2,2,1 -4318,1,2,2,2,2,2,2,2,2,2 -4319,1,1,1,1,1,1,2,2,1,1 -4320,1,2,2,2,1,1,2,2,2,2 -4321,1,1,1,2,1,1,1,1,2,2 -4322,1,1,1,1,1,1,1,2,2,2 -4323,1,1,1,1,2,2,2,2,1,1 -4324,1,1,1,1,1,1,2,1,1,1 -4325,1,1,1,1,1,1,1,1,1,1 -4326,1,1,1,2,1,1,1,2,2,2 -4327,1,1,2,1,1,1,1,1,2,2 -4328,1,1,1,2,1,1,1,1,2,2 -4329,1,1,1,2,1,1,1,2,2,2 -4330,1,1,1,1,1,2,1,2,1,1 -4331,2,,,,,,,,, -4332,1,1,1,2,1,1,1,2,2,2 -4333,1,1,1,1,1,1,2,2,1,1 -4334,1,1,1,1,1,1,1,1,1,1 -4335,1,1,1,2,1,1,2,2,2,2 -4336,1,1,1,1,1,1,1,1,1,1 -4337,1,1,2,2,1,1,2,2,2,2 -4338,2,,,,,,,,, -4339,1,1,1,2,1,1,2,1,2,2 -4340,1,1,1,1,1,2,1,2,1,1 -4341,2,,,,,,,,, -4342,1,1,1,1,1,1,1,1,1,1 -4343,1,1,1,1,1,1,2,1,1,1 -4344,1,1,1,2,1,1,1,1,2,2 -4345,1,2,2,2,1,1,1,1,2,2 -4346,1,1,1,1,1,1,2,1,1,1 -4347,2,,,,,,,,, -4348,1,1,1,1,1,1,1,1,1,1 -4349,2,,,,,,,,, -4350,1,1,1,1,1,1,1,2,1,1 -4351,1,1,1,1,1,1,1,1,1,1 -4352,2,,,,,,,,, -4353,1,1,1,2,1,1,2,2,2,2 -4354,1,1,2,2,2,2,2,2,2,2 -4355,1,1,1,1,1,1,2,2,1,1 -4356,1,1,1,1,1,1,2,1,1,1 -4357,1,1,1,2,1,1,1,2,2,2 -4358,1,1,1,1,2,2,2,2,1,1 -4359,2,,,,,,,,, -4360,1,1,1,2,1,1,1,2,1,1 -4361,1,1,1,2,1,1,1,2,1,1 -4362,1,1,1,1,1,1,2,2,1,1 -4363,1,1,1,2,1,1,1,1,2,2 -4364,1,1,1,1,1,2,1,2,1,1 -4365,1,1,1,1,1,1,2,1,1,2 -4366,1,1,1,1,1,2,1,2,1,1 -4367,1,1,1,2,2,2,2,2,1,1 -4368,1,1,1,1,1,1,1,1,1,1 -4369,1,1,1,1,2,2,2,2,1,1 -4370,1,2,2,2,2,2,2,2,2,2 -4371,2,,,,,,,,, -4372,1,1,1,1,1,1,1,1,1,1 -4373,1,1,1,2,1,1,1,1,1,1 -4374,1,1,1,1,1,1,2,1,1,1 -4375,2,,,,,,,,, -4376,1,2,2,1,1,1,2,1,1,1 -4377,1,2,2,2,2,2,2,2,2,2 -4378,2,,,,,,,,, -4379,1,1,1,1,1,1,2,2,1,1 -4380,1,1,1,1,1,1,1,1,1,1 -4381,1,1,1,1,1,1,2,1,1,1 -4382,1,2,2,2,2,2,2,2,1,1 -4383,1,1,1,1,1,2,1,2,1,1 -4384,2,,,,,,,,, -4385,1,1,1,1,1,2,1,2,1,1 -4386,1,1,1,2,2,2,2,2,2,2 -4387,1,1,1,1,1,1,2,1,1,1 -4388,1,2,2,2,1,1,2,2,2,2 -4389,1,1,1,1,1,1,1,1,1,1 -4390,2,,,,,,,,, -4391,1,1,1,1,1,1,2,1,1,1 -4392,1,1,2,1,1,1,2,1,2,2 -4393,2,,,,,,,,, -4394,1,2,2,1,1,1,2,2,1,1 -4395,1,1,1,2,1,1,2,1,2,2 -4396,1,1,1,1,1,1,1,1,1,1 -4397,1,1,1,1,2,2,2,2,1,1 -4398,1,2,2,2,2,2,2,2,2,2 -4399,1,1,1,1,1,1,2,2,1,1 -4400,1,1,1,1,1,1,1,1,1,1 -4401,2,,,,,,,,, -4402,1,1,1,1,1,1,2,1,1,1 -4403,1,1,1,1,1,1,2,2,1,1 -4404,1,1,1,1,2,2,2,2,1,1 -4405,1,1,1,1,1,1,1,2,1,1 -4406,1,1,1,1,2,2,2,2,1,1 -4407,1,2,2,2,2,2,2,2,2,2 -4408,1,1,1,1,1,1,2,2,1,1 -4409,1,1,1,1,1,1,1,1,1,1 -4410,1,1,2,2,2,2,1,1,2,2 -4411,1,1,1,1,1,1,1,2,2,2 -4412,1,1,1,1,1,1,1,1,1,1 -4413,1,1,1,1,1,1,2,1,1,1 -4414,1,1,1,1,1,1,1,1,1,1 -4415,1,1,1,1,1,1,2,1,1,1 -4416,1,1,1,1,1,1,1,1,1,1 -4417,1,1,1,1,2,2,2,1,1,1 -4418,1,1,1,1,1,1,2,1,1,1 -4419,1,1,1,1,1,1,2,2,1,1 -4420,1,1,1,2,2,2,2,2,2,2 -4421,1,1,1,1,1,1,1,1,1,1 -4422,1,1,1,2,1,1,1,2,2,2 -4423,1,2,2,1,1,1,1,1,1,1 -4424,1,1,1,1,1,1,1,1,1,1 -4425,1,1,1,1,2,2,1,1,1,1 -4426,1,1,1,1,1,1,2,2,1,1 -4427,1,1,1,2,1,1,2,2,2,2 -4428,1,2,2,2,2,2,2,2,2,2 -4429,1,1,2,1,2,2,1,1,1,1 -4430,1,1,1,2,1,1,2,1,2,2 -4431,2,,,,,,,,, -4432,1,1,1,2,2,2,1,1,2,2 -4433,2,,,,,,,,, -4434,1,1,1,1,1,1,2,2,1,1 -4435,1,1,1,1,1,1,2,2,1,1 -4436,1,1,1,2,2,2,2,2,2,2 -4437,2,,,,,,,,, -4438,1,1,1,1,2,2,1,1,1,1 -4439,1,1,1,2,1,1,1,2,2,2 -4440,1,1,1,2,1,1,1,2,1,1 -4441,1,1,1,1,1,1,2,1,1,1 -4442,2,,,,,,,,, -4443,1,2,2,2,2,2,2,2,2,2 -4444,1,1,1,1,1,1,1,1,1,1 -4445,1,1,1,2,1,1,1,2,1,1 -4446,2,,,,,,,,, -4447,1,1,1,2,1,1,1,1,2,2 -4448,1,1,1,1,1,1,2,1,1,1 -4449,1,2,2,2,2,2,2,2,2,2 -4450,2,,,,,,,,, -4451,1,1,1,1,1,1,2,1,1,1 -4452,1,1,1,1,1,1,1,1,1,1 -4453,1,1,1,1,1,1,1,1,1,1 -4454,1,1,1,1,1,1,2,1,1,1 -4455,1,1,2,2,1,1,1,1,2,2 -4456,1,1,1,1,1,1,2,1,1,1 -4457,1,1,1,2,1,1,1,2,2,2 -4458,1,1,1,2,1,1,1,2,2,2 -4459,1,1,1,2,1,1,1,2,2,1 -4460,1,1,1,2,2,2,1,1,1,1 -4461,1,2,2,2,1,1,2,2,2,2 -4462,1,1,1,1,1,1,2,2,1,1 -4463,1,2,2,2,2,2,2,2,2,2 -4464,1,2,2,2,2,2,2,2,2,2 -4465,1,1,1,1,1,2,1,2,1,1 -4466,1,1,1,2,1,1,1,2,2,2 -4467,1,1,1,1,1,1,1,1,1,1 -4468,2,,,,,,,,, -4469,1,1,1,2,2,2,1,2,1,1 -4470,1,1,1,1,1,1,1,1,1,1 -4471,1,1,2,1,2,2,1,1,1,1 -4472,1,1,1,1,1,2,1,2,1,1 -4473,1,1,1,1,1,1,2,1,1,1 -4474,1,1,1,1,1,1,1,2,1,1 -4475,1,1,1,1,2,2,1,2,1,1 -4476,1,2,2,2,2,2,2,2,2,2 -4477,1,1,1,1,1,1,1,1,1,1 -4478,1,1,1,2,1,1,1,2,2,2 -4479,1,2,2,2,2,2,2,2,2,2 -4480,1,1,1,1,2,2,2,2,1,1 -4481,1,2,2,2,1,1,2,2,2,2 -4482,1,1,1,1,1,2,1,2,1,1 -4483,1,1,1,1,1,1,2,1,1,1 -4484,1,1,1,2,1,1,2,2,1,1 -4485,1,1,1,2,1,1,1,2,1,1 -4486,1,1,1,1,1,1,2,1,1,1 -4487,1,1,1,1,1,1,2,2,1,1 -4488,1,2,2,2,2,2,2,2,2,2 -4489,1,2,2,2,2,2,2,2,2,2 -4490,1,1,1,1,1,1,2,1,1,1 -4491,1,1,1,1,1,1,1,1,2,2 -4492,2,,,,,,,,, -4493,1,1,1,1,1,1,2,1,1,1 -4494,1,1,2,1,2,2,1,1,1,1 -4495,1,1,1,1,1,1,2,2,1,1 -4496,1,1,1,2,1,1,2,2,2,2 -4497,1,1,1,1,2,2,2,2,1,1 -4498,1,1,1,2,1,1,1,1,1,1 -4499,1,1,1,1,1,1,1,1,1,1 -4500,1,1,1,1,2,2,2,2,1,1 -4501,1,1,1,1,1,2,1,2,1,1 -4502,1,1,1,1,1,1,2,1,1,1 -4503,1,1,1,1,1,1,2,1,1,1 -4504,1,2,1,2,2,2,2,2,2,2 -4505,1,1,1,1,2,2,2,2,1,1 -4506,1,2,2,2,2,2,2,2,2,2 -4507,1,2,2,2,2,2,2,2,2,2 -4508,1,2,2,2,2,2,2,2,2,2 -4509,1,1,1,1,1,1,2,2,1,1 -4510,1,1,1,1,1,1,1,1,1,1 -4511,1,1,1,2,1,1,1,2,2,2 -4512,1,1,1,2,2,2,2,2,2,2 -4513,1,2,2,2,2,2,2,2,2,2 -4514,1,2,2,2,2,2,2,2,2,2 -4515,1,1,1,1,1,1,1,1,1,1 -4516,1,2,2,2,2,2,2,2,2,2 -4517,1,2,2,2,2,2,2,2,2,2 -4518,1,1,1,2,1,1,1,1,2,2 -4519,1,1,1,1,1,1,1,1,1,1 -4520,1,2,2,2,1,1,2,2,2,2 -4521,1,1,1,2,1,1,2,2,2,2 -4522,1,2,2,1,1,1,1,1,1,1 -4523,1,2,2,2,2,2,2,2,2,2 -4524,1,1,1,1,1,1,1,1,1,1 -4525,1,1,1,2,1,1,2,2,2,2 -4526,1,2,2,2,2,2,2,2,2,2 -4527,1,1,1,1,1,1,2,1,1,1 -4528,2,,,,,,,,, -4529,1,1,1,1,1,1,1,1,1,1 -4530,1,1,1,1,1,1,1,1,1,1 -4531,1,1,2,1,2,2,2,2,2,2 -4532,1,2,2,2,2,2,2,2,2,2 -4533,1,1,2,1,2,2,1,1,2,2 -4534,2,,,,,,,,, -4535,1,2,2,1,1,1,1,1,1,1 -4536,1,1,1,1,1,1,1,1,1,1 -4537,1,1,2,1,1,1,1,1,1,1 -4538,1,1,1,1,1,1,1,1,1,1 -4539,1,1,1,1,1,1,2,1,1,1 -4540,1,1,1,2,1,1,1,2,1,1 -4541,1,1,1,2,2,2,2,2,2,2 -4542,1,1,1,1,2,2,2,2,1,1 -4543,2,,,,,,,,, -4544,1,1,1,1,1,1,2,1,1,1 -4545,1,1,1,1,1,1,2,2,1,1 -4546,1,1,1,2,1,1,1,1,2,2 -4547,1,1,1,1,1,1,2,1,1,1 -4548,1,1,2,1,2,2,1,1,1,1 -4549,1,1,1,2,1,1,1,1,2,2 -4550,1,1,1,1,2,2,1,1,1,2 -4551,1,1,1,1,1,1,1,1,1,1 -4552,1,1,1,2,1,1,1,2,2,2 -4553,1,1,1,2,1,1,1,2,2,2 -4554,2,,,,,,,,, -4555,1,1,1,1,1,2,1,2,1,1 -4556,1,2,2,1,1,1,1,1,1,1 -4557,1,1,1,1,1,1,1,1,1,1 -4558,1,1,1,1,1,1,1,1,1,1 -4559,1,1,1,2,1,1,1,2,2,2 -4560,1,1,1,1,1,1,2,2,1,1 -4561,1,1,1,1,1,1,2,1,1,1 -4562,1,1,1,1,1,1,2,2,1,1 -4563,1,1,1,1,2,2,2,2,1,1 -4564,1,1,1,1,1,1,2,1,1,1 -4565,1,1,2,2,2,2,2,2,1,1 -4566,1,1,1,1,1,1,1,1,1,1 -4567,1,1,1,2,1,1,1,2,2,2 -4568,1,1,1,2,1,1,1,1,2,2 -4569,1,1,1,1,1,1,2,1,1,1 -4570,1,1,1,1,2,2,1,1,1,1 -4571,1,1,1,1,1,1,1,2,2,2 -4572,1,1,1,1,1,1,1,2,2,2 -4573,1,1,1,1,1,1,2,1,1,1 -4574,1,1,2,1,2,2,2,2,2,2 -4575,1,2,2,2,2,2,2,2,2,2 -4576,1,1,1,1,2,2,2,2,1,1 -4577,1,1,1,1,1,1,1,1,1,1 -4578,2,,,,,,,,, -4579,1,1,1,1,1,1,1,1,1,1 -4580,1,1,1,2,2,2,2,2,2,2 -4581,1,1,1,1,1,1,1,1,1,1 -4582,1,1,1,1,1,1,1,2,1,1 -4583,1,1,1,1,1,1,1,1,1,1 -4584,1,2,2,2,2,2,2,2,2,2 -4585,1,2,2,2,2,2,2,2,2,2 -4586,1,1,1,1,1,1,1,1,1,1 -4587,1,1,1,1,1,1,2,1,1,1 -4588,1,2,2,2,2,2,2,2,2,2 -4589,1,1,1,1,1,1,1,1,1,1 -4590,1,1,1,2,2,2,2,2,2,2 -4591,1,1,1,1,2,2,2,2,1,1 -4592,1,1,1,2,2,2,2,2,2,2 -4593,1,1,2,1,2,2,2,2,2,2 -4594,1,1,1,1,1,1,2,1,1,1 -4595,1,1,1,1,1,1,2,2,1,1 -4596,1,1,1,1,1,1,2,2,1,1 -4597,2,,,,,,,,, -4598,1,1,1,1,1,1,2,1,1,1 -4599,1,1,1,1,1,1,1,1,1,1 -4600,1,1,1,2,1,1,1,2,2,2 -4601,1,2,2,2,2,2,2,2,2,2 -4602,1,1,1,1,1,1,1,1,1,1 -4603,1,1,1,1,1,1,2,2,1,1 -4604,1,1,1,2,2,2,2,2,2,2 -4605,1,1,1,1,1,1,2,1,1,1 -4606,1,1,1,2,1,1,1,1,1,1 -4607,1,1,1,1,1,1,1,2,1,1 -4608,1,1,1,2,1,1,1,1,1,1 -4609,1,1,2,1,2,2,1,1,1,1 -4610,1,1,1,2,1,1,1,2,2,2 -4611,1,1,1,1,2,2,2,1,1,1 -4612,2,,,,,,,,, -4613,1,1,1,1,2,2,1,1,1,1 -4614,2,,,,,,,,, -4615,1,1,1,1,1,1,1,1,1,1 -4616,2,,,,,,,,, -4617,1,1,1,2,1,1,1,2,2,2 -4618,1,1,1,1,2,2,2,2,1,1 -4619,1,1,1,1,1,1,1,1,1,1 -4620,1,1,1,1,2,2,1,2,1,1 -4621,1,2,2,2,2,2,2,2,2,2 -4622,1,1,1,1,1,1,2,1,1,1 -4623,1,1,1,2,1,1,1,2,2,2 -4624,1,1,1,1,1,1,1,1,1,1 -4625,1,1,1,2,2,2,2,2,2,2 -4626,1,1,1,2,1,1,1,1,2,2 -4627,1,1,1,1,1,1,1,1,1,1 -4628,1,1,1,1,2,2,2,2,1,1 -4629,1,2,2,1,1,1,1,1,1,1 -4630,1,1,1,1,1,1,2,2,1,1 -4631,1,1,1,2,1,1,2,2,2,2 -4632,1,1,2,1,2,2,2,2,2,2 -4633,1,1,1,1,2,2,2,2,1,1 -4634,1,1,1,1,1,1,2,2,1,1 -4635,1,1,1,1,1,1,1,2,2,2 -4636,1,1,2,2,1,1,1,1,2,2 -4637,1,1,1,1,1,1,2,1,1,1 -4638,2,,,,,,,,, -4639,1,1,1,1,1,1,1,1,1,1 -4640,1,1,1,1,1,1,1,1,1,1 -4641,2,,,,,,,,, -4642,1,1,1,1,1,1,2,2,1,1 -4643,1,1,1,1,1,1,2,1,1,1 -4644,1,1,1,1,1,1,1,1,1,1 -4645,1,1,1,1,1,1,1,2,1,1 -4646,1,1,1,1,1,1,1,1,1,1 -4647,2,,,,,,,,, -4648,1,1,1,2,1,1,1,2,2,2 -4649,1,2,2,2,2,2,2,2,2,2 -4650,1,1,1,1,1,1,2,2,1,1 -4651,1,1,1,1,2,2,2,2,1,1 -4652,1,2,2,2,2,2,2,2,2,2 -4653,1,1,1,1,1,1,1,1,1,1 -4654,1,1,1,2,1,1,1,1,2,2 -4655,1,1,1,1,1,1,2,1,1,1 -4656,1,1,1,1,1,1,1,1,1,1 -4657,1,1,1,1,2,2,2,2,1,1 -4658,1,1,1,1,1,1,1,1,1,1 -4659,1,1,1,1,1,2,1,2,1,1 -4660,1,1,1,2,1,1,2,2,2,2 -4661,2,,,,,,,,, -4662,1,2,2,2,2,2,2,2,2,2 -4663,1,1,1,1,1,1,2,2,1,1 -4664,1,1,1,1,1,1,1,2,1,1 -4665,1,1,1,1,1,1,1,1,1,1 -4666,1,1,2,1,2,2,2,2,1,1 -4667,1,1,1,1,1,1,1,1,1,1 -4668,1,1,1,1,1,1,1,1,1,1 -4669,1,1,1,1,1,2,1,2,1,1 -4670,1,2,2,2,2,2,2,2,2,2 -4671,1,1,1,1,1,1,2,1,1,1 -4672,1,1,1,1,1,1,1,1,1,1 -4673,1,2,2,2,2,2,2,2,2,2 -4674,1,1,1,2,1,1,1,2,2,2 -4675,1,1,1,1,1,1,2,2,1,1 -4676,1,1,1,1,1,1,2,1,1,1 -4677,1,1,1,1,1,1,1,1,1,1 -4678,2,,,,,,,,, -4679,2,,,,,,,,, -4680,1,1,1,1,1,1,1,1,1,1 -4681,1,2,2,2,1,1,2,2,2,2 -4682,1,1,1,2,1,1,1,2,2,2 -4683,1,1,1,1,1,1,1,2,1,1 -4684,1,1,1,2,1,1,1,1,1,1 -4685,1,1,1,2,2,2,2,2,2,2 -4686,1,2,2,2,2,2,2,2,2,2 -4687,1,1,1,1,2,2,2,2,1,1 -4688,1,1,1,1,1,1,2,1,1,1 -4689,2,,,,,,,,, -4690,1,1,1,1,1,1,2,2,1,1 -4691,1,1,1,2,1,1,1,1,1,2 -4692,1,1,1,1,1,1,2,1,1,1 -4693,1,1,1,1,1,1,1,1,1,1 -4694,1,1,1,2,1,1,1,1,2,2 -4695,1,1,1,1,2,2,2,2,1,1 -4696,1,2,2,2,2,2,2,2,2,2 -4697,1,2,2,2,2,2,2,2,2,2 -4698,1,1,1,1,1,1,2,1,1,1 -4699,1,1,1,1,1,1,2,1,1,1 -4700,1,1,1,1,1,1,2,2,1,1 -4701,1,1,1,1,1,1,1,2,2,2 -4702,1,1,1,1,1,1,2,1,1,1 -4703,1,1,1,1,1,1,1,1,1,1 -4704,2,,,,,,,,, -4705,1,1,1,1,2,2,2,1,1,1 -4706,1,1,1,1,1,1,1,1,1,1 -4707,1,1,1,1,1,1,1,2,1,1 -4708,1,1,1,1,1,1,1,2,1,1 -4709,1,1,1,1,1,2,1,2,1,1 -4710,1,2,2,2,2,2,2,2,2,2 -4711,1,1,1,1,1,1,2,1,1,1 -4712,1,1,1,1,1,1,1,1,2,2 -4713,1,1,1,1,1,1,1,1,1,1 -4714,1,1,1,1,1,1,1,1,1,1 -4715,1,1,1,1,1,1,1,1,1,1 -4716,1,1,1,1,1,1,1,2,2,2 -4717,1,1,1,2,2,2,2,2,2,2 -4718,2,,,,,,,,, -4719,1,1,1,1,1,1,2,1,1,1 -4720,1,1,1,2,2,2,2,2,1,1 -4721,1,1,2,1,2,2,2,2,2,2 -4722,1,1,1,1,1,2,1,2,1,1 -4723,1,1,1,2,2,2,1,2,1,1 -4724,1,1,1,1,1,1,1,2,1,1 -4725,1,1,1,1,1,1,1,1,1,1 -4726,1,2,2,2,2,2,2,2,2,2 -4727,2,,,,,,,,, -4728,1,1,1,1,1,1,1,1,1,1 -4729,1,1,1,1,1,1,2,1,1,1 -4730,1,2,2,1,2,2,2,2,1,1 -4731,2,,,,,,,,, -4732,2,,,,,,,,, -4733,1,1,1,1,1,1,2,1,1,1 -4734,1,1,1,1,1,1,2,1,1,1 -4735,1,1,1,1,2,2,2,1,1,1 -4736,1,2,2,2,2,2,2,2,2,2 -4737,1,1,1,1,2,2,2,2,1,1 -4738,1,1,2,1,1,1,1,1,2,2 -4739,2,,,,,,,,, -4740,1,1,1,1,1,1,2,1,1,1 -4741,1,1,1,2,1,1,1,1,2,2 -4742,1,1,1,1,1,1,1,1,1,1 -4743,1,1,1,2,1,1,1,2,2,2 -4744,1,1,1,1,1,1,1,1,1,1 -4745,1,1,1,1,2,2,2,2,1,1 -4746,1,1,1,2,2,2,1,1,1,1 -4747,1,1,1,1,1,1,2,2,1,1 -4748,2,,,,,,,,, -4749,1,1,1,1,1,1,1,1,1,1 -4750,2,,,,,,,,, -4751,1,2,2,2,2,2,2,2,2,2 -4752,1,1,1,2,1,1,1,1,2,2 -4753,1,1,2,2,1,1,2,2,2,2 -4754,1,2,2,2,2,2,2,2,2,1 -4755,1,1,1,1,1,1,2,1,1,1 -4756,1,1,1,1,1,1,1,1,1,1 -4757,1,1,1,1,1,1,1,1,1,1 -4758,1,1,1,2,1,1,1,1,1,1 -4759,2,,,,,,,,, -4760,1,1,1,1,1,1,1,1,1,1 -4761,1,2,2,2,2,2,2,2,2,2 -4762,1,1,1,1,2,2,2,1,1,1 -4763,1,2,2,2,2,2,2,2,2,2 -4764,1,1,1,1,1,1,2,1,1,1 -4765,1,1,1,2,2,2,2,2,2,2 -4766,1,1,2,1,2,2,1,1,1,1 -4767,1,1,1,1,1,1,1,1,1,1 -4768,1,1,1,1,1,1,2,1,1,1 -4769,2,,,,,,,,, -4770,1,1,1,1,1,1,1,1,2,2 -4771,1,2,2,1,1,1,2,2,1,1 -4772,1,1,1,1,1,1,1,1,1,1 -4773,1,1,1,1,1,1,1,1,1,1 -4774,2,,,,,,,,, -4775,1,2,2,2,2,2,2,2,2,2 -4776,1,2,2,2,2,2,2,2,2,2 -4777,1,1,1,2,1,1,2,2,2,2 -4778,2,,,,,,,,, -4779,1,1,1,1,1,1,2,1,1,1 -4780,2,,,,,,,,, -4781,1,1,1,2,1,1,1,1,2,2 -4782,2,,,,,,,,, -4783,1,2,2,2,2,2,2,2,2,2 -4784,2,,,,,,,,, -4785,1,2,2,2,2,2,2,2,2,2 -4786,1,1,1,1,1,1,2,2,1,1 -4787,1,1,1,1,1,1,2,1,1,1 -4788,1,1,1,1,1,1,2,2,1,1 -4789,1,1,1,1,1,1,2,1,1,1 -4790,1,1,1,2,1,1,1,1,2,2 -4791,1,1,1,1,1,1,2,1,1,1 -4792,1,1,1,1,1,2,1,2,1,1 -4793,1,1,1,1,1,1,1,1,1,1 -4794,1,1,1,1,1,1,1,1,1,1 -4795,1,2,2,2,2,2,2,2,2,2 -4796,1,1,1,1,1,1,1,1,1,1 -4797,1,1,1,1,2,2,2,2,1,1 -4798,1,1,2,1,2,2,2,2,2,2 -4799,2,,,,,,,,, -4800,1,1,1,2,2,2,1,2,1,1 -4801,1,1,1,1,1,2,1,2,1,1 -4802,2,,,,,,,,, -4803,1,2,2,2,2,2,2,2,2,2 -4804,1,1,1,1,1,1,1,1,1,1 -4805,1,1,1,1,1,1,2,1,1,1 -4806,1,1,1,1,2,2,1,1,1,1 -4807,1,1,1,1,2,1,2,1,1,1 -4808,1,2,2,2,2,2,2,2,2,2 -4809,1,1,1,1,1,1,1,1,1,1 -4810,1,1,1,1,2,2,1,2,1,1 -4811,1,2,2,2,2,2,2,2,2,2 -4812,1,1,1,1,1,1,1,1,1,1 -4813,1,1,1,2,2,2,2,2,2,2 -4814,1,1,1,1,1,1,2,2,1,1 -4815,1,1,2,1,2,2,2,2,2,2 -4816,1,1,1,1,2,2,1,2,1,1 -4817,1,1,1,1,1,1,2,1,1,1 -4818,1,1,1,2,1,1,1,2,2,2 -4819,1,2,2,1,1,1,2,2,1,1 -4820,1,1,1,1,1,1,1,1,1,1 -4821,1,1,1,1,1,1,1,1,2,2 -4822,1,1,1,1,1,1,2,1,1,1 -4823,1,1,1,2,1,1,1,1,1,1 -4824,1,1,1,1,1,1,2,2,1,1 -4825,1,1,1,1,1,1,2,1,1,1 -4826,1,2,2,2,2,2,2,2,2,2 -4827,2,,,,,,,,, -4828,1,1,1,2,1,1,1,2,2,2 -4829,1,1,1,2,1,1,2,2,2,2 -4830,1,1,2,1,2,2,2,2,2,2 -4831,1,1,1,1,1,1,1,1,1,1 -4832,1,1,1,1,2,2,2,2,1,1 -4833,1,1,1,1,1,1,2,1,1,1 -4834,1,1,1,1,1,1,1,2,2,2 -4835,1,2,2,2,2,2,2,2,2,2 -4836,1,2,2,2,1,1,2,2,2,2 -4837,1,1,1,2,1,1,1,2,2,2 -4838,1,1,1,1,2,2,2,1,1,1 -4839,1,1,1,1,1,1,1,1,1,1 -4840,1,1,1,1,2,2,2,2,1,1 -4841,1,1,2,1,2,2,2,2,2,2 -4842,1,1,1,1,1,1,1,1,1,1 -4843,1,1,1,1,2,2,2,2,1,1 -4844,1,1,2,1,2,2,2,2,2,2 -4845,1,1,1,1,1,1,1,1,1,1 -4846,1,1,1,1,1,1,2,1,1,1 -4847,1,1,1,1,1,1,1,1,1,1 -4848,1,1,1,2,1,1,1,1,2,2 -4849,1,1,1,1,1,1,2,1,1,1 -4850,1,2,2,2,1,1,2,2,2,2 -4851,1,1,1,1,1,1,1,1,1,1 -4852,1,1,1,1,1,1,1,1,1,1 -4853,1,1,1,1,1,1,1,1,1,1 -4854,1,1,1,1,1,1,1,1,1,1 -4855,1,2,2,2,2,2,2,2,2,2 -4856,1,1,1,1,1,1,1,1,1,1 -4857,1,1,1,1,1,1,2,1,1,1 -4858,1,1,1,1,1,2,1,2,1,1 -4859,1,1,1,1,2,2,2,2,1,1 -4860,1,1,1,2,2,2,2,2,2,2 -4861,1,1,1,1,1,2,1,2,1,1 -4862,1,2,2,2,2,2,2,2,2,2 -4863,1,2,2,2,2,2,2,2,2,2 -4864,1,2,2,2,2,2,2,2,2,2 -4865,1,1,1,1,1,2,1,2,1,1 -4866,1,1,1,1,1,1,2,2,1,1 -4867,1,2,2,2,1,1,2,2,2,2 -4868,1,1,1,1,1,1,1,1,1,1 -4869,1,1,1,1,1,2,1,2,1,1 -4870,1,1,1,1,1,1,2,2,1,1 -4871,1,1,1,1,1,1,2,2,1,1 -4872,1,1,1,2,1,1,2,2,1,1 -4873,1,1,1,1,2,2,2,2,1,1 -4874,1,1,1,2,2,2,2,2,2,2 -4875,1,1,1,1,1,1,1,1,1,1 -4876,2,,,,,,,,, -4877,1,1,1,1,1,1,2,2,1,1 -4878,2,,,,,,,,, -4879,1,1,1,1,1,1,1,1,1,1 -4880,1,1,1,1,1,2,1,2,1,1 -4881,2,,,,,,,,, -4882,1,2,2,2,2,2,2,2,2,2 -4883,1,1,1,2,2,2,1,1,2,2 -4884,1,1,1,1,2,2,2,1,1,1 -4885,1,1,2,1,2,2,1,1,2,2 -4886,2,,,,,,,,, -4887,1,1,1,1,1,1,1,1,1,1 -4888,1,1,1,1,1,1,1,1,2,2 -4889,1,1,1,1,1,1,1,2,2,2 -4890,1,1,1,1,2,2,2,2,1,1 -4891,1,1,1,2,2,2,2,2,2,2 -4892,2,,,,,,,,, -4893,1,1,1,1,2,2,2,2,1,1 -4894,1,1,1,1,1,1,1,1,1,1 -4895,1,1,1,1,2,2,2,2,1,1 -4896,1,2,2,2,2,2,2,2,2,2 -4897,1,2,2,1,1,1,1,1,1,1 -4898,1,1,1,1,1,1,2,1,1,1 -4899,2,,,,,,,,, -4900,1,2,2,2,2,2,2,2,2,2 -4901,1,2,2,2,2,2,1,1,2,2 -4902,1,1,1,1,1,1,1,1,2,2 -4903,1,1,1,1,1,1,2,1,1,1 -4904,1,1,1,2,2,2,2,2,2,2 -4905,1,1,1,1,1,1,1,2,2,2 -4906,1,1,1,2,1,1,1,1,1,1 -4907,1,2,2,2,2,2,2,2,2,2 -4908,1,2,2,1,1,1,1,1,1,1 -4909,1,1,1,1,1,2,1,2,1,1 -4910,1,1,1,1,1,1,2,2,1,1 -4911,1,1,1,1,1,2,1,2,1,1 -4912,1,2,2,2,2,2,2,2,2,2 -4913,1,1,1,2,1,1,2,2,2,2 -4914,1,1,1,1,1,1,1,1,1,1 -4915,1,1,1,1,1,1,1,2,2,2 -4916,1,1,2,1,1,1,1,1,1,1 -4917,1,1,1,2,2,2,1,1,2,2 -4918,1,1,1,1,1,1,2,1,1,1 -4919,1,1,1,1,2,2,2,1,1,1 -4920,1,1,1,2,1,1,1,1,1,1 -4921,1,1,1,2,2,2,1,2,1,1 -4922,1,1,1,1,2,2,1,1,1,1 -4923,1,1,1,1,1,1,2,2,1,1 -4924,1,1,1,1,2,2,2,2,1,1 -4925,1,1,1,2,2,2,2,2,2,2 -4926,1,1,1,1,1,1,1,1,1,1 -4927,1,1,2,2,2,2,2,2,2,2 -4928,1,1,1,2,1,1,1,1,1,1 -4929,1,1,1,1,1,1,2,2,1,1 -4930,1,1,1,1,1,1,1,2,1,1 -4931,1,1,1,2,1,1,1,1,2,2 -4932,1,2,2,2,2,2,2,2,2,2 -4933,1,1,1,1,1,1,1,1,1,1 -4934,1,2,2,2,2,2,2,2,2,2 -4935,1,1,1,1,1,1,1,1,1,1 -4936,1,1,1,1,1,1,1,1,1,1 -4937,1,2,2,2,2,2,2,2,2,2 -4938,1,1,1,2,1,1,1,1,2,2 -4939,1,1,1,1,1,1,2,1,1,1 -4940,1,1,1,1,2,1,2,1,1,2 -4941,1,2,2,2,2,2,2,2,2,2 -4942,1,1,1,2,1,1,1,1,2,2 -4943,1,1,1,1,1,1,1,2,1,1 -4944,1,1,1,1,1,1,2,2,1,1 -4945,1,1,1,1,1,1,2,2,1,1 -4946,1,1,1,1,1,1,1,1,1,1 -4947,1,1,1,1,1,2,1,2,1,1 -4948,1,1,1,2,1,1,1,2,2,2 -4949,2,,,,,,,,, -4950,1,1,1,1,1,1,1,2,1,1 -4951,1,1,1,1,1,1,2,1,1,1 -4952,1,1,1,2,1,1,1,2,2,2 -4953,2,,,,,,,,, -4954,1,1,1,1,1,1,2,2,1,1 -4955,1,1,1,1,2,2,1,2,1,1 -4956,1,1,1,1,1,1,1,1,1,1 -4957,1,1,1,1,1,1,1,1,1,1 -4958,2,,,,,,,,, -4959,1,2,2,2,2,2,1,2,2,2 -4960,1,1,1,1,2,2,1,2,1,1 -4961,1,2,2,2,2,2,2,2,2,2 -4962,1,2,2,1,1,1,2,1,2,2 -4963,1,1,1,1,2,2,2,2,1,1 -4964,1,2,2,2,2,2,2,2,2,2 -4965,2,,,,,,,,, -4966,1,1,1,1,1,1,1,1,1,1 -4967,1,1,1,1,1,1,2,1,1,1 -4968,1,1,1,1,1,1,1,1,1,1 -4969,1,1,1,2,2,2,2,2,2,2 -4970,1,1,2,1,2,2,2,2,2,2 -4971,1,1,1,1,1,1,2,1,1,1 -4972,1,2,2,2,2,2,2,2,2,2 -4973,1,2,2,2,1,1,1,1,2,2 -4974,1,1,1,1,1,1,1,1,1,1 -4975,1,1,1,1,1,1,1,1,1,1 -4976,1,1,2,2,2,2,2,2,2,2 -4977,1,1,1,1,2,2,1,1,1,1 -4978,1,1,1,2,1,1,1,1,2,2 -4979,1,1,1,1,1,1,1,1,1,1 -4980,1,1,1,1,1,1,2,1,1,1 -4981,1,1,1,1,1,1,2,1,1,1 -4982,1,1,1,1,1,1,2,1,1,1 -4983,1,1,1,1,1,2,1,2,1,1 -4984,1,1,1,2,1,1,2,2,1,1 -4985,1,1,1,1,1,1,2,1,1,1 -4986,1,1,1,1,1,1,1,2,2,2 -4987,1,1,1,2,1,1,1,1,1,1 -4988,1,2,2,2,2,2,2,2,2,2 -4989,1,1,1,1,1,1,1,1,1,1 -4990,1,1,1,1,1,1,2,1,1,1 -4991,1,1,1,1,2,2,2,2,1,1 -4992,1,1,1,1,1,1,1,1,1,1 -4993,1,1,1,1,1,1,1,1,1,1 -4994,1,1,1,1,1,1,1,1,1,1 -4995,1,2,2,2,2,2,2,2,2,2 -4996,1,2,2,2,2,2,2,2,2,2 -4997,1,2,2,2,2,2,2,2,2,2 -4998,1,1,1,1,1,1,1,1,1,1 -4999,2,,,,,,,,, -5000,1,1,1,1,1,1,1,1,1,1 -5001,1,1,1,2,1,1,2,2,1,1 -5002,1,1,2,1,2,2,1,1,1,1 -5003,1,1,1,1,1,1,2,2,1,1 -5004,1,1,1,1,1,1,1,1,1,1 -5005,1,1,1,1,1,1,1,1,1,1 -5006,1,1,1,2,1,1,1,2,2,2 -5007,1,1,1,1,1,1,1,2,2,2 -5008,1,1,1,1,1,1,1,1,1,1 -5009,1,1,1,1,1,1,1,1,1,1 -5010,1,1,1,2,1,1,1,1,2,2 -5011,1,2,2,2,2,2,2,2,2,2 -5012,2,,,,,,,,, -5013,1,1,1,2,1,1,2,1,2,2 -5014,1,1,1,1,1,1,2,2,1,1 -5015,1,1,1,2,2,2,1,2,1,1 -5016,1,1,1,1,2,2,2,2,1,1 -5017,2,,,,,,,,, -5018,1,1,2,1,2,2,2,2,2,2 -5019,1,1,1,1,2,2,1,1,1,1 -5020,1,1,1,1,1,1,1,1,1,1 -5021,1,1,1,1,1,2,1,2,1,1 -5022,1,1,1,1,1,1,2,1,1,1 -5023,1,1,1,1,1,1,1,1,1,1 -5024,1,1,1,1,1,1,1,1,1,1 -5025,1,1,1,1,1,1,2,1,1,1 -5026,1,1,1,1,1,1,1,1,1,1 -5027,1,1,2,1,2,2,2,2,2,2 -5028,1,1,1,1,1,2,1,2,1,1 -5029,1,1,1,1,1,1,2,2,1,1 -5030,1,1,1,1,1,1,2,1,1,1 -5031,1,1,1,2,2,2,2,2,2,2 -5032,1,1,1,1,1,1,1,1,1,1 -5033,1,1,1,2,1,1,1,2,2,2 -5034,1,1,1,1,1,1,2,1,1,1 -5035,1,1,1,1,1,1,2,2,1,1 -5036,1,1,1,1,1,1,1,2,1,1 -5037,1,1,1,1,1,2,1,2,1,1 -5038,1,1,2,1,1,1,2,1,2,2 -5039,1,1,1,1,1,1,2,2,1,1 -5040,1,2,2,2,1,2,2,2,2,2 -5041,1,1,1,2,2,2,2,2,2,2 -5042,2,,,,,,,,, -5043,1,1,2,1,2,2,2,2,2,2 -5044,1,1,1,2,1,1,1,1,2,2 -5045,1,1,1,2,1,1,1,2,2,2 -5046,1,1,1,1,1,1,1,1,1,1 -5047,1,1,1,2,1,1,1,2,2,2 -5048,1,1,1,1,1,1,1,1,1,1 -5049,1,1,1,2,1,1,1,2,2,2 -5050,1,1,1,1,1,1,2,1,1,1 -5051,1,1,1,1,1,1,1,2,2,2 -5052,1,1,1,2,1,1,1,2,2,2 -5053,1,1,1,2,2,2,2,2,2,2 -5054,1,1,1,1,1,1,2,1,1,1 -5055,1,1,2,2,2,2,2,2,2,2 -5056,1,2,2,2,2,2,2,2,2,2 -5057,1,1,1,1,2,2,2,2,1,1 -5058,1,2,2,2,1,1,1,2,2,2 -5059,1,1,1,2,1,1,1,1,1,1 -5060,1,1,1,2,1,1,1,2,2,2 -5061,1,1,1,1,2,2,2,1,1,1 -5062,1,2,2,2,2,2,2,2,2,2 -5063,1,1,1,2,1,1,1,1,1,1 -5064,1,1,1,1,2,2,2,2,1,1 -5065,1,1,2,2,1,1,2,2,2,2 -5066,1,1,1,1,1,1,2,2,1,1 -5067,1,1,1,1,2,2,2,2,1,1 -5068,1,1,1,1,1,1,2,2,1,1 -5069,1,2,2,2,2,2,2,2,2,2 -5070,1,1,1,1,2,2,1,2,1,1 -5071,1,1,1,1,1,1,2,2,1,1 -5072,1,1,1,1,1,1,2,1,1,1 -5073,1,1,1,1,2,2,2,2,1,1 -5074,1,1,1,1,1,1,1,2,1,1 -5075,1,1,1,2,1,1,1,1,1,1 -5076,1,2,2,2,2,2,2,2,2,2 -5077,1,1,2,2,2,2,2,2,2,2 -5078,1,2,2,2,1,1,2,2,2,2 -5079,1,2,2,2,2,2,2,2,2,2 -5080,1,1,1,1,1,2,1,2,1,1 -5081,1,1,1,1,1,1,1,1,1,1 -5082,1,1,1,2,1,1,1,1,2,2 -5083,1,1,1,1,1,1,1,2,1,1 -5084,2,,,,,,,,, -5085,1,1,1,1,1,1,1,2,2,2 -5086,1,1,1,1,1,2,1,2,1,1 -5087,1,1,1,1,1,1,2,1,1,1 -5088,1,2,2,2,2,2,2,2,2,2 -5089,1,1,1,1,1,1,2,1,1,1 -5090,1,1,1,1,1,1,2,2,1,1 -5091,1,2,2,2,2,2,2,2,2,2 -5092,1,1,1,1,1,1,1,1,1,1 -5093,1,1,1,1,1,1,1,1,1,1 -5094,1,1,1,1,1,1,1,1,1,1 -5095,1,1,1,2,2,2,2,2,2,2 -5096,1,1,1,1,1,1,2,1,1,1 -5097,1,1,1,1,1,1,2,1,1,1 -5098,2,,,,,,,,, -5099,1,2,2,2,2,2,2,2,2,2 -5100,1,1,1,1,1,2,1,2,1,1 -5101,1,2,2,2,2,2,2,2,2,2 -5102,2,,,,,,,,, -5103,1,1,1,2,1,1,1,1,2,2 -5104,1,1,1,2,1,1,1,2,2,2 -5105,1,1,1,1,1,1,1,2,2,2 -5106,1,2,2,2,2,2,2,2,2,2 -5107,1,1,1,1,2,2,1,2,1,1 -5108,1,2,2,2,2,2,2,2,2,2 -5109,1,1,1,1,1,1,2,1,1,1 -5110,1,1,1,1,2,2,2,2,1,1 -5111,1,1,1,1,1,1,2,1,1,1 -5112,1,2,2,2,2,2,2,2,2,2 -5113,1,1,1,1,1,1,2,1,1,1 -5114,1,1,1,2,1,1,1,1,2,2 -5115,1,1,1,1,1,2,1,2,1,1 -5116,1,1,1,1,2,2,2,1,1,1 -5117,1,2,2,2,2,2,2,2,2,2 -5118,1,1,2,1,2,2,2,2,1,1 -5119,1,1,1,1,1,1,1,1,1,1 -5120,1,2,2,2,2,2,2,2,2,2 -5121,2,,,,,,,,, -5122,2,,,,,,,,, -5123,1,1,1,1,1,1,2,1,1,1 -5124,1,1,1,1,1,1,2,2,1,1 -5125,1,1,1,1,1,1,2,1,1,1 -5126,1,1,2,1,2,2,1,1,1,1 -5127,1,1,1,1,1,2,1,2,1,1 -5128,1,1,1,1,1,1,2,1,1,1 -5129,1,1,1,2,1,1,1,2,2,2 -5130,1,1,1,1,2,2,1,1,1,1 -5131,1,1,1,1,1,1,1,1,1,1 -5132,1,1,1,1,1,1,2,1,1,1 -5133,1,1,1,1,1,2,1,2,1,1 -5134,1,1,1,1,2,2,1,1,1,1 -5135,1,2,2,2,2,2,2,2,2,2 -5136,1,1,1,1,1,1,2,2,1,1 -5137,1,1,1,2,1,1,2,1,2,2 -5138,1,1,1,1,2,2,2,2,1,1 -5139,1,1,1,1,1,1,1,1,1,1 -5140,1,1,1,2,2,2,2,2,2,2 -5141,1,1,1,1,1,1,1,2,2,2 -5142,1,2,2,2,2,2,2,2,2,2 -5143,1,1,1,1,1,1,1,1,1,1 -5144,1,2,2,2,2,2,2,2,2,2 -5145,1,2,2,2,2,2,2,2,2,2 -5146,1,1,1,1,1,1,2,1,1,1 -5147,1,1,1,1,2,2,1,2,1,1 -5148,1,2,2,2,1,1,1,1,2,2 -5149,2,,,,,,,,, -5150,1,1,1,1,1,1,1,1,1,1 -5151,1,1,1,1,2,2,2,2,2,2 -5152,1,1,1,2,1,1,1,1,1,1 -5153,1,2,2,2,2,2,2,2,2,2 -5154,1,1,1,1,1,1,2,2,1,1 -5155,1,1,1,1,1,1,1,1,1,1 -5156,2,,,,,,,,, -5157,1,1,1,1,1,1,1,1,1,1 -5158,1,1,1,1,1,1,1,2,1,1 -5159,1,1,1,1,1,1,2,1,1,1 -5160,2,,,,,,,,, -5161,1,1,1,1,2,2,1,1,1,1 -5162,1,2,2,2,1,1,1,2,2,2 -5163,1,1,1,1,2,2,2,2,1,1 -5164,1,1,1,1,1,1,1,1,1,1 -5165,1,1,1,1,1,1,2,2,1,1 -5166,1,1,1,1,1,1,2,2,1,1 -5167,2,,,,,,,,, -5168,1,2,2,2,2,2,2,2,2,2 -5169,2,,,,,,,,, -5170,1,1,1,1,2,2,2,2,1,1 -5171,1,1,1,1,1,1,2,2,1,1 -5172,1,1,1,1,1,1,1,1,1,1 -5173,1,1,1,1,1,1,2,1,1,1 -5174,1,1,1,1,1,1,2,2,1,1 -5175,1,1,1,2,1,1,1,1,2,2 -5176,1,1,1,2,1,1,2,2,2,2 -5177,1,1,1,1,1,1,2,1,1,1 -5178,1,2,2,2,1,1,2,2,2,2 -5179,2,,,,,,,,, -5180,1,1,1,1,1,1,1,1,1,1 -5181,1,1,1,1,1,1,2,1,1,1 -5182,1,1,2,1,2,2,1,1,1,1 -5183,1,1,1,1,2,2,1,2,1,1 -5184,1,1,2,1,2,2,2,2,1,1 -5185,2,,,,,,,,, -5186,2,,,,,,,,, -5187,1,1,1,1,1,1,2,2,1,1 -5188,1,1,1,1,1,1,2,1,1,1 -5189,1,1,1,1,1,1,2,2,1,1 -5190,1,1,1,2,1,1,1,2,2,2 -5191,1,2,2,2,2,2,2,2,2,2 -5192,1,1,1,1,2,2,1,1,1,1 -5193,1,1,1,2,1,1,1,2,2,2 -5194,1,1,1,1,1,1,2,2,1,1 -5195,1,1,1,1,1,1,2,1,1,1 -5196,1,2,2,2,2,2,2,2,2,2 -5197,1,1,1,1,1,1,2,2,1,1 -5198,1,1,2,2,1,1,1,1,2,2 -5199,1,1,1,1,2,2,2,2,1,1 -5200,2,,,,,,,,, -5201,1,1,1,2,1,1,1,1,2,2 -5202,2,,,,,,,,, -5203,1,2,2,2,1,1,2,2,2,2 -5204,1,1,2,1,2,2,1,1,1,1 -5205,1,1,1,2,1,1,1,1,1,1 -5206,1,1,1,1,1,1,2,2,1,1 -5207,1,1,1,2,1,1,1,2,2,2 -5208,1,1,1,2,2,2,2,2,2,2 -5209,2,,,,,,,,, -5210,1,1,1,2,1,1,1,1,2,2 -5211,1,1,1,2,1,1,1,2,2,2 -5212,1,1,1,1,1,1,2,1,1,1 -5213,1,1,1,2,1,1,1,1,2,2 -5214,1,1,2,1,2,2,2,2,2,2 -5215,2,,,,,,,,, -5216,2,,,,,,,,, -5217,1,1,1,1,1,1,2,2,1,1 -5218,1,1,1,2,2,2,2,2,2,2 -5219,2,,,,,,,,, -5220,1,1,1,1,1,2,1,2,1,1 -5221,1,1,1,1,1,1,2,2,1,1 -5222,1,1,2,1,2,2,2,2,2,2 -5223,1,1,1,1,1,1,2,2,1,1 -5224,1,1,1,2,1,1,2,2,1,1 -5225,1,2,2,2,2,2,2,2,2,2 -5226,1,2,2,2,2,2,2,2,2,2 -5227,1,1,1,2,1,1,1,2,2,2 -5228,1,1,1,2,2,2,2,2,2,2 -5229,1,1,2,2,1,1,2,2,2,2 -5230,1,1,1,2,1,1,1,2,2,2 -5231,1,1,1,1,1,1,2,1,1,1 -5232,1,1,1,1,2,2,2,2,1,1 -5233,1,2,2,2,1,1,2,2,2,2 -5234,1,1,1,2,2,2,2,2,2,2 -5235,1,1,1,1,1,1,2,1,1,1 -5236,1,2,2,2,2,2,2,2,2,2 -5237,1,1,1,1,1,2,1,2,1,1 -5238,1,1,1,1,2,2,1,2,1,1 -5239,1,1,1,1,1,1,1,1,1,1 -5240,1,1,1,1,1,1,1,2,1,1 -5241,1,1,1,1,2,2,2,2,1,1 -5242,1,2,2,2,2,2,2,2,2,2 -5243,1,1,1,1,1,1,1,1,1,1 -5244,1,1,1,2,1,1,1,1,2,2 -5245,1,1,1,2,1,1,2,2,2,2 -5246,2,,,,,,,,, -5247,1,1,1,1,1,1,1,1,1,1 -5248,1,1,1,2,1,1,2,2,1,1 -5249,1,1,1,1,1,2,1,2,1,1 -5250,1,1,1,1,1,1,1,1,1,1 -5251,1,1,1,1,1,1,2,2,1,1 -5252,1,1,1,1,1,2,1,2,1,1 -5253,1,1,1,1,1,2,1,2,1,1 -5254,1,1,1,1,1,1,2,1,1,1 -5255,1,2,2,2,2,2,2,2,2,2 -5256,1,2,2,2,2,2,2,2,2,2 -5257,1,1,1,1,1,1,1,1,1,1 -5258,1,1,1,1,1,1,2,1,1,1 -5259,1,1,2,1,2,2,2,2,2,2 -5260,2,,,,,,,,, -5261,2,,,,,,,,, -5262,1,1,1,1,2,2,2,2,1,1 -5263,1,1,1,1,1,1,2,2,1,2 -5264,1,1,1,1,1,1,1,1,1,1 -5265,1,1,1,2,1,1,2,2,2,2 -5266,1,1,1,1,1,1,2,1,1,1 -5267,1,1,1,1,1,1,1,1,1,1 -5268,1,1,1,1,1,1,2,2,1,1 -5269,1,1,1,1,1,2,1,2,1,1 -5270,2,,,,,,,,, -5271,1,1,1,2,2,2,2,2,2,2 -5272,1,1,1,1,1,1,2,1,1,1 -5273,1,1,1,1,1,1,2,1,1,1 -5274,2,,,,,,,,, -5275,1,1,1,1,1,2,1,2,1,1 -5276,1,1,1,1,1,1,1,1,1,1 -5277,1,2,2,1,1,1,1,1,1,1 -5278,1,1,1,1,1,1,2,2,1,1 -5279,1,1,1,1,1,1,2,1,1,1 -5280,1,1,1,1,1,1,2,1,1,1 -5281,2,,,,,,,,, -5282,1,2,2,2,2,2,2,2,2,2 -5283,1,1,1,1,1,1,2,2,1,1 -5284,1,1,1,1,1,1,2,1,1,1 -5285,1,1,1,1,1,1,1,1,1,1 -5286,1,1,1,1,1,1,2,1,1,1 -5287,1,1,1,1,2,1,2,2,1,1 -5288,1,1,1,2,2,2,2,2,2,2 -5289,1,2,2,2,2,2,2,2,2,2 -5290,1,1,1,2,1,1,1,2,2,2 -5291,1,1,2,1,2,2,2,2,2,2 -5292,1,1,1,1,1,2,1,2,1,1 -5293,1,1,1,2,1,1,2,2,2,2 -5294,1,1,1,1,2,2,1,1,1,1 -5295,1,1,1,1,1,2,1,2,1,1 -5296,1,1,1,2,2,2,2,2,2,2 -5297,1,2,2,2,2,2,2,2,2,2 -5298,1,1,1,1,1,1,1,2,2,2 -5299,2,,,,,,,,, -5300,1,1,1,1,1,1,2,1,1,1 -5301,1,1,1,1,1,1,2,2,1,1 -5302,1,1,1,1,1,1,2,2,1,1 -5303,1,1,1,1,1,2,1,2,1,1 -5304,1,1,1,1,1,1,1,1,1,1 -5305,1,1,1,1,2,2,2,2,1,1 -5306,1,1,1,2,1,1,1,1,2,2 -5307,1,2,2,2,2,2,2,2,2,2 -5308,1,1,2,1,2,2,2,2,2,2 -5309,1,2,1,2,1,1,1,2,2,2 -5310,1,1,1,1,1,2,1,2,1,1 -5311,1,2,2,2,2,2,2,2,2,2 -5312,2,,,,,,,,, -5313,1,1,1,1,1,1,1,1,1,1 -5314,1,2,2,2,1,1,1,1,2,2 -5315,1,1,1,1,1,1,1,1,1,1 -5316,1,1,1,1,1,1,2,1,1,1 -5317,2,,,,,,,,, -5318,1,1,1,1,1,1,2,1,1,1 -5319,1,1,1,1,1,1,2,1,1,1 -5320,1,1,1,2,1,1,1,1,1,1 -5321,1,2,2,2,2,2,2,2,2,2 -5322,1,1,1,2,2,2,1,1,2,2 -5323,1,1,1,2,1,1,1,1,2,2 -5324,1,1,1,1,1,2,1,2,1,1 -5325,1,1,1,1,1,1,2,1,1,1 -5326,1,1,1,2,1,1,2,2,2,2 -5327,1,1,1,1,1,1,2,1,1,1 -5328,1,2,2,2,2,2,2,2,2,2 -5329,1,1,1,1,1,1,1,1,1,1 -5330,1,1,1,1,1,1,2,2,1,1 -5331,1,1,1,1,1,1,2,1,1,1 -5332,2,,,,,,,,, -5333,1,1,1,1,1,1,2,1,1,1 -5334,1,1,1,1,2,2,2,1,1,1 -5335,1,2,2,2,1,1,2,2,2,2 -5336,1,1,1,1,1,1,2,1,1,1 -5337,1,1,1,1,1,1,1,1,1,1 -5338,1,1,1,1,1,1,1,2,1,1 -5339,1,1,1,1,1,1,1,1,1,1 -5340,1,1,1,1,2,2,1,1,1,1 -5341,1,1,1,2,1,1,1,2,2,2 -5342,2,,,,,,,,, -5343,1,1,1,1,1,1,2,1,1,1 -5344,1,1,1,1,1,1,1,1,1,1 -5345,1,1,1,1,1,1,1,1,1,1 -5346,1,2,2,2,2,2,2,2,2,2 -5347,1,1,1,1,1,1,2,2,1,1 -5348,1,1,1,1,1,1,2,2,1,1 -5349,1,2,2,2,2,2,2,2,2,2 -5350,1,1,1,1,1,1,2,2,1,1 -5351,1,1,1,1,1,2,1,2,1,1 -5352,1,1,1,1,1,1,1,1,1,1 -5353,1,1,1,2,1,1,2,2,2,2 -5354,1,1,1,1,1,1,1,1,1,1 -5355,1,1,1,2,1,1,1,1,2,2 -5356,1,2,2,2,2,2,2,2,2,2 -5357,1,1,1,1,2,2,2,2,1,1 -5358,1,2,2,2,2,2,2,2,2,2 -5359,2,,,,,,,,, -5360,1,2,2,2,2,2,2,2,2,2 -5361,1,1,1,2,1,1,1,1,1,1 -5362,1,1,1,1,1,1,2,1,1,1 -5363,1,1,1,1,1,1,2,1,1,1 -5364,1,1,1,1,1,1,1,1,1,1 -5365,1,1,1,1,1,1,1,1,1,1 -5366,1,1,1,1,1,1,1,1,1,1 -5367,1,1,1,1,1,1,2,2,1,1 -5368,1,1,1,1,2,2,2,2,1,1 -5369,1,1,1,2,1,1,1,2,2,2 -5370,1,1,1,2,2,2,2,2,2,2 -5371,1,1,2,1,2,2,1,1,2,2 -5372,1,1,1,2,2,2,1,2,1,1 -5373,1,1,1,1,1,1,1,2,2,2 -5374,2,,,,,,,,, -5375,1,1,1,1,1,1,2,1,1,1 -5376,1,1,1,1,1,1,2,1,1,1 -5377,1,1,1,1,1,1,2,1,1,1 -5378,1,1,1,2,1,1,1,2,2,2 -5379,1,1,1,1,1,1,2,1,1,1 -5380,1,1,1,2,1,1,1,1,2,2 -5381,1,2,2,2,2,2,2,2,2,2 -5382,1,2,2,2,2,2,2,2,2,2 -5383,1,1,1,2,1,1,1,2,2,2 -5384,2,,,,,,,,, -5385,1,1,1,2,1,1,1,1,1,1 -5386,1,1,2,1,2,2,2,2,2,2 -5387,1,1,1,1,1,1,2,2,1,1 -5388,1,1,2,1,2,2,2,2,2,2 -5389,1,1,1,1,1,1,2,2,1,1 -5390,1,1,1,1,1,1,1,1,1,1 -5391,1,1,1,1,1,1,2,2,1,1 -5392,2,,,,,,,,, -5393,1,1,1,1,2,2,1,1,1,1 -5394,1,1,1,1,2,2,1,1,1,1 -5395,1,1,1,1,1,1,1,1,1,1 -5396,1,2,2,2,2,2,2,2,2,2 -5397,1,1,1,1,2,2,2,2,1,1 -5398,1,1,1,2,1,1,1,1,2,2 -5399,1,1,1,1,1,1,1,1,1,1 -5400,1,1,1,1,1,1,1,2,2,2 -5401,1,1,2,1,1,2,2,2,2,2 -5402,1,1,1,1,1,1,2,1,1,1 -5403,1,1,1,2,1,1,2,2,2,2 -5404,1,1,1,1,1,1,2,2,1,1 -5405,2,,,,,,,,, -5406,1,1,1,2,1,1,2,2,2,2 -5407,1,2,2,2,2,2,2,2,2,2 -5408,1,1,1,2,1,1,1,2,2,2 -5409,1,1,1,2,1,1,1,1,2,2 -5410,1,1,1,1,1,1,1,1,1,1 -5411,1,1,2,2,2,2,2,2,2,2 -5412,1,2,2,2,2,2,2,2,2,2 -5413,1,1,1,2,2,2,2,2,2,2 -5414,1,1,1,2,1,1,1,1,1,1 -5415,1,2,2,2,2,2,2,2,2,2 -5416,1,1,1,2,1,1,2,2,2,2 -5417,1,1,1,1,2,2,1,1,1,1 -5418,1,1,1,1,1,2,1,2,1,1 -5419,1,1,1,1,1,1,1,1,1,1 -5420,1,1,1,2,1,1,1,2,2,2 -5421,1,1,1,1,1,2,1,2,1,1 -5422,1,1,1,1,1,1,1,1,1,1 -5423,1,2,2,2,2,2,2,2,2,2 -5424,1,2,2,1,1,1,2,1,2,2 -5425,1,1,1,1,1,1,1,2,2,2 -5426,1,1,1,1,1,1,1,1,1,1 -5427,1,1,1,1,1,1,2,2,1,1 -5428,1,1,1,1,1,1,2,1,1,1 -5429,1,1,1,1,1,1,1,1,1,1 -5430,1,1,1,2,1,1,1,2,2,2 -5431,1,1,1,2,2,2,2,2,2,2 -5432,1,1,1,1,2,2,2,2,2,2 -5433,1,1,1,1,1,1,1,1,1,2 -5434,1,2,2,2,2,2,2,2,2,2 -5435,1,1,1,1,1,1,1,1,1,1 -5436,2,,,,,,,,, -5437,1,1,1,1,1,1,1,1,1,1 -5438,1,1,2,2,1,1,1,1,2,2 -5439,1,1,1,1,1,1,2,2,1,1 -5440,1,1,1,1,2,2,1,2,1,1 -5441,1,1,1,2,2,2,2,2,2,2 -5442,1,1,1,1,1,2,1,2,1,1 -5443,1,1,1,1,1,1,2,2,1,1 -5444,1,1,1,2,2,2,2,2,2,2 -5445,1,1,1,1,1,2,1,2,1,1 -5446,1,1,1,2,2,2,2,2,2,2 -5447,2,,,,,,,,, -5448,1,1,1,2,1,2,1,2,2,2 -5449,1,2,2,2,2,2,2,2,2,2 -5450,1,1,1,1,1,1,1,1,1,1 -5451,1,1,1,1,1,1,1,1,1,1 -5452,1,1,1,2,1,1,1,2,2,2 -5453,1,1,1,1,1,1,1,1,1,1 -5454,1,1,1,1,1,1,2,1,1,1 -5455,1,2,2,2,2,2,2,2,2,2 -5456,1,1,1,1,1,1,1,2,1,1 -5457,1,1,1,2,2,2,2,2,2,2 -5458,1,1,1,1,1,1,1,1,1,1 -5459,1,1,1,1,1,1,1,1,1,1 -5460,1,1,1,1,1,1,2,1,1,1 -5461,1,2,2,2,2,2,2,2,2,2 -5462,1,1,1,1,1,1,2,1,1,1 -5463,1,2,2,2,2,2,2,2,2,2 -5464,1,1,1,1,1,1,2,2,1,1 -5465,2,,,,,,,,, -5466,1,2,2,2,2,2,2,2,2,2 -5467,1,1,1,1,2,2,2,2,1,1 -5468,1,1,1,1,1,1,1,2,2,2 -5469,1,2,2,1,1,1,2,2,1,1 -5470,1,1,1,1,1,1,1,1,1,1 -5471,1,1,1,1,2,2,1,2,1,1 -5472,1,1,1,1,1,1,2,2,1,1 -5473,1,1,1,2,1,1,1,2,2,2 -5474,1,1,1,1,1,1,1,1,1,1 -5475,1,1,1,1,1,2,1,2,1,1 -5476,1,1,1,1,1,1,2,1,1,1 -5477,1,1,2,2,1,1,1,1,2,2 -5478,1,2,2,2,2,2,2,2,2,2 -5479,1,1,1,1,1,1,2,2,1,1 -5480,2,,,,,,,,, -5481,1,2,2,1,2,2,2,2,1,1 -5482,1,2,2,2,2,2,2,2,2,2 -5483,1,1,1,1,1,2,1,2,1,1 -5484,1,2,2,2,2,2,2,2,2,2 -5485,1,1,1,1,1,1,2,1,1,1 -5486,1,1,1,1,1,1,2,1,1,1 -5487,1,1,1,2,2,2,2,2,2,2 -5488,1,1,1,1,1,1,1,1,1,1 -5489,1,1,1,1,1,1,2,2,1,1 -5490,1,1,1,1,1,1,1,1,1,1 -5491,1,1,1,1,1,2,1,2,1,1 -5492,1,1,1,2,2,2,2,2,1,1 -5493,1,1,1,1,1,1,1,1,1,1 -5494,1,1,1,1,1,1,1,1,1,1 -5495,1,1,1,1,1,1,1,2,1,1 -5496,1,1,1,2,1,1,2,2,1,1 -5497,1,1,1,2,1,1,1,2,2,2 -5498,2,,,,,,,,, -5499,1,1,1,1,2,2,2,1,1,1 -5500,1,2,2,2,1,1,1,2,2,2 -5501,1,1,1,2,1,1,2,2,2,2 -5502,1,1,1,2,2,2,2,2,2,2 -5503,1,1,1,1,1,2,1,2,1,1 -5504,1,2,2,2,2,2,2,2,2,2 -5505,2,,,,,,,,, -5506,1,1,1,1,2,2,2,2,1,1 -5507,1,1,1,1,1,1,1,1,1,1 -5508,1,1,1,2,2,2,2,2,2,2 -5509,1,1,1,1,2,1,1,1,1,1 -5510,2,,,,,,,,, -5511,1,1,1,1,1,2,1,2,1,1 -5512,1,2,2,2,2,2,2,2,2,2 -5513,1,1,1,1,1,1,1,2,1,1 -5514,1,1,1,1,2,2,1,1,1,1 -5515,1,1,1,2,1,1,1,2,2,2 -5516,1,1,1,2,2,2,2,2,2,2 -5517,1,1,1,2,1,1,1,1,1,1 -5518,1,2,2,2,2,2,2,2,2,2 -5519,1,2,2,2,2,2,2,2,2,2 -5520,1,1,1,2,2,2,1,1,2,2 -5521,1,1,1,1,1,1,1,1,1,1 -5522,1,1,1,1,1,1,1,1,1,1 -5523,1,1,1,1,1,1,1,2,2,2 -5524,1,1,1,1,1,1,2,1,1,1 -5525,1,2,2,2,2,2,2,2,2,2 -5526,1,1,1,2,2,2,2,2,2,2 -5527,2,,,,,,,,, -5528,1,1,1,1,1,1,1,1,1,1 -5529,2,,,,,,,,, -5530,1,2,2,2,2,2,2,2,2,2 -5531,1,1,1,1,1,1,1,1,1,1 -5532,1,1,1,1,1,1,1,2,1,1 -5533,1,2,2,2,2,2,2,2,2,2 -5534,1,2,2,1,1,1,2,2,1,1 -5535,2,,,,,,,,, -5536,1,1,1,1,2,2,1,1,1,1 -5537,1,1,2,1,2,2,2,2,1,1 -5538,1,1,1,1,1,1,2,1,1,1 -5539,1,1,1,1,1,1,2,1,1,1 -5540,1,1,1,1,1,1,1,1,1,1 -5541,1,1,1,1,1,1,1,1,1,1 -5542,1,1,1,1,1,1,1,1,1,1 -5543,1,1,1,1,2,2,2,1,1,1 -5544,1,1,1,1,1,1,2,1,1,1 -5545,1,1,1,1,1,1,2,2,1,1 -5546,1,2,2,2,2,2,2,2,2,2 -5547,1,1,1,1,1,1,2,1,1,1 -5548,2,,,,,,,,, -5549,1,1,1,1,1,1,2,2,1,1 -5550,2,,,,,,,,, -5551,2,,,,,,,,, -5552,1,2,2,2,1,1,2,2,2,2 -5553,1,1,2,1,2,2,2,2,2,2 -5554,2,,,,,,,,, -5555,1,1,1,1,1,1,1,2,2,2 -5556,1,1,1,1,1,1,1,1,1,1 -5557,1,1,1,1,1,1,1,1,1,1 -5558,2,,,,,,,,, -5559,1,1,1,1,1,1,1,1,1,1 -5560,1,1,1,2,1,1,1,1,1,1 -5561,1,1,2,1,2,2,1,1,2,2 -5562,1,1,1,1,1,1,2,2,1,1 -5563,1,2,2,2,2,2,2,2,2,2 -5564,1,1,1,2,1,1,1,2,2,2 -5565,1,1,1,1,1,1,1,2,2,2 -5566,1,1,1,2,1,1,1,2,2,2 -5567,1,1,1,1,1,1,1,1,1,1 -5568,1,1,1,1,1,1,2,1,1,1 -5569,1,2,2,2,1,1,1,1,2,2 -5570,2,,,,,,,,, -5571,2,,,,,,,,, -5572,1,1,1,1,1,1,2,2,1,1 -5573,1,1,1,1,1,1,1,1,1,1 -5574,1,1,1,1,1,1,1,1,1,1 -5575,1,1,1,1,1,1,1,1,1,1 -5576,1,1,1,1,1,1,1,1,1,1 -5577,1,1,1,1,2,2,1,1,1,1 -5578,1,1,1,1,1,1,1,1,1,1 -5579,1,1,1,1,1,1,1,1,1,1 -5580,1,1,1,1,1,1,2,1,1,1 -5581,1,1,2,2,2,2,2,2,2,2 -5582,1,1,1,1,1,1,2,1,1,1 -5583,1,1,1,2,1,1,1,2,2,2 -5584,1,1,1,1,1,1,2,2,1,1 -5585,1,1,2,2,1,1,2,1,2,2 -5586,1,1,1,1,1,1,2,1,1,1 -5587,1,1,1,2,1,1,1,1,1,1 -5588,1,1,1,1,2,2,2,2,1,1 -5589,2,,,,,,,,, -5590,1,1,1,1,1,2,1,2,1,1 -5591,1,1,2,1,2,2,2,2,2,2 -5592,2,,,,,,,,, -5593,1,1,1,1,1,1,1,1,1,1 -5594,1,1,1,2,1,1,1,1,1,1 -5595,1,2,2,1,1,1,2,1,1,1 -5596,1,1,2,1,2,2,1,1,1,1 -5597,1,1,1,2,1,1,1,1,2,2 -5598,1,1,2,1,1,1,1,1,1,1 -5599,1,1,1,1,1,1,2,1,1,1 -5600,1,1,1,1,1,1,1,1,1,1 -5601,1,1,1,1,1,1,1,1,1,1 -5602,1,1,1,2,1,1,1,2,2,2 -5603,1,1,1,1,1,1,2,1,1,1 -5604,1,2,2,2,2,2,2,2,2,2 -5605,1,1,1,1,1,1,2,1,1,1 -5606,1,1,1,2,1,1,1,2,2,2 -5607,1,1,1,2,2,2,1,2,2,2 -5608,1,1,1,1,1,1,1,1,1,1 -5609,1,1,1,1,2,2,2,2,1,1 -5610,2,,,,,,,,, -5611,1,1,1,2,1,1,1,1,2,2 -5612,1,1,2,1,2,2,1,1,1,1 -5613,1,1,1,1,1,1,2,2,1,1 -5614,1,1,1,2,1,1,2,2,2,2 -5615,1,1,1,1,1,1,2,1,1,1 -5616,1,1,1,1,2,2,2,2,1,1 -5617,1,1,1,2,2,2,2,2,2,2 -5618,1,1,1,2,1,1,1,1,2,2 -5619,1,1,1,1,1,2,1,2,1,1 -5620,1,1,1,1,1,1,1,1,1,1 -5621,1,1,1,1,1,1,2,1,1,1 -5622,2,,,,,,,,, -5623,2,,,,,,,,, -5624,1,1,1,1,1,1,2,1,1,1 -5625,1,1,1,1,1,1,2,1,1,1 -5626,1,1,1,1,1,1,2,2,1,1 -5627,1,1,1,2,1,1,1,2,2,2 -5628,1,1,2,1,2,2,1,1,1,1 -5629,2,,,,,,,,, -5630,1,1,1,1,2,2,2,2,1,1 -5631,2,,,,,,,,, -5632,1,1,2,1,2,2,1,1,1,1 -5633,1,1,2,1,1,1,1,1,1,1 -5634,1,1,1,1,2,2,1,1,1,1 -5635,1,1,1,2,2,2,2,2,2,2 -5636,1,2,2,2,2,2,2,2,2,2 -5637,1,1,1,1,1,1,2,2,1,1 -5638,1,1,1,2,1,1,1,2,2,2 -5639,1,1,1,2,1,1,2,2,2,2 -5640,2,,,,,,,,, -5641,2,,,,,,,,, -5642,1,1,1,2,1,1,2,2,2,2 -5643,1,1,1,1,1,1,2,2,1,1 -5644,1,1,1,1,1,1,1,1,1,1 -5645,1,1,1,1,1,1,1,1,1,1 -5646,1,2,2,2,1,1,1,1,2,2 -5647,1,1,1,1,2,2,2,2,1,1 -5648,2,,,,,,,,, -5649,1,1,1,1,1,2,1,2,1,1 -5650,1,1,2,1,2,2,1,1,2,2 -5651,1,1,1,1,2,2,2,2,1,1 -5652,1,2,2,2,1,1,2,2,2,2 -5653,1,1,1,1,1,2,1,2,1,1 -5654,1,2,2,2,2,2,2,2,2,2 -5655,1,1,1,1,1,1,1,1,1,1 -5656,1,2,2,2,2,2,2,2,2,2 -5657,1,2,2,1,1,1,2,2,1,1 -5658,1,1,1,1,1,1,1,2,1,1 -5659,1,2,2,2,2,2,2,2,2,2 -5660,1,1,1,1,1,1,2,1,1,1 -5661,1,1,1,1,1,1,2,2,1,1 -5662,1,2,2,2,2,2,2,2,2,2 -5663,1,1,1,1,1,1,1,2,1,1 -5664,1,1,2,1,2,2,2,2,2,2 -5665,2,,,,,,,,, -5666,2,,,,,,,,, -5667,1,1,1,2,1,1,2,2,2,2 -5668,1,1,1,1,1,1,2,2,1,1 -5669,1,1,1,1,2,2,2,1,1,1 -5670,1,2,2,2,2,2,1,1,2,2 -5671,1,1,2,1,2,2,2,2,1,1 -5672,2,,,,,,,,, -5673,1,1,1,2,1,1,1,2,2,2 -5674,1,1,1,1,1,1,2,2,1,1 -5675,1,1,1,1,1,1,1,1,1,1 -5676,1,1,1,1,1,1,2,1,1,1 -5677,1,1,1,2,1,1,1,2,2,2 -5678,2,,,,,,,,, -5679,1,2,2,2,2,2,2,2,2,2 -5680,1,1,1,1,1,1,2,1,1,1 -5681,2,,,,,,,,, -5682,2,,,,,,,,, -5683,2,,,,,,,,, -5684,1,1,1,1,1,1,2,1,1,1 -5685,1,1,1,2,2,2,2,2,2,2 -5686,1,2,2,2,2,2,2,2,2,2 -5687,1,1,1,1,1,1,1,2,1,1 -5688,1,1,1,1,1,1,1,1,1,1 -5689,1,1,1,1,1,1,2,1,1,1 -5690,1,1,2,1,2,2,2,2,1,1 -5691,1,2,2,2,2,2,2,2,2,2 -5692,1,1,1,1,1,1,2,2,1,1 -5693,1,1,1,2,1,1,1,1,1,1 -5694,1,1,1,1,1,1,2,1,1,1 -5695,2,,,,,,,,, -5696,1,1,1,1,1,1,1,1,1,1 -5697,1,2,2,2,2,2,2,2,2,2 -5698,1,1,1,2,2,2,2,2,1,1 -5699,1,1,1,2,2,2,2,2,2,2 -5700,1,1,1,1,1,1,1,1,1,1 -5701,1,1,1,1,1,1,2,1,1,1 -5702,1,2,2,2,2,2,2,2,2,2 -5703,1,1,1,2,2,2,2,2,2,2 -5704,1,1,1,1,2,2,2,2,1,1 -5705,1,1,1,1,1,1,1,1,1,1 -5706,2,,,,,,,,, -5707,1,1,1,1,1,1,1,1,1,1 -5708,2,,,,,,,,, -5709,1,1,1,1,1,1,1,2,1,1 -5710,1,1,1,1,1,1,1,1,1,1 -5711,1,1,1,1,1,1,2,2,1,1 -5712,1,1,1,2,1,1,1,2,2,2 -5713,1,1,1,1,2,2,2,1,1,1 -5714,1,1,1,2,2,2,1,2,1,1 -5715,1,1,1,1,1,1,2,1,1,1 -5716,1,1,1,1,1,1,1,1,2,1 -5717,1,2,2,2,2,2,2,2,2,2 -5718,1,2,2,2,1,1,1,1,2,2 -5719,1,2,2,2,2,2,2,2,2,2 -5720,1,1,1,1,1,1,1,1,1,1 -5721,1,2,2,2,2,2,2,2,2,2 -5722,1,1,2,1,1,1,1,1,2,2 -5723,2,,,,,,,,, -5724,1,1,1,1,2,2,1,2,1,1 -5725,1,1,1,1,1,1,2,1,1,1 -5726,1,2,2,2,2,2,2,2,2,2 -5727,1,1,1,1,1,1,2,1,1,1 -5728,1,2,2,2,2,2,2,2,2,2 -5729,1,1,1,2,2,2,2,2,2,2 -5730,1,2,2,2,2,2,2,2,2,2 -5731,1,1,1,2,1,1,1,2,1,1 -5732,1,1,1,1,1,1,2,1,1,1 -5733,1,2,2,2,2,2,2,2,2,2 -5734,1,1,1,2,1,1,1,2,2,2 -5735,1,2,2,2,1,1,1,1,2,2 -5736,1,1,1,1,1,1,2,1,1,1 -5737,1,1,1,1,1,1,2,1,1,1 -5738,1,1,1,2,1,1,2,2,1,1 -5739,2,,,,,,,,, -5740,1,1,1,2,1,1,1,2,2,2 -5741,1,1,1,1,1,2,1,2,1,1 -5742,1,1,1,1,1,1,1,1,1,1 -5743,1,1,1,1,1,1,1,1,1,1 -5744,1,1,1,1,1,1,2,1,1,1 -5745,1,2,2,2,2,2,2,2,2,2 -5746,1,1,1,1,1,1,2,2,1,1 -5747,1,2,2,2,2,2,2,2,2,2 -5748,1,2,2,2,2,2,2,2,2,2 -5749,1,1,1,1,1,1,1,1,1,1 -5750,1,1,1,1,1,2,1,2,1,1 -5751,1,1,1,1,1,1,1,1,1,1 -5752,1,1,1,2,1,1,2,2,1,1 -5753,2,,,,,,,,, -5754,1,1,1,1,1,1,2,2,1,1 -5755,1,1,1,2,2,2,2,2,2,2 -5756,1,1,1,1,1,1,1,2,2,2 -5757,1,1,1,1,1,1,2,1,1,1 -5758,1,1,1,1,2,2,2,2,1,1 -5759,1,1,1,1,1,1,2,2,1,1 -5760,1,1,1,1,1,1,1,1,1,1 -5761,1,1,1,2,1,1,2,2,2,2 -5762,1,2,2,2,2,2,2,2,2,2 -5763,1,1,1,1,1,1,1,1,1,1 -5764,1,1,1,1,1,1,1,1,1,1 -5765,1,1,1,1,1,1,2,2,1,1 -5766,1,1,1,1,1,1,2,1,1,1 -5767,1,1,1,1,1,1,1,1,1,1 -5768,1,1,1,2,1,1,1,2,2,2 -5769,2,,,,,,,,, -5770,1,1,1,2,2,2,1,2,1,1 -5771,1,1,1,1,1,1,1,1,1,1 -5772,2,,,,,,,,, -5773,2,,,,,,,,, -5774,1,2,2,2,2,2,2,2,2,2 -5775,1,1,1,1,1,1,2,1,1,1 -5776,1,1,1,1,1,1,2,1,1,1 -5777,2,,,,,,,,, -5778,1,1,1,1,1,1,1,1,1,1 -5779,1,1,1,1,2,2,2,2,1,1 -5780,2,,,,,,,,, -5781,1,1,1,2,1,1,1,1,2,2 -5782,1,1,1,1,2,1,1,1,1,1 -5783,1,1,1,1,1,2,1,2,1,1 -5784,1,1,2,1,2,2,2,2,1,1 -5785,1,1,1,1,1,1,1,1,1,1 -5786,1,1,1,1,1,1,1,1,1,1 -5787,1,1,1,2,1,1,2,2,1,1 -5788,2,,,,,,,,, -5789,1,2,2,2,2,2,1,1,1,2 -5790,1,2,2,2,1,1,1,1,2,2 -5791,1,1,1,2,1,1,1,1,2,2 -5792,1,1,1,1,2,2,2,2,1,1 -5793,1,1,1,2,1,1,1,2,2,2 -5794,1,1,1,2,2,2,2,2,2,2 -5795,1,1,2,1,2,2,2,2,2,2 -5796,1,2,2,2,2,2,2,2,2,2 -5797,1,1,1,1,1,1,2,2,1,1 -5798,1,1,1,1,2,2,2,2,2,2 -5799,1,1,1,1,1,1,2,1,1,1 -5800,1,1,1,1,1,1,2,1,1,1 -5801,2,,,,,,,,, -5802,1,1,1,1,1,1,2,1,1,1 -5803,1,2,2,2,2,2,2,2,2,2 -5804,1,1,2,1,2,2,1,1,1,1 -5805,2,,,,,,,,, -5806,1,1,2,1,2,2,1,1,2,2 -5807,1,1,2,1,2,2,1,1,1,1 -5808,1,1,2,1,2,2,1,1,1,1 -5809,1,1,1,1,1,1,1,1,1,1 -5810,1,1,1,1,1,1,2,1,1,1 -5811,1,1,1,1,1,1,1,2,1,1 -5812,1,1,1,1,1,1,2,1,1,1 -5813,1,2,2,2,2,2,2,2,2,2 -5814,1,2,2,2,2,2,2,2,2,2 -5815,1,1,1,1,1,1,1,1,1,1 -5816,1,1,1,1,1,1,2,1,1,1 -5817,1,1,1,1,1,1,2,1,1,1 -5818,1,2,2,2,2,2,2,2,2,2 -5819,2,,,,,,,,, -5820,1,1,1,1,1,1,2,1,1,1 -5821,1,1,1,1,1,1,2,1,1,1 -5822,1,1,1,2,1,1,1,1,2,2 -5823,1,1,1,1,1,1,1,1,1,1 -5824,1,1,1,1,1,1,1,2,1,1 -5825,1,2,2,2,2,2,2,2,2,2 -5826,1,1,1,1,2,2,2,2,1,1 -5827,2,,,,,,,,, -5828,2,,,,,,,,, -5829,1,1,1,2,2,2,2,2,2,2 -5830,1,1,2,1,2,2,1,1,1,1 -5831,1,1,1,2,1,1,1,2,2,2 -5832,1,2,2,2,2,2,2,2,2,2 -5833,1,1,1,1,1,1,2,1,1,1 -5834,1,1,1,2,2,2,2,2,2,2 -5835,1,1,1,1,1,1,1,1,1,1 -5836,1,1,1,1,1,1,2,2,1,1 -5837,1,1,1,1,2,2,2,2,1,1 -5838,1,2,2,2,2,2,2,2,2,2 -5839,1,2,2,2,2,2,2,2,2,2 -5840,1,1,1,2,2,2,2,2,2,2 -5841,1,1,1,1,1,1,1,2,2,2 -5842,1,1,1,1,1,1,2,1,1,1 -5843,1,1,1,1,2,2,2,2,1,1 -5844,1,1,1,1,1,1,2,1,1,1 -5845,1,2,2,2,2,2,2,2,2,2 -5846,1,1,1,1,1,1,2,2,1,1 -5847,1,1,1,2,2,2,2,2,1,2 -5848,1,1,1,2,1,1,1,1,1,1 -5849,1,1,1,2,1,1,1,2,2,2 -5850,1,1,1,1,2,2,2,2,1,1 -5851,2,,,,,,,,, -5852,1,1,1,1,1,1,1,1,1,1 -5853,1,1,1,1,1,1,2,2,1,1 -5854,2,,,,,,,,, -5855,1,1,1,1,1,1,2,2,2,2 -5856,1,1,1,2,1,1,2,2,2,2 -5857,1,1,1,1,1,2,2,1,1,1 -5858,1,1,1,1,1,1,1,1,1,1 -5859,1,2,2,2,2,2,2,2,2,2 -5860,1,1,1,1,1,1,1,1,1,1 -5861,1,1,1,1,1,1,2,2,1,1 -5862,1,2,2,1,1,1,1,1,2,2 -5863,1,1,1,1,1,1,2,2,1,1 -5864,1,2,2,2,1,1,2,2,2,2 -5865,1,1,1,1,2,2,1,2,1,1 -5866,1,1,1,1,1,1,1,1,1,1 -5867,2,,,,,,,,, -5868,1,1,1,1,1,2,1,2,1,1 -5869,1,1,1,1,1,1,2,1,1,1 -5870,1,1,1,1,1,1,2,2,1,1 -5871,2,,,,,,,,, -5872,1,1,1,1,1,1,2,2,1,1 -5873,1,1,2,2,2,2,2,2,2,2 -5874,1,1,1,1,1,1,1,1,2,2 -5875,1,1,1,1,1,1,2,1,1,1 -5876,1,1,1,2,1,1,2,2,2,2 -5877,1,1,1,2,1,1,2,2,2,2 -5878,1,2,2,2,2,2,2,2,2,2 -5879,1,1,1,1,2,2,2,2,1,1 -5880,1,2,2,2,2,2,2,2,2,2 -5881,1,1,1,2,2,2,2,2,2,2 -5882,2,,,,,,,,, -5883,1,1,2,1,2,2,2,2,2,2 -5884,1,1,1,2,1,1,2,2,2,2 -5885,1,1,1,1,1,1,2,2,1,1 -5886,1,1,1,2,1,1,1,1,1,1 -5887,1,1,1,2,2,2,2,2,2,2 -5888,1,1,1,1,1,1,2,2,2,2 -5889,1,1,1,1,2,2,2,2,1,1 -5890,1,1,1,2,2,2,2,2,2,2 -5891,2,,,,,,,,, -5892,2,,,,,,,,, -5893,1,1,1,2,1,1,2,2,2,2 -5894,1,1,1,1,1,1,1,1,1,1 -5895,1,1,1,1,1,1,1,1,1,1 -5896,1,2,2,2,2,2,2,2,2,2 -5897,1,1,1,2,1,1,2,2,2,2 -5898,1,1,1,1,1,1,2,2,1,1 -5899,1,1,1,1,1,1,2,1,1,1 -5900,1,2,2,2,1,1,1,1,2,2 -5901,1,1,1,1,2,2,2,2,1,1 -5902,2,,,,,,,,, -5903,1,1,1,2,1,2,1,2,2,2 -5904,1,1,1,1,2,2,2,2,1,1 -5905,1,1,1,1,1,1,2,1,1,2 -5906,1,1,1,1,1,1,1,1,1,1 -5907,1,1,1,1,1,1,2,1,1,1 -5908,1,1,1,1,1,1,1,2,2,2 -5909,1,1,1,1,1,1,1,2,1,1 -5910,1,1,1,2,1,1,1,1,1,1 -5911,1,1,1,1,1,1,1,1,1,1 -5912,1,1,2,2,1,1,2,2,2,2 -5913,1,1,1,1,1,1,2,2,1,1 -5914,1,1,1,1,2,2,2,2,1,1 -5915,1,1,1,1,2,2,1,1,1,1 -5916,1,1,1,1,1,1,2,1,1,1 -5917,1,1,1,1,1,1,1,2,2,2 -5918,1,1,1,2,1,1,2,2,2,2 -5919,1,2,2,2,2,2,2,2,2,2 -5920,1,2,2,2,2,2,2,2,2,2 -5921,1,1,1,1,1,1,2,2,1,1 -5922,1,1,1,1,1,1,2,1,1,1 -5923,1,1,1,1,1,1,1,1,1,1 -5924,2,,,,,,,,, -5925,1,1,1,2,2,2,2,2,2,2 -5926,1,1,2,1,1,1,1,1,2,2 -5927,1,2,2,2,2,2,2,2,2,2 -5928,1,1,1,1,1,1,1,1,1,1 -5929,1,1,1,1,1,1,2,1,1,1 -5930,1,1,1,1,1,1,2,1,1,1 -5931,1,1,1,1,1,1,1,1,1,1 -5932,1,1,1,1,2,2,2,2,1,1 -5933,2,,,,,,,,, -5934,1,1,2,1,2,2,2,2,2,2 -5935,1,1,1,1,1,1,1,1,1,1 -5936,1,1,1,1,1,1,2,2,1,1 -5937,1,1,1,2,2,2,2,2,2,2 -5938,1,1,1,1,1,1,1,1,1,1 -5939,2,,,,,,,,, -5940,1,2,2,2,2,2,2,2,2,2 -5941,1,1,1,2,1,1,2,2,2,2 -5942,1,1,1,1,1,1,1,1,1,1 -5943,1,1,1,2,1,1,1,1,1,1 -5944,1,1,1,2,1,1,2,2,2,2 -5945,1,2,1,2,1,1,1,2,2,2 -5946,1,1,1,1,1,1,2,1,1,1 -5947,1,1,1,1,1,1,1,2,2,2 -5948,1,2,2,2,2,2,2,2,2,2 -5949,1,1,1,1,2,2,2,2,1,1 -5950,1,1,1,1,1,1,1,1,1,1 -5951,1,1,1,1,1,1,1,1,1,1 -5952,1,1,1,2,2,2,2,2,2,2 -5953,1,1,1,1,2,2,1,2,1,1 -5954,1,1,1,1,1,1,2,2,1,1 -5955,1,1,1,2,1,1,1,1,2,2 -5956,2,,,,,,,,, -5957,1,1,1,2,2,2,2,2,1,1 -5958,1,1,1,1,1,1,1,1,1,1 -5959,1,1,1,1,1,1,2,1,1,1 -5960,1,1,1,1,2,2,1,1,1,1 -5961,1,1,1,1,2,2,1,1,1,1 -5962,1,1,1,1,1,1,2,2,1,1 -5963,1,1,1,1,1,1,2,1,1,1 -5964,1,1,1,1,1,1,2,1,1,1 -5965,1,2,2,2,2,2,2,2,2,2 -5966,2,,,,,,,,, -5967,1,1,1,1,1,1,2,2,1,1 -5968,1,1,1,1,1,2,1,2,1,1 -5969,1,1,1,1,1,1,2,1,1,1 -5970,1,1,1,2,1,1,1,2,2,2 -5971,1,1,1,2,1,1,2,2,2,2 -5972,1,1,1,1,1,1,2,2,2,2 -5973,1,1,1,1,1,1,1,2,2,2 -5974,1,1,1,1,1,1,1,1,1,1 -5975,2,,,,,,,,, -5976,1,1,1,1,1,1,2,2,1,1 -5977,1,1,1,2,1,1,1,2,2,2 -5978,1,1,1,1,1,2,1,2,1,1 -5979,2,,,,,,,,, -5980,1,1,1,1,1,1,2,1,2,2 -5981,1,1,1,2,1,1,1,2,2,2 -5982,1,1,1,1,1,1,2,2,1,1 -5983,1,1,2,1,2,2,1,1,1,1 -5984,1,1,1,1,1,1,1,1,1,1 -5985,1,1,2,1,2,2,2,2,1,1 -5986,1,1,1,1,1,1,1,1,1,1 -5987,1,1,1,2,1,1,2,2,2,2 -5988,1,1,1,1,1,1,2,1,1,1 -5989,1,1,1,1,1,1,1,1,1,1 -5990,1,1,1,1,2,2,1,2,1,1 -5991,1,2,2,2,2,2,2,2,2,2 -5992,1,1,1,1,1,1,1,1,1,1 -5993,1,1,2,2,2,2,2,2,2,2 -5994,1,2,2,2,2,2,2,2,2,2 -5995,1,1,1,1,1,1,1,1,1,1 -5996,1,1,1,1,2,2,2,2,1,1 -5997,1,1,1,1,1,1,2,2,1,1 -5998,1,1,1,1,2,2,2,2,1,1 -5999,1,1,1,1,1,1,1,1,1,1 -6000,1,1,1,1,1,1,1,2,1,1 -6001,1,1,1,2,1,1,2,2,1,1 -6002,1,1,1,1,1,1,1,1,1,1 -6003,1,1,1,1,1,1,2,1,1,1 -6004,1,1,1,1,2,2,1,2,1,1 -6005,1,1,1,1,1,1,2,1,1,1 -6006,1,2,2,2,2,2,2,2,2,2 -6007,1,1,1,1,1,1,2,2,1,1 -6008,2,,,,,,,,, -6009,1,1,1,2,1,1,1,1,1,1 -6010,1,1,1,1,1,1,1,2,2,2 -6011,1,1,1,1,1,1,2,2,1,1 -6012,2,,,,,,,,, -6013,1,2,2,2,2,2,2,2,2,2 -6014,2,,,,,,,,, -6015,1,1,1,1,1,2,1,2,1,1 -6016,1,1,2,1,2,2,1,1,1,1 -6017,2,,,,,,,,, -6018,1,1,1,2,1,1,1,2,2,2 -6019,1,1,1,1,1,1,1,1,1,1 -6020,1,2,2,2,2,2,2,2,2,2 -6021,1,2,2,2,2,2,2,2,2,2 -6022,1,1,1,1,2,2,2,2,1,1 -6023,1,1,1,1,1,1,2,1,1,1 -6024,1,1,2,1,2,2,1,1,1,1 -6025,1,2,2,1,2,2,2,2,1,1 -6026,1,1,2,1,2,2,1,1,1,1 -6027,1,1,1,1,1,1,1,1,1,1 -6028,1,1,1,1,1,1,2,1,1,1 -6029,2,,,,,,,,, -6030,1,1,1,1,1,1,1,1,1,1 -6031,1,1,1,1,1,1,2,2,2,2 -6032,1,1,2,1,2,2,2,2,1,1 -6033,1,1,1,1,1,1,2,2,1,1 -6034,1,1,1,1,1,1,2,2,1,1 -6035,1,1,1,1,1,1,1,1,1,1 -6036,1,1,1,2,1,1,2,2,2,2 -6037,1,1,2,1,1,1,1,1,1,1 -6038,1,1,1,1,1,1,1,1,1,1 -6039,1,2,2,2,2,2,2,2,2,2 -6040,1,1,1,1,2,2,1,2,1,1 -6041,1,1,1,1,1,1,2,1,1,1 -6042,1,1,1,1,1,1,1,2,2,2 -6043,2,,,,,,,,, -6044,1,1,1,1,2,2,2,2,1,1 -6045,1,2,2,2,2,2,2,2,2,2 -6046,1,1,1,1,1,1,2,2,1,1 -6047,1,1,1,1,1,1,2,2,1,1 -6048,2,,,,,,,,, -6049,1,1,1,1,1,1,2,2,1,1 -6050,1,1,1,1,1,1,2,2,1,1 -6051,1,1,1,1,1,1,2,1,1,1 -6052,1,1,1,1,1,1,1,1,1,1 -6053,1,2,2,2,1,1,2,2,2,2 -6054,1,1,1,1,1,1,1,1,1,1 -6055,1,1,2,1,2,2,2,2,2,2 -6056,2,,,,,,,,, -6057,1,1,1,2,1,1,1,2,2,2 -6058,1,1,1,1,1,1,2,1,1,1 -6059,1,2,2,2,2,2,2,2,2,2 -6060,1,1,1,2,1,1,1,1,1,1 -6061,1,1,1,2,2,2,2,2,2,2 -6062,2,,,,,,,,, -6063,1,1,1,2,2,2,1,1,2,2 -6064,1,1,1,1,1,1,2,2,1,1 -6065,1,1,1,1,1,1,2,2,1,1 -6066,1,1,1,2,1,1,1,2,1,1 -6067,1,1,1,2,1,1,2,2,2,2 -6068,1,1,1,1,1,1,1,1,1,1 -6069,1,1,1,2,1,1,1,1,2,2 -6070,1,1,1,1,2,2,2,2,1,1 -6071,1,1,1,1,1,1,2,1,1,1 -6072,2,,,,,,,,, -6073,1,1,1,2,2,2,2,2,2,2 -6074,1,1,1,2,1,1,2,2,2,2 -6075,1,1,1,1,1,1,2,1,1,1 -6076,1,2,2,2,2,2,2,2,2,2 -6077,1,1,1,1,1,1,1,1,1,1 -6078,1,2,2,2,2,2,2,2,2,2 -6079,2,,,,,,,,, -6080,2,,,,,,,,, -6081,1,1,1,2,1,1,1,2,2,2 -6082,1,1,1,1,1,1,1,1,1,1 -6083,1,1,1,1,1,1,1,1,1,1 -6084,1,1,1,1,1,1,2,1,1,1 -6085,1,1,1,2,2,2,2,2,2,2 -6086,2,,,,,,,,, -6087,2,,,,,,,,, -6088,1,1,1,1,1,1,1,1,1,1 -6089,1,1,2,1,2,2,2,2,1,1 -6090,1,2,2,2,2,2,2,2,2,2 -6091,1,1,1,1,1,1,2,2,1,1 -6092,1,1,1,1,1,2,1,2,1,1 -6093,1,1,1,1,2,2,1,2,1,1 -6094,1,1,1,2,1,1,2,2,2,2 -6095,1,1,1,2,1,1,1,2,1,1 -6096,1,1,1,1,2,2,2,2,1,1 -6097,1,1,1,1,1,1,1,1,1,1 -6098,1,1,1,1,1,1,1,1,1,1 -6099,2,,,,,,,,, -6100,1,2,2,2,2,2,2,2,2,2 -6101,1,1,1,1,1,1,1,1,1,1 -6102,1,1,1,2,1,1,2,2,2,2 -6103,1,1,1,2,1,1,1,2,2,2 -6104,1,1,1,1,1,1,2,2,1,1 -6105,2,,,,,,,,, -6106,1,1,1,2,1,1,1,1,1,1 -6107,1,1,1,2,2,2,2,2,2,2 -6108,2,,,,,,,,, -6109,1,1,1,1,1,1,1,1,1,1 -6110,1,1,1,1,2,2,1,1,1,1 -6111,1,1,1,2,1,1,2,1,2,2 -6112,1,1,1,1,1,1,2,1,1,1 -6113,1,1,1,1,1,1,1,1,1,1 -6114,1,1,1,1,1,1,2,2,1,1 -6115,1,1,1,1,1,1,1,1,1,1 -6116,1,1,1,1,1,1,1,1,1,1 -6117,1,1,1,1,1,1,1,1,1,1 -6118,1,1,1,1,2,2,2,2,1,1 -6119,1,1,2,2,2,2,1,1,2,2 -6120,1,1,1,1,1,1,1,1,1,1 -6121,1,1,1,1,1,1,1,1,1,1 -6122,1,1,1,1,1,1,2,1,1,1 -6123,1,1,1,1,1,1,1,2,1,1 -6124,2,,,,,,,,, -6125,1,1,1,1,1,1,2,2,1,1 -6126,2,,,,,,,,, -6127,1,1,1,2,2,2,2,1,2,2 -6128,1,1,1,1,1,1,2,1,1,1 -6129,1,1,1,1,1,1,1,1,1,1 -6130,1,1,1,2,2,2,2,2,2,2 -6131,1,1,1,1,1,1,2,1,1,1 -6132,1,1,1,1,1,1,2,1,1,1 -6133,1,1,1,1,2,2,1,1,1,1 -6134,1,1,1,1,1,1,2,1,1,1 -6135,1,1,1,2,1,1,1,2,2,2 -6136,1,1,1,1,2,2,2,1,1,1 -6137,2,,,,,,,,, -6138,1,1,1,2,2,2,2,2,2,2 -6139,2,,,,,,,,, -6140,1,1,1,1,1,1,2,2,1,1 -6141,1,1,1,1,1,1,2,1,1,1 -6142,1,1,1,1,1,1,2,1,1,1 -6143,1,1,1,1,1,1,2,2,1,1 -6144,1,1,1,1,2,2,1,1,1,1 -6145,1,2,2,2,2,2,2,2,2,2 -6146,1,1,1,1,1,2,1,2,1,1 -6147,1,1,1,1,1,1,1,1,1,1 -6148,1,1,1,1,1,2,1,2,1,1 -6149,1,1,1,1,1,2,1,2,1,1 -6150,1,1,1,1,2,2,2,2,1,1 -6151,1,1,1,1,1,1,1,1,1,1 -6152,2,,,,,,,,, -6153,1,1,1,2,1,1,2,2,2,2 -6154,1,1,1,2,1,1,1,2,2,2 -6155,2,,,,,,,,, -6156,1,2,2,2,1,1,2,2,2,2 -6157,1,1,1,1,1,1,1,1,1,1 -6158,1,2,2,2,2,2,2,2,2,2 -6159,1,2,2,2,2,2,2,2,2,2 -6160,1,2,2,2,2,2,2,2,2,2 -6161,1,1,1,1,2,2,1,1,1,1 -6162,1,1,1,1,2,2,2,2,1,1 -6163,1,2,2,2,2,2,2,2,2,2 -6164,1,1,1,1,1,1,2,2,1,1 -6165,2,,,,,,,,, -6166,1,1,1,1,1,1,1,1,1,1 -6167,1,1,1,1,2,2,1,1,1,1 -6168,1,1,1,2,2,2,2,2,2,2 -6169,1,1,1,1,1,1,2,2,1,1 -6170,1,1,1,2,1,1,2,2,1,2 -6171,1,1,1,1,1,1,1,1,1,1 -6172,1,1,1,1,2,2,2,2,1,1 -6173,2,,,,,,,,, -6174,1,1,1,1,1,1,1,1,1,1 -6175,1,1,1,2,1,1,1,2,2,2 -6176,1,1,1,1,1,1,2,1,1,1 -6177,1,1,1,2,1,1,2,1,2,2 -6178,1,1,1,1,1,1,1,1,1,1 -6179,1,1,1,1,1,1,1,2,2,2 -6180,1,1,1,1,1,1,1,1,1,1 -6181,1,1,1,1,1,1,2,1,1,1 -6182,1,1,1,1,1,1,2,1,1,1 -6183,1,2,2,2,2,2,2,2,2,2 -6184,1,1,1,2,1,1,1,2,2,2 -6185,2,,,,,,,,, -6186,1,1,1,1,1,2,1,2,1,1 -6187,1,1,1,2,2,2,2,2,2,2 -6188,2,,,,,,,,, -6189,1,1,1,1,1,1,2,2,1,1 -6190,1,1,1,2,1,1,1,1,1,1 -6191,1,2,2,2,2,2,2,2,2,2 -6192,1,1,1,2,2,2,2,2,2,2 -6193,1,1,1,1,1,1,1,1,1,1 -6194,1,2,2,2,2,2,2,2,2,2 -6195,1,1,1,2,1,1,1,2,2,2 -6196,1,1,1,2,1,1,1,1,1,1 -6197,1,2,2,2,2,2,2,2,2,2 -6198,1,1,2,2,2,2,2,2,2,2 -6199,1,1,1,1,2,2,2,2,1,1 -6200,1,1,1,1,1,1,2,2,1,1 -6201,1,1,1,1,1,1,1,1,1,1 -6202,1,1,1,1,1,2,1,2,1,1 -6203,2,,,,,,,,, -6204,1,2,2,2,1,1,2,2,2,2 -6205,1,1,1,1,1,1,1,1,1,1 -6206,1,1,1,1,1,1,2,1,1,1 -6207,1,1,1,1,1,1,2,1,1,1 -6208,1,1,1,1,1,1,2,2,1,1 -6209,1,1,1,2,1,2,1,2,2,2 -6210,1,1,1,1,1,2,1,2,1,1 -6211,1,1,1,1,1,1,2,2,1,1 -6212,1,2,2,2,2,2,2,2,2,2 -6213,1,2,2,2,2,2,2,2,2,2 -6214,1,1,1,2,1,1,1,1,2,2 -6215,1,1,1,1,1,1,2,1,1,1 -6216,1,1,1,1,1,1,2,2,1,1 -6217,1,1,1,1,1,1,1,2,1,1 -6218,1,1,1,1,1,1,2,1,1,1 -6219,2,,,,,,,,, -6220,2,,,,,,,,, -6221,1,2,2,2,2,2,2,2,2,2 -6222,2,,,,,,,,, -6223,1,1,1,2,1,1,1,1,2,2 -6224,1,1,1,1,1,1,1,1,1,1 -6225,1,1,1,1,1,2,1,2,1,1 -6226,1,2,2,2,2,2,2,2,2,2 -6227,1,2,2,2,2,2,2,2,2,2 -6228,1,2,2,2,2,2,2,2,2,2 -6229,1,1,1,1,1,1,2,2,1,1 -6230,2,,,,,,,,, -6231,1,1,1,1,1,1,2,2,1,1 -6232,1,1,1,1,2,2,2,1,1,1 -6233,1,1,1,1,1,1,1,1,1,1 -6234,1,1,1,1,1,1,1,1,1,1 -6235,1,1,1,1,1,1,1,2,1,1 -6236,1,1,1,1,1,1,1,1,1,1 -6237,2,,,,,,,,, -6238,1,2,2,1,2,2,2,2,2,2 -6239,1,1,1,2,1,1,2,2,2,2 -6240,1,1,1,1,1,1,2,1,1,1 -6241,1,1,1,1,1,1,2,2,1,1 -6242,2,,,,,,,,, -6243,1,1,2,2,1,1,2,2,2,2 -6244,1,1,1,2,2,2,2,2,2,2 -6245,1,1,1,2,1,1,1,2,2,2 -6246,1,2,2,2,2,2,2,2,2,2 -6247,1,1,1,2,1,1,2,2,1,1 -6248,1,1,1,2,1,1,2,2,2,2 -6249,2,,,,,,,,, -6250,1,1,1,1,1,2,1,1,1,1 -6251,1,1,1,1,1,1,1,2,2,2 -6252,1,1,1,1,1,1,1,2,1,1 -6253,1,2,2,2,2,2,2,2,2,2 -6254,1,2,2,2,2,2,2,2,2,2 -6255,1,1,1,1,1,1,2,1,1,1 -6256,1,1,1,1,1,1,1,1,1,1 -6257,1,1,1,1,1,1,1,1,1,2 -6258,1,1,1,2,1,1,1,1,2,2 -6259,1,2,2,2,2,2,2,2,2,2 -6260,1,1,1,1,1,1,1,1,1,1 -6261,1,1,1,1,1,1,1,1,1,1 -6262,2,,,,,,,,, -6263,1,1,1,1,2,2,2,2,1,1 -6264,1,1,1,1,1,1,1,1,1,1 -6265,1,2,2,2,2,2,2,2,2,2 -6266,1,2,2,2,2,2,2,2,2,2 -6267,1,1,2,1,2,2,2,2,1,1 -6268,2,,,,,,,,, -6269,1,1,1,1,1,1,2,2,1,1 -6270,1,1,1,2,1,1,1,2,2,2 -6271,1,1,1,1,1,1,1,1,1,1 -6272,1,1,1,1,1,1,2,2,1,1 -6273,1,1,1,2,1,1,1,2,2,2 -6274,1,1,1,1,1,1,2,1,1,1 -6275,1,1,1,1,1,1,1,1,1,1 -6276,1,1,1,1,2,2,2,2,1,1 -6277,2,,,,,,,,, -6278,1,1,1,1,1,1,1,1,1,1 -6279,1,2,2,2,1,1,1,2,2,2 -6280,2,,,,,,,,, -6281,1,1,2,1,2,2,2,2,2,2 -6282,1,1,1,2,1,1,1,2,2,2 -6283,1,1,1,1,1,1,1,1,2,2 -6284,1,1,1,1,1,1,1,1,1,1 -6285,1,1,1,1,1,1,1,1,1,1 -6286,1,1,1,2,1,1,1,2,2,2 -6287,1,1,1,1,1,1,1,1,1,1 -6288,1,1,1,1,1,1,2,1,1,1 -6289,1,1,1,1,1,1,2,1,1,1 -6290,1,1,1,2,1,1,1,1,1,1 -6291,1,1,1,1,1,1,2,2,1,1 -6292,1,1,1,1,1,1,1,1,1,1 -6293,1,1,1,1,1,1,2,2,1,1 -6294,2,,,,,,,,, -6295,1,1,1,1,1,1,2,1,1,1 -6296,1,2,2,2,2,2,2,2,2,2 -6297,1,1,1,1,2,2,2,2,1,1 -6298,1,1,1,1,1,1,2,1,1,1 -6299,1,2,2,2,2,2,2,2,2,2 -6300,1,1,1,2,1,1,1,2,2,2 -6301,1,2,2,2,2,2,2,2,2,2 -6302,1,1,1,1,1,1,1,1,1,1 -6303,1,1,1,1,1,1,1,1,1,1 -6304,2,,,,,,,,, -6305,2,,,,,,,,, -6306,1,1,1,2,1,1,1,2,2,2 -6307,1,1,1,1,1,1,1,2,2,2 -6308,1,2,2,2,2,2,2,2,2,2 -6309,1,1,1,2,2,2,2,2,2,2 -6310,1,1,1,2,1,1,2,2,2,2 -6311,1,1,2,1,2,2,1,1,1,1 -6312,2,,,,,,,,, -6313,1,2,2,2,2,2,2,2,2,2 -6314,1,2,2,2,2,2,2,2,2,2 -6315,1,2,2,2,2,2,2,2,2,2 -6316,1,1,1,1,1,1,1,1,1,1 -6317,1,1,1,2,1,1,1,2,2,2 -6318,1,1,1,1,1,1,2,1,1,1 -6319,1,1,1,2,1,1,1,2,2,2 -6320,1,1,1,1,2,2,2,2,1,1 -6321,1,1,1,1,2,2,2,2,1,1 -6322,1,1,1,1,1,1,2,2,1,1 -6323,1,1,1,1,1,1,1,1,1,1 -6324,1,2,2,2,2,2,2,2,2,2 -6325,1,1,1,1,2,2,2,2,1,1 -6326,1,1,1,2,2,2,2,2,2,2 -6327,1,1,1,1,1,1,2,1,1,1 -6328,1,1,1,1,1,1,2,2,1,1 -6329,1,1,1,2,1,1,1,2,2,2 -6330,1,1,1,1,1,1,2,2,1,1 -6331,2,,,,,,,,, -6332,1,1,2,1,1,1,2,2,1,1 -6333,1,1,1,1,1,1,1,1,1,1 -6334,1,2,2,2,2,2,2,2,2,2 -6335,1,1,1,1,1,1,2,1,1,1 -6336,1,1,1,1,1,1,2,1,1,1 -6337,1,1,1,1,1,1,2,2,1,1 -6338,1,1,1,1,1,1,1,1,1,1 -6339,1,1,1,2,1,1,2,1,1,1 -6340,1,1,1,1,1,1,1,1,1,1 -6341,1,1,2,1,2,2,1,1,1,1 -6342,1,1,1,1,1,1,1,1,1,1 -6343,1,1,1,2,2,2,2,2,1,1 -6344,2,,,,,,,,, -6345,1,1,1,1,1,1,2,2,1,1 -6346,1,1,2,1,2,2,2,2,2,2 -6347,1,1,1,1,1,1,2,1,1,1 -6348,2,,,,,,,,, -6349,1,2,2,2,2,2,2,2,2,2 -6350,1,1,1,1,1,1,1,1,1,1 -6351,1,2,2,2,2,2,2,2,2,2 -6352,1,1,1,2,1,1,2,2,2,2 -6353,2,,,,,,,,, -6354,1,1,1,2,1,1,1,1,2,2 -6355,1,1,1,1,1,1,1,1,1,1 -6356,1,1,1,2,1,1,2,2,2,2 -6357,1,2,2,2,2,2,2,2,2,2 -6358,1,1,1,1,1,1,2,1,2,2 -6359,1,1,1,1,1,1,2,1,1,1 -6360,1,2,2,2,2,2,2,2,2,2 -6361,2,,,,,,,,, -6362,1,1,1,1,1,1,1,1,1,1 -6363,1,1,1,1,1,1,1,1,1,1 -6364,1,2,2,2,2,2,2,2,2,2 -6365,1,2,2,2,2,2,2,2,2,2 -6366,2,,,,,,,,, -6367,1,1,1,1,1,2,1,1,1,1 -6368,1,1,1,1,1,1,1,1,1,1 -6369,1,1,1,1,1,1,2,1,1,1 -6370,1,1,1,1,1,1,1,1,1,1 -6371,1,1,1,1,2,2,2,2,1,1 -6372,1,1,1,1,1,1,2,1,1,1 -6373,1,1,1,1,1,1,1,1,1,1 -6374,1,2,2,2,2,2,2,2,2,2 -6375,1,1,1,1,1,1,2,1,1,1 -6376,2,,,,,,,,, -6377,1,1,1,2,1,1,2,1,2,2 -6378,1,2,2,2,2,2,2,2,2,2 -6379,1,1,1,1,1,1,1,1,1,1 -6380,1,1,1,1,2,2,2,2,1,1 -6381,1,1,1,1,1,1,1,1,1,1 -6382,1,1,1,1,1,1,2,2,1,1 -6383,1,1,1,1,1,1,1,1,1,1 -6384,1,1,1,1,1,1,2,1,1,1 -6385,1,1,1,1,2,2,1,1,1,1 -6386,1,1,1,1,1,1,1,1,1,1 -6387,1,1,1,1,1,2,1,2,1,1 -6388,1,1,1,1,2,2,2,2,1,1 -6389,1,1,1,1,1,1,1,2,1,1 -6390,2,,,,,,,,, -6391,1,1,1,1,1,1,1,1,1,1 -6392,1,1,1,1,1,1,1,1,1,1 -6393,1,1,1,1,1,1,1,1,1,1 -6394,1,1,1,1,1,1,1,1,1,1 -6395,1,1,1,1,1,1,2,2,1,1 -6396,2,,,,,,,,, -6397,2,,,,,,,,, -6398,1,1,1,2,1,1,2,2,1,1 -6399,1,1,1,1,1,1,2,2,1,1 -6400,1,1,1,1,2,2,2,2,1,1 -6401,1,1,1,1,1,1,2,1,1,1 -6402,1,1,2,1,1,1,1,1,1,1 -6403,2,,,,,,,,, -6404,2,,,,,,,,, -6405,1,1,1,1,1,1,1,2,1,1 -6406,1,1,1,1,1,1,1,1,1,1 -6407,1,1,1,1,1,1,2,2,1,1 -6408,1,2,2,2,1,1,2,2,2,2 -6409,1,2,2,1,1,1,1,1,1,1 -6410,1,1,1,1,1,1,1,1,1,1 -6411,1,1,1,1,1,1,1,1,1,1 -6412,1,1,1,1,1,1,1,1,1,1 -6413,2,,,,,,,,, -6414,1,2,2,2,2,2,2,2,2,2 -6415,1,1,1,1,1,1,1,2,1,1 -6416,1,1,1,2,1,1,1,2,2,2 -6417,1,1,1,1,1,1,1,2,1,1 -6418,1,1,1,1,1,1,1,1,1,1 -6419,1,1,1,1,1,1,1,2,2,2 -6420,1,1,1,2,1,1,1,1,2,2 -6421,1,1,2,1,2,2,1,1,1,1 -6422,1,1,1,1,1,1,1,1,1,1 -6423,1,1,1,1,1,1,2,1,1,1 -6424,1,2,2,2,2,2,2,2,2,2 -6425,1,1,1,1,1,1,1,1,1,1 -6426,1,1,1,1,1,1,1,1,1,1 -6427,1,1,1,1,1,1,1,2,1,1 -6428,1,1,1,1,2,2,1,2,1,1 -6429,2,,,,,,,,, -6430,1,1,1,2,1,1,2,2,1,1 -6431,1,1,1,1,1,1,1,1,1,1 -6432,1,1,1,1,1,1,1,1,1,1 -6433,1,1,1,1,1,1,1,1,1,1 -6434,1,2,2,2,2,2,2,2,2,2 -6435,1,1,1,1,1,1,2,2,1,1 -6436,1,1,1,1,1,1,2,2,1,1 -6437,1,1,1,2,2,2,2,2,2,2 -6438,1,1,2,2,1,1,2,2,2,2 -6439,1,1,1,1,1,1,1,1,1,1 -6440,1,1,1,1,1,1,1,1,1,1 -6441,1,1,1,1,1,1,1,2,1,1 -6442,1,1,1,1,1,1,1,1,1,1 -6443,1,2,2,2,2,2,2,2,2,2 -6444,1,1,1,2,1,1,1,2,2,2 -6445,1,1,1,1,2,2,2,2,1,1 -6446,1,2,2,2,2,2,2,2,2,2 -6447,1,1,1,2,2,2,1,1,1,1 -6448,1,1,2,1,2,2,1,1,1,1 -6449,1,1,1,2,1,1,1,1,1,1 -6450,1,1,1,2,1,1,1,1,2,2 -6451,1,1,1,2,1,1,1,1,1,1 -6452,1,1,1,2,1,1,1,2,2,2 -6453,2,,,,,,,,, -6454,1,1,1,2,1,1,1,1,1,1 -6455,1,2,2,2,2,2,2,2,2,2 -6456,1,1,1,1,1,1,2,1,1,1 -6457,1,1,1,1,1,1,1,1,1,1 -6458,2,,,,,,,,, -6459,2,,,,,,,,, -6460,1,1,1,2,2,2,2,2,2,2 -6461,1,1,1,2,1,1,1,1,2,2 -6462,1,1,1,1,1,2,1,2,1,1 -6463,1,1,1,2,2,2,2,2,2,2 -6464,1,1,1,1,1,1,2,2,1,1 -6465,1,1,2,1,1,1,1,1,2,2 -6466,1,1,1,1,1,1,2,1,1,1 -6467,1,1,1,2,1,1,1,2,2,2 -6468,2,,,,,,,,, -6469,1,2,2,2,2,2,2,2,2,2 -6470,1,1,1,2,1,1,2,2,2,2 -6471,1,1,1,2,1,1,1,1,2,2 -6472,2,,,,,,,,, -6473,1,1,1,1,1,1,1,1,1,1 -6474,1,1,1,1,1,1,1,1,1,1 -6475,1,2,2,2,2,2,2,2,2,2 -6476,1,2,2,2,2,2,2,2,2,2 -6477,1,1,1,1,2,2,1,1,1,1 -6478,1,1,1,2,1,1,1,2,2,2 -6479,1,1,1,1,1,1,1,1,1,1 -6480,1,1,1,1,1,1,1,2,2,2 -6481,1,2,2,2,2,2,2,2,2,2 -6482,2,,,,,,,,, -6483,1,1,1,1,1,1,1,1,1,1 -6484,1,1,1,1,1,1,2,1,1,1 -6485,1,1,1,1,2,2,2,2,1,1 -6486,1,1,1,1,1,1,1,2,2,2 -6487,1,1,1,1,1,2,1,2,1,1 -6488,1,1,1,2,2,2,2,2,2,2 -6489,1,2,2,2,2,2,2,2,2,2 -6490,1,1,1,1,1,1,1,1,1,2 -6491,1,1,2,1,2,2,2,2,1,1 -6492,1,1,1,1,2,2,1,2,1,1 -6493,1,1,2,1,1,1,1,1,2,2 -6494,2,,,,,,,,, -6495,1,1,1,1,1,1,2,2,1,1 -6496,1,1,1,1,1,1,1,1,1,1 -6497,1,1,1,1,1,1,1,1,1,1 -6498,1,1,1,1,1,1,2,1,1,1 -6499,1,1,1,2,1,1,2,2,2,2 -6500,1,1,1,1,1,1,2,2,1,1 -6501,1,1,1,1,1,1,2,1,1,1 -6502,1,2,2,2,2,2,2,2,2,2 -6503,1,1,1,1,2,2,2,2,2,2 -6504,1,1,1,2,1,1,1,1,1,1 -6505,1,1,1,1,1,1,2,2,1,1 -6506,1,1,1,1,2,2,2,2,1,1 -6507,1,1,1,1,1,1,1,2,1,1 -6508,1,1,1,1,1,1,2,1,1,1 -6509,1,1,1,2,1,1,1,2,2,2 -6510,1,1,1,1,1,1,1,1,1,1 -6511,1,1,1,1,2,2,2,1,1,1 -6512,1,1,1,2,2,2,2,2,2,2 -6513,1,1,1,2,1,1,1,1,2,2 -6514,1,1,2,1,2,2,1,1,1,1 -6515,1,1,1,1,1,1,1,2,1,1 -6516,1,1,1,2,1,1,1,2,1,1 -6517,1,1,1,1,1,1,1,1,1,1 -6518,1,1,1,2,1,1,2,2,2,2 -6519,1,1,1,1,1,1,1,2,1,1 -6520,2,,,,,,,,, -6521,2,,,,,,,,, -6522,1,1,1,1,1,1,2,2,1,1 -6523,2,,,,,,,,, -6524,2,,,,,,,,, -6525,1,1,1,1,1,1,1,1,1,1 -6526,1,1,1,1,1,1,1,1,1,1 -6527,1,1,1,1,1,1,1,1,1,1 -6528,1,1,1,1,1,1,1,1,1,1 -6529,1,1,1,1,1,1,1,1,1,1 -6530,1,2,2,2,2,2,2,2,2,2 -6531,1,2,2,2,2,2,2,2,2,2 -6532,1,1,1,1,1,1,2,2,2,2 -6533,1,1,1,1,1,1,2,1,1,1 -6534,1,2,2,2,2,2,2,2,2,2 -6535,2,,,,,,,,, -6536,1,1,1,1,1,1,2,1,1,1 -6537,1,1,1,1,2,2,1,2,1,1 -6538,1,2,2,2,2,2,2,2,2,2 -6539,1,1,1,1,1,1,1,1,1,1 -6540,1,2,2,2,2,2,2,2,2,2 -6541,1,1,1,2,1,1,1,1,1,1 -6542,1,1,1,1,2,2,2,2,1,1 -6543,1,1,1,1,1,1,1,1,1,1 -6544,1,2,2,2,1,1,1,1,2,2 -6545,2,,,,,,,,, -6546,2,,,,,,,,, -6547,2,,,,,,,,, -6548,1,1,1,1,1,1,1,1,1,1 -6549,1,1,1,1,1,1,2,1,1,1 -6550,1,1,1,2,1,1,1,2,2,2 -6551,1,1,1,1,1,1,2,2,1,1 -6552,2,,,,,,,,, -6553,1,1,1,1,2,2,2,2,1,1 -6554,1,1,2,1,2,2,2,2,2,2 -6555,1,2,2,2,1,1,2,2,2,2 -6556,1,2,2,2,2,2,2,2,2,2 -6557,1,1,1,1,1,2,1,2,1,1 -6558,1,1,1,2,2,2,2,2,2,2 -6559,1,1,1,2,1,1,2,2,2,2 -6560,1,1,1,1,1,1,2,2,1,1 -6561,1,2,2,2,1,1,1,1,2,2 -6562,2,,,,,,,,, -6563,1,1,1,2,1,1,1,1,2,2 -6564,1,1,1,1,1,1,2,1,1,1 -6565,1,1,1,1,1,1,2,1,1,1 -6566,1,1,1,2,1,1,1,2,2,2 -6567,1,1,1,2,1,1,1,2,2,2 -6568,1,2,2,2,2,2,2,2,2,2 -6569,1,2,2,2,2,2,2,2,2,2 -6570,2,,,,,,,,, -6571,1,2,2,2,1,1,1,1,2,2 -6572,1,1,2,1,2,2,1,1,1,1 -6573,1,1,1,1,1,1,2,2,1,1 -6574,1,1,1,1,1,1,1,1,1,1 -6575,1,1,1,1,1,1,2,2,1,1 -6576,1,1,1,1,1,1,2,1,1,1 -6577,1,1,2,2,1,1,2,2,2,2 -6578,1,1,1,1,1,1,1,1,1,1 -6579,1,1,1,1,1,2,1,2,1,1 -6580,2,,,,,,,,, -6581,1,1,1,2,2,2,1,2,1,1 -6582,1,1,1,1,1,1,2,2,1,1 -6583,1,1,1,1,1,1,2,2,1,1 -6584,1,1,1,1,1,1,1,1,1,1 -6585,1,2,2,2,1,1,2,2,2,2 -6586,1,1,1,1,1,1,1,1,1,1 -6587,1,1,1,2,1,1,1,1,2,2 -6588,1,1,1,1,1,1,2,1,1,1 -6589,1,1,1,1,1,1,1,1,1,1 -6590,1,1,2,1,2,2,2,2,2,2 -6591,1,1,1,1,1,1,2,2,1,1 -6592,1,1,1,2,1,1,1,2,2,2 -6593,1,1,1,1,1,1,2,2,1,1 -6594,1,1,1,1,1,1,2,1,1,1 -6595,1,1,1,1,1,1,2,2,1,1 -6596,1,1,1,1,1,1,1,1,1,1 -6597,1,1,1,1,2,2,2,2,1,1 -6598,1,2,2,2,2,2,2,2,2,2 -6599,1,1,1,1,1,1,2,1,1,1 -6600,1,1,1,1,1,1,2,2,1,1 -6601,1,1,1,2,1,1,2,2,2,2 -6602,1,1,1,1,1,1,2,1,1,1 -6603,1,1,1,1,1,1,2,1,1,1 -6604,1,1,1,1,1,1,2,1,1,1 -6605,1,1,1,1,1,1,1,1,1,1 -6606,1,1,1,1,1,1,2,1,1,1 -6607,1,1,1,2,1,1,1,1,1,1 -6608,1,1,1,2,2,2,2,2,2,2 -6609,1,2,2,2,2,2,2,2,2,2 -6610,2,,,,,,,,, -6611,1,1,1,2,1,1,1,1,2,2 -6612,1,1,1,2,1,1,1,2,2,2 -6613,2,,,,,,,,, -6614,1,1,1,1,2,2,2,2,1,1 -6615,1,1,1,1,1,1,1,1,1,1 -6616,1,1,1,2,1,1,1,1,2,2 -6617,1,1,1,1,2,2,2,2,1,1 -6618,1,2,2,2,2,2,2,2,2,2 -6619,1,1,1,1,2,2,2,1,1,1 -6620,1,1,1,2,1,1,1,2,2,2 -6621,1,2,2,2,2,2,2,2,2,2 -6622,2,,,,,,,,, -6623,1,1,1,1,1,1,1,2,2,2 -6624,1,2,2,2,2,2,2,2,2,2 -6625,1,2,2,2,1,1,1,1,2,2 -6626,1,2,2,2,2,2,2,2,2,2 -6627,1,2,2,2,2,2,2,2,2,2 -6628,1,1,1,2,1,1,1,1,1,1 -6629,1,1,1,1,1,1,2,2,1,1 -6630,1,1,1,1,2,2,2,1,1,1 -6631,1,1,1,1,1,1,2,1,1,1 -6632,1,1,1,1,1,1,1,2,2,2 -6633,1,2,2,2,2,2,2,2,2,2 -6634,2,,,,,,,,, -6635,1,1,1,1,1,1,1,1,1,1 -6636,1,1,1,1,1,1,1,1,1,1 -6637,1,1,1,1,1,1,1,1,1,1 -6638,1,1,1,2,1,1,2,1,1,1 -6639,1,1,1,1,1,2,1,2,1,1 -6640,1,2,2,2,2,2,2,2,2,2 -6641,1,1,1,2,2,2,2,2,2,2 -6642,1,1,1,1,1,2,1,2,1,1 -6643,1,1,1,1,1,1,2,2,1,1 -6644,1,1,1,1,1,1,2,2,1,1 -6645,1,1,1,2,1,1,1,1,2,2 -6646,1,1,1,1,1,1,2,1,1,1 -6647,1,1,1,1,1,1,2,1,1,1 -6648,1,2,2,1,1,1,1,1,1,1 -6649,1,2,2,2,2,2,2,2,2,2 -6650,1,1,1,1,1,1,2,1,1,1 -6651,2,,,,,,,,, -6652,1,1,1,1,1,1,2,2,1,1 -6653,1,1,1,1,1,1,1,1,1,1 -6654,1,1,1,2,1,1,1,1,2,2 -6655,1,1,1,1,1,1,1,1,2,2 -6656,1,1,1,1,1,2,1,2,1,1 -6657,2,,,,,,,,, -6658,2,,,,,,,,, -6659,1,1,2,2,2,2,2,2,2,2 -6660,1,1,1,1,1,1,1,1,1,1 -6661,1,1,1,1,1,1,2,1,1,1 -6662,1,2,2,2,2,2,2,2,2,2 -6663,1,2,2,2,2,2,2,2,2,2 -6664,1,1,1,1,1,1,2,2,1,1 -6665,2,,,,,,,,, -6666,1,2,2,2,2,2,2,2,2,2 -6667,1,1,1,1,1,1,2,1,1,1 -6668,1,1,1,2,1,1,1,1,2,2 -6669,1,1,1,1,1,1,1,1,1,1 -6670,2,,,,,,,,, -6671,1,2,2,2,2,2,2,2,2,2 -6672,1,1,1,1,1,1,1,1,1,1 -6673,1,1,1,1,1,1,2,1,1,1 -6674,1,1,1,1,1,1,2,1,1,1 -6675,1,2,2,2,2,2,2,2,2,2 -6676,1,1,1,1,1,1,2,2,1,1 -6677,1,1,1,1,1,1,2,2,1,1 -6678,1,2,2,2,1,1,2,2,2,2 -6679,1,1,1,2,1,1,1,1,2,2 -6680,1,1,1,1,1,2,1,1,1,1 -6681,1,1,1,1,2,2,2,2,1,1 -6682,1,1,1,2,1,1,2,2,2,2 -6683,1,1,1,2,1,1,1,2,2,2 -6684,1,1,1,1,1,1,2,1,1,1 -6685,1,1,1,2,2,2,1,2,1,1 -6686,1,1,1,2,2,2,2,2,2,2 -6687,1,1,2,1,1,1,1,1,2,2 -6688,1,2,2,2,2,2,2,2,2,2 -6689,1,2,2,2,2,2,2,2,2,2 -6690,1,1,2,1,2,2,1,1,1,1 -6691,1,1,1,1,1,1,1,1,1,1 -6692,1,1,1,2,1,1,1,2,2,2 -6693,2,,,,,,,,, -6694,1,1,1,1,2,2,1,2,1,1 -6695,2,,,,,,,,, -6696,1,2,2,2,1,1,1,1,2,2 -6697,1,1,1,2,1,1,2,2,2,2 -6698,1,1,1,1,1,1,1,1,1,1 -6699,1,2,2,2,2,2,2,2,2,2 -6700,1,1,1,1,1,1,1,1,1,1 -6701,1,1,1,1,1,2,1,2,1,1 -6702,1,1,1,1,1,1,2,1,1,1 -6703,1,1,2,2,2,2,2,2,2,2 -6704,1,1,1,1,1,1,1,1,1,1 -6705,1,1,1,1,1,1,1,1,1,1 -6706,1,1,1,1,1,1,1,2,2,2 -6707,1,1,1,1,1,1,1,1,1,1 -6708,1,1,1,1,1,1,1,1,1,1 -6709,1,1,1,2,1,1,1,1,2,2 -6710,1,2,2,2,2,2,2,2,2,2 -6711,1,2,2,2,2,2,2,2,2,2 -6712,1,2,2,2,2,2,2,2,2,2 -6713,1,1,1,1,1,2,1,2,1,1 -6714,1,1,1,1,1,1,1,1,1,1 -6715,1,1,1,2,2,2,2,2,1,1 -6716,1,1,2,1,2,2,2,2,2,2 -6717,2,,,,,,,,, -6718,1,1,1,1,1,1,2,1,1,1 -6719,1,1,1,2,2,2,2,2,2,2 -6720,2,,,,,,,,, -6721,1,1,1,1,1,1,1,1,1,1 -6722,1,1,1,1,1,2,1,2,1,1 -6723,1,1,1,1,1,1,2,2,1,1 -6724,1,1,1,1,1,1,2,1,1,1 -6725,1,1,1,1,2,2,2,2,1,1 -6726,1,1,1,1,1,1,1,2,1,1 -6727,1,1,1,2,1,1,1,1,2,2 -6728,1,1,1,1,1,1,1,1,1,1 -6729,1,2,2,2,2,2,2,2,2,2 -6730,1,1,1,1,1,1,1,1,1,1 -6731,1,1,2,2,2,2,2,2,2,2 -6732,1,2,2,2,2,2,2,2,2,2 -6733,2,,,,,,,,, -6734,1,1,1,1,2,2,2,1,1,1 -6735,1,1,1,1,1,1,2,2,1,1 -6736,1,1,1,2,1,1,1,1,1,1 -6737,1,1,1,1,1,1,2,2,1,1 -6738,1,1,1,2,1,1,1,2,2,2 -6739,1,2,2,2,2,2,2,2,2,2 -6740,1,1,1,2,2,2,2,2,2,2 -6741,1,1,1,1,1,1,2,2,1,1 -6742,1,1,1,1,2,2,2,2,1,1 -6743,1,1,1,1,1,1,1,1,1,1 -6744,1,1,1,1,1,1,1,1,1,1 -6745,1,1,1,1,1,1,1,1,1,1 -6746,1,1,1,2,1,1,2,2,2,2 -6747,1,2,2,2,2,2,2,2,2,2 -6748,1,1,1,1,2,2,2,2,1,1 -6749,1,1,1,1,1,1,1,1,1,1 -6750,1,1,1,1,1,1,1,2,1,1 -6751,1,1,1,1,1,1,2,2,1,1 -6752,2,,,,,,,,, -6753,1,2,2,2,2,2,2,2,2,2 -6754,1,2,2,2,2,2,2,2,2,2 -6755,1,1,1,1,2,2,2,2,2,2 -6756,1,1,1,1,2,2,1,1,1,1 -6757,1,2,2,2,1,1,2,2,2,2 -6758,1,1,1,1,1,1,2,1,1,1 -6759,1,1,1,1,1,1,1,2,2,2 -6760,1,1,1,1,1,1,2,2,1,1 -6761,1,1,1,2,2,2,2,2,2,2 -6762,1,2,2,2,2,2,2,2,2,2 -6763,1,1,1,2,1,1,1,1,2,2 -6764,1,1,1,2,1,1,1,2,2,2 -6765,2,,,,,,,,, -6766,1,1,1,1,1,1,2,2,1,1 -6767,1,1,1,1,1,1,1,1,1,2 -6768,1,1,1,1,1,1,1,1,1,1 -6769,1,1,1,1,1,1,1,1,1,1 -6770,1,2,2,2,2,2,2,2,2,2 -6771,1,1,2,1,2,2,2,2,2,2 -6772,1,1,1,2,1,1,1,2,2,2 -6773,1,1,1,1,2,2,2,1,1,1 -6774,1,1,1,2,1,1,1,2,2,2 -6775,1,1,1,1,1,1,1,1,1,1 -6776,1,1,1,1,1,1,1,1,1,1 -6777,1,1,1,2,1,1,1,1,2,2 -6778,1,1,1,1,1,1,2,2,1,1 -6779,1,1,1,1,1,1,1,1,1,1 -6780,1,1,2,2,1,2,2,2,2,2 -6781,1,1,2,2,1,1,2,2,2,2 -6782,1,1,2,1,2,2,2,2,2,2 -6783,1,2,2,2,2,2,2,2,2,2 -6784,1,1,1,1,1,1,2,1,1,1 -6785,1,2,2,2,2,2,2,2,2,2 -6786,1,1,1,1,1,1,1,2,2,2 -6787,1,2,2,2,1,1,2,2,2,2 -6788,2,,,,,,,,, -6789,1,2,2,2,2,2,2,2,2,2 -6790,1,1,1,1,1,1,1,1,1,1 -6791,1,1,2,1,1,1,1,1,2,2 -6792,1,1,1,1,1,1,2,2,1,1 -6793,1,2,2,2,1,1,1,1,2,2 -6794,1,2,2,2,2,2,2,2,2,2 -6795,1,1,1,1,1,1,2,1,1,1 -6796,1,2,2,2,1,1,2,2,2,2 -6797,1,1,1,1,1,1,2,2,1,1 -6798,1,1,1,1,1,1,1,1,1,1 -6799,1,1,1,1,1,1,2,2,1,1 -6800,1,1,1,2,1,1,1,1,2,2 -6801,2,,,,,,,,, -6802,1,1,1,1,1,1,2,2,1,1 -6803,1,1,1,2,1,1,1,2,2,2 -6804,1,1,1,1,1,1,2,1,1,1 -6805,1,1,1,1,1,1,2,2,1,1 -6806,1,1,1,2,2,2,2,2,2,2 -6807,2,,,,,,,,, -6808,1,2,2,2,2,2,2,2,2,2 -6809,1,1,1,1,1,2,1,2,1,1 -6810,1,1,1,1,1,1,1,1,1,1 -6811,1,2,2,2,2,2,2,2,2,2 -6812,1,1,2,1,2,2,2,2,2,2 -6813,1,2,2,2,2,2,2,2,2,2 -6814,1,1,1,1,1,1,1,1,1,1 -6815,1,1,1,1,1,1,1,1,1,1 -6816,1,1,1,1,1,1,2,2,1,1 -6817,1,1,1,1,1,1,1,1,1,1 -6818,2,,,,,,,,, -6819,1,1,1,1,1,1,2,1,1,1 -6820,1,1,1,1,1,1,2,1,1,1 -6821,1,1,1,2,1,1,1,1,1,1 -6822,1,2,2,2,2,2,2,2,2,2 -6823,1,1,1,1,1,1,1,1,1,1 -6824,1,1,1,1,1,1,1,2,1,1 -6825,1,1,1,2,1,1,1,1,2,2 -6826,1,1,1,1,1,1,2,2,1,1 -6827,1,1,1,1,1,1,1,1,1,1 -6828,1,1,1,2,1,1,1,2,2,2 -6829,1,1,1,1,1,1,2,2,1,1 -6830,1,1,1,2,1,1,1,2,1,1 -6831,1,2,2,2,2,2,2,2,2,2 -6832,1,2,2,2,2,2,2,2,2,2 -6833,2,,,,,,,,, -6834,2,,,,,,,,, -6835,1,2,2,2,2,2,2,2,2,2 -6836,2,,,,,,,,, -6837,1,1,1,1,1,1,2,1,1,1 -6838,1,1,1,2,1,1,2,2,2,2 -6839,1,1,1,2,2,2,2,2,2,2 -6840,1,2,2,2,2,2,2,2,2,2 -6841,1,1,1,2,1,1,1,1,1,1 -6842,1,1,1,1,1,1,1,1,1,1 -6843,1,1,1,1,1,1,1,1,1,1 -6844,1,2,2,2,2,2,2,2,2,2 -6845,2,,,,,,,,, -6846,1,1,1,1,1,1,2,2,1,1 -6847,1,1,1,2,1,1,1,2,2,2 -6848,1,1,1,1,1,1,1,1,1,1 -6849,1,1,1,2,1,1,1,2,2,2 -6850,1,1,1,2,2,2,2,2,2,2 -6851,1,1,1,2,1,1,2,2,2,2 -6852,2,,,,,,,,, -6853,1,1,1,1,1,1,1,1,1,1 -6854,1,1,1,1,2,2,2,1,1,1 -6855,1,1,1,2,1,2,1,2,2,2 -6856,1,1,1,2,1,1,1,2,2,2 -6857,1,1,1,1,1,2,1,2,1,1 -6858,1,1,1,1,2,2,2,2,1,1 -6859,1,1,1,2,1,1,1,2,2,2 -6860,1,1,1,1,1,1,2,1,1,1 -6861,1,1,1,1,1,1,1,1,1,1 -6862,1,1,1,1,2,2,2,2,1,1 -6863,1,1,1,2,1,1,1,1,2,2 -6864,1,1,1,2,1,1,1,1,1,1 -6865,1,1,1,1,1,1,2,2,1,1 -6866,1,2,2,2,2,2,2,2,2,2 -6867,1,1,1,2,1,1,1,1,2,2 -6868,1,1,2,1,2,2,2,2,2,2 -6869,1,1,1,1,1,1,1,1,1,1 -6870,1,1,2,1,2,2,2,2,2,2 -6871,1,1,1,2,1,1,1,2,2,2 -6872,1,1,1,1,2,2,2,1,1,1 -6873,1,1,1,1,1,1,2,1,1,1 -6874,1,1,1,1,1,1,1,2,1,1 -6875,1,1,1,1,2,2,2,2,1,1 -6876,1,1,1,1,2,2,1,1,1,1 -6877,1,1,1,1,1,1,2,1,1,1 -6878,1,1,1,1,1,2,1,2,1,1 -6879,1,1,1,2,2,2,2,2,1,1 -6880,1,2,2,2,2,2,2,2,2,2 -6881,1,1,1,1,1,1,2,1,1,1 -6882,1,1,1,1,1,1,2,2,1,1 -6883,1,2,2,2,2,2,2,2,2,2 -6884,1,1,1,2,1,1,1,2,2,2 -6885,1,2,2,2,2,2,2,2,2,2 -6886,1,1,1,1,1,1,2,2,1,1 -6887,1,2,2,2,2,2,2,2,2,2 -6888,1,1,1,1,1,1,2,2,1,1 -6889,2,,,,,,,,, -6890,1,1,1,2,2,2,1,2,1,1 -6891,1,1,2,1,2,2,1,1,1,1 -6892,1,2,2,2,2,2,2,2,2,2 -6893,2,,,,,,,,, -6894,1,1,1,1,1,1,2,2,1,1 -6895,1,1,1,1,1,1,1,1,1,1 -6896,2,,,,,,,,, -6897,1,1,1,2,1,1,2,1,2,2 -6898,1,1,1,1,1,1,1,1,1,1 -6899,1,2,2,2,2,2,2,2,2,2 -6900,1,1,1,1,1,1,1,1,1,1 -6901,1,1,1,2,2,2,2,2,2,2 -6902,1,1,1,2,2,2,2,2,2,2 -6903,1,1,1,1,2,2,1,1,1,1 -6904,1,1,1,1,1,1,1,1,1,1 -6905,1,1,1,1,1,1,2,2,1,1 -6906,1,2,2,2,2,2,2,2,2,2 -6907,1,2,2,2,2,2,2,2,2,2 -6908,2,,,,,,,,, -6909,1,1,1,2,1,1,1,2,2,2 -6910,1,1,1,1,1,1,1,1,1,1 -6911,1,1,2,1,2,2,2,2,2,2 -6912,2,,,,,,,,, -6913,1,1,1,2,1,1,2,2,2,2 -6914,1,1,1,1,2,2,2,2,1,1 -6915,1,2,2,2,1,1,1,1,1,1 -6916,1,1,1,1,1,1,2,1,1,1 -6917,1,1,1,1,1,1,1,1,1,1 -6918,1,1,2,1,1,1,1,1,1,1 -6919,1,1,1,1,2,2,2,2,1,1 -6920,1,1,1,1,1,1,2,2,1,1 -6921,1,1,1,1,1,1,2,1,1,1 -6922,1,1,1,2,1,1,2,2,1,1 -6923,1,2,2,2,1,1,2,2,2,2 -6924,1,1,1,1,1,1,1,1,1,1 -6925,1,1,2,1,2,2,2,2,2,2 -6926,1,1,1,1,1,1,1,1,1,1 -6927,1,1,1,1,1,1,2,2,1,1 -6928,1,1,1,2,1,1,1,1,2,2 -6929,1,1,1,1,2,2,1,1,1,1 -6930,1,1,1,1,1,1,1,2,2,2 -6931,1,2,2,2,1,1,2,2,2,2 -6932,2,,,,,,,,, -6933,1,2,2,2,2,2,2,2,2,2 -6934,1,1,1,2,2,2,2,2,2,2 -6935,1,1,1,1,1,2,1,2,1,1 -6936,1,1,1,1,1,1,1,2,1,1 -6937,1,1,1,1,1,1,2,1,1,1 -6938,2,,,,,,,,, -6939,1,1,1,1,1,1,2,1,1,1 -6940,1,1,1,1,1,1,1,1,1,1 -6941,1,2,2,2,2,2,2,2,2,2 -6942,1,1,1,2,1,1,1,1,2,2 -6943,1,2,2,2,2,2,2,2,2,2 -6944,1,1,1,1,1,1,2,1,1,1 -6945,1,2,2,2,2,2,2,2,2,2 -6946,1,1,1,1,1,1,2,1,1,1 -6947,1,1,1,1,1,1,1,1,1,1 -6948,1,1,1,1,1,1,1,1,1,1 -6949,1,1,1,1,1,1,2,2,1,1 -6950,1,2,2,2,2,2,2,2,2,2 -6951,2,,,,,,,,, -6952,1,2,2,2,2,2,2,2,2,2 -6953,2,,,,,,,,, -6954,1,2,2,2,2,2,1,1,2,2 -6955,1,2,2,2,2,2,2,2,2,2 -6956,2,,,,,,,,, -6957,1,1,1,1,1,1,1,1,1,1 -6958,1,2,2,2,2,2,2,2,2,2 -6959,1,1,1,1,2,2,2,2,1,1 -6960,1,1,1,1,1,1,2,2,1,1 -6961,1,1,2,1,2,2,1,1,1,1 -6962,1,1,1,1,2,2,2,2,1,1 -6963,1,1,1,1,1,2,1,2,1,1 -6964,1,1,1,1,1,1,1,2,2,2 -6965,1,1,1,2,1,1,2,2,2,2 -6966,1,1,1,1,1,1,1,1,1,1 -6967,1,1,1,1,1,1,2,2,1,1 -6968,1,2,2,2,2,2,2,2,2,2 -6969,1,2,2,2,1,1,2,2,2,2 -6970,1,2,2,1,1,1,2,2,1,1 -6971,1,1,1,2,2,2,2,2,2,2 -6972,1,1,1,1,1,1,2,1,1,1 -6973,1,1,1,1,1,1,1,1,1,1 -6974,1,1,1,1,1,2,1,2,1,1 -6975,1,1,2,1,2,2,1,1,1,1 -6976,1,1,1,2,1,1,1,2,2,2 -6977,1,1,1,1,2,2,2,2,1,1 -6978,1,2,2,2,2,2,2,2,2,2 -6979,1,1,1,1,2,2,2,2,1,1 -6980,1,1,1,1,1,1,1,1,1,1 -6981,1,1,1,1,1,1,2,2,1,1 -6982,1,1,1,2,1,1,1,1,2,2 -6983,1,1,1,1,2,2,2,2,1,1 -6984,1,1,2,2,1,1,1,1,2,2 -6985,1,1,1,1,1,1,2,2,1,1 -6986,1,1,1,1,1,1,1,1,1,1 -6987,1,1,1,1,1,1,1,1,1,1 -6988,1,1,1,1,1,1,1,1,1,1 -6989,1,1,1,1,1,1,1,1,2,2 -6990,2,,,,,,,,, -6991,1,2,2,2,2,2,2,2,2,2 -6992,1,1,1,1,1,1,2,2,1,1 -6993,2,,,,,,,,, -6994,2,,,,,,,,, -6995,1,1,1,1,1,1,2,2,1,1 -6996,1,1,1,2,1,1,2,1,1,1 -6997,1,1,1,1,1,2,1,2,1,1 -6998,1,1,1,1,1,1,1,1,1,1 -6999,1,2,2,2,2,2,2,2,2,2 -7000,1,1,1,2,1,1,1,1,2,2 -7001,1,1,1,1,1,1,1,1,1,1 -7002,2,,,,,,,,, -7003,1,1,1,2,2,2,1,2,1,1 -7004,1,1,1,1,1,1,2,1,1,1 -7005,1,2,2,2,1,1,2,2,2,2 -7006,1,1,1,2,1,1,1,1,2,2 -7007,2,,,,,,,,, -7008,1,1,1,1,1,1,1,1,1,1 -7009,1,1,1,1,1,1,2,1,1,1 -7010,1,1,1,1,1,1,2,1,1,1 -7011,1,1,1,1,1,1,1,1,1,1 -7012,2,,,,,,,,, -7013,1,2,2,2,2,2,2,2,2,2 -7014,2,,,,,,,,, -7015,1,2,2,1,2,2,1,1,1,1 -7016,1,1,1,2,2,2,2,2,2,2 -7017,1,1,1,1,1,1,1,1,1,1 -7018,1,1,1,1,1,2,1,2,1,1 -7019,1,1,2,1,2,2,2,2,2,2 -7020,1,1,1,2,1,1,2,2,1,1 -7021,1,1,1,1,1,1,1,1,1,1 -7022,1,1,1,2,1,1,1,2,2,2 -7023,1,1,1,2,1,1,2,1,2,2 -7024,1,1,1,1,1,1,1,1,1,1 -7025,1,1,1,1,1,1,2,1,1,1 -7026,1,1,1,2,1,1,2,2,2,2 -7027,1,1,1,1,2,2,2,2,1,1 -7028,1,1,1,1,1,1,1,1,1,1 -7029,1,1,1,1,2,2,1,1,1,1 -7030,1,1,1,1,1,1,2,1,1,1 -7031,1,1,1,1,1,1,1,2,1,1 -7032,1,1,1,1,1,1,1,1,1,1 -7033,1,1,1,2,2,2,1,2,1,1 -7034,1,1,1,1,1,1,2,1,1,1 -7035,1,1,1,1,1,1,2,2,1,1 -7036,2,,,,,,,,, -7037,1,1,1,1,1,1,2,2,1,1 -7038,1,1,1,1,1,2,1,2,1,1 -7039,2,,,,,,,,, -7040,1,2,2,2,2,2,2,2,2,2 -7041,1,2,2,2,2,2,2,2,2,2 -7042,1,2,2,2,1,1,2,2,2,2 -7043,1,1,1,2,1,1,2,2,2,2 -7044,1,1,1,1,1,1,2,1,1,1 -7045,1,1,1,2,2,2,2,2,1,1 -7046,1,1,1,1,1,1,2,2,1,1 -7047,1,1,1,1,1,1,2,2,2,2 -7048,1,2,2,2,2,2,2,2,2,2 -7049,2,,,,,,,,, -7050,1,1,1,1,2,2,1,2,1,1 -7051,1,1,1,1,1,1,1,2,1,1 -7052,1,2,2,2,2,2,2,2,2,2 -7053,1,1,1,1,1,1,2,1,1,1 -7054,1,2,2,2,2,2,2,2,2,2 -7055,1,2,2,2,2,2,2,2,2,2 -7056,1,1,1,1,1,2,1,2,1,1 -7057,1,1,1,2,1,1,1,2,2,2 -7058,1,2,2,2,1,1,2,2,2,2 -7059,1,2,2,2,2,2,2,2,2,2 -7060,1,1,1,1,1,1,2,2,1,1 -7061,1,1,1,1,1,1,1,1,1,1 -7062,1,1,1,1,1,1,2,1,1,1 -7063,1,1,1,2,1,1,1,2,2,2 -7064,1,1,2,1,2,2,2,2,1,1 -7065,2,,,,,,,,, -7066,1,1,1,2,1,1,2,1,2,2 -7067,1,1,1,1,1,1,2,2,1,1 -7068,1,1,1,2,1,1,1,2,2,2 -7069,1,1,1,1,1,1,1,2,2,2 -7070,1,1,1,1,1,1,2,1,1,1 -7071,1,1,1,1,1,1,2,2,1,1 -7072,1,1,1,1,2,2,1,2,1,1 -7073,1,1,1,2,2,2,2,2,2,2 -7074,1,1,1,1,1,1,1,1,1,1 -7075,1,1,1,2,1,1,1,1,1,1 -7076,1,2,2,2,2,2,2,2,2,2 -7077,2,,,,,,,,, -7078,1,1,1,1,1,1,1,2,1,1 -7079,1,1,1,1,1,1,1,1,1,1 -7080,2,,,,,,,,, -7081,1,2,2,2,2,2,2,2,2,2 -7082,1,1,1,1,2,2,1,2,1,1 -7083,1,1,1,1,1,1,1,1,1,1 -7084,1,1,1,1,1,1,1,1,1,1 -7085,1,1,1,2,2,2,2,2,2,2 -7086,1,1,1,2,2,2,2,2,2,2 -7087,1,1,1,1,1,1,2,1,1,1 -7088,2,,,,,,,,, -7089,1,2,2,2,2,2,2,2,2,2 -7090,1,1,1,2,2,2,2,2,2,2 -7091,1,1,1,2,1,1,2,2,2,2 -7092,1,1,1,1,1,1,1,1,1,1 -7093,1,2,2,2,1,1,2,2,2,2 -7094,1,1,1,1,2,2,2,2,1,1 -7095,1,1,1,1,1,1,1,1,1,1 -7096,1,1,1,1,1,1,1,1,1,1 -7097,1,1,1,1,2,2,2,2,1,1 -7098,2,,,,,,,,, -7099,1,2,2,2,2,2,2,2,2,2 -7100,2,,,,,,,,, -7101,1,1,1,1,1,2,1,2,1,1 -7102,1,1,1,1,1,1,1,1,1,1 -7103,1,1,1,1,1,1,2,1,1,1 -7104,1,1,1,1,1,1,1,1,1,1 -7105,1,1,1,1,1,1,1,1,1,1 -7106,1,2,2,2,2,2,2,2,2,2 -7107,1,2,2,2,2,2,2,2,2,2 -7108,2,,,,,,,,, -7109,1,1,1,1,1,1,1,1,1,1 -7110,1,1,1,1,2,2,2,2,1,1 -7111,2,,,,,,,,, -7112,2,,,,,,,,, -7113,1,1,1,1,1,1,2,1,1,2 -7114,1,1,1,2,1,1,2,2,1,1 -7115,1,1,1,2,1,1,1,1,1,1 -7116,1,2,2,2,2,2,2,2,2,2 -7117,1,2,2,2,1,1,1,1,2,2 -7118,1,1,1,1,2,2,2,2,1,1 -7119,1,1,1,1,1,1,2,1,1,1 -7120,1,2,2,2,2,2,2,2,2,2 -7121,2,,,,,,,,, -7122,1,1,1,1,2,2,1,2,1,1 -7123,1,1,1,1,1,1,1,1,1,1 -7124,1,1,1,1,1,1,2,1,1,1 -7125,2,,,,,,,,, -7126,1,1,1,1,1,1,2,2,1,1 -7127,1,1,1,1,1,1,2,2,1,1 -7128,1,2,2,2,2,2,2,2,2,2 -7129,1,1,1,1,1,1,2,1,1,1 -7130,1,1,1,1,1,1,1,1,1,1 -7131,1,1,2,1,2,2,1,1,1,1 -7132,1,1,1,1,1,1,1,2,2,2 -7133,1,2,2,2,2,2,2,2,2,2 -7134,1,1,1,1,1,2,1,2,1,1 -7135,1,1,1,1,2,2,2,2,1,1 -7136,1,1,1,1,1,1,1,1,1,1 -7137,1,1,1,2,1,1,1,1,2,2 -7138,1,1,1,2,1,1,1,1,1,1 -7139,1,2,2,2,2,2,2,2,2,2 -7140,1,1,1,1,1,2,1,2,1,1 -7141,1,1,1,2,2,2,2,2,2,2 -7142,1,1,1,1,2,2,2,1,1,1 -7143,1,1,1,2,1,1,1,2,2,2 -7144,1,2,2,2,2,2,2,2,2,2 -7145,1,1,1,1,1,1,1,1,1,1 -7146,1,1,1,2,1,1,1,2,1,1 -7147,1,1,2,2,1,2,2,1,2,2 -7148,1,2,2,2,2,2,2,2,2,2 -7149,1,2,2,2,2,2,2,2,2,2 -7150,1,1,1,1,1,1,1,1,1,1 -7151,1,1,1,1,1,1,1,1,1,1 -7152,1,1,1,1,2,2,2,1,1,1 -7153,1,1,1,1,1,1,2,1,1,1 -7154,1,1,1,1,1,1,1,1,1,1 -7155,2,,,,,,,,, -7156,1,2,2,2,2,2,2,2,2,2 -7157,1,1,1,1,1,1,2,1,1,1 -7158,1,1,1,1,2,2,2,2,1,1 -7159,1,1,1,2,1,1,1,1,1,1 -7160,2,,,,,,,,, -7161,1,2,2,2,2,2,2,2,2,2 -7162,1,1,1,2,1,1,1,1,2,2 -7163,1,1,1,1,1,1,1,1,1,1 -7164,1,2,2,2,2,2,2,2,2,2 -7165,1,1,1,2,2,2,1,2,1,1 -7166,1,1,1,1,1,1,2,2,1,1 -7167,1,1,1,1,1,1,2,2,1,1 -7168,2,,,,,,,,, -7169,1,1,2,1,1,1,1,1,1,1 -7170,1,1,1,1,1,1,2,2,1,1 -7171,1,1,1,2,1,1,1,2,1,2 -7172,1,2,2,2,2,2,2,2,2,2 -7173,1,1,1,1,1,1,1,2,2,2 -7174,1,1,1,2,1,1,1,2,2,2 -7175,1,1,1,1,1,1,2,1,1,1 -7176,1,2,2,2,2,2,2,2,2,2 -7177,1,1,1,1,1,2,1,2,1,1 -7178,1,1,1,2,1,1,1,2,2,2 -7179,2,,,,,,,,, -7180,1,1,1,2,2,2,2,2,2,2 -7181,1,1,1,1,1,1,1,1,1,1 -7182,1,1,1,2,1,1,1,1,2,2 -7183,1,1,2,2,2,2,2,2,2,2 -7184,1,1,1,1,1,1,1,1,1,1 -7185,1,1,1,1,1,1,2,2,1,2 -7186,1,1,1,1,1,1,2,2,1,1 -7187,1,2,2,2,2,2,2,2,2,2 -7188,1,1,1,1,1,1,2,1,1,1 -7189,1,1,1,1,2,2,1,1,1,1 -7190,1,1,1,2,1,1,1,2,2,2 -7191,2,,,,,,,,, -7192,1,2,2,2,2,2,2,2,2,2 -7193,1,1,1,2,2,2,2,2,2,2 -7194,1,2,2,2,2,2,2,2,2,2 -7195,1,1,1,1,1,1,2,1,1,1 -7196,1,2,2,2,2,2,2,2,2,2 -7197,1,2,2,2,2,2,2,2,2,2 -7198,1,2,2,2,2,2,2,2,2,2 -7199,1,1,1,1,1,1,1,1,1,1 -7200,1,1,1,1,1,1,2,1,1,1 -7201,1,2,2,2,2,2,2,2,2,2 -7202,1,1,1,1,1,1,2,1,1,1 -7203,1,1,1,1,1,1,1,1,1,1 -7204,2,,,,,,,,, -7205,1,1,1,1,1,1,1,1,1,1 -7206,2,,,,,,,,, -7207,1,1,1,1,1,1,2,2,1,1 -7208,1,1,1,1,1,1,1,1,1,1 -7209,1,1,1,1,1,1,2,1,2,2 -7210,1,1,1,2,1,1,2,2,2,2 -7211,1,1,1,1,2,2,2,1,1,1 -7212,1,1,2,1,2,2,2,2,1,1 -7213,1,1,1,1,1,1,1,1,1,1 -7214,1,1,1,2,1,1,1,1,1,1 -7215,1,1,1,1,1,1,1,1,1,1 -7216,1,2,2,2,2,2,2,2,2,2 -7217,1,1,1,1,1,1,2,2,1,1 -7218,1,1,1,1,1,1,1,2,2,2 -7219,1,1,1,1,2,2,2,2,1,1 -7220,1,1,1,1,1,1,1,1,1,1 -7221,1,1,1,1,1,1,2,1,1,1 -7222,1,1,1,2,1,1,1,2,2,2 -7223,1,1,1,1,1,1,1,2,2,2 -7224,1,1,2,1,2,2,2,2,1,1 -7225,1,1,1,1,1,1,2,1,1,1 -7226,1,1,1,1,1,1,1,1,1,1 -7227,1,1,1,1,1,1,1,2,1,1 -7228,1,1,1,1,1,1,1,1,1,1 -7229,1,1,1,1,2,2,2,2,1,1 -7230,1,1,1,1,2,2,1,1,1,1 -7231,1,1,1,2,1,1,1,2,2,2 -7232,1,1,1,2,1,1,2,2,2,2 -7233,1,2,2,2,2,2,2,2,2,2 -7234,1,1,1,1,1,1,1,1,1,1 -7235,1,1,1,1,1,1,2,1,1,1 -7236,1,2,2,2,2,2,2,2,2,2 -7237,1,1,1,1,1,1,2,2,1,1 -7238,1,1,1,1,1,1,1,1,1,1 -7239,2,,,,,,,,, -7240,1,1,1,1,1,1,2,1,1,1 -7241,1,1,1,1,2,2,1,1,1,1 -7242,1,1,2,1,2,2,1,1,2,2 -7243,1,1,1,1,1,1,2,1,1,1 -7244,1,1,1,1,1,1,2,2,1,1 -7245,1,1,1,1,2,2,2,2,1,1 -7246,1,1,1,2,1,1,1,2,2,2 -7247,1,1,1,1,1,1,1,1,1,1 -7248,1,1,1,1,1,1,1,2,1,1 -7249,1,1,1,1,1,1,1,1,1,1 -7250,1,1,1,1,2,2,1,1,1,1 -7251,1,1,1,1,1,1,1,1,1,1 -7252,1,1,1,1,1,1,2,2,1,1 -7253,1,1,1,1,1,1,1,2,1,1 -7254,1,1,1,2,1,1,2,1,2,2 -7255,1,1,1,2,1,1,1,1,1,1 -7256,1,1,1,1,1,1,1,1,1,1 -7257,1,1,1,2,1,1,2,2,1,1 -7258,1,1,1,1,1,1,1,1,1,1 -7259,1,1,1,1,1,1,2,2,1,1 -7260,1,1,1,1,2,2,1,1,1,1 -7261,1,1,1,1,1,1,2,1,1,1 -7262,1,1,1,2,2,2,2,2,2,2 -7263,1,1,1,1,1,1,2,1,1,1 -7264,1,1,1,1,1,1,2,1,1,1 -7265,1,1,1,1,1,1,2,1,1,1 -7266,1,1,1,1,1,1,2,2,1,1 -7267,1,1,1,1,1,1,1,1,1,1 -7268,1,2,2,2,2,2,2,2,2,2 -7269,1,1,1,1,1,1,1,1,2,2 -7270,1,1,1,1,1,1,2,1,1,1 -7271,1,1,1,1,1,1,2,2,1,1 -7272,1,2,2,2,2,2,2,2,2,2 -7273,1,2,2,2,2,2,2,2,2,2 -7274,1,1,1,1,1,1,1,1,1,1 -7275,1,1,1,1,1,1,2,2,1,1 -7276,1,1,1,1,1,1,1,1,1,1 -7277,1,1,1,1,1,1,2,1,1,1 -7278,1,1,1,1,1,1,2,1,1,1 -7279,1,1,1,2,1,1,2,2,1,1 -7280,2,,,,,,,,, -7281,1,1,1,1,1,1,2,1,1,1 -7282,1,1,1,1,2,2,1,1,1,1 -7283,1,2,2,2,2,2,2,2,2,2 -7284,1,1,1,2,1,1,2,2,2,2 -7285,1,1,1,1,2,2,1,2,1,1 -7286,1,2,2,2,2,2,2,2,2,2 -7287,1,1,2,1,1,1,1,1,1,1 -7288,1,1,1,1,1,1,2,2,1,1 -7289,1,2,2,2,2,2,2,2,2,2 -7290,1,1,1,2,2,2,2,2,2,2 -7291,1,2,2,2,2,2,2,2,2,2 -7292,1,1,1,1,1,1,2,2,1,1 -7293,1,1,1,2,2,2,2,2,2,2 -7294,1,1,1,1,1,2,1,2,1,1 -7295,1,1,1,1,1,1,2,2,1,1 -7296,1,1,2,1,2,2,2,2,1,2 -7297,1,1,1,2,1,1,2,2,2,2 -7298,1,2,2,2,2,2,2,2,2,2 -7299,1,1,1,1,1,2,1,2,1,1 -7300,1,1,1,2,1,1,1,1,1,1 -7301,2,,,,,,,,, -7302,1,1,1,1,1,1,1,1,1,1 -7303,1,1,1,1,1,1,1,1,1,1 -7304,1,1,1,1,1,1,1,1,1,1 -7305,1,1,1,1,1,1,1,1,1,1 -7306,1,1,1,2,1,1,2,2,2,2 -7307,1,2,2,2,2,2,2,2,2,2 -7308,1,1,1,1,1,1,1,1,1,1 -7309,1,2,2,2,2,2,2,2,2,2 -7310,2,,,,,,,,, -7311,1,1,1,2,1,1,2,1,2,2 -7312,1,1,1,1,1,1,1,1,1,1 -7313,1,1,1,1,1,1,2,1,1,1 -7314,1,1,1,2,1,1,1,2,2,2 -7315,1,1,1,2,1,1,1,2,2,2 -7316,1,1,1,1,1,1,2,1,1,1 -7317,1,1,1,1,1,2,1,2,1,1 -7318,1,1,1,2,1,1,1,2,2,2 -7319,1,1,1,1,1,1,2,1,1,1 -7320,1,1,1,2,1,1,1,2,2,2 -7321,1,1,1,2,1,1,1,2,2,2 -7322,1,2,2,2,2,2,2,2,2,2 -7323,1,1,1,1,1,1,1,2,2,2 -7324,1,1,1,1,1,2,1,2,1,1 -7325,1,1,1,1,2,2,1,1,1,1 -7326,1,2,2,2,2,2,2,2,2,2 -7327,1,1,1,1,1,1,2,1,1,1 -7328,1,1,1,1,1,1,2,2,1,1 -7329,1,1,1,1,1,1,1,1,1,1 -7330,1,2,2,2,2,2,2,2,2,2 -7331,1,2,2,2,2,2,2,2,2,2 -7332,1,1,1,2,1,1,1,1,1,1 -7333,2,,,,,,,,, -7334,1,1,1,1,1,1,1,1,1,1 -7335,1,1,1,1,1,1,2,2,1,1 -7336,1,2,2,2,2,2,2,2,2,2 -7337,1,1,1,1,1,1,1,1,1,1 -7338,1,2,2,2,2,2,2,2,2,2 -7339,1,1,1,2,2,2,2,2,2,2 -7340,1,2,2,2,2,2,2,2,2,2 -7341,1,1,1,2,1,1,1,2,2,2 -7342,1,1,1,1,1,1,1,1,1,1 -7343,1,2,2,2,1,1,2,2,2,2 -7344,1,2,2,2,1,1,2,2,2,2 -7345,2,,,,,,,,, -7346,1,1,2,1,2,2,2,2,2,2 -7347,1,1,1,1,1,1,1,1,1,1 -7348,1,1,1,2,1,1,1,1,2,2 -7349,1,1,1,1,1,1,1,1,1,1 -7350,1,1,1,1,2,2,2,1,1,1 -7351,1,1,1,1,2,2,2,2,2,2 -7352,1,2,2,2,2,2,1,1,2,2 -7353,1,1,1,2,1,1,1,2,1,1 -7354,1,1,1,2,2,2,2,2,2,2 -7355,1,2,2,2,2,2,2,2,2,2 -7356,1,1,1,1,1,1,2,1,1,1 -7357,1,2,2,2,1,1,2,2,2,2 -7358,2,,,,,,,,, -7359,1,2,2,2,2,2,2,2,2,2 -7360,1,1,1,2,1,1,1,1,2,2 -7361,1,1,1,1,1,1,2,2,1,1 -7362,1,1,1,1,1,1,1,1,1,1 -7363,1,1,2,1,1,1,1,1,1,1 -7364,1,1,1,2,2,2,1,1,2,2 -7365,1,2,2,2,2,2,2,2,2,2 -7366,1,1,1,2,1,1,1,2,2,2 -7367,1,1,1,1,1,1,1,1,1,1 -7368,1,1,1,1,1,1,1,1,1,1 -7369,1,1,1,2,2,2,2,2,2,2 -7370,1,2,2,2,2,2,2,2,2,2 -7371,1,1,1,1,2,2,2,2,1,1 -7372,1,1,1,1,2,2,1,1,1,1 -7373,1,1,2,2,2,2,2,2,2,2 -7374,1,1,1,1,1,1,1,2,2,2 -7375,1,1,1,2,2,2,1,1,2,2 -7376,1,2,2,2,2,2,2,2,2,2 -7377,1,1,1,1,2,2,2,2,1,1 -7378,1,1,2,1,2,2,2,2,2,2 -7379,1,2,2,2,2,2,2,2,2,2 -7380,1,1,2,1,2,2,2,2,1,1 -7381,1,1,1,2,2,2,2,2,2,2 -7382,1,1,1,1,1,1,2,1,1,1 -7383,1,1,1,1,1,1,2,2,1,1 -7384,1,1,1,2,1,1,1,1,1,1 -7385,2,,,,,,,,, -7386,1,1,2,1,1,1,1,1,2,2 -7387,1,1,1,2,2,2,2,2,2,2 -7388,1,1,1,2,1,1,1,2,2,2 -7389,1,1,1,1,1,1,1,2,1,1 -7390,2,,,,,,,,, -7391,2,,,,,,,,, -7392,1,1,1,1,1,1,1,1,1,1 -7393,2,,,,,,,,, -7394,1,1,1,1,1,1,1,1,1,1 -7395,1,2,2,2,2,2,2,2,2,2 -7396,1,2,2,2,2,2,2,2,2,2 -7397,2,,,,,,,,, -7398,1,1,1,2,1,1,1,1,2,2 -7399,1,1,2,2,2,2,2,2,2,2 -7400,1,1,1,1,1,1,1,1,1,1 -7401,1,1,1,2,1,1,1,1,2,2 -7402,1,1,1,1,1,1,2,2,1,1 -7403,1,1,1,1,1,1,1,1,1,1 -7404,1,1,1,1,1,1,1,2,1,1 -7405,1,1,1,1,2,2,2,2,1,1 -7406,1,1,1,1,1,1,1,1,1,1 -7407,1,1,1,1,1,1,2,1,1,1 -7408,1,1,1,1,1,1,1,1,1,1 -7409,1,1,1,1,1,1,1,1,1,1 -7410,1,1,1,1,1,1,1,1,1,1 -7411,1,2,2,2,2,2,2,2,2,2 -7412,1,2,2,2,2,2,2,2,2,2 -7413,1,2,2,2,2,2,2,2,2,2 -7414,1,1,1,2,1,1,1,1,1,1 -7415,1,1,1,1,1,1,1,2,1,1 -7416,1,1,1,1,1,1,2,2,1,1 -7417,1,1,1,1,1,1,1,1,1,1 -7418,1,1,1,2,1,1,1,1,1,1 -7419,1,2,2,2,2,2,2,2,2,2 -7420,1,1,1,1,1,1,2,1,1,1 -7421,1,1,1,2,1,1,1,1,2,2 -7422,1,1,1,1,2,2,2,2,1,1 -7423,1,2,2,2,1,1,1,1,2,2 -7424,1,2,2,2,2,2,2,2,2,2 -7425,1,1,1,1,1,1,2,1,1,1 -7426,1,1,1,1,1,1,2,2,1,1 -7427,1,1,1,2,1,1,2,2,2,2 -7428,1,1,1,1,1,1,1,1,1,1 -7429,1,1,1,1,1,1,1,1,1,1 -7430,1,1,1,1,2,2,1,2,1,1 -7431,1,1,1,2,2,2,2,2,2,2 -7432,1,1,1,2,2,2,2,2,2,2 -7433,1,1,1,2,2,2,2,2,2,2 -7434,1,1,1,2,1,1,2,2,2,2 -7435,1,1,1,1,1,2,1,2,1,1 -7436,1,1,1,1,1,1,1,1,1,1 -7437,1,2,2,2,2,2,2,2,2,2 -7438,1,1,1,1,1,1,1,1,1,1 -7439,1,2,2,2,2,2,2,2,2,2 -7440,1,1,1,1,1,1,1,1,1,1 -7441,1,1,1,1,2,2,2,2,1,1 -7442,1,1,2,1,1,1,1,1,2,2 -7443,1,1,1,1,1,1,1,1,1,1 -7444,2,,,,,,,,, -7445,1,1,1,1,1,1,1,1,1,1 -7446,1,1,1,1,1,1,1,1,1,1 -7447,1,1,1,1,1,1,1,1,1,1 -7448,2,,,,,,,,, -7449,1,1,1,1,1,1,2,1,1,1 -7450,1,1,1,2,1,1,1,1,1,1 -7451,1,1,1,2,1,1,1,1,2,2 -7452,1,2,2,2,2,2,2,2,2,2 -7453,1,1,1,1,2,2,1,2,1,1 -7454,1,1,1,1,2,2,1,1,1,1 -7455,1,1,1,1,1,1,2,2,1,1 -7456,1,1,1,2,1,1,1,1,2,2 -7457,1,2,2,2,2,2,2,2,2,2 -7458,1,1,1,1,1,1,2,2,1,1 -7459,1,1,1,2,2,2,2,2,2,2 -7460,1,1,1,1,1,1,2,1,1,1 -7461,2,,,,,,,,, -7462,1,1,1,1,1,1,1,1,1,1 -7463,1,2,2,2,2,2,2,2,2,2 -7464,1,1,1,1,1,1,2,2,1,1 -7465,1,1,2,1,2,2,2,2,2,2 -7466,1,1,1,1,1,1,2,2,1,1 -7467,1,1,1,2,1,1,1,1,2,2 -7468,1,1,1,2,1,1,1,2,2,2 -7469,1,1,1,1,1,1,2,1,1,1 -7470,2,,,,,,,,, -7471,1,1,1,1,1,1,2,2,1,1 -7472,1,1,2,1,1,1,1,1,2,2 -7473,1,1,2,1,1,1,1,1,2,2 -7474,1,1,1,2,1,1,1,2,2,2 -7475,1,1,1,1,1,1,1,1,1,1 -7476,1,1,2,1,2,2,2,2,2,2 -7477,1,2,2,2,2,2,2,2,2,2 -7478,1,1,1,1,1,1,1,1,1,1 -7479,1,2,2,2,2,2,2,2,2,2 -7480,1,1,1,1,2,2,1,1,1,1 -7481,2,,,,,,,,, -7482,1,2,2,2,2,2,2,2,2,2 -7483,1,1,1,1,1,1,1,1,1,1 -7484,1,1,1,1,1,1,2,2,1,1 -7485,1,2,2,2,2,2,2,2,2,2 -7486,1,1,1,2,1,1,1,2,1,2 -7487,1,1,1,1,1,1,2,1,1,1 -7488,1,1,2,1,1,1,2,2,2,2 -7489,1,1,1,2,1,1,1,2,2,2 -7490,1,1,1,1,1,1,1,1,1,1 -7491,1,1,1,1,1,1,2,2,1,1 -7492,1,1,1,1,1,2,1,2,1,1 -7493,1,1,1,1,1,1,1,2,1,1 -7494,2,,,,,,,,, -7495,1,2,2,1,1,1,2,2,1,1 -7496,1,1,1,1,1,1,2,2,1,1 -7497,1,1,1,1,2,2,1,2,1,1 -7498,1,1,1,1,1,2,1,2,1,1 -7499,1,1,1,1,1,1,2,1,1,1 -7500,2,,,,,,,,, -7501,1,1,1,1,2,2,2,2,1,1 -7502,1,1,2,1,2,2,2,2,1,1 -7503,1,1,1,1,1,1,2,1,1,1 -7504,1,1,1,1,1,1,1,1,1,1 -7505,1,1,1,1,1,2,1,2,1,1 -7506,1,2,2,2,2,2,2,2,2,2 -7507,1,1,1,1,1,1,2,1,1,1 -7508,1,1,1,2,1,1,1,1,1,1 -7509,1,1,1,1,1,1,2,2,1,1 -7510,1,1,1,1,1,1,2,1,1,1 -7511,1,2,2,2,2,2,2,2,2,2 -7512,1,1,1,2,1,1,1,1,2,2 -7513,1,1,1,1,1,1,1,1,1,1 -7514,2,,,,,,,,, -7515,1,1,1,1,1,1,2,1,1,1 -7516,1,2,2,2,2,2,2,2,2,2 -7517,1,1,1,1,1,1,2,2,1,1 -7518,1,1,1,1,1,1,2,2,1,1 -7519,2,,,,,,,,, -7520,1,1,1,1,1,1,2,1,1,1 -7521,1,1,1,1,1,1,1,2,2,2 -7522,1,1,1,1,1,1,1,1,1,1 -7523,2,,,,,,,,, -7524,1,1,1,1,1,1,1,1,1,1 -7525,1,2,2,2,1,1,2,2,2,2 -7526,1,1,1,1,1,1,2,2,1,1 -7527,1,1,1,2,1,1,1,1,2,2 -7528,1,1,1,1,1,1,1,1,1,1 -7529,1,1,1,1,1,2,1,2,1,1 -7530,1,1,1,2,2,2,1,2,1,1 -7531,1,1,1,1,1,1,1,2,2,2 -7532,1,1,1,1,1,1,1,2,1,1 -7533,1,1,1,1,1,1,1,1,1,1 -7534,2,,,,,,,,, -7535,1,1,1,1,2,2,2,2,1,1 -7536,1,2,2,2,2,2,2,2,2,2 -7537,1,1,1,1,1,1,1,1,1,2 -7538,1,1,1,1,1,1,2,1,1,1 -7539,1,1,1,1,1,1,1,1,1,1 -7540,1,1,1,1,1,1,1,1,1,1 -7541,1,1,1,1,2,2,1,2,1,1 -7542,1,2,2,2,1,1,2,1,2,2 -7543,1,1,1,1,1,1,2,1,1,1 -7544,1,1,2,2,2,2,2,2,2,2 -7545,1,1,2,1,2,2,1,1,2,2 -7546,1,2,2,2,2,2,2,2,2,2 -7547,1,1,1,1,1,1,2,1,1,2 -7548,2,,,,,,,,, -7549,1,1,1,1,1,1,2,2,1,1 -7550,1,2,2,2,2,2,2,2,2,2 -7551,1,1,1,1,1,1,1,1,1,1 -7552,1,1,1,2,1,1,1,2,2,2 -7553,1,2,2,2,2,2,2,2,2,2 -7554,1,1,1,1,1,1,2,1,1,1 -7555,1,1,1,1,2,2,1,2,1,1 -7556,1,1,1,1,1,1,1,1,1,1 -7557,1,1,1,1,1,2,1,2,1,1 -7558,1,1,1,1,1,1,2,1,1,1 -7559,2,,,,,,,,, -7560,1,1,1,1,1,1,2,1,1,1 -7561,1,2,2,2,2,2,2,2,2,2 -7562,1,2,2,2,2,2,2,2,2,2 -7563,1,1,1,1,1,1,1,1,1,1 -7564,1,1,1,1,1,1,2,1,1,1 -7565,1,1,1,1,2,2,2,2,1,1 -7566,1,1,1,1,1,1,1,1,1,1 -7567,1,1,1,2,1,1,1,2,2,2 -7568,1,1,1,2,1,1,1,1,1,1 -7569,2,,,,,,,,, -7570,1,1,1,1,1,1,2,2,1,1 -7571,1,2,2,2,2,2,2,2,2,2 -7572,1,1,1,1,1,1,1,1,1,1 -7573,1,1,1,1,1,1,1,1,1,1 -7574,1,2,2,2,2,2,2,2,2,2 -7575,1,1,1,1,1,1,1,2,1,1 -7576,2,,,,,,,,, -7577,1,1,1,1,1,1,1,1,1,1 -7578,1,1,1,2,1,1,1,1,1,1 -7579,1,1,1,1,1,1,2,1,1,1 -7580,1,2,2,2,2,2,2,2,2,2 -7581,1,1,1,1,1,1,1,1,1,1 -7582,1,1,1,1,1,1,1,2,1,1 -7583,1,1,1,1,1,1,2,1,1,1 -7584,1,1,1,1,1,1,1,1,1,1 -7585,1,1,1,1,1,1,2,1,1,1 -7586,1,1,1,1,2,2,1,1,1,1 -7587,1,1,1,2,1,1,1,1,2,2 -7588,1,1,1,2,2,2,2,2,2,2 -7589,1,1,1,1,1,1,2,2,1,1 -7590,1,1,1,1,1,1,1,1,1,1 -7591,1,1,1,1,1,1,2,2,1,1 -7592,1,1,2,1,2,2,1,1,1,1 -7593,2,,,,,,,,, -7594,1,1,1,1,1,1,1,1,2,2 -7595,1,1,1,1,1,2,1,2,1,1 -7596,1,2,2,2,2,2,2,2,2,2 -7597,2,,,,,,,,, -7598,1,1,1,1,1,1,2,2,1,1 -7599,1,1,1,1,2,2,1,1,1,1 -7600,1,1,1,1,1,1,2,1,1,1 -7601,1,1,1,2,1,1,1,1,2,2 -7602,1,1,1,1,1,1,1,1,1,1 -7603,2,,,,,,,,, -7604,1,1,1,1,1,1,1,1,1,1 -7605,1,1,2,2,2,2,1,1,2,2 -7606,1,2,2,2,2,2,2,2,2,2 -7607,1,1,1,1,1,1,1,1,1,1 -7608,1,1,1,1,1,1,2,1,1,1 -7609,1,1,2,1,2,2,2,2,2,2 -7610,1,1,2,2,1,1,2,2,2,2 -7611,1,1,1,1,1,1,2,1,1,1 -7612,1,1,1,2,1,1,2,2,2,2 -7613,1,1,1,1,1,1,1,1,1,2 -7614,1,1,1,1,1,1,1,1,1,1 -7615,1,2,2,2,2,2,2,2,2,2 -7616,1,1,1,1,1,1,2,1,1,1 -7617,1,1,1,2,2,2,2,2,2,2 -7618,1,1,1,1,1,2,1,2,1,1 -7619,1,1,1,1,2,2,2,2,1,1 -7620,1,1,1,1,1,1,2,2,1,1 -7621,2,,,,,,,,, -7622,1,2,2,2,2,2,2,2,2,2 -7623,1,1,1,1,2,2,1,1,1,1 -7624,1,1,1,1,1,1,2,2,1,1 -7625,1,1,1,1,1,1,2,2,1,1 -7626,1,1,1,1,2,2,2,2,1,1 -7627,1,1,1,1,1,1,2,1,1,1 -7628,1,1,1,1,1,1,2,1,1,1 -7629,1,1,1,1,1,1,2,1,1,1 -7630,1,1,1,1,1,1,1,2,1,1 -7631,1,1,1,1,1,1,2,1,1,1 -7632,1,2,2,2,1,1,2,2,2,2 -7633,1,1,1,1,1,1,1,1,1,1 -7634,1,1,2,1,2,2,1,1,1,1 -7635,2,,,,,,,,, -7636,1,1,1,1,1,1,2,1,1,1 -7637,1,1,1,2,1,1,2,1,2,2 -7638,1,1,1,2,2,2,2,2,2,2 -7639,1,1,1,1,1,1,2,1,1,1 -7640,2,,,,,,,,, -7641,1,1,1,1,1,1,2,1,1,1 -7642,1,1,1,2,2,2,2,2,2,2 -7643,1,1,1,1,1,1,1,2,1,1 -7644,1,1,1,1,1,1,2,1,1,1 -7645,1,1,1,1,1,1,2,2,1,1 -7646,1,1,1,2,2,2,2,2,1,1 -7647,1,1,1,1,1,1,2,2,1,1 -7648,1,1,1,1,1,1,2,2,1,1 -7649,1,1,1,1,1,1,2,2,1,1 -7650,1,1,1,1,2,2,2,2,1,1 -7651,1,1,1,1,1,1,1,1,1,1 -7652,1,2,2,2,2,2,1,1,2,2 -7653,1,1,1,1,1,1,1,1,1,1 -7654,1,1,1,1,1,2,1,2,1,1 -7655,1,2,2,2,2,2,2,2,2,2 -7656,1,1,1,1,1,1,2,2,1,1 -7657,1,1,1,1,1,1,1,2,2,2 -7658,1,1,1,1,1,1,1,2,2,2 -7659,1,2,2,2,2,2,2,2,2,2 -7660,1,1,1,1,1,1,1,1,1,1 -7661,1,1,1,1,1,1,1,1,1,1 -7662,1,1,2,1,2,2,2,2,2,2 -7663,1,1,1,1,1,1,1,1,1,1 -7664,1,1,1,2,1,1,1,2,1,1 -7665,1,1,1,2,2,2,2,2,2,2 -7666,2,,,,,,,,, -7667,1,2,2,2,1,1,2,2,2,2 -7668,1,2,2,2,2,2,2,2,2,2 -7669,1,1,1,1,1,1,2,2,1,1 -7670,1,2,2,2,2,2,2,2,2,2 -7671,1,1,1,1,1,1,1,1,1,1 -7672,1,1,1,1,2,2,1,2,1,1 -7673,1,1,1,1,1,1,2,1,1,1 -7674,1,1,2,2,2,2,2,2,2,2 -7675,1,1,1,1,1,1,2,1,1,1 -7676,1,1,1,1,1,1,2,1,1,1 -7677,1,2,2,2,2,2,2,2,2,2 -7678,1,1,1,1,1,1,1,1,1,1 -7679,1,1,1,1,1,1,2,1,1,1 -7680,1,1,1,1,1,1,1,1,1,1 -7681,1,1,1,2,2,2,2,2,2,2 -7682,1,1,1,1,2,2,2,2,1,1 -7683,1,1,1,1,1,1,1,1,1,1 -7684,1,1,1,1,1,1,2,2,1,1 -7685,2,,,,,,,,, -7686,1,1,1,1,1,1,2,2,1,1 -7687,1,1,1,1,1,1,1,1,1,1 -7688,1,1,1,1,1,1,2,2,1,1 -7689,1,1,1,1,1,1,1,1,1,1 -7690,1,1,1,1,1,1,2,2,1,1 -7691,1,1,1,2,1,1,2,2,2,2 -7692,1,1,1,1,2,2,2,2,2,2 -7693,2,,,,,,,,, -7694,1,1,1,1,1,1,1,1,1,1 -7695,1,1,1,1,1,1,2,1,1,1 -7696,1,1,1,1,1,1,1,2,1,1 -7697,1,1,1,1,1,2,1,2,1,1 -7698,1,1,1,1,1,1,1,1,1,1 -7699,1,1,1,1,1,1,2,2,1,1 -7700,1,1,1,2,2,2,2,2,1,1 -7701,2,,,,,,,,, -7702,1,1,1,2,1,1,1,1,1,1 -7703,1,1,1,1,1,2,1,2,1,1 -7704,1,2,2,2,2,2,2,2,2,2 -7705,1,1,1,1,2,2,2,2,1,1 -7706,1,1,1,1,1,1,1,1,1,1 -7707,1,1,1,1,1,1,2,1,1,1 -7708,1,1,1,1,1,1,2,2,1,1 -7709,1,1,1,2,1,1,1,1,1,1 -7710,1,2,2,2,1,1,1,1,2,2 -7711,1,1,1,1,1,1,1,1,1,1 -7712,1,1,1,2,1,1,1,2,2,2 -7713,1,1,1,1,1,1,1,2,1,1 -7714,1,1,1,2,1,1,1,2,2,2 -7715,1,1,1,1,1,1,2,1,1,1 -7716,1,1,1,2,1,1,1,2,2,2 -7717,1,1,1,2,1,1,1,2,2,2 -7718,1,1,1,2,2,2,1,1,2,2 -7719,1,1,1,1,1,1,1,1,1,1 -7720,1,1,1,1,1,1,1,1,1,1 -7721,1,1,1,1,1,1,2,2,1,1 -7722,1,2,2,2,2,2,2,2,2,2 -7723,1,1,1,1,1,1,2,2,1,1 -7724,1,1,1,1,1,1,1,1,1,1 -7725,1,2,2,2,1,1,1,1,2,2 -7726,1,1,1,2,1,1,2,2,2,2 -7727,1,1,1,1,1,1,1,1,1,1 -7728,2,,,,,,,,, -7729,1,1,1,1,1,1,1,1,1,1 -7730,1,2,1,2,2,2,2,2,2,2 -7731,2,,,,,,,,, -7732,1,1,1,1,1,2,1,2,1,1 -7733,1,1,2,1,1,1,1,1,2,2 -7734,1,2,2,2,2,2,2,2,1,1 -7735,1,1,1,2,2,2,2,2,2,2 -7736,1,1,1,1,2,2,2,2,1,1 -7737,1,1,1,2,2,2,2,2,2,2 -7738,1,2,2,2,2,2,2,2,2,2 -7739,1,1,1,2,1,1,1,2,2,2 -7740,1,1,1,1,1,1,1,1,1,1 -7741,1,2,2,2,2,2,2,2,2,2 -7742,1,1,1,1,1,1,1,1,1,1 -7743,1,1,1,1,1,1,1,1,1,1 -7744,1,1,1,1,1,1,1,1,1,1 -7745,1,1,1,1,1,1,2,1,1,1 -7746,1,1,1,1,1,1,2,1,1,1 -7747,1,1,1,1,1,1,2,2,1,1 -7748,1,1,1,2,1,1,1,1,1,1 -7749,2,,,,,,,,, -7750,1,1,1,1,1,1,1,1,1,1 -7751,1,1,1,2,2,2,2,2,2,2 -7752,1,1,1,1,1,1,1,1,1,1 -7753,1,1,1,1,1,1,1,1,1,1 -7754,1,1,1,1,1,1,2,1,1,1 -7755,1,1,1,1,1,1,2,2,1,1 -7756,1,1,1,1,1,1,2,1,1,1 -7757,1,1,1,1,1,1,1,1,1,1 -7758,1,1,2,1,2,2,2,2,2,2 -7759,1,1,1,1,1,1,2,1,1,1 -7760,1,1,1,1,2,2,1,1,1,1 -7761,1,1,1,1,1,1,2,2,1,1 -7762,1,1,1,1,2,2,1,1,1,1 -7763,1,2,2,2,2,2,2,2,2,2 -7764,1,1,1,1,1,1,2,1,1,1 -7765,2,,,,,,,,, -7766,1,1,1,1,1,1,1,1,1,1 -7767,1,1,1,1,1,1,2,2,1,1 -7768,1,1,1,1,2,2,2,2,1,1 -7769,2,,,,,,,,, -7770,1,1,1,1,1,1,2,1,1,1 -7771,1,2,2,1,2,2,2,2,1,2 -7772,1,1,1,1,1,1,2,1,1,1 -7773,1,1,1,1,2,2,2,1,1,1 -7774,1,2,2,2,2,2,2,2,2,2 -7775,1,1,1,1,1,1,1,1,1,1 -7776,1,1,1,1,1,1,1,1,1,1 -7777,1,1,1,1,1,1,1,1,1,1 -7778,1,1,2,1,2,2,2,2,2,2 -7779,1,1,1,2,1,1,1,2,2,2 -7780,1,1,1,2,2,2,2,2,2,2 -7781,1,1,1,1,2,2,2,2,1,1 -7782,2,,,,,,,,, -7783,1,1,1,1,1,1,2,2,1,1 -7784,1,1,1,1,2,2,2,2,1,1 -7785,1,1,1,1,2,2,2,1,1,1 -7786,1,1,1,1,1,1,2,2,1,1 -7787,1,1,1,1,2,2,2,2,1,1 -7788,1,1,1,1,1,2,1,2,1,1 -7789,1,1,1,2,1,1,2,2,2,2 -7790,1,1,1,1,1,1,2,1,1,1 -7791,1,1,1,2,1,1,1,1,2,2 -7792,1,2,2,2,1,1,1,2,2,2 -7793,1,1,1,1,2,2,1,1,1,1 -7794,1,1,1,1,2,2,2,2,1,1 -7795,1,2,2,2,2,2,2,2,2,2 -7796,1,1,1,1,1,1,2,1,1,1 -7797,1,2,2,2,2,2,2,2,2,2 -7798,1,2,2,2,2,2,2,2,2,2 -7799,1,1,1,1,1,1,2,2,1,1 -7800,1,1,1,2,1,1,2,2,2,2 -7801,1,1,1,1,2,1,1,1,1,1 -7802,1,1,2,1,1,1,1,1,1,1 -7803,1,1,1,1,1,1,1,1,1,1 -7804,1,1,1,1,1,1,1,1,1,1 -7805,1,1,1,1,1,1,2,1,1,1 -7806,1,1,1,1,1,1,1,2,2,2 -7807,1,2,2,2,2,2,2,2,2,2 -7808,1,1,1,2,1,1,1,2,2,2 -7809,1,1,2,1,1,1,1,1,2,2 -7810,1,2,2,2,2,2,2,2,2,2 -7811,1,1,1,2,2,2,2,2,2,2 -7812,1,1,1,1,1,1,1,1,1,1 -7813,1,1,1,2,1,1,1,2,2,2 -7814,1,2,2,2,2,2,2,2,2,2 -7815,1,1,1,1,1,1,1,1,1,1 -7816,1,1,1,1,1,1,2,1,1,1 -7817,1,2,2,1,1,1,1,1,1,1 -7818,1,1,2,1,2,2,1,1,1,1 -7819,1,2,2,2,2,2,2,2,2,2 -7820,1,2,2,2,2,2,2,2,2,2 -7821,1,1,1,1,1,2,1,2,1,1 -7822,1,1,1,1,1,1,2,1,1,1 -7823,1,1,1,1,1,1,2,1,1,1 -7824,1,1,1,1,2,2,2,2,1,1 -7825,1,1,1,1,1,1,2,1,1,1 -7826,1,1,1,1,2,2,2,1,1,1 -7827,1,1,1,1,1,1,2,2,1,1 -7828,1,1,1,2,1,1,2,2,2,2 -7829,1,1,1,2,1,1,1,2,2,2 -7830,2,,,,,,,,, -7831,1,1,1,1,2,2,1,1,1,1 -7832,1,1,1,1,1,1,1,1,1,1 -7833,1,1,1,1,1,1,2,1,1,1 -7834,1,2,2,2,2,2,2,2,2,2 -7835,1,2,2,2,2,2,2,2,2,2 -7836,1,1,1,1,1,1,2,1,1,1 -7837,1,1,1,1,1,1,2,1,1,1 -7838,1,1,1,1,1,1,1,1,1,1 -7839,1,1,1,1,1,2,1,2,1,1 -7840,1,1,1,1,2,2,2,2,1,1 -7841,2,,,,,,,,, -7842,1,1,1,2,1,2,1,2,2,2 -7843,1,1,1,1,1,1,2,2,1,1 -7844,2,,,,,,,,, -7845,1,2,2,2,2,2,2,2,2,2 -7846,1,2,2,2,2,2,2,2,2,2 -7847,1,2,2,2,2,2,2,2,2,2 -7848,1,1,1,1,1,1,1,1,1,1 -7849,1,1,1,2,1,1,2,2,2,2 -7850,1,1,1,1,2,2,1,2,1,1 -7851,1,1,1,1,1,1,1,1,1,1 -7852,1,1,1,2,2,2,2,2,2,2 -7853,1,1,1,1,1,1,1,1,1,1 -7854,1,1,1,1,1,1,2,2,1,1 -7855,1,1,1,1,1,2,1,2,1,1 -7856,1,1,1,1,2,2,2,1,1,1 -7857,1,1,1,1,1,1,1,1,1,1 -7858,1,1,1,2,2,2,2,2,1,1 -7859,1,1,1,1,1,1,1,1,1,1 -7860,1,2,2,2,1,1,2,2,2,2 -7861,1,1,1,1,2,2,2,1,1,1 -7862,1,1,1,1,1,1,1,1,1,1 -7863,1,1,1,1,1,1,1,1,1,1 -7864,1,1,1,1,1,1,2,2,1,1 -7865,1,1,1,1,1,1,2,2,1,1 -7866,1,1,1,1,1,1,2,2,1,1 -7867,1,1,1,1,2,2,2,2,1,1 -7868,1,1,1,1,1,1,1,1,1,1 -7869,1,1,1,1,1,1,1,1,1,1 -7870,1,1,1,1,1,1,2,1,1,1 -7871,1,1,1,1,1,1,2,1,1,1 -7872,1,1,1,2,1,1,1,1,1,1 -7873,1,1,1,1,1,1,2,2,1,1 -7874,2,,,,,,,,, -7875,1,1,2,1,2,2,1,1,1,1 -7876,1,2,2,2,2,2,1,1,2,2 -7877,1,1,1,2,1,1,2,2,1,1 -7878,1,2,2,2,2,2,2,2,2,2 -7879,1,2,2,2,2,2,2,2,2,2 -7880,1,1,1,1,1,1,1,1,1,1 -7881,1,1,1,1,1,1,2,1,1,1 -7882,1,1,1,1,1,1,1,2,2,2 -7883,1,1,1,1,1,1,1,1,1,1 -7884,1,2,2,2,2,2,2,2,2,2 -7885,1,1,1,2,1,1,1,1,2,2 -7886,1,2,2,2,1,1,2,2,2,2 -7887,1,1,1,1,1,1,1,1,1,1 -7888,1,1,1,1,1,1,2,2,1,1 -7889,2,,,,,,,,, -7890,1,1,1,1,1,1,1,1,1,1 -7891,1,1,1,2,1,1,1,2,2,2 -7892,1,1,1,1,1,1,1,1,1,1 -7893,1,1,1,1,1,1,2,1,1,1 -7894,2,,,,,,,,, -7895,1,1,1,1,1,2,1,2,1,1 -7896,1,1,1,1,1,1,2,1,1,1 -7897,1,2,2,2,2,2,2,2,2,2 -7898,1,1,2,2,1,1,2,2,2,2 -7899,1,1,1,1,1,1,2,1,1,1 -7900,1,1,1,1,1,1,2,1,1,2 -7901,1,2,2,2,2,2,2,2,2,2 -7902,1,1,2,2,1,1,1,1,2,2 -7903,1,1,1,1,1,1,1,2,1,1 -7904,1,1,1,2,1,1,1,1,1,1 -7905,1,1,1,1,1,1,2,2,1,1 -7906,1,2,2,2,2,2,2,2,2,2 -7907,1,1,1,1,1,1,1,1,1,1 -7908,1,1,1,1,2,2,2,2,1,1 -7909,1,1,1,1,2,2,2,2,1,1 -7910,1,1,1,1,1,1,1,1,1,1 -7911,1,1,1,1,1,1,2,1,1,1 -7912,1,1,1,1,1,1,1,1,1,1 -7913,1,1,1,2,1,1,1,1,1,1 -7914,1,1,1,1,1,1,2,1,1,1 -7915,2,,,,,,,,, -7916,1,1,1,1,1,1,1,1,1,1 -7917,2,,,,,,,,, -7918,2,,,,,,,,, -7919,1,1,2,1,2,2,2,2,2,2 -7920,1,1,1,2,1,1,1,2,2,2 -7921,1,2,2,2,2,2,2,2,2,2 -7922,1,1,1,1,1,1,1,1,1,1 -7923,1,1,1,1,1,1,1,2,2,2 -7924,1,1,2,1,2,2,1,1,1,1 -7925,1,1,1,1,1,1,2,1,1,1 -7926,1,1,1,1,1,1,2,1,1,1 -7927,1,1,1,1,1,1,2,1,1,1 -7928,1,1,1,1,1,1,1,1,1,1 -7929,1,1,1,1,1,1,1,1,1,1 -7930,1,1,1,1,1,1,1,1,1,1 -7931,1,2,2,2,2,2,2,2,2,2 -7932,1,2,2,2,2,2,2,2,2,2 -7933,1,1,1,1,1,1,1,1,1,1 -7934,1,1,1,1,1,2,1,2,1,1 -7935,1,1,1,1,1,2,1,2,1,1 -7936,1,1,2,1,2,2,2,2,2,2 -7937,1,1,1,1,1,1,1,1,1,1 -7938,1,1,1,1,1,1,2,1,1,1 -7939,1,1,1,1,1,1,2,1,1,1 -7940,1,1,1,2,1,1,1,1,2,2 -7941,1,1,1,2,1,1,1,1,1,1 -7942,1,1,1,2,1,1,2,2,2,2 -7943,2,,,,,,,,, -7944,1,1,1,1,1,1,1,1,1,1 -7945,1,2,2,2,1,1,1,2,2,2 -7946,1,1,1,1,2,2,2,2,1,1 -7947,1,1,1,1,2,2,1,1,1,1 -7948,1,2,2,2,2,2,2,2,2,2 -7949,1,1,1,1,1,1,2,1,1,1 -7950,1,1,1,1,1,1,1,2,1,1 -7951,1,1,1,1,1,1,2,1,1,1 -7952,2,,,,,,,,, -7953,1,1,1,2,1,1,2,1,2,2 -7954,1,1,1,1,1,1,1,1,1,1 -7955,1,2,2,2,2,2,2,2,2,2 -7956,1,1,1,1,2,2,2,2,1,1 -7957,1,1,1,1,1,1,2,2,1,1 -7958,1,1,1,1,1,2,1,2,1,1 -7959,2,,,,,,,,, -7960,1,1,2,1,2,2,1,1,1,1 -7961,1,1,1,1,1,1,1,2,2,2 -7962,1,1,1,1,1,1,1,1,1,1 -7963,1,1,1,1,1,1,2,2,1,1 -7964,1,1,2,1,2,2,1,1,2,2 -7965,1,1,1,1,1,1,1,1,1,1 -7966,1,1,1,1,1,1,2,1,1,1 -7967,1,1,1,1,2,2,1,1,1,1 -7968,1,1,1,2,1,1,1,2,2,2 -7969,1,1,1,1,1,1,2,2,1,1 -7970,1,1,1,1,1,1,1,2,2,2 -7971,1,1,1,1,1,1,2,1,1,1 -7972,1,1,1,1,1,1,1,1,1,1 -7973,1,2,2,2,2,2,2,2,2,2 -7974,1,1,1,1,1,1,2,1,1,1 -7975,1,1,1,1,1,1,1,2,2,2 -7976,2,,,,,,,,, -7977,2,,,,,,,,, -7978,1,1,1,1,1,1,1,1,2,2 -7979,1,1,1,1,1,1,2,1,1,1 -7980,1,2,2,2,2,2,2,2,2,2 -7981,1,1,1,1,1,1,2,2,1,1 -7982,1,2,2,2,2,2,2,2,2,2 -7983,1,1,1,1,1,1,2,2,1,1 -7984,1,1,1,2,2,2,2,2,2,2 -7985,1,1,1,1,1,1,2,2,1,1 -7986,1,1,1,1,1,1,2,1,1,1 -7987,1,2,2,2,2,2,2,2,2,2 -7988,1,1,1,1,1,1,2,2,1,1 -7989,1,1,1,1,2,2,1,2,1,1 -7990,1,1,1,2,1,1,1,2,2,2 -7991,1,1,2,1,2,2,2,2,2,2 -7992,1,2,2,2,2,2,2,2,2,2 -7993,1,1,1,1,1,2,1,2,1,1 -7994,2,,,,,,,,, -7995,1,1,1,1,1,1,1,1,1,1 -7996,1,2,2,2,2,2,2,2,2,2 -7997,1,1,2,1,2,2,2,2,2,2 -7998,1,2,2,2,1,1,1,1,2,2 -7999,1,1,1,1,1,1,1,1,1,1 -8000,1,1,1,1,1,1,2,1,1,1 -8001,1,1,1,2,2,2,2,2,2,2 -8002,1,1,1,1,1,1,1,1,2,2 -8003,1,1,1,1,1,1,1,2,2,2 -8004,2,,,,,,,,, -8005,1,1,1,1,1,1,1,1,1,1 -8006,1,1,1,2,1,1,1,2,2,2 -8007,2,,,,,,,,, -8008,1,1,1,1,1,1,2,2,1,1 -8009,1,2,2,2,1,1,2,2,2,2 -8010,1,1,1,1,1,1,1,1,1,1 -8011,1,1,1,1,1,1,1,1,1,1 -8012,1,2,2,2,2,2,2,2,2,2 -8013,1,1,1,1,1,1,2,1,1,1 -8014,1,1,1,1,1,1,2,1,1,1 -8015,1,2,2,2,2,2,2,2,2,2 -8016,1,1,1,2,1,1,1,1,1,1 -8017,1,1,1,1,1,1,2,1,1,1 -8018,1,1,1,1,2,2,1,2,1,1 -8019,1,1,1,1,2,2,2,1,1,1 -8020,1,2,2,2,2,2,2,2,2,2 -8021,1,1,1,1,1,1,1,1,1,1 -8022,1,1,1,2,2,2,2,2,2,2 -8023,1,1,1,2,1,1,1,1,2,2 -8024,1,1,1,2,2,2,2,2,1,1 -8025,1,2,2,2,2,2,2,2,2,2 -8026,1,1,1,2,2,2,2,2,2,2 -8027,1,2,2,2,2,2,2,2,2,2 -8028,2,,,,,,,,, -8029,1,2,2,2,2,2,2,2,2,2 -8030,1,2,2,2,2,2,2,2,2,2 -8031,1,1,1,1,1,1,1,2,1,1 -8032,1,1,1,1,1,1,2,1,1,1 -8033,1,1,1,1,1,1,2,1,1,1 -8034,1,1,1,1,1,1,1,2,2,2 -8035,1,2,2,2,2,2,2,2,2,2 -8036,1,1,1,2,1,1,1,2,2,2 -8037,1,1,1,1,1,1,1,1,1,1 -8038,2,,,,,,,,, -8039,1,1,1,1,1,1,1,1,1,1 -8040,1,1,1,1,2,2,2,1,1,1 -8041,1,1,1,1,1,1,2,1,1,1 -8042,1,1,1,1,1,1,1,1,1,1 -8043,1,1,1,1,1,1,1,1,1,1 -8044,1,1,1,1,1,1,1,1,2,1 -8045,1,1,1,1,1,1,1,1,1,1 -8046,1,1,1,1,1,1,2,2,1,1 -8047,1,1,2,2,2,2,2,2,2,2 -8048,1,1,1,1,1,1,1,2,1,1 -8049,1,1,1,1,1,1,2,2,1,1 -8050,1,1,1,2,1,1,1,1,2,2 -8051,1,1,1,1,1,1,1,1,1,1 -8052,1,1,1,1,2,2,1,1,1,1 -8053,1,2,2,2,2,2,2,2,2,2 -8054,1,1,1,2,1,1,1,2,2,2 -8055,1,1,1,1,2,2,2,2,1,1 -8056,1,2,2,2,2,2,2,2,2,2 -8057,1,1,2,1,2,2,1,1,1,1 -8058,1,1,1,2,1,1,1,2,2,2 -8059,1,1,1,1,1,1,2,2,1,1 -8060,1,1,1,2,1,1,1,1,2,2 -8061,1,1,1,1,1,1,2,2,1,1 -8062,1,1,1,2,2,2,2,2,2,2 -8063,1,1,1,1,2,2,2,2,1,1 -8064,2,,,,,,,,, -8065,1,1,1,1,1,1,2,2,1,2 -8066,2,,,,,,,,, -8067,1,1,1,2,1,1,2,2,2,2 -8068,1,1,1,1,1,2,1,2,1,1 -8069,1,1,1,1,2,2,1,1,1,1 -8070,1,1,2,1,2,2,2,2,2,2 -8071,2,,,,,,,,, -8072,1,1,1,1,1,1,1,1,1,1 -8073,1,1,1,1,1,1,1,1,1,1 -8074,1,1,1,2,1,1,1,2,2,2 -8075,1,1,1,1,1,1,2,1,1,1 -8076,1,1,1,2,2,2,2,2,1,1 -8077,1,1,2,2,2,2,2,2,2,2 -8078,1,1,1,1,1,1,1,1,1,1 -8079,1,2,2,2,2,2,2,2,2,2 -8080,1,1,1,2,1,1,1,2,1,1 -8081,1,1,1,1,1,1,1,1,1,1 -8082,2,,,,,,,,, -8083,1,1,1,1,1,1,2,1,1,1 -8084,1,1,1,1,1,1,1,1,1,1 -8085,1,1,1,1,1,1,2,1,1,1 -8086,1,1,1,1,1,1,1,1,1,1 -8087,1,1,1,1,1,1,1,1,1,1 -8088,1,1,1,2,1,1,1,2,2,2 -8089,1,1,1,1,1,1,2,2,1,1 -8090,1,1,1,2,1,1,1,2,2,2 -8091,1,1,1,1,1,1,2,2,1,1 -8092,1,1,1,1,2,2,1,1,1,1 -8093,2,,,,,,,,, -8094,1,1,1,2,1,1,1,2,2,2 -8095,1,2,2,2,2,2,2,2,2,2 -8096,1,1,1,1,1,1,1,1,1,1 -8097,1,1,1,1,1,1,2,1,1,1 -8098,2,,,,,,,,, -8099,1,1,1,1,1,1,1,1,1,1 -8100,1,1,1,1,1,1,1,1,1,1 -8101,1,1,1,1,1,1,1,1,1,1 -8102,1,2,2,2,2,2,2,2,2,2 -8103,1,1,1,1,1,1,1,1,1,1 -8104,1,2,2,2,2,2,2,2,2,2 -8105,2,,,,,,,,, -8106,1,1,1,1,1,1,1,1,1,1 -8107,1,1,1,2,1,1,1,1,2,2 -8108,2,,,,,,,,, -8109,1,1,1,2,1,1,2,2,1,1 -8110,1,1,1,1,1,1,2,2,1,1 -8111,1,2,2,2,2,2,2,2,2,2 -8112,1,1,1,1,1,1,2,1,1,1 -8113,1,1,1,2,1,1,1,1,1,1 -8114,2,,,,,,,,, -8115,1,1,2,1,2,2,1,1,2,2 -8116,1,2,2,2,2,2,2,2,2,2 -8117,1,1,1,1,1,1,1,1,1,1 -8118,1,1,1,1,1,1,1,1,2,2 -8119,1,1,1,2,1,1,1,1,1,1 -8120,1,1,1,1,1,1,1,1,1,1 -8121,1,1,1,2,1,1,1,1,2,2 -8122,1,1,1,1,1,1,1,1,1,1 -8123,1,1,1,1,1,1,2,1,1,1 -8124,1,1,1,1,1,1,2,2,1,1 -8125,1,1,1,2,2,2,2,2,2,2 -8126,1,1,1,1,1,1,2,2,1,2 -8127,1,1,1,1,1,2,1,2,1,1 -8128,1,2,2,2,2,2,2,2,2,2 -8129,1,1,1,1,1,1,1,2,2,2 -8130,1,1,1,2,1,1,1,2,2,2 -8131,1,1,1,2,1,1,1,1,1,1 -8132,2,,,,,,,,, -8133,1,1,1,1,1,1,2,1,1,1 -8134,1,1,1,2,2,2,2,2,2,2 -8135,2,,,,,,,,, -8136,2,,,,,,,,, -8137,1,1,1,2,2,2,2,2,2,2 -8138,2,,,,,,,,, -8139,1,1,1,1,2,2,2,1,1,1 -8140,2,,,,,,,,, -8141,1,1,1,1,1,1,1,1,1,1 -8142,1,1,1,2,1,1,1,1,2,2 -8143,1,1,1,1,1,1,2,2,1,1 -8144,2,,,,,,,,, -8145,1,1,1,1,1,2,1,2,1,1 -8146,1,1,2,2,2,2,2,2,2,2 -8147,1,1,1,1,1,1,1,2,1,1 -8148,2,,,,,,,,, -8149,1,2,2,2,1,1,1,1,2,2 -8150,1,1,2,1,2,2,1,1,1,1 -8151,1,1,1,2,1,1,1,2,2,2 -8152,1,1,1,2,2,2,2,2,2,2 -8153,1,2,2,2,2,2,2,2,2,2 -8154,1,1,1,1,1,1,2,1,1,1 -8155,1,1,1,1,1,1,2,1,1,1 -8156,1,1,1,1,1,1,2,2,1,1 -8157,1,1,1,2,1,1,1,1,2,2 -8158,1,1,1,2,1,1,1,1,2,2 -8159,1,1,1,1,1,1,1,1,1,1 -8160,1,1,1,2,1,1,1,2,1,1 -8161,1,1,1,1,1,1,1,1,1,1 -8162,1,1,1,2,1,1,2,2,1,1 -8163,1,1,1,1,1,1,2,1,1,1 -8164,1,1,1,1,1,1,2,2,1,1 -8165,1,1,1,2,1,1,1,2,1,1 -8166,1,1,1,1,1,1,1,2,2,2 -8167,1,1,1,1,1,1,1,1,1,1 -8168,1,1,1,1,2,2,2,2,2,1 -8169,1,1,1,1,1,1,1,1,1,1 -8170,1,1,1,2,1,1,1,1,2,2 -8171,2,,,,,,,,, -8172,1,1,1,2,1,1,1,2,2,2 -8173,1,2,2,2,2,2,2,2,2,2 -8174,1,1,2,1,2,2,1,1,2,2 -8175,1,1,1,1,1,1,2,2,1,1 -8176,1,1,1,1,2,2,2,2,1,1 -8177,1,1,1,2,1,1,1,2,2,2 -8178,1,1,2,1,2,2,1,1,2,2 -8179,1,1,1,1,1,1,2,2,1,1 -8180,1,1,1,1,2,2,2,2,1,1 -8181,1,2,2,2,2,2,2,2,2,2 -8182,1,1,1,1,1,1,1,1,1,1 -8183,1,1,1,1,1,1,2,1,1,1 -8184,1,1,1,1,2,2,2,2,1,1 -8185,1,1,1,2,2,2,2,2,2,2 -8186,1,1,1,1,1,1,2,1,1,1 -8187,1,1,1,1,1,1,2,1,1,1 -8188,1,2,2,2,2,2,2,2,2,2 -8189,1,1,1,1,2,2,2,1,1,1 -8190,2,,,,,,,,, -8191,1,1,1,1,1,1,2,2,1,1 -8192,1,1,1,1,1,1,1,1,1,1 -8193,1,1,1,1,1,2,1,2,1,1 -8194,1,1,1,1,1,1,2,2,1,1 -8195,1,1,1,2,2,2,2,2,2,2 -8196,1,1,1,1,1,1,2,1,1,1 -8197,1,1,1,2,1,1,1,2,2,2 -8198,1,1,2,1,1,1,2,2,1,1 -8199,1,2,2,2,2,2,2,2,2,2 -8200,1,2,2,2,2,2,2,2,2,2 -8201,1,1,1,1,1,1,1,2,2,2 -8202,1,1,1,1,1,2,1,1,1,1 -8203,1,1,1,1,1,1,2,1,1,1 -8204,1,1,1,1,1,1,2,1,1,1 -8205,1,1,1,1,2,2,2,2,1,1 -8206,1,1,2,2,2,2,2,2,2,2 -8207,1,1,2,1,2,2,2,2,2,2 -8208,1,1,1,1,1,1,2,1,1,1 -8209,1,1,1,2,1,1,1,1,1,1 -8210,1,1,1,1,1,1,1,1,1,1 -8211,1,2,2,2,2,2,1,1,2,2 -8212,1,1,1,1,1,1,2,2,1,1 -8213,1,1,1,1,1,1,1,1,1,1 -8214,1,1,1,2,1,1,1,2,2,2 -8215,1,1,1,1,2,2,1,1,1,1 -8216,1,1,1,2,1,1,1,1,2,2 -8217,1,1,1,1,2,2,2,2,1,2 -8218,1,2,2,2,2,2,2,2,2,2 -8219,1,2,2,2,2,2,2,2,2,2 -8220,1,1,1,1,1,1,2,1,1,1 -8221,1,1,1,1,1,1,2,1,1,1 -8222,1,1,1,1,1,1,2,2,1,1 -8223,1,1,1,1,1,1,1,1,1,1 -8224,2,,,,,,,,, -8225,1,1,1,1,1,1,2,1,1,1 -8226,1,2,2,2,2,2,2,2,2,2 -8227,1,1,1,1,1,1,2,2,1,1 -8228,1,1,1,1,1,1,2,2,1,1 -8229,1,1,1,1,2,2,2,1,1,1 -8230,1,2,2,2,2,2,2,2,2,2 -8231,2,,,,,,,,, -8232,1,1,1,2,2,2,1,1,2,2 -8233,1,1,1,1,1,1,2,2,1,1 -8234,1,2,2,1,1,1,1,1,1,1 -8235,1,1,1,2,2,2,2,2,2,2 -8236,1,2,2,2,2,2,2,2,2,2 -8237,1,1,1,1,1,1,1,1,1,1 -8238,1,1,1,1,1,1,1,1,1,1 -8239,1,1,1,1,1,1,2,1,1,2 -8240,1,2,2,2,1,1,1,1,2,2 -8241,1,1,1,2,1,1,1,2,1,1 -8242,1,1,1,1,1,1,2,2,1,1 -8243,1,1,1,1,1,2,1,2,1,1 -8244,2,,,,,,,,, -8245,1,1,1,1,1,1,1,1,1,1 -8246,1,2,2,2,2,2,2,2,2,2 -8247,2,,,,,,,,, -8248,1,1,1,1,1,1,1,2,2,2 -8249,1,1,1,1,1,1,2,2,1,1 -8250,1,1,1,1,2,2,1,1,1,1 -8251,1,2,2,2,2,2,2,2,2,2 -8252,1,1,1,1,1,1,1,1,1,1 -8253,1,2,2,2,2,2,2,2,2,2 -8254,1,1,1,1,1,1,1,1,1,1 -8255,1,1,1,1,1,1,2,1,1,1 -8256,1,1,1,1,1,1,2,2,1,1 -8257,1,1,1,1,1,1,1,1,1,1 -8258,1,1,1,1,1,1,2,2,1,1 -8259,1,1,2,1,2,2,1,1,1,1 -8260,1,1,1,1,1,1,1,1,1,1 -8261,1,1,1,1,1,1,2,1,1,1 -8262,1,1,1,1,1,1,1,1,1,1 -8263,2,,,,,,,,, -8264,1,2,2,2,2,2,2,2,2,2 -8265,1,1,1,1,1,2,1,2,1,1 -8266,1,1,1,2,1,1,2,2,2,2 -8267,1,1,1,1,1,1,2,2,1,1 -8268,1,1,1,2,1,1,1,1,1,1 -8269,2,,,,,,,,, -8270,1,2,2,2,2,2,2,2,2,2 -8271,1,1,1,2,2,2,1,1,1,1 -8272,1,1,1,1,1,1,2,1,1,1 -8273,1,1,1,2,1,1,1,2,2,2 -8274,1,1,1,1,1,1,1,1,1,1 -8275,1,1,1,1,1,1,2,1,1,1 -8276,1,1,1,1,2,2,2,1,1,1 -8277,2,,,,,,,,, -8278,1,1,1,1,1,1,1,1,1,1 -8279,1,1,2,1,2,1,1,1,1,1 -8280,1,1,1,2,1,1,1,2,2,2 -8281,1,1,1,1,1,1,2,2,1,1 -8282,1,1,1,1,2,2,2,2,1,1 -8283,1,1,1,1,1,1,1,1,1,1 -8284,1,1,1,2,2,2,1,1,2,2 -8285,1,2,2,2,2,2,2,2,2,2 -8286,1,1,1,1,1,1,2,1,1,1 -8287,1,1,1,2,2,2,2,2,2,2 -8288,1,1,1,1,1,1,1,1,1,1 -8289,1,1,1,1,1,1,2,2,1,1 -8290,2,,,,,,,,, -8291,1,1,1,1,1,1,2,2,1,1 -8292,1,1,1,2,1,1,1,1,1,1 -8293,1,1,1,1,1,1,1,1,1,1 -8294,1,1,1,1,1,1,2,1,1,1 -8295,1,1,1,1,1,1,2,2,1,1 -8296,1,2,2,2,2,2,2,2,2,2 -8297,1,1,1,2,2,2,2,2,2,2 -8298,1,1,1,1,1,1,1,1,1,1 -8299,1,1,1,1,1,1,2,1,1,1 -8300,1,1,2,2,2,2,2,2,2,2 -8301,1,1,1,2,2,2,2,2,2,2 -8302,1,1,1,2,1,1,1,1,1,1 -8303,1,1,1,2,1,1,1,1,2,2 -8304,1,1,1,1,1,1,2,1,1,1 -8305,1,1,1,1,1,1,2,2,1,1 -8306,1,1,1,1,1,1,2,1,1,1 -8307,1,1,2,1,2,2,2,2,2,2 -8308,2,,,,,,,,, -8309,1,1,1,2,1,1,1,2,2,2 -8310,1,1,1,1,1,1,1,1,1,1 -8311,1,1,1,1,1,1,2,2,1,1 -8312,1,1,1,2,1,1,2,2,1,1 -8313,1,2,2,2,2,2,2,2,2,2 -8314,1,1,1,2,1,1,1,1,2,2 -8315,1,1,1,1,1,1,1,1,1,1 -8316,1,2,2,2,2,2,2,2,2,2 -8317,1,1,1,2,1,1,1,2,2,2 -8318,1,1,1,1,1,1,2,1,1,1 -8319,1,2,2,2,2,2,2,2,2,2 -8320,1,1,1,1,1,1,1,1,1,1 -8321,1,1,1,1,1,1,2,1,1,1 -8322,1,1,1,1,1,1,2,2,1,1 -8323,1,1,1,2,1,1,2,1,2,2 -8324,1,1,1,1,1,1,2,1,1,1 -8325,1,1,1,1,2,2,1,2,1,1 -8326,1,1,1,2,1,1,1,1,1,1 -8327,1,2,2,2,2,2,2,2,2,2 -8328,1,1,1,1,1,1,2,2,1,1 -8329,1,1,1,1,1,1,1,1,1,1 -8330,1,1,1,1,2,2,2,1,1,1 -8331,1,1,1,1,1,1,2,1,1,1 -8332,1,2,2,2,2,2,2,2,2,2 -8333,1,1,1,1,2,2,2,2,1,1 -8334,1,1,1,1,1,1,2,1,1,1 -8335,1,1,1,2,1,1,1,2,2,2 -8336,1,1,2,2,2,2,1,1,2,2 -8337,1,1,1,2,1,1,2,2,2,2 -8338,2,,,,,,,,, -8339,1,1,1,2,1,1,1,1,2,2 -8340,1,1,1,2,1,1,1,2,2,2 -8341,1,1,1,1,1,1,2,1,1,1 -8342,2,,,,,,,,, -8343,2,,,,,,,,, -8344,1,1,1,1,2,2,1,1,1,1 -8345,1,2,2,2,2,2,2,2,2,2 -8346,1,1,1,2,1,1,1,1,2,2 -8347,1,1,2,1,2,2,2,2,2,2 -8348,1,1,1,2,1,1,1,2,2,2 -8349,1,1,1,1,1,1,1,2,1,1 -8350,1,1,1,1,1,1,2,2,1,1 -8351,1,1,1,1,1,1,1,1,1,1 -8352,1,2,2,2,2,2,2,2,2,2 -8353,2,,,,,,,,, -8354,1,1,1,2,1,1,1,1,1,1 -8355,1,1,1,1,2,2,2,2,1,1 -8356,1,2,2,2,2,2,2,2,2,2 -8357,2,,,,,,,,, -8358,1,1,1,1,1,1,1,1,1,1 -8359,2,,,,,,,,, -8360,1,1,1,1,1,1,1,2,1,1 -8361,1,1,1,1,1,1,1,1,1,1 -8362,1,1,1,1,1,1,2,2,1,1 -8363,1,1,1,1,1,1,1,2,1,1 -8364,2,,,,,,,,, -8365,1,1,1,2,2,2,2,2,2,2 -8366,1,1,1,1,1,1,2,2,1,1 -8367,1,2,2,2,2,2,2,2,2,2 -8368,1,1,1,2,1,1,1,1,2,2 -8369,1,1,1,1,1,1,2,1,1,1 -8370,1,1,1,1,1,1,2,2,1,1 -8371,1,1,1,1,2,2,2,2,1,1 -8372,1,1,1,1,1,1,1,1,1,1 -8373,1,1,1,1,2,2,2,1,1,1 -8374,1,2,2,2,2,2,2,2,2,2 -8375,1,1,1,2,1,1,1,1,2,2 -8376,1,2,2,2,2,2,2,2,2,2 -8377,1,1,1,1,1,1,1,1,1,1 -8378,1,1,1,1,2,2,2,1,1,1 -8379,1,1,2,2,1,1,2,2,2,2 -8380,1,2,2,2,2,2,2,2,2,2 -8381,1,1,1,1,2,2,2,2,1,1 -8382,1,2,2,2,2,2,2,2,2,2 -8383,1,2,2,2,2,2,2,2,2,2 -8384,1,1,1,1,1,2,1,2,1,1 -8385,1,2,2,2,2,2,2,2,2,2 -8386,1,1,1,1,1,1,1,2,1,1 -8387,1,2,2,2,2,2,2,2,2,2 -8388,1,1,1,1,2,2,2,2,1,1 -8389,1,1,1,1,1,1,1,1,1,1 -8390,2,,,,,,,,, -8391,1,1,1,1,1,1,1,1,1,1 -8392,1,1,1,1,1,1,1,1,2,2 -8393,1,1,1,1,1,1,1,1,1,1 -8394,1,2,2,2,2,2,2,2,2,2 -8395,1,1,1,1,2,2,1,1,1,1 -8396,1,2,2,2,2,2,2,2,1,1 -8397,1,1,1,1,1,1,2,1,1,1 -8398,1,1,2,2,1,1,1,1,2,2 -8399,1,1,1,1,1,1,2,1,1,1 -8400,1,2,2,1,1,1,1,1,1,1 -8401,1,1,1,1,1,1,1,1,1,1 -8402,1,1,1,1,1,1,1,1,1,1 -8403,1,1,1,2,1,1,1,1,1,1 -8404,1,1,1,1,1,1,2,1,1,1 -8405,1,1,1,1,1,1,1,1,1,1 -8406,2,,,,,,,,, -8407,1,2,2,2,2,2,2,2,2,2 -8408,1,1,2,1,2,2,1,1,1,1 -8409,1,1,1,2,1,1,2,2,2,2 -8410,1,1,1,2,1,1,1,1,2,2 -8411,1,1,1,1,1,1,2,1,1,1 -8412,1,1,1,1,1,2,1,2,1,1 -8413,1,1,1,2,1,1,2,1,2,2 -8414,1,1,1,1,2,2,2,2,1,1 -8415,1,1,1,2,2,2,2,2,2,2 -8416,2,,,,,,,,, -8417,1,1,1,1,1,1,2,1,1,1 -8418,1,2,2,2,2,2,2,2,2,2 -8419,1,1,1,2,1,1,1,1,2,2 -8420,1,1,1,2,1,1,1,1,1,1 -8421,1,2,2,2,2,2,2,2,2,2 -8422,1,1,1,1,1,1,2,1,1,1 -8423,2,,,,,,,,, -8424,1,1,1,2,1,1,2,1,2,2 -8425,1,1,1,1,1,1,1,1,1,1 -8426,1,2,2,2,2,2,2,2,2,2 -8427,1,2,2,2,2,2,2,2,2,2 -8428,1,1,1,1,1,1,1,2,1,1 -8429,1,1,1,1,1,1,2,1,1,1 -8430,1,1,1,2,1,1,2,2,2,2 -8431,1,1,1,2,1,1,1,1,2,2 -8432,1,1,1,1,1,1,2,1,1,1 -8433,2,,,,,,,,, -8434,2,,,,,,,,, -8435,1,1,1,1,1,1,1,1,1,1 -8436,1,1,1,1,1,1,2,1,1,1 -8437,1,2,2,2,2,2,2,2,2,2 -8438,1,1,1,1,1,1,2,2,1,1 -8439,1,1,1,1,1,1,1,1,1,1 -8440,1,1,1,1,2,2,1,1,1,1 -8441,1,1,1,1,1,2,1,2,1,1 -8442,1,1,2,1,2,2,2,2,2,2 -8443,1,1,1,1,1,1,1,1,1,1 -8444,1,1,1,1,2,2,2,2,1,1 -8445,1,2,2,2,2,2,2,2,2,2 -8446,1,1,1,2,1,1,1,1,1,1 -8447,1,1,1,1,2,2,2,2,1,1 -8448,1,1,2,2,2,2,1,1,2,2 -8449,2,,,,,,,,, -8450,1,1,1,1,1,1,1,1,1,1 -8451,1,1,1,1,1,1,1,1,1,1 -8452,1,2,2,2,1,1,2,2,2,2 -8453,1,1,1,1,1,1,2,1,1,1 -8454,2,,,,,,,,, -8455,1,1,1,1,1,1,1,1,1,1 -8456,1,2,2,2,2,2,2,2,2,2 -8457,1,1,1,1,1,1,1,1,1,1 -8458,1,1,1,2,1,1,1,1,1,1 -8459,2,,,,,,,,, -8460,1,1,1,1,1,1,2,1,1,1 -8461,1,1,1,1,1,1,2,1,1,1 -8462,1,1,1,1,1,1,2,2,1,1 -8463,1,2,2,2,2,2,2,2,2,2 -8464,1,1,2,1,2,2,2,2,2,2 -8465,2,,,,,,,,, -8466,1,1,1,2,1,1,1,1,1,1 -8467,1,2,2,2,1,1,1,1,2,2 -8468,1,2,2,2,2,2,2,2,2,2 -8469,1,1,1,1,1,1,2,1,1,1 -8470,1,1,2,2,2,2,2,2,2,2 -8471,1,1,2,1,2,2,1,1,1,1 -8472,2,,,,,,,,, -8473,1,2,2,2,2,2,2,2,2,2 -8474,1,1,2,2,1,1,1,1,2,2 -8475,1,1,1,1,1,1,1,1,1,1 -8476,1,1,1,1,1,1,2,1,1,2 -8477,1,1,1,2,1,1,2,2,2,2 -8478,1,2,2,2,2,2,2,2,2,2 -8479,2,,,,,,,,, -8480,1,1,1,2,2,2,2,2,2,2 -8481,1,1,1,1,1,1,2,1,1,1 -8482,1,1,1,1,1,1,1,1,1,1 -8483,1,1,1,1,1,1,1,1,1,1 -8484,1,1,1,1,2,2,1,1,2,2 -8485,1,1,1,1,1,1,2,1,1,1 -8486,2,,,,,,,,, -8487,1,1,1,1,2,2,2,2,1,1 -8488,1,1,1,2,1,1,1,2,1,1 -8489,1,1,1,1,1,1,1,1,1,1 -8490,1,1,1,1,2,2,1,1,1,1 -8491,1,1,1,1,1,1,2,2,2,2 -8492,1,1,1,1,1,1,2,1,1,1 -8493,1,1,1,1,1,1,1,1,1,1 -8494,1,1,1,1,2,2,2,1,1,1 -8495,1,2,2,2,1,1,2,2,2,2 -8496,1,1,1,1,1,1,2,1,1,1 -8497,2,,,,,,,,, -8498,1,1,1,1,1,1,2,1,1,1 -8499,1,1,1,1,1,1,1,1,1,1 -8500,1,1,1,1,1,1,2,1,1,1 -8501,1,1,1,1,1,1,1,2,1,1 -8502,1,1,1,1,1,1,2,1,1,1 -8503,1,2,2,2,2,2,2,2,2,2 -8504,1,1,1,1,2,2,2,2,1,1 -8505,1,1,1,1,1,2,1,2,1,1 -8506,1,1,1,1,1,1,2,1,1,1 -8507,1,1,1,1,1,1,2,2,1,1 -8508,1,1,1,1,1,1,1,1,1,1 -8509,1,1,1,1,1,1,2,1,1,1 -8510,1,1,1,1,1,1,2,1,1,1 -8511,1,2,2,2,2,2,2,2,2,2 -8512,1,1,1,2,1,1,1,1,2,2 -8513,1,1,1,1,1,1,2,1,1,1 -8514,1,2,2,2,2,2,2,2,2,2 -8515,1,2,2,2,2,2,2,2,2,2 -8516,1,1,1,1,1,1,1,1,1,1 -8517,1,1,1,1,1,1,2,1,1,1 -8518,1,1,1,2,1,1,1,1,2,2 -8519,1,2,2,2,2,2,2,2,2,2 -8520,1,1,1,1,1,1,1,1,1,1 -8521,1,2,2,2,2,2,2,2,2,2 -8522,1,1,1,1,1,1,2,2,1,1 -8523,1,2,1,2,1,1,1,2,2,2 -8524,1,2,2,2,2,2,2,2,2,2 -8525,1,2,2,2,2,2,2,2,2,2 -8526,1,2,2,2,2,2,2,2,2,2 -8527,1,1,2,2,2,2,2,2,2,2 -8528,1,2,2,2,2,2,2,2,2,2 -8529,1,2,2,2,2,2,2,2,2,2 -8530,1,1,1,1,1,1,2,1,1,1 -8531,1,1,1,1,2,2,2,2,1,1 -8532,1,1,1,1,1,1,2,2,1,1 -8533,1,1,1,1,2,2,1,2,1,1 -8534,2,,,,,,,,, -8535,1,1,1,1,1,1,1,1,1,1 -8536,1,2,2,2,2,2,2,2,2,2 -8537,1,2,2,2,2,2,2,2,2,2 -8538,1,1,1,1,2,2,2,2,1,1 -8539,1,1,1,1,1,2,1,2,1,1 -8540,1,1,1,1,2,2,1,1,1,1 -8541,1,1,1,2,1,1,1,1,2,2 -8542,1,1,1,2,1,1,1,1,1,1 -8543,1,1,1,1,1,1,1,1,1,1 -8544,1,1,1,2,2,2,1,1,1,1 -8545,1,1,1,1,1,1,1,1,1,1 -8546,1,1,1,1,1,1,1,1,1,1 -8547,1,1,1,1,1,1,1,1,1,1 -8548,1,1,1,1,1,1,1,1,1,1 -8549,1,1,1,1,1,1,1,1,1,1 -8550,1,1,2,1,2,2,2,2,2,2 -8551,1,1,1,2,1,1,2,2,2,2 -8552,1,1,2,2,2,2,2,2,2,2 -8553,1,1,1,1,1,1,1,1,1,1 -8554,1,1,1,2,1,1,1,1,1,1 -8555,1,1,1,1,1,1,1,1,1,1 -8556,1,2,2,2,2,2,2,2,2,2 -8557,1,1,1,2,1,1,1,2,2,2 -8558,1,1,1,1,1,1,2,1,1,1 -8559,1,2,2,2,2,2,2,2,2,2 -8560,1,1,1,1,1,1,1,2,1,1 -8561,1,1,1,1,1,1,1,2,2,2 -8562,1,2,2,2,2,2,2,2,2,2 -8563,1,2,2,2,2,2,2,2,2,2 -8564,2,,,,,,,,, -8565,1,2,2,2,2,2,2,2,2,2 -8566,1,2,2,2,2,2,2,2,2,2 -8567,1,1,1,1,2,2,2,1,1,1 -8568,1,1,1,1,1,1,1,1,1,1 -8569,1,1,1,1,2,2,1,2,1,1 -8570,1,2,2,2,2,2,2,2,2,2 -8571,1,1,1,1,1,1,2,1,1,1 -8572,1,1,2,1,2,2,1,1,1,1 -8573,1,1,1,1,1,1,1,1,1,1 -8574,1,1,1,1,1,1,2,2,1,1 -8575,1,2,2,2,2,2,2,2,2,2 -8576,1,1,1,2,1,1,1,1,1,1 -8577,1,1,1,1,1,1,1,1,1,1 -8578,1,1,1,1,1,1,1,2,1,1 -8579,1,1,1,2,1,1,1,2,2,2 -8580,1,1,1,1,1,1,2,2,1,1 -8581,1,1,2,1,1,1,1,1,1,1 -8582,1,1,1,1,1,2,1,2,1,1 -8583,1,1,1,2,1,1,1,1,2,2 -8584,1,1,1,1,1,1,2,1,1,1 -8585,2,,,,,,,,, -8586,1,1,1,1,1,2,1,2,1,1 -8587,1,1,1,1,1,1,1,1,1,1 -8588,1,1,1,1,1,1,2,1,1,1 -8589,1,1,1,1,1,1,2,2,1,1 -8590,1,1,1,1,1,1,2,1,1,1 -8591,2,,,,,,,,, -8592,2,,,,,,,,, -8593,2,,,,,,,,, -8594,1,1,1,1,1,1,2,2,1,1 -8595,1,2,2,2,2,2,2,2,2,2 -8596,2,,,,,,,,, -8597,1,1,2,2,2,2,2,2,2,2 -8598,1,2,2,2,2,2,2,2,2,2 -8599,1,1,1,2,1,1,2,2,2,2 -8600,1,2,2,2,2,2,2,2,2,2 -8601,1,1,1,2,1,1,2,2,2,2 -8602,1,1,1,1,1,1,1,1,1,1 -8603,2,,,,,,,,, -8604,1,1,1,1,1,1,1,1,1,1 -8605,1,1,1,1,2,2,1,1,1,1 -8606,1,1,1,2,2,2,2,2,2,2 -8607,2,,,,,,,,, -8608,1,2,2,2,2,2,2,2,2,2 -8609,1,1,1,2,1,1,1,2,2,2 -8610,1,1,1,2,1,1,1,1,1,1 -8611,1,1,1,1,1,1,2,2,1,1 -8612,1,1,1,1,2,2,1,1,1,1 -8613,1,1,1,2,1,1,1,1,2,2 -8614,1,1,2,1,2,2,2,2,2,2 -8615,1,1,1,2,1,1,1,1,2,2 -8616,1,1,1,1,1,1,1,2,1,1 -8617,1,1,1,1,1,1,2,1,1,1 -8618,1,1,1,2,1,1,2,2,1,1 -8619,2,,,,,,,,, -8620,1,1,2,2,1,1,2,2,2,2 -8621,1,1,1,1,1,1,1,1,1,1 -8622,1,1,1,2,1,1,2,2,2,2 -8623,2,,,,,,,,, -8624,1,1,1,1,1,2,1,2,1,1 -8625,2,,,,,,,,, -8626,1,1,1,2,1,1,1,1,1,1 -8627,1,2,2,2,2,2,2,2,2,2 -8628,1,1,1,1,1,1,2,1,1,1 -8629,1,1,1,2,1,1,1,1,2,2 -8630,1,1,1,1,1,1,1,1,1,1 -8631,1,2,2,2,2,2,2,2,2,2 -8632,2,,,,,,,,, -8633,1,1,1,2,1,1,2,2,2,2 -8634,1,1,1,1,1,1,2,2,1,1 -8635,2,,,,,,,,, -8636,1,2,2,2,1,1,1,1,2,2 -8637,1,1,1,1,2,2,1,2,1,1 -8638,1,1,1,2,2,2,2,2,2,2 -8639,2,,,,,,,,, -8640,1,1,2,2,1,1,1,1,2,2 -8641,1,1,1,1,1,2,1,2,1,1 -8642,1,1,1,1,2,2,1,2,1,1 -8643,1,1,1,1,1,1,2,1,1,1 -8644,1,1,1,2,2,2,1,2,1,1 -8645,1,2,2,2,2,2,2,2,2,2 -8646,1,1,1,1,1,1,2,2,1,1 -8647,1,1,1,1,1,1,2,2,1,1 -8648,1,1,1,1,1,1,2,2,1,2 -8649,1,1,1,1,1,1,2,2,1,1 -8650,1,2,2,2,2,2,2,2,2,2 -8651,1,1,1,1,1,1,2,1,1,1 -8652,1,2,2,2,2,2,2,2,2,2 -8653,1,1,1,1,1,1,2,1,1,1 -8654,1,1,1,2,1,1,1,2,2,2 -8655,1,1,1,2,2,2,1,1,2,2 -8656,1,1,1,1,1,1,1,1,1,1 -8657,1,1,1,1,1,1,2,1,1,1 -8658,2,,,,,,,,, -8659,1,2,2,2,2,2,1,1,2,2 -8660,1,1,1,1,1,1,1,1,1,1 -8661,1,1,1,2,1,1,2,2,2,2 -8662,2,,,,,,,,, -8663,1,1,1,1,2,2,1,2,1,1 -8664,1,1,1,1,1,1,1,2,1,1 -8665,1,1,1,1,1,1,2,2,1,1 -8666,1,1,1,2,1,1,2,2,2,2 -8667,1,1,1,1,1,1,1,2,2,2 -8668,1,1,1,1,1,1,2,1,1,1 -8669,1,1,1,2,1,1,1,1,2,2 -8670,1,1,1,1,1,1,2,2,1,1 -8671,1,1,1,2,2,2,1,2,1,1 -8672,1,1,1,2,2,2,2,2,2,2 -8673,1,2,2,1,1,1,1,1,1,1 -8674,1,1,1,1,1,1,1,1,1,1 -8675,1,1,1,1,1,1,1,2,2,2 -8676,1,1,1,1,1,1,2,1,1,1 -8677,1,1,1,2,1,1,2,1,2,2 -8678,1,1,1,1,1,2,1,2,1,1 -8679,1,1,1,2,1,1,2,2,2,2 -8680,1,1,1,1,1,1,1,1,1,1 -8681,2,,,,,,,,, -8682,2,,,,,,,,, -8683,1,1,1,1,1,1,1,1,1,1 -8684,2,,,,,,,,, -8685,1,2,2,2,2,2,2,2,2,2 -8686,1,2,2,2,2,2,2,2,2,2 -8687,2,,,,,,,,, -8688,1,1,1,1,1,1,1,2,2,2 -8689,1,2,2,2,2,2,2,2,2,2 -8690,1,1,1,1,1,1,2,2,1,1 -8691,1,2,2,2,2,2,2,2,2,2 -8692,1,1,1,1,1,1,2,1,1,1 -8693,1,1,1,2,1,1,2,2,2,2 -8694,1,1,1,1,1,1,1,1,1,1 -8695,1,1,1,1,1,1,2,1,1,1 -8696,1,1,1,2,1,1,1,2,2,2 -8697,1,2,2,1,1,1,1,1,1,1 -8698,1,1,1,1,1,1,1,1,1,1 -8699,1,1,1,1,1,1,1,1,1,1 -8700,2,,,,,,,,, -8701,2,,,,,,,,, -8702,2,,,,,,,,, -8703,1,2,2,2,2,2,2,2,2,2 -8704,1,1,1,1,1,1,1,1,1,1 -8705,1,1,1,1,1,1,2,2,1,1 -8706,1,1,1,2,2,2,1,1,2,2 -8707,1,1,1,2,2,2,2,2,2,2 -8708,1,2,2,2,1,1,1,1,2,2 -8709,1,1,1,1,1,1,2,1,1,1 -8710,1,2,2,2,2,2,2,2,2,2 -8711,1,1,1,1,1,2,1,2,1,1 -8712,2,,,,,,,,, -8713,1,1,1,1,2,2,1,1,1,1 -8714,1,1,1,1,1,1,2,2,1,1 -8715,1,1,1,1,1,1,2,1,1,1 -8716,1,1,1,1,2,2,2,2,1,1 -8717,1,1,2,1,2,2,2,2,2,2 -8718,1,1,2,2,2,2,1,1,2,2 -8719,1,1,1,1,2,2,1,1,1,1 -8720,1,1,1,1,1,1,2,1,1,1 -8721,1,1,1,1,1,1,2,2,1,1 -8722,1,1,1,1,1,1,1,1,1,1 -8723,2,,,,,,,,, -8724,1,2,2,2,2,2,2,2,2,2 -8725,1,1,1,1,1,1,2,1,1,1 -8726,1,1,1,2,2,2,2,2,2,2 -8727,1,1,1,1,1,2,1,2,1,1 -8728,1,1,1,1,1,1,2,2,1,1 -8729,1,1,1,2,1,1,1,1,2,2 -8730,1,1,1,1,1,1,2,2,1,1 -8731,2,,,,,,,,, -8732,1,1,1,1,1,1,2,1,1,1 -8733,1,2,2,2,2,2,2,2,2,2 -8734,1,1,1,1,1,1,1,1,1,1 -8735,1,2,2,2,2,2,2,2,2,2 -8736,1,1,1,1,1,1,2,1,1,1 -8737,1,1,1,1,1,2,1,2,1,1 -8738,1,2,2,2,1,1,2,2,2,2 -8739,1,1,1,1,1,1,2,2,1,1 -8740,1,2,2,2,1,1,1,1,1,1 -8741,1,1,1,1,2,2,1,1,1,1 -8742,2,,,,,,,,, -8743,1,1,1,1,1,1,1,1,1,1 -8744,1,2,2,2,2,2,2,2,1,1 -8745,1,1,2,1,2,2,1,1,1,1 -8746,1,1,1,1,2,2,2,1,1,1 -8747,1,1,1,1,1,1,1,1,1,1 -8748,1,1,1,1,1,1,1,1,1,1 -8749,2,,,,,,,,, -8750,1,1,1,1,1,1,2,2,1,1 -8751,1,1,1,1,1,1,1,1,1,1 -8752,1,1,1,2,1,1,2,2,2,2 -8753,2,,,,,,,,, -8754,1,1,1,1,1,1,1,1,1,1 -8755,1,1,1,2,1,1,1,2,2,2 -8756,1,1,1,1,1,1,2,1,1,1 -8757,1,1,1,2,1,1,1,1,2,2 -8758,1,1,1,1,1,1,1,1,1,1 -8759,1,1,1,1,1,1,2,2,1,1 -8760,1,1,1,1,1,1,2,1,1,1 -8761,1,2,2,2,2,2,2,2,2,2 -8762,1,1,1,1,2,2,2,2,1,1 -8763,2,,,,,,,,, -8764,1,1,1,1,1,1,1,1,1,1 -8765,1,1,1,2,1,1,1,2,2,2 -8766,1,1,1,2,1,1,1,2,2,2 -8767,2,,,,,,,,, -8768,1,1,1,1,1,2,1,2,1,1 -8769,1,1,1,1,1,1,2,1,1,1 -8770,1,1,1,2,2,2,2,2,1,1 -8771,1,2,2,2,1,1,1,1,1,1 -8772,1,1,1,2,1,1,1,1,1,2 -8773,2,,,,,,,,, -8774,1,1,1,2,1,1,1,2,2,2 -8775,1,1,2,2,1,1,2,2,2,2 -8776,1,1,1,1,2,2,2,2,1,1 -8777,1,2,2,2,2,2,2,2,2,2 -8778,1,1,1,1,1,1,1,1,1,1 -8779,1,1,1,1,1,1,2,1,1,1 -8780,1,1,1,1,2,2,1,1,1,1 -8781,1,2,2,2,2,2,2,2,2,2 -8782,1,1,1,2,1,1,1,2,2,2 -8783,1,1,1,1,1,1,2,1,1,1 -8784,1,1,1,2,1,1,1,1,1,1 -8785,1,1,1,1,1,2,1,2,1,1 -8786,1,1,1,1,1,1,2,2,1,1 -8787,1,1,1,2,1,1,1,1,1,1 -8788,1,1,1,1,1,1,2,2,1,1 -8789,1,2,2,2,2,2,2,2,2,2 -8790,1,1,1,1,1,1,1,1,1,1 -8791,1,1,1,1,1,1,1,2,2,2 -8792,1,1,1,1,1,1,1,2,1,1 -8793,1,1,1,1,1,1,2,2,1,1 -8794,1,1,1,1,1,2,1,2,1,1 -8795,1,1,1,1,1,2,1,2,1,1 -8796,1,1,1,1,1,1,1,1,1,1 -8797,1,1,1,2,1,1,2,2,2,2 -8798,1,1,1,1,1,1,1,1,1,1 -8799,1,2,2,2,2,2,2,2,2,2 -8800,1,1,1,1,1,1,1,2,2,2 -8801,1,1,1,1,1,2,1,2,1,1 -8802,1,1,1,1,1,1,2,1,1,1 -8803,1,1,1,1,1,1,1,1,1,1 -8804,2,,,,,,,,, -8805,1,1,1,1,1,1,2,1,1,1 -8806,1,2,2,2,2,2,2,2,2,2 -8807,1,1,1,1,1,1,2,2,1,1 -8808,1,1,1,1,1,1,2,1,1,1 -8809,1,2,2,2,2,2,2,2,2,2 -8810,1,2,2,2,2,2,2,2,2,2 -8811,1,1,1,1,1,1,1,1,1,1 -8812,1,1,1,2,1,1,1,2,2,2 -8813,1,1,1,2,2,2,2,2,2,2 -8814,1,1,1,1,1,1,1,1,1,1 -8815,1,1,1,2,2,2,2,2,2,2 -8816,1,1,1,2,2,2,2,2,2,2 -8817,1,1,1,1,1,1,1,1,1,1 -8818,1,1,1,1,1,1,1,1,1,1 -8819,1,1,2,1,2,2,2,2,2,2 -8820,1,1,1,1,1,1,2,2,1,1 -8821,1,1,1,1,1,1,1,1,1,1 -8822,2,,,,,,,,, -8823,1,1,2,1,2,2,1,2,1,1 -8824,1,1,2,1,2,2,1,1,1,1 -8825,1,1,1,1,1,1,1,1,1,1 -8826,1,1,1,1,1,1,2,2,2,2 -8827,1,1,1,1,1,1,2,2,1,1 -8828,1,1,1,2,1,1,1,2,2,2 -8829,1,1,1,1,1,1,2,2,1,2 -8830,1,1,1,1,1,1,2,2,2,1 -8831,1,1,1,1,1,1,1,1,1,1 -8832,1,1,1,1,1,1,2,2,1,1 -8833,2,,,,,,,,, -8834,1,1,1,1,1,2,1,2,1,1 -8835,1,2,2,2,2,2,2,2,2,2 -8836,2,,,,,,,,, -8837,1,1,1,1,1,1,1,1,1,1 -8838,1,1,1,2,1,1,1,2,1,1 -8839,1,1,1,1,1,1,2,1,1,1 -8840,1,1,2,2,1,1,1,2,1,1 -8841,1,1,1,1,2,2,1,1,1,1 -8842,2,,,,,,,,, -8843,2,,,,,,,,, -8844,1,1,1,1,1,1,2,1,1,1 -8845,1,1,1,2,1,1,1,2,2,2 -8846,1,1,1,1,1,1,1,1,1,1 -8847,2,,,,,,,,, -8848,1,1,1,1,1,1,1,1,1,1 -8849,1,1,2,2,2,2,2,2,2,2 -8850,1,1,1,1,2,2,2,2,1,1 -8851,1,1,1,2,1,1,1,1,2,2 -8852,1,1,1,1,1,1,1,1,1,1 -8853,1,1,2,1,1,1,1,1,2,2 -8854,1,1,1,1,1,1,2,1,1,1 -8855,2,,,,,,,,, -8856,1,1,1,1,1,1,2,2,1,1 -8857,1,1,1,2,1,1,1,1,1,1 -8858,1,1,1,1,2,2,2,2,1,1 -8859,1,1,1,1,1,1,2,2,1,1 -8860,1,2,2,2,2,2,2,2,2,2 -8861,2,,,,,,,,, -8862,1,1,1,2,2,2,2,2,2,2 -8863,1,1,1,1,1,1,2,1,1,1 -8864,1,1,1,1,2,2,1,2,1,1 -8865,1,1,1,1,1,1,2,2,1,1 -8866,1,1,1,1,1,1,2,1,1,1 -8867,1,1,1,1,1,1,2,2,1,1 -8868,1,1,1,1,1,1,2,2,1,1 -8869,1,2,2,2,2,2,2,2,2,2 -8870,1,1,1,1,1,1,1,2,2,2 -8871,1,2,2,2,2,2,2,2,2,2 -8872,1,1,1,1,1,1,2,2,1,1 -8873,1,1,1,2,2,2,2,2,2,2 -8874,1,1,1,1,1,1,1,1,1,1 -8875,1,1,1,1,1,1,2,1,1,1 -8876,1,2,2,2,2,2,2,2,2,2 -8877,1,1,1,1,2,2,2,1,1,1 -8878,1,1,1,1,1,1,1,1,1,1 -8879,2,,,,,,,,, -8880,1,1,1,2,2,2,2,2,2,2 -8881,1,2,2,1,1,1,2,1,1,1 -8882,1,1,1,2,2,2,1,2,1,1 -8883,1,2,2,2,2,2,2,2,2,2 -8884,1,1,1,1,1,1,2,1,1,1 -8885,1,1,1,1,1,1,1,1,1,1 -8886,1,1,1,1,1,1,2,2,1,1 -8887,1,1,1,1,1,1,2,1,1,1 -8888,1,2,2,2,2,2,2,2,2,2 -8889,1,1,1,1,1,1,1,1,1,1 -8890,1,1,1,1,1,1,2,1,1,1 -8891,1,1,1,1,1,1,2,1,1,1 -8892,1,2,2,2,2,2,2,2,2,2 -8893,1,1,1,1,1,1,1,1,1,1 -8894,1,1,1,1,1,1,1,1,1,1 -8895,1,1,1,2,1,1,1,2,2,2 -8896,1,1,1,2,1,1,2,2,1,1 -8897,1,1,1,2,1,1,1,1,2,2 -8898,1,2,2,2,2,2,2,2,2,2 -8899,1,1,1,2,2,2,2,2,2,2 -8900,2,,,,,,,,, -8901,1,1,1,1,1,1,1,1,1,1 -8902,1,1,1,2,2,2,2,2,2,2 -8903,1,2,2,2,2,2,2,2,2,2 -8904,1,1,1,1,2,2,2,2,1,1 -8905,1,1,1,1,1,1,1,1,1,1 -8906,1,1,2,1,2,2,2,2,1,1 -8907,1,2,2,2,2,2,2,2,2,2 -8908,1,1,1,1,1,1,2,1,1,1 -8909,1,1,1,2,2,2,1,1,1,1 -8910,1,1,1,1,1,1,1,1,1,1 -8911,1,1,1,1,1,1,2,2,1,1 -8912,1,1,1,1,1,1,2,1,1,1 -8913,1,1,1,1,1,1,1,1,1,1 -8914,1,1,1,1,1,1,2,2,1,1 -8915,1,1,1,2,1,1,1,2,2,2 -8916,1,1,1,1,1,1,1,1,1,1 -8917,1,2,2,2,2,2,2,2,2,2 -8918,1,1,1,1,1,1,2,1,1,1 -8919,1,1,2,2,1,1,1,1,2,2 -8920,1,1,1,1,1,1,2,2,1,1 -8921,1,2,2,2,2,2,2,2,2,2 -8922,1,1,1,1,1,1,1,1,1,1 -8923,1,1,1,1,1,1,2,1,1,1 -8924,2,,,,,,,,, -8925,2,,,,,,,,, -8926,1,1,1,1,1,1,2,2,1,1 -8927,1,1,1,1,1,1,1,1,2,2 -8928,1,2,2,2,2,2,2,2,2,2 -8929,1,1,1,1,1,1,1,1,1,1 -8930,1,1,1,1,1,1,1,2,2,2 -8931,1,2,2,1,1,1,2,2,1,1 -8932,1,1,1,1,1,1,1,1,1,1 -8933,1,2,2,2,2,2,2,2,2,2 -8934,1,1,1,1,1,1,1,1,1,1 -8935,1,2,2,2,1,1,2,2,2,2 -8936,1,1,1,2,1,1,1,2,2,2 -8937,2,,,,,,,,, -8938,1,1,1,1,1,1,2,1,1,1 -8939,2,,,,,,,,, -8940,1,1,1,2,2,2,2,2,2,2 -8941,1,1,1,1,1,1,2,2,1,1 -8942,1,1,1,1,1,1,2,2,1,1 -8943,2,,,,,,,,, -8944,1,1,1,1,1,1,2,1,1,1 -8945,1,1,1,1,2,2,1,2,1,1 -8946,1,1,1,1,1,1,1,1,1,1 -8947,1,2,2,2,2,2,2,2,2,2 -8948,1,1,1,2,1,1,1,1,1,1 -8949,1,1,1,1,1,1,2,1,1,1 -8950,2,,,,,,,,, -8951,1,1,1,2,2,2,2,2,2,2 -8952,2,,,,,,,,, -8953,1,1,1,2,1,1,2,1,2,2 -8954,1,1,1,1,1,1,2,1,1,1 -8955,1,1,1,1,1,1,1,1,1,1 -8956,1,1,1,1,1,1,2,2,1,1 -8957,1,1,1,1,1,2,1,2,1,1 -8958,1,1,1,1,2,2,2,2,1,1 -8959,1,2,2,2,2,2,2,2,2,2 -8960,1,2,2,2,1,1,2,2,2,2 -8961,1,1,1,1,1,1,2,1,1,1 -8962,1,1,1,1,1,1,1,1,1,1 -8963,1,1,1,2,1,1,1,2,2,2 -8964,1,1,1,1,1,2,1,2,1,1 -8965,1,1,1,1,1,1,1,1,1,1 -8966,1,2,2,2,1,1,1,2,2,2 -8967,1,1,1,2,1,1,1,1,2,2 -8968,1,1,1,1,2,2,2,1,1,1 -8969,2,,,,,,,,, -8970,1,1,1,2,1,1,2,2,2,2 -8971,1,1,1,1,1,1,1,1,1,1 -8972,1,1,1,1,2,2,2,2,2,2 -8973,1,1,1,2,2,2,2,2,1,1 -8974,1,1,1,1,1,2,1,2,1,1 -8975,1,1,1,1,2,2,1,1,1,1 -8976,1,1,1,1,1,1,1,1,1,1 -8977,1,1,1,1,1,2,1,2,1,1 -8978,1,2,2,2,1,1,1,1,2,2 -8979,1,2,2,2,2,2,2,2,2,2 -8980,2,,,,,,,,, -8981,1,1,2,1,2,2,2,2,2,2 -8982,1,1,1,1,1,1,2,2,1,1 -8983,1,1,1,1,2,2,2,2,1,1 -8984,1,1,2,2,1,1,1,1,2,2 -8985,2,,,,,,,,, -8986,1,1,1,1,1,1,2,1,1,1 -8987,1,1,1,1,1,1,1,2,2,2 -8988,1,1,1,2,1,1,2,2,2,2 -8989,1,1,2,1,2,2,2,2,1,1 -8990,1,1,1,2,1,1,1,1,1,1 -8991,1,1,1,2,1,1,1,1,2,2 -8992,1,1,1,2,2,2,2,2,2,2 -8993,1,1,1,2,1,1,2,2,1,1 -8994,1,2,2,2,2,2,2,2,2,2 -8995,1,1,1,1,1,1,2,1,1,1 -8996,1,1,1,2,2,2,1,2,1,1 -8997,1,1,1,1,1,1,2,1,1,1 -8998,1,2,2,2,2,2,2,2,2,2 -8999,1,1,1,1,1,1,1,1,1,1 -9000,1,1,1,1,2,2,1,1,1,1 -9001,2,,,,,,,,, -9002,1,1,1,1,1,1,2,1,1,1 -9003,1,2,2,2,2,2,2,2,2,2 -9004,1,1,1,1,1,1,1,1,1,1 -9005,1,1,1,1,1,1,2,2,1,1 -9006,1,1,1,1,1,1,1,1,1,1 -9007,1,2,2,2,2,2,2,2,2,2 -9008,2,,,,,,,,, -9009,1,1,1,1,1,2,1,2,1,1 -9010,1,1,1,1,1,1,1,1,1,1 -9011,1,1,1,1,1,1,2,1,1,1 -9012,1,1,1,1,1,1,1,1,1,1 -9013,1,1,1,1,1,1,1,1,1,1 -9014,1,1,1,1,1,1,1,1,1,1 -9015,1,1,1,1,1,1,1,1,1,1 -9016,1,1,1,1,1,1,2,2,1,1 -9017,2,,,,,,,,, -9018,1,1,1,1,2,2,1,1,1,1 -9019,1,1,1,1,1,2,1,2,1,1 -9020,1,1,2,1,2,2,1,1,1,1 -9021,1,1,1,2,1,1,2,2,2,2 -9022,1,1,1,1,2,2,1,1,1,1 -9023,1,1,1,1,1,1,1,1,1,1 -9024,1,1,1,1,1,1,2,1,1,1 -9025,1,1,1,1,1,2,1,2,1,1 -9026,1,1,1,1,1,1,2,2,1,1 -9027,1,2,2,2,2,2,2,2,2,2 -9028,1,1,1,1,1,1,1,1,1,1 -9029,1,2,2,2,2,2,2,2,2,2 -9030,1,1,1,1,2,2,2,2,1,1 -9031,1,2,2,2,2,2,2,2,2,2 -9032,1,1,1,2,2,2,2,2,2,2 -9033,1,1,2,1,2,2,1,1,1,1 -9034,1,1,1,1,1,1,1,1,1,1 -9035,1,1,1,1,1,1,2,2,1,1 -9036,1,1,1,1,1,2,1,2,1,1 -9037,1,1,1,1,1,1,2,2,1,1 -9038,1,1,2,1,2,2,1,1,1,1 -9039,1,1,1,1,1,1,1,1,1,1 -9040,1,1,1,2,2,2,2,2,2,2 -9041,1,2,2,2,2,2,2,2,2,2 -9042,1,1,1,1,1,1,2,1,1,1 -9043,1,1,1,1,1,1,2,2,1,1 -9044,1,2,2,2,1,1,1,1,2,2 -9045,1,1,1,1,1,1,1,1,1,1 -9046,1,1,1,1,1,1,2,1,1,1 -9047,1,1,1,2,1,1,2,2,2,2 -9048,1,1,1,2,1,1,1,1,1,1 -9049,1,1,1,1,1,1,2,1,1,1 -9050,1,1,1,1,1,1,1,1,1,1 -9051,1,1,1,1,1,1,1,1,1,1 -9052,1,1,1,1,1,1,1,1,1,1 -9053,1,1,1,1,1,1,2,2,1,1 -9054,1,1,1,1,1,1,2,2,1,1 -9055,1,2,2,2,2,2,2,2,2,2 -9056,1,1,1,1,1,1,1,1,2,1 -9057,1,1,1,1,1,1,1,1,1,1 -9058,1,2,2,2,2,2,2,2,2,2 -9059,1,1,1,2,1,1,1,1,2,2 -9060,1,2,2,2,2,2,2,2,2,2 -9061,1,1,1,1,1,2,1,2,1,1 -9062,1,1,1,2,1,1,2,2,2,2 -9063,2,,,,,,,,, -9064,1,1,1,1,2,2,2,2,1,1 -9065,1,1,1,1,1,1,1,1,1,1 -9066,1,1,1,1,1,1,2,1,1,1 -9067,1,2,2,2,2,2,2,2,2,2 -9068,1,2,2,2,2,2,2,2,2,2 -9069,1,1,1,1,1,1,2,2,1,1 -9070,1,1,1,1,1,1,1,1,1,1 -9071,1,2,2,2,2,2,2,2,2,2 -9072,1,1,1,1,1,1,1,2,1,1 -9073,1,1,1,1,1,1,2,1,1,1 -9074,1,1,1,1,1,2,1,2,1,1 -9075,1,2,2,2,2,2,2,2,2,2 -9076,1,1,1,1,2,2,1,1,1,1 -9077,1,1,1,1,1,1,1,1,1,1 -9078,1,1,1,1,1,1,1,1,1,1 -9079,2,,,,,,,,, -9080,1,1,1,1,1,1,1,1,1,1 -9081,1,1,2,1,2,2,2,2,2,2 -9082,1,1,1,1,2,2,2,2,1,1 -9083,1,1,1,1,1,1,1,1,1,1 -9084,1,2,2,2,2,2,2,2,2,2 -9085,1,1,1,2,2,2,2,2,2,2 -9086,1,1,1,2,1,1,1,2,2,2 -9087,1,1,1,1,1,1,1,1,1,1 -9088,1,1,1,1,1,1,1,1,1,1 -9089,1,1,1,1,1,2,1,2,1,1 -9090,1,1,1,1,1,1,1,1,1,1 -9091,1,2,2,2,1,1,2,2,2,2 -9092,1,1,2,1,2,2,2,2,1,1 -9093,1,1,1,1,1,1,1,1,1,1 -9094,2,,,,,,,,, -9095,1,1,1,1,1,1,1,1,2,2 -9096,1,1,1,1,1,1,1,2,2,2 -9097,1,1,1,1,1,1,2,2,1,1 -9098,1,1,1,1,1,1,2,1,1,1 -9099,1,1,1,2,2,2,2,2,2,2 -9100,1,1,1,1,1,1,1,1,1,1 -9101,1,1,1,1,1,1,2,2,1,1 -9102,1,1,1,1,1,1,1,2,1,1 -9103,1,1,1,2,1,1,1,1,1,1 -9104,1,1,1,1,1,1,1,1,1,1 -9105,1,2,2,2,2,2,2,2,2,2 -9106,2,,,,,,,,, -9107,1,1,1,2,2,2,2,2,2,2 -9108,1,1,1,1,2,2,2,2,1,1 -9109,1,1,1,2,1,1,1,1,1,1 -9110,1,1,1,1,1,1,2,1,1,1 -9111,1,1,1,1,1,1,2,1,1,1 -9112,1,1,1,1,1,1,2,1,1,1 -9113,1,2,2,2,2,2,2,2,2,2 -9114,1,1,2,1,2,2,2,2,2,2 -9115,2,,,,,,,,, -9116,1,1,1,1,1,1,1,2,1,1 -9117,1,1,1,1,1,1,1,1,1,1 -9118,1,1,1,1,1,1,2,1,1,1 -9119,1,2,2,2,2,2,2,2,2,2 -9120,1,2,2,2,2,2,2,2,2,2 -9121,1,1,1,2,1,1,1,2,2,2 -9122,1,1,1,1,1,1,1,1,2,2 -9123,1,2,2,2,2,2,2,2,2,2 -9124,1,1,1,1,2,2,1,2,1,1 -9125,2,,,,,,,,, -9126,1,1,1,2,1,1,2,2,2,2 -9127,1,2,2,2,2,2,2,2,2,2 -9128,2,,,,,,,,, -9129,1,1,2,1,2,2,2,2,2,2 -9130,1,1,1,1,2,1,1,1,1,1 -9131,1,2,2,2,1,1,2,2,2,2 -9132,1,1,1,1,2,2,2,2,1,1 -9133,1,1,1,1,2,2,2,2,1,1 -9134,1,1,1,1,1,1,1,1,1,1 -9135,1,1,1,1,1,1,2,2,1,1 -9136,1,1,1,1,1,1,2,1,1,1 -9137,1,2,2,2,2,2,2,2,2,2 -9138,1,1,1,1,1,1,1,1,1,1 -9139,1,1,1,1,2,2,2,2,1,1 -9140,2,,,,,,,,, -9141,1,1,1,1,1,1,1,1,1,1 -9142,1,1,1,2,1,1,2,2,2,2 -9143,1,1,1,1,1,1,1,1,1,1 -9144,1,2,2,2,2,2,2,2,2,2 -9145,1,1,1,1,1,1,1,1,1,1 -9146,1,1,1,1,1,2,1,2,1,1 -9147,1,1,1,1,2,2,2,1,1,1 -9148,1,1,2,1,2,2,2,2,1,1 -9149,1,1,1,2,1,1,1,1,1,1 -9150,1,1,1,1,1,1,1,2,1,1 -9151,1,1,1,2,2,2,1,1,2,2 -9152,1,1,1,2,1,1,1,1,2,2 -9153,1,1,1,2,1,1,1,1,1,1 -9154,1,1,1,1,1,1,2,1,1,1 -9155,1,1,1,1,1,1,1,2,2,2 -9156,1,1,1,1,1,1,2,1,1,1 -9157,1,1,1,2,2,2,2,2,2,2 -9158,1,1,1,1,1,1,2,1,1,1 -9159,1,1,1,1,2,2,2,2,1,1 -9160,1,1,1,1,2,2,1,1,1,1 -9161,1,1,1,1,1,1,1,2,1,1 -9162,1,1,1,1,1,1,1,1,1,1 -9163,2,,,,,,,,, -9164,2,,,,,,,,, -9165,1,1,1,1,1,1,2,2,1,1 -9166,1,1,1,1,1,1,2,2,1,1 -9167,1,2,2,2,2,2,2,2,2,2 -9168,1,1,1,1,2,2,2,2,1,1 -9169,2,,,,,,,,, -9170,1,1,1,1,1,1,1,1,1,1 -9171,1,1,1,1,1,1,2,2,2,2 -9172,2,,,,,,,,, -9173,1,1,1,1,1,1,2,2,1,1 -9174,1,1,1,1,1,1,1,1,1,1 -9175,1,1,2,2,2,2,2,2,2,2 -9176,2,,,,,,,,, -9177,1,1,1,1,1,1,2,1,1,1 -9178,1,1,1,1,1,1,2,2,1,1 -9179,1,1,1,1,1,1,1,1,1,1 -9180,2,,,,,,,,, -9181,1,1,1,1,1,1,1,1,1,1 -9182,1,1,2,2,1,2,2,1,2,2 -9183,1,1,1,1,2,2,1,1,2,2 -9184,1,1,1,1,1,1,1,2,2,2 -9185,1,1,1,1,1,1,2,2,1,1 -9186,1,1,1,2,1,1,1,2,2,2 -9187,1,1,1,1,1,1,1,1,1,1 -9188,1,1,1,1,1,1,1,1,1,1 -9189,1,1,2,1,2,2,2,2,2,2 -9190,1,2,2,2,2,2,2,2,2,2 -9191,1,1,1,2,1,1,1,2,2,2 -9192,1,1,1,1,2,2,1,1,1,1 -9193,1,1,1,1,1,1,2,1,1,1 -9194,1,1,1,1,1,1,2,2,1,1 -9195,1,1,1,2,2,2,2,2,2,2 -9196,1,1,1,1,2,2,1,2,1,1 -9197,1,1,1,1,1,1,1,1,1,1 -9198,1,1,2,1,2,2,2,2,1,1 -9199,1,1,1,1,2,2,1,1,1,1 -9200,1,2,2,2,2,2,2,2,2,2 -9201,1,1,1,2,1,1,1,2,2,2 -9202,1,1,1,2,1,1,1,1,2,2 -9203,1,1,1,1,1,1,1,1,1,1 -9204,1,1,1,2,1,1,1,1,2,2 -9205,1,2,2,2,2,2,2,2,2,2 -9206,1,1,1,1,1,1,2,1,1,1 -9207,1,1,1,1,1,1,1,1,1,1 -9208,1,1,1,1,1,1,2,1,1,1 -9209,1,2,2,2,2,2,2,2,2,2 -9210,1,1,1,2,1,1,1,2,2,2 -9211,1,1,1,1,2,2,1,2,1,1 -9212,1,2,2,2,2,2,2,2,2,2 -9213,1,1,1,2,2,2,2,2,2,2 -9214,1,1,1,1,1,1,2,1,1,1 -9215,1,1,1,1,1,2,1,2,1,1 -9216,1,1,1,1,1,1,1,1,1,1 -9217,1,1,1,1,1,1,2,2,1,1 -9218,1,1,1,1,1,1,2,2,1,1 -9219,1,1,1,1,1,1,1,2,2,2 -9220,1,1,1,2,1,1,1,1,2,2 -9221,1,1,1,1,1,1,2,1,1,1 -9222,1,1,1,1,1,1,2,1,1,1 -9223,2,,,,,,,,, -9224,1,1,1,1,1,1,2,1,1,1 -9225,1,1,1,1,1,1,2,1,1,1 -9226,1,1,1,1,1,1,1,1,1,1 -9227,1,1,1,2,1,1,1,1,2,2 -9228,1,2,2,2,2,2,2,2,2,2 -9229,1,1,2,1,2,2,2,2,2,2 -9230,1,1,1,1,1,1,1,1,1,1 -9231,1,1,2,1,2,2,1,1,1,1 -9232,1,1,1,2,2,2,2,2,2,2 -9233,1,1,1,1,1,1,1,1,1,1 -9234,1,1,2,1,2,2,2,2,2,2 -9235,1,1,1,1,1,1,1,1,1,1 -9236,1,1,1,1,1,1,1,1,1,1 -9237,1,1,1,1,1,1,1,1,1,1 -9238,1,1,1,1,1,1,1,1,1,1 -9239,1,1,1,1,1,1,2,2,1,1 -9240,1,1,1,2,1,1,2,1,2,2 -9241,2,,,,,,,,, -9242,1,1,1,1,1,1,2,2,1,1 -9243,1,1,1,1,1,1,1,1,1,1 -9244,1,1,2,1,2,2,2,2,2,2 -9245,1,1,1,1,1,1,1,1,1,1 -9246,1,1,1,2,1,1,1,2,1,1 -9247,1,1,1,1,1,2,1,2,1,1 -9248,1,1,1,1,1,1,2,2,1,1 -9249,1,1,1,2,2,2,2,2,2,2 -9250,1,1,1,1,2,2,1,1,1,1 -9251,1,1,1,1,1,1,1,1,1,1 -9252,1,2,2,2,2,2,2,2,2,2 -9253,1,2,2,2,2,2,2,2,2,2 -9254,2,,,,,,,,, -9255,1,1,1,2,2,2,2,2,2,2 -9256,1,1,1,1,1,1,2,2,1,1 -9257,1,1,1,1,1,2,1,2,1,1 -9258,1,1,1,1,2,2,2,2,1,1 -9259,1,2,2,2,2,2,2,2,2,2 -9260,1,1,1,2,1,1,2,2,2,2 -9261,1,1,1,1,2,2,1,2,1,1 -9262,1,1,1,1,1,1,1,1,2,2 -9263,1,2,2,2,2,2,2,2,2,2 -9264,1,1,1,2,2,2,2,2,2,2 -9265,1,1,1,1,1,1,2,2,1,1 -9266,1,1,1,1,1,1,2,1,1,1 -9267,2,,,,,,,,, -9268,1,1,1,1,1,1,2,2,1,1 -9269,1,1,1,1,2,2,2,2,1,1 -9270,1,1,1,2,1,1,1,1,1,1 -9271,1,1,1,2,1,1,1,1,1,1 -9272,1,1,1,1,1,1,1,1,1,1 -9273,1,1,1,1,1,1,1,1,1,1 -9274,1,2,2,2,2,2,2,2,2,2 -9275,1,2,2,2,2,2,2,2,2,2 -9276,1,1,1,1,1,1,2,2,1,1 -9277,1,1,1,1,1,1,2,1,1,1 -9278,1,2,2,2,2,2,2,2,2,2 -9279,1,1,1,1,1,1,1,1,1,1 -9280,1,1,1,1,1,1,2,1,1,1 -9281,2,,,,,,,,, -9282,1,1,1,1,1,1,2,2,1,1 -9283,1,1,1,1,1,1,1,1,1,1 -9284,1,1,1,1,1,1,2,2,1,1 -9285,1,1,1,1,1,1,1,1,1,1 -9286,1,1,1,1,1,1,1,1,1,1 -9287,2,,,,,,,,, -9288,1,1,1,1,1,2,1,2,1,1 -9289,1,2,2,2,1,1,2,2,2,2 -9290,1,1,1,2,2,2,2,2,2,2 -9291,1,1,1,2,2,2,2,2,2,2 -9292,1,1,1,1,1,2,1,2,1,1 -9293,1,1,1,1,1,1,2,2,1,1 -9294,1,1,1,1,1,1,2,2,1,1 -9295,1,1,1,1,1,1,1,1,1,1 -9296,1,1,1,1,1,1,2,2,1,1 -9297,1,2,2,2,2,2,2,2,2,2 -9298,1,1,1,1,1,1,2,2,1,1 -9299,1,1,1,2,1,1,2,2,2,2 -9300,1,1,1,1,1,1,1,2,1,1 -9301,1,1,1,1,2,2,1,1,1,1 -9302,1,1,1,1,1,1,1,1,1,1 -9303,1,1,1,2,1,1,1,2,2,2 -9304,1,2,2,2,2,2,1,1,2,2 -9305,1,1,1,1,2,2,1,1,1,1 -9306,1,1,1,2,1,1,1,1,2,2 -9307,1,1,1,1,1,1,2,2,1,1 -9308,1,1,1,2,1,1,2,2,2,2 -9309,1,1,1,2,1,1,1,2,2,2 -9310,1,1,1,1,1,1,2,1,1,1 -9311,1,1,1,1,1,2,1,2,1,1 -9312,1,1,1,2,1,1,2,2,1,1 -9313,1,1,1,1,1,1,2,2,1,1 -9314,1,1,1,1,1,1,2,1,1,1 -9315,1,1,1,1,1,1,1,1,1,1 -9316,1,1,1,1,1,1,2,1,1,1 -9317,1,2,2,2,2,2,2,2,2,2 -9318,1,1,1,2,1,1,1,1,1,1 -9319,1,1,1,1,1,1,2,2,1,1 -9320,1,1,1,2,1,1,1,2,2,2 -9321,1,1,1,1,1,1,1,1,1,1 -9322,1,1,1,1,2,2,1,1,1,1 -9323,1,1,1,1,1,1,1,1,1,1 -9324,1,2,2,2,2,2,2,2,2,2 -9325,1,2,2,2,2,2,2,2,2,2 -9326,2,,,,,,,,, -9327,1,2,2,2,2,2,2,2,2,2 -9328,1,1,2,1,2,2,2,2,2,2 -9329,1,1,1,2,1,1,2,2,2,2 -9330,1,2,2,2,2,2,2,2,2,2 -9331,1,1,1,1,1,1,1,1,1,1 -9332,1,1,1,2,1,1,1,2,2,2 -9333,1,1,1,1,2,2,1,1,1,1 -9334,1,2,2,2,2,2,2,2,2,2 -9335,1,1,1,1,1,1,2,2,1,1 -9336,1,1,1,2,1,1,1,1,1,1 -9337,1,1,1,1,2,2,2,2,1,1 -9338,1,1,1,1,2,2,2,2,1,1 -9339,1,2,2,2,1,1,1,1,2,2 -9340,1,1,1,1,1,1,2,2,1,1 -9341,2,,,,,,,,, -9342,1,1,1,2,2,2,2,2,2,2 -9343,1,1,1,1,1,1,1,1,1,1 -9344,1,1,1,1,2,2,1,1,1,1 -9345,1,1,1,1,2,2,2,2,1,1 -9346,1,1,1,2,1,1,2,2,1,1 -9347,1,1,1,1,1,1,2,1,1,1 -9348,1,2,2,2,1,1,2,1,2,2 -9349,1,1,1,1,2,2,2,2,1,1 -9350,1,1,1,1,1,1,2,1,1,1 -9351,1,1,1,1,1,1,2,1,1,1 -9352,1,1,1,1,1,1,1,2,1,1 -9353,1,1,1,1,1,1,1,1,1,1 -9354,1,1,1,1,1,1,2,1,1,1 -9355,1,1,1,1,1,1,1,1,1,1 -9356,1,2,2,2,2,2,1,1,2,2 -9357,1,1,1,1,1,1,1,1,1,1 -9358,1,1,1,1,1,1,1,1,1,1 -9359,1,1,1,1,2,2,2,2,1,1 -9360,1,1,2,2,2,2,2,1,2,2 -9361,1,1,1,1,1,1,1,1,1,1 -9362,1,1,1,1,2,2,1,1,1,1 -9363,2,,,,,,,,, -9364,1,1,2,1,2,2,1,1,2,2 -9365,1,1,1,2,1,1,1,1,2,2 -9366,1,1,1,1,1,1,1,1,1,1 -9367,2,,,,,,,,, -9368,2,,,,,,,,, -9369,1,1,1,1,1,1,1,1,1,1 -9370,1,1,1,1,1,1,2,1,1,1 -9371,1,2,2,2,2,2,2,2,2,2 -9372,1,1,2,2,2,2,2,2,2,2 -9373,2,,,,,,,,, -9374,1,1,1,1,1,1,2,1,1,1 -9375,1,1,1,2,1,1,1,1,2,2 -9376,1,1,1,1,1,1,1,1,1,1 -9377,1,1,1,1,1,1,1,2,2,2 -9378,1,1,1,1,1,2,1,2,1,1 -9379,1,1,2,2,2,2,2,2,2,2 -9380,1,1,1,1,1,1,1,1,1,1 -9381,2,,,,,,,,, -9382,1,1,1,1,1,1,2,1,1,1 -9383,1,2,2,2,1,1,2,2,2,2 -9384,1,1,1,1,1,2,1,2,1,1 -9385,2,,,,,,,,, -9386,1,1,1,1,2,1,1,1,1,1 -9387,2,,,,,,,,, -9388,2,,,,,,,,, -9389,1,2,2,2,2,2,2,2,2,2 -9390,1,1,1,2,1,1,2,2,2,2 -9391,2,,,,,,,,, -9392,1,1,1,2,1,1,1,2,2,2 -9393,1,1,1,1,1,1,1,1,1,1 -9394,1,2,2,2,2,2,2,2,2,2 -9395,2,,,,,,,,, -9396,1,1,1,1,1,1,2,1,1,1 -9397,1,1,1,2,1,1,1,1,2,2 -9398,1,1,1,1,1,1,2,1,1,1 -9399,1,2,2,1,1,1,2,2,1,1 -9400,1,1,1,1,2,2,2,2,1,1 -9401,1,1,1,1,1,2,1,2,1,1 -9402,1,1,1,1,2,2,1,1,1,1 -9403,1,1,1,2,1,1,1,2,2,2 -9404,1,1,1,1,1,1,1,2,2,2 -9405,1,1,1,1,1,1,1,1,1,1 -9406,1,1,1,1,1,1,2,1,1,1 -9407,1,1,1,2,1,1,1,1,2,2 -9408,1,1,2,2,2,2,2,2,2,2 -9409,1,1,1,1,1,1,1,1,1,1 -9410,1,2,2,1,1,1,1,1,1,1 -9411,1,1,1,1,1,1,2,2,1,1 -9412,1,1,1,2,1,1,2,2,2,2 -9413,1,1,1,2,1,1,1,1,2,2 -9414,1,2,2,2,1,1,2,2,2,2 -9415,1,1,1,1,1,1,1,2,1,1 -9416,1,1,1,1,1,1,1,1,1,1 -9417,1,1,1,2,1,1,1,2,1,1 -9418,1,1,1,1,1,1,2,1,1,1 -9419,1,2,2,2,2,2,2,2,2,2 -9420,1,1,1,1,1,1,1,1,1,1 -9421,2,,,,,,,,, -9422,2,,,,,,,,, -9423,1,1,1,1,1,1,1,1,1,1 -9424,1,2,2,2,2,2,2,2,2,2 -9425,2,,,,,,,,, -9426,1,1,1,1,1,1,2,2,1,1 -9427,1,2,2,2,1,1,2,1,2,2 -9428,1,2,2,2,2,2,2,2,2,2 -9429,1,1,1,2,1,1,1,2,2,2 -9430,1,2,2,2,2,2,2,2,2,2 -9431,2,,,,,,,,, -9432,1,1,1,1,1,1,1,2,1,1 -9433,1,1,1,1,1,1,1,1,1,1 -9434,1,1,1,2,1,1,1,1,2,2 -9435,1,1,1,1,1,1,2,2,1,1 -9436,1,1,2,2,2,2,2,2,2,2 -9437,1,1,1,1,1,2,1,2,1,1 -9438,1,1,1,1,1,1,1,1,1,1 -9439,1,1,1,1,1,1,1,1,1,1 -9440,1,1,1,1,1,1,1,1,1,1 -9441,1,1,2,2,2,2,1,1,2,2 -9442,1,2,2,2,2,2,2,2,2,2 -9443,1,1,1,1,1,1,1,1,1,1 -9444,1,1,1,1,1,1,1,1,1,1 -9445,1,1,2,1,2,2,2,2,1,1 -9446,1,2,2,2,2,2,2,2,2,2 -9447,1,1,1,1,1,1,1,1,1,1 -9448,1,2,2,2,2,2,2,2,2,2 -9449,1,1,1,1,1,1,1,1,1,1 -9450,1,2,2,2,2,2,2,2,2,2 -9451,1,1,1,1,1,1,2,2,1,1 -9452,1,1,1,1,1,1,2,2,1,1 -9453,1,1,1,1,2,2,2,2,1,1 -9454,1,1,1,2,2,2,2,2,1,1 -9455,1,2,2,2,2,2,2,2,2,2 -9456,1,1,1,2,2,2,2,2,2,2 -9457,1,1,1,1,1,1,2,1,1,1 -9458,1,1,1,1,1,1,1,1,2,2 -9459,1,1,2,1,1,1,1,1,2,2 -9460,1,1,1,2,1,1,1,2,2,2 -9461,1,2,2,2,2,2,2,2,2,2 -9462,1,1,1,2,1,1,1,2,2,2 -9463,1,1,1,1,1,2,1,2,1,1 -9464,1,1,1,1,1,1,2,2,1,1 -9465,1,1,1,1,1,2,1,2,1,1 -9466,1,1,1,1,1,1,2,2,1,1 -9467,2,,,,,,,,, -9468,1,2,2,2,1,1,1,1,2,2 -9469,1,1,1,1,1,2,1,1,1,1 -9470,1,1,1,1,1,1,2,1,1,1 -9471,1,1,1,1,2,2,2,2,1,1 -9472,1,2,2,2,2,2,2,2,2,2 -9473,1,1,1,1,1,1,1,2,2,2 -9474,2,,,,,,,,, -9475,1,1,1,1,1,1,1,1,1,1 -9476,1,1,2,1,1,1,1,1,1,1 -9477,1,1,1,1,1,1,1,1,1,1 -9478,1,1,1,1,1,1,2,2,1,1 -9479,1,1,1,1,1,1,1,1,1,1 -9480,1,1,1,1,1,1,1,2,2,2 -9481,1,1,1,1,2,2,2,1,1,1 -9482,1,1,1,1,1,1,1,1,1,1 -9483,1,2,2,2,2,2,2,2,2,2 -9484,1,1,1,1,1,2,1,2,1,1 -9485,1,1,2,1,2,2,1,1,1,1 -9486,1,1,1,1,1,1,1,1,1,1 -9487,1,1,1,1,1,2,1,2,1,1 -9488,1,1,1,1,1,1,2,2,1,1 -9489,2,,,,,,,,, -9490,1,1,1,1,1,2,1,2,1,1 -9491,1,1,1,1,2,2,2,2,1,1 -9492,1,1,1,1,2,2,2,2,1,1 -9493,1,1,1,1,1,1,2,2,1,1 -9494,1,1,2,1,2,2,1,1,1,1 -9495,1,1,1,2,1,1,2,2,2,2 -9496,2,,,,,,,,, -9497,1,1,1,1,2,2,2,2,1,1 -9498,1,1,1,1,1,1,1,1,1,1 -9499,2,,,,,,,,, -9500,2,,,,,,,,, -9501,2,,,,,,,,, -9502,1,1,1,2,1,1,2,2,2,2 -9503,1,1,1,1,1,2,1,2,1,1 -9504,1,1,1,1,1,1,2,1,1,1 -9505,1,1,1,1,2,2,2,2,1,1 -9506,1,1,1,1,1,1,2,1,1,1 -9507,1,1,1,1,2,1,1,1,1,1 -9508,1,1,1,1,1,2,1,2,1,1 -9509,1,2,2,2,2,2,2,2,2,2 -9510,1,1,1,1,2,2,1,1,1,1 -9511,1,1,1,1,1,1,2,2,1,1 -9512,1,1,2,1,2,2,2,2,1,1 -9513,1,2,2,2,2,2,2,2,2,2 -9514,1,1,1,1,1,1,2,1,1,1 -9515,1,1,1,2,2,2,2,2,2,2 -9516,1,1,2,1,2,2,2,2,2,2 -9517,1,1,1,1,1,1,1,1,1,1 -9518,1,1,1,1,1,1,2,2,1,1 -9519,1,1,1,1,2,2,2,1,1,1 -9520,2,,,,,,,,, -9521,1,1,1,1,1,1,1,1,1,1 -9522,1,1,1,1,1,1,1,2,2,2 -9523,1,1,1,1,1,1,1,1,1,1 -9524,1,1,1,1,1,1,2,1,1,1 -9525,1,1,1,2,2,2,1,2,1,1 -9526,1,1,1,1,1,1,1,1,1,1 -9527,1,1,1,1,1,1,1,1,1,1 -9528,1,2,2,2,2,2,2,2,2,2 -9529,1,1,1,2,1,1,1,1,1,1 -9530,1,1,1,1,1,1,2,1,1,1 -9531,1,1,1,1,2,2,1,1,1,1 -9532,1,1,1,1,2,2,2,2,1,1 -9533,1,1,2,1,2,2,2,2,2,2 -9534,1,1,1,1,2,2,2,2,1,1 -9535,1,1,1,2,1,1,2,2,2,2 -9536,1,1,1,2,1,1,2,2,2,2 -9537,1,1,2,2,2,2,1,1,2,2 -9538,1,1,1,1,1,1,2,2,1,1 -9539,1,1,1,1,1,1,1,1,1,1 -9540,1,1,1,1,1,1,1,2,1,1 -9541,1,1,1,1,1,1,1,1,1,1 -9542,1,1,1,1,1,1,2,1,1,1 -9543,1,2,2,2,2,2,2,2,2,2 -9544,1,2,2,2,2,2,2,2,2,2 -9545,1,2,2,2,2,2,2,2,2,2 -9546,1,1,1,2,1,1,1,2,2,2 -9547,1,1,1,2,1,1,2,2,2,1 -9548,1,1,1,1,1,1,2,1,1,1 -9549,1,2,2,2,2,2,2,2,2,2 -9550,1,1,1,2,1,1,1,1,2,2 -9551,1,1,1,2,2,2,2,2,2,2 -9552,1,1,2,1,2,2,1,1,1,1 -9553,1,2,2,2,2,2,2,2,2,2 -9554,2,,,,,,,,, -9555,1,2,2,2,2,2,2,2,2,2 -9556,1,2,2,2,2,2,2,2,2,2 -9557,1,2,2,2,2,2,2,2,2,2 -9558,1,1,1,1,1,1,2,1,1,1 -9559,1,1,1,1,1,1,2,1,1,1 -9560,1,1,1,1,1,1,1,1,1,1 -9561,1,1,1,2,2,2,1,2,1,1 -9562,1,1,1,1,1,2,1,2,1,1 -9563,1,1,1,1,1,1,2,2,1,1 -9564,1,1,2,1,2,2,2,2,2,2 -9565,2,,,,,,,,, -9566,1,1,1,2,1,1,2,2,2,2 -9567,1,1,1,1,1,1,1,1,1,1 -9568,1,1,2,1,2,2,2,2,2,2 -9569,1,2,2,2,1,1,1,1,2,2 -9570,1,1,1,1,1,1,2,2,2,2 -9571,1,1,1,1,1,1,2,1,1,1 -9572,1,1,1,2,1,1,1,1,2,2 -9573,1,1,1,2,1,1,2,2,2,2 -9574,1,1,1,1,2,2,2,2,1,1 -9575,1,1,1,1,1,1,2,2,1,1 -9576,1,1,1,1,1,1,1,1,1,1 -9577,1,1,1,1,2,2,1,1,1,1 -9578,1,2,2,2,2,2,2,2,2,2 -9579,1,1,1,1,2,2,2,1,1,1 -9580,2,,,,,,,,, -9581,1,1,1,1,1,1,1,1,1,1 -9582,1,2,2,2,2,2,2,2,2,2 -9583,1,1,1,2,1,1,1,2,2,2 -9584,1,1,1,1,1,1,2,1,1,1 -9585,1,2,2,2,2,2,2,2,2,2 -9586,1,1,1,1,1,1,1,1,1,1 -9587,2,,,,,,,,, -9588,1,1,2,2,2,2,2,2,2,2 -9589,1,1,1,1,1,2,1,2,1,1 -9590,1,1,1,1,1,1,1,2,2,2 -9591,1,1,1,1,1,1,1,1,1,1 -9592,1,1,1,1,1,1,2,1,1,1 -9593,1,1,1,1,1,1,2,1,1,1 -9594,1,2,2,2,1,1,2,2,2,2 -9595,1,1,1,1,1,1,1,1,1,2 -9596,1,1,1,1,1,1,1,2,2,2 -9597,1,1,1,2,1,1,1,1,2,2 -9598,1,1,2,1,2,2,2,2,2,2 -9599,1,1,1,1,1,1,2,1,1,1 -9600,2,,,,,,,,, -9601,1,1,1,1,1,1,2,2,1,1 -9602,1,1,1,1,1,2,1,2,1,1 -9603,1,1,1,1,1,1,2,2,1,1 -9604,1,1,1,2,2,2,2,2,2,2 -9605,1,1,2,1,2,2,1,1,1,1 -9606,1,2,2,2,2,2,2,2,2,2 -9607,2,,,,,,,,, -9608,2,,,,,,,,, -9609,1,1,1,1,1,1,2,1,1,1 -9610,2,,,,,,,,, -9611,1,1,1,1,1,1,2,2,1,1 -9612,1,1,1,1,1,1,1,1,1,1 -9613,1,1,2,2,2,2,2,2,2,2 -9614,1,2,2,2,2,2,2,2,2,2 -9615,1,1,1,2,1,1,1,1,1,1 -9616,2,,,,,,,,, -9617,2,,,,,,,,, -9618,1,1,1,2,1,1,1,2,2,2 -9619,2,,,,,,,,, -9620,1,1,1,2,1,1,1,1,1,1 -9621,1,2,2,2,2,2,2,2,2,2 -9622,1,1,1,1,1,1,2,1,1,1 -9623,1,1,1,1,1,1,2,2,1,1 -9624,1,1,1,1,2,2,2,2,1,1 -9625,1,2,2,2,2,2,2,2,2,2 -9626,1,1,1,1,1,1,2,2,1,1 -9627,1,1,1,1,1,1,1,1,1,1 -9628,1,1,1,1,1,1,2,2,1,1 -9629,2,,,,,,,,, -9630,1,1,1,1,1,1,1,1,1,1 -9631,1,1,1,1,2,2,2,1,1,1 -9632,1,1,1,1,1,1,1,1,1,1 -9633,1,1,1,1,1,1,2,1,1,1 -9634,1,1,1,1,1,1,1,1,1,1 -9635,1,2,2,2,1,1,2,2,2,2 -9636,1,1,1,1,1,1,2,1,1,1 -9637,1,1,1,1,1,1,1,1,1,1 -9638,1,1,1,1,1,1,1,1,1,1 -9639,2,,,,,,,,, -9640,2,,,,,,,,, -9641,1,1,1,1,1,1,1,1,1,1 -9642,1,1,2,1,1,1,1,1,1,1 -9643,1,1,1,1,1,1,2,2,1,1 -9644,1,1,1,1,1,1,2,2,1,1 -9645,1,1,1,1,1,1,2,2,1,2 -9646,1,2,2,2,1,1,2,2,2,2 -9647,1,1,1,2,1,1,1,2,2,2 -9648,1,1,1,1,1,1,1,1,1,1 -9649,1,1,2,1,1,1,1,1,1,1 -9650,1,2,2,2,2,2,2,2,2,2 -9651,1,1,2,1,2,2,1,1,1,1 -9652,1,1,1,1,1,1,1,1,1,1 -9653,1,1,1,2,1,1,1,1,2,2 -9654,1,1,1,1,1,1,2,2,2,2 -9655,1,1,1,1,1,1,1,1,2,2 -9656,1,1,2,1,2,2,2,2,2,2 -9657,1,1,1,1,1,1,2,2,1,1 -9658,1,1,1,1,1,1,1,1,1,1 -9659,1,1,1,1,1,1,1,1,1,1 -9660,1,1,1,1,2,2,1,2,1,1 -9661,1,1,1,1,1,1,1,1,1,1 -9662,2,,,,,,,,, -9663,1,1,1,1,1,1,1,1,1,1 -9664,1,1,1,1,1,1,1,1,1,1 -9665,1,1,1,1,1,1,2,1,1,1 -9666,1,1,1,1,1,1,2,1,1,1 -9667,1,1,1,2,1,1,1,2,2,2 -9668,1,1,1,2,1,1,2,1,2,2 -9669,1,1,1,1,2,1,1,1,1,1 -9670,1,2,2,2,2,2,2,2,2,2 -9671,1,1,1,1,2,2,1,2,1,1 -9672,1,1,1,1,1,1,2,2,1,1 -9673,1,1,1,1,1,1,2,1,1,1 -9674,1,1,1,1,1,1,1,1,2,2 -9675,1,1,1,1,1,1,2,2,1,1 -9676,1,1,1,2,1,1,2,1,2,2 -9677,1,1,1,1,1,1,1,1,1,1 -9678,1,1,1,1,1,1,1,1,1,1 -9679,1,1,1,2,1,1,1,2,1,1 -9680,1,1,1,1,1,1,1,1,1,1 -9681,1,1,1,1,1,1,2,1,1,1 -9682,1,1,2,1,1,1,1,1,1,1 -9683,1,1,1,1,1,1,1,1,1,1 -9684,1,2,2,2,2,2,2,2,2,2 -9685,1,1,1,1,1,1,2,2,2,2 -9686,1,1,1,1,2,2,1,1,1,1 -9687,1,2,2,2,2,2,2,2,2,2 -9688,1,2,2,2,1,1,2,2,2,2 -9689,1,1,1,1,2,2,2,2,1,1 -9690,1,1,2,1,2,2,2,2,2,2 -9691,1,1,1,2,2,2,2,2,2,2 -9692,1,1,1,1,1,1,1,1,1,1 -9693,2,,,,,,,,, -9694,1,1,2,1,1,1,2,2,2,2 -9695,1,2,2,2,2,2,2,2,2,2 -9696,1,1,2,1,2,2,2,2,2,2 -9697,1,1,1,1,1,1,2,2,1,1 -9698,1,1,2,1,2,2,2,2,2,2 -9699,1,1,1,1,1,1,2,1,1,1 -9700,1,1,1,1,1,1,2,2,1,1 -9701,1,1,1,1,1,1,2,2,1,1 -9702,1,2,2,2,2,2,2,2,2,2 -9703,1,1,1,1,1,1,2,2,1,1 -9704,1,1,1,2,1,1,1,2,2,2 -9705,1,1,2,1,2,2,1,1,1,1 -9706,1,1,1,1,1,1,1,1,1,1 -9707,1,1,1,1,1,1,1,1,1,1 -9708,1,2,2,2,1,1,2,1,2,2 -9709,1,1,1,2,1,1,1,1,2,2 -9710,1,1,1,2,1,1,1,2,2,2 -9711,1,1,1,1,1,1,2,1,1,1 -9712,1,1,1,2,1,1,1,1,2,2 -9713,1,1,1,2,1,1,1,2,2,2 -9714,1,1,1,1,1,1,1,2,1,1 -9715,1,1,1,1,1,1,1,1,1,1 -9716,1,1,1,2,2,2,1,1,2,2 -9717,1,1,1,2,1,1,1,2,2,2 -9718,1,1,1,1,1,1,1,1,1,1 -9719,1,2,2,2,1,1,1,1,2,2 -9720,1,2,2,2,2,2,2,2,2,2 -9721,1,2,2,2,2,2,2,2,2,2 -9722,1,1,1,2,1,1,1,1,2,2 -9723,1,1,1,1,2,2,1,2,1,1 -9724,2,,,,,,,,, -9725,1,2,2,2,1,1,2,2,2,2 -9726,1,1,1,1,1,1,2,2,1,1 -9727,1,2,2,2,2,2,2,2,2,2 -9728,2,,,,,,,,, -9729,1,1,1,2,1,1,1,2,2,2 -9730,1,1,1,1,1,1,2,2,1,1 -9731,1,1,1,1,1,1,1,1,1,1 -9732,1,1,1,2,1,1,1,2,2,2 -9733,1,1,1,2,1,1,1,2,2,2 -9734,1,1,1,1,1,1,2,1,1,1 -9735,1,1,1,1,1,1,1,1,1,1 -9736,1,1,2,1,1,1,2,2,1,1 -9737,1,1,1,1,2,2,2,1,1,1 -9738,1,2,2,2,2,2,2,2,2,2 -9739,1,1,1,1,1,2,1,2,1,1 -9740,2,,,,,,,,, -9741,1,1,1,1,1,1,2,1,1,1 -9742,1,1,1,1,1,1,2,2,1,1 -9743,1,1,1,1,1,1,1,1,1,1 -9744,1,1,1,2,2,2,2,2,2,2 -9745,2,,,,,,,,, -9746,1,2,2,2,2,2,2,2,2,2 -9747,1,2,2,2,2,2,2,2,2,2 -9748,2,,,,,,,,, -9749,1,2,2,2,2,2,2,2,2,2 -9750,1,1,1,2,1,1,2,1,2,2 -9751,1,1,1,1,1,1,2,1,1,1 -9752,1,1,1,1,1,2,1,2,1,1 -9753,1,2,2,2,2,2,2,2,2,2 -9754,2,,,,,,,,, -9755,1,1,1,2,2,2,2,2,2,2 -9756,1,1,1,2,1,1,2,2,2,2 -9757,2,,,,,,,,, -9758,1,1,1,1,1,1,2,1,1,1 -9759,1,1,1,2,2,2,2,2,2,2 -9760,1,1,1,1,1,1,1,1,1,1 -9761,1,2,2,2,2,2,2,2,2,2 -9762,1,2,2,2,2,2,2,2,2,2 -9763,1,1,1,2,1,1,2,2,2,2 -9764,2,,,,,,,,, -9765,1,1,1,2,1,1,2,2,1,1 -9766,1,1,1,1,1,1,2,2,1,1 -9767,2,,,,,,,,, -9768,1,1,1,1,1,1,2,1,1,1 -9769,1,1,1,1,1,1,1,1,1,1 -9770,1,1,1,2,1,1,1,2,2,2 -9771,1,1,1,1,1,1,1,1,2,2 -9772,1,1,1,1,1,1,2,2,1,1 -9773,1,2,1,2,1,1,1,2,2,2 -9774,2,,,,,,,,, -9775,1,1,1,1,1,1,1,1,1,1 -9776,1,1,1,1,1,1,2,1,1,1 -9777,1,1,2,1,2,2,1,1,1,1 -9778,1,1,1,1,1,1,2,1,1,1 -9779,1,2,2,2,1,1,2,2,2,2 -9780,1,1,1,1,1,1,2,1,1,1 -9781,1,1,1,1,1,1,2,2,1,1 -9782,1,1,1,1,1,1,2,1,1,1 -9783,1,1,2,1,2,2,2,2,2,2 -9784,1,1,1,1,2,2,2,2,1,1 -9785,1,1,1,1,1,1,2,1,1,1 -9786,1,1,1,1,1,1,1,1,2,2 -9787,1,1,1,1,1,1,1,1,1,1 -9788,1,1,1,1,1,1,2,1,1,1 -9789,2,,,,,,,,, -9790,1,1,1,1,1,1,2,1,1,1 -9791,1,1,1,1,2,2,1,2,1,1 -9792,1,1,1,2,1,1,1,1,1,1 -9793,1,1,1,2,2,2,2,2,2,2 -9794,1,1,1,1,1,2,1,2,1,1 -9795,1,1,1,1,2,2,2,2,1,1 -9796,1,1,1,1,1,1,2,1,1,1 -9797,1,2,2,2,2,2,2,2,2,2 -9798,1,2,2,2,2,2,2,2,2,2 -9799,1,1,1,1,1,2,1,2,1,1 -9800,1,2,2,2,2,2,2,2,2,2 -9801,1,1,1,1,1,1,2,2,1,1 -9802,1,1,1,2,1,1,1,1,2,2 -9803,1,1,2,1,1,1,1,1,2,2 -9804,1,1,1,1,1,1,2,2,1,1 -9805,1,1,1,1,1,1,1,2,1,1 -9806,1,1,1,1,1,1,1,2,2,2 -9807,1,1,1,1,2,2,2,2,1,1 -9808,2,,,,,,,,, -9809,1,1,1,1,1,1,1,2,1,1 -9810,1,1,1,2,2,2,2,2,2,2 -9811,1,1,1,2,1,1,1,1,2,2 -9812,2,,,,,,,,, -9813,1,1,1,1,1,1,1,1,1,1 -9814,1,1,1,2,2,2,2,2,2,2 -9815,1,1,1,2,1,1,2,2,2,2 -9816,1,2,2,2,2,2,2,2,2,2 -9817,1,1,1,1,2,2,2,2,1,1 -9818,1,1,1,2,1,1,1,2,2,2 -9819,2,,,,,,,,, -9820,1,1,1,2,1,1,1,2,1,1 -9821,1,1,1,1,1,1,2,1,1,1 -9822,1,1,1,1,1,1,1,1,1,1 -9823,1,1,1,1,1,1,2,1,1,1 -9824,1,1,1,1,1,1,2,1,1,1 -9825,1,2,2,2,2,2,2,2,2,2 -9826,1,2,2,2,1,1,2,2,2,2 -9827,1,1,1,1,1,1,2,1,1,1 -9828,1,1,2,1,2,2,1,1,1,1 -9829,1,2,2,1,1,1,1,1,1,1 -9830,1,1,1,2,1,1,1,1,2,2 -9831,1,2,2,2,2,2,2,2,2,2 -9832,2,,,,,,,,, -9833,1,2,2,2,2,2,2,2,2,2 -9834,2,,,,,,,,, -9835,1,1,1,1,1,1,2,1,1,1 -9836,1,1,1,1,1,1,2,2,1,1 -9837,1,1,1,1,1,2,1,2,1,1 -9838,1,1,1,1,1,1,1,1,1,1 -9839,1,1,1,1,1,1,2,2,1,1 -9840,1,1,1,1,1,1,2,2,1,1 -9841,1,1,1,1,1,1,1,1,1,1 -9842,1,1,1,2,1,1,1,1,2,2 -9843,1,1,1,1,1,1,2,2,1,1 -9844,1,1,1,1,1,1,2,2,1,1 -9845,1,1,1,2,1,1,1,2,2,2 -9846,2,,,,,,,,, -9847,1,1,1,1,1,1,2,1,1,1 -9848,1,1,1,1,1,1,2,2,1,1 -9849,1,2,2,2,2,2,2,2,2,2 -9850,1,1,1,1,1,1,1,1,2,2 -9851,2,,,,,,,,, -9852,1,1,1,1,1,1,2,2,1,1 -9853,1,1,1,1,1,1,1,1,1,1 -9854,1,1,1,1,1,1,2,2,1,1 -9855,1,1,1,2,1,1,1,1,1,1 -9856,1,1,1,1,1,1,2,1,1,1 -9857,2,,,,,,,,, -9858,1,1,1,1,1,1,2,1,1,1 -9859,1,1,1,1,1,1,1,1,1,1 -9860,2,,,,,,,,, -9861,1,1,1,1,1,1,2,1,1,1 -9862,1,1,1,1,1,1,1,1,1,1 -9863,1,2,2,2,2,2,2,2,2,2 -9864,1,1,2,1,2,2,1,1,1,1 -9865,1,1,1,1,1,1,1,1,1,1 -9866,1,1,1,1,1,1,2,2,1,1 -9867,1,2,2,2,2,2,2,2,2,2 -9868,1,1,1,2,1,1,1,2,2,2 -9869,1,1,1,1,2,2,1,2,1,1 -9870,1,1,1,1,1,1,1,1,1,1 -9871,1,1,1,1,1,1,1,1,1,1 -9872,1,1,1,1,1,1,2,2,1,1 -9873,1,1,1,1,1,1,2,1,1,1 -9874,1,1,1,1,1,1,1,1,1,1 -9875,1,1,2,1,2,2,1,1,1,1 -9876,1,1,1,1,1,1,1,1,1,1 -9877,1,1,1,1,1,2,1,2,1,1 -9878,1,1,1,1,2,2,2,2,1,1 -9879,1,2,2,2,2,2,2,2,2,2 -9880,1,1,1,2,1,1,1,2,2,2 -9881,1,1,1,1,1,1,1,1,1,1 -9882,1,1,1,1,2,2,1,1,1,1 -9883,1,1,1,1,1,1,2,1,1,1 -9884,1,1,1,1,1,1,2,2,1,1 -9885,1,1,1,1,1,1,1,1,1,1 -9886,1,1,1,2,1,1,2,2,2,2 -9887,1,1,1,1,1,1,2,2,1,1 -9888,1,1,1,1,2,1,1,1,1,1 -9889,1,1,1,1,1,1,1,1,1,1 -9890,1,1,1,2,2,2,2,2,2,2 -9891,2,,,,,,,,, -9892,1,1,1,1,1,1,1,1,1,1 -9893,1,1,1,1,1,1,1,1,1,1 -9894,1,1,1,1,2,2,2,2,1,1 -9895,1,1,1,2,1,1,2,2,2,2 -9896,1,1,1,2,1,1,1,1,2,2 -9897,1,1,1,1,1,2,1,2,1,1 -9898,1,1,1,1,1,2,1,2,1,1 -9899,1,1,1,1,1,1,1,2,1,1 -9900,1,1,1,2,1,1,2,2,2,2 -9901,1,1,1,2,2,2,2,2,2,2 -9902,1,1,1,1,2,2,2,1,1,1 -9903,1,2,2,2,1,1,2,2,2,2 -9904,1,1,1,1,1,1,2,1,1,1 -9905,1,1,1,2,2,2,2,2,2,2 -9906,1,1,1,1,1,1,1,2,2,2 -9907,1,1,1,2,1,1,1,2,2,2 -9908,1,2,2,2,2,2,2,2,2,2 -9909,1,1,1,1,1,1,2,1,1,1 -9910,1,2,2,2,1,1,1,1,2,1 -9911,1,2,2,2,1,1,1,1,2,2 -9912,2,,,,,,,,, -9913,1,1,1,1,1,1,1,1,1,1 -9914,1,1,1,1,1,1,2,2,1,1 -9915,1,1,1,1,1,1,1,1,1,1 -9916,1,1,1,2,2,2,2,2,2,2 -9917,1,1,2,1,2,2,2,2,1,1 -9918,1,2,2,2,2,2,2,2,2,2 -9919,1,1,1,1,1,1,1,2,2,2 -9920,1,1,1,1,1,1,2,1,1,1 -9921,1,2,2,1,1,1,1,1,1,1 -9922,2,,,,,,,,, -9923,1,1,1,1,1,1,1,1,1,1 -9924,2,,,,,,,,, -9925,1,1,1,1,1,1,1,1,1,1 -9926,1,1,1,2,2,2,1,2,1,1 -9927,1,1,1,1,1,1,2,1,1,1 -9928,1,1,1,1,1,1,2,1,1,1 -9929,1,1,1,1,1,1,2,2,1,1 -9930,2,,,,,,,,, -9931,2,,,,,,,,, -9932,1,1,1,1,1,1,1,1,1,1 -9933,1,1,1,1,1,1,1,1,1,1 -9934,1,1,1,1,1,1,1,1,1,1 -9935,2,,,,,,,,, -9936,1,1,1,2,1,1,1,1,2,2 -9937,1,2,2,2,2,2,2,2,2,2 -9938,2,,,,,,,,, -9939,1,1,1,2,2,2,2,2,2,2 -9940,1,1,1,2,1,1,2,2,1,1 -9941,1,2,2,2,1,1,2,2,2,2 -9942,1,2,2,2,2,2,2,2,2,2 -9943,1,1,2,1,2,2,1,1,1,1 -9944,1,1,1,1,1,1,2,1,1,1 -9945,1,1,1,2,1,1,1,1,2,2 -9946,1,1,1,1,1,1,1,2,2,2 -9947,1,1,1,1,1,1,1,2,1,1 -9948,1,1,1,2,1,1,1,2,2,2 -9949,1,1,1,1,1,1,1,1,1,1 -9950,1,1,1,1,1,1,2,1,1,1 -9951,2,,,,,,,,, -9952,1,1,1,2,2,2,1,2,1,1 -9953,1,1,1,1,1,1,2,2,1,1 -9954,1,1,1,1,1,1,2,2,1,1 -9955,1,1,1,1,2,2,2,1,1,1 -9956,1,2,2,2,2,2,2,2,2,2 -9957,1,2,2,2,2,2,2,2,2,2 -9958,1,1,1,1,1,1,1,2,1,1 -9959,1,1,1,2,1,1,2,2,2,2 -9960,1,2,2,2,2,2,2,2,2,2 -9961,1,1,1,1,1,1,2,2,1,1 -9962,1,1,1,2,1,1,2,2,1,1 -9963,1,1,1,1,1,1,2,2,1,1 -9964,1,1,1,1,1,1,1,1,1,1 -9965,2,,,,,,,,, -9966,1,1,1,1,2,2,1,2,1,1 -9967,1,1,1,1,1,1,2,1,1,1 -9968,1,1,1,2,1,1,1,1,2,2 -9969,1,1,2,1,1,1,2,2,1,1 -9970,1,1,1,1,1,1,1,1,1,1 -9971,1,1,1,1,1,1,1,1,1,1 -9972,1,1,1,1,1,2,1,2,1,1 -9973,1,2,2,2,2,2,2,2,2,2 -9974,1,1,1,2,1,1,1,2,1,1 -9975,1,2,2,2,2,2,2,2,2,2 -9976,1,1,1,2,1,1,1,1,2,2 -9977,1,1,1,1,1,1,2,1,1,1 -9978,1,2,2,2,1,1,2,2,2,2 -9979,1,1,1,1,2,2,2,2,1,1 -9980,1,1,1,2,1,1,1,2,2,2 -9981,1,1,1,1,1,1,2,2,2,2 -9982,1,2,2,2,2,2,2,2,2,2 -9983,1,1,2,2,2,2,1,1,2,2 -9984,1,1,1,2,1,1,2,2,2,2 -9985,1,2,2,1,1,1,1,1,1,1 -9986,2,,,,,,,,, -9987,1,1,1,1,2,2,2,2,1,1 -9988,1,1,2,2,1,1,2,2,2,2 -9989,1,2,2,2,2,2,2,2,2,2 -9990,1,1,1,2,1,1,1,1,1,1 -9991,1,1,1,1,2,2,1,2,1,1 -9992,1,1,1,1,1,1,2,2,1,1 -9993,2,,,,,,,,, -9994,1,2,2,2,2,2,2,2,2,2 -9995,1,1,1,1,1,1,1,1,1,1 -9996,1,1,1,2,1,1,1,2,2,2 -9997,1,2,2,2,2,2,2,2,2,2 -9998,1,1,1,1,1,1,1,1,1,1 -9999,1,2,1,2,1,1,1,2,2,2 -10000,1,1,1,1,1,1,1,1,1,1 -10001,1,1,1,1,1,1,1,1,1,1 -10002,1,1,1,1,1,1,1,1,1,1 -10003,1,1,1,1,1,1,2,1,1,1 -10004,1,1,1,1,1,1,1,1,1,1 -10005,1,1,1,1,2,2,2,2,1,1 -10006,1,1,1,2,1,1,1,2,2,2 -10007,1,1,1,1,1,1,2,2,1,1 -10008,1,1,1,1,2,2,2,2,1,1 -10009,1,1,1,1,1,1,1,1,1,1 -10010,1,1,1,1,1,1,1,1,1,1 -10011,1,2,2,2,2,2,2,2,2,2 -10012,1,1,1,1,2,2,2,2,1,1 -10013,1,1,1,1,1,2,2,1,1,1 -10014,1,1,1,1,1,1,2,1,1,1 -10015,1,1,1,1,1,1,1,1,1,1 -10016,1,1,1,1,1,1,2,2,1,1 -10017,1,1,2,1,1,1,2,2,1,1 -10018,1,2,2,2,2,2,2,2,2,2 -10019,1,1,1,1,1,1,1,1,1,1 -10020,1,1,1,1,1,1,1,1,1,1 -10021,1,1,1,1,1,1,1,1,1,1 -10022,2,,,,,,,,, -10023,2,,,,,,,,, -10024,1,1,1,2,1,2,1,2,2,2 -10025,2,,,,,,,,, -10026,1,1,2,1,1,1,1,1,1,1 -10027,1,1,1,1,2,2,2,2,1,1 -10028,1,1,1,2,1,1,2,2,2,2 -10029,1,2,2,2,2,2,2,2,2,2 -10030,1,1,1,1,1,1,2,1,1,1 -10031,1,2,2,2,2,2,2,2,2,2 -10032,1,1,1,1,1,1,1,1,1,1 -10033,2,,,,,,,,, -10034,1,1,1,2,1,1,1,1,2,2 -10035,1,1,1,1,1,1,1,1,1,1 -10036,1,1,1,1,1,1,1,1,1,1 -10037,1,1,2,1,2,2,2,2,2,2 -10038,1,1,1,1,2,2,1,1,1,1 -10039,1,1,1,1,1,1,2,1,1,1 -10040,1,2,2,2,2,2,2,2,2,2 -10041,1,2,2,2,2,2,2,2,2,2 -10042,1,1,1,1,1,1,2,1,1,1 -10043,1,1,1,2,2,2,2,2,1,1 -10044,1,1,1,1,1,1,2,2,2,2 -10045,1,1,1,2,1,1,1,2,2,2 -10046,1,1,1,1,1,1,2,2,1,1 -10047,1,1,1,2,2,1,2,1,2,2 -10048,1,1,1,1,1,1,1,2,1,1 -10049,1,1,1,2,2,2,2,2,2,2 -10050,1,1,1,1,2,2,1,1,1,1 -10051,1,1,1,1,2,2,2,2,1,1 -10052,1,1,1,2,1,1,1,1,2,2 -10053,1,1,1,1,1,1,1,1,1,1 -10054,1,1,1,1,1,1,2,1,1,1 -10055,1,1,1,1,1,1,2,2,1,1 -10056,1,1,1,1,2,2,2,2,1,1 -10057,1,1,1,1,1,2,1,2,1,1 -10058,1,1,2,1,2,2,1,1,1,1 -10059,1,1,1,2,2,2,2,2,2,2 -10060,1,1,1,1,1,1,2,1,1,1 -10061,1,1,1,2,1,1,1,1,1,1 -10062,1,1,1,1,1,1,2,2,1,1 -10063,1,1,1,2,1,1,1,1,1,1 -10064,1,1,1,1,2,2,2,1,1,1 -10065,1,1,1,1,1,1,2,1,1,2 -10066,1,1,1,1,1,1,1,1,1,1 -10067,1,1,1,1,2,2,2,2,1,1 -10068,1,1,2,2,1,1,1,1,2,2 -10069,2,,,,,,,,, -10070,1,1,1,1,1,1,2,1,1,1 -10071,1,1,1,1,1,1,2,2,1,1 -10072,1,1,1,1,2,2,1,1,1,1 -10073,1,1,1,1,1,1,1,1,1,1 -10074,2,,,,,,,,, -10075,1,2,2,2,1,1,2,2,2,2 -10076,2,,,,,,,,, -10077,1,1,1,1,1,1,2,1,1,1 -10078,1,1,1,2,1,1,1,1,2,2 -10079,1,1,1,1,2,2,1,1,1,1 -10080,1,1,1,1,1,1,1,1,1,1 -10081,1,1,2,1,2,2,1,1,1,1 -10082,1,2,2,2,2,2,2,2,2,2 -10083,1,1,1,1,1,1,1,1,1,1 -10084,1,1,1,1,1,1,1,1,1,1 -10085,1,1,1,1,2,2,2,2,1,1 -10086,1,1,1,1,1,1,1,1,1,1 -10087,1,1,1,1,1,1,1,1,1,1 -10088,1,2,2,2,2,2,2,2,2,2 -10089,1,1,1,1,1,1,1,1,1,1 -10090,2,,,,,,,,, -10091,2,,,,,,,,, -10092,1,1,2,2,1,1,2,2,2,2 -10093,1,1,1,1,1,1,1,1,1,1 -10094,1,1,1,1,1,1,2,1,1,1 -10095,1,1,2,1,1,1,1,1,1,1 -10096,1,1,1,1,1,2,1,2,1,1 -10097,1,1,1,1,1,1,1,1,1,1 -10098,1,1,2,1,1,1,2,2,2,2 -10099,2,,,,,,,,, -10100,1,1,1,1,1,1,2,2,1,1 -10101,1,1,1,1,1,1,1,1,1,1 -10102,1,1,1,2,1,1,1,2,2,2 -10103,1,1,1,1,2,2,1,1,1,1 -10104,2,,,,,,,,, -10105,1,1,1,1,1,1,2,2,1,1 -10106,1,1,1,2,1,1,1,2,2,2 -10107,1,1,1,2,1,1,1,2,2,2 -10108,2,,,,,,,,, -10109,1,2,2,2,2,2,2,2,2,2 -10110,1,1,1,1,1,1,1,1,1,1 -10111,2,,,,,,,,, -10112,1,2,2,2,2,2,2,2,2,2 -10113,1,1,1,1,1,1,1,1,1,1 -10114,1,1,1,1,1,1,2,1,1,1 -10115,2,,,,,,,,, -10116,1,1,1,1,1,1,1,1,1,1 -10117,1,1,1,2,1,1,1,1,1,1 -10118,1,1,1,1,2,2,1,1,1,1 -10119,1,1,1,1,1,1,1,1,1,1 -10120,1,1,1,2,2,2,1,1,2,2 -10121,1,1,1,1,1,1,2,2,1,1 -10122,1,1,1,2,1,1,1,1,2,2 -10123,1,1,1,1,1,1,1,1,1,1 -10124,1,1,1,1,1,1,1,1,1,1 -10125,2,,,,,,,,, -10126,1,1,1,1,1,1,1,1,1,1 -10127,1,1,1,1,1,1,1,1,1,1 -10128,1,2,2,2,1,1,2,1,2,2 -10129,1,1,1,1,1,1,1,1,1,1 -10130,2,,,,,,,,, -10131,1,1,1,1,1,1,2,1,1,1 -10132,1,1,1,1,1,1,2,2,1,1 -10133,2,,,,,,,,, -10134,1,2,2,1,1,1,1,1,1,1 -10135,1,1,1,1,1,1,2,1,1,1 -10136,1,2,2,2,2,2,2,2,2,2 -10137,1,1,1,2,2,2,2,2,2,2 -10138,1,1,1,1,1,1,2,2,1,1 -10139,1,1,1,1,1,1,2,2,1,1 -10140,1,1,1,1,1,1,1,1,1,1 -10141,1,1,1,1,2,2,1,2,1,1 -10142,1,2,2,2,2,2,2,2,2,2 -10143,1,2,2,2,2,2,2,2,2,2 -10144,1,1,1,1,1,1,2,2,1,1 -10145,1,1,1,2,1,1,2,1,2,2 -10146,1,1,1,1,1,1,1,1,1,1 -10147,1,1,1,1,2,2,2,2,1,1 -10148,1,1,1,1,1,2,1,2,1,1 -10149,1,2,2,2,2,2,1,1,2,2 -10150,1,1,1,1,1,1,1,1,1,1 -10151,1,2,2,2,2,2,2,2,2,2 -10152,1,1,1,1,1,1,1,1,1,1 -10153,1,1,1,1,1,1,1,1,2,2 -10154,1,2,2,2,2,2,2,2,2,2 -10155,1,1,1,1,1,1,1,1,1,1 -10156,1,1,1,2,1,1,2,2,2,2 -10157,1,1,1,2,1,1,1,1,2,2 -10158,1,1,1,1,1,1,1,1,1,1 -10159,1,1,1,1,2,2,1,1,1,1 -10160,1,1,1,1,1,1,1,1,1,1 -10161,1,1,1,1,2,2,2,2,1,1 -10162,1,1,1,1,1,1,1,1,1,1 -10163,1,1,1,1,1,1,2,1,1,1 -10164,1,2,2,2,2,2,2,2,2,2 -10165,1,1,1,1,1,1,1,1,1,1 -10166,1,1,1,1,1,1,2,1,1,1 -10167,1,1,1,1,1,1,2,2,1,1 -10168,1,2,2,2,2,2,2,2,2,2 -10169,1,1,2,2,2,2,2,2,2,2 -10170,1,1,1,2,1,1,1,2,2,2 -10171,1,2,2,2,2,2,2,2,2,2 -10172,1,1,1,1,1,1,1,1,1,1 -10173,1,1,2,2,2,2,2,2,2,2 -10174,1,1,1,1,1,1,2,1,1,1 -10175,1,1,1,2,2,2,1,2,1,1 -10176,1,1,1,1,1,1,1,1,1,1 -10177,1,1,1,1,2,2,1,2,1,1 -10178,1,2,2,2,2,2,2,2,2,2 -10179,1,1,1,1,1,2,1,2,1,1 -10180,2,,,,,,,,, -10181,1,1,1,1,1,1,2,2,1,1 -10182,1,2,2,2,2,2,2,2,2,2 -10183,2,,,,,,,,, -10184,2,,,,,,,,, -10185,1,1,1,2,1,1,1,2,2,2 -10186,1,1,2,1,1,1,1,1,2,2 -10187,1,1,1,1,1,1,1,1,1,1 -10188,2,,,,,,,,, -10189,2,,,,,,,,, -10190,1,1,1,1,1,1,2,1,1,1 -10191,1,1,1,2,2,2,2,2,2,2 -10192,1,1,1,1,2,2,1,1,2,2 -10193,1,1,1,1,1,1,1,2,2,2 -10194,1,1,1,1,2,2,2,2,2,2 -10195,2,,,,,,,,, -10196,1,1,1,2,1,1,1,1,2,2 -10197,2,,,,,,,,, -10198,1,1,1,1,1,1,1,1,1,1 -10199,1,1,1,2,1,1,1,2,2,2 -10200,2,,,,,,,,, -10201,1,1,1,1,1,1,2,1,1,1 -10202,1,1,1,1,1,1,1,1,1,1 -10203,1,1,1,1,1,1,2,2,2,2 -10204,1,2,2,2,2,2,2,2,2,2 -10205,1,1,1,2,1,1,1,2,2,2 -10206,1,1,1,2,1,1,2,2,2,2 -10207,1,2,2,2,1,1,2,2,2,2 -10208,1,2,2,2,2,2,2,2,2,2 -10209,1,1,1,2,1,1,1,2,2,2 -10210,1,1,1,2,1,1,2,2,2,2 -10211,1,1,1,1,1,1,1,2,1,1 -10212,1,1,1,1,1,1,2,2,1,1 -10213,1,1,1,1,1,1,1,1,1,1 -10214,1,1,1,1,1,1,2,1,1,1 -10215,2,,,,,,,,, -10216,1,1,1,1,1,1,2,1,1,1 -10217,1,1,1,1,1,1,1,1,1,1 -10218,1,1,1,1,1,1,2,1,1,1 -10219,1,1,1,1,1,1,2,2,2,2 -10220,1,1,1,1,1,1,2,2,1,1 -10221,1,1,1,1,1,1,2,1,1,1 -10222,1,1,1,1,1,1,1,1,1,1 -10223,1,1,1,1,1,1,1,1,2,2 -10224,1,1,2,1,2,2,2,2,2,2 -10225,1,1,1,1,1,1,2,2,1,1 -10226,1,1,1,1,1,1,1,1,1,1 -10227,1,1,1,1,2,2,2,2,1,1 -10228,1,1,1,1,1,1,1,1,1,1 -10229,1,1,1,2,2,2,2,2,2,2 -10230,1,1,1,1,1,1,1,1,1,1 -10231,1,1,1,1,1,1,2,2,1,1 -10232,1,1,1,1,2,2,1,2,1,1 -10233,1,1,1,1,1,1,1,1,1,1 -10234,1,2,2,2,2,2,2,2,2,2 -10235,1,1,1,1,1,1,1,1,1,1 -10236,1,1,1,2,1,1,1,2,2,2 -10237,1,1,1,1,2,2,2,2,1,1 -10238,1,1,1,1,1,1,2,1,1,1 -10239,1,1,1,2,1,1,2,2,1,1 -10240,1,2,2,2,2,2,2,2,2,2 -10241,1,1,1,1,1,1,1,1,1,1 -10242,1,1,1,2,1,1,1,1,2,2 -10243,1,1,1,2,1,1,2,2,1,1 -10244,2,,,,,,,,, -10245,1,1,2,1,2,2,1,1,1,1 -10246,1,1,1,1,1,1,1,1,1,1 -10247,1,1,1,1,1,1,2,2,1,1 -10248,1,1,1,1,2,2,2,2,1,1 -10249,2,,,,,,,,, -10250,1,1,1,1,1,1,1,1,1,1 -10251,1,2,2,2,2,2,2,2,2,2 -10252,1,1,1,2,2,2,2,2,2,2 -10253,1,1,2,2,2,2,2,2,2,2 -10254,1,2,2,2,2,2,2,2,2,2 -10255,1,1,1,2,1,1,1,2,2,2 -10256,1,2,2,2,2,2,2,2,2,2 -10257,1,1,1,2,1,1,1,2,2,2 -10258,1,1,1,1,1,1,2,2,1,1 -10259,1,1,2,2,2,2,1,1,1,1 -10260,1,2,2,2,2,2,2,2,2,2 -10261,2,,,,,,,,, -10262,1,1,1,2,2,2,1,2,2,2 -10263,1,2,1,1,1,1,1,2,2,2 -10264,1,1,1,2,1,1,1,1,2,2 -10265,1,1,1,1,2,2,1,2,1,1 -10266,1,1,1,2,2,2,2,2,2,2 -10267,2,,,,,,,,, -10268,1,1,1,1,2,2,1,1,1,1 -10269,1,1,1,1,1,1,2,2,1,1 -10270,1,1,1,1,1,1,1,1,1,1 -10271,2,,,,,,,,, -10272,1,1,1,1,1,1,2,1,1,1 -10273,1,1,1,2,1,1,1,1,2,2 -10274,1,1,1,1,1,1,1,1,1,1 -10275,1,1,2,2,2,2,2,2,2,2 -10276,2,,,,,,,,, -10277,1,1,1,1,2,2,2,2,1,1 -10278,1,1,1,2,2,2,2,2,2,2 -10279,1,1,1,1,1,1,2,2,2,2 -10280,1,1,1,2,1,1,1,2,2,2 -10281,1,1,1,1,1,1,2,1,1,1 -10282,1,1,2,1,2,2,1,1,2,2 -10283,1,1,1,2,1,1,1,1,2,2 -10284,1,1,1,1,1,1,1,1,1,1 -10285,1,1,1,1,1,1,2,1,1,1 -10286,1,2,2,2,2,2,2,2,2,2 -10287,1,1,1,1,1,1,1,1,1,1 -10288,1,1,1,1,1,1,2,2,2,2 -10289,1,1,1,1,1,1,2,2,1,1 -10290,1,1,1,1,1,1,1,1,2,2 -10291,1,1,1,2,1,1,1,1,2,2 -10292,1,2,2,2,2,2,1,1,2,2 -10293,1,1,2,1,2,2,2,2,2,2 -10294,2,,,,,,,,, -10295,1,1,1,1,1,1,1,2,1,1 -10296,1,1,1,1,1,1,2,1,1,1 -10297,1,1,1,1,1,1,1,1,1,1 -10298,1,2,2,1,1,1,1,1,1,1 -10299,1,2,2,2,2,2,2,2,2,2 -10300,1,1,1,1,1,1,1,1,1,1 -10301,1,1,1,2,2,2,2,2,2,2 -10302,1,1,1,1,1,1,2,2,1,1 -10303,1,1,1,1,1,1,2,1,1,1 -10304,1,2,2,1,1,1,2,2,1,1 -10305,1,1,1,1,1,1,1,1,1,1 -10306,1,1,1,1,1,1,1,1,1,1 -10307,2,,,,,,,,, -10308,1,2,2,2,1,1,2,2,2,2 -10309,1,1,1,1,1,1,2,1,1,1 -10310,1,1,1,1,1,1,1,1,1,1 -10311,2,,,,,,,,, -10312,1,1,1,1,1,1,1,2,1,1 -10313,1,1,1,1,1,1,2,1,1,1 -10314,1,1,1,1,1,1,1,1,1,1 -10315,1,2,2,2,1,1,2,2,2,2 -10316,1,2,2,2,2,2,2,2,2,2 -10317,2,,,,,,,,, -10318,1,1,1,1,1,1,1,1,1,1 -10319,1,1,1,1,1,1,1,2,1,1 -10320,1,1,1,1,1,1,2,1,1,1 -10321,2,,,,,,,,, -10322,1,1,1,1,2,2,1,1,1,1 -10323,1,1,1,2,1,1,1,1,1,1 -10324,1,2,2,2,2,2,2,2,2,2 -10325,1,1,1,1,1,1,1,1,1,1 -10326,1,1,1,1,1,1,2,1,1,1 -10327,1,2,2,2,2,2,2,2,2,2 -10328,1,2,2,2,2,2,2,2,2,2 -10329,1,2,2,2,2,2,2,2,2,2 -10330,2,,,,,,,,, -10331,1,1,1,1,1,1,2,2,1,1 -10332,1,1,1,1,2,2,1,1,1,1 -10333,1,1,1,2,1,1,2,2,2,2 -10334,1,1,1,1,1,1,2,1,1,1 -10335,1,1,1,1,1,1,1,1,1,1 -10336,1,1,1,1,1,2,1,2,1,1 -10337,1,1,1,1,1,2,1,2,1,1 -10338,1,1,1,2,1,1,2,2,2,2 -10339,1,1,1,1,1,1,1,1,1,1 -10340,1,2,2,2,2,2,2,2,2,2 -10341,1,2,2,2,2,2,2,2,2,2 -10342,1,1,1,1,1,1,2,2,2,2 -10343,1,2,2,2,2,2,2,2,2,2 -10344,1,1,1,1,1,1,1,1,1,1 -10345,1,1,1,1,2,2,2,2,1,1 -10346,1,1,1,1,1,1,2,1,1,1 -10347,1,2,2,1,1,1,2,2,1,1 -10348,1,1,1,1,1,1,2,1,1,1 -10349,1,1,1,1,2,2,2,2,1,1 -10350,1,1,1,1,1,2,1,2,1,1 -10351,1,1,1,1,1,1,1,1,1,1 -10352,1,2,2,2,2,2,2,2,2,2 -10353,1,1,1,1,1,1,1,1,1,1 -10354,1,1,1,1,1,1,2,1,1,1 -10355,1,1,1,1,1,2,1,2,1,1 -10356,1,2,2,2,2,2,2,2,2,2 -10357,1,1,1,1,1,1,1,1,1,1 -10358,1,1,1,1,1,1,1,1,1,1 -10359,1,1,1,2,1,1,1,1,2,2 -10360,1,1,1,2,1,1,1,1,2,2 -10361,1,1,1,1,2,2,1,1,1,1 -10362,1,2,2,2,2,2,2,2,2,2 -10363,1,1,1,2,1,1,1,2,2,2 -10364,1,2,2,2,2,2,2,2,2,2 -10365,1,1,1,1,2,2,2,2,1,1 -10366,1,1,1,1,1,1,2,2,1,1 -10367,2,,,,,,,,, -10368,1,1,1,1,1,1,1,1,1,1 -10369,1,1,1,1,2,2,2,1,1,1 -10370,1,1,1,1,1,2,1,2,1,1 -10371,1,1,1,1,1,1,1,1,1,1 -10372,1,1,1,1,1,1,2,2,1,1 -10373,2,,,,,,,,, -10374,1,1,1,1,1,1,1,1,1,1 -10375,1,2,2,2,2,2,2,2,2,2 -10376,1,1,1,1,1,1,2,2,1,1 -10377,1,1,1,1,1,1,1,1,1,1 -10378,1,2,2,2,2,2,2,2,2,2 -10379,1,1,1,1,1,1,1,2,1,1 -10380,1,1,1,1,2,2,2,2,1,1 -10381,1,2,2,2,2,2,2,2,2,2 -10382,2,,,,,,,,, -10383,1,1,1,2,1,1,1,1,1,1 -10384,1,1,1,1,1,2,1,2,1,1 -10385,2,,,,,,,,, -10386,1,1,1,1,1,1,2,1,1,1 -10387,1,1,1,1,2,2,2,2,1,1 -10388,1,1,1,1,1,1,1,1,1,1 -10389,1,1,2,1,1,1,1,1,1,1 -10390,1,1,1,1,1,1,1,1,1,1 -10391,1,1,1,1,1,1,1,1,1,1 -10392,1,1,1,2,1,1,1,1,1,1 -10393,1,2,2,2,2,2,2,2,2,2 -10394,1,2,2,2,1,1,1,2,2,2 -10395,1,1,1,1,2,1,1,1,1,1 -10396,1,1,1,1,1,1,2,2,1,1 -10397,1,1,1,1,1,1,2,1,1,1 -10398,1,1,1,1,1,1,1,1,1,1 -10399,1,1,1,1,2,2,2,2,1,1 -10400,1,1,1,1,1,1,2,1,1,1 -10401,1,2,2,2,1,1,2,2,2,2 -10402,1,1,1,1,1,1,1,1,1,1 -10403,1,1,1,2,1,1,1,2,2,2 -10404,1,1,1,1,2,2,2,2,1,1 -10405,1,1,1,2,1,1,1,2,2,2 -10406,1,1,1,2,1,1,1,1,2,2 -10407,1,1,1,2,1,1,1,2,2,2 -10408,1,1,1,1,1,1,2,1,1,1 -10409,1,2,2,2,1,1,1,1,2,2 -10410,1,1,1,1,2,2,1,1,1,1 -10411,1,2,2,2,2,2,2,2,2,2 -10412,1,1,2,2,2,2,2,2,2,2 -10413,1,1,1,2,1,1,1,1,2,2 -10414,2,,,,,,,,, -10415,1,2,2,2,2,2,2,2,2,2 -10416,1,2,2,2,2,2,2,2,2,2 -10417,1,1,1,1,1,1,2,2,1,1 -10418,1,1,1,1,1,1,2,1,1,1 -10419,1,2,2,2,2,2,2,2,2,2 -10420,1,1,1,1,1,1,1,1,1,1 -10421,1,1,1,1,2,2,1,2,1,1 -10422,1,1,2,1,1,1,1,1,1,1 -10423,1,1,1,1,1,1,1,1,1,1 -10424,1,1,1,1,1,1,2,2,1,1 -10425,1,1,1,1,1,1,2,1,1,1 -10426,1,2,2,2,2,2,2,2,2,2 -10427,2,,,,,,,,, -10428,1,2,2,2,2,2,2,2,2,2 -10429,2,,,,,,,,, -10430,1,2,2,1,1,1,1,1,1,1 -10431,1,1,1,1,1,1,1,1,1,1 -10432,1,1,1,1,1,1,1,2,2,2 -10433,1,1,1,2,1,1,1,1,2,2 -10434,1,1,1,1,1,1,2,2,1,1 -10435,1,1,1,1,1,1,2,1,1,1 -10436,1,1,1,1,1,1,1,1,1,1 -10437,1,2,2,2,2,2,2,2,2,2 -10438,1,2,2,2,2,2,2,2,2,2 -10439,1,1,1,1,1,2,1,2,1,1 -10440,1,2,2,2,1,1,1,2,2,2 -10441,2,,,,,,,,, -10442,1,1,1,1,1,1,2,2,1,1 -10443,1,2,2,2,2,2,2,2,2,2 -10444,1,1,1,1,2,2,2,2,1,1 -10445,1,1,1,1,1,1,1,1,1,1 -10446,1,1,1,1,1,1,2,1,1,1 -10447,1,1,1,2,2,2,2,2,2,2 -10448,1,1,1,1,1,1,1,1,1,1 -10449,1,1,1,1,1,1,2,1,1,1 -10450,1,1,1,1,1,1,1,1,1,1 -10451,1,2,2,2,2,2,2,2,2,2 -10452,1,1,1,2,1,1,1,2,2,2 -10453,1,2,2,2,2,2,2,2,2,2 -10454,1,1,1,1,1,1,1,1,1,1 -10455,1,1,2,1,1,1,1,1,1,1 -10456,1,2,2,2,2,2,2,2,2,2 -10457,1,1,1,1,2,2,2,2,1,1 -10458,1,1,1,1,1,1,2,1,1,1 -10459,1,1,1,1,2,2,2,2,1,1 -10460,1,1,1,1,1,1,1,1,1,1 -10461,1,2,2,2,2,2,2,2,2,2 -10462,1,1,1,1,1,1,2,2,1,1 -10463,2,,,,,,,,, -10464,1,1,1,1,1,2,1,2,1,1 -10465,1,1,1,1,1,1,1,1,1,1 -10466,1,1,1,2,1,1,2,1,2,2 -10467,1,1,1,1,1,1,2,1,1,1 -10468,2,,,,,,,,, -10469,1,1,2,1,2,2,2,2,2,2 -10470,1,2,2,2,2,2,2,2,2,2 -10471,1,1,1,1,1,1,1,1,1,1 -10472,1,1,1,1,1,1,1,1,1,1 -10473,1,1,1,2,2,2,2,2,2,2 -10474,1,1,1,1,1,1,1,1,1,1 -10475,2,,,,,,,,, -10476,1,1,1,1,2,2,1,1,1,1 -10477,1,1,1,1,1,1,1,1,1,1 -10478,1,2,2,2,2,2,2,2,2,2 -10479,1,1,2,2,2,2,2,2,2,2 -10480,1,2,2,2,2,2,2,2,2,2 -10481,1,1,1,1,1,2,1,2,1,1 -10482,2,,,,,,,,, -10483,1,2,2,2,2,2,2,2,2,2 -10484,1,1,1,1,1,1,1,2,1,1 -10485,1,1,1,2,1,1,1,2,2,2 -10486,1,1,1,1,1,1,1,2,1,1 -10487,1,2,2,2,2,2,2,2,2,2 -10488,1,1,1,1,1,1,2,2,1,1 -10489,1,1,1,2,1,1,1,2,2,2 -10490,1,1,1,2,2,2,2,2,2,2 -10491,1,1,1,2,1,1,1,2,2,2 -10492,1,1,1,1,1,2,1,2,1,1 -10493,1,1,1,1,1,1,1,1,1,1 -10494,1,1,1,2,1,1,1,1,1,1 -10495,1,2,2,2,2,2,2,2,2,2 -10496,1,1,1,1,1,1,1,1,1,1 -10497,1,1,1,1,1,1,2,1,1,1 -10498,2,,,,,,,,, -10499,1,1,1,1,1,1,1,1,1,1 -10500,1,1,1,1,1,1,1,1,1,1 -10501,1,1,2,1,2,2,2,2,2,2 -10502,1,1,1,1,1,1,2,2,1,1 -10503,1,1,1,2,1,1,1,2,2,2 -10504,1,1,1,1,2,2,1,1,1,1 -10505,1,1,1,1,1,1,2,2,1,1 -10506,1,1,1,1,1,1,1,1,1,1 -10507,1,1,1,1,1,1,1,1,1,1 -10508,1,1,1,2,1,1,1,2,2,2 -10509,1,1,1,2,1,1,2,2,2,2 -10510,1,2,2,2,2,2,2,2,2,2 -10511,1,1,1,1,1,1,1,1,1,1 -10512,1,1,1,1,1,1,2,1,1,1 -10513,1,1,1,2,1,1,2,1,2,2 -10514,1,2,2,2,2,2,2,2,2,2 -10515,1,1,1,1,1,1,2,1,1,1 -10516,1,1,2,1,2,2,2,2,2,2 -10517,1,1,1,1,1,1,1,1,1,1 -10518,1,2,2,2,2,2,2,2,2,2 -10519,1,1,1,1,2,2,2,2,1,1 -10520,1,1,1,1,1,1,1,1,1,1 -10521,1,1,1,1,1,2,1,2,1,1 -10522,1,1,1,1,1,1,1,1,1,1 -10523,1,1,1,1,1,1,1,2,1,1 -10524,1,1,1,1,1,1,2,1,1,1 -10525,1,1,1,1,2,2,1,1,1,1 -10526,1,2,2,2,2,2,2,2,2,2 -10527,1,1,1,1,1,1,2,2,1,1 -10528,2,,,,,,,,, -10529,1,1,1,1,1,1,2,1,1,1 -10530,1,1,1,1,1,1,2,1,1,1 -10531,2,,,,,,,,, -10532,1,1,1,1,2,2,2,1,1,1 -10533,1,1,1,1,1,1,2,1,1,1 -10534,1,1,1,1,1,1,1,1,1,1 -10535,1,1,1,2,1,1,1,2,2,2 -10536,1,1,1,1,1,1,2,2,1,1 -10537,1,2,2,2,2,2,2,2,2,2 -10538,1,1,1,1,1,1,2,2,1,1 -10539,1,2,2,1,1,1,1,1,1,1 -10540,1,1,1,1,1,1,1,2,1,1 -10541,1,1,2,1,2,2,2,2,2,2 -10542,1,1,1,1,1,1,1,1,1,1 -10543,1,1,2,2,2,2,2,2,2,2 -10544,1,1,1,1,2,2,2,2,1,1 -10545,1,1,2,2,1,1,1,1,2,2 -10546,2,,,,,,,,, -10547,1,1,1,2,2,2,2,2,2,2 -10548,1,1,1,1,2,2,2,1,1,1 -10549,1,1,1,1,1,1,2,1,1,1 -10550,1,1,1,1,1,1,2,2,1,1 -10551,1,1,1,2,1,1,1,1,2,2 -10552,1,1,1,2,2,2,2,2,2,2 -10553,1,1,1,1,2,2,2,2,1,1 -10554,1,1,2,1,2,2,2,2,1,1 -10555,1,1,1,1,2,2,1,2,1,1 -10556,2,,,,,,,,, -10557,1,1,1,1,1,1,1,2,1,1 -10558,1,1,1,2,2,2,2,2,2,2 -10559,1,1,1,1,1,1,2,2,1,1 -10560,1,1,1,1,1,1,1,1,1,1 -10561,1,1,1,1,1,1,1,1,1,1 -10562,1,1,1,2,2,2,2,2,2,2 -10563,1,1,1,1,1,1,2,1,1,1 -10564,1,1,1,1,1,1,2,2,1,1 -10565,1,1,1,1,1,1,1,1,1,1 -10566,1,1,1,1,1,1,2,2,1,1 -10567,1,1,1,2,2,2,2,2,2,2 -10568,1,1,1,1,1,1,1,1,1,1 -10569,1,1,1,1,1,1,1,1,1,1 -10570,1,1,1,1,2,2,1,1,1,1 -10571,1,1,1,1,1,1,1,1,1,1 -10572,1,1,1,1,1,1,1,2,2,2 -10573,1,1,2,1,2,2,2,2,2,2 -10574,1,1,1,1,1,1,1,1,1,1 -10575,1,1,1,2,1,1,1,1,1,1 -10576,1,2,2,2,2,2,2,2,2,2 -10577,2,,,,,,,,, -10578,1,2,2,2,2,2,2,2,2,2 -10579,1,1,2,1,1,1,1,1,1,1 -10580,1,1,1,1,1,1,2,2,1,1 -10581,1,2,2,2,2,2,2,2,2,2 -10582,1,2,2,2,2,2,2,2,2,2 -10583,1,1,1,2,1,1,1,2,2,2 -10584,1,1,1,1,1,1,2,1,1,1 -10585,1,1,1,2,1,1,1,1,2,2 -10586,1,2,2,2,2,2,2,2,2,2 -10587,1,1,1,1,1,1,1,1,1,1 -10588,1,1,1,1,1,1,2,1,1,1 -10589,1,1,1,1,1,1,1,1,1,1 -10590,1,1,1,1,1,1,1,1,1,1 -10591,1,2,2,2,2,2,2,2,2,2 -10592,1,2,2,2,2,2,2,2,2,2 -10593,1,1,1,2,2,2,2,2,2,2 -10594,1,1,1,1,1,1,2,1,1,1 -10595,1,1,1,2,1,1,2,2,1,1 -10596,1,1,2,2,1,1,1,1,2,2 -10597,1,1,1,1,1,1,1,1,1,1 -10598,1,2,2,2,2,2,2,2,2,2 -10599,2,,,,,,,,, -10600,1,1,1,1,1,1,1,1,1,1 -10601,1,1,1,1,1,1,1,1,1,1 -10602,1,1,1,1,1,1,2,2,1,1 -10603,1,1,1,1,1,1,2,1,1,1 -10604,1,1,1,1,1,1,1,1,1,1 -10605,1,1,1,1,1,1,1,1,1,1 -10606,1,1,1,2,1,1,1,1,2,2 -10607,1,1,1,2,1,1,1,1,1,1 -10608,1,1,1,1,1,1,2,1,1,1 -10609,1,2,2,2,2,2,2,2,2,2 -10610,1,1,1,1,1,2,1,2,1,1 -10611,1,1,2,1,2,2,1,1,1,1 -10612,2,,,,,,,,, -10613,1,2,2,2,1,1,2,2,2,2 -10614,1,1,1,1,1,1,1,1,1,1 -10615,2,,,,,,,,, -10616,1,1,1,1,2,2,2,2,2,2 -10617,1,1,1,1,1,1,1,1,1,1 -10618,1,2,2,2,2,2,2,2,2,2 -10619,1,1,1,1,1,1,1,1,1,1 -10620,1,1,1,1,1,2,1,2,1,1 -10621,1,1,1,2,1,1,1,2,2,2 -10622,1,1,1,2,1,1,1,2,2,2 -10623,1,1,1,1,1,1,2,1,1,1 -10624,1,1,1,1,1,1,1,1,1,1 -10625,1,1,1,1,1,1,1,1,1,1 -10626,1,1,1,1,1,1,2,1,1,1 -10627,1,1,1,1,1,1,2,1,1,1 -10628,1,1,1,2,1,1,2,1,1,1 -10629,1,1,1,1,1,1,2,2,1,1 -10630,1,1,2,1,2,2,2,2,2,2 -10631,1,1,1,1,2,2,1,1,1,1 -10632,1,1,2,2,1,1,1,1,2,2 -10633,2,,,,,,,,, -10634,1,1,1,1,1,2,1,2,1,1 -10635,2,,,,,,,,, -10636,1,1,1,1,1,1,1,1,1,1 -10637,1,1,1,1,1,1,1,2,1,1 -10638,1,1,1,1,1,1,1,1,1,1 -10639,1,1,1,1,1,1,1,1,1,1 -10640,1,2,2,2,2,2,2,2,2,2 -10641,1,1,1,1,1,1,1,2,1,1 -10642,1,1,1,1,1,1,2,1,1,1 -10643,1,1,1,2,1,1,1,1,1,1 -10644,1,1,2,2,1,1,2,1,2,2 -10645,1,1,1,1,1,1,1,1,1,1 -10646,1,1,1,1,1,1,1,1,1,1 -10647,1,1,1,1,1,1,2,1,1,1 -10648,1,2,2,2,2,2,2,2,2,2 -10649,1,1,1,2,1,2,1,2,2,2 -10650,1,1,1,2,2,2,2,2,2,2 -10651,1,2,2,2,2,2,2,2,2,2 -10652,1,1,1,1,2,2,1,1,1,1 -10653,1,1,1,1,1,1,1,1,1,1 -10654,2,,,,,,,,, -10655,2,,,,,,,,, -10656,1,1,1,1,1,1,1,1,1,1 -10657,1,1,2,1,2,2,2,2,2,2 -10658,1,1,1,1,1,1,1,2,2,2 -10659,1,1,1,1,1,1,1,1,1,1 -10660,1,1,1,1,1,1,1,1,1,1 -10661,1,1,1,2,1,1,1,1,1,1 -10662,1,2,2,2,2,2,2,2,2,2 -10663,2,,,,,,,,, -10664,1,2,2,2,2,2,2,2,2,2 -10665,1,1,1,1,2,2,1,1,1,1 -10666,1,2,2,2,2,2,2,2,2,2 -10667,1,2,2,2,2,2,2,2,2,2 -10668,1,1,1,1,1,1,1,1,1,1 -10669,1,1,1,1,1,1,2,1,1,1 -10670,1,1,1,1,2,2,2,2,1,1 -10671,1,1,1,2,1,1,1,1,1,1 -10672,1,2,2,2,2,2,2,2,2,2 -10673,1,1,1,1,1,1,2,2,1,1 -10674,1,1,1,2,1,1,2,2,1,2 -10675,1,1,1,1,1,1,2,1,1,1 -10676,1,1,1,1,1,1,1,1,1,1 -10677,1,1,1,2,1,1,2,2,2,2 -10678,1,1,1,2,1,1,1,2,1,1 -10679,1,1,2,1,2,2,1,1,2,2 -10680,1,1,1,1,1,1,1,1,1,1 -10681,1,1,2,1,2,2,2,2,2,2 -10682,1,2,2,2,2,2,2,2,2,2 -10683,1,1,1,2,1,1,1,1,2,2 -10684,1,1,1,2,1,1,1,2,2,2 -10685,1,1,2,2,1,1,1,1,2,2 -10686,1,2,2,2,2,2,2,2,2,2 -10687,1,1,1,2,1,1,1,1,2,2 -10688,1,1,1,2,1,1,1,1,2,2 -10689,1,1,1,1,1,1,2,2,1,1 -10690,1,1,1,1,1,1,2,2,1,1 -10691,2,,,,,,,,, -10692,1,2,2,2,2,2,2,2,2,2 -10693,1,1,1,2,2,2,1,1,1,1 -10694,1,2,2,2,2,2,2,2,2,2 -10695,1,1,1,2,1,1,1,1,2,2 -10696,1,1,1,1,1,1,1,1,1,1 -10697,1,1,1,1,2,2,1,2,1,1 -10698,1,1,1,1,1,1,2,2,1,1 -10699,1,1,1,1,1,1,2,1,1,1 -10700,1,1,1,2,1,1,2,2,2,2 -10701,1,1,1,1,1,1,1,1,1,1 -10702,1,2,2,2,2,2,2,2,2,2 -10703,1,1,1,1,2,2,1,2,1,1 -10704,1,1,1,1,1,1,1,1,1,1 -10705,1,1,2,2,2,2,2,2,2,2 -10706,2,,,,,,,,, -10707,1,1,1,1,2,2,2,2,1,1 -10708,1,1,1,1,1,1,2,2,1,1 -10709,1,2,2,2,2,2,2,2,2,2 -10710,2,,,,,,,,, -10711,1,1,1,2,1,1,1,1,2,2 -10712,1,1,1,1,1,1,1,1,1,1 -10713,1,1,1,1,1,1,2,1,1,1 -10714,1,1,1,1,1,1,1,1,1,1 -10715,1,1,1,2,1,1,1,1,2,2 -10716,1,1,2,2,2,2,2,2,2,2 -10717,1,1,2,1,2,2,2,2,2,2 -10718,2,,,,,,,,, -10719,1,2,2,2,1,1,2,2,2,2 -10720,1,1,1,2,1,1,1,2,2,2 -10721,1,1,2,1,2,2,2,2,2,2 -10722,1,1,1,1,1,1,1,1,1,1 -10723,1,1,2,1,2,2,2,2,2,2 -10724,2,,,,,,,,, -10725,1,1,1,1,1,1,2,2,1,1 -10726,1,1,1,1,1,1,1,1,1,1 -10727,1,1,1,1,1,1,1,1,1,1 -10728,1,1,1,1,2,2,2,2,1,1 -10729,1,1,1,1,1,1,1,1,1,1 -10730,1,1,1,1,1,1,2,1,1,1 -10731,1,1,1,1,1,1,1,1,1,1 -10732,2,,,,,,,,, -10733,1,1,1,1,1,1,2,1,1,1 -10734,1,2,2,2,2,2,2,2,2,2 -10735,1,1,1,1,2,2,2,2,1,1 -10736,2,,,,,,,,, -10737,1,1,1,1,1,2,1,2,1,1 -10738,1,1,1,1,1,1,2,1,1,1 -10739,1,1,1,2,1,1,1,1,1,1 -10740,1,1,1,1,1,1,2,1,1,1 -10741,1,1,1,1,1,2,1,2,1,1 -10742,1,1,1,2,1,1,1,1,2,2 -10743,1,1,1,1,1,1,2,1,1,1 -10744,1,1,1,2,2,2,2,2,2,2 -10745,1,1,1,2,1,1,2,1,2,2 -10746,1,2,2,2,2,2,2,2,2,2 -10747,1,2,2,2,2,2,2,2,2,2 -10748,1,2,2,2,2,2,2,2,2,2 -10749,1,1,1,1,1,1,1,2,1,1 -10750,1,1,2,1,2,2,2,2,2,2 -10751,1,1,1,1,1,2,1,2,1,1 -10752,1,1,1,2,2,2,1,2,1,1 -10753,1,1,2,1,1,1,1,1,1,1 -10754,1,1,1,1,1,1,2,2,1,1 -10755,1,1,1,2,1,1,1,1,2,2 -10756,1,1,1,1,1,1,2,2,1,1 -10757,1,1,1,1,1,1,1,1,1,1 -10758,1,1,1,1,1,1,1,1,2,2 -10759,2,,,,,,,,, -10760,1,1,1,1,1,1,2,2,1,1 -10761,1,1,1,1,1,1,2,1,1,1 -10762,1,1,1,2,2,2,2,2,2,2 -10763,1,1,1,1,1,1,2,2,1,1 -10764,2,,,,,,,,, -10765,1,1,1,1,2,2,2,2,1,1 -10766,1,2,2,2,1,1,1,2,2,2 -10767,1,2,2,2,2,2,2,2,2,2 -10768,1,2,2,2,2,2,2,2,2,2 -10769,1,1,1,2,1,1,1,1,2,2 -10770,1,1,1,1,1,1,2,2,1,1 -10771,1,1,1,1,1,1,1,1,1,1 -10772,1,1,2,1,2,2,2,2,1,1 -10773,1,1,1,1,1,1,2,1,1,1 -10774,1,2,2,2,2,2,2,2,2,2 -10775,1,1,1,1,2,2,1,1,1,1 -10776,1,1,1,1,1,1,2,2,1,1 -10777,1,1,1,1,1,1,1,1,1,1 -10778,1,1,1,1,1,1,1,1,1,1 -10779,1,2,2,2,2,2,2,2,2,2 -10780,2,,,,,,,,, -10781,1,1,1,1,1,1,1,1,1,1 -10782,2,,,,,,,,, -10783,1,1,1,1,1,2,1,2,1,1 -10784,1,1,1,1,1,1,2,2,1,1 -10785,1,1,1,1,2,2,2,2,1,1 -10786,1,1,1,1,1,1,2,2,1,1 -10787,1,1,1,1,1,1,1,1,1,1 -10788,2,,,,,,,,, -10789,1,1,1,1,1,1,2,2,1,1 -10790,1,1,1,1,1,1,2,2,1,1 -10791,1,1,1,2,1,1,1,2,2,2 -10792,1,1,1,1,1,1,1,1,1,1 -10793,1,1,1,1,2,2,2,2,1,1 -10794,1,1,1,1,1,1,1,1,1,1 -10795,1,1,1,1,2,2,2,2,1,1 -10796,1,1,1,1,1,1,2,2,1,1 -10797,1,2,2,2,2,2,2,2,2,2 -10798,1,1,1,1,1,1,2,1,1,1 -10799,1,1,1,1,2,2,2,2,1,1 -10800,1,2,2,2,2,2,2,2,2,2 -10801,1,1,1,1,1,1,1,1,1,1 -10802,1,1,1,2,1,1,1,2,2,2 -10803,1,1,1,1,1,1,2,2,1,1 -10804,1,1,1,1,1,1,2,2,1,1 -10805,1,1,1,1,1,1,2,1,1,1 -10806,2,,,,,,,,, -10807,1,1,2,1,2,2,2,2,2,2 -10808,1,2,2,2,2,2,2,2,2,2 -10809,2,,,,,,,,, -10810,1,1,1,1,1,1,1,2,1,1 -10811,1,1,1,1,2,2,1,2,1,1 -10812,1,1,2,2,2,2,2,2,2,2 -10813,1,1,1,1,1,1,2,2,1,1 -10814,1,2,2,2,2,2,2,2,2,2 -10815,1,1,1,2,1,1,1,2,2,2 -10816,1,1,1,1,1,1,2,1,1,1 -10817,2,,,,,,,,, -10818,1,1,1,2,2,2,2,2,2,2 -10819,1,2,2,2,2,2,2,2,2,2 -10820,1,2,2,2,2,2,2,2,2,2 -10821,1,2,2,2,2,2,2,2,2,2 -10822,1,1,1,1,2,2,2,1,1,1 -10823,1,1,1,1,1,2,1,2,1,1 -10824,1,2,2,2,2,2,2,2,2,2 -10825,1,1,1,1,1,1,1,1,1,1 -10826,1,1,1,1,1,1,1,1,1,1 -10827,2,,,,,,,,, -10828,1,1,1,1,1,1,1,1,1,1 -10829,2,,,,,,,,, -10830,1,1,1,1,1,1,1,1,1,1 -10831,1,1,1,1,2,2,2,2,1,1 -10832,1,1,1,1,1,1,1,2,2,2 -10833,1,1,1,1,2,2,2,2,1,1 -10834,1,2,2,2,2,2,2,2,2,2 -10835,1,1,1,1,1,1,1,1,1,1 -10836,1,1,2,2,1,1,1,2,2,2 -10837,1,2,2,2,2,2,2,2,2,2 -10838,1,1,1,2,1,1,1,2,2,2 -10839,1,1,1,1,1,1,1,1,1,1 -10840,1,2,2,2,2,2,2,2,2,2 -10841,1,1,1,1,1,1,2,1,1,1 -10842,1,2,2,2,1,1,2,2,2,2 -10843,1,1,1,2,1,1,1,2,2,2 -10844,1,1,1,1,1,1,2,1,1,1 -10845,1,1,1,2,1,1,2,2,2,2 -10846,2,,,,,,,,, -10847,1,1,1,1,1,1,1,1,1,1 -10848,2,,,,,,,,, -10849,1,2,2,2,2,2,2,2,2,2 -10850,1,1,1,1,1,1,2,1,1,1 -10851,1,2,2,2,2,2,2,2,2,2 -10852,1,1,2,2,2,2,2,2,2,2 -10853,1,1,1,1,2,2,1,2,1,1 -10854,1,1,1,1,1,1,1,1,2,2 -10855,1,1,1,1,1,1,1,1,1,1 -10856,1,1,1,1,2,2,2,1,1,1 -10857,1,1,1,1,1,1,1,1,1,1 -10858,1,1,1,1,2,2,1,2,1,1 -10859,1,1,1,1,1,1,2,1,1,1 -10860,1,1,1,1,1,1,1,1,1,1 -10861,1,1,1,1,1,2,1,2,1,1 -10862,2,,,,,,,,, -10863,1,2,2,2,2,2,2,2,2,2 -10864,1,1,1,1,1,1,1,1,1,1 -10865,2,,,,,,,,, -10866,1,1,1,1,1,1,2,1,1,1 -10867,1,1,1,2,1,1,1,1,2,2 -10868,2,,,,,,,,, -10869,2,,,,,,,,, -10870,1,1,1,1,1,1,2,2,1,1 -10871,1,1,1,2,2,2,2,2,2,1 -10872,1,1,1,1,1,1,2,2,1,1 -10873,1,2,2,1,1,1,1,1,1,1 -10874,2,,,,,,,,, -10875,1,2,2,2,2,2,2,2,2,2 -10876,1,1,1,1,1,1,2,1,1,1 -10877,1,1,1,1,1,1,1,1,1,1 -10878,1,1,1,1,1,1,1,1,1,1 -10879,1,1,1,1,2,2,2,2,1,1 -10880,1,1,1,1,1,1,1,1,1,1 -10881,1,1,1,1,1,1,2,1,1,1 -10882,1,2,2,2,2,2,2,2,2,2 -10883,1,1,2,2,2,2,1,1,2,2 -10884,1,1,1,1,1,1,2,1,1,1 -10885,1,1,1,1,1,1,1,2,1,1 -10886,2,,,,,,,,, -10887,1,1,1,1,1,1,2,2,1,1 -10888,1,1,1,1,1,1,1,1,1,1 -10889,1,2,2,2,2,2,2,2,2,2 -10890,1,1,2,1,2,2,2,2,1,1 -10891,2,,,,,,,,, -10892,1,1,1,1,1,1,2,2,1,1 -10893,1,1,1,1,1,1,1,1,1,1 -10894,2,,,,,,,,, -10895,1,2,2,2,1,1,1,1,2,2 -10896,1,1,1,2,1,1,1,2,2,2 -10897,2,,,,,,,,, -10898,1,1,1,1,2,2,2,2,1,1 -10899,1,1,1,2,1,1,1,1,2,2 -10900,1,2,2,2,1,1,1,1,2,2 -10901,1,1,1,2,1,1,2,1,2,2 -10902,1,1,1,2,1,1,2,1,2,2 -10903,1,1,1,1,1,1,1,1,1,1 -10904,1,1,1,1,1,1,1,1,1,1 -10905,1,1,1,1,1,1,2,1,1,1 -10906,1,1,1,1,1,1,1,1,1,1 -10907,1,2,2,2,2,2,2,2,2,2 -10908,1,2,2,2,2,2,2,2,2,2 -10909,1,1,1,2,2,2,2,2,2,2 -10910,1,1,1,2,2,2,2,2,2,2 -10911,1,1,1,1,1,1,1,2,2,2 -10912,1,1,1,1,1,1,2,2,1,1 -10913,1,1,1,1,1,1,2,2,1,1 -10914,1,1,1,1,1,1,2,2,1,1 -10915,1,1,1,1,1,1,2,1,1,1 -10916,1,2,2,2,1,1,1,1,2,2 -10917,1,1,1,1,2,2,2,2,1,1 -10918,1,1,1,1,1,1,1,1,1,1 -10919,1,1,1,1,1,1,2,1,1,1 -10920,2,,,,,,,,, -10921,1,1,1,1,1,1,2,1,1,1 -10922,1,1,1,1,1,1,1,1,1,1 -10923,1,1,2,2,1,1,2,2,2,2 -10924,2,,,,,,,,, -10925,1,1,1,2,1,1,1,1,2,2 -10926,2,,,,,,,,, -10927,1,1,1,1,2,2,2,1,1,1 -10928,2,,,,,,,,, -10929,1,1,1,1,1,1,1,1,1,1 -10930,1,1,1,1,2,2,2,2,1,1 -10931,1,2,2,2,2,2,2,2,2,2 -10932,1,1,1,1,1,1,2,1,1,1 -10933,1,1,1,2,1,1,1,1,2,2 -10934,1,1,1,1,1,1,2,2,1,1 -10935,1,1,1,1,2,2,2,2,1,1 -10936,1,1,1,1,1,1,2,1,1,1 -10937,1,1,1,1,1,2,1,2,1,1 -10938,1,1,1,1,1,1,1,1,1,1 -10939,1,1,2,2,2,2,2,2,2,2 -10940,1,1,1,1,1,1,1,1,1,1 -10941,1,1,1,1,1,1,1,1,1,1 -10942,1,1,1,1,1,1,2,1,1,1 -10943,1,1,1,1,1,1,2,1,1,1 -10944,1,2,2,2,2,2,2,2,2,2 -10945,1,1,1,1,1,1,1,1,1,1 -10946,1,2,2,2,2,2,2,2,2,2 -10947,1,2,2,2,2,2,2,2,2,2 -10948,1,1,1,1,2,2,1,1,1,1 -10949,1,1,1,2,1,1,1,1,2,2 -10950,1,1,1,1,1,2,1,2,1,1 -10951,1,1,1,1,1,1,1,2,1,1 -10952,1,1,1,2,1,1,2,2,2,2 -10953,1,2,2,2,2,2,2,2,2,2 -10954,1,1,1,2,1,1,1,2,2,2 -10955,2,,,,,,,,, -10956,1,1,1,1,1,1,2,2,1,1 -10957,1,2,2,2,2,2,2,2,2,2 -10958,1,1,1,1,2,2,1,2,1,1 -10959,1,1,2,1,2,2,1,1,2,2 -10960,1,1,2,2,2,2,2,2,2,2 -10961,1,1,1,1,1,1,1,1,1,1 -10962,1,1,1,1,2,2,1,1,1,1 -10963,1,1,1,1,1,1,1,1,1,1 -10964,1,1,1,1,1,1,2,1,1,1 -10965,1,1,1,1,1,1,1,2,2,2 -10966,1,1,1,1,1,1,1,1,1,1 -10967,1,1,1,2,2,2,2,2,2,2 -10968,1,1,1,2,2,2,2,2,1,1 -10969,1,2,2,2,2,2,2,2,2,2 -10970,1,1,1,1,1,1,1,2,1,1 -10971,1,2,2,2,2,2,2,2,2,2 -10972,1,1,1,2,1,1,1,2,2,2 -10973,1,1,2,1,1,1,2,2,1,1 -10974,1,1,1,1,1,1,1,1,1,1 -10975,1,1,1,1,1,1,2,2,1,1 -10976,1,1,1,2,1,1,1,2,2,2 -10977,1,2,2,2,2,2,2,2,2,2 -10978,2,,,,,,,,, -10979,1,1,1,1,1,1,1,1,1,1 -10980,1,2,2,2,2,2,2,2,2,2 -10981,1,1,1,2,1,1,1,2,2,2 -10982,1,1,1,1,1,1,1,1,1,1 -10983,1,1,1,1,1,1,2,1,1,1 -10984,2,,,,,,,,, -10985,1,1,1,1,1,1,1,1,1,1 -10986,1,1,1,1,1,1,1,1,1,1 -10987,1,1,2,1,1,1,1,1,1,1 -10988,1,1,2,1,2,2,2,2,2,2 -10989,1,1,1,2,1,1,2,2,2,2 -10990,1,1,1,2,1,1,1,1,2,2 -10991,1,1,1,1,2,2,1,1,1,1 -10992,1,1,1,1,1,1,2,2,1,1 -10993,1,1,1,1,1,1,1,2,1,1 -10994,1,1,2,1,1,1,1,1,1,1 -10995,2,,,,,,,,, -10996,1,1,1,1,1,1,2,2,1,1 -10997,1,1,1,1,1,1,2,2,1,1 -10998,1,2,2,2,2,2,2,2,2,2 -10999,1,1,1,1,1,1,1,1,1,1 -11000,1,1,1,1,1,1,1,1,1,1 -11001,1,1,1,1,1,1,2,2,1,1 -11002,1,2,2,2,2,2,2,2,2,2 -11003,1,1,1,1,1,1,1,1,1,1 -11004,1,1,1,1,1,1,2,1,1,1 -11005,1,1,1,1,1,1,1,2,2,2 -11006,1,1,1,2,2,2,2,2,2,2 -11007,1,1,1,1,1,1,1,1,1,1 -11008,1,1,1,1,1,1,2,2,1,1 -11009,2,,,,,,,,, -11010,1,1,1,1,1,1,2,1,1,1 -11011,1,1,2,2,2,2,2,2,2,2 -11012,1,1,2,1,2,2,2,2,2,2 -11013,2,,,,,,,,, -11014,1,1,1,1,1,1,2,1,1,1 -11015,1,1,1,1,1,1,1,1,1,1 -11016,1,1,1,1,1,1,1,1,1,1 -11017,1,1,1,2,1,1,2,2,2,2 -11018,1,1,1,1,1,1,2,1,1,1 -11019,1,1,1,1,1,1,2,1,1,1 -11020,1,1,1,1,1,1,2,2,1,1 -11021,1,1,1,1,2,2,1,1,1,1 -11022,1,1,1,2,1,1,1,2,2,2 -11023,1,1,1,1,1,1,1,2,1,1 -11024,1,1,1,1,2,2,2,2,2,2 -11025,1,1,1,2,1,1,1,2,2,2 -11026,1,1,1,1,2,2,2,2,1,1 -11027,1,1,2,1,2,2,1,1,1,1 -11028,1,2,2,2,2,2,2,2,2,2 -11029,1,2,2,2,2,2,2,2,2,2 -11030,1,1,2,1,2,2,2,2,2,2 -11031,1,2,2,2,2,2,2,2,2,2 -11032,1,1,1,1,1,1,2,1,1,1 -11033,1,1,1,2,1,1,1,2,2,2 -11034,1,1,1,1,1,1,2,2,1,1 -11035,1,2,2,2,2,2,2,2,2,2 -11036,1,1,1,2,1,1,1,1,1,1 -11037,1,1,1,1,1,1,2,1,1,1 -11038,2,,,,,,,,, -11039,1,1,1,2,1,1,1,2,2,2 -11040,2,,,,,,,,, -11041,1,1,1,1,1,2,1,2,1,1 -11042,1,1,1,1,1,1,1,1,1,1 -11043,1,1,1,1,1,1,1,1,1,1 -11044,1,1,1,1,1,1,1,1,1,1 -11045,1,2,2,2,2,2,2,2,2,2 -11046,1,1,1,2,2,2,2,1,2,2 -11047,1,1,1,1,1,1,2,1,1,1 -11048,1,2,2,2,2,2,2,2,2,2 -11049,1,1,1,1,1,1,1,1,1,1 -11050,1,2,2,2,2,2,2,2,2,2 -11051,2,,,,,,,,, -11052,1,2,2,2,2,2,2,2,2,2 -11053,1,2,2,2,2,2,2,2,2,2 -11054,1,2,2,2,2,2,2,2,2,2 -11055,1,1,1,2,1,1,2,2,2,2 -11056,1,1,1,1,1,1,1,2,2,2 -11057,1,1,1,2,1,1,1,2,2,2 -11058,1,1,1,1,1,1,1,2,1,1 -11059,1,1,1,1,1,1,1,1,1,1 -11060,1,1,1,1,1,1,2,2,1,1 -11061,2,,,,,,,,, -11062,1,1,1,1,1,2,1,2,1,1 -11063,1,1,1,1,1,1,2,2,1,1 -11064,1,1,1,1,1,1,2,1,1,1 -11065,2,,,,,,,,, -11066,1,1,1,1,1,1,2,1,1,1 -11067,1,2,2,2,2,2,2,2,2,2 -11068,1,1,1,2,1,2,1,2,2,2 -11069,2,,,,,,,,, -11070,1,1,1,1,1,2,1,2,1,1 -11071,1,1,1,1,1,1,1,1,1,1 -11072,1,1,1,1,1,2,1,2,1,1 -11073,1,1,1,1,1,1,1,1,1,1 -11074,1,1,1,1,1,1,1,1,1,1 -11075,1,2,2,2,2,2,2,2,2,2 -11076,1,1,1,1,1,1,2,1,1,1 -11077,1,2,2,2,2,2,2,2,2,2 -11078,1,2,2,2,2,2,1,1,2,2 -11079,2,,,,,,,,, -11080,1,1,2,2,2,2,2,2,2,2 -11081,1,1,1,2,1,1,2,2,2,2 -11082,1,2,2,2,2,2,2,2,2,2 -11083,1,1,1,1,1,1,2,1,1,1 -11084,1,1,1,1,1,2,1,2,1,1 -11085,1,2,2,2,2,2,2,2,2,2 -11086,1,1,1,1,1,1,1,1,1,1 -11087,1,1,1,1,2,2,1,1,1,1 -11088,2,,,,,,,,, -11089,1,1,1,1,1,1,1,1,1,1 -11090,1,1,1,1,1,1,2,1,1,1 -11091,2,,,,,,,,, -11092,1,1,1,1,1,1,2,1,2,2 -11093,1,1,1,1,2,2,2,2,1,1 -11094,1,1,1,1,1,1,1,1,1,1 -11095,1,1,1,1,1,1,2,2,1,1 -11096,1,2,2,2,2,2,2,2,2,2 -11097,1,2,2,2,2,2,2,2,2,2 -11098,1,1,1,2,1,1,1,2,2,2 -11099,1,1,1,1,1,2,1,2,1,1 -11100,2,,,,,,,,, -11101,1,1,1,1,1,2,1,2,1,1 -11102,1,1,1,1,2,2,2,2,1,1 -11103,1,1,2,1,2,2,1,1,2,2 -11104,1,1,1,2,1,1,2,2,2,2 -11105,1,1,1,2,1,1,1,2,2,2 -11106,1,1,1,2,2,2,2,2,2,2 -11107,1,1,1,2,1,2,1,2,2,2 -11108,1,1,1,2,1,1,1,2,2,2 -11109,1,1,1,1,1,1,2,2,1,1 -11110,1,1,1,1,1,1,1,2,2,2 -11111,1,1,1,1,1,1,1,1,1,1 -11112,2,,,,,,,,, -11113,1,2,2,2,2,2,2,2,2,2 -11114,1,1,1,2,1,1,1,1,2,2 -11115,1,1,1,1,1,1,2,1,1,1 -11116,1,1,1,1,1,2,1,2,1,1 -11117,1,1,1,1,1,1,1,1,1,1 -11118,1,1,1,1,2,2,1,1,1,1 -11119,1,2,2,2,2,2,2,2,2,2 -11120,1,1,1,2,2,2,1,2,1,1 -11121,2,,,,,,,,, -11122,1,1,1,2,1,1,1,2,2,2 -11123,1,1,1,1,1,1,1,1,1,1 -11124,1,1,1,1,1,1,2,2,1,1 -11125,1,2,2,2,2,2,2,2,2,2 -11126,1,1,1,1,1,1,2,2,1,1 -11127,1,1,1,2,1,1,2,1,2,2 -11128,1,2,2,1,1,1,1,1,1,1 -11129,1,1,1,1,1,1,2,1,1,1 -11130,2,,,,,,,,, -11131,1,1,2,1,2,2,2,2,2,2 -11132,1,1,1,1,1,1,1,1,2,2 -11133,1,2,2,2,1,1,1,1,2,2 -11134,1,1,1,1,1,1,1,1,1,1 -11135,1,1,1,2,1,1,1,1,1,1 -11136,1,1,2,1,2,2,1,1,1,1 -11137,1,1,1,1,1,1,1,1,1,1 -11138,1,1,1,2,1,1,1,1,1,1 -11139,2,,,,,,,,, -11140,1,1,1,2,1,1,1,2,2,2 -11141,1,2,2,2,2,2,2,2,2,2 -11142,1,1,1,2,2,2,2,2,2,2 -11143,2,,,,,,,,, -11144,1,1,1,1,1,1,2,1,1,1 -11145,2,,,,,,,,, -11146,1,1,1,1,1,1,2,1,1,1 -11147,1,1,1,2,1,1,1,2,2,2 -11148,1,1,1,1,1,1,1,2,2,2 -11149,2,,,,,,,,, -11150,1,1,1,1,1,1,2,1,1,1 -11151,2,,,,,,,,, -11152,1,1,1,1,1,1,1,1,1,1 -11153,1,1,1,1,2,2,2,2,1,1 -11154,2,,,,,,,,, -11155,1,1,1,1,1,1,1,1,1,1 -11156,1,1,1,1,1,1,2,1,1,1 -11157,1,1,1,2,1,1,1,2,2,2 -11158,1,1,1,1,1,1,1,2,2,2 -11159,1,2,2,2,2,2,2,2,2,2 -11160,1,1,1,2,1,1,2,2,2,2 -11161,1,1,1,1,2,2,1,2,1,1 -11162,2,,,,,,,,, -11163,1,1,1,1,1,1,2,2,1,1 -11164,1,1,1,1,1,1,2,2,1,1 -11165,1,2,2,2,1,1,1,1,2,2 -11166,1,1,1,1,1,1,2,1,1,1 -11167,1,1,1,1,1,2,1,2,1,1 -11168,1,2,2,2,1,1,1,2,2,2 -11169,1,2,2,2,2,2,2,2,2,2 -11170,2,,,,,,,,, -11171,1,2,2,2,2,2,2,2,2,2 -11172,1,1,1,1,1,1,1,1,1,1 -11173,1,1,1,1,1,1,2,1,1,1 -11174,1,2,2,2,2,2,2,2,2,2 -11175,1,1,1,1,1,2,1,2,1,1 -11176,1,1,1,1,1,1,2,1,1,1 -11177,1,1,2,1,1,1,1,1,1,1 -11178,1,1,1,1,1,1,1,1,1,1 -11179,1,1,1,1,1,1,2,1,1,1 -11180,2,,,,,,,,, -11181,2,,,,,,,,, -11182,1,1,1,1,1,1,2,1,1,1 -11183,1,1,1,1,1,2,1,2,1,1 -11184,1,1,1,2,1,1,1,1,2,2 -11185,1,2,2,2,2,2,2,2,2,2 -11186,1,1,1,1,1,1,2,1,1,1 -11187,1,1,1,1,1,1,1,1,1,1 -11188,1,2,2,2,2,2,2,2,2,2 -11189,1,2,2,2,2,2,2,2,2,2 -11190,1,1,2,1,1,1,2,2,2,2 -11191,2,,,,,,,,, -11192,1,1,1,1,1,1,1,2,1,1 -11193,1,1,1,2,1,1,1,1,2,2 -11194,1,1,2,2,1,1,1,1,2,2 -11195,1,2,2,1,2,2,2,2,1,1 -11196,2,,,,,,,,, -11197,1,1,1,2,1,1,1,2,2,2 -11198,1,1,1,1,1,1,2,2,1,1 -11199,1,1,1,1,2,2,1,1,1,1 -11200,1,1,1,1,1,1,2,1,1,1 -11201,1,1,1,1,1,1,2,1,1,1 -11202,1,1,1,2,1,1,1,1,1,2 -11203,1,2,2,2,2,2,2,2,2,2 -11204,1,2,2,2,1,1,1,1,2,2 -11205,1,1,1,1,1,2,1,2,1,1 -11206,1,1,1,1,2,2,2,2,1,1 -11207,1,1,1,1,1,1,2,2,1,1 -11208,2,,,,,,,,, -11209,1,1,1,1,1,1,1,1,1,1 -11210,1,1,1,2,1,1,2,2,2,2 -11211,1,1,1,2,1,1,1,1,2,2 -11212,1,1,1,2,1,1,2,2,2,2 -11213,1,1,1,1,1,1,1,1,1,1 -11214,1,1,1,1,1,2,1,2,1,1 -11215,1,1,1,1,1,1,2,2,1,1 -11216,1,2,2,2,2,2,2,2,2,2 -11217,1,1,1,2,1,1,2,2,2,2 -11218,1,2,2,1,2,2,2,2,1,1 -11219,1,1,2,1,2,2,1,1,1,1 -11220,1,1,2,1,2,2,2,2,2,2 -11221,1,2,2,2,1,1,2,2,2,2 -11222,1,1,1,1,1,2,1,2,1,1 -11223,1,1,1,1,1,1,2,2,1,1 -11224,1,1,2,1,2,2,2,2,1,1 -11225,1,1,1,2,1,1,1,2,2,2 -11226,1,1,1,1,1,1,1,1,1,1 -11227,1,1,1,2,2,2,2,2,2,2 -11228,1,1,1,1,1,1,2,1,1,1 -11229,1,1,1,1,1,1,2,1,1,1 -11230,1,2,2,2,2,2,2,2,2,2 -11231,1,1,1,1,1,1,1,1,1,1 -11232,1,1,2,1,1,1,1,1,2,2 -11233,2,,,,,,,,, -11234,1,1,1,1,1,2,1,2,1,1 -11235,1,1,1,1,1,1,1,1,1,2 -11236,1,1,1,1,2,1,2,2,1,1 -11237,1,1,1,2,2,2,2,2,2,2 -11238,2,,,,,,,,, -11239,1,1,1,2,1,1,2,2,2,2 -11240,1,1,2,1,2,2,2,2,2,2 -11241,2,,,,,,,,, -11242,1,1,1,1,1,1,2,2,1,1 -11243,1,1,1,1,2,2,2,2,1,1 -11244,1,1,1,2,1,1,1,2,2,2 -11245,1,1,1,1,2,2,2,2,1,1 -11246,1,2,2,2,2,2,2,2,2,2 -11247,1,1,1,1,1,1,2,1,1,1 -11248,1,1,1,1,1,1,2,2,1,1 -11249,1,1,1,1,1,1,1,1,1,1 -11250,1,1,1,1,1,1,1,1,1,1 -11251,1,2,2,2,2,2,2,2,2,2 -11252,1,1,1,2,1,1,2,2,2,2 -11253,1,1,1,1,1,1,2,2,1,1 -11254,2,,,,,,,,, -11255,1,1,1,1,1,1,1,1,1,1 -11256,1,1,1,2,2,2,2,2,2,2 -11257,1,1,1,1,1,1,2,1,1,1 -11258,1,1,1,1,1,1,2,1,1,1 -11259,1,1,2,1,2,2,1,1,1,1 -11260,1,1,1,1,2,2,2,2,1,1 -11261,1,1,1,1,1,2,1,2,1,1 -11262,1,1,1,1,2,2,2,2,1,1 -11263,1,1,1,1,1,1,2,1,1,1 -11264,1,1,1,1,1,1,2,1,1,1 -11265,1,1,1,1,2,2,1,2,1,1 -11266,1,1,1,2,2,2,2,2,2,2 -11267,2,,,,,,,,, -11268,1,1,1,1,1,1,1,1,1,1 -11269,1,1,2,1,2,2,1,1,1,1 -11270,1,1,2,2,2,2,2,2,2,2 -11271,1,1,2,1,2,2,2,2,2,2 -11272,1,1,1,1,1,1,1,1,1,1 -11273,1,1,1,2,1,1,2,2,2,2 -11274,1,1,1,1,1,1,2,1,1,1 -11275,1,1,1,1,1,1,2,1,1,1 -11276,1,1,1,1,1,2,1,2,1,1 -11277,1,1,1,2,1,1,1,1,1,1 -11278,1,1,1,1,2,2,1,2,1,1 -11279,1,1,1,2,1,1,1,2,2,2 -11280,1,1,1,1,1,1,2,1,1,1 -11281,1,1,1,2,1,1,1,1,2,2 -11282,1,1,1,1,1,1,2,2,1,1 -11283,1,1,1,1,1,1,1,2,2,2 -11284,1,1,1,2,1,1,1,2,2,2 -11285,2,,,,,,,,, -11286,1,1,1,1,1,1,1,2,1,1 -11287,2,,,,,,,,, -11288,1,1,1,1,2,2,2,2,1,1 -11289,1,1,1,2,1,1,1,2,2,2 -11290,1,1,2,1,2,2,2,2,2,2 -11291,1,1,1,1,1,2,1,2,1,1 -11292,1,2,2,2,2,2,2,2,2,2 -11293,1,1,2,1,1,1,1,1,1,1 -11294,1,1,1,1,1,1,1,2,2,2 -11295,1,1,1,1,1,1,1,1,1,1 -11296,1,1,1,2,1,1,1,1,2,2 -11297,1,1,1,1,1,1,1,1,1,1 -11298,1,1,1,1,1,1,1,1,1,1 -11299,1,2,2,2,2,2,2,2,2,2 -11300,1,1,1,2,1,1,2,2,1,2 -11301,1,2,2,2,2,2,2,2,2,2 -11302,1,1,1,1,2,2,2,2,1,1 -11303,1,1,2,1,2,2,1,1,1,1 -11304,1,1,1,2,1,1,1,2,2,2 -11305,1,1,1,1,1,1,2,2,2,2 -11306,1,1,1,1,1,1,1,1,1,1 -11307,1,1,1,1,1,2,1,2,1,1 -11308,1,1,1,1,1,1,2,1,1,1 -11309,2,,,,,,,,, -11310,1,1,1,1,1,1,1,2,2,2 -11311,1,1,1,2,1,1,1,1,2,2 -11312,1,1,1,2,2,2,2,2,2,2 -11313,1,1,1,1,1,1,2,2,1,1 -11314,1,1,1,1,1,1,2,1,1,1 -11315,2,,,,,,,,, -11316,1,1,1,2,1,1,1,1,2,2 -11317,1,1,1,1,1,1,2,1,1,1 -11318,1,1,1,1,1,1,1,1,1,1 -11319,2,,,,,,,,, -11320,1,1,1,1,1,2,1,2,1,1 -11321,1,1,1,1,1,1,1,1,1,1 -11322,1,2,2,2,2,2,2,2,2,2 -11323,1,2,2,2,2,2,2,2,2,2 -11324,1,1,1,1,1,1,2,1,1,1 -11325,1,2,2,2,2,2,2,2,2,2 -11326,1,1,1,1,1,1,2,2,1,1 -11327,1,1,1,2,1,1,1,1,1,1 -11328,1,1,1,1,1,1,1,2,1,1 -11329,1,1,1,1,1,1,1,1,1,1 -11330,2,,,,,,,,, -11331,1,1,1,1,1,1,1,1,1,1 -11332,1,1,1,1,1,2,1,2,1,1 -11333,1,2,2,2,2,2,2,2,2,2 -11334,1,1,1,1,2,2,2,1,1,1 -11335,1,1,2,1,2,2,2,2,2,2 -11336,1,1,1,1,1,1,1,1,1,1 -11337,1,1,1,1,1,1,1,1,1,1 -11338,1,1,1,2,1,1,2,2,1,1 -11339,1,1,1,1,1,1,1,1,1,1 -11340,1,1,1,1,1,1,2,1,1,1 -11341,1,1,1,1,1,1,1,1,1,1 -11342,1,2,2,2,2,2,2,2,2,2 -11343,1,1,1,1,1,1,1,1,1,1 -11344,2,,,,,,,,, -11345,1,2,2,2,2,2,2,2,2,2 -11346,1,1,1,1,1,1,1,1,1,1 -11347,1,1,1,1,1,1,2,1,1,1 -11348,1,1,1,1,1,1,2,1,1,1 -11349,1,1,1,1,1,1,1,1,1,1 -11350,2,,,,,,,,, -11351,1,1,1,2,1,1,1,2,2,2 -11352,1,1,1,1,1,1,2,2,1,1 -11353,2,,,,,,,,, -11354,1,1,1,2,1,1,2,2,2,2 -11355,1,1,1,1,1,1,1,1,1,1 -11356,2,,,,,,,,, -11357,1,2,2,2,2,2,2,2,2,2 -11358,2,,,,,,,,, -11359,1,1,1,2,1,1,1,1,2,2 -11360,1,1,1,1,1,1,2,1,1,1 -11361,1,1,1,1,1,1,2,2,1,1 -11362,1,1,1,1,1,1,1,1,1,1 -11363,1,1,1,1,1,1,1,1,1,1 -11364,1,1,1,1,1,1,1,1,1,1 -11365,1,1,1,2,1,1,1,1,2,2 -11366,2,,,,,,,,, -11367,1,1,1,2,1,1,2,1,2,2 -11368,1,1,1,1,1,1,1,1,1,1 -11369,1,1,1,1,1,1,1,2,2,2 -11370,1,1,1,1,2,2,2,2,1,1 -11371,1,1,1,1,1,2,1,2,1,1 -11372,2,,,,,,,,, -11373,1,2,2,1,2,2,2,2,1,1 -11374,1,2,2,2,2,2,2,2,2,2 -11375,1,1,1,2,2,1,1,1,2,2 -11376,1,1,1,1,2,2,1,2,1,1 -11377,2,,,,,,,,, -11378,1,1,1,2,1,1,2,2,2,2 -11379,1,1,1,1,1,1,1,1,1,1 -11380,1,2,2,2,2,2,2,2,2,2 -11381,1,1,1,2,1,1,1,2,2,2 -11382,1,1,1,1,1,1,1,1,1,1 -11383,2,,,,,,,,, -11384,1,1,1,2,2,2,2,2,1,1 -11385,1,1,1,1,1,1,2,2,1,1 -11386,1,1,1,1,1,1,1,1,1,1 -11387,1,1,1,1,1,2,1,2,1,1 -11388,1,1,2,1,1,1,2,2,1,1 -11389,1,1,1,1,1,2,1,2,1,1 -11390,1,2,2,2,2,2,2,2,2,2 -11391,1,1,1,1,1,1,2,2,1,1 -11392,1,1,1,1,1,1,2,2,1,1 -11393,1,1,1,2,2,2,2,2,2,2 -11394,1,1,2,1,1,1,1,1,1,1 -11395,1,1,1,2,1,1,1,1,2,2 -11396,1,1,1,1,1,1,2,2,1,1 -11397,1,1,1,1,1,1,2,1,1,1 -11398,1,2,2,1,1,1,2,2,1,1 -11399,1,1,2,1,2,2,1,1,1,1 -11400,1,1,1,1,1,1,1,1,1,1 -11401,1,1,1,1,1,1,2,1,1,1 -11402,1,1,1,1,1,1,2,1,1,1 -11403,1,1,1,1,1,1,1,1,2,2 -11404,1,2,2,2,2,2,2,2,2,2 -11405,1,2,2,2,1,1,2,2,2,2 -11406,1,1,1,1,1,1,2,1,1,1 -11407,1,1,1,2,1,1,1,2,2,2 -11408,1,1,1,1,1,1,2,2,1,1 -11409,1,1,2,1,2,2,1,1,1,1 -11410,1,1,1,2,1,1,1,2,1,1 -11411,1,1,1,1,1,1,1,1,1,1 -11412,1,1,1,1,1,1,1,1,1,1 -11413,1,1,1,2,1,1,1,1,1,1 -11414,1,1,1,1,1,1,2,1,1,1 -11415,1,1,1,1,1,1,1,1,1,1 -11416,1,1,1,1,1,1,1,1,1,1 -11417,2,,,,,,,,, -11418,1,2,2,2,2,2,2,2,2,2 -11419,1,1,1,1,1,1,2,2,1,1 -11420,1,1,1,1,1,1,1,1,1,1 -11421,1,1,1,1,1,1,1,1,1,1 -11422,1,1,1,1,1,1,1,1,1,1 -11423,1,2,2,2,2,2,2,2,2,2 -11424,1,1,1,1,2,2,2,2,1,1 -11425,1,1,1,1,1,1,1,2,1,1 -11426,1,1,1,1,1,1,2,2,1,1 -11427,1,1,1,1,1,1,2,2,1,1 -11428,1,1,1,1,1,1,2,2,1,1 -11429,1,1,2,1,2,2,2,2,2,2 -11430,1,2,2,2,2,2,2,2,2,2 -11431,1,1,1,1,1,1,2,2,1,1 -11432,1,1,1,1,1,1,2,1,1,1 -11433,2,,,,,,,,, -11434,2,,,,,,,,, -11435,1,1,1,1,1,1,2,1,1,1 -11436,1,1,1,1,1,1,1,2,2,2 -11437,1,1,1,1,1,1,2,1,1,1 -11438,1,2,2,2,2,2,2,2,2,2 -11439,1,1,1,1,1,1,1,1,1,1 -11440,1,1,1,1,1,1,1,1,1,1 -11441,1,2,2,2,1,1,1,1,2,2 -11442,1,1,1,2,2,2,2,2,2,2 -11443,1,1,1,2,1,1,1,2,2,2 -11444,1,1,2,2,1,1,2,2,2,2 -11445,1,1,1,1,1,1,2,1,1,1 -11446,1,1,1,2,1,1,2,2,2,2 -11447,1,1,1,1,1,2,1,2,1,1 -11448,1,1,1,2,1,1,1,2,2,2 -11449,1,1,1,1,1,1,2,1,1,1 -11450,1,1,1,2,1,1,1,2,2,2 -11451,2,,,,,,,,, -11452,1,1,1,1,1,1,1,2,1,1 -11453,1,1,1,1,1,1,1,1,1,1 -11454,1,1,1,1,1,1,1,1,1,1 -11455,1,1,1,1,1,1,2,1,1,1 -11456,1,1,2,1,2,2,1,1,1,1 -11457,1,1,1,1,1,1,2,1,1,1 -11458,1,1,1,1,1,1,2,2,1,1 -11459,1,2,2,2,2,2,2,2,2,2 -11460,1,1,1,1,1,1,1,1,1,1 -11461,1,1,1,1,1,2,1,2,1,1 -11462,1,1,1,1,2,2,2,1,1,1 -11463,2,,,,,,,,, -11464,1,1,1,1,2,2,2,2,1,1 -11465,1,1,1,2,2,2,2,2,2,2 -11466,1,1,1,1,1,1,1,1,1,1 -11467,1,1,1,1,1,1,2,1,1,1 -11468,1,1,1,1,1,1,2,1,1,1 -11469,1,1,1,2,1,1,1,1,2,2 -11470,1,1,1,1,1,1,2,1,1,1 -11471,1,1,2,1,1,1,1,1,2,2 -11472,1,1,1,1,1,1,1,1,1,1 -11473,2,,,,,,,,, -11474,1,1,1,1,1,1,1,1,1,1 -11475,1,1,1,1,1,1,2,1,1,1 -11476,2,,,,,,,,, -11477,1,1,1,1,2,2,2,2,1,1 -11478,1,1,1,1,1,1,2,1,1,1 -11479,1,1,2,1,2,2,2,2,2,2 -11480,2,,,,,,,,, -11481,1,1,1,1,1,1,2,1,1,1 -11482,1,1,1,1,1,1,2,1,1,1 -11483,1,1,1,2,1,1,1,2,2,2 -11484,1,1,1,1,2,2,2,2,2,2 -11485,1,1,1,1,1,2,1,2,1,1 -11486,1,1,1,2,1,1,1,1,2,2 -11487,1,2,2,2,2,2,2,2,2,2 -11488,1,2,2,2,2,2,2,2,2,2 -11489,1,1,1,1,1,1,1,1,1,1 -11490,1,1,1,1,1,1,2,2,1,2 -11491,1,1,1,1,1,1,2,1,1,1 -11492,1,1,1,1,1,1,1,1,1,1 -11493,1,1,1,1,1,1,2,2,1,1 -11494,1,1,1,1,1,1,2,2,1,1 -11495,1,1,2,2,2,2,2,2,2,2 -11496,1,1,1,1,1,1,1,1,1,1 -11497,1,1,1,1,2,1,1,2,1,1 -11498,1,1,1,1,1,1,1,1,1,1 -11499,1,1,1,1,2,2,2,2,1,1 -11500,1,1,1,1,2,2,1,1,1,1 -11501,1,1,1,1,1,1,2,2,1,1 -11502,1,1,2,1,2,2,1,1,1,1 -11503,1,1,1,2,1,1,1,1,1,1 -11504,1,1,2,1,2,2,1,1,2,2 -11505,2,,,,,,,,, -11506,1,1,1,1,1,1,1,1,1,1 -11507,1,2,2,2,2,2,2,2,2,2 -11508,1,1,1,2,1,1,1,2,2,2 -11509,1,1,1,2,1,1,1,2,2,2 -11510,2,,,,,,,,, -11511,1,1,1,1,1,1,2,2,1,1 -11512,1,2,2,2,2,2,2,2,2,2 -11513,1,1,1,1,1,2,1,2,1,1 -11514,1,1,1,2,1,1,1,2,1,1 -11515,1,1,1,1,1,1,2,1,1,1 -11516,1,1,1,1,1,1,1,1,1,1 -11517,1,2,2,2,2,2,2,2,2,2 -11518,1,2,2,2,2,2,2,2,2,2 -11519,1,1,1,2,1,1,1,1,2,2 -11520,1,1,1,1,2,2,2,2,1,1 -11521,1,1,2,1,2,2,1,1,1,1 -11522,1,1,1,1,1,1,1,1,1,1 -11523,1,2,2,2,1,1,2,2,2,2 -11524,1,1,1,1,2,2,2,2,1,1 -11525,1,1,1,2,1,1,2,2,2,2 -11526,1,1,1,1,1,1,2,1,1,1 -11527,1,1,1,1,1,1,1,1,1,1 -11528,1,1,1,1,1,1,2,2,1,1 -11529,1,1,1,1,1,1,1,1,1,1 -11530,1,1,1,1,2,2,1,2,1,1 -11531,2,,,,,,,,, -11532,1,1,1,1,1,1,2,2,1,1 -11533,1,1,1,1,1,1,1,1,1,1 -11534,1,2,2,2,2,2,2,2,2,2 -11535,1,1,1,1,2,2,1,1,1,1 -11536,1,1,1,1,1,1,2,2,1,1 -11537,1,1,2,1,2,2,1,1,1,1 -11538,1,1,1,1,1,1,1,1,1,1 -11539,1,1,1,1,2,2,1,2,1,1 -11540,1,1,1,1,1,1,1,1,1,1 -11541,1,1,1,1,1,1,2,2,1,1 -11542,1,1,1,1,2,2,2,2,1,1 -11543,1,1,1,2,1,1,1,2,2,2 -11544,2,,,,,,,,, -11545,1,1,1,2,1,1,2,2,2,2 -11546,1,2,2,2,2,2,2,2,2,2 -11547,1,2,2,2,2,2,2,2,2,2 -11548,1,1,1,1,1,1,1,1,1,1 -11549,1,1,1,1,1,1,2,2,1,1 -11550,1,1,1,1,2,2,2,2,2,2 -11551,1,1,1,1,2,2,2,2,1,1 -11552,1,1,1,1,1,1,2,1,1,1 -11553,1,1,1,1,1,1,2,2,1,1 -11554,1,1,1,1,1,2,1,2,1,1 -11555,1,1,1,1,1,1,2,2,1,1 -11556,2,,,,,,,,, -11557,1,1,1,2,1,1,2,2,1,1 -11558,2,,,,,,,,, -11559,1,1,1,1,1,1,2,2,1,1 -11560,1,1,1,1,1,1,2,2,2,2 -11561,1,1,1,2,1,1,1,1,1,1 -11562,1,1,1,1,1,1,2,1,1,1 -11563,2,,,,,,,,, -11564,1,1,1,1,1,1,1,1,1,1 -11565,1,1,1,1,1,1,1,1,1,1 -11566,1,1,1,1,1,2,1,2,1,1 -11567,1,1,1,1,1,1,2,2,1,1 -11568,1,2,2,2,2,2,2,2,2,2 -11569,1,2,2,2,2,2,2,2,2,2 -11570,1,1,1,1,1,1,2,2,1,1 -11571,1,2,2,2,2,2,2,2,2,2 -11572,1,1,1,1,1,1,2,1,1,1 -11573,1,2,2,2,2,2,2,2,2,2 -11574,1,1,1,1,2,2,2,2,1,1 -11575,1,2,2,2,2,2,2,2,2,2 -11576,1,1,1,1,1,1,2,2,1,1 -11577,1,2,2,2,1,1,1,1,2,2 -11578,1,1,1,1,1,1,1,1,1,1 -11579,1,1,1,1,1,1,1,1,1,1 -11580,1,1,1,1,1,1,1,1,1,1 -11581,1,1,1,1,1,1,2,1,1,1 -11582,1,1,1,1,1,1,2,2,1,1 -11583,1,1,2,1,2,2,1,1,1,1 -11584,2,,,,,,,,, -11585,1,2,2,2,1,1,2,2,2,2 -11586,1,1,2,1,1,1,1,1,2,2 -11587,1,1,1,1,1,1,1,1,1,1 -11588,1,2,2,2,2,1,2,2,2,2 -11589,1,1,1,1,1,1,1,1,2,2 -11590,1,1,1,2,2,2,1,2,1,1 -11591,2,,,,,,,,, -11592,1,2,2,2,2,2,2,2,2,2 -11593,2,,,,,,,,, -11594,1,1,1,1,1,1,1,1,1,1 -11595,2,,,,,,,,, -11596,2,,,,,,,,, -11597,1,1,1,1,1,1,1,1,1,1 -11598,2,,,,,,,,, -11599,1,1,1,1,1,1,1,1,1,1 -11600,1,1,1,1,1,1,2,2,1,1 -11601,1,1,1,1,1,1,2,2,1,1 -11602,1,1,1,2,1,1,1,1,1,1 -11603,1,1,1,1,1,1,1,1,1,1 -11604,1,1,1,1,1,1,2,2,1,1 -11605,1,2,2,2,2,2,2,2,2,2 -11606,1,2,2,2,1,1,2,2,2,2 -11607,1,1,1,1,2,2,1,1,1,1 -11608,1,1,1,1,1,1,1,1,1,1 -11609,1,1,1,1,1,1,1,1,2,2 -11610,2,,,,,,,,, -11611,1,1,1,1,1,1,2,1,1,1 -11612,1,1,1,1,1,1,1,1,1,1 -11613,1,1,1,1,1,1,1,2,2,2 -11614,1,1,1,1,1,1,1,1,1,1 -11615,1,2,2,1,1,1,2,2,1,1 -11616,1,1,1,2,2,2,2,2,1,1 -11617,1,1,1,1,1,1,1,1,1,1 -11618,1,1,1,1,1,1,1,1,1,1 -11619,1,1,1,1,2,2,2,2,1,1 -11620,1,2,2,2,2,2,2,2,2,2 -11621,1,1,1,1,1,1,2,1,1,1 -11622,2,,,,,,,,, -11623,1,1,1,1,1,1,2,1,1,1 -11624,1,1,1,1,1,1,2,2,1,1 -11625,1,1,1,1,1,1,1,1,1,1 -11626,1,1,1,1,1,1,2,1,1,1 -11627,2,,,,,,,,, -11628,1,1,1,1,1,1,2,1,1,1 -11629,1,1,1,1,1,1,2,1,1,1 -11630,1,1,1,1,1,1,1,1,1,1 -11631,1,2,2,2,2,2,2,2,2,2 -11632,1,1,1,1,2,2,2,2,1,1 -11633,1,1,1,2,2,2,2,2,2,2 -11634,1,1,1,1,1,1,1,1,1,1 -11635,1,2,2,2,2,2,2,2,2,2 -11636,1,1,1,2,1,1,2,2,2,2 -11637,1,1,1,1,2,2,2,2,1,1 -11638,1,1,1,1,2,2,1,1,1,1 -11639,1,1,2,1,2,2,2,2,2,2 -11640,1,2,2,1,2,2,1,2,1,1 -11641,1,1,1,1,1,1,1,1,1,1 -11642,2,,,,,,,,, -11643,1,1,1,1,1,1,1,1,1,1 -11644,1,1,1,2,1,1,1,2,2,2 -11645,1,1,1,1,1,1,1,1,1,1 -11646,1,1,1,1,1,1,2,2,1,1 -11647,1,2,2,2,2,2,2,2,2,2 -11648,1,1,1,1,1,1,2,2,1,1 -11649,1,1,1,1,1,1,1,1,1,1 -11650,1,1,1,2,2,2,2,2,2,2 -11651,1,2,2,2,2,2,2,2,2,2 -11652,1,1,1,1,1,1,2,1,1,1 -11653,1,2,2,2,2,2,2,2,2,2 -11654,1,2,2,2,2,2,2,2,2,2 -11655,1,1,1,2,1,1,2,2,2,2 -11656,1,1,1,1,1,1,2,1,1,1 -11657,1,2,2,2,2,2,2,2,2,2 -11658,1,1,1,1,2,2,2,2,1,1 -11659,1,2,2,2,2,2,2,2,2,2 -11660,1,1,1,1,1,1,1,1,1,1 -11661,1,1,1,1,2,2,2,2,1,1 -11662,1,1,1,1,2,2,2,2,2,2 -11663,1,1,1,1,1,1,1,2,1,1 -11664,1,2,2,2,2,2,2,2,2,2 -11665,1,1,1,2,1,1,1,2,2,2 -11666,1,1,1,1,1,1,1,1,1,1 -11667,1,2,2,2,2,2,2,2,2,2 -11668,1,1,1,2,1,1,1,2,2,2 -11669,1,1,1,1,1,1,1,1,1,1 -11670,1,1,1,1,1,1,1,1,1,1 -11671,1,1,1,1,1,1,2,1,1,1 -11672,1,1,1,1,1,2,1,2,1,1 -11673,1,1,1,1,1,1,2,1,1,1 -11674,1,1,1,1,1,1,2,2,1,1 -11675,1,1,1,1,1,1,2,1,1,1 -11676,1,1,1,1,1,1,1,1,1,1 -11677,2,,,,,,,,, -11678,1,2,2,2,2,2,2,2,2,2 -11679,1,1,1,1,1,1,1,1,1,1 -11680,1,2,2,2,2,2,2,2,2,2 -11681,1,1,1,1,1,1,1,1,1,1 -11682,1,1,1,2,1,1,1,2,1,1 -11683,2,,,,,,,,, -11684,1,1,1,1,1,1,2,1,1,1 -11685,1,1,1,2,1,1,1,2,2,2 -11686,1,1,1,1,1,1,1,1,1,1 -11687,1,2,2,2,2,2,2,2,2,2 -11688,1,1,1,2,1,1,1,1,2,2 -11689,1,1,1,1,2,2,2,2,1,1 -11690,1,1,1,1,1,1,1,1,1,1 -11691,1,2,2,1,1,1,1,1,1,1 -11692,1,1,1,1,2,2,2,2,1,1 -11693,1,1,1,1,1,1,1,1,1,1 -11694,2,,,,,,,,, -11695,1,1,1,1,1,1,1,1,1,1 -11696,2,,,,,,,,, -11697,1,1,1,1,2,2,1,2,1,1 -11698,1,1,1,1,1,1,2,2,1,1 -11699,1,1,1,1,1,1,2,1,1,1 -11700,1,1,1,1,2,2,2,2,1,1 -11701,2,,,,,,,,, -11702,1,2,2,2,2,2,2,2,2,2 -11703,2,,,,,,,,, -11704,1,1,1,1,2,2,2,2,2,2 -11705,1,1,1,1,1,1,2,2,1,1 -11706,1,1,1,1,1,1,1,1,1,1 -11707,1,1,1,1,1,1,1,1,1,1 -11708,2,,,,,,,,, -11709,1,1,1,1,1,1,2,1,1,1 -11710,1,1,2,1,2,2,2,2,2,2 -11711,1,1,1,1,2,2,2,2,1,1 -11712,1,1,1,1,1,1,1,1,1,1 -11713,1,1,1,1,1,1,1,2,2,2 -11714,1,1,1,1,1,1,1,1,2,2 -11715,1,1,1,1,1,1,1,1,1,1 -11716,1,2,2,2,2,2,2,2,2,2 -11717,2,,,,,,,,, -11718,1,1,1,1,1,2,1,2,1,1 -11719,1,1,2,2,2,2,2,2,2,2 -11720,1,1,1,1,1,1,2,2,1,1 -11721,2,,,,,,,,, -11722,1,1,1,2,2,2,2,2,1,1 -11723,1,1,1,1,1,1,1,1,2,2 -11724,2,,,,,,,,, -11725,1,2,2,2,2,2,2,2,2,2 -11726,2,,,,,,,,, -11727,1,2,2,2,2,2,2,2,2,2 -11728,2,,,,,,,,, -11729,1,1,2,1,1,1,2,2,2,2 -11730,1,1,1,2,1,1,1,1,1,1 -11731,1,1,1,1,1,1,2,2,1,1 -11732,1,1,1,1,1,1,2,2,1,1 -11733,1,1,1,1,1,1,1,1,1,1 -11734,1,1,1,1,1,1,2,2,1,1 -11735,1,1,1,1,1,1,1,1,1,1 -11736,1,1,1,1,1,1,2,1,1,1 -11737,1,1,1,2,1,1,1,2,2,2 -11738,1,1,1,2,2,2,1,1,2,2 -11739,1,1,1,1,1,1,2,1,1,1 -11740,1,1,1,1,2,2,2,1,1,1 -11741,1,1,2,2,2,1,1,2,2,2 -11742,1,1,1,1,1,1,2,1,1,1 -11743,2,,,,,,,,, -11744,1,1,1,1,1,2,1,2,1,1 -11745,1,1,1,2,1,1,1,2,2,2 -11746,1,1,1,2,2,2,2,2,1,1 -11747,1,2,2,2,2,2,2,2,2,2 -11748,1,1,1,1,1,1,1,1,1,1 -11749,2,,,,,,,,, -11750,1,1,1,1,1,1,2,1,1,1 -11751,1,1,1,1,1,1,2,1,1,1 -11752,1,1,1,1,1,2,1,2,1,1 -11753,1,1,1,1,1,2,1,2,1,1 -11754,1,1,2,2,1,1,2,2,2,2 -11755,1,1,1,1,1,2,1,2,1,1 -11756,1,1,1,2,1,1,1,2,2,2 -11757,1,1,1,1,1,1,1,1,1,1 -11758,1,1,2,1,2,2,1,1,1,1 -11759,1,1,1,2,1,1,1,1,2,2 -11760,1,1,1,1,1,1,2,2,1,1 -11761,1,1,1,1,1,1,2,1,1,1 -11762,1,1,1,1,1,1,2,2,1,1 -11763,1,1,1,1,1,1,2,1,1,1 -11764,1,1,1,1,1,1,2,1,1,1 -11765,1,1,1,2,1,1,1,1,2,2 -11766,1,1,1,2,1,1,2,2,2,2 -11767,1,2,2,2,2,2,2,2,2,2 -11768,1,1,1,1,2,2,1,1,1,1 -11769,1,2,2,2,2,2,2,2,2,2 -11770,1,1,1,1,1,1,1,1,1,1 -11771,1,1,1,2,2,2,2,2,2,2 -11772,1,1,1,1,1,1,2,2,1,1 -11773,2,,,,,,,,, -11774,1,1,2,1,2,2,2,2,2,2 -11775,1,1,1,1,1,1,1,1,1,1 -11776,1,1,1,2,1,1,2,2,2,2 -11777,1,1,1,1,1,1,1,1,1,1 -11778,1,1,1,1,1,1,2,2,1,1 -11779,2,,,,,,,,, -11780,2,,,,,,,,, -11781,1,1,1,1,1,1,2,1,1,1 -11782,1,1,1,1,1,1,2,1,1,1 -11783,1,1,1,1,1,1,2,1,1,1 -11784,1,1,1,2,2,2,2,2,2,2 -11785,1,1,1,1,1,2,1,2,1,1 -11786,1,1,1,1,1,1,1,1,1,1 -11787,1,1,2,1,2,2,1,1,1,1 -11788,1,1,1,2,2,2,2,1,2,2 -11789,1,2,2,2,1,1,2,2,2,2 -11790,1,1,1,1,2,2,1,2,1,1 -11791,1,1,1,1,1,1,2,2,1,1 -11792,1,1,2,1,2,2,1,1,1,1 -11793,1,1,2,1,1,1,1,1,1,1 -11794,1,1,1,2,1,1,2,1,2,2 -11795,1,1,1,1,1,2,1,2,1,1 -11796,1,1,1,2,1,1,1,1,2,2 -11797,1,1,2,1,2,2,1,1,2,2 -11798,1,1,1,1,1,1,2,1,1,1 -11799,1,1,1,1,1,1,2,1,1,1 -11800,1,1,1,1,1,1,2,1,1,1 -11801,1,1,2,1,1,1,1,1,1,1 -11802,1,1,1,1,1,1,2,1,1,1 -11803,1,2,2,2,2,2,2,2,2,2 -11804,1,1,1,1,1,1,1,2,1,1 -11805,1,1,1,2,1,1,1,2,2,2 -11806,1,1,2,2,2,2,2,2,2,2 -11807,2,,,,,,,,, -11808,1,2,1,2,1,1,1,2,2,2 -11809,1,1,1,2,2,2,2,2,2,2 -11810,1,1,1,1,1,1,2,2,1,1 -11811,1,1,1,1,1,1,2,2,1,1 -11812,1,1,1,2,1,1,1,2,2,2 -11813,2,,,,,,,,, -11814,1,1,1,1,2,2,1,2,1,1 -11815,1,1,2,1,2,2,1,1,2,2 -11816,1,1,1,2,1,1,1,2,2,2 -11817,1,1,1,1,1,2,1,2,1,1 -11818,2,,,,,,,,, -11819,1,1,1,2,1,1,1,2,2,2 -11820,1,1,1,1,2,2,1,1,1,1 -11821,1,1,1,2,1,1,2,2,1,2 -11822,1,1,1,1,1,1,1,1,1,1 -11823,1,1,1,2,1,1,1,1,2,2 -11824,1,2,2,1,1,1,2,2,1,1 -11825,1,1,1,1,1,1,1,2,2,2 -11826,1,1,1,2,2,2,2,2,2,2 -11827,2,,,,,,,,, -11828,1,1,1,1,1,1,2,2,1,1 -11829,2,,,,,,,,, -11830,2,,,,,,,,, -11831,1,1,1,1,1,1,1,1,1,1 -11832,1,1,1,1,1,1,2,2,1,1 -11833,1,1,1,1,1,1,1,1,1,1 -11834,1,1,1,2,2,2,2,2,2,2 -11835,2,,,,,,,,, -11836,1,1,1,1,1,1,2,2,1,1 -11837,1,1,1,1,1,1,2,1,1,1 -11838,2,,,,,,,,, -11839,1,1,1,1,1,1,2,1,1,1 -11840,2,,,,,,,,, -11841,1,1,1,1,1,1,1,1,1,1 -11842,2,,,,,,,,, -11843,1,2,2,2,2,2,2,2,2,2 -11844,1,1,1,1,1,1,1,1,1,1 -11845,1,2,2,2,2,2,2,2,2,2 -11846,1,1,1,1,1,1,1,1,1,1 -11847,1,1,1,1,1,1,2,1,1,1 -11848,1,1,2,2,1,1,1,1,2,2 -11849,1,1,1,1,2,2,2,2,1,1 -11850,1,1,1,1,1,2,1,2,1,1 -11851,2,,,,,,,,, -11852,1,1,1,1,1,1,1,1,1,1 -11853,1,1,1,1,1,1,2,2,1,1 -11854,1,1,1,2,1,1,1,2,2,2 -11855,1,1,1,1,2,2,2,2,1,1 -11856,1,1,1,1,1,1,1,1,1,1 -11857,1,1,1,1,1,2,1,2,1,1 -11858,1,1,1,1,1,1,2,1,1,1 -11859,1,1,1,1,1,1,2,1,1,1 -11860,1,2,2,2,1,1,1,1,2,2 -11861,1,1,1,1,1,2,1,2,1,1 -11862,1,2,2,2,2,2,2,2,2,2 -11863,1,2,2,2,2,2,1,1,2,2 -11864,2,,,,,,,,, -11865,1,1,1,1,1,1,2,1,1,1 -11866,2,,,,,,,,, -11867,1,1,2,1,2,2,2,2,1,1 -11868,1,1,1,1,1,1,2,2,1,1 -11869,1,1,1,1,2,2,2,2,1,1 -11870,1,1,1,1,1,1,1,1,1,1 -11871,1,1,1,2,1,1,2,2,2,2 -11872,1,1,1,1,1,1,2,1,1,1 -11873,1,1,1,1,1,1,1,1,1,1 -11874,1,2,2,2,2,2,2,2,2,2 -11875,1,2,2,2,2,2,2,2,2,2 -11876,1,1,1,1,1,1,1,1,1,1 -11877,1,1,1,1,1,1,2,1,1,1 -11878,1,1,1,1,2,2,2,2,1,1 -11879,1,1,1,2,1,1,1,1,2,2 -11880,2,,,,,,,,, -11881,1,1,1,2,1,1,2,2,2,2 -11882,1,1,1,1,2,2,2,2,2,2 -11883,1,1,1,1,2,2,2,2,1,1 -11884,1,1,1,1,1,1,1,1,1,1 -11885,2,,,,,,,,, -11886,1,1,1,2,1,1,1,2,2,2 -11887,1,1,1,2,1,1,2,2,2,2 -11888,1,1,1,1,1,1,1,2,1,1 -11889,1,1,1,1,1,1,1,1,1,1 -11890,2,,,,,,,,, -11891,2,,,,,,,,, -11892,1,2,2,2,2,2,2,2,2,2 -11893,1,1,1,1,1,1,2,1,1,1 -11894,1,1,1,1,1,1,1,1,1,1 -11895,2,,,,,,,,, -11896,1,2,2,2,2,2,2,2,2,2 -11897,1,1,2,1,2,2,2,2,2,2 -11898,1,2,2,2,1,1,2,2,2,2 -11899,1,1,1,1,1,1,2,2,1,1 -11900,1,2,2,2,2,2,2,2,2,2 -11901,2,,,,,,,,, -11902,1,1,1,1,2,2,2,1,1,1 -11903,1,1,1,1,2,2,1,2,1,1 -11904,1,1,2,2,2,2,2,2,2,2 -11905,1,1,1,1,1,1,1,1,1,1 -11906,2,,,,,,,,, -11907,1,1,1,1,1,1,2,1,1,1 -11908,1,1,1,1,1,1,2,2,1,1 -11909,1,1,1,2,1,1,1,1,1,1 -11910,1,1,1,1,1,1,1,1,1,1 -11911,1,2,2,2,2,2,2,2,2,2 -11912,2,,,,,,,,, -11913,2,,,,,,,,, -11914,1,1,1,1,1,1,1,1,1,1 -11915,1,1,1,2,1,1,1,2,1,1 -11916,1,1,1,1,1,1,2,2,1,1 -11917,1,1,1,2,1,1,1,2,1,1 -11918,1,1,1,1,1,1,2,1,1,1 -11919,1,1,1,1,1,1,1,1,1,1 -11920,1,1,1,1,1,2,1,2,1,1 -11921,1,2,2,2,2,2,2,2,2,2 -11922,1,1,1,2,1,2,1,2,2,2 -11923,1,1,1,1,2,2,2,2,1,1 -11924,1,2,2,2,2,2,2,2,2,2 -11925,2,,,,,,,,, -11926,2,,,,,,,,, -11927,1,1,1,1,1,1,1,1,1,1 -11928,2,,,,,,,,, -11929,1,1,1,1,2,2,2,2,1,1 -11930,2,,,,,,,,, -11931,1,2,2,2,2,2,2,2,2,2 -11932,1,1,1,2,1,1,1,2,2,2 -11933,2,,,,,,,,, -11934,2,,,,,,,,, -11935,1,2,2,1,2,2,2,2,1,1 -11936,1,1,1,2,1,1,1,1,2,2 -11937,1,1,1,1,1,1,1,1,1,2 -11938,1,1,2,1,2,2,2,2,2,2 -11939,1,1,1,1,1,1,1,1,1,1 -11940,1,1,1,2,1,1,2,1,2,2 -11941,1,2,2,2,2,2,2,2,2,1 -11942,1,1,1,2,1,1,1,1,2,2 -11943,1,1,1,2,1,1,2,2,2,2 -11944,1,1,1,2,1,1,1,2,2,2 -11945,1,1,1,1,1,1,1,1,1,1 -11946,1,1,1,2,1,1,1,1,1,1 -11947,1,2,2,1,2,2,2,2,1,1 -11948,2,,,,,,,,, -11949,1,1,1,1,2,2,2,2,1,1 -11950,2,,,,,,,,, -11951,1,1,1,2,1,1,1,2,2,2 -11952,1,1,1,2,2,2,2,2,2,2 -11953,1,1,1,1,1,1,1,2,2,2 -11954,1,1,1,2,1,1,1,1,2,2 -11955,1,1,1,1,2,2,1,2,1,1 -11956,1,2,2,2,2,2,2,2,2,2 -11957,1,1,1,2,1,1,2,2,2,2 -11958,1,1,1,2,1,1,2,2,2,2 -11959,1,1,1,1,1,2,1,2,1,1 -11960,1,1,1,2,1,1,1,1,2,2 -11961,1,2,2,2,2,2,2,2,2,2 -11962,1,1,1,1,1,1,1,1,1,1 -11963,1,1,1,1,1,1,2,1,1,1 -11964,1,1,1,2,1,1,1,1,1,1 -11965,1,1,1,2,1,1,1,2,2,2 -11966,2,,,,,,,,, -11967,1,1,1,1,1,1,1,1,1,1 -11968,2,,,,,,,,, -11969,1,1,1,1,1,1,1,1,1,1 -11970,1,1,2,1,2,2,2,2,1,1 -11971,1,1,1,1,1,1,1,1,1,1 -11972,1,1,1,1,1,1,2,1,1,1 -11973,1,1,1,2,2,2,2,2,2,2 -11974,1,1,1,1,2,2,2,2,1,1 -11975,1,1,2,1,2,2,2,2,2,2 -11976,2,,,,,,,,, -11977,1,1,1,2,1,1,1,1,2,2 -11978,1,1,1,1,1,1,2,1,1,1 -11979,1,1,1,1,1,1,2,2,1,1 -11980,1,1,1,1,1,1,1,1,1,1 -11981,1,1,1,1,1,1,2,1,1,1 -11982,2,,,,,,,,, -11983,1,2,2,2,2,2,2,2,2,2 -11984,1,2,2,2,1,1,1,1,2,2 -11985,1,1,1,1,1,1,2,1,1,1 -11986,1,1,1,1,1,1,2,1,1,1 -11987,1,1,1,1,1,1,2,1,1,1 -11988,1,1,1,2,1,1,1,1,2,2 -11989,1,1,1,1,1,1,1,1,1,1 -11990,1,1,1,1,1,1,1,1,1,1 -11991,1,1,1,1,1,1,1,1,1,1 -11992,1,1,1,1,1,1,2,2,1,1 -11993,1,1,2,1,2,2,2,2,2,2 -11994,1,1,1,1,1,1,1,1,1,1 -11995,1,1,1,1,1,1,2,2,1,1 -11996,1,1,1,1,1,1,2,1,1,1 -11997,2,,,,,,,,, -11998,1,1,1,1,2,2,2,2,2,2 -11999,2,,,,,,,,, -12000,1,2,2,2,1,1,1,1,1,1 -12001,1,1,2,1,2,2,2,2,2,2 -12002,2,,,,,,,,, -12003,1,1,1,1,1,2,1,2,1,1 -12004,1,1,1,1,1,1,1,1,1,1 -12005,1,1,1,1,1,1,2,1,1,1 -12006,1,1,2,1,2,2,2,2,2,2 -12007,1,1,1,1,1,1,1,1,1,1 -12008,1,1,1,1,1,1,1,2,2,2 -12009,1,2,2,2,2,2,2,2,2,2 -12010,1,1,1,2,1,1,1,1,2,2 -12011,1,1,1,1,1,1,1,1,1,1 -12012,1,1,1,1,2,2,1,1,1,1 -12013,1,1,1,2,1,1,1,1,2,2 -12014,1,1,2,1,2,2,2,2,2,2 -12015,1,1,1,2,1,1,1,1,2,2 -12016,1,1,2,1,1,1,1,1,2,2 -12017,1,2,2,2,2,2,2,2,2,2 -12018,1,1,1,1,1,1,2,1,1,1 -12019,1,1,1,1,1,1,2,1,1,1 -12020,1,1,1,2,1,1,1,2,2,2 -12021,1,1,1,1,1,1,2,1,1,1 -12022,1,1,2,1,2,2,2,2,2,2 -12023,1,1,1,1,1,1,2,2,1,1 -12024,2,,,,,,,,, -12025,1,2,2,2,2,2,2,2,2,2 -12026,1,1,1,1,1,1,2,2,1,1 -12027,1,2,2,1,1,1,2,2,2,2 -12028,1,2,2,2,2,2,2,2,2,2 -12029,1,1,1,1,1,1,1,1,1,1 -12030,1,1,1,1,2,2,1,2,1,1 -12031,1,1,1,1,1,1,2,2,1,1 -12032,1,1,1,1,1,1,2,2,1,1 -12033,1,1,1,1,1,1,2,1,1,1 -12034,1,1,2,1,2,2,2,2,2,2 -12035,1,1,1,1,1,1,1,2,2,2 -12036,1,1,1,1,2,2,2,2,1,1 -12037,1,1,1,1,1,1,2,1,1,1 -12038,1,2,2,2,2,2,2,2,2,2 -12039,1,1,1,1,1,1,2,2,1,1 -12040,1,1,1,1,1,2,1,2,1,1 -12041,1,1,2,2,2,2,2,2,2,2 -12042,1,2,2,2,2,2,2,2,2,2 -12043,1,1,1,2,1,1,1,2,2,2 -12044,1,1,1,1,1,1,2,1,1,1 diff --git a/data/iai_pecarn/raw/form5_alt.csv b/data/iai_pecarn/raw/form5_alt.csv deleted file mode 100644 index 2cacfdf8..00000000 --- a/data/iai_pecarn/raw/form5_alt.csv +++ /dev/null @@ -1,8351 +0,0 @@ -subjectid,repeat_instance,seraltday,SerALTTime,SerALTValue -3,1,0,1835,21 -6,1,0,0212,72 -6,2,1,0650,59 -7,1,0,0519,24 -8,1,0,1809,83 -10,1,0,1930,39 -13,1,0,1832,5 -14,1,0,0548,25 -16,1,0,0255,20 -17,1,0,2117,53 -18,1,0,1455,14 -21,1,0,2309,19 -23,1,0,1755,41 -24,1,0,2012,29 -30,1,0,1310,18 -31,1,1,0001,19 -32,1,0,1648,42 -33,1,0,2138,47 -35,1,0,2115,87 -37,1,0,1919,22 -40,1,1,1545,10 -40,2,2,1302,21 -41,1,0,2045,108 -44,1,0,0729,50 -45,1,0,2040,282 -46,1,0,1213,47 -50,1,0,1716,21 -50,2,0,2349,28 -50,3,2,0408,21 -50,4,3,0405,19 -52,1,0,1648,25 -53,1,0,2105,18 -53,2,1,0425,39 -55,1,0,1335,265 -56,1,0,2150,24 -60,1,1,0811,52 -60,2,2,0620,41 -60,3,3,0828,46 -66,1,1,1947,34 -67,1,0,1544,35 -68,1,0,1845,312 -69,1,0,1830,10 -71,1,1,0015,13 -72,1,2,0600,65 -72,2,2,1024,58 -72,3,4,0455,42 -73,1,0,1831,20 -74,1,0,2120,189 -74,2,0,2305,186 -75,1,0,1514,25 -78,1,0,2324,55 -82,1,0,2000,7 -83,1,0,1550,10 -85,1,0,1800,452 -87,1,0,1941,21 -88,1,0,1950,272 -91,1,0,0147,12 -92,1,0,1802,21 -93,1,0,2047,24 -100,1,0,2127,45 -102,1,0,1616,14 -106,1,0,1239,16 -108,1,0,0930,22 -111,1,0,0925,19 -112,1,0,1450,9 -113,1,0,2213,27 -114,1,0,1703,2 -115,1,0,1657,486 -116,1,0,1625,229 -119,1,0,1829,27 -120,1,0,2013,36 -121,1,0,2007,21 -123,1,0,1730,20 -124,1,0,1800,48 -129,1,0,1954,21 -130,1,0,2234,16 -131,1,0,2305,7 -132,1,0,1815,24 -133,1,0,1332,18 -135,1,0,2200,15 -137,1,0,1435,19 -138,1,0,2240,28 -140,1,0,2217,188 -140,2,1,0015,187 -141,1,0,2143,17 -142,1,0,2136,52 -143,1,0,1716,15 -144,1,0,1635,27 -145,1,0,1915,235 -145,2,1,0430,200 -146,1,1,0100,23 -147,1,0,0050,62 -147,2,1,0303,35 -148,1,0,0925,23 -150,1,0,1200,53 -151,1,0,1855,241 -152,1,0,0950,33 -155,1,0,2243,18 -157,1,0,2210,23 -158,1,0,1741,17 -159,1,0,1849,51 -160,1,0,2055,13 -161,1,0,0114,16 -161,2,0,1120,12 -163,1,1,0130,16 -165,1,0,1350,74 -166,1,0,1446,19 -168,1,0,1430,16 -170,1,0,1950,102 -170,2,1,0626,64 -170,3,4,0635,43 -172,1,0,2137,17 -173,1,0,1800,70 -173,2,1,0541,86 -173,3,2,0602,116 -173,4,2,1005,123 -173,5,3,0352,111 -175,1,0,1338,25 -176,1,0,1526,9 -176,2,1,0755,10 -176,3,2,0920,13 -177,1,0,0020,12 -178,1,0,1540,74 -179,1,0,2143,125 -179,2,1,1358,74 -181,1,0,1457,32 -182,1,0,2040,36 -183,1,0,1212,140 -185,1,0,2341,29 -187,1,1,0003,14 -188,1,0,2109,14 -189,1,0,1935,19 -190,1,0,2216,19 -191,1,0,2340,6 -193,1,0,0735,23 -194,1,0,1900,21 -194,2,4,1155,32 -195,1,0,1843,39 -197,1,0,2140,15 -198,1,0,2200,18 -199,1,0,1635,181 -199,2,0,2328,148 -200,1,0,1911,13 -201,1,0,1910,17 -203,1,0,1320,46 -204,1,0,1210,368 -207,1,0,1407,25 -210,1,0,1432,23 -211,1,0,0150,18 -212,1,0,1326,17 -213,1,0,1948,13 -214,1,0,1743,20 -215,1,0,1824,11 -216,1,0,2120,33 -217,1,0,1850,13 -219,1,0,1910,46 -220,1,0,0630,14 -225,1,0,2110,10 -226,1,0,1134,19 -228,1,0,2045,7 -229,1,0,0147,38 -230,1,0,0944,2 -232,1,0,1749,15 -233,1,1,0525,35 -237,1,0,1235,18 -238,1,0,1802,163 -240,1,0,0047,14 -241,1,0,1740,18 -243,1,0,1729,25 -244,1,0,1233,100 -244,2,1,0624,94 -245,1,0,2238,21 -246,1,0,0403,42 -247,1,0,1518,20 -248,1,0,1753,19 -248,2,0,2215,26 -250,1,0,2255,17 -251,1,0,2306,10 -256,1,0,1625,32 -256,2,0,2003,32 -258,1,0,1705,5 -261,1,0,1441,2 -263,1,0,1420,22 -265,1,0,1839,35 -266,1,0,2150,26 -267,1,0,2106,19 -275,1,0,2120,495 -276,1,0,1152,35 -280,1,0,1841,16 -283,1,1,0057,43 -284,1,0,2008,11 -285,1,0,1555,10 -286,1,0,1600,32 -288,1,0,2000,61 -289,1,0,2100,14 -293,1,0,1955,2 -295,1,0,1553,16 -296,1,0,1825,398 -296,2,1,0400,420 -296,3,2,0400,291 -297,1,0,1600,64 -299,1,0,0910,12 -300,1,0,1537,25 -301,1,0,1545,29 -302,1,0,0910,28 -303,1,1,0403,21 -304,1,0,2142,23 -305,1,0,1440,19 -307,1,0,1750,37 -308,1,1,0001,18 -311,1,1,0005,23 -312,1,0,1626,133 -314,1,0,1329,30 -316,1,0,2045,16 -318,1,0,2017,2 -318,2,1,1931,13 -319,1,0,1704,18 -320,1,0,0050,21 -321,1,0,1644,20 -321,2,1,0528,20 -322,1,0,1540,29 -323,1,0,2250,12 -328,1,0,1740,19 -329,1,0,0930,10 -332,1,0,2230,7 -333,1,0,2035,12 -335,1,0,0219,23 -336,1,0,0623,174 -336,2,0,0907,170 -337,1,0,2320,34 -337,2,1,0430,39 -337,3,1,0815,40 -337,4,1,2330,28 -337,5,4,0400,23 -338,1,0,0637,87 -341,1,0,0709,30 -344,1,0,1838,28 -345,1,0,1404,12 -346,1,0,1613,276 -350,1,0,1640,49 -356,1,0,1738,120 -357,1,0,1130,12 -358,1,0,1143,20 -358,2,1,1609,18 -359,1,0,1753,109 -363,1,0,1200,24 -364,1,0,2140,59 -366,1,0,1700,22 -367,1,0,0545,37 -367,2,6,0822,34 -369,1,0,0919,48 -371,1,0,2136,16 -373,1,0,1809,36 -374,1,0,0910,20 -375,1,0,1730,35 -376,1,0,0218,345 -377,1,0,1640,16 -378,1,0,1713,88 -379,1,0,1724,54 -380,1,0,1250,16 -381,1,0,2100,22 -382,1,0,2030,62 -384,1,0,1638,15 -385,1,0,0950,16 -386,1,0,1600,19 -388,1,0,1224,23 -389,1,0,1705,43 -390,1,0,2005,12 -391,1,0,1830,23 -392,1,0,2055,18 -395,1,0,2107,26 -397,1,0,1824,25 -399,1,0,0944,261 -399,2,2,0326,71 -399,3,4,0409,47 -399,4,5,0519,60 -401,1,0,2000,18 -405,1,0,1403,11 -406,1,0,2143,41 -407,1,0,1618,18 -408,1,0,2058,32 -409,1,0,1850,21 -410,1,0,2335,25 -410,2,1,0700,19 -412,1,0,1520,21 -413,1,0,1402,14 -414,1,0,0959,40 -415,1,0,1508,19 -416,1,0,2336,9 -417,1,0,1544,37 -421,1,0,1745,38 -422,1,0,0956,18 -423,1,0,2056,38 -423,2,1,0605,31 -423,3,1,0942,27 -425,1,0,1726,25 -428,1,0,1535,103 -429,1,0,1530,21 -430,1,0,0830,24 -431,1,0,1745,57 -433,1,0,2220,29 -434,1,0,2039,16 -435,1,0,2127,318 -436,1,0,1726,27 -437,1,0,1103,79 -438,1,0,1623,24 -439,1,0,1520,189 -440,1,0,2130,35 -442,1,0,1940,11 -444,1,0,2250,14 -445,1,0,2039,80 -445,2,4,1420,42 -446,1,0,0114,30 -450,1,0,2050,29 -451,1,0,1915,16 -452,1,0,0140,14 -453,1,0,1815,42 -454,1,0,1944,40 -456,1,0,2212,31 -458,1,0,1815,18 -459,1,0,1425,27 -460,1,0,2134,41 -464,1,0,1815,23 -465,1,0,2100,60 -465,2,1,0518,51 -465,3,2,0501,44 -465,4,3,0356,41 -466,1,0,2113,14 -467,1,0,1207,10 -468,1,0,1723,2 -470,1,0,1917,30 -471,1,0,1834,24 -472,1,0,0915,27 -473,1,0,2244,10 -475,1,0,2125,23 -476,1,0,1248,20 -477,1,0,1038,258 -480,1,0,2251,24 -481,1,0,0055,25 -482,1,0,1400,24 -484,1,0,1900,55 -485,1,0,1738,25 -486,1,0,1641,17 -488,1,0,0745,39 -490,1,0,1419,19 -491,1,1,0235,21 -493,1,1,0155,13 -494,1,0,1233,1392 -494,2,0,1700,662 -494,3,1,0415,474 -494,4,1,2100,297 -497,1,0,2130,28 -498,1,0,2034,35 -499,1,1,1038,18 -502,1,0,1658,27 -505,1,0,1110,25 -506,1,0,1804,8 -508,1,0,2252,20 -510,1,0,1857,32 -511,1,0,0425,37 -512,1,0,2203,23 -513,1,1,0016,16 -515,1,0,1301,21 -517,1,0,2300,26 -519,1,0,1123,52 -519,2,1,0450,36 -523,1,0,1345,13 -525,1,0,2047,70 -531,1,0,1130,15 -536,1,0,2300,59 -537,1,0,1749,23 -538,1,0,1415,30 -539,1,0,2029,43 -542,1,0,1705,18 -544,1,0,1733,51 -546,1,0,0046,129 -546,2,0,1301,31 -546,3,0,1605,34 -546,4,0,1955,51 -548,1,0,2101,25 -549,1,1,0111,27 -550,1,0,1329,28 -551,1,0,1245,18 -552,1,0,2228,12 -553,1,0,1112,13 -557,1,0,0100,27 -563,1,0,1703,164 -564,1,0,1925,47 -567,1,0,2245,16 -568,1,0,1749,22 -569,1,0,1810,21 -570,1,0,0815,75 -570,2,0,1530,39 -572,1,0,1435,20 -574,1,1,0502,49 -574,2,6,0344,55 -574,3,7,0549,88 -575,1,0,2329,38 -576,1,1,0500,27 -577,1,0,2100,5 -578,1,0,0529,11 -580,1,0,1712,24 -582,1,0,1949,44 -587,1,0,1330,35 -587,2,0,1744,32 -589,1,0,2034,2 -590,1,0,2253,14 -591,1,0,1633,652 -592,1,0,2010,32 -593,1,0,1815,33 -594,1,0,1530,38 -595,1,0,1225,1821 -595,2,0,1420,962 -595,3,0,1830,2033 -595,4,1,0639,1734 -595,5,2,0438,1676 -596,1,1,1430,19 -600,1,0,2104,14 -602,1,0,1940,39 -603,1,1,0001,12 -604,1,0,1644,34 -605,1,0,2252,12 -607,1,0,1950,24 -613,1,0,1646,24 -614,1,0,1404,15 -615,1,0,2237,125 -616,1,0,1440,24 -618,1,0,1456,12 -620,1,1,0015,20 -622,1,1,0515,61 -624,1,1,0111,17 -624,2,1,0516,17 -625,1,0,2309,28 -627,1,0,1632,14 -628,1,0,0945,30 -630,1,0,1530,21 -631,1,0,1956,20 -632,1,0,2039,707 -632,2,1,1010,373 -633,1,0,2320,18 -635,1,0,1723,20 -637,1,0,1900,24 -638,1,1,0042,28 -641,1,0,2041,18 -642,1,0,1240,32 -643,1,0,1557,19 -644,1,0,2200,35 -647,1,0,1412,13 -648,1,0,2120,25 -650,1,0,2116,29 -652,1,0,1305,23 -653,1,0,1824,16 -654,1,0,1638,69 -654,2,1,0325,46 -655,1,0,2225,8 -657,1,0,1306,15 -658,1,0,1253,16 -659,1,0,1729,14 -659,2,0,2030,15 -660,1,0,1607,23 -663,1,0,2300,24 -664,1,0,2141,16 -665,1,0,1507,17 -667,1,0,1405,7 -668,1,0,1732,33 -669,1,0,1819,61 -672,1,0,2028,23 -673,1,0,1601,22 -675,1,0,1800,60 -681,1,0,1635,8 -682,1,0,1940,3 -683,1,0,1645,17 -689,1,0,0320,26 -691,1,0,1640,20 -692,1,0,1642,14 -693,1,0,2235,30 -698,1,0,0535,16 -699,1,0,0135,20 -700,1,0,1625,115 -701,1,0,1848,74 -702,1,1,0230,12 -705,1,0,1025,17 -707,1,0,0836,65 -708,1,0,1633,34 -708,2,1,2249,40 -708,3,5,1147,36 -708,4,6,0421,33 -710,1,0,1939,22 -711,1,0,2000,29 -712,1,0,1947,47 -713,1,0,1735,17 -714,1,0,0856,36 -715,1,0,2003,17 -716,1,0,1405,19 -717,1,0,2340,72 -720,1,0,1943,25 -721,1,0,0940,27 -721,2,0,1153,24 -721,3,0,1658,38 -721,4,0,2215,37 -721,5,1,0400,41 -722,1,0,2122,16 -726,1,0,1220,28 -727,1,0,1755,50 -728,1,0,1623,19 -729,1,0,2132,339 -731,1,0,2120,7 -732,1,0,1609,13 -733,1,0,1821,20 -735,1,0,0249,16 -736,1,0,1300,18 -737,1,0,1646,35 -738,1,0,2055,24 -744,1,0,1327,19 -746,1,0,0153,132 -746,2,0,0553,128 -746,3,0,1044,114 -746,4,0,1711,95 -746,5,1,0611,95 -748,1,0,1720,17 -749,1,0,2130,25 -749,2,5,0645,27 -751,1,0,0325,36 -755,1,0,2237,19 -759,1,0,1514,30 -760,1,1,0029,16 -761,1,0,1445,31 -762,1,0,2124,49 -762,2,0,2334,42 -763,1,0,1829,44 -764,1,0,1517,20 -767,1,0,1112,363 -768,1,0,2215,12 -770,1,0,1020,89 -772,1,0,1850,20 -773,1,0,2341,80 -778,1,0,0157,18 -779,1,0,2040,318 -780,1,0,0135,24 -781,1,0,1950,19 -782,1,0,1610,21 -783,1,0,1755,13 -784,1,0,1730,27 -785,1,0,0447,16 -786,1,0,2050,16 -787,1,0,1635,64 -788,1,0,2241,16 -790,1,0,1227,66 -793,1,0,1029,36 -796,1,0,2350,31 -798,1,0,2208,20 -800,1,0,1957,10 -801,1,0,1957,10 -802,1,0,2100,5 -804,1,0,1158,18 -805,1,0,1908,18 -806,1,0,1949,13 -807,1,0,2130,28 -808,1,0,2044,19 -810,1,0,2150,7 -810,2,1,0405,11 -815,1,0,1715,32 -816,1,0,0220,21 -817,1,0,1232,31 -818,1,0,1548,22 -820,1,0,0940,43 -823,1,0,2310,15 -827,1,0,1236,95 -828,1,0,1807,63 -830,1,0,2235,17 -831,1,0,1800,33 -832,1,0,0849,13 -834,1,0,1906,2325 -835,1,0,2210,22 -836,1,0,1016,17 -837,1,0,0907,35 -838,1,0,1926,13 -839,1,1,0709,21 -840,1,0,2109,10 -841,1,0,0030,69 -843,1,0,1430,26 -846,1,0,1315,30 -847,1,0,1855,38 -848,1,0,1550,26 -848,2,1,0415,19 -849,1,0,2100,11 -850,1,0,1411,46 -851,1,0,0145,26 -852,1,1,0644,38 -855,1,0,1114,32 -856,1,0,1245,25 -858,1,0,1340,23 -860,1,0,1808,27 -861,1,0,1257,32 -861,2,1,0711,25 -862,1,0,2209,30 -863,1,2,0615,31 -864,1,0,0857,57 -869,1,0,2100,43 -869,2,1,1300,28 -874,1,0,1726,18 -876,1,0,1532,21 -876,2,1,1215,19 -877,1,0,2201,171 -877,2,1,0807,102 -878,1,0,1300,15 -879,1,0,1814,23 -883,1,0,2313,32 -890,1,0,2319,561 -892,1,0,1839,18 -893,1,0,1625,30 -894,1,0,1542,24 -895,1,0,1153,52 -896,1,0,1739,15 -897,1,0,1955,68 -897,2,1,1005,54 -898,1,0,1525,20 -898,2,1,0622,14 -899,1,0,2025,17 -900,1,0,1706,22 -902,1,0,1417,15 -905,1,0,1140,70 -908,1,0,2047,18 -910,1,0,1705,81 -911,1,0,1704,11 -913,1,0,1645,13 -917,1,0,1752,59 -918,1,0,2200,30 -919,1,0,1928,30 -919,2,0,2210,28 -921,1,0,1544,14 -922,1,0,1924,30 -925,1,0,2243,26 -926,1,0,1207,48 -926,2,0,1826,47 -930,1,0,1441,21 -931,1,0,1617,24 -931,2,1,2110,24 -935,1,0,1348,30 -936,1,0,1126,38 -937,1,0,0753,288 -937,2,1,1013,141 -937,3,6,1331,49 -938,1,0,1207,23 -940,1,0,1846,13 -943,1,0,1617,25 -944,1,0,0615,32 -944,2,1,0519,24 -945,1,0,2200,24 -946,1,0,1130,39 -953,1,0,1747,33 -954,1,0,0825,83 -955,1,0,1449,30 -955,2,2,0654,19 -957,1,0,1125,123 -961,1,0,1857,15 -965,1,0,1421,47 -966,1,0,1922,9 -967,1,0,2055,12 -967,2,1,0634,10 -970,1,0,1500,332 -970,2,1,0400,231 -970,3,2,0400,161 -972,1,0,2334,30 -973,1,0,2120,18 -974,1,0,1450,34 -975,1,0,1705,21 -976,1,0,1830,27 -976,2,1,1050,21 -977,1,0,1625,25 -978,1,0,2000,7 -979,1,0,0045,8 -981,1,0,2151,22 -982,1,0,1545,6 -983,1,0,1126,93 -984,1,0,0355,18 -988,1,0,1515,35 -990,1,0,2345,45 -990,2,2,0200,43 -991,1,0,1634,11 -992,1,1,0135,126 -993,1,0,2057,17 -994,1,0,1951,20 -995,1,0,1935,15 -996,1,0,1955,19 -997,1,0,2313,21 -999,1,0,2109,15 -1000,1,0,0241,19 -1001,1,4,0515,22 -1001,2,5,0530,20 -1001,3,6,0400,16 -1002,1,0,2137,35 -1003,1,0,1148,7 -1004,1,0,2310,17 -1006,1,0,2015,66 -1007,1,0,1940,11 -1008,1,0,2109,21 -1009,1,0,1410,24 -1012,1,0,1652,49 -1013,1,0,2020,13 -1015,1,0,1920,16 -1018,1,0,2027,21 -1021,1,0,1551,21 -1022,1,0,2015,14 -1023,1,0,2015,26 -1025,1,0,1820,83 -1025,2,1,0935,55 -1026,1,1,0045,14 -1027,1,0,0938,44 -1028,1,0,1800,19 -1032,1,0,2016,33 -1036,1,0,0203,26 -1038,1,0,2001,60 -1038,2,0,2306,57 -1038,3,1,0422,77 -1041,1,1,0615,38 -1042,1,0,2255,13 -1043,1,0,1843,18 -1044,1,0,1700,94 -1044,2,1,0615,70 -1044,3,2,0530,58 -1044,4,3,0555,53 -1045,1,0,1928,37 -1047,1,0,1853,20 -1048,1,0,2007,23 -1049,1,0,1839,376 -1050,1,0,2150,38 -1051,1,0,0738,33 -1053,1,0,2024,3 -1054,1,0,1016,170 -1057,1,0,0331,16 -1061,1,0,1539,33 -1062,1,0,1945,18 -1065,1,0,1930,28 -1066,1,0,0907,39 -1071,1,1,1107,25 -1074,1,0,0857,20 -1075,1,0,1254,38 -1076,1,0,1838,37 -1078,1,0,2310,12 -1080,1,0,0059,66 -1082,1,0,1916,26 -1084,1,0,2050,31 -1085,1,0,1601,74 -1088,1,0,1747,20 -1091,1,0,1746,40 -1093,1,1,1815,40 -1095,1,0,1140,207 -1095,2,1,0240,117 -1097,1,0,1939,17 -1098,1,0,0316,18 -1098,2,1,0610,15 -1099,1,0,1820,30 -1100,1,0,0120,70 -1100,2,0,0300,64 -1100,3,0,0536,81 -1100,4,0,1550,78 -1101,1,0,1331,21 -1102,1,0,1420,82 -1102,2,1,1947,55 -1103,1,0,1420,45 -1104,1,2,1533,21 -1106,1,0,1520,18 -1109,1,0,2337,27 -1110,1,0,1717,55 -1110,2,0,2227,59 -1110,3,1,0303,49 -1110,4,1,0958,38 -1110,5,1,1850,41 -1112,1,0,1645,14 -1116,1,0,2118,22 -1118,1,0,2024,20 -1121,1,0,0634,48 -1122,1,0,1615,29 -1123,1,0,2052,30 -1125,1,0,2218,5 -1125,2,6,0950,22 -1125,3,7,0400,21 -1129,1,0,1706,25 -1134,1,0,0959,38 -1136,1,0,1827,5 -1137,1,0,2119,55 -1141,1,1,0935,76 -1142,1,0,1155,24 -1146,1,1,0637,23 -1147,1,0,1518,22 -1148,1,0,2350,17 -1149,1,0,0751,205 -1149,2,1,0439,129 -1149,3,2,0653,98 -1149,4,3,0735,63 -1149,5,4,0706,50 -1150,1,0,2300,20 -1152,1,0,1610,16 -1154,1,0,1540,38 -1156,1,0,1051,29 -1157,1,0,0945,19 -1160,1,0,1653,59 -1160,2,1,1530,46 -1160,3,3,0530,75 -1160,4,4,0416,86 -1160,5,5,0445,97 -1162,1,0,2059,18 -1165,1,0,1710,16 -1168,1,0,1220,34 -1170,1,0,1800,22 -1171,1,0,2212,91 -1172,1,0,1134,50 -1173,1,0,1540,13 -1173,2,2,0108,12 -1174,1,0,2305,2 -1175,1,0,1902,54 -1175,2,1,0353,45 -1177,1,0,1145,23 -1179,1,0,1418,27 -1181,1,0,2020,57 -1182,1,0,1139,90 -1185,1,0,1550,22 -1190,1,0,2157,112 -1191,1,0,2237,9 -1193,1,0,1237,22 -1194,1,0,1203,30 -1195,1,0,1943,61 -1196,1,0,1655,64 -1198,1,0,2250,23 -1199,1,0,1908,108 -1200,1,0,1942,19 -1201,1,0,1722,64 -1202,1,0,0750,22 -1203,1,0,1905,21 -1204,1,0,2302,19 -1205,1,0,1100,22 -1206,1,0,0945,20 -1207,1,0,2122,15 -1208,1,0,0910,43 -1209,1,0,1720,8 -1211,1,0,1210,18 -1213,1,1,1221,27 -1214,1,0,2210,19 -1216,1,0,1501,18 -1218,1,0,0444,200 -1219,1,0,0717,81 -1220,1,0,1614,66 -1221,1,0,1004,69 -1222,1,0,2140,37 -1223,1,0,2357,9 -1224,1,0,1828,21 -1227,1,0,2016,19 -1229,1,1,0500,398 -1229,2,3,0500,301 -1230,1,0,1700,90 -1231,1,0,1602,15 -1233,1,0,1441,2 -1234,1,0,2306,20 -1235,1,0,1856,19 -1239,1,0,2320,219 -1239,2,1,0500,130 -1239,3,2,0511,69 -1239,4,3,0335,51 -1239,5,4,0335,43 -1240,1,0,1940,29 -1241,1,0,2025,9 -1242,1,0,0855,23 -1243,1,0,1510,62 -1244,1,0,2000,15 -1245,1,0,1907,26 -1246,1,0,1930,35 -1249,1,0,2124,25 -1250,1,0,1700,32 -1251,1,0,1411,23 -1254,1,0,2256,22 -1257,1,0,2330,22 -1259,1,2,1117,71 -1261,1,0,1435,21 -1262,1,0,2244,12 -1265,1,0,2000,19 -1265,2,1,0355,15 -1267,1,0,1945,21 -1269,1,0,2259,9 -1270,1,0,0224,12 -1271,1,0,1922,18 -1272,1,0,1915,42 -1272,2,1,0535,36 -1272,3,2,0421,31 -1274,1,0,2200,27 -1275,1,0,2036,112 -1277,1,0,1857,196 -1279,1,0,1802,38 -1280,1,1,0420,21 -1280,2,1,1038,19 -1280,3,2,0448,20 -1281,1,0,1925,22 -1282,1,0,1828,17 -1283,1,0,1445,23 -1284,1,0,1808,87 -1285,1,0,2141,17 -1286,1,0,1845,18 -1289,1,0,1640,264 -1289,2,1,0350,255 -1289,3,3,0500,174 -1290,1,0,1425,5 -1291,1,0,1550,19 -1292,1,0,0655,35 -1293,1,0,1804,21 -1294,1,0,2021,23 -1295,1,0,1157,51 -1296,1,0,1550,56 -1297,1,0,1815,43 -1300,1,0,1628,14 -1303,1,0,1602,6 -1305,1,0,1732,21 -1306,1,0,2230,21 -1308,1,4,0415,61 -1308,2,5,0415,32 -1308,3,6,0400,28 -1308,4,7,0550,38 -1309,1,0,2054,50 -1310,1,1,0000,10 -1312,1,0,1711,45 -1313,1,0,2214,17 -1313,2,1,0549,14 -1313,3,1,2136,15 -1313,4,2,1752,14 -1313,5,3,0218,12 -1314,1,0,2140,17 -1315,1,0,1929,39 -1320,1,0,2136,25 -1321,1,0,1734,29 -1321,2,1,0344,23 -1321,3,1,1819,23 -1321,4,2,0352,21 -1321,5,3,0538,16 -1322,1,0,0056,16 -1323,1,0,1526,16 -1324,1,0,2037,6 -1324,2,1,0410,13 -1325,1,0,1844,20 -1328,1,0,2228,27 -1331,1,0,1614,43 -1332,1,0,1409,24 -1334,1,0,0855,30 -1335,1,0,1646,18 -1336,1,0,1115,66 -1336,2,0,1540,66 -1336,3,1,0000,63 -1337,1,0,1341,36 -1347,1,0,1100,20 -1349,1,0,1831,13 -1350,1,0,0914,3 -1352,1,0,1825,26 -1354,1,0,2216,19 -1356,1,0,1613,33 -1359,1,0,2046,8 -1360,1,0,1925,16 -1367,1,0,1635,31 -1368,1,0,2217,19 -1369,1,0,2206,27 -1370,1,0,1800,16 -1373,1,0,1047,64 -1373,2,1,0848,41 -1373,3,5,2021,37 -1373,4,7,0725,50 -1374,1,0,1720,19 -1375,1,0,0002,15 -1376,1,0,0021,43 -1377,1,0,0137,26 -1378,1,0,1710,23 -1379,1,0,1734,19 -1381,1,0,1450,23 -1382,1,0,0420,17 -1384,1,0,1545,25 -1386,1,0,2145,36 -1391,1,0,2200,6 -1393,1,0,2000,24 -1394,1,0,1917,34 -1395,1,0,1554,56 -1398,1,0,0017,20 -1400,1,0,2318,22 -1401,1,0,1933,12 -1402,1,0,2230,23 -1403,1,0,2124,18 -1410,1,0,2254,30 -1414,1,0,1500,27 -1415,1,0,1239,17 -1417,1,0,0526,26 -1418,1,0,1430,1919 -1418,2,0,1445,1349 -1418,3,2,1135,1447 -1421,1,0,1310,14 -1422,1,0,2200,17 -1425,1,0,1650,23 -1426,1,0,2040,15 -1429,1,0,1335,44 -1431,1,0,2207,54 -1432,1,0,2355,11 -1433,1,0,1435,33 -1434,1,0,2020,16 -1436,1,0,1002,17 -1436,2,1,0300,17 -1436,3,2,0036,21 -1436,4,3,0130,23 -1436,5,4,0240,19 -1437,1,0,1536,31 -1439,1,0,1555,26 -1440,1,0,1920,26 -1444,1,0,2113,33 -1445,1,0,1952,100 -1446,1,0,0235,20 -1447,1,0,1419,15 -1448,1,0,1845,239 -1449,1,0,2255,22 -1450,1,0,2157,18 -1453,1,0,1727,35 -1454,1,0,1440,16 -1455,1,0,1120,530 -1455,2,1,0124,329 -1455,3,2,0400,217 -1455,4,3,0420,145 -1455,5,4,0455,89 -1456,1,0,2044,19 -1457,1,0,1727,18 -1457,2,0,1730,17 -1458,1,0,1647,10 -1459,1,0,1709,364 -1460,1,0,0319,102 -1460,2,1,0625,58 -1461,1,0,1710,42 -1464,1,0,1635,18 -1465,1,0,2109,24 -1468,1,0,1830,33 -1469,1,0,1339,26 -1471,1,0,2027,46 -1472,1,0,2043,18 -1474,1,0,2106,21 -1477,1,0,1819,29 -1478,1,0,1312,18 -1480,1,0,1506,19 -1482,1,0,0750,25 -1484,1,1,0012,49 -1486,1,0,2150,53 -1487,1,0,2230,18 -1489,1,0,2230,24 -1490,1,0,1845,11 -1491,1,0,1352,15 -1492,1,0,1430,17 -1494,1,0,2005,21 -1496,1,0,1157,26 -1496,2,0,2000,31 -1498,1,0,2303,10 -1499,1,0,2209,84 -1500,1,0,1349,999 -1502,1,0,1500,29 -1503,1,0,2112,21 -1504,1,0,1806,26 -1506,1,1,0000,21 -1507,1,0,1646,33 -1507,2,1,0530,31 -1508,1,1,0005,21 -1509,1,0,1730,28 -1510,1,0,1352,346 -1512,1,0,1503,63 -1513,1,0,2149,33 -1514,1,0,1540,9 -1514,2,2,1410,26 -1514,3,3,0430,54 -1514,4,4,0330,46 -1514,5,4,0350,48 -1518,1,0,1807,15 -1520,1,0,1816,18 -1521,1,0,1244,10 -1522,1,0,2047,28 -1523,1,0,0926,14 -1525,1,0,2053,30 -1526,1,0,2306,15 -1527,1,1,0003,12 -1530,1,0,1715,8 -1532,1,0,2354,2 -1533,1,0,1940,18 -1534,1,0,1346,15 -1535,1,0,1731,30 -1535,2,1,0555,20 -1536,1,0,1314,4 -1539,1,0,1516,67 -1540,1,0,1850,60 -1540,2,1,0800,50 -1540,3,1,0808,38 -1542,1,0,1450,12 -1544,1,0,1430,17 -1545,1,0,1746,49 -1546,1,0,1815,15 -1546,2,2,1322,129 -1546,3,4,0350,58 -1547,1,0,1931,11 -1549,1,0,1705,4 -1549,2,1,0410,5 -1552,1,0,1345,16 -1553,1,0,1013,15 -1554,1,0,0105,36 -1555,1,0,1534,19 -1556,1,0,1921,52 -1559,1,0,1200,25 -1564,1,0,1943,15 -1565,1,0,2224,38 -1569,1,0,1916,26 -1570,1,0,1709,20 -1574,1,0,1740,18 -1575,1,0,1830,92 -1575,2,1,0326,70 -1578,1,0,1059,17 -1582,1,1,0100,16 -1583,1,0,2145,18 -1584,1,0,1615,14 -1585,1,0,1355,13 -1587,1,0,1940,39 -1587,2,5,1707,39 -1588,1,0,1002,14 -1589,1,0,2055,26 -1590,1,0,0845,22 -1592,1,0,1615,13 -1594,1,0,0039,26 -1595,1,0,1250,15 -1597,1,0,1257,17 -1598,1,1,0000,15 -1600,1,0,1156,10 -1601,1,1,0744,5 -1602,1,1,0024,48 -1602,2,1,0052,38 -1602,3,2,0436,53 -1602,4,3,0423,59 -1602,5,4,0337,60 -1603,1,0,0015,14 -1605,1,0,1450,15 -1606,1,0,1826,17 -1609,1,0,2118,35 -1611,1,0,2225,44 -1612,1,0,1711,31 -1613,1,0,2005,16 -1614,1,0,1645,54 -1617,1,0,2105,53 -1617,2,1,0143,52 -1617,3,1,0632,69 -1617,4,1,1030,48 -1617,5,1,1519,49 -1620,1,0,1712,15 -1621,1,0,1930,21 -1622,1,0,2335,14 -1625,1,0,1145,24 -1628,1,0,1730,33 -1631,1,0,1605,15 -1632,1,0,2137,23 -1633,1,0,1615,19 -1633,2,0,1930,15 -1633,3,1,0250,16 -1634,1,0,2139,18 -1637,1,0,1130,15 -1638,1,0,2308,10 -1639,1,0,1340,34 -1642,1,0,1650,101 -1647,1,1,0826,42 -1649,1,0,1905,25 -1650,1,0,2056,27 -1654,1,1,0400,7 -1654,2,5,0415,10 -1655,1,0,1424,9 -1656,1,0,1256,32 -1657,1,0,0600,25 -1660,1,0,2311,18 -1662,1,0,0500,98 -1663,1,0,2250,17 -1665,1,0,2049,27 -1667,1,0,1800,38 -1669,1,0,1856,20 -1670,1,0,1750,17 -1673,1,0,2217,125 -1674,1,0,1820,56 -1675,1,0,2303,15 -1676,1,0,1920,63 -1677,1,0,2346,33 -1679,1,0,0845,567 -1680,1,0,1500,57 -1681,1,0,0246,2 -1683,1,0,2015,27 -1684,1,0,1725,22 -1685,1,0,0910,2 -1686,1,0,1300,40 -1687,1,0,2144,82 -1688,1,0,0356,16 -1689,1,0,2222,39 -1690,1,0,0223,39 -1691,1,0,2125,99 -1691,2,1,1043,66 -1692,1,0,1910,26 -1692,2,1,0415,37 -1692,3,2,0254,22 -1692,4,3,0400,17 -1692,5,4,0358,21 -1696,1,0,1659,35 -1697,1,0,1855,28 -1698,1,0,1908,7 -1701,1,0,1636,21 -1702,1,0,1650,11 -1704,1,0,1646,23 -1705,1,0,1100,39 -1707,1,0,1010,16 -1707,2,1,0400,13 -1708,1,0,1830,104 -1711,1,0,1400,40 -1712,1,0,1400,44 -1713,1,0,2023,20 -1714,1,0,1736,17 -1715,1,0,1631,34 -1716,1,0,1800,20 -1720,1,0,2033,35 -1722,1,0,1634,107 -1722,2,1,0625,82 -1724,1,0,2230,10 -1725,1,0,2345,301 -1725,2,3,0520,183 -1726,1,0,2133,28 -1727,1,0,1755,22 -1727,2,1,0715,20 -1729,1,0,1940,88 -1730,1,0,0625,25 -1732,1,0,0234,11 -1734,1,1,0030,133 -1734,2,1,0450,118 -1734,3,2,1408,71 -1734,4,3,0345,59 -1734,5,4,0049,59 -1736,1,0,1335,7 -1738,1,0,0922,50 -1739,1,1,0034,21 -1740,1,0,1642,41 -1744,1,0,1633,32 -1745,1,0,1717,10 -1745,2,1,0425,24 -1747,1,0,1935,24 -1748,1,1,0459,53 -1754,1,0,2205,13 -1756,1,0,2045,22 -1757,1,0,2256,11 -1758,1,0,1633,26 -1760,1,0,2251,15 -1761,1,0,2036,172 -1761,2,1,0430,140 -1761,3,2,0450,130 -1763,1,0,1337,14 -1764,1,4,0700,60 -1766,1,0,1632,18 -1767,1,0,1930,28 -1768,1,1,1044,21 -1769,1,0,1530,166 -1769,2,1,0420,119 -1770,1,0,1922,165 -1770,2,1,0158,119 -1770,3,1,0634,107 -1770,4,1,1831,80 -1770,5,2,0534,64 -1775,1,0,1818,24 -1777,1,0,1939,30 -1783,1,0,1651,12 -1784,1,0,0929,13 -1785,1,0,1325,221 -1785,2,1,0655,160 -1785,3,2,0650,149 -1786,1,0,1220,6 -1787,1,0,0405,17 -1789,1,0,2020,27 -1790,1,0,1956,26 -1790,2,0,2317,24 -1792,1,0,2244,34 -1793,1,0,1929,18 -1794,1,0,1740,44 -1795,1,0,1100,20 -1796,1,0,1500,78 -1797,1,0,2042,36 -1800,1,0,1517,18 -1802,1,0,2117,37 -1804,1,0,1814,12 -1805,1,0,1742,31 -1806,1,0,1910,60 -1810,1,0,0757,20 -1811,1,0,1740,11 -1811,2,0,1934,14 -1812,1,0,1752,19 -1813,1,0,1740,14 -1814,1,0,1346,22 -1816,1,0,1646,21 -1817,1,0,1545,21 -1819,1,0,2350,18 -1820,1,0,1840,33 -1822,1,0,0220,14 -1823,1,0,1627,15 -1824,1,0,1300,30 -1825,1,0,0938,18 -1828,1,0,2130,15 -1829,1,0,1739,114 -1829,2,1,1033,60 -1833,1,0,2016,15 -1834,1,0,0825,17 -1835,1,0,2300,40 -1837,1,1,0500,736 -1838,1,0,2325,11 -1839,1,0,1532,25 -1840,1,0,1748,23 -1841,1,0,1745,34 -1848,1,1,0126,30 -1849,1,0,2008,5 -1854,1,0,1938,95 -1855,1,0,1615,26 -1856,1,0,2350,15 -1860,1,0,1119,19 -1862,1,0,1121,10 -1863,1,0,0922,11 -1868,1,0,2000,30 -1869,1,0,1604,20 -1870,1,0,1025,96 -1870,2,1,0500,62 -1871,1,0,1925,38 -1873,1,0,1818,15 -1874,1,0,2040,21 -1876,1,0,2115,19 -1879,1,0,1215,20 -1881,1,0,0145,18 -1883,1,0,2020,17 -1884,1,1,0030,26 -1886,1,0,1355,18 -1888,1,0,1511,22 -1889,1,0,0847,18 -1890,1,0,1730,32 -1892,1,0,1058,27 -1894,1,0,1940,145 -1894,2,1,0005,131 -1895,1,0,2134,19 -1896,1,0,0302,19 -1897,1,0,1800,358 -1899,1,1,0009,45 -1899,2,1,0645,43 -1899,3,1,1300,36 -1900,1,0,2352,28 -1902,1,0,2002,31 -1904,1,0,2039,44 -1906,1,0,2010,14 -1908,1,0,1755,17 -1909,1,0,2107,241 -1909,2,3,1103,59 -1911,1,0,2030,28 -1913,1,1,0601,3 -1915,1,0,2030,23 -1916,1,0,1715,18 -1918,1,1,0052,15 -1920,1,0,1338,2 -1921,1,0,1829,21 -1923,1,0,2055,13 -1923,2,1,0545,11 -1925,1,0,1401,41 -1926,1,0,0845,199 -1929,1,0,1759,18 -1930,1,0,1530,30 -1931,1,0,1801,27 -1933,1,0,0505,29 -1934,1,0,1642,36 -1945,1,0,2013,139 -1949,1,0,1330,15 -1952,1,0,1300,8 -1953,1,0,1508,56 -1953,2,0,1557,68 -1955,1,0,2049,18 -1959,1,0,0115,11 -1959,2,0,0218,15 -1960,1,0,1425,21 -1961,1,0,1803,39 -1962,1,0,0046,41 -1965,1,0,1715,19 -1966,1,0,1745,30 -1969,1,0,0416,34 -1974,1,0,2130,15 -1977,1,0,1633,21 -1978,1,0,1728,13 -1979,1,0,2000,38 -1980,1,0,2057,62 -1981,1,0,2100,127 -1982,1,0,1820,13 -1985,1,0,1256,374 -1985,2,0,1550,100 -1985,3,1,1800,153 -1985,4,2,0559,135 -1985,5,2,1747,122 -1986,1,0,2000,38 -1987,1,0,2300,13 -1988,1,0,1955,38 -1989,1,0,1348,7 -1990,1,0,1700,170 -1990,2,0,2229,139 -1990,3,1,0624,114 -1990,4,2,0639,92 -1990,5,3,0949,69 -1993,1,0,1336,25 -1994,1,0,2000,19 -1996,1,0,1845,12 -1999,1,0,1536,28 -2000,1,0,2059,323 -2004,1,0,0100,22 -2006,1,0,1932,17 -2007,1,0,0411,19 -2008,1,0,1313,11 -2009,1,0,2225,51 -2011,1,0,2144,142 -2015,1,5,0220,18 -2015,2,6,0200,15 -2019,1,1,0411,9 -2022,1,0,1810,17 -2023,1,0,1150,20 -2024,1,0,1946,31 -2024,2,0,2215,25 -2024,3,1,0610,26 -2024,4,2,1607,18 -2024,5,2,2043,17 -2025,1,0,1653,17 -2029,1,0,2054,13 -2029,2,1,0612,14 -2032,1,0,0027,46 -2033,1,0,1925,84 -2033,2,1,0030,72 -2035,1,1,0315,39 -2037,1,0,1605,20 -2038,1,0,1428,19 -2043,1,0,1314,24 -2043,2,0,2000,42 -2043,3,1,2010,56 -2043,4,2,0500,72 -2043,5,2,1330,83 -2044,1,0,1229,26 -2045,1,0,0952,70 -2047,1,0,1959,40 -2049,1,0,1814,2 -2050,1,0,1655,16 -2051,1,0,1551,18 -2053,1,0,1840,18 -2054,1,0,1730,17 -2056,1,0,2010,21 -2057,1,0,1210,11 -2058,1,0,1133,79 -2058,2,1,0720,54 -2061,1,0,1500,22 -2061,2,0,1915,13 -2061,3,1,0400,18 -2063,1,0,1822,297 -2064,1,0,1535,26 -2065,1,0,1640,25 -2066,1,0,1342,52 -2067,1,0,1639,11 -2069,1,0,1345,32 -2070,1,0,2126,20 -2071,1,0,1045,24 -2074,1,0,0915,39 -2075,1,0,2150,15 -2076,1,0,2121,59 -2077,1,0,2008,19 -2078,1,1,0052,13 -2080,1,0,1932,33 -2082,1,1,0004,169 -2082,2,1,0550,96 -2082,3,1,0645,112 -2083,1,0,1615,15 -2086,1,0,1858,37 -2087,1,0,1810,17 -2089,1,0,1730,33 -2093,1,0,1110,6 -2095,1,0,2002,20 -2099,1,0,1000,22 -2100,1,0,2216,16 -2101,1,0,2308,33 -2102,1,0,2045,25 -2103,1,0,1701,4 -2105,1,0,1500,21 -2106,1,0,1420,20 -2107,1,0,0420,18 -2108,1,0,1130,25 -2109,1,0,1915,92 -2110,1,0,1521,23 -2113,1,0,2305,3 -2115,1,0,1830,66 -2116,1,0,1059,9 -2117,1,0,1425,11 -2120,1,0,1333,24 -2121,1,0,1720,22 -2122,1,0,1400,66 -2122,2,1,0605,39 -2122,3,2,0610,37 -2122,4,3,0430,25 -2122,5,6,0400,20 -2124,1,0,2126,12 -2125,1,0,2308,11 -2126,1,0,1029,18 -2126,2,0,2200,18 -2126,3,1,0653,14 -2127,1,0,1551,44 -2128,1,0,1230,30 -2130,1,0,1710,92 -2131,1,0,2303,34 -2132,1,0,0711,15 -2133,1,0,1159,33 -2134,1,0,1355,31 -2135,1,0,1721,26 -2137,1,0,2232,21 -2138,1,0,2308,13 -2139,1,0,1724,15 -2140,1,0,0130,14 -2141,1,0,1825,16 -2142,1,0,1650,20 -2145,1,0,2130,43 -2147,1,0,1716,14 -2148,1,0,1845,116 -2149,1,0,2100,2 -2152,1,0,2120,23 -2153,1,0,2141,28 -2154,1,0,1408,16 -2158,1,0,1850,36 -2159,1,0,1222,74 -2159,2,1,0523,55 -2163,1,0,2124,11 -2164,1,0,1748,36 -2166,1,0,2359,18 -2168,1,0,1519,21 -2169,1,0,1415,21 -2174,1,0,1435,31 -2176,1,0,2245,17 -2179,1,0,2135,19 -2181,1,0,1759,12 -2183,1,1,1500,12 -2184,1,0,1705,25 -2187,1,0,2225,18 -2191,1,0,1706,418 -2191,2,1,0017,330 -2191,3,1,1021,331 -2191,4,2,0901,427 -2194,1,0,2022,10 -2195,1,0,2023,15 -2197,1,0,0955,42 -2199,1,0,1730,167 -2202,1,1,0850,13 -2203,1,0,1045,36 -2204,1,0,2131,19 -2205,1,0,1850,19 -2206,1,0,2016,56 -2208,1,0,1600,16 -2209,1,0,1957,293 -2209,2,1,0224,223 -2210,1,0,1910,2 -2210,2,1,1240,23 -2211,1,0,0412,26 -2213,1,0,1950,46 -2217,1,0,1341,14 -2219,1,0,1135,25 -2220,1,0,2222,18 -2221,1,0,2250,35 -2222,1,0,1108,26 -2223,1,3,0420,5 -2223,2,4,0415,5 -2223,3,5,0630,5 -2223,4,5,1748,8 -2223,5,6,0600,17 -2224,1,0,1945,48 -2225,1,0,1840,15 -2226,1,0,0804,54 -2227,1,0,1748,51 -2228,1,0,0846,94 -2228,2,0,1235,34 -2230,1,0,1439,20 -2231,1,0,2209,17 -2236,1,0,1856,7 -2237,1,0,1332,17 -2238,1,0,2340,15 -2240,1,0,2155,19 -2240,2,1,0700,18 -2241,1,0,1928,5 -2245,1,0,1950,15 -2247,1,0,1925,14 -2248,1,0,1134,24 -2251,1,0,2310,25 -2255,1,0,1500,34 -2258,1,0,2316,165 -2258,2,1,0501,139 -2259,1,0,1650,21 -2260,1,0,1703,21 -2263,1,1,0010,20 -2265,1,0,1928,21 -2266,1,0,2125,13 -2266,2,0,2215,14 -2267,1,0,2359,24 -2269,1,0,1920,73 -2270,1,1,0047,17 -2271,1,0,1715,28 -2272,1,0,1440,11 -2273,1,0,1131,10 -2274,1,0,1418,75 -2274,2,6,0600,34 -2277,1,0,1630,18 -2278,1,0,1711,245 -2280,1,0,1846,21 -2281,1,0,1915,10 -2282,1,0,1910,30 -2286,1,0,2045,38 -2287,1,1,0035,21 -2290,1,0,2142,19 -2295,1,0,1843,46 -2296,1,0,2128,27 -2297,1,0,1255,21 -2298,1,0,1000,24 -2301,1,1,0000,13 -2303,1,0,1430,6 -2305,1,0,2000,23 -2307,1,1,0550,886 -2307,2,2,0515,984 -2308,1,0,1004,229 -2310,1,0,1610,10 -2311,1,0,1445,84 -2315,1,0,2025,37 -2316,1,0,2316,32 -2318,1,0,1733,32 -2319,1,0,2041,43 -2320,1,0,2356,141 -2320,2,1,0655,89 -2323,1,0,1701,55 -2323,2,1,0400,70 -2324,1,0,0725,12 -2326,1,0,2056,52 -2328,1,0,1450,15 -2335,1,0,1936,34 -2336,1,0,1600,13 -2337,1,1,1930,9 -2339,1,0,2200,40 -2340,1,0,2352,46 -2340,2,1,0741,43 -2340,3,2,0801,31 -2340,4,3,0737,26 -2340,5,4,0937,27 -2343,1,1,0807,99 -2343,2,2,0752,96 -2345,1,0,1900,68 -2346,1,0,0050,23 -2347,1,0,2036,20 -2349,1,0,1825,99 -2351,1,0,2320,129 -2351,2,1,0745,116 -2353,1,0,1452,28 -2354,1,0,2350,365 -2354,2,2,0345,128 -2354,3,3,0510,96 -2354,4,4,0935,77 -2354,5,5,0815,54 -2356,1,0,1657,20 -2359,1,0,1740,21 -2361,1,0,1640,23 -2362,1,0,1642,16 -2363,1,1,0049,27 -2366,1,1,0009,14 -2368,1,0,1220,31 -2369,1,0,2128,252 -2371,1,0,1800,48 -2372,1,0,1713,75 -2373,1,0,1314,20 -2374,1,0,1545,36 -2376,1,0,1717,3 -2379,1,0,1844,19 -2379,2,0,2013,19 -2381,1,0,2115,17 -2383,1,0,1240,18 -2385,1,0,1609,15 -2386,1,0,2152,12 -2387,1,0,0450,43 -2389,1,0,1550,21 -2390,1,0,1702,11 -2391,1,0,2056,13 -2392,1,0,2120,138 -2392,2,1,0552,102 -2392,3,2,0249,82 -2393,1,0,2007,59 -2394,1,0,1914,26 -2397,1,0,1800,23 -2399,1,0,1810,26 -2400,1,0,1942,2 -2402,1,0,1521,157 -2402,2,0,1622,109 -2402,3,1,0139,35 -2402,4,1,0754,31 -2402,5,1,1225,32 -2405,1,0,1910,33 -2409,1,0,2018,25 -2411,1,0,1714,23 -2412,1,0,1741,22 -2413,1,0,2000,30 -2414,1,0,2143,44 -2417,1,0,1920,19 -2418,1,0,0315,35 -2419,1,0,1815,35 -2421,1,0,2023,51 -2423,1,0,1757,18 -2424,1,0,2004,22 -2425,1,0,0055,16 -2426,1,0,1905,34 -2426,2,1,0610,32 -2426,3,2,0602,39 -2426,4,3,0353,28 -2426,5,4,0421,31 -2428,1,0,2125,33 -2429,1,0,1409,52 -2430,1,0,2210,21 -2431,1,0,2130,160 -2434,1,0,1620,14 -2435,1,0,1704,22 -2436,1,1,0043,23 -2437,1,0,2105,21 -2438,1,0,1833,17 -2440,1,0,2050,25 -2445,1,0,1458,434 -2446,1,0,1700,18 -2447,1,0,1834,33 -2448,1,0,0130,33 -2450,1,0,0354,4 -2453,1,0,0123,13 -2454,1,0,1701,101 -2454,2,1,0705,76 -2456,1,0,1537,7 -2457,1,0,1734,26 -2458,1,0,2248,25 -2459,1,0,1405,25 -2460,1,0,2036,18 -2463,1,0,1700,17 -2464,1,0,1135,15 -2466,1,0,2330,22 -2467,1,0,0735,36 -2468,1,0,0314,89 -2468,2,0,0630,62 -2468,3,1,0430,49 -2468,4,2,0327,44 -2468,5,3,0345,37 -2474,1,0,1256,24 -2475,1,0,2154,27 -2476,1,0,0228,45 -2477,1,0,0551,30 -2479,1,1,0700,18 -2479,2,0,1722,20 -2482,1,0,2307,29 -2482,2,1,0341,29 -2483,1,0,1635,11 -2484,1,0,1541,8 -2485,1,0,2152,27 -2486,1,0,2105,60 -2490,1,1,0011,17 -2492,1,0,0808,49 -2494,1,0,1650,25 -2495,1,0,1214,17 -2497,1,0,2030,97 -2497,2,6,1540,20 -2501,1,0,2038,32 -2502,1,0,0900,36 -2507,1,0,1251,21 -2508,1,0,1559,14 -2509,1,1,0924,19 -2511,1,0,1539,142 -2511,2,1,0015,34 -2511,3,2,0305,37 -2512,1,0,1748,26 -2513,1,1,0004,17 -2515,1,0,2355,47 -2516,1,0,2028,17 -2517,1,0,0833,10 -2518,1,0,1420,36 -2519,1,0,1955,22 -2522,1,0,2240,13 -2523,1,0,1206,20 -2524,1,0,0910,24 -2525,1,0,2321,13 -2526,1,0,1525,19 -2528,1,0,1910,12 -2529,1,0,1631,14 -2530,1,0,1644,36 -2531,1,0,1855,22 -2532,1,0,2130,27 -2533,1,0,1701,24 -2534,1,0,1308,19 -2535,1,1,0032,15 -2538,1,0,1410,2 -2539,1,0,2140,22 -2540,1,0,1106,15 -2545,1,0,1940,25 -2550,1,0,2202,18 -2551,1,0,1920,18 -2552,1,0,2041,16 -2554,1,0,0828,38 -2555,1,0,1740,20 -2556,1,0,1300,46 -2556,2,1,0440,41 -2558,1,0,1636,35 -2560,1,1,0245,117 -2562,1,1,0050,8.4 -2562,2,1,1530,8.8 -2562,3,2,0500,9.2 -2562,4,3,0445,8 -2562,5,4,0630,8.9 -2564,1,0,2130,14 -2565,1,0,1535,50 -2566,1,0,2306,18 -2569,1,0,1900,15 -2570,1,0,1224,19 -2571,1,0,0400,30 -2572,1,0,1615,22 -2575,1,0,2243,51 -2575,2,1,1153,133 -2577,1,0,2208,45 -2580,1,0,1450,62 -2581,1,0,1015,21 -2581,2,1,0535,18 -2582,1,0,2214,45 -2583,1,0,1900,21 -2585,1,0,1911,28 -2587,1,0,1405,17 -2588,1,0,1125,37 -2590,1,0,0700,10 -2592,1,0,1749,16 -2593,1,0,1200,29 -2595,1,0,2355,20 -2595,2,1,1420,22 -2598,1,1,0005,53 -2599,1,0,1300,5 -2602,1,0,1800,34 -2605,1,0,1727,3 -2605,2,7,1350,9 -2607,1,0,1220,25 -2608,1,0,2332,19 -2609,1,0,1749,25 -2610,1,0,1922,21 -2611,1,0,1821,17 -2613,1,0,2226,26 -2614,1,0,2025,11 -2615,1,0,2355,35 -2616,1,0,1749,2 -2617,1,0,1824,28 -2618,1,0,2152,29 -2619,1,0,1745,23 -2620,1,0,1514,24 -2621,1,1,0907,31 -2623,1,0,1410,2 -2625,1,0,1702,31 -2626,1,1,0038,16 -2629,1,0,2244,13 -2630,1,0,1810,16 -2632,1,0,1824,57 -2633,1,0,1930,104 -2633,2,1,0400,73 -2634,1,0,1145,16 -2635,1,0,2034,16 -2636,1,0,1452,611 -2636,2,0,2052,514 -2636,3,1,0028,511 -2636,4,1,0454,469 -2636,5,2,0558,355 -2638,1,0,2025,44 -2639,1,0,1518,29 -2640,1,0,2157,54 -2641,1,0,1425,18 -2642,1,0,1315,15 -2643,1,0,2125,31 -2644,1,0,2010,59 -2645,1,0,1423,30 -2647,1,0,1900,42 -2651,1,0,1620,13 -2653,1,0,2234,32 -2654,1,0,2030,16 -2655,1,0,2047,28 -2656,1,0,2045,17 -2657,1,0,1335,26 -2659,1,0,1802,102 -2661,1,0,2025,18 -2662,1,0,1840,18 -2663,1,0,2115,31 -2665,1,0,1314,34 -2666,1,0,2312,22 -2666,2,1,0654,20 -2667,1,0,2250,38 -2669,1,0,1854,49 -2670,1,0,1410,50 -2671,1,0,1500,38 -2672,1,0,1513,22 -2672,2,1,0831,19 -2673,1,1,0036,11 -2673,2,1,0120,15 -2674,1,0,1833,37 -2674,2,1,0100,39 -2674,3,1,1629,34 -2675,1,0,1247,289 -2675,2,0,1840,257 -2675,3,1,0332,193 -2675,4,1,1642,141 -2675,5,2,0400,133 -2680,1,0,2313,16 -2683,1,0,0600,12 -2684,1,0,2131,15 -2685,1,0,1535,20 -2686,1,0,2140,19 -2687,1,0,1700,591 -2687,2,1,0610,349 -2687,3,1,1034,284 -2688,1,0,1845,16 -2689,1,0,1124,33 -2689,2,1,0235,26 -2689,3,1,0845,30 -2689,4,2,0000,22 -2689,5,2,0900,30 -2690,1,0,1557,14 -2692,1,0,0032,410 -2693,1,0,1545,20 -2694,1,0,2240,11 -2695,1,0,1345,24 -2696,1,0,1933,16 -2699,1,0,1320,225 -2700,1,0,0650,28 -2701,1,0,1626,12 -2703,1,0,2140,47 -2703,2,1,0044,33 -2703,3,1,0457,40 -2705,1,1,0200,223 -2705,2,1,0640,171 -2705,3,1,1000,143 -2705,4,2,0430,83 -2705,5,3,0420,60 -2706,1,0,2151,22 -2707,1,0,1800,27 -2708,1,0,2023,5 -2712,1,0,1703,24 -2713,1,0,1551,27 -2714,1,0,1250,39 -2718,1,0,1841,26 -2719,1,0,1150,17 -2722,1,0,1249,21 -2722,2,1,0503,10 -2723,1,0,0210,11 -2725,1,0,1736,13 -2727,1,0,2115,21 -2728,1,0,1639,14 -2729,1,0,1630,15 -2732,1,0,0845,45 -2733,1,0,0044,4 -2734,1,0,0730,38 -2735,1,0,2300,199 -2736,1,0,1820,11 -2738,1,0,1556,10 -2739,1,0,1625,21 -2740,1,0,1240,30 -2741,1,0,1553,38 -2741,2,1,0210,28 -2742,1,0,1918,21 -2743,1,0,1300,18 -2745,1,0,1329,43 -2745,2,1,0345,39 -2745,3,2,0400,33 -2746,1,0,2332,22 -2747,1,0,1800,24 -2751,1,0,1728,73 -2752,1,0,1608,107 -2754,1,0,0316,16 -2756,1,1,0252,13 -2757,1,0,1503,2 -2758,1,0,1342,5 -2760,1,0,2100,13 -2762,1,0,1615,18 -2763,1,0,1845,17 -2764,1,0,1713,64 -2772,1,0,2113,16 -2773,1,0,1625,6 -2775,1,0,1145,19 -2776,1,0,1128,34 -2777,1,0,0647,187 -2780,1,0,2116,30 -2784,1,0,1801,2 -2785,1,0,1840,26 -2786,1,0,1756,20 -2787,1,0,1728,15 -2788,1,0,1658,17 -2792,1,0,0755,37 -2793,1,6,0925,193 -2795,1,0,1843,26 -2798,1,0,1447,23 -2799,1,0,2123,225 -2800,1,0,1119,42 -2802,1,0,1730,19 -2804,1,0,1759,171 -2805,1,0,2134,31 -2806,1,0,1824,14 -2808,1,0,1900,41 -2811,1,0,1636,18 -2812,1,0,1740,19 -2814,1,0,1953,35 -2815,1,0,1417,121 -2815,2,1,1214,83 -2816,1,0,1337,18 -2817,1,0,1953,15 -2818,1,0,2110,28 -2819,1,0,1710,27 -2820,1,0,1607,66 -2820,2,1,0555,37 -2822,1,0,1958,43 -2826,1,0,1950,20 -2827,1,0,0500,20 -2829,1,0,1947,37 -2829,2,1,0300,38 -2829,3,2,0420,25 -2829,4,3,0400,24 -2829,5,4,0400,24 -2830,1,0,2011,8 -2831,1,0,2023,17 -2832,1,0,1629,18 -2837,1,0,1600,61 -2838,1,0,1600,36 -2839,1,0,1724,12 -2840,1,1,0019,26 -2845,1,0,1323,31 -2847,1,0,1850,23 -2848,1,0,2311,32 -2848,2,2,0437,21 -2850,1,0,1720,13 -2852,1,0,1753,35 -2853,1,0,2328,5 -2855,1,0,1428,2 -2856,1,0,1645,26 -2863,1,1,0100,385 -2864,1,0,1720,22 -2869,1,0,1903,34 -2870,1,0,1910,21 -2872,1,0,1616,360 -2872,2,1,1113,260 -2872,3,2,0728,217 -2872,4,3,1206,113 -2873,1,0,0115,20 -2874,1,0,1914,18 -2875,1,0,0826,92 -2876,1,0,1735,36 -2877,1,0,1619,25 -2877,2,1,0152,34 -2879,1,0,2033,29 -2880,1,0,1321,36 -2882,1,0,1154,49 -2883,1,0,0425,25 -2884,1,0,1620,21 -2886,1,0,2205,20 -2887,1,0,1556,13 -2888,1,0,1800,39 -2888,2,1,0150,27 -2890,1,0,1337,14 -2891,1,0,1952,16 -2894,1,0,0935,13 -2895,1,0,1804,90 -2897,1,0,2318,21 -2897,2,2,0848,20 -2899,1,0,2019,19 -2900,1,0,1800,11 -2901,1,0,2025,66 -2904,1,0,1623,63 -2906,1,0,1525,45 -2906,2,2,1950,39 -2906,3,3,0401,32 -2906,4,4,0430,26 -2906,5,5,0900,25 -2908,1,0,1611,8 -2912,1,0,1445,26 -2915,1,0,2335,9 -2916,1,0,1620,28 -2918,1,0,2309,55 -2922,1,0,1140,32 -2923,1,0,2300,30 -2925,1,0,2305,73 -2927,1,0,1436,24 -2929,1,0,1428,15 -2930,1,0,1641,87 -2931,1,0,2100,10 -2934,1,0,1849,17 -2937,1,0,1245,11 -2938,1,0,1315,20 -2939,1,0,1900,726 -2941,1,0,0709,2 -2943,1,0,1621,66 -2944,1,0,0428,19 -2945,1,0,0205,235 -2945,2,1,0400,79 -2945,3,2,0400,101 -2945,4,3,0347,92 -2945,5,0,0541,129 -2947,1,0,1735,57 -2948,1,0,1800,16 -2949,1,0,2019,16 -2950,1,0,1241,14 -2953,1,1,0010,17 -2954,1,0,1731,9 -2955,1,0,1927,8 -2956,1,0,1734,16 -2958,1,0,2100,27 -2962,1,5,0340,143 -2962,2,6,2215,58 -2962,3,7,0510,55 -2963,1,0,1139,19 -2967,1,0,1125,29 -2968,1,0,1829,20 -2970,1,0,1950,33 -2971,1,0,1830,48 -2975,1,0,1615,12 -2978,1,0,1018,105 -2980,1,0,2359,249 -2980,2,1,0850,178 -2980,3,2,0840,139 -2980,4,4,0705,75 -2982,1,0,0944,160 -2982,2,1,0827,115 -2983,1,0,1745,39 -2985,1,0,1611,19 -2986,1,0,1400,15 -2988,1,0,0933,8 -2989,1,1,1056,9 -2991,1,0,2250,19 -2992,1,0,1727,17 -2993,1,0,1634,22 -2994,1,0,1938,29 -2995,1,0,1008,7 -2997,1,0,1751,35 -2999,1,1,0018,38 -3001,1,0,2144,65 -3001,2,2,0512,42 -3002,1,0,1520,18 -3002,2,6,2146,13 -3003,1,0,1505,22 -3004,1,0,1555,17 -3005,1,0,1900,263 -3005,2,0,2349,212 -3005,3,2,0724,142 -3007,1,0,1629,13 -3008,1,0,0333,11 -3009,1,0,1625,542 -3011,1,0,2241,18 -3014,1,0,2215,42 -3014,2,3,1654,65 -3015,1,0,0920,27 -3016,1,0,2210,875 -3018,1,0,2359,5 -3022,1,0,0957,41 -3025,1,0,1930,18 -3026,1,0,1534,18 -3027,1,0,1750,27 -3030,1,0,2006,8 -3032,1,1,0035,33 -3035,1,0,1421,6 -3037,1,1,0410,47 -3037,2,2,0310,34 -3038,1,0,1633,28 -3039,1,0,1820,13 -3040,1,0,1400,24 -3042,1,5,2007,35 -3044,1,0,1253,36 -3045,1,0,1859,14 -3047,1,0,2206,39 -3048,1,0,2014,17 -3050,1,0,1640,18 -3050,2,1,0410,31 -3050,3,2,0705,29 -3050,4,2,2000,30 -3050,5,3,0546,22 -3052,1,0,0121,22 -3054,1,0,1500,19 -3055,1,0,1025,16 -3056,1,0,1444,18 -3059,1,0,1535,133 -3061,1,0,0950,313 -3062,1,1,0436,264 -3062,2,0,1630,387 -3063,1,0,2310,17 -3065,1,0,1456,81 -3066,1,0,1028,18 -3067,1,0,1622,17 -3069,1,0,1255,25 -3070,1,0,1830,20 -3070,2,1,0613,17 -3071,1,0,2131,17 -3073,1,0,2002,36 -3073,2,1,0554,36 -3073,3,2,0622,90 -3073,4,3,0638,89 -3075,1,0,1551,26 -3079,1,0,1245,57 -3080,1,0,1608,34 -3082,1,0,1600,10 -3083,1,0,1305,20 -3088,1,0,2215,14 -3089,1,0,1230,9 -3091,1,0,1103,16 -3092,1,0,1800,16 -3093,2,0,1836,4 -3095,1,0,2038,36 -3096,1,0,1830,20 -3099,1,0,1555,133 -3102,1,0,1535,18 -3105,1,1,0847,14 -3108,1,0,1835,2 -3109,1,0,0025,29 -3110,1,1,0950,71 -3110,2,0,2247,86 -3111,1,0,2123,60 -3112,1,0,1614,277 -3112,2,1,0309,128 -3112,3,2,0940,64 -3115,1,0,2100,36 -3116,1,0,0831,20 -3118,1,1,0140,28 -3126,1,0,1400,37 -3127,1,1,1510,43 -3128,1,0,2015,18 -3131,1,0,1846,7 -3132,1,0,1347,16 -3134,1,0,1510,20 -3135,1,0,1354,14 -3138,1,0,1702,42 -3138,2,1,0400,32 -3140,1,0,1332,19 -3141,1,0,1501,20 -3142,1,0,0910,42 -3144,1,0,1321,114 -3146,1,0,1848,19 -3148,1,0,1648,74 -3148,2,1,0345,60 -3149,1,0,1510,2 -3153,1,0,2225,15 -3154,1,0,1106,34 -3155,1,0,2215,30 -3157,1,0,1708,26 -3160,1,0,1454,8 -3161,1,0,1833,16 -3162,1,0,1907,54 -3164,1,0,1816,20 -3167,1,1,0041,54 -3167,2,1,0625,43 -3167,3,1,1431,40 -3167,4,2,0555,27 -3167,5,3,0600,25 -3169,1,0,0530,48 -3170,1,0,1715,60 -3173,1,0,1844,38 -3174,1,0,1842,38 -3176,1,0,2258,12 -3178,1,0,1615,34 -3179,1,0,2000,17 -3182,1,0,1320,27 -3185,1,0,2301,20 -3186,1,0,0856,37 -3186,2,1,0354,35 -3186,3,7,0610,64 -3187,1,0,1530,12 -3188,1,0,1631,90 -3192,1,0,1555,17 -3193,1,0,1020,22 -3194,1,0,1136,27 -3196,1,0,2110,20 -3198,1,0,2023,20 -3200,1,0,1735,16 -3201,1,0,1427,32 -3202,1,0,2120,4 -3203,1,0,2150,13 -3204,1,0,1939,25 -3207,1,0,1950,43 -3208,1,0,1633,74 -3209,1,0,2145,22 -3210,1,0,1941,23 -3211,1,0,2203,150 -3211,2,2,0200,103 -3211,3,3,0400,135 -3211,4,4,0030,107 -3211,5,5,0215,76 -3212,1,0,0945,31 -3213,1,0,1735,48 -3214,1,0,1515,29 -3214,2,0,1900,25 -3216,1,0,1216,12 -3217,1,0,1411,21 -3219,1,0,1632,17 -3221,1,0,1815,32 -3222,1,0,1655,715 -3224,1,0,2110,300 -3225,1,0,1851,109 -3227,1,0,1604,11 -3228,1,0,1724,21 -3229,1,0,1335,5 -3230,1,0,1900,134 -3233,1,0,0712,24 -3234,1,0,2015,15 -3237,1,0,2340,9 -3238,1,0,1113,293 -3238,2,1,0215,193 -3240,1,0,1955,23 -3244,1,0,0820,19 -3247,1,0,2125,23 -3249,1,0,1737,7 -3250,1,0,1826,298 -3250,2,0,2210,243 -3250,3,1,0419,184 -3251,1,0,1119,77 -3253,1,0,1649,32 -3255,1,0,2320,22 -3258,1,0,2110,13 -3260,1,0,1345,28 -3261,1,0,1602,21 -3262,1,0,1250,457 -3265,1,0,1806,24 -3267,1,0,0235,15 -3268,1,0,1740,14 -3270,1,0,1750,31 -3271,1,0,1850,2 -3272,1,0,1415,21 -3273,1,0,0500,13 -3275,1,0,1732,16 -3276,1,0,1447,53 -3278,1,0,0949,34 -3280,1,0,1546,2165 -3280,2,1,0529,1631 -3280,3,2,0650,903 -3281,1,0,1802,161 -3281,2,1,0327,137 -3283,1,0,2115,32 -3284,1,0,2045,11 -3285,1,0,1320,8 -3286,1,0,1859,32 -3292,1,0,2115,14 -3292,2,3,0714,15 -3293,1,0,2119,16 -3294,1,0,2107,53 -3295,1,0,0305,13 -3295,2,0,0500,14 -3297,1,0,0206,41 -3299,1,0,1400,29 -3301,1,0,1312,26 -3302,1,0,1710,28 -3304,1,0,2355,30 -3309,1,0,1915,100 -3310,1,0,0153,23 -3311,1,0,2020,16 -3312,1,0,1058,14 -3317,1,0,1351,2 -3320,1,0,1703,13 -3321,1,0,1356,11 -3322,1,0,1810,212 -3323,1,0,0405,16 -3324,1,0,2117,10 -3326,1,0,1820,6 -3327,1,0,1519,30 -3329,1,0,1934,17 -3330,1,0,2150,95 -3330,2,1,1038,76 -3332,1,0,1925,17 -3337,1,4,0449,25 -3337,2,5,0405,37 -3339,1,0,1617,36 -3340,1,0,1736,12 -3342,1,4,0625,31 -3344,1,0,1934,23 -3346,1,0,2040,22 -3348,1,0,1740,16 -3349,1,0,1731,20 -3350,1,1,0008,44 -3351,1,0,1925,9 -3356,1,0,2038,16 -3358,1,0,1707,13 -3360,1,0,1711,20 -3362,1,0,2310,18 -3363,1,0,1930,17 -3368,1,0,1700,62 -3372,1,1,0400,30 -3372,2,2,0445,26 -3373,1,0,1850,20 -3374,1,0,2101,29 -3375,1,0,2111,11 -3376,1,0,1712,32 -3377,1,0,0110,29 -3379,1,0,1800,42 -3381,1,0,1504,26 -3382,1,0,2141,74 -3384,1,0,1910,15 -3386,1,0,1900,11 -3388,1,0,1748,27 -3389,1,0,1614,6 -3390,1,0,1627,48 -3390,2,0,2036,49 -3393,1,0,1619,47 -3397,1,0,1400,28 -3399,1,0,2330,4 -3400,1,0,1818,20 -3401,1,0,2008,27 -3402,1,0,1220,15 -3404,1,0,2005,211 -3405,1,1,0420,11 -3406,1,0,1953,11 -3407,1,0,0145,23 -3408,1,0,2246,18 -3409,1,0,0205,15 -3410,1,0,1610,44 -3414,1,0,1228,51 -3414,2,0,1345,37 -3414,3,1,0910,19 -3414,4,2,0802,16 -3415,1,0,1854,27 -3415,2,1,0355,25 -3415,3,2,0410,22 -3415,4,3,0400,19 -3415,5,4,0340,20 -3417,1,0,2214,29 -3419,1,0,0258,8 -3420,1,0,2052,84 -3422,1,0,1426,25 -3425,1,0,2231,1615 -3426,1,0,1444,38 -3427,1,0,2152,130 -3428,1,0,2059,55 -3429,1,0,2015,19 -3430,1,0,2300,17 -3431,1,1,0139,27 -3431,2,1,0520,28 -3432,1,0,1817,12 -3433,1,0,2150,156 -3434,1,0,1950,48 -3435,1,0,2359,36 -3437,1,0,2046,298 -3438,1,0,0113,23 -3439,1,1,0217,10 -3440,1,0,1518,15 -3441,1,0,1615,29 -3442,1,0,2152,28 -3443,1,0,2235,15 -3445,1,0,1803,18 -3446,1,0,2154,37 -3447,1,0,1619,17 -3450,1,0,1652,17 -3452,1,0,1740,73 -3452,2,0,1940,86 -3453,1,0,1012,49 -3454,1,0,1830,16 -3454,2,1,0613,13 -3455,1,0,1345,18 -3457,1,0,1600,27 -3461,1,0,1230,25 -3462,1,0,1420,21 -3463,1,0,1915,19 -3466,1,0,0222,16 -3466,2,5,0555,38 -3467,1,0,1344,20 -3468,1,0,1757,21 -3469,1,0,1305,29 -3469,2,1,0532,69 -3469,3,2,0602,47 -3469,4,3,0607,46 -3471,1,0,1958,9 -3473,1,0,2029,17 -3474,1,0,1520,27 -3482,1,0,0154,15 -3483,1,0,1930,8 -3486,1,0,2304,29 -3487,1,0,1945,10 -3488,1,0,1212,35 -3489,1,0,2010,10 -3492,1,0,1812,23 -3494,1,1,0358,27 -3495,1,0,2315,20 -3496,1,1,0041,17 -3497,1,0,1800,17 -3498,1,0,2200,19 -3498,2,1,0550,19 -3499,1,0,1731,16 -3500,1,0,1645,14 -3500,2,1,0642,12 -3502,1,0,1940,19 -3507,1,0,1539,17 -3512,1,0,1530,10 -3513,1,0,1944,93 -3514,1,0,2314,13 -3517,1,0,1017,22 -3517,2,1,0612,23 -3518,1,0,1818,80 -3519,1,0,2005,25 -3523,1,0,1445,17 -3525,1,0,2315,26 -3526,1,0,2107,731 -3526,2,1,0415,497 -3527,1,0,1948,12 -3528,1,0,2101,22 -3529,1,0,0307,8 -3530,1,0,0105,16 -3531,1,1,0306,45 -3535,1,0,1610,18 -3536,1,0,1225,495 -3536,2,3,0320,55 -3536,3,3,0402,93 -3541,1,0,2020,13 -3542,1,0,1945,12 -3543,1,0,1445,16 -3544,1,0,1747,16 -3546,1,0,2227,8 -3547,1,0,2320,18 -3548,1,0,2109,9 -3550,1,0,0930,67 -3550,2,1,0705,39 -3551,1,0,1817,298 -3551,2,3,0609,54 -3552,1,0,1544,9 -3553,1,1,0630,26 -3557,1,0,1030,18 -3558,1,0,1800,203 -3558,2,0,2155,81 -3558,3,2,0402,40 -3559,1,0,1125,521 -3560,1,0,1838,16 -3561,1,0,0527,26 -3566,1,0,1520,22 -3567,1,0,2113,17 -3570,1,0,1446,81 -3571,1,0,0140,15 -3573,1,0,1752,17 -3574,1,0,1740,68 -3574,2,1,0655,43 -3575,1,0,1722,19 -3576,1,1,0406,114 -3576,2,2,0027,83 -3580,1,0,2040,26 -3581,1,0,2000,25 -3582,1,0,2121,104 -3584,1,0,1334,237 -3584,2,0,1634,227 -3587,1,0,1907,61 -3592,1,0,1700,14 -3594,1,0,1824,19 -3595,1,0,1744,21 -3596,1,0,1206,17 -3597,1,0,0957,15 -3598,1,0,1251,11 -3598,2,1,0613,10 -3599,1,0,2007,7 -3606,1,0,1830,43 -3607,1,0,1238,27 -3608,1,0,2115,19 -3614,1,0,1515,22 -3615,1,0,2328,121 -3615,2,2,0407,53 -3615,3,3,0359,42 -3615,4,4,0403,36 -3615,5,5,0345,33 -3627,1,0,2044,28 -3628,1,0,1546,16 -3631,1,1,1050,22 -3632,1,0,1030,37 -3635,1,0,0827,25 -3640,1,0,2215,14 -3642,1,0,2013,16 -3643,1,0,1700,24 -3645,1,0,1620,5 -3648,1,0,1826,15 -3649,1,0,1601,30 -3650,1,0,1600,21 -3651,1,0,1926,80 -3657,1,0,1718,20 -3658,1,0,1723,16 -3658,2,2,0421,19 -3658,3,2,0527,18 -3661,1,0,0313,10 -3662,1,0,1740,10 -3663,1,0,2142,17 -3664,1,0,1705,15 -3665,1,0,1730,14 -3666,1,0,2008,21 -3669,1,0,1900,17 -3671,1,0,1204,52 -3672,1,0,1652,28 -3672,2,1,0800,15 -3674,1,0,1921,28 -3675,1,0,1840,14 -3675,2,1,0350,12 -3675,3,2,0415,31 -3675,4,3,0620,26 -3675,5,4,0530,26 -3676,1,0,0945,21 -3677,1,0,2359,17 -3678,1,0,2100,55 -3679,1,0,1515,19 -3681,1,1,0030,6 -3681,2,1,0350,6 -3683,1,0,1610,20 -3684,1,0,2004,10 -3686,1,0,1441,18 -3687,1,0,1050,50 -3689,1,0,1734,31 -3690,1,0,1106,22 -3691,1,0,1245,7 -3692,1,0,1500,2 -3695,1,0,2040,28 -3696,1,0,1600,22 -3697,1,0,1550,19 -3698,1,0,1636,12 -3699,1,0,1516,28 -3702,1,0,1302,12 -3704,1,0,1746,24 -3710,1,0,1550,6 -3711,1,1,0443,13 -3712,1,0,1545,27 -3713,1,0,2200,23 -3715,1,0,1742,46 -3716,1,0,1848,25 -3717,1,0,1000,19 -3719,1,0,1738,13 -3720,1,0,1811,393 -3720,2,1,1036,89 -3721,1,0,0714,24 -3722,1,0,2240,13 -3723,1,0,1715,22 -3724,1,0,1758,15 -3725,1,0,1839,18 -3727,1,1,0005,10 -3729,1,0,0129,28 -3729,2,1,0314,26 -3731,1,0,2106,13 -3733,1,0,1800,45 -3735,1,0,1410,17 -3736,1,0,1549,72 -3737,1,0,0410,15 -3739,1,0,1838,655 -3741,1,0,1210,21 -3744,1,0,1720,21 -3745,1,0,2115,22 -3745,2,1,0827,20 -3746,1,1,0400,689 -3747,1,0,2105,10 -3753,1,0,0714,28 -3754,1,0,0200,25 -3755,1,0,1844,19 -3756,1,0,1125,53 -3757,1,0,1640,41 -3760,1,0,2232,11 -3762,1,0,1714,12 -3762,2,1,0613,11 -3763,1,0,1415,9 -3765,1,0,1846,65 -3768,1,0,1006,63 -3775,1,0,0248,30 -3776,1,0,0236,97 -3777,1,0,2244,24 -3779,1,0,2057,20 -3780,1,0,2250,17 -3785,1,0,1615,114 -3785,2,2,1220,78 -3786,1,0,2300,45 -3787,1,1,0542,18 -3788,1,0,1800,14 -3793,1,0,1445,19 -3799,1,0,0053,91 -3801,1,0,1719,25 -3802,1,0,2218,13 -3807,1,1,0025,19 -3809,1,0,0630,24 -3810,1,0,1500,15 -3812,1,0,1150,17 -3815,1,0,1721,31 -3818,1,0,0640,42 -3819,1,0,1636,16 -3821,1,0,2020,14 -3824,1,0,1940,12 -3825,1,0,2145,40 -3830,1,0,2006,11 -3831,1,0,2125,11 -3834,1,0,1400,17 -3835,1,0,1613,20 -3836,1,0,1845,17 -3838,1,0,1305,22 -3841,1,0,2214,37 -3843,1,0,1118,40 -3845,1,0,1905,12 -3847,1,0,2042,24 -3848,1,0,1857,27 -3849,1,0,2254,21 -3851,1,0,1124,28 -3854,1,0,1929,23 -3855,1,0,1425,26 -3856,1,0,2155,9 -3860,1,0,1652,36 -3863,1,1,0500,23 -3864,1,0,1953,19 -3865,1,0,2310,109 -3868,1,1,0400,67 -3868,2,7,0820,20 -3869,1,0,1943,33 -3871,1,0,1506,30 -3872,1,0,2208,50 -3873,1,0,1517,42 -3874,1,0,2011,10 -3875,1,0,1600,25 -3876,1,0,1955,16 -3878,1,0,1641,20 -3879,1,0,1312,23 -3880,1,0,1835,61 -3881,1,0,1838,11 -3882,1,0,2105,27 -3885,1,0,2336,15 -3886,1,0,2048,14 -3887,1,0,1559,11 -3888,1,1,1135,12 -3889,1,0,2240,37 -3890,1,0,0115,100 -3894,1,0,1326,29 -3895,1,0,1312,19 -3896,1,0,1714,32 -3897,1,0,1105,13 -3898,1,0,0820,20 -3901,1,0,2209,3233 -3901,2,2,1610,622 -3901,3,3,0300,479 -3901,4,4,0205,393 -3901,5,5,0615,294 -3902,1,0,0750,31 -3903,1,0,1325,439 -3904,1,0,1558,47 -3904,2,5,0455,58 -3904,3,6,0150,97 -3904,4,7,0330,148 -3908,1,0,1620,18 -3910,1,2,1015,32 -3911,1,0,1655,14 -3912,1,0,1543,20 -3913,1,0,0352,47 -3914,1,0,2130,25 -3916,1,0,0821,20 -3917,1,0,2135,19 -3919,1,0,2159,18 -3921,1,0,1225,28 -3923,1,1,1218,15 -3923,2,2,0509,23 -3923,3,3,0408,38 -3923,4,4,0419,34 -3924,1,0,0145,213 -3924,2,0,0845,147 -3925,1,0,1838,24 -3926,1,0,1650,18 -3928,1,0,0055,30 -3929,1,0,1630,9 -3929,2,1,0550,16 -3930,1,0,1536,51 -3931,1,0,1500,2 -3933,1,0,1617,11 -3936,1,1,0320,19 -3940,1,0,2329,24 -3941,1,0,1741,27 -3942,1,0,1603,47 -3942,2,1,0458,40 -3942,3,1,1427,34 -3942,4,3,0330,36 -3942,5,4,0939,37 -3945,1,0,1647,36 -3946,1,0,1431,19 -3947,1,0,1854,23 -3948,1,0,0819,36 -3949,1,0,1228,154 -3950,1,0,2213,19 -3952,1,0,2230,18 -3954,1,0,2215,19 -3955,1,0,2147,3 -3957,1,0,1835,33 -3958,1,0,0851,4 -3962,1,0,2350,21 -3962,2,0,1920,19 -3963,1,0,1756,27 -3964,1,0,1614,23 -3965,1,0,1420,23 -3966,1,0,2050,11 -3967,1,0,1958,19 -3970,1,0,1904,11 -3971,1,0,1616,21 -3972,1,0,2041,18 -3974,1,0,1705,24 -3975,1,0,1832,16 -3977,1,0,1717,12 -3978,1,0,1706,9 -3978,2,0,2235,13 -3979,1,0,1250,55 -3981,1,0,0230,24 -3982,1,0,1800,16 -3986,1,0,1954,17 -3989,1,0,0930,14 -3990,1,0,2325,235 -3991,1,0,1457,33 -3992,1,0,1701,33 -3993,1,0,0809,34 -3993,2,0,1849,27 -3993,3,1,0603,24 -3996,1,1,0410,50 -3997,1,0,2331,175 -3998,1,0,1440,19 -3999,1,0,2100,16 -4000,1,0,1758,47 -4001,1,0,2020,62 -4003,1,0,1110,26 -4004,1,0,2120,37 -4005,1,0,1210,21 -4007,1,0,0119,36 -4008,1,0,1513,16 -4009,1,0,2110,26 -4010,1,0,2326,18 -4011,1,0,2250,160 -4011,2,1,0745,146 -4014,1,0,1745,64 -4016,1,0,2051,34 -4018,1,0,2015,13 -4021,1,0,1301,5 -4022,1,0,1900,37 -4023,1,0,1601,74 -4027,1,0,1801,98 -4027,2,1,2025,70 -4030,1,0,1702,24 -4033,1,0,1924,23 -4036,1,0,2131,18 -4037,1,0,1434,157 -4038,1,0,2100,26 -4040,1,0,1830,18 -4041,1,0,2104,20 -4042,1,0,2239,16 -4046,1,0,2230,33 -4047,1,0,1640,18 -4049,1,0,1622,24 -4051,1,1,0010,15 -4052,1,0,1329,15 -4052,2,3,0755,16 -4052,3,6,0439,12 -4052,4,6,1227,15 -4057,1,0,2111,16 -4062,1,0,1929,17 -4062,2,3,0649,23 -4062,3,4,0651,19 -4062,4,5,0617,19 -4062,5,6,0148,20 -4064,1,0,2230,19 -4068,1,0,0915,33 -4070,1,0,1704,21 -4073,1,0,1950,26 -4074,1,0,2243,23 -4077,1,0,2238,19 -4077,2,1,0320,15 -4077,3,1,1216,22 -4078,1,0,1031,18 -4081,1,0,1841,9 -4086,1,0,1526,18 -4087,1,0,1605,17 -4088,1,0,1911,19 -4088,2,1,0600,24 -4089,1,1,0010,11 -4090,1,0,1530,38 -4091,1,0,1841,33 -4093,1,0,2120,17 -4094,1,0,1600,13 -4095,1,0,1433,16 -4097,1,0,0615,17 -4100,1,0,2211,15 -4101,1,0,1828,111 -4101,2,0,2113,89 -4101,3,1,0006,89 -4101,4,1,0521,102 -4101,5,1,0913,88 -4102,1,0,2057,62 -4104,1,0,2025,32 -4106,1,0,1558,35 -4107,1,0,1917,14 -4110,1,0,1841,120 -4112,1,0,1350,21 -4114,1,0,1754,97 -4114,2,1,1410,69 -4115,1,0,1620,12 -4116,1,0,2325,11 -4117,1,0,2010,33 -4118,1,0,1441,12 -4119,1,1,0726,403 -4120,1,0,1817,31 -4125,1,1,0019,71 -4126,1,0,1935,42 -4128,1,0,1958,19 -4132,1,0,0620,14 -4134,1,0,1252,19 -4135,1,0,1420,36 -4139,1,0,0150,13 -4140,1,0,1535,48 -4143,1,0,2038,84 -4143,2,5,0550,29 -4146,1,0,1824,16 -4147,1,0,2044,19 -4148,1,0,1522,542 -4148,2,4,0817,522 -4150,1,0,1315,17 -4153,1,0,1901,86 -4154,1,0,2215,34 -4155,1,0,1803,13 -4156,1,0,2000,12 -4157,1,0,1425,265 -4157,2,2,0051,129 -4157,3,2,0646,105 -4157,4,2,1000,94 -4157,5,2,1400,100 -4158,1,0,1606,37 -4163,1,0,2115,20 -4165,1,0,1744,376 -4165,2,1,0400,224 -4165,3,2,0351,799 -4165,4,3,0300,866 -4165,5,4,0348,721 -4170,1,0,2155,115 -4170,2,5,1340,99 -4172,1,0,0834,22 -4173,1,0,2115,48 -4179,1,0,2010,18 -4181,1,0,2135,321 -4187,1,0,1029,13 -4188,1,0,0706,48 -4188,2,1,0736,36 -4189,1,0,1739,13 -4189,2,1,0410,18 -4190,1,0,1532,185 -4190,2,1,0400,190 -4193,1,1,0045,68 -4195,1,0,2300,16 -4198,1,0,1550,33 -4200,1,0,1450,19 -4201,1,0,1530,19 -4201,2,0,1843,23 -4201,3,1,0051,18 -4201,4,1,0623,18 -4201,5,2,0604,20 -4207,1,0,2055,13 -4208,1,0,1215,9 -4209,1,0,1910,30 -4211,1,0,1025,5 -4214,1,0,1830,18 -4215,1,0,1916,19 -4218,1,0,2125,56 -4218,2,1,1115,37 -4218,3,1,1710,49 -4218,4,1,1800,50 -4218,5,2,0200,50 -4220,1,0,1940,47 -4222,1,0,1640,138 -4223,1,0,2037,20 -4224,1,0,1915,61 -4225,1,0,1723,23 -4226,1,0,2218,54 -4227,1,0,1105,19 -4229,1,0,1515,48 -4230,1,0,1039,6 -4232,1,0,2059,54 -4233,1,1,0003,21 -4233,2,1,0615,19 -4234,1,0,2039,14 -4235,1,0,2106,29 -4236,1,0,1742,13 -4237,1,0,1537,16 -4238,1,0,0500,51 -4239,1,0,2224,15 -4241,1,1,1210,37 -4243,1,0,1944,18 -4244,1,0,2008,45 -4246,1,0,1140,24 -4250,1,2,0410,144 -4250,2,1,0425,229 -4251,1,0,1335,41 -4254,1,0,0829,31 -4256,1,0,0900,13 -4260,1,0,1636,11 -4262,1,0,1856,33 -4263,1,0,1210,15 -4265,1,0,2251,31 -4266,1,0,1807,17 -4267,1,1,0058,19 -4268,1,0,2020,30 -4269,1,0,2156,11 -4270,1,0,1531,9 -4270,2,0,1639,21 -4275,1,0,1443,12 -4277,1,0,0115,78 -4279,1,0,1834,86 -4279,2,1,0605,75 -4280,1,0,2010,25 -4282,1,0,1944,24 -4283,1,0,1920,38 -4283,2,0,2056,36 -4284,1,0,0331,4 -4285,1,0,1729,13 -4286,1,0,2150,15 -4287,1,0,1557,26 -4291,1,0,2116,22 -4293,1,0,2121,32 -4294,1,0,0930,40 -4295,1,0,1819,9 -4297,1,0,1045,11 -4298,1,0,1830,27 -4300,1,0,2141,18 -4302,1,0,1753,30 -4305,1,0,2029,27 -4308,1,1,0350,18 -4309,1,1,0226,13 -4310,1,0,1620,17 -4311,1,0,1726,31 -4312,1,0,1750,19 -4313,1,0,2015,34 -4314,1,0,2024,49 -4315,1,0,1640,61 -4316,1,0,2145,31 -4319,1,0,1838,17 -4320,1,0,2155,12 -4321,1,0,0117,15 -4322,1,0,1720,16 -4324,1,0,0930,26 -4325,1,0,1815,22 -4326,1,0,1805,9 -4327,1,0,1846,22 -4328,1,0,1912,72 -4329,1,0,1647,28 -4332,1,0,0850,23 -4333,1,0,1850,23 -4334,1,0,2018,1286 -4334,2,0,2232,752 -4334,3,1,0258,594 -4334,4,1,0600,562 -4334,5,1,1638,624 -4335,1,0,2110,42 -4336,1,0,1915,47 -4337,1,0,1852,54 -4339,1,1,0200,10 -4342,1,0,1956,189 -4342,2,1,0620,149 -4343,1,0,0805,20 -4344,1,0,1741,15 -4345,1,0,1932,22 -4346,1,0,1445,28 -4348,1,0,1848,18 -4350,1,0,1810,373 -4350,2,1,0304,273 -4351,1,0,1241,112 -4351,2,1,0415,49 -4353,1,0,1917,28 -4355,1,0,1609,46 -4355,2,1,0552,31 -4355,3,3,0618,22 -4355,4,6,0917,24 -4356,1,0,2050,20 -4357,1,0,1749,45 -4360,1,0,1630,57 -4360,2,1,0940,53 -4361,1,0,2041,27 -4362,1,1,0147,37 -4363,1,0,1801,23 -4365,1,0,2215,18 -4368,1,0,1300,23 -4372,1,0,1651,30 -4373,1,0,2130,20 -4374,1,0,1635,23 -4376,1,0,1817,17 -4379,1,0,2150,21 -4380,1,0,1710,28 -4381,1,0,1634,19 -4387,1,0,2047,18 -4387,2,0,2118,18 -4388,1,0,1118,24 -4389,1,0,1924,27 -4389,2,1,0430,23 -4391,1,0,0847,16 -4392,1,0,2340,5 -4394,1,0,1110,34 -4395,1,0,1420,13 -4396,1,0,2019,13 -4399,1,0,2205,79 -4400,1,0,2157,56 -4402,1,0,2229,27 -4403,1,0,2020,80 -4405,1,0,1707,16 -4408,1,0,1308,16 -4409,1,0,0855,41 -4411,1,0,1400,7 -4412,1,0,1624,31 -4413,1,0,0105,20 -4414,1,0,1725,11 -4415,1,0,1856,86 -4416,1,0,1624,37 -4418,1,0,2150,27 -4419,1,0,1940,24 -4421,1,0,1708,87 -4421,2,1,1655,60 -4422,1,0,2028,27 -4423,1,0,1524,33 -4424,1,0,1639,41 -4426,1,0,2140,28 -4426,2,1,0530,31 -4427,1,0,1445,6 -4430,1,0,0923,10 -4434,1,0,2048,36 -4435,1,1,0155,12 -4439,1,0,1854,30 -4440,1,0,2000,23 -4441,1,1,0116,41 -4444,1,0,1850,44 -4444,2,1,0440,66 -4445,1,0,2102,50 -4445,2,1,0300,39 -4447,1,0,1539,31 -4448,1,0,1919,108 -4448,2,1,1527,62 -4451,1,0,2333,25 -4452,1,1,0414,28 -4453,1,0,1940,18 -4454,1,1,0045,21 -4455,1,1,0131,2 -4456,1,0,1200,30 -4457,1,0,1917,12 -4458,1,0,1907,30 -4459,1,0,1505,16 -4461,1,1,0155,18 -4462,1,0,0200,23 -4466,1,0,1155,2 -4467,1,0,0845,27 -4467,2,0,1140,41 -4470,1,0,1552,13 -4473,1,0,1828,18 -4474,1,1,0003,99 -4474,2,1,0155,76 -4477,1,0,2049,25 -4478,1,0,2347,9 -4481,1,0,1207,36 -4483,1,0,1315,173 -4484,1,0,2143,18 -4485,1,0,0015,19 -4486,1,0,1925,18 -4487,1,0,2210,20 -4490,1,0,0155,232 -4490,2,1,0400,153 -4490,3,2,0710,115 -4490,4,3,0745,84 -4491,1,0,0345,70 -4493,1,0,1726,12 -4495,1,0,1810,25 -4495,2,0,2220,15 -4496,1,0,1930,14 -4498,1,0,1305,18 -4499,1,0,2220,24 -4502,1,0,1426,129 -4503,1,0,2000,23 -4509,1,0,2326,51 -4510,1,0,2313,21 -4510,2,1,0553,17 -4511,1,0,1945,19 -4515,1,0,1603,70 -4518,1,0,2045,13 -4519,1,0,2157,43 -4519,2,1,1015,40 -4520,1,0,1522,33 -4521,1,0,0900,22 -4522,1,0,1621,9 -4524,1,0,1745,29 -4525,1,0,0043,108 -4527,1,0,1303,14 -4529,1,1,0006,56 -4530,1,0,0920,21 -4530,2,0,1020,36 -4535,1,0,1822,224 -4535,2,1,1047,129 -4536,1,0,1356,14 -4537,1,1,0650,11 -4538,1,0,2345,24 -4539,1,0,1925,18 -4540,1,0,1946,96 -4544,1,0,1258,21 -4545,1,0,1939,26 -4546,1,0,2300,23 -4547,1,1,0315,31 -4549,1,0,2029,18 -4551,1,0,1900,22 -4552,1,0,2008,18 -4553,1,0,2211,5 -4556,1,0,2108,9 -4557,1,0,2030,14 -4557,2,1,0229,17 -4558,1,0,1440,87 -4558,2,1,0709,68 -4559,1,0,1719,74 -4560,1,0,1915,20 -4561,1,0,1731,19 -4562,1,1,0531,453 -4564,1,0,1608,15 -4566,1,0,2310,31 -4566,2,2,0800,20 -4566,3,3,0715,19 -4566,4,4,0655,26 -4567,1,0,1610,14 -4568,1,0,1157,32 -4569,1,0,1939,17 -4571,1,0,1852,22 -4572,1,0,1736,27 -4572,2,1,1553,28 -4573,1,0,1908,31 -4577,1,0,2318,308 -4577,2,1,1000,216 -4577,3,2,0437,463 -4577,4,4,0545,915 -4579,1,1,0250,22 -4581,1,1,1917,11 -4582,1,0,1559,244 -4582,2,1,0325,158 -4583,1,0,1920,24 -4586,1,1,0149,41 -4587,1,0,2250,27 -4589,1,1,0911,25 -4594,1,0,1610,15 -4595,1,0,1621,17 -4596,1,0,2224,26 -4598,1,0,1047,15 -4599,1,0,2320,14 -4600,1,0,1130,12 -4602,1,0,2245,19 -4603,1,0,1528,26 -4605,1,0,1510,15 -4606,1,0,0845,15 -4607,1,0,2136,27 -4608,1,0,2355,21 -4610,1,0,1447,23 -4615,1,0,1339,21 -4617,1,0,2358,10 -4619,1,0,0101,7 -4622,1,0,2016,18 -4623,1,0,1705,54 -4624,1,0,2300,29 -4626,1,0,2306,17 -4627,1,0,1940,21 -4629,1,0,0305,18 -4630,1,0,1638,22 -4631,1,0,2123,26 -4634,1,0,1751,13 -4635,1,0,1341,25 -4636,1,0,2045,64 -4637,1,0,1850,28 -4639,1,0,2225,15 -4640,1,0,2041,26 -4640,2,1,0005,28 -4640,3,1,1255,32 -4640,4,2,0030,27 -4640,5,3,0340,37 -4642,1,0,1748,1050 -4642,2,0,2322,953 -4642,3,2,0056,587 -4642,4,3,0436,453 -4642,5,4,0300,318 -4643,1,0,1539,30 -4644,1,0,1722,19 -4645,1,1,0950,15 -4646,1,0,1505,72 -4648,1,0,2159,24 -4650,1,0,1931,13 -4653,1,0,2150,65 -4653,2,1,0045,58 -4653,3,2,0500,33 -4654,1,0,1614,25 -4655,1,0,2015,15 -4656,1,1,0322,480 -4658,1,0,0030,70 -4660,1,0,2034,133 -4660,2,1,0615,168 -4663,1,0,2044,66 -4663,2,1,0710,49 -4664,1,0,1940,23 -4665,1,0,1650,16 -4667,1,0,1820,18 -4668,1,0,2019,28 -4671,1,1,0130,19 -4672,1,0,1651,33 -4674,1,0,2037,187 -4675,1,0,1718,18 -4676,1,0,1255,33 -4677,1,0,1806,454 -4677,2,1,0600,329 -4677,3,3,0400,156 -4680,1,0,1725,24 -4681,1,0,0037,5 -4682,1,0,0743,15 -4683,1,0,1500,14 -4684,1,0,1315,63 -4688,1,0,2300,90 -4690,1,0,2012,17 -4690,2,1,0241,13 -4691,1,0,0950,6 -4692,1,0,1725,41 -4693,1,0,1224,74 -4693,2,1,0455,476 -4693,3,1,1722,1154 -4693,4,2,2003,1318 -4693,5,4,1159,615 -4694,1,0,2341,32 -4698,1,0,1424,27 -4699,1,0,1754,15 -4700,1,0,1913,93 -4701,1,0,1315,28 -4702,1,1,0245,25 -4703,1,0,1540,27 -4706,1,0,1950,127 -4707,1,0,1207,29 -4708,1,3,1645,61 -4711,1,0,1130,21 -4712,1,0,1850,46 -4713,1,0,1440,28 -4714,1,0,2014,21 -4715,1,0,1745,21 -4716,1,0,1632,32 -4719,1,0,1858,64 -4724,1,0,1323,39 -4724,2,1,0405,41 -4725,1,0,0725,20 -4728,1,0,1829,23 -4729,1,0,1244,50 -4733,1,0,1625,15 -4734,1,0,1340,21 -4734,2,0,1620,21 -4738,1,0,0125,14 -4740,1,0,1720,40 -4741,1,0,1414,15 -4742,1,0,0130,165 -4742,2,2,1320,43 -4742,3,3,0615,34 -4742,4,3,1300,29 -4742,5,3,1645,28 -4743,1,0,0200,76.25 -4744,1,0,1744,21 -4747,1,0,0823,70 -4749,1,0,1515,349 -4749,2,1,0424,177 -4749,3,1,0541,180 -4752,1,1,0025,20 -4753,1,0,1925,8 -4755,1,0,2010,34 -4756,1,0,1859,51 -4756,2,1,0558,40 -4757,1,0,1850,240 -4758,1,1,0155,9 -4760,1,0,2255,88 -4764,1,0,1850,23 -4767,1,0,1400,13 -4768,1,0,2025,14 -4770,1,0,1910,34 -4771,1,0,1511,25 -4771,2,0,1515,27 -4772,1,0,0025,145 -4773,1,0,0043,35 -4777,1,0,0857,204 -4779,1,0,1745,19 -4781,1,0,1901,16 -4786,1,0,0036,51 -4787,1,0,2101,17 -4788,1,0,0215,21 -4789,1,0,1130,40 -4790,1,0,1656,30 -4791,1,0,0137,20 -4793,1,1,0057,30 -4794,1,0,2101,24 -4796,1,0,2202,39 -4804,1,1,0010,15 -4805,1,0,2050,33 -4805,2,1,0715,26 -4807,1,0,1800,41 -4809,1,0,2156,29 -4812,1,0,1950,32 -4814,1,0,2215,24 -4817,1,0,0950,28 -4818,1,0,1504,25 -4819,1,0,1513,16 -4820,1,0,2036,115 -4821,1,0,1321,6 -4822,1,0,0841,34 -4822,2,1,0330,42 -4823,1,0,1945,33 -4824,1,0,1339,36 -4825,1,0,2154,40 -4825,2,1,0150,64 -4828,1,1,0010,163 -4829,1,0,2134,16 -4831,1,2,0440,67 -4831,2,0,2019,43 -4831,3,3,2256,55 -4833,1,0,2205,21 -4834,1,1,0147,48 -4836,1,0,1222,70 -4837,1,0,0755,23 -4839,1,0,2058,17 -4839,2,1,0420,17 -4842,1,0,1730,15 -4845,1,0,1143,182 -4845,2,0,1146,185 -4845,3,0,1501,133 -4845,4,0,2237,136 -4845,5,1,1617,141 -4846,1,0,2058,19 -4847,1,0,0321,24 -4848,1,0,0721,5 -4849,1,0,0039,21 -4850,1,0,1955,60 -4851,1,0,1911,43 -4852,1,0,1419,18 -4853,1,1,0424,62 -4854,1,0,2131,36 -4856,1,0,2330,12 -4857,1,0,1925,27 -4866,1,0,1444,31 -4867,1,0,2147,30 -4868,1,0,2010,21 -4870,1,0,1226,17 -4871,1,0,2104,23 -4872,1,0,1050,24 -4875,1,0,1655,21 -4875,2,0,1859,21 -4875,3,1,0900,17 -4877,1,0,1548,25 -4879,1,1,0800,11 -4879,2,2,0410,11 -4879,3,3,0424,19 -4879,4,4,0430,27 -4887,1,0,1630,25 -4888,1,1,1135,22 -4889,1,0,1515,2 -4894,1,0,1728,64 -4897,1,0,2150,69 -4898,1,0,1155,21 -4902,1,0,1704,4 -4903,1,0,1218,13 -4905,1,0,2035,34 -4906,1,0,2310,11 -4908,1,0,1900,41 -4910,1,0,0431,18 -4913,1,0,1229,52 -4914,1,0,2239,16 -4915,1,0,2210,14 -4916,1,0,2033,50 -4918,1,0,0140,26 -4920,1,0,1610,19 -4923,1,0,1741,18 -4926,1,1,0008,19 -4928,1,0,2046,2 -4929,1,0,1652,41 -4930,1,0,2154,13 -4931,1,0,0928,38 -4933,1,0,2010,26 -4935,1,0,2040,10 -4936,1,0,1530,16 -4938,1,0,1938,17 -4939,1,0,1735,26 -4940,1,0,1805,51 -4942,1,0,2000,22 -4943,1,0,2126,212 -4944,1,0,1613,48 -4944,2,1,0512,34 -4945,1,0,2102,83 -4945,2,1,0558,65 -4945,3,2,0625,57 -4945,4,3,0616,30 -4946,1,0,1506,11 -4948,1,0,2205,17 -4950,1,6,2105,35 -4951,1,0,2108,18 -4952,1,0,1800,18 -4954,1,0,2020,21 -4956,1,0,2243,21 -4957,1,0,2240,23 -4962,1,0,1940,17 -4966,1,0,1015,19 -4967,1,0,1920,29 -4968,1,0,1949,46 -4971,1,1,0818,31 -4973,1,1,0046,45 -4974,1,0,2304,23 -4975,1,0,1822,31 -4978,1,0,0007,18 -4979,1,0,0915,13 -4980,1,0,2315,21 -4981,1,0,1045,31 -4982,1,0,1515,17 -4984,1,0,1909,19 -4985,1,0,1610,12 -4986,1,0,1712,20 -4987,1,0,1705,22 -4989,1,0,0306,8 -4990,1,0,0920,18 -4992,1,0,1425,112 -4992,2,0,1306,79 -4992,3,1,0410,72 -4993,1,0,1236,11 -4994,1,0,2327,752 -4994,2,1,0213,628 -4994,3,1,1100,495 -4994,4,1,2100,380 -4998,1,0,2224,55 -5000,1,0,1911,13 -5001,1,0,2145,28 -5003,1,0,1150,13 -5004,1,0,2005,41 -5004,2,1,1442,30 -5005,1,0,1355,5 -5006,1,0,2253,34 -5007,1,0,1743,18 -5008,1,0,1648,26 -5009,1,0,0239,27 -5010,1,0,2212,1279 -5013,1,0,1908,16 -5014,1,0,2237,8 -5020,1,1,0118,626 -5022,1,0,1000,26 -5023,1,0,2100,25 -5024,1,0,2138,19 -5025,1,0,1725,39 -5026,1,0,0130,17 -5029,1,0,1702,24 -5030,1,0,1535,16 -5032,1,0,1737,45 -5032,2,0,2150,109 -5032,3,1,0857,59 -5033,1,0,0159,81 -5034,1,0,0126,36 -5035,1,0,2030,44 -5036,1,0,2018,21 -5038,1,0,1445,81 -5039,1,0,0045,22 -5044,1,0,2157,14 -5045,1,0,2348,28 -5046,1,0,1250,19 -5047,1,0,2041,22 -5048,1,0,0939,33 -5048,2,1,0643,22 -5049,1,0,0825,17 -5050,1,0,1907,13 -5050,2,1,0400,9 -5051,1,0,1630,5 -5052,1,0,0842,329 -5054,1,0,1818,14 -5058,1,0,1640,19 -5059,1,0,2340,10 -5060,1,0,1920,24 -5063,1,0,2020,31 -5065,1,0,1249,10 -5066,1,0,1542,17 -5068,1,0,2106,5 -5071,1,0,2343,41 -5071,2,4,0555,38 -5072,1,0,2140,36 -5074,1,0,2030,21 -5075,1,0,1930,32 -5078,1,0,2235,23 -5081,1,0,1448,657 -5082,1,0,1637,23 -5083,1,0,1409,30 -5085,1,0,1455,29 -5087,1,0,2230,136 -5089,1,0,2025,14 -5089,2,1,0530,13 -5090,1,0,1810,24 -5092,1,0,1940,34 -5092,2,1,0546,25 -5093,1,0,1946,2 -5094,1,0,1158,28 -5096,1,0,1600,14 -5097,1,0,1555,15 -5103,1,0,1938,333 -5104,1,0,1333,47 -5105,1,0,1645,92 -5109,1,0,1915,59 -5109,2,2,0810,37 -5109,3,3,0857,30 -5111,1,0,1830,53 -5113,1,0,0108,16 -5114,1,0,1444,44 -5119,1,0,0850,22 -5123,1,0,0350,21 -5124,1,0,2204,30 -5125,1,0,1805,21 -5125,2,1,1701,20 -5128,1,0,2030,12 -5129,1,0,2159,85 -5131,1,0,1700,38 -5132,1,0,1500,25 -5136,1,0,1942,16 -5137,1,0,1728,25 -5139,1,0,1315,18 -5141,1,0,2140,6 -5143,1,0,1845,24 -5146,1,0,2000,14 -5148,1,0,1845,70 -5150,1,0,0837,22 -5150,2,6,2045,72 -5152,1,0,1420,26 -5154,1,0,1343,18 -5155,1,0,0005,14 -5157,1,0,2035,18 -5158,1,0,1940,392 -5158,2,1,0420,441 -5158,3,2,0315,190 -5158,4,3,0300,78 -5159,1,0,1215,23 -5162,1,0,1940,31 -5164,1,0,1420,14 -5164,2,1,0400,14 -5165,1,0,1845,17 -5166,1,0,0533,20 -5171,1,0,0057,51 -5172,1,0,2120,28 -5173,1,0,1550,14 -5174,1,0,1657,30 -5175,1,0,1544,25 -5176,1,0,2022,16 -5177,1,0,1638,18 -5178,1,0,2336,25 -5180,1,0,0920,66 -5181,1,0,1612,17 -5187,1,0,0901,14 -5188,1,0,2059,20 -5189,1,0,2052,23 -5190,1,0,2242,16 -5193,1,0,1335,8 -5194,1,0,1640,69 -5195,1,0,1950,15 -5197,1,0,1737,24 -5198,1,0,0112,2 -5201,1,1,0035,34 -5203,1,0,1156,13 -5205,1,0,2215,26 -5206,1,0,1751,19 -5207,1,0,1858,26 -5210,1,0,1634,27 -5211,1,0,1330,16 -5212,1,0,1451,12 -5213,1,0,1924,5 -5217,1,0,2009,21 -5221,1,0,2330,20 -5223,1,0,1629,29 -5224,1,0,2016,406 -5227,1,0,1642,37 -5229,1,0,1710,47 -5230,1,0,1430,18 -5231,1,0,2047,13 -5233,1,0,1125,6 -5235,1,0,1730,18 -5239,1,0,1835,17 -5240,1,0,1858,47 -5243,1,0,1555,38 -5244,1,0,0805,185 -5245,1,0,1903,18 -5247,1,0,1935,16 -5248,1,0,1906,12 -5250,1,0,2144,33 -5251,1,0,1645,24 -5254,1,0,1800,20 -5257,1,0,2216,32 -5258,1,-1,2320,30 -5263,1,1,0002,2 -5264,1,0,1737,24 -5265,1,0,1452,34 -5266,1,0,0135,18 -5267,1,0,1855,42 -5267,2,1,0615,31 -5268,1,0,2219,50 -5272,1,0,2020,35 -5273,1,0,1906,17 -5276,1,0,1835,24 -5277,1,0,1224,24 -5278,1,0,1046,30 -5279,1,0,2222,24 -5280,1,0,1350,12 -5283,1,0,0440,55 -5283,2,1,1554,60 -5284,1,0,2340,25 -5285,1,0,2256,22 -5286,1,0,1715,41 -5287,1,0,2229,24 -5290,1,0,1909,18 -5293,1,0,1613,18 -5298,1,0,1220,21 -5300,1,0,1340,26 -5301,1,1,0010,80 -5302,1,0,0848,40 -5304,1,0,0850,18 -5306,1,0,2300,17 -5309,1,0,2141,28 -5313,1,0,1430,18 -5314,1,0,1750,14 -5315,1,0,2030,10 -5316,1,0,1705,28 -5318,1,0,1735,20 -5319,1,0,2030,18 -5320,1,0,1420,64 -5323,1,0,2130,22 -5325,1,0,1135,19 -5326,1,0,1736,27 -5327,1,0,1645,16 -5329,1,1,0032,13 -5330,1,0,0914,21 -5331,1,0,2004,42 -5333,1,0,1730,93 -5335,1,0,2146,15 -5336,1,0,1931,25 -5337,1,0,1003,15 -5338,1,0,1018,26 -5339,1,0,1526,14 -5341,1,0,2051,11 -5343,1,0,1420,22 -5344,1,2,1255,19 -5345,1,0,1812,20 -5347,1,0,2016,20 -5348,1,1,0345,27 -5350,1,0,0457,37 -5352,1,0,1205,57 -5353,1,0,1743,5 -5354,1,0,1853,38 -5355,1,0,2141,20 -5361,1,0,1230,22 -5362,1,0,1115,101 -5363,1,0,1815,12 -5364,1,0,2111,144 -5364,2,1,0342,122 -5364,3,2,0649,81 -5365,1,0,1843,269 -5365,2,1,0321,176 -5365,3,3,2319,65 -5366,1,0,1730,20 -5367,1,0,1457,21 -5369,1,0,1858,17 -5373,1,0,0856,13 -5375,1,0,1002,12 -5376,1,0,1800,15 -5377,1,0,1920,21 -5378,1,0,1955,16 -5379,1,0,0129,39 -5380,1,0,0010,18 -5383,1,0,0930,11 -5385,1,0,1741,73 -5387,1,0,2133,20 -5389,1,0,2313,22 -5390,1,0,2057,22 -5391,1,0,1921,28 -5395,1,0,1938,15 -5398,1,0,2338,15 -5399,1,0,1235,27 -5400,1,0,1554,19 -5402,1,0,1856,21 -5403,1,0,2027,29 -5404,1,0,1114,19 -5406,1,0,1024,34 -5408,1,0,1939,30 -5409,1,0,2146,17 -5410,1,0,1745,16 -5414,1,0,1817,35 -5416,1,0,1631,73 -5419,1,0,1939,92 -5419,2,1,1143,69 -5420,1,0,1000,4 -5422,1,0,1710,18 -5424,1,0,1442,16 -5425,1,0,1615,17 -5426,1,0,2011,23 -5427,1,0,2200,56 -5428,1,0,2345,19 -5429,1,0,0859,43 -5430,1,0,2054,19 -5433,1,0,1800,109 -5435,1,0,1131,50 -5437,1,0,1315,16 -5438,1,0,1512,29 -5439,1,0,1507,15 -5443,1,0,2034,33 -5450,1,0,0920,15 -5451,1,0,1754,14 -5452,1,0,2208,22 -5453,1,0,1521,32 -5454,1,0,1050,26 -5456,1,0,1629,24 -5458,1,0,1906,203 -5458,2,0,2018,184 -5458,3,0,2314,146 -5458,4,1,0553,115 -5458,5,1,1212,89 -5459,1,0,1305,12 -5460,1,0,2030,12 -5462,1,0,1600,51 -5464,1,0,0800,42 -5464,2,0,1440,45 -5468,1,0,0825,45 -5469,1,0,1732,233 -5470,1,0,1745,36 -5472,1,0,2338,74 -5472,2,2,0530,50 -5472,3,3,0613,47 -5472,4,5,0102,27 -5473,1,0,2235,39 -5474,1,0,1626,1 -5476,1,0,1531,19 -5477,1,0,2058,12 -5479,1,0,1630,25 -5479,2,1,0521,25 -5485,1,0,0949,14 -5486,1,0,1640,13 -5488,1,0,1340,14 -5489,1,0,1550,15 -5490,1,0,1656,29 -5493,1,0,1950,50 -5493,2,1,0720,52 -5494,1,0,1500,12 -5495,1,0,2255,56 -5495,2,1,0424,62 -5495,3,2,0400,54 -5495,4,3,0330,41 -5495,5,4,0309,43 -5496,1,0,1132,38 -5497,1,0,1506,5 -5500,1,0,1805,23 -5501,1,0,2024,49 -5507,1,0,1440,34 -5509,1,0,1651,17 -5513,1,1,0018,17 -5515,1,0,2145,27 -5517,1,0,1948,15 -5521,1,0,2104,39 -5522,1,0,2125,27 -5523,1,0,2109,20 -5524,1,0,2057,18 -5528,1,0,1811,236 -5531,1,0,2330,58 -5531,2,1,1130,57 -5532,1,0,2230,16 -5534,1,0,0525,18 -5538,1,0,1410,15 -5539,1,0,0331,20 -5540,1,0,1250,21 -5541,1,0,1125,20 -5542,1,0,1148,21 -5544,1,0,1706,18 -5545,1,0,2123,56 -5547,1,0,1235,23 -5549,1,0,2159,11 -5552,1,0,1716,31 -5555,1,0,1842,25 -5556,1,0,1933,21 -5557,1,0,2211,40 -5557,2,1,0535,45 -5557,3,1,1608,37 -5557,4,1,2018,40 -5559,1,0,2319,19 -5560,1,0,1830,11 -5562,1,0,1940,14 -5564,1,0,1835,17 -5565,1,0,1705,234 -5565,2,1,0930,143 -5566,1,0,1829,63 -5567,1,0,1854,17 -5568,1,0,1604,43 -5569,1,0,2252,28 -5572,1,0,1926,12 -5573,1,0,1503,14 -5574,1,0,1708,15 -5575,1,0,0235,15 -5576,1,0,1314,20 -5578,1,0,1757,14 -5579,1,0,0950,13 -5580,1,0,1200,17 -5582,1,0,2006,17 -5583,1,0,1800,28 -5584,1,1,0001,14 -5585,1,0,2122,36 -5586,1,0,2132,103 -5587,1,0,2103,10 -5593,1,0,2025,11 -5594,1,0,2222,15 -5594,2,1,0650,30 -5595,1,0,2250,10 -5597,1,1,0200,21 -5598,1,0,0103,17 -5599,1,0,0230,22 -5600,1,0,2248,11 -5601,1,0,1608,19 -5602,1,0,1830,57 -5603,1,0,1637,16 -5605,1,0,1630,22 -5606,1,0,0945,23 -5608,1,0,1440,5 -5611,1,0,1600,22 -5613,1,1,0738,14 -5614,1,0,1730,24 -5615,1,0,2311,19 -5618,1,0,2052,23 -5620,1,0,1817,49 -5621,1,0,1459,49 -5624,1,0,1455,18 -5625,1,0,2010,18 -5626,1,0,2200,15 -5627,1,0,2045,9 -5633,1,0,1928,20 -5637,1,0,2128,16 -5638,1,0,2120,30 -5639,1,0,2219,31 -5642,1,0,0805,58 -5643,1,0,2100,64 -5644,1,0,2143,56 -5645,1,0,1822,26 -5646,1,0,0254,23 -5652,1,0,1704,33 -5655,1,0,1600,19 -5657,1,0,1954,30 -5658,1,0,1609,14 -5660,1,0,2300,14 -5661,1,0,1920,16 -5663,1,0,1900,100 -5667,1,0,1600,26 -5668,1,0,0839,22 -5668,2,2,0606,15 -5673,1,0,1725,12 -5674,1,0,2244,55 -5675,1,0,1739,8 -5676,1,0,1930,22 -5677,1,0,2128,10 -5680,1,0,1330,26 -5684,1,0,1553,21 -5684,2,0,1615,20 -5687,1,0,1935,35 -5687,2,0,2221,34 -5687,3,1,0147,33 -5687,4,1,0215,32 -5687,5,1,0520,25 -5688,1,0,1723,43 -5688,2,0,2139,44 -5689,1,0,1810,17 -5692,1,0,1322,57 -5693,1,0,2255,19 -5694,1,0,1033,128 -5696,1,0,1429,25 -5700,1,1,0504,12 -5701,1,0,2005,7 -5705,1,0,1827,18 -5707,1,0,0700,167 -5709,1,0,1842,33 -5709,2,0,2240,30 -5709,3,1,0400,30 -5709,4,2,0355,24 -5709,5,3,0410,23 -5710,1,0,1940,27 -5711,1,0,1837,16 -5712,1,0,2044,27 -5715,1,0,2337,26 -5716,1,0,2359,8 -5718,1,0,2049,31 -5720,1,0,0848,11 -5722,1,0,2115,9 -5725,1,0,1615,24 -5727,1,0,0838,26 -5731,1,0,1820,22 -5732,1,0,1626,11 -5734,1,0,2241,24 -5735,1,0,2305,23 -5736,1,0,2147,18 -5737,1,0,2115,346 -5738,1,0,1502,29 -5740,1,0,1400,5 -5742,1,0,2112,52 -5743,1,0,1618,17 -5744,1,0,1920,27 -5746,1,0,1700,36 -5746,2,1,0400,78 -5749,1,0,0344,31 -5751,1,0,1448,77 -5752,1,0,1921,52 -5754,1,1,0130,33 -5754,2,1,0500,31 -5756,1,0,1920,172 -5756,2,1,0720,177 -5757,1,0,0130,25 -5759,1,0,1315,66 -5759,2,1,0501,71 -5759,3,2,0555,90 -5759,4,3,0554,99 -5759,5,4,0426,109 -5760,1,1,0555,61 -5761,1,0,1934,39 -5763,1,0,1439,20 -5763,2,1,0413,17 -5764,1,0,1433,12 -5765,1,0,1832,15 -5765,2,0,2144,17 -5766,1,1,0028,53 -5767,1,0,1601,13 -5768,1,0,1658,18 -5771,1,0,1605,25 -5775,1,0,1225,13 -5776,1,0,1950,82 -5778,1,0,2034,32 -5781,1,0,1804,22 -5782,1,0,1420,26 -5785,1,0,1338,32 -5786,1,1,0321,93 -5786,2,1,0400,72 -5787,1,0,1533,25 -5790,1,0,0633,24 -5791,1,0,1906,28 -5793,1,0,1954,31 -5797,1,0,2052,27 -5799,1,0,0850,17 -5800,1,0,1315,51 -5802,1,0,1342,15 -5809,1,0,1657,29 -5809,2,1,0841,38 -5810,1,0,2050,62 -5810,2,1,0715,52 -5810,3,2,0250,39 -5810,4,3,0240,37 -5810,5,4,0025,32 -5811,1,0,2352,34 -5812,1,0,1625,25 -5815,1,0,1417,21 -5816,1,0,1923,19 -5817,1,1,0351,27 -5820,1,0,2005,13 -5821,1,0,1545,17 -5822,1,0,2119,9 -5823,1,0,1614,10 -5824,1,1,0133,20 -5831,1,0,2054,22 -5833,1,0,1905,26 -5835,1,0,2019,20 -5836,1,0,2051,36 -5836,2,1,1052,35 -5841,1,0,2255,12 -5842,1,0,2140,19 -5844,1,0,1755,105 -5846,1,0,1515,36 -5848,1,0,2232,2 -5848,2,1,0925,9 -5849,1,0,1504,11 -5852,1,0,2116,37 -5853,1,0,2048,46 -5855,1,0,1335,39 -5856,1,1,0030,29 -5858,1,0,1559,50 -5860,1,0,2210,28 -5861,1,0,1941,30 -5862,1,0,1755,36 -5863,1,0,1652,14 -5863,2,1,0639,13 -5864,1,0,1748,89 -5866,1,0,2335,99 -5869,1,0,2228,15 -5870,1,1,0043,17 -5872,1,0,2230,285 -5874,1,0,1500,131 -5875,1,0,2200,28 -5876,1,0,1623,16 -5877,1,0,0448,16 -5884,1,0,2204,78 -5884,2,1,0118,93 -5885,1,0,1851,32 -5886,1,0,0033,16 -5888,1,0,1658,632 -5893,1,0,0935,6 -5894,1,0,1226,53 -5894,2,0,1450,61 -5894,3,0,2334,53 -5894,4,1,0148,51 -5894,5,1,0531,57 -5895,1,0,1440,41 -5895,2,1,0700,27 -5897,1,0,2224,5 -5898,1,0,2025,27 -5899,1,0,1731,20 -5900,1,0,1845,15 -5905,1,0,2130,26 -5906,1,0,1946,42 -5907,1,0,2000,14 -5908,1,0,1250,143 -5909,1,0,1424,86 -5909,2,1,1415,55 -5910,1,0,1855,33 -5911,1,0,0937,29 -5912,1,0,1835,47 -5913,1,0,2245,13 -5916,1,0,0726,17 -5917,1,0,1715,11 -5918,1,0,0845,84 -5921,1,0,2058,20 -5922,1,0,1705,24 -5923,1,0,1945,14 -5926,1,1,0040,16 -5928,1,0,2107,44 -5929,1,0,0405,14 -5930,1,0,2304,18 -5931,1,0,0838,5 -5935,1,0,1636,1769 -5936,1,0,1734,63 -5936,2,0,2348,59 -5936,3,1,0500,67 -5938,1,0,2009,107 -5938,2,1,0030,405 -5938,3,1,0530,474 -5938,4,2,0440,1610 -5938,5,3,0435,1785 -5941,1,0,1805,24 -5942,1,0,1445,13 -5943,1,0,2005,21 -5944,1,0,1732,110 -5945,1,0,1012,27 -5946,1,0,1840,32 -5946,2,5,0435,34 -5947,1,0,2003,33 -5950,1,0,1404,22 -5951,1,1,0400,109 -5951,2,2,0555,83 -5954,1,0,2327,14 -5955,1,0,1517,15 -5958,1,1,0020,22 -5959,1,0,1820,20 -5962,1,0,1926,44 -5963,1,0,1920,403 -5963,2,1,0155,365 -5963,3,2,1645,245 -5964,1,0,1611,132 -5967,1,0,2108,17 -5969,1,0,2203,21 -5970,1,0,1540,109 -5971,1,0,2151,14 -5972,1,0,1638,30 -5973,1,0,1925,15 -5974,1,0,2100,19 -5976,1,0,0945,85 -5977,1,0,1830,26 -5980,1,0,1814,15 -5981,1,0,2141,10 -5982,1,1,0206,98 -5984,1,0,1055,36 -5986,1,0,1235,35 -5987,1,0,2332,5 -5988,1,0,0055,21 -5989,1,0,2339,26 -5992,1,0,1950,34 -5992,2,0,2150,39 -5992,3,1,0415,34 -5992,4,2,0420,31 -5995,1,0,2001,24 -5997,1,1,0726,18 -5999,1,0,0319,18 -6000,1,0,0957,8 -6001,1,0,1630,30 -6002,1,1,0000,24 -6002,2,2,1108,15 -6003,1,0,0810,11 -6005,1,0,1845,18 -6007,1,0,1930,40 -6009,1,0,2034,19 -6010,1,0,2115,107 -6011,2,0,1924,45 -6018,1,0,1945,10 -6019,1,0,2130,2 -6023,1,0,1739,27 -6027,1,0,0420,19 -6028,1,0,1750,298 -6028,2,0,2300,207 -6030,1,0,2035,16 -6031,1,0,0833,33 -6033,1,0,2230,24 -6034,1,0,1911,14 -6035,1,0,1944,34 -6036,1,0,1739,24 -6037,1,2,0510,5 -6038,1,0,1919,7 -6041,1,0,2315,14 -6042,1,0,1245,32 -6046,1,0,1722,83 -6047,1,0,2350,17 -6049,1,0,2145,17 -6050,1,0,2315,37 -6051,1,0,1415,19 -6052,1,0,1115,14 -6053,1,0,1449,29 -6054,1,0,1730,23 -6054,2,0,1916,29 -6054,3,1,0525,22 -6054,4,1,2015,22 -6054,5,1,2352,21 -6057,1,0,1910,19 -6058,1,0,0052,14 -6060,1,0,2225,8 -6064,1,0,1713,22 -6065,1,0,2120,14 -6066,1,0,1524,19 -6067,1,0,2204,23 -6068,1,0,1306,26 -6069,1,0,2335,34 -6071,1,0,1255,19 -6074,1,0,1042,8 -6075,1,0,1855,21 -6077,1,0,0922,12 -6081,1,0,1725,50 -6082,1,0,1950,53 -6083,1,0,1706,15 -6083,2,0,2214,15 -6084,1,0,2130,23 -6088,1,0,1345,322 -6091,1,0,1840,26 -6094,1,0,1453,13 -6095,1,0,0115,226 -6095,2,0,1150,167 -6095,3,1,0445,138 -6097,1,0,1551,15 -6098,1,0,1937,258 -6098,2,1,0001,216 -6098,3,2,1003,92 -6098,4,3,0547,68 -6101,1,0,1710,18 -6102,1,0,1654,79 -6103,1,0,1430,20 -6104,1,0,1854,31 -6106,1,0,1310,50 -6109,1,0,1610,270 -6109,2,1,0911,177 -6109,3,2,0445,127 -6111,1,0,1221,100 -6112,1,0,1535,17 -6113,1,0,1929,81 -6114,1,0,2123,37 -6115,1,0,2201,46 -6116,1,1,0025,26 -6117,1,0,1731,19 -6120,1,0,2315,18 -6121,1,0,2130,22 -6121,2,1,0425,23 -6122,1,0,0145,17 -6123,1,0,2200,100 -6123,2,1,0430,77 -6123,3,2,0345,71 -6123,4,2,1553,62 -6123,5,3,0346,59 -6125,1,0,2041,2 -6128,1,0,1133,14 -6129,1,0,1535,239 -6131,1,0,1255,28 -6132,1,5,1100,78 -6134,1,0,1458,24 -6135,1,0,1840,28 -6140,1,0,2235,38 -6141,1,0,1221,28 -6141,2,5,0340,40 -6142,1,0,2022,32 -6143,1,0,1552,16 -6147,1,0,1940,15 -6147,2,1,0510,25 -6147,3,1,0850,17 -6147,4,2,0345,12 -6147,5,3,0350,37 -6151,1,0,1700,17 -6153,1,0,1911,52 -6154,1,0,0910,12 -6156,1,0,0923,35 -6157,1,0,1949,45 -6164,1,0,1302,187 -6164,2,1,0725,121 -6166,1,0,1940,543 -6166,2,1,0450,410 -6169,1,0,2020,6 -6170,1,0,1619,27 -6171,1,0,2126,26 -6174,1,0,2254,37 -6175,1,0,1423,33 -6176,1,0,1927,41 -6177,1,0,1329,21 -6178,1,0,2350,94 -6178,2,1,0413,74 -6179,1,0,1245,36 -6180,1,0,2313,77 -6180,2,1,0454,50 -6180,3,2,0215,148 -6180,4,2,1145,165 -6180,5,4,1600,92 -6181,1,0,1545,20 -6182,1,0,1142,24 -6184,1,0,1500,31 -6189,1,1,0031,34 -6190,1,0,1150,40 -6193,1,0,2005,10 -6195,1,0,1520,29 -6196,1,0,1840,24 -6200,1,0,1610,58 -6201,1,0,2102,72 -6204,1,0,1719,42 -6205,1,0,1828,26 -6205,2,2,1015,16 -6206,1,0,1927,27 -6207,1,0,1300,16 -6208,1,0,1617,15 -6211,1,0,1835,18 -6214,1,0,0100,12 -6215,1,0,0115,18 -6216,1,0,2032,58 -6217,1,0,2033,129 -6217,2,1,0410,92 -6218,1,1,0115,26 -6223,1,0,2230,24 -6224,1,0,2013,13 -6229,1,1,0126,24 -6229,2,1,0650,22 -6231,1,0,1743,11 -6233,1,0,2330,25 -6234,1,0,2235,14 -6235,1,0,1530,27 -6236,1,0,0634,37 -6239,1,0,1213,17 -6240,1,0,1920,25 -6241,1,0,1353,26 -6243,1,0,1734,39 -6245,1,0,2159,32 -6247,1,0,0108,50 -6248,1,0,2246,9 -6251,1,0,1745,14 -6252,1,0,1204,116 -6252,2,1,0350,74 -6255,1,0,1839,26 -6256,1,0,2010,17 -6257,1,0,1433,33 -6258,1,0,2030,14 -6260,1,0,2119,97 -6261,1,0,0809,55 -6264,1,0,1347,17 -6269,1,0,1805,19 -6270,1,0,2018,4 -6271,1,0,2230,21 -6272,1,0,2027,15 -6273,1,0,2150,12 -6274,1,0,1831,17 -6275,1,0,1414,23 -6275,2,0,1946,24 -6275,3,1,0400,21 -6278,1,0,1930,92 -6278,2,1,0535,69 -6279,1,0,2202,13 -6282,1,0,2015,17 -6283,1,0,2052,12 -6284,1,0,0708,19 -6285,1,0,0347,35 -6286,1,0,2030,33 -6287,1,0,1920,3 -6288,1,0,1200,34 -6289,1,0,0323,22 -6290,1,0,2012,58 -6291,1,0,1705,28 -6292,1,0,1824,6 -6293,1,4,0603,36 -6295,1,0,2040,41 -6298,1,0,1515,26 -6300,1,0,1220,85 -6300,2,3,0905,54 -6302,1,0,1330,33 -6302,2,1,1835,331 -6302,3,2,0020,390 -6302,4,3,0100,356 -6302,5,4,0100,207 -6303,1,0,1800,538 -6303,2,1,0420,397 -6303,3,2,0630,304 -6306,1,0,2120,51 -6307,1,0,1900,34 -6310,1,0,2151,22 -6316,1,0,1625,10 -6317,1,0,1100,18 -6318,1,0,1949,21 -6319,1,0,2005,18 -6322,1,0,1843,46 -6323,1,0,1630,15 -6323,2,0,1645,14 -6327,1,0,1930,21 -6328,1,0,1855,27 -6329,1,0,1920,18 -6330,1,0,2359,15 -6332,1,0,2344,18 -6333,1,0,2103,23 -6335,1,0,0946,22 -6336,1,0,1612,24 -6337,1,0,2121,18 -6338,1,0,2055,20 -6339,1,0,1928,26 -6340,1,0,0916,37 -6342,1,0,1756,11 -6345,1,0,2117,20 -6345,2,1,0430,17 -6347,1,0,2350,17 -6350,1,0,0045,14 -6352,1,0,1206,1067 -6354,1,0,1851,15 -6355,1,0,1241,21 -6356,1,0,2231,54 -6358,1,0,2003,32 -6359,1,0,1045,22 -6362,1,0,2049,461 -6363,1,0,2127,18 -6368,1,0,2207,13 -6369,1,0,1758,14 -6370,1,0,2108,5 -6372,1,0,1741,44 -6373,1,0,1330,22 -6375,1,0,1730,242 -6375,2,1,0030,192 -6377,1,0,2139,19 -6379,1,0,1213,45 -6381,1,0,2130,23 -6382,1,0,1850,41 -6383,1,0,1943,77 -6383,2,0,2340,64 -6384,1,0,1813,37 -6386,1,0,1137,17 -6389,1,2,0530,16 -6391,1,0,1315,17 -6392,1,0,2207,44 -6393,1,0,1510,13 -6394,1,0,2357,18 -6395,1,1,0148,15 -6398,1,1,0146,31 -6399,1,0,1928,12 -6401,1,0,1345,15 -6402,1,0,2250,9 -6405,1,2,0429,39 -6405,2,3,0430,36 -6406,1,0,1532,19 -6407,1,0,2015,21 -6408,1,0,1836,18 -6409,1,1,0340,14 -6410,1,1,1014,29 -6411,1,0,1830,17 -6412,1,0,1710,42 -6415,1,0,1306,14 -6415,2,1,0415,75 -6416,1,0,2150,23 -6417,1,0,1721,13 -6417,2,0,1753,32 -6418,1,0,1230,12 -6419,1,0,2007,2 -6420,1,0,2118,25 -6422,1,0,2013,30 -6423,1,0,1805,17 -6425,1,0,1309,11 -6426,1,0,1319,59 -6427,1,1,0020,65 -6430,1,0,1338,13 -6431,1,0,1957,16 -6432,1,0,2300,13 -6433,1,0,1328,75 -6435,1,5,1130,74 -6436,1,0,1630,35 -6436,2,1,0613,28 -6436,3,2,0616,24 -6436,4,2,0622,25 -6436,5,3,0552,24 -6438,1,0,2317,40 -6439,1,0,2315,19 -6440,1,0,2055,312 -6440,2,1,0228,236 -6440,3,2,0408,221 -6441,1,0,2020,444 -6441,2,1,0315,433 -6442,1,2,0505,95 -6442,2,3,0410,81 -6442,3,4,0530,72 -6442,4,5,0344,63 -6442,5,6,0521,46 -6444,1,0,1850,35 -6449,1,0,1930,36 -6450,1,0,1825,20 -6451,1,0,1722,46 -6452,1,0,1815,61 -6454,1,0,1909,54 -6456,1,1,0012,27 -6457,1,0,1554,32 -6461,1,0,1800,18 -6464,1,0,0250,21 -6465,1,0,2312,28 -6466,1,0,1500,18 -6467,1,0,1800,38 -6470,1,0,2127,19 -6471,1,0,1337,13 -6473,1,0,0640,29 -6474,1,0,1856,84 -6474,2,0,2314,77 -6474,3,1,0814,53 -6474,4,2,0550,49 -6474,5,6,0947,34 -6478,1,0,1150,13 -6479,1,0,0918,37 -6480,1,1,0030,23 -6483,1,0,2322,38 -6484,1,0,2214,95 -6486,1,0,1745,27 -6490,1,0,1434,2 -6493,1,0,1915,15 -6495,1,0,1412,158 -6496,1,1,0006,12 -6496,2,1,0218,14 -6497,1,0,1609,39 -6498,1,0,1728,17 -6499,1,0,1844,17 -6500,1,0,2123,27 -6501,1,0,1830,19 -6504,1,0,1850,8 -6505,1,0,1633,33 -6507,1,0,1759,25 -6508,1,0,1440,28 -6509,1,0,2044,44 -6510,1,0,1840,18 -6513,1,0,2200,28 -6515,1,0,1327,38 -6516,1,0,2225,19 -6517,1,0,0230,554 -6517,2,1,0200,441 -6517,3,2,0220,600 -6517,4,3,0205,401 -6517,5,4,0050,275 -6518,1,0,2339,14 -6519,1,0,1520,16 -6522,1,0,0715,15 -6525,1,0,1710,9 -6526,1,0,0645,16 -6526,2,2,0715,14 -6527,1,0,2355,16 -6528,1,0,1717,38 -6529,1,0,2313,12 -6532,1,0,1353,14 -6533,1,0,1000,41 -6536,1,0,1721,17 -6539,1,0,1328,26 -6541,1,0,0040,11 -6543,1,0,1905,30 -6544,1,0,2214,17 -6544,2,1,0525,10 -6548,1,0,2217,341 -6548,2,1,0648,281 -6549,1,0,0042,7 -6550,1,0,1520,78 -6551,1,0,0121,41 -6555,1,0,1748,15 -6559,1,0,0941,7 -6560,1,0,1119,46 -6561,1,0,2314,14 -6563,1,0,2217,15 -6564,1,1,0000,45 -6565,1,0,1600,20 -6566,1,0,1138,19 -6567,1,0,1655,2 -6571,1,0,1715,46 -6573,1,0,1620,33 -6574,1,0,1350,151 -6575,1,0,2157,20 -6575,2,1,0304,18 -6576,1,0,1822,28 -6577,1,0,2050,39 -6578,1,0,1528,9 -6578,2,1,2330,5 -6582,1,0,1113,44 -6582,2,1,0619,49 -6583,1,0,1930,14 -6584,1,0,1919,68 -6584,2,0,2008,56 -6584,3,1,1218,43 -6584,4,1,1610,36 -6584,5,1,2112,40 -6585,1,0,1144,40 -6586,1,0,2355,17 -6587,1,0,1448,23 -6588,1,0,1901,28 -6589,1,0,0930,14 -6591,1,0,2034,27 -6592,1,0,1000,36 -6593,1,0,2002,29 -6594,1,0,2200,18 -6595,1,0,1424,21 -6596,1,0,1357,30 -6599,1,0,0934,144 -6600,1,0,2220,135 -6600,2,1,0540,123 -6600,3,2,0639,178 -6600,4,3,0650,141 -6601,1,0,2335,21 -6602,1,0,2112,12 -6603,1,0,1755,16 -6604,1,0,0455,27 -6605,1,0,1545,27 -6606,1,0,2230,17 -6607,1,0,1828,24 -6611,1,0,1559,7 -6612,1,0,2205,19 -6615,1,0,1730,112 -6616,1,0,2014,3 -6616,2,2,1433,22 -6620,1,0,1134,24 -6623,1,0,2231,18 -6625,1,0,1920,22 -6628,1,0,1707,34 -6629,1,0,1700,22 -6631,1,0,1730,20 -6632,1,0,2229,5 -6635,1,0,0020,21 -6636,1,0,1705,69 -6637,1,0,0226,33 -6638,1,0,0220,23 -6643,1,0,0125,10 -6644,1,0,1521,21 -6645,1,0,0932,8 -6646,1,0,1214,19 -6647,1,0,1700,20 -6648,1,0,0502,38 -6650,1,0,2042,149 -6650,2,2,1051,78 -6652,1,0,2059,22 -6653,1,1,0022,38 -6654,1,0,1945,29 -6655,1,0,1938,99 -6660,1,0,1656,34 -6661,1,0,0243,17 -6664,1,0,1400,741 -6664,2,1,0531,500 -6664,3,7,0530,75 -6667,1,0,1832,23 -6668,1,0,2033,57 -6669,1,0,1808,14 -6672,1,0,2215,5 -6673,1,0,2306,35 -6674,1,0,2030,20 -6676,1,0,2134,17 -6677,1,0,2203,27 -6678,1,0,2144,34 -6679,1,0,0935,4 -6682,1,0,2220,14 -6683,1,0,1130,14 -6684,1,0,1910,21 -6687,1,0,2010,17 -6691,1,0,2001,25 -6691,2,0,2145,26 -6691,3,1,0321,60 -6692,1,1,0123,24 -6696,1,0,0945,26 -6697,1,0,1008,11 -6698,1,0,1950,13 -6700,1,1,0035,23 -6702,1,0,0640,13 -6704,1,0,2050,18 -6705,1,1,1124,174 -6705,2,2,0358,96 -6705,3,3,0346,68 -6705,4,4,0335,52 -6705,5,5,0400,33 -6706,1,0,2221,43 -6707,1,0,1440,13 -6708,1,0,1509,52 -6709,1,0,1703,99 -6709,2,1,0620,75 -6714,1,0,0900,13 -6718,1,0,1431,25 -6721,1,0,0146,54 -6721,2,0,0147,54 -6723,1,0,1157,23 -6724,1,0,0118,22 -6726,1,0,2100,26 -6726,2,0,2145,73 -6726,3,0,2229,32 -6727,1,0,1606,73 -6728,1,0,2335,40 -6730,1,0,2220,25 -6735,1,0,1235,39 -6736,1,0,1630,26 -6737,1,0,1025,22 -6738,1,0,2014,19 -6741,1,1,0017,18 -6743,1,1,0235,21 -6744,1,1,0546,8 -6744,2,0,1944,12 -6745,1,0,2018,30 -6746,1,0,1200,21 -6749,1,0,1340,19 -6750,1,1,0400,377 -6751,1,0,1635,16 -6757,1,0,0350,28 -6758,1,0,1730,12 -6759,1,0,2251,28 -6760,1,0,1550,21 -6763,1,0,1842,6 -6764,1,0,1749,37 -6766,1,0,1703,22 -6767,1,0,1455,69 -6768,1,4,0625,79 -6769,1,0,1613,17 -6772,1,0,2207,21 -6774,1,1,0012,5 -6775,1,0,1730,21 -6776,1,0,0558,14 -6777,1,0,1700,20 -6778,1,0,1835,26 -6779,1,0,1853,34 -6781,1,0,1449,31 -6784,1,0,1404,23 -6786,1,0,1925,23 -6787,1,0,1453,14 -6790,1,0,1230,20 -6791,1,0,2010,26 -6792,1,0,1515,13 -6793,1,0,1050,27 -6795,1,0,1744,23 -6796,1,0,2149,19 -6797,1,0,1121,16 -6797,2,0,2002,29 -6797,3,2,0412,29 -6797,4,3,0430,22 -6797,5,3,2202,20 -6798,1,0,2026,16 -6799,1,0,1543,26 -6800,1,0,1545,30 -6802,1,0,1627,34 -6803,1,0,2145,15 -6804,1,0,0840,45 -6805,1,1,0045,31 -6810,1,0,1654,18 -6814,1,0,2110,88 -6815,1,0,1645,16 -6816,1,0,1903,31 -6817,1,0,1550,5 -6819,1,0,1934,20 -6820,1,0,1540,23 -6821,1,0,0608,9 -6823,1,0,2205,14 -6824,1,0,2346,19 -6825,1,0,1349,7 -6826,1,0,1757,23 -6827,1,0,1824,15 -6827,2,1,0806,9 -6828,1,0,2245,13 -6829,1,0,1110,14 -6830,1,0,1818,23 -6830,2,1,0420,22 -6830,3,1,1430,13 -6837,1,0,1428,18 -6838,1,0,1805,20 -6841,1,0,1244,281 -6842,1,0,1749,38 -6843,1,0,2001,16 -6846,1,0,2132,19 -6847,1,0,1435,32 -6848,1,0,2109,13 -6849,1,0,1803,10 -6851,1,0,1843,6 -6853,1,0,0110,10 -6856,1,0,2133,69 -6859,1,0,1931,19 -6860,1,0,1021,134 -6860,2,2,1450,55 -6860,3,3,0420,53 -6861,1,0,2150,30 -6861,2,1,0646,44 -6863,1,0,1133,16 -6864,1,0,1835,19 -6865,1,0,0858,652 -6867,1,0,0352,48 -6869,1,0,0824,31 -6871,1,0,2355,22 -6873,1,0,0908,79 -6874,1,0,1521,92 -6877,1,0,0045,18 -6881,1,0,2000,35 -6882,1,0,0703,64 -6882,2,1,0653,48 -6884,1,0,2014,5 -6886,1,0,0050,49 -6888,1,0,0941,15 -6894,1,0,2155,52 -6895,1,0,2145,18 -6897,1,0,1821,27 -6898,1,0,1853,100 -6900,1,0,2054,38 -6904,1,0,1600,33 -6904,2,3,0630,20 -6905,1,0,1855,18 -6909,1,0,1229,33 -6910,1,0,1430,18 -6910,2,0,2220,15 -6913,1,0,1647,25 -6915,1,0,0816,50 -6916,1,0,2045,29 -6917,1,0,1802,19 -6918,1,0,2140,28 -6920,1,0,1715,23 -6920,2,1,0719,22 -6921,1,0,1530,29 -6922,1,0,1817,138 -6923,1,0,1756,29 -6924,1,0,1439,38 -6926,1,0,1138,184 -6926,2,1,0347,50 -6926,3,2,0311,46 -6926,4,3,0410,38 -6926,5,4,0432,28 -6927,1,0,1540,205 -6928,1,0,2000,10 -6930,1,0,1845,11 -6931,1,0,1838,38 -6936,1,0,1715,16 -6937,1,0,1430,36 -6939,1,0,1655,36 -6940,1,0,0624,36 -6942,1,0,1904,31 -6944,1,0,1307,18 -6946,1,0,1846,478 -6947,1,0,1652,19 -6948,1,0,1249,38 -6949,1,0,1821,53 -6957,1,0,1143,16 -6960,1,0,1628,47 -6960,2,1,1026,40 -6964,1,0,2000,17 -6965,1,0,1544,5 -6966,1,0,1900,25 -6967,1,1,0012,24 -6969,1,0,2220,33 -6970,1,0,2038,31 -6972,1,0,1210,27 -6973,1,0,1057,47 -6976,1,0,1412,30 -6980,1,0,2130,22 -6981,1,0,1925,25 -6982,1,0,2206,2 -6984,1,0,1810,34 -6985,1,0,1820,11 -6986,1,0,2350,24 -6987,1,0,1420,20 -6988,1,0,1619,43 -6989,1,0,2050,331 -6992,1,0,1650,17 -6992,2,1,0557,17 -6992,3,5,0543,16 -6995,1,0,1415,57 -6996,1,0,1720,17 -6998,1,0,1703,35 -7000,1,0,2335,87 -7000,2,1,0645,75 -7001,1,0,1801,43 -7001,2,1,0421,53 -7001,3,1,0955,47 -7004,1,0,1629,13 -7005,1,0,0242,62 -7006,1,0,2300,32 -7008,1,0,1904,318 -7008,2,1,0610,253 -7009,1,0,1950,16 -7010,1,0,0016,17 -7011,1,0,1816,26 -7017,1,0,2355,2 -7017,2,1,0100,2 -7020,1,0,2328,145 -7020,2,1,0500,125 -7021,1,0,1344,43 -7022,1,0,2126,5 -7023,1,0,1846,24 -7024,1,0,0140,15 -7025,1,0,1520,13 -7026,1,0,1920,29 -7028,1,0,0155,18 -7030,1,0,2325,24 -7031,1,0,1925,26 -7031,2,1,0410,26 -7032,1,0,2113,11 -7034,1,0,1515,16 -7034,2,3,1008,16 -7035,1,0,1704,14 -7037,1,0,2109,5 -7042,1,0,1418,77 -7043,1,0,1942,13 -7044,1,0,0140,13 -7046,1,0,0955,15 -7047,1,0,2108,10 -7051,1,1,0105,22 -7053,1,0,2300,34 -7057,1,0,0921,55 -7058,1,0,1420,30 -7060,1,0,1526,15 -7061,1,0,2054,14 -7061,2,4,0035,10 -7062,1,0,0915,16 -7063,1,0,1000,14 -7066,1,0,0947,36 -7067,1,1,0011,171 -7067,2,1,2135,106 -7067,3,4,0631,46 -7067,4,6,0606,61 -7068,1,0,1045,14 -7069,1,0,2110,103 -7070,1,0,2341,17 -7071,1,0,1942,49 -7071,2,2,0400,101 -7074,1,0,1545,22 -7075,1,0,1305,23 -7078,1,0,1300,150 -7079,1,0,2235,21 -7083,1,0,2242,17 -7084,1,0,1220,24 -7087,1,0,1940,73 -7091,1,0,1657,21 -7092,1,0,2000,16 -7093,1,0,1748,28 -7095,1,0,1630,10 -7096,1,0,1845,27 -7102,1,0,1630,17 -7103,1,0,0618,14 -7104,1,0,1903,109 -7105,1,0,1640,10 -7109,1,0,1540,38 -7113,1,0,1718,5 -7114,1,0,1934,20 -7115,1,0,1748,7 -7117,1,0,1141,33 -7119,1,0,1507,22 -7123,1,0,1850,20 -7124,1,0,0034,15 -7126,1,0,0851,23 -7127,1,0,0853,19 -7129,1,0,2235,16 -7130,1,0,1608,23 -7132,1,0,0440,368 -7136,1,0,1815,136 -7136,2,1,0220,83 -7136,3,1,0805,63 -7136,4,2,0330,45 -7137,1,1,0006,24 -7138,1,0,0020,18 -7143,1,0,1119,16 -7145,1,0,1000,30 -7146,1,0,1820,26 -7150,1,0,0736,17 -7150,2,0,1351,19 -7150,3,0,1924,23 -7150,4,1,0323,33 -7150,5,1,1614,40 -7151,1,1,0000,11 -7151,2,2,0540,3 -7153,1,0,2137,29 -7154,1,0,1935,46 -7157,1,0,1424,202 -7159,1,0,2120,2 -7162,1,0,1915,22 -7163,1,0,2005,28 -7166,1,0,1400,22 -7167,1,0,1936,18 -7169,1,0,1445,84 -7170,1,0,1429,119 -7171,1,0,1807,97 -7171,2,1,0401,74 -7173,1,0,0930,522 -7174,1,0,1128,5 -7175,1,0,0940,17 -7178,1,0,2023,30 -7181,1,0,2120,16 -7182,1,0,2358,903 -7184,1,0,1836,22 -7185,1,0,1807,22 -7186,1,0,2045,136 -7188,1,0,1703,168 -7188,2,1,1100,101 -7190,1,0,1506,15 -7195,1,0,2030,131 -7199,1,1,0004,28 -7200,1,0,1213,23 -7202,1,0,2126,17 -7203,1,0,0910,25 -7205,1,0,1227,27 -7207,1,0,0843,18 -7208,1,0,2256,14 -7209,1,0,1111,53 -7210,1,0,1454,17 -7213,1,0,2030,15 -7214,1,2,0600,162 -7215,1,0,1350,197 -7215,2,0,1519,203 -7215,3,0,1815,176 -7215,4,0,2130,187 -7215,5,1,0030,186 -7217,1,0,0810,87 -7217,2,2,0555,33 -7217,3,7,0002,60 -7218,1,0,2107,38 -7220,1,0,2131,14 -7221,1,0,2028,28 -7222,1,0,1845,5 -7223,1,0,1641,15 -7225,1,0,0810,149 -7226,1,0,2250,16 -7227,1,0,1744,174 -7227,2,0,2323,118 -7227,3,2,0354,71 -7227,4,6,0440,32 -7228,1,0,1202,685 -7228,2,0,1635,681 -7228,3,1,0405,455 -7231,1,0,1704,20 -7232,1,0,1601,29 -7234,1,0,1840,20 -7235,1,0,2230,9 -7237,1,0,0217,22 -7238,1,0,2120,23 -7240,1,0,1501,33 -7243,1,0,1452,12 -7244,1,0,2114,26 -7246,1,0,1913,28 -7247,1,0,0919,28 -7248,1,0,1519,58 -7248,3,2,0020,73 -7249,1,0,1740,16 -7251,1,0,0026,20 -7252,1,0,1948,225 -7252,2,1,1323,144 -7253,1,0,2240,15 -7254,1,0,1845,16 -7255,1,0,2030,92 -7256,1,0,1400,17 -7257,1,0,1918,42 -7258,1,0,1011,61 -7258,2,1,1502,46 -7259,1,0,1539,74 -7261,1,0,2250,24 -7263,1,0,1755,11 -7264,1,1,0030,19 -7265,1,0,2240,18 -7266,1,0,0437,107 -7266,2,1,1116,85 -7267,1,0,2000,23 -7269,1,0,2034,26 -7270,1,0,2315,65 -7271,1,1,0237,117 -7271,2,1,1050,92 -7274,1,0,1839,25 -7274,2,1,0553,30 -7275,1,0,1838,16 -7276,1,0,0703,23 -7276,2,1,0510,25 -7276,3,1,0635,30 -7276,4,6,0530,34 -7276,5,0,0204,22 -7277,1,0,1252,15 -7278,1,0,1505,24 -7279,1,0,1505,36 -7281,1,0,1700,16 -7284,1,0,1542,10.4 -7287,1,0,2230,20 -7288,1,0,2227,536 -7288,2,1,0220,377 -7292,1,1,0030,20 -7295,1,0,0920,13 -7297,1,0,2131,22 -7300,1,0,1913,16 -7302,1,0,1712,105 -7302,2,1,0407,69 -7303,1,0,1826,15 -7304,1,0,1300,65 -7304,2,5,1930,28 -7305,1,0,0818,20 -7306,1,0,0121,27 -7308,1,0,1748,22 -7311,1,0,1110,29 -7312,1,0,1605,15 -7313,1,0,1712,32 -7314,1,0,1302,20 -7315,1,0,1722,17 -7316,1,0,1614,19 -7318,1,0,1946,45 -7319,1,0,2005,18 -7320,1,0,2210,11 -7321,1,0,1942,11 -7323,1,0,1917,2 -7327,1,0,1000,176 -7328,1,0,2258,20 -7329,1,0,1000,26 -7332,1,0,2000,122 -7334,1,0,1457,35 -7335,1,0,1904,13 -7337,1,0,1753,23 -7341,1,0,2110,32 -7342,1,0,2130,44 -7343,1,0,1621,44 -7344,1,0,2144,34 -7347,1,0,2220,101 -7347,2,0,2133,111 -7348,1,0,2155,9 -7349,1,0,1255,13 -7353,1,1,0110,33 -7356,1,0,1945,20 -7357,1,0,2247,20 -7360,1,0,0533,23 -7361,1,0,2348,1179 -7361,2,1,0225,1503 -7362,1,0,2210,14 -7363,1,0,1530,29 -7366,1,0,2102,4 -7367,1,0,2230,15 -7367,2,1,0415,21 -7367,3,2,0330,85 -7367,4,2,0845,138 -7367,5,2,1250,151 -7368,1,0,1652,62 -7374,1,0,1900,19 -7382,1,0,2150,634 -7383,1,0,1603,120 -7383,2,1,2003,55 -7383,3,1,2109,56 -7383,4,2,0558,51 -7383,5,3,0545,43 -7384,1,0,1550,22 -7386,1,0,1855,25 -7388,1,0,1114,12 -7389,1,0,1830,15 -7389,2,1,0438,42 -7392,1,0,1811,11 -7394,1,0,1221,102 -7398,1,0,1149,2 -7400,1,0,1512,21 -7401,1,0,1746,12 -7402,1,0,1910,15 -7403,1,0,1358,22 -7404,1,0,1326,29 -7406,1,0,1817,10 -7407,1,0,1255,24 -7408,1,0,2214,33 -7409,1,0,1924,13 -7410,1,0,1437,15 -7414,1,0,1458,12 -7415,1,0,0413,23 -7416,1,0,1835,75 -7417,1,0,2205,22 -7418,1,0,1820,43 -7420,1,0,1625,17 -7421,1,0,1037,93 -7423,1,0,1731,10 -7425,1,0,2200,20 -7426,1,0,1802,72 -7426,2,0,2205,71 -7426,3,1,0214,63 -7426,4,1,0628,59 -7426,5,1,1800,52 -7427,1,0,1816,41 -7428,1,0,0727,12 -7429,1,0,2115,20 -7429,2,2,0915,16 -7434,1,0,1242,35 -7436,1,0,2011,15 -7436,2,1,0130,110 -7436,3,1,0416,114 -7436,4,2,0330,104 -7436,5,3,0400,82 -7438,1,0,0253,26 -7440,1,0,1205,30 -7442,1,0,1610,32 -7443,1,0,2053,33 -7445,1,0,1814,14 -7446,1,4,1333,10 -7447,1,0,2135,29 -7449,1,0,1927,41 -7450,1,0,1910,8 -7451,1,0,2250,19 -7455,1,1,1204,138 -7455,2,2,0505,117 -7455,3,2,1805,102 -7455,4,3,0640,95 -7455,5,4,0625,81 -7456,1,0,1349,15 -7458,1,0,1715,20 -7460,1,0,1827,20 -7462,1,0,1738,37 -7464,1,0,1600,16 -7466,1,0,1916,48 -7467,1,0,0739,11 -7468,1,0,2103,29 -7469,1,0,1850,14 -7471,1,0,1651,23 -7472,1,0,2244,21 -7473,1,0,1725,20 -7474,1,0,1730,116 -7475,1,0,2315,22 -7478,1,0,1823,32 -7478,2,1,0400,41 -7478,3,7,0400,52 -7483,1,0,2153,25 -7484,1,0,2124,31 -7486,1,0,0817,167 -7486,2,0,1750,118 -7486,3,7,0539,30 -7487,1,1,0140,31 -7488,1,0,1740,27 -7489,1,0,1800,20 -7490,1,0,1724,37 -7491,1,0,1457,19 -7493,1,0,1623,55 -7493,2,0,1720,48 -7495,1,0,1458,31 -7496,1,0,2137,20 -7499,1,0,1450,32 -7503,1,0,1040,16 -7504,1,0,0230,34 -7507,1,0,0252,21 -7508,1,0,1629,26 -7509,1,0,1525,14 -7510,1,0,2010,18 -7512,1,0,1341,20 -7513,1,0,1858,14 -7515,1,0,1829,49 -7517,1,0,1503,28 -7517,2,0,2321,19 -7517,3,1,0754,22 -7517,4,2,1350,36 -7517,5,3,0656,27 -7518,1,0,2112,88 -7518,2,1,0431,61 -7518,3,2,0513,999 -7520,1,0,2015,17 -7521,1,0,1849,10 -7522,1,0,1516,13 -7524,1,0,2215,49 -7524,2,1,0953,45 -7525,1,0,1759,32 -7526,1,0,1853,29 -7527,1,0,1718,14 -7528,1,0,2348,14 -7528,2,1,0549,10 -7531,1,0,1940,408 -7532,1,0,1250,648 -7532,2,0,1800,406 -7532,3,0,1902,391 -7532,4,1,2000,395 -7532,5,2,0430,372 -7533,1,0,1920,48 -7537,1,0,2112,45 -7538,1,0,1620,38 -7539,1,0,2340,28 -7540,1,0,1605,40 -7540,2,1,0419,33 -7540,3,5,0514,16 -7542,1,0,2117,20 -7543,1,0,1831,229 -7547,1,0,1145,42 -7549,1,0,1002,53 -7551,1,1,0117,19 -7552,1,0,0616,22 -7554,1,0,0200,21 -7556,1,0,1438,16 -7558,1,0,1643,19 -7560,1,0,1330,26 -7563,1,0,2218,23 -7564,1,0,0829,58 -7566,1,0,1110,33 -7567,1,0,1854,45 -7568,1,0,2020,122 -7568,2,1,0405,96 -7570,1,0,1816,15 -7572,1,0,1428,25 -7573,1,0,2113,16 -7575,1,0,1325,498 -7575,2,3,1610,66 -7577,1,0,1056,12 -7578,1,0,1745,17 -7579,1,0,0845,19 -7581,1,0,1757,25 -7582,1,0,1714,75 -7583,1,0,1759,20 -7584,1,1,0126,23 -7585,1,-1,2140,12 -7587,1,0,1339,8 -7589,1,0,2106,18 -7590,1,1,0005,15 -7591,1,0,1550,84 -7594,1,0,1740,16 -7598,1,0,1258,13 -7600,1,0,1830,20 -7601,1,0,1400,41 -7602,1,0,1830,79 -7602,2,1,1056,62 -7604,1,0,2100,19 -7607,1,0,1224,19 -7608,1,0,1857,216 -7610,1,0,1117,33 -7611,1,0,0240,315 -7612,1,0,2214,48 -7613,1,0,2121,25 -7614,1,0,1728,250 -7616,1,0,2050,126 -7616,2,1,0420,99 -7620,1,0,0425,21 -7624,1,0,1714,20 -7625,1,0,0408,22 -7627,1,0,1534,19 -7628,1,0,1120,42 -7629,1,0,1630,350 -7630,1,0,1657,64 -7631,1,0,2114,45 -7632,1,0,2054,26 -7633,1,0,1630,50 -7636,1,0,1650,142 -7637,1,0,2035,9 -7639,1,0,2100,19 -7641,1,0,1845,128 -7641,2,1,2205,71 -7643,1,0,0924,526 -7643,2,1,0400,361 -7644,1,0,1824,18 -7645,1,0,2330,17 -7647,1,0,1546,88 -7648,1,0,2100,22 -7649,1,0,1521,30 -7651,1,0,1005,179 -7651,2,1,0630,105 -7653,1,0,2045,18 -7656,1,0,1415,16 -7657,1,0,2138,38 -7658,1,0,1515,83 -7660,1,0,1620,176 -7660,2,1,0926,101 -7661,1,0,2102,14 -7663,1,0,2149,14 -7664,1,0,1522,2 -7667,1,0,1949,27 -7669,1,0,2001,38 -7671,1,0,2112,10 -7673,1,0,1714,30 -7675,1,0,1457,29 -7676,1,0,1557,38 -7678,1,0,1736,18 -7679,1,0,2035,18 -7680,1,0,1620,35 -7683,1,0,2316,23 -7684,1,0,1857,17 -7686,1,0,2134,135 -7687,1,0,1649,25 -7688,1,0,1959,16 -7689,1,0,0505,32 -7690,1,0,2336,9 -7691,1,0,2118,6 -7694,1,0,1802,38 -7695,1,0,1646,24 -7696,1,0,2017,83 -7696,2,1,1110,45 -7698,1,0,1550,31 -7699,1,0,1716,23 -7702,1,0,2130,16 -7706,1,0,1550,24 -7707,1,0,1909,20 -7708,1,1,0120,9 -7709,1,0,2245,192 -7710,1,0,2033,16 -7711,1,0,2200,34 -7711,2,1,0712,27 -7712,1,0,1133,46 -7713,1,0,2025,18 -7714,1,0,1820,22 -7715,1,1,0045,33 -7716,1,0,1957,22 -7717,1,0,1849,41 -7719,1,0,2234,34 -7720,1,0,1332,16 -7721,1,0,2155,24 -7723,1,0,2118,13 -7724,1,0,1358,24 -7725,1,0,1220,27 -7726,1,0,1717,19 -7727,1,0,0323,8 -7729,1,0,1858,64 -7729,2,6,0915,23 -7733,1,0,1335,31 -7739,1,0,1045,31 -7740,1,0,0930,15 -7742,1,0,1831,17 -7743,1,0,1700,55 -7743,2,1,0000,67 -7743,3,1,0530,46 -7744,1,0,1750,31 -7745,1,0,1743,25 -7746,1,0,2125,15 -7747,1,0,0430,321 -7748,1,0,1556,292 -7750,1,0,1845,36 -7752,1,0,1930,18 -7753,1,0,1850,32 -7754,1,0,1200,25 -7755,1,0,1407,30 -7756,1,0,1035,17 -7757,1,0,2230,17 -7759,1,0,1702,21 -7761,1,0,2059,14 -7764,1,0,1636,12 -7766,1,1,0055,27 -7767,1,0,2013,36 -7770,1,0,1137,19 -7772,1,0,1340,14 -7775,1,0,0453,26 -7776,1,0,2121,22 -7777,1,0,1139,22 -7779,1,0,1650,10 -7783,1,0,1643,24 -7786,1,0,2057,26 -7789,1,0,2054,21 -7790,1,0,1500,33 -7791,1,0,1536,36 -7792,1,0,2104,6 -7796,1,0,0920,23 -7799,1,0,1950,65 -7800,1,0,1738,21 -7801,1,0,1516,13 -7802,1,0,1217,51 -7803,1,0,1007,20 -7804,1,0,1730,38 -7805,1,0,1745,20 -7806,1,0,2250,17 -7808,1,0,1320,6 -7809,1,0,1436,24 -7812,1,0,1342,38 -7813,1,0,1617,9 -7815,1,0,1948,102 -7816,1,0,1900,65 -7817,1,0,1906,44 -7822,1,0,0145,17 -7823,1,0,1613,18 -7825,1,0,1314,127 -7827,1,0,1828,28 -7828,1,0,2044,18 -7829,1,0,1338,15 -7832,1,0,2121,13 -7832,2,1,0441,15 -7832,3,1,1814,16 -7832,4,2,0640,14 -7832,5,3,0647,15 -7833,1,0,2037,16 -7836,1,1,0115,14 -7837,1,0,1951,13 -7838,1,0,1744,217 -7838,2,1,0251,243 -7843,1,0,1052,14 -7848,1,0,1509,49 -7849,1,0,1532,74 -7851,1,0,1951,25 -7853,1,0,1854,526 -7853,2,1,0430,381 -7854,1,0,1850,75 -7857,1,0,0039,26 -7857,2,0,0605,21 -7859,1,0,2052,93 -7859,2,0,2154,92 -7859,3,1,0500,50 -7860,1,0,0031,37 -7862,1,0,1925,18 -7863,1,0,1848,14 -7864,1,0,1911,14 -7865,1,1,0128,23 -7866,1,0,1425,28 -7868,1,0,1510,99 -7869,1,0,2103,21 -7870,1,0,2035,15 -7871,1,0,0746,35 -7872,1,0,2250,16 -7873,1,0,2251,21 -7873,2,1,0614,27 -7873,3,2,0549,30 -7873,4,4,0545,24 -7873,5,5,0709,24 -7877,1,0,2132,11 -7880,1,0,1050,18 -7881,1,0,1822,19 -7882,1,0,1739,17 -7883,1,0,2324,23 -7883,2,1,0657,20 -7885,1,0,2230,2 -7886,1,0,2024,18 -7887,1,0,2251,48 -7888,1,0,1618,17 -7888,2,0,2030,20 -7888,3,1,0626,16 -7888,4,2,0605,16 -7888,5,3,0625,32 -7890,1,0,2117,22 -7891,1,0,1413,21 -7892,1,0,2259,19 -7893,1,0,2215,18 -7896,1,0,1337,62 -7898,1,0,1339,40 -7899,1,0,0334,59 -7900,1,0,2000,15 -7902,1,0,1649,15 -7903,1,0,1658,134 -7904,1,0,1930,19 -7905,1,0,1506,3 -7907,1,0,1609,13 -7910,1,0,1614,19 -7911,1,0,1730,19 -7912,1,0,1810,12 -7913,1,0,0418,27 -7914,1,0,1830,96 -7914,2,1,0155,76 -7916,1,0,2001,9 -7920,1,0,2044,10 -7922,1,0,2300,42 -7923,1,0,1613,10 -7925,1,0,1530,27 -7926,1,0,0248,109 -7926,2,0,1200,86 -7926,3,0,1740,74 -7927,1,0,1725,23 -7928,1,0,2000,43 -7928,2,1,1446,38 -7929,1,0,1711,41 -7930,1,0,0830,25 -7933,1,0,1815,17 -7937,1,0,1759,14 -7937,2,0,1941,16 -7938,1,0,1655,156 -7939,1,0,1815,22 -7939,2,5,0313,27 -7940,1,0,2000,54 -7941,1,0,1850,59 -7942,1,0,1600,21 -7944,1,0,1801,16 -7945,1,0,1841,5 -7949,1,0,1840,13 -7950,1,0,1820,36 -7951,1,0,1425,20 -7953,1,0,1640,16 -7954,1,0,2025,91 -7957,1,0,1156,34 -7961,1,0,1634,13 -7962,1,0,1617,25 -7963,1,0,2328,16 -7965,1,0,2238,22 -7966,1,0,2310,15 -7968,1,0,2000,24 -7969,1,0,2240,28 -7970,1,0,0140,43 -7971,1,0,2040,18 -7972,1,0,2138,136 -7974,1,0,1825,20 -7974,2,0,1900,19 -7975,1,0,2142,24 -7978,1,0,1756,18 -7979,1,0,1828,18 -7981,1,0,1523,17 -7983,1,0,2206,30 -7985,1,0,1820,21 -7986,1,0,1441,18 -7988,1,0,0300,38 -7990,1,0,2112,5 -7995,1,0,0629,39 -7998,1,0,1701,33 -7999,1,0,2032,21 -7999,2,0,2206,17 -7999,3,0,2327,23 -7999,4,1,0421,22 -7999,5,1,1541,22 -8000,1,0,0934,15 -8002,1,0,1815,32 -8003,1,0,1612,51 -8005,1,0,2146,21 -8006,1,0,1626,35 -8008,1,0,1605,13 -8009,1,0,2055,19 -8010,1,0,2010,37 -8011,1,0,0200,77 -8013,1,0,1950,24 -8013,2,0,2120,23 -8014,1,0,1655,25 -8016,1,0,1815,43 -8017,1,0,2215,309 -8021,1,0,0816,19 -8023,1,0,2013,5 -8031,1,0,2314,16 -8032,1,0,2110,680 -8032,2,5,0200,94 -8033,1,0,1530,19 -8034,1,0,1658,24 -8036,1,0,1926,27 -8037,1,0,2054,17 -8037,2,1,1744,15 -8039,1,0,1928,36 -8041,1,1,0515,19 -8042,1,0,0716,257 -8042,2,0,1307,204 -8042,3,0,1705,204 -8042,4,0,2113,176 -8042,5,1,0144,155 -8043,1,0,0940,17 -8044,1,0,0936,15 -8045,1,0,2028,17 -8046,1,0,1801,20 -8048,1,0,2010,6 -8049,1,0,0934,33 -8050,1,0,2106,175 -8051,1,0,2030,28 -8054,1,0,2026,20 -8058,1,0,1258,14 -8059,1,0,1850,14 -8060,1,0,1651,15 -8061,1,0,1948,28 -8061,2,1,0600,25 -8065,1,0,0537,20 -8067,1,1,0219,15 -8072,1,0,2345,26 -8073,1,0,2320,18 -8074,1,0,2141,9 -8075,1,0,0150,32 -8078,1,0,1912,36 -8080,1,0,1234,17 -8081,1,0,1112,16 -8083,1,0,1745,58 -8084,1,0,1809,3 -8085,1,0,1747,23 -8086,1,0,2144,11 -8087,1,0,0159,39 -8088,1,0,1835,28 -8089,1,1,1600,33 -8090,1,0,0235,18 -8091,1,0,1305,52 -8094,1,0,1105,6 -8096,1,0,0050,5 -8097,1,0,1721,28 -8099,1,0,1738,5 -8100,1,0,1842,27 -8101,1,0,1233,16 -8103,1,0,1615,19 -8106,1,0,1854,12 -8107,1,0,1859,272 -8107,2,1,0201,170 -8107,3,1,0945,149 -8109,1,0,1810,21 -8110,1,0,2305,21 -8112,1,0,2040,57 -8113,1,0,2035,10 -8117,1,0,0856,13 -8118,1,0,2214,30 -8119,1,0,1448,34 -8120,1,0,1638,38 -8121,1,0,2146,24 -8122,1,0,1617,52 -8123,1,0,1745,14 -8124,1,0,1750,376 -8124,2,1,0350,183 -8126,1,0,2031,2 -8129,1,0,1817,11 -8130,1,0,2048,24 -8131,1,0,2200,17 -8133,1,0,1742,18 -8141,1,2,0435,11 -8142,1,0,1933,2 -8143,1,0,1357,44 -8147,1,0,1408,12 -8149,1,0,1011,91 -8151,1,0,1010,84 -8154,1,0,1932,51 -8155,1,0,0155,15 -8156,1,1,0048,18 -8157,1,0,1804,19 -8158,1,0,1811,30 -8159,1,0,1942,38 -8159,2,1,0433,32 -8160,1,0,2242,24 -8160,2,1,1612,27 -8161,1,0,1955,31 -8162,1,0,1954,24 -8163,1,0,1852,34 -8164,1,0,2120,165 -8164,2,1,1139,167 -8165,1,0,1710,36 -8166,1,0,2105,22 -8167,1,0,1535,63 -8169,1,0,1633,98 -8170,1,0,1505,24 -8172,1,0,1908,47 -8175,1,0,1653,241 -8175,2,1,0427,153 -8175,3,2,0612,106 -8175,4,3,0543,74 -8175,5,4,0551,59 -8177,1,0,1836,20 -8179,1,0,2030,37 -8182,1,0,2345,21 -8183,1,0,1905,20 -8186,1,0,1720,18 -8187,1,0,1819,71 -8191,1,0,1205,13 -8192,1,0,2210,429 -8192,2,1,0200,281 -8192,3,2,0400,74 -8192,4,3,0330,39 -8192,5,4,1242,27 -8194,1,0,1605,43 -8194,2,6,0807,42 -8196,1,0,1745,21 -8197,1,0,2010,23 -8198,1,1,1700,5 -8201,1,0,0115,9 -8203,1,0,2137,27 -8204,1,0,1750,17 -8208,1,0,1521,17 -8209,1,0,1458,20 -8210,1,0,2018,20 -8212,1,0,1758,135 -8212,2,1,0428,96 -8213,1,0,1920,34 -8214,1,0,2206,24 -8216,1,0,1327,26 -8220,1,0,1826,209 -8221,1,0,1420,138 -8222,1,0,1557,17 -8222,2,0,2106,16 -8223,1,0,1819,27 -8225,1,0,1455,13 -8227,1,0,1530,28 -8228,1,0,1742,140 -8228,2,1,0419,99 -8233,1,0,2158,29 -8234,1,0,1746,31 -8237,1,0,1815,34 -8237,2,0,2015,19 -8238,1,0,2010,23 -8239,1,0,2320,25 -8240,1,0,0235,5 -8241,1,0,1338,45 -8242,1,0,2100,26 -8245,1,0,1611,60 -8248,1,0,2217,11 -8249,1,0,1140,143 -8249,2,2,2313,38 -8252,1,0,2115,22 -8254,1,0,2325,96 -8255,1,0,1644,55 -8256,1,0,2304,25 -8257,1,0,1446,41 -8257,2,1,1701,44 -8258,1,0,1628,17 -8260,1,0,2106,476 -8260,2,1,0630,313 -8261,1,0,1300,113 -8262,1,0,1005,140 -8262,2,0,1130,87 -8262,3,1,0002,60 -8262,4,1,2049,79 -8262,5,2,0541,78 -8266,1,1,0049,271 -8266,2,1,1805,250 -8267,1,0,2202,17 -8268,1,0,2035,16 -8272,1,0,2223,29 -8273,1,0,1300,13 -8274,1,0,1148,17 -8275,1,0,0840,25 -8278,1,0,2014,21 -8279,1,0,2135,15 -8280,1,0,1249,25 -8281,1,0,1910,36 -8281,2,1,0917,41 -8283,1,0,1303,867 -8286,1,0,1530,30 -8288,1,0,0110,38 -8288,2,0,0245,32 -8288,3,6,0230,179 -8289,1,0,0922,25 -8291,1,0,1212,17 -8292,1,0,2222,14 -8293,1,0,1800,17 -8293,2,1,1300,8 -8294,1,0,1715,30 -8295,1,0,2035,18 -8298,1,0,1350,131 -8299,1,0,0920,153 -8302,1,0,1825,19 -8303,1,0,2045,13 -8304,1,0,1920,15 -8305,1,0,2004,13 -8306,1,0,0624,14 -8309,1,0,1527,20 -8310,1,0,1615,26 -8310,2,1,0700,23 -8311,1,0,2143,21 -8312,1,0,1500,17 -8314,1,1,0004,14 -8314,2,4,1640,18 -8315,1,0,1857,20 -8317,1,0,1830,88 -8318,1,0,1830,25 -8320,1,0,1812,49 -8321,1,0,1743,17 -8322,1,0,2025,371 -8322,2,1,0420,301 -8322,3,3,0540,307 -8323,1,0,1920,33 -8324,1,0,1800,19 -8326,1,0,1049,94 -8328,1,0,1825,16 -8329,1,0,2045,30 -8331,1,0,1935,20 -8334,1,0,1402,11 -8335,1,0,1704,37 -8337,1,1,0005,20 -8339,1,0,2043,59 -8340,1,0,1639,112 -8341,1,0,1415,44 -8346,1,0,1606,2 -8348,1,0,2220,12 -8349,1,0,1840,33 -8350,1,0,1400,29 -8351,1,1,0001,14 -8354,1,0,1620,20 -8358,1,1,0600,117 -8360,1,0,1650,12 -8361,1,1,1520,108 -8361,2,1,2045,120 -8361,3,2,0320,132 -8362,1,0,2345,9 -8363,1,0,1640,51 -8366,1,2,0707,37 -8368,1,0,1546,422 -8369,1,1,0105,18 -8370,1,0,1507,13 -8372,1,1,0220,40 -8375,1,0,0301,59 -8377,1,1,0137,47 -8379,2,1,0930,43 -8386,1,1,0125,42 -8386,2,4,0400,22 -8386,3,5,0430,32 -8389,1,0,1137,31 -8389,2,1,0850,27 -8391,1,0,1300,21 -8392,1,0,1745,18 -8393,1,0,1533,28 -8397,1,0,1330,23 -8398,1,0,1528,18 -8399,1,0,1555,13 -8400,1,0,1440,20 -8401,1,0,2039,21 -8401,2,1,0621,20 -8402,1,0,1930,17 -8403,1,0,2055,59 -8404,1,0,2327,28 -8405,1,0,0704,33 -8409,1,0,1631,8 -8410,1,0,2000,14 -8411,1,0,0158,23 -8413,1,0,2258,17 -8417,1,0,2000,16 -8419,1,0,1745,10 -8420,1,0,1825,33 -8422,1,0,2019,91 -8424,1,0,2239,17 -8425,1,0,0125,21 -8425,2,1,0410,7 -8428,1,0,1730,22 -8428,2,0,1847,34 -8428,3,1,0815,32 -8428,4,1,2146,32 -8429,1,0,1615,28 -8430,1,0,1602,51 -8431,1,0,2001,24 -8432,1,0,2107,17 -8435,1,0,1911,29 -8436,1,0,1449,17 -8436,2,0,1702,6 -8438,1,0,2153,18 -8438,2,1,0423,19 -8438,3,2,0709,21 -8439,1,0,2201,11 -8443,1,0,1208,23 -8446,1,0,1700,42 -8450,1,0,1703,45 -8451,1,0,1247,341 -8451,2,1,0332,185 -8451,3,2,0540,156 -8451,4,3,0417,115 -8451,5,4,0454,90 -8452,1,0,1940,14 -8453,1,0,1731,18 -8455,1,0,1545,23 -8455,2,1,1230,15 -8455,3,4,1030,44 -8457,1,0,1930,13 -8458,1,0,0753,4020 -8458,2,1,0400,2169 -8460,1,0,1120,16 -8461,1,0,0927,19 -8462,1,0,1326,261 -8466,1,0,1830,29 -8467,1,0,1700,19 -8469,1,0,0943,24 -8474,1,0,1727,28 -8475,1,0,1707,27 -8476,1,0,1550,18 -8477,1,0,1517,15 -8481,1,0,2243,31 -8481,2,1,0800,34 -8482,1,0,0714,19 -8483,1,0,0643,16 -8485,1,0,1412,16 -8488,1,0,1749,61 -8488,2,1,0130,61 -8488,3,1,0347,62 -8488,4,1,0455,56 -8488,5,2,0400,41 -8489,1,0,2125,72 -8489,2,1,0755,66 -8491,1,0,1805,12 -8492,1,0,2123,16 -8493,1,0,0735,19 -8493,2,0,1021,16 -8493,3,3,0839,28 -8493,4,4,1652,29 -8493,5,5,2309,30 -8495,1,0,2315,43 -8496,1,0,0300,22 -8498,1,0,1520,68 -8499,1,0,2211,22 -8500,1,0,2020,37 -8501,1,1,2100,336 -8501,2,1,0025,174 -8501,3,1,0240,213 -8502,1,0,2137,11 -8506,1,0,2312,17 -8507,1,0,2306,21 -8508,1,0,0330,15 -8509,1,0,1850,84 -8510,1,0,1646,17 -8512,1,0,1817,55 -8513,1,0,2031,23 -8516,1,0,1200,71 -8517,1,0,1640,15 -8518,1,0,1426,20 -8520,1,0,0424,5 -8522,1,0,1351,27 -8523,1,0,1914,21 -8530,1,0,1316,20 -8532,1,0,2145,17 -8535,1,0,1335,23 -8541,1,0,1816,25 -8542,1,0,1800,19 -8543,1,0,1550,15 -8545,1,0,2104,33 -8545,2,1,0113,36 -8546,1,0,2310,44 -8547,1,0,1945,224 -8547,2,1,0800,151 -8548,1,0,1328,17 -8548,2,1,0423,14 -8549,1,0,1734,15 -8551,1,4,1440,10 -8553,1,0,1910,205 -8554,1,0,0324,24 -8555,1,0,1700,70 -8555,2,1,0020,74 -8555,3,1,0556,69 -8557,1,0,2237,23 -8558,1,0,1930,18 -8560,1,0,0552,24 -8561,1,0,1955,47 -8568,1,0,2030,32 -8571,1,0,2028,22 -8573,1,1,0121,23 -8574,2,0,1644,165 -8574,3,1,0739,127 -8574,4,2,1659,102 -8576,1,0,1540,2 -8577,1,0,2210,26 -8578,1,0,1325,32 -8579,1,0,1435,15 -8580,1,0,1940,21 -8581,1,0,2240,19 -8583,1,0,1740,13 -8584,1,0,1845,27 -8587,1,0,1841,48 -8588,1,0,2248,24 -8589,1,0,1730,11 -8590,1,0,0538,15 -8594,1,0,1753,19 -8599,1,0,2113,7 -8601,1,0,1622,46 -8602,1,0,2314,24 -8604,1,0,2153,17 -8609,1,0,1427,31 -8610,1,0,1754,17 -8611,1,0,1510,201 -8611,2,1,0627,125 -8611,3,2,0528,73 -8611,4,3,0553,57 -8611,5,4,0547,40 -8613,1,0,0302,17 -8615,1,0,2225,27 -8616,1,0,1354,20 -8616,2,1,0400,19 -8616,3,2,0400,15 -8616,4,4,0425,9 -8616,5,5,0400,19 -8617,1,0,1548,54 -8618,1,0,1350,29 -8620,1,0,1422,27 -8621,1,1,0016,101 -8622,1,0,1658,31 -8626,1,0,1050,27 -8628,1,0,1955,187 -8629,1,0,2053,11 -8630,1,0,0824,39 -8633,1,0,1546,24 -8634,1,0,1827,19 -8636,1,0,1056,31 -8640,1,0,1926,21 -8643,1,0,1544,13 -8646,1,0,1805,29 -8647,1,0,1753,20 -8648,1,0,2131,5 -8649,1,1,0500,23 -8651,1,0,1200,19 -8653,1,0,1830,39 -8654,1,0,2343,24 -8656,1,0,2015,21 -8657,1,0,2002,355 -8660,1,0,2108,133 -8660,2,1,0608,83 -8661,1,0,2126,3 -8664,1,0,1939,21 -8665,1,0,2050,23 -8666,1,0,2056,10 -8667,1,0,1503,73 -8668,1,0,1816,28 -8669,1,0,1920,78 -8669,2,1,0605,71 -8670,1,0,1951,20 -8673,1,1,0100,24 -8674,1,0,1317,16 -8675,1,0,2133,35 -8676,1,0,1250,20 -8677,1,0,1545,16 -8679,1,0,2101,11 -8680,1,0,1600,13 -8683,1,0,1852,19 -8688,1,0,0930,22 -8690,1,0,2155,28 -8692,1,0,1510,42 -8693,1,0,2101,33 -8694,1,0,1722,29 -8695,1,0,1932,29 -8696,1,0,0740,32 -8697,1,0,1230,17 -8698,1,0,1638,37 -8699,1,0,2004,56 -8699,2,0,2108,55 -8704,1,0,2300,363 -8704,2,1,0440,356 -8704,3,2,0409,981 -8704,4,3,0429,906 -8704,5,4,0405,625 -8705,1,0,1208,22 -8708,1,0,1924,24 -8709,1,0,1340,23 -8714,1,0,1410,22 -8714,2,2,0350,26 -8715,1,0,2019,25 -8720,1,0,0836,24 -8721,1,0,1239,26 -8722,1,0,1753,20 -8725,1,1,0140,45 -8725,2,2,0100,34 -8725,3,3,0230,28 -8725,4,4,0130,23 -8728,2,2,0025,29 -8728,3,2,0415,26 -8728,4,3,0415,22 -8729,1,0,1926,101 -8729,2,1,1235,62 -8730,1,0,2140,35 -8732,1,0,1430,40 -8734,1,0,1423,18 -8736,1,0,2028,13 -8738,1,0,1609,23 -8739,1,0,1918,14 -8740,1,0,2059,14 -8743,1,0,2205,19 -8747,1,0,1447,18 -8748,1,0,1756,23 -8750,1,0,1230,161 -8751,1,0,2230,21 -8752,1,0,1132,32 -8754,1,0,0310,341 -8754,2,0,0725,393 -8754,3,0,1245,402 -8754,4,1,0400,775 -8754,5,1,1220,1067 -8755,1,0,1345,19 -8756,1,0,2100,27 -8757,1,0,0328,18 -8758,1,0,2032,13 -8759,1,0,0035,482 -8760,1,0,1400,55 -8764,1,0,2020,21 -8765,1,0,1533,18 -8766,1,0,1410,18 -8769,1,0,0230,28 -8771,1,0,1830,15 -8772,1,0,2359,15 -8774,1,0,2100,51 -8775,1,0,2224,41 -8778,1,0,2009,32 -8779,1,0,1650,68 -8782,1,0,1840,20 -8783,1,0,1318,58 -8784,1,0,1100,39 -8786,1,0,1540,53 -8787,1,0,2120,21 -8788,1,0,2353,17 -8790,1,0,1653,62 -8791,1,0,1900,26 -8792,1,0,1958,12 -8793,1,0,1810,21 -8796,1,0,2158,22 -8797,1,0,1119,26 -8798,1,0,1631,31 -8800,1,0,1720,21 -8802,1,0,0601,23 -8803,1,0,2056,31 -8805,1,0,1735,14 -8807,1,0,0203,29 -8808,1,0,1947,23 -8811,1,0,0320,242 -8811,2,4,0825,180 -8812,1,0,1615,21 -8814,1,0,1849,22 -8817,1,0,1501,51 -8817,2,1,0610,38 -8818,1,0,1537,64 -8820,1,0,1332,23 -8821,1,1,0605,61 -8821,2,0,2035,85 -8825,1,0,1602,20 -8826,1,0,2058,38 -8827,1,0,1701,6 -8828,1,0,1941,12 -8829,1,0,1614,38 -8830,1,0,2112,40 -8831,1,0,2213,37 -8832,1,0,1033,37 -8837,1,0,2100,25 -8838,1,0,1932,11 -8839,1,0,0705,32 -8840,1,0,1746,32 -8844,1,0,1750,18 -8845,1,0,1937,14 -8846,1,0,2030,16 -8848,1,1,0430,18 -8851,1,0,2100,31 -8851,2,1,1056,30 -8852,1,0,1902,28 -8853,1,0,1732,15 -8854,1,0,0110,108 -8856,1,0,1243,26 -8857,1,0,2000,12 -8859,1,1,0545,67 -8863,1,0,1730,18 -8865,1,0,1611,12 -8866,1,0,1605,78 -8866,2,0,2140,72 -8867,1,0,1745,18 -8868,1,0,1250,32 -8870,1,0,2209,13 -8872,1,0,2145,12 -8874,1,1,0058,14 -8875,1,0,1615,15 -8875,2,0,1822,17 -8878,1,0,0114,34 -8881,1,0,1150,18 -8884,1,0,1316,13 -8885,1,0,1528,31 -8885,2,1,0736,20 -8886,1,0,1955,18 -8887,1,0,1925,12 -8889,1,0,0246,42 -8890,1,1,0002,20 -8891,1,0,1550,20 -8893,1,0,1310,19 -8894,1,0,1447,48 -8895,1,0,1958,32 -8896,1,0,1554,13 -8897,1,0,1721,27 -8901,1,0,2010,11 -8905,1,0,0724,20 -8908,1,0,1706,20 -8908,2,0,1752,23 -8910,1,0,0730,49 -8911,1,0,0215,33 -8912,1,0,2133,17 -8913,1,0,1820,26 -8914,1,1,0015,17 -8915,1,0,1930,24 -8916,1,0,1825,21 -8918,1,0,1930,343 -8919,1,0,2022,8 -8920,1,0,1825,16 -8920,2,1,0736,16 -8922,1,0,2139,335 -8922,2,1,0410,269 -8922,3,1,1159,243 -8922,4,2,0420,194 -8923,1,0,1430,17 -8926,1,0,1519,20 -8927,1,0,2030,18 -8929,1,0,0453,15 -8930,1,0,1720,878 -8931,1,2,0621,56 -8932,1,0,2338,29 -8934,1,0,2325,28 -8935,1,0,1628,37 -8936,1,0,1523,66 -8938,1,0,1510,16 -8941,1,0,1616,14 -8942,1,0,1841,20 -8944,1,0,0350,25 -8946,1,0,1942,15 -8946,2,0,2127,11 -8948,1,0,1520,29 -8949,1,0,1800,28 -8953,1,0,1625,14 -8954,1,0,1641,15 -8955,1,0,1700,20 -8956,1,0,1728,17 -8960,1,0,1433,54 -8961,1,0,1315,12 -8962,1,0,1722,42 -8963,1,0,1000,19 -8965,1,0,2105,9 -8966,1,0,2130,56 -8967,1,0,2158,20 -8970,1,0,1827,28 -8971,1,0,1324,24 -8976,1,0,1620,13 -8976,2,5,0030,7 -8978,1,1,0037,30 -8982,1,0,1205,26 -8984,1,0,1750,30 -8986,1,0,2201,18 -8987,1,0,1820,22 -8988,1,0,1750,15 -8990,1,0,1915,56 -8991,1,0,1246,27 -8993,1,1,1200,30 -8995,1,0,2120,17 -8997,1,0,1620,19 -8999,1,0,1702,17 -9002,1,0,1755,106 -9004,1,0,1750,133 -9005,1,0,1240,16 -9006,1,0,1250,2 -9006,2,0,1610,27 -9006,3,1,0414,23 -9006,4,2,0258,24 -9006,5,3,0318,24 -9010,1,0,1826,20 -9011,1,0,1430,23 -9012,1,0,1728,55 -9012,2,1,0551,38 -9013,1,0,2315,66 -9014,1,0,2048,61 -9014,2,0,2145,63 -9015,1,0,0957,14 -9016,1,0,1637,18 -9021,1,0,0206,27 -9023,1,0,1525,32 -9024,1,0,1952,19 -9024,2,0,2236,20 -9026,1,0,1959,115 -9026,2,0,2306,117 -9026,3,1,0546,67 -9026,4,2,0556,57 -9026,5,3,0607,44 -9028,1,0,2209,9 -9028,2,1,0017,21 -9034,1,0,1335,20 -9035,1,0,1427,19 -9037,1,0,1520,46 -9037,2,6,1015,20 -9039,1,0,1451,38 -9042,1,0,0832,16 -9043,1,0,1411,29 -9044,1,0,0730,8 -9045,1,0,1947,4 -9046,1,0,2345,17 -9047,1,0,0056,6 -9048,1,0,1320,15 -9049,1,0,1750,18 -9050,1,0,1134,12 -9051,1,0,2051,17 -9052,1,0,1734,63 -9052,2,1,0334,52 -9052,3,2,0603,32 -9052,4,2,1540,32 -9053,1,0,1729,18 -9054,1,0,1519,18 -9056,1,0,2203,2 -9057,1,0,1950,33 -9057,2,1,0659,30 -9059,1,1,0058,18 -9062,1,0,0940,25 -9065,1,0,1500,111 -9066,1,0,1840,22 -9069,1,0,1644,27 -9070,1,0,2000,19 -9072,1,0,1215,65 -9072,2,0,1449,79 -9072,3,1,0345,75 -9072,4,2,0340,67 -9072,5,3,0330,56 -9073,1,0,2219,12 -9077,1,0,2250,36 -9078,1,0,0200,87 -9078,2,0,0915,66 -9080,1,0,1816,32 -9083,1,0,1651,77 -9083,2,2,1921,50 -9086,1,0,1145,25 -9087,1,0,1355,56 -9088,1,0,1345,18 -9090,1,0,1643,40 -9091,1,0,1314,32 -9093,1,0,2319,56 -9095,1,0,2043,26 -9096,1,0,1454,17 -9097,1,0,1619,28 -9098,1,0,1125,16 -9100,1,0,2202,20 -9101,1,0,1915,24 -9102,1,0,2215,4 -9103,1,0,2345,12 -9104,1,0,2011,14 -9109,1,0,2132,42 -9110,1,0,2030,18 -9111,1,0,1625,22 -9112,1,0,1750,94 -9116,1,1,0403,144 -9117,1,0,2200,31 -9117,2,1,1000,31 -9117,3,1,1405,33 -9118,1,0,1946,19 -9118,2,1,0300,23 -9118,3,2,0200,18 -9121,1,0,1950,21 -9122,1,0,2035,34 -9126,1,1,0037,33 -9130,1,0,1230,14 -9131,1,0,1447,25 -9134,1,0,1639,48 -9135,1,0,2111,69 -9136,1,0,1545,24 -9138,1,0,1020,11 -9138,2,1,0525,8 -9141,1,0,0958,21 -9142,1,0,2141,21 -9143,1,0,2020,611 -9145,1,0,1820,57 -9149,1,0,1440,32 -9150,1,0,1940,2 -9152,1,0,0425,39 -9153,1,0,1340,20 -9154,1,1,0130,17 -9155,1,0,0729,14 -9156,1,0,1500,12 -9158,1,0,1045,15 -9161,1,0,1345,13 -9162,1,0,2035,13 -9165,1,0,2313,24 -9166,1,0,2040,66 -9166,2,1,1023,48 -9170,1,0,0400,13 -9171,1,0,2113,24 -9173,1,0,0914,28 -9173,2,0,1104,25 -9174,1,0,2157,5 -9177,1,0,1650,16 -9178,1,0,2008,555 -9178,2,1,0355,467 -9179,1,0,1410,24 -9181,1,0,2245,13 -9184,1,0,1740,27 -9185,1,0,2250,18 -9186,1,0,2028,23 -9187,1,0,2050,220 -9188,1,0,1719,35 -9191,1,0,2026,21 -9193,1,0,1450,15 -9194,1,0,1814,19 -9197,1,0,1005,19 -9197,2,1,0600,17 -9201,1,0,0140,8 -9202,1,0,2115,23 -9203,1,0,1606,2602 -9203,2,1,0400,1354 -9203,3,2,0400,714 -9204,1,0,2046,32 -9206,1,0,1817,143 -9207,1,0,1540,33 -9208,1,0,2315,16 -9210,1,0,1812,3 -9214,1,0,1921,14 -9216,1,0,1809,115 -9216,2,1,1809,74 -9216,3,3,1135,44 -9217,1,0,2000,19 -9218,1,0,1051,32 -9219,1,0,2020,125 -9220,1,0,0050,12 -9220,2,0,0750,8 -9221,1,0,2145,16 -9222,1,0,1341,44 -9224,1,0,0750,126 -9224,2,1,0800,71 -9224,3,2,0842,52 -9225,1,0,1440,21 -9226,1,0,1105,11 -9227,1,0,1915,171 -9230,1,1,0715,57 -9230,2,1,0610,59 -9233,1,0,1151,43 -9235,1,0,1941,19 -9236,1,0,1536,19 -9237,1,0,1145,202 -9238,1,0,1734,17 -9239,1,0,1800,13 -9240,1,0,2007,17 -9242,1,0,1643,26 -9243,1,0,2225,26 -9245,1,0,0547,16 -9245,2,1,0343,20 -9246,1,0,2039,33 -9246,2,1,0213,31 -9248,1,0,0921,36 -9251,1,0,1615,24 -9256,1,0,1652,34 -9260,1,0,1705,24 -9262,1,0,1353,17 -9265,1,0,1650,17 -9266,1,0,1055,12 -9268,1,0,1802,11 -9270,1,0,1614,31 -9271,1,0,1600,32 -9272,1,0,1557,45 -9273,1,0,1859,20 -9276,1,0,0958,21 -9277,1,0,1655,31 -9279,1,0,1916,49 -9280,1,0,2245,26 -9282,1,0,0912,36 -9282,2,1,0626,31 -9282,3,1,0924,29 -9283,1,0,2247,15 -9284,1,0,2125,15 -9285,1,0,1820,529 -9285,2,1,0456,337 -9286,1,0,1214,33 -9289,1,0,1352,33 -9289,2,0,1418,33 -9293,1,0,1739,40 -9294,1,0,1450,36 -9295,1,0,0442,32 -9295,2,0,1836,46 -9296,1,0,1747,30 -9298,1,0,0941,52 -9298,2,3,0718,26 -9299,1,0,1632,9 -9300,1,0,1225,275 -9300,2,1,0448,2121 -9300,3,2,0425,5675 -9300,4,3,0358,2665 -9300,5,3,1150,2229 -9302,1,1,0054,19 -9303,1,1,0111,20 -9306,1,0,1854,31 -9307,1,1,0034,14 -9308,1,0,2012,12 -9309,1,0,2153,27 -9310,1,0,0850,108 -9312,1,0,1922,5 -9313,1,0,2129,47 -9314,1,0,1650,18 -9315,1,1,0845,208 -9315,3,1,1900,144 -9315,4,2,0400,153 -9315,5,3,0555,114 -9316,1,0,1915,14 -9318,1,0,1645,33 -9319,1,1,0220,22 -9320,1,0,1355,8 -9321,1,0,2036,89 -9323,1,0,1616,222 -9323,2,0,2235,199 -9323,3,1,0606,158 -9323,4,1,1148,153 -9329,1,0,1125,18 -9331,1,0,2343,12 -9332,1,0,2253,16 -9335,1,0,2120,45 -9336,1,0,2052,318 -9336,2,1,1130,197 -9339,1,0,1536,22 -9340,1,0,1530,24 -9343,1,1,0800,9 -9343,2,5,1440,23 -9346,1,0,2345,9 -9347,1,1,1130,21 -9348,1,0,1301,41 -9350,1,0,1350,21 -9351,1,0,1840,12 -9352,1,0,1525,15 -9353,1,0,1740,21 -9354,1,0,1500,89 -9354,2,1,0630,59 -9355,1,1,0842,29 -9357,1,0,1600,25 -9358,1,0,2140,30 -9361,1,0,1526,19 -9365,1,0,1421,29 -9366,1,0,0105,17 -9369,1,0,0020,34 -9370,1,0,1950,44 -9374,1,1,0215,12 -9375,1,0,1016,30 -9376,1,0,1938,33 -9376,2,1,0630,36 -9377,1,0,1320,2 -9380,1,0,1753,75 -9382,1,0,1245,40 -9383,1,0,1740,38 -9386,1,0,1356,24 -9390,1,0,1132,12 -9392,1,0,2054,25 -9393,1,1,0813,10 -9396,1,0,1510,55 -9397,1,0,1910,18 -9398,1,0,1515,33 -9399,1,0,0301,37 -9399,2,0,2122,35 -9403,1,0,1753,28 -9404,1,0,1529,18 -9405,1,0,1429,17 -9406,1,0,2035,20 -9407,1,0,2048,17 -9409,1,0,1851,20 -9410,1,0,2340,17 -9411,1,0,1925,19 -9412,1,0,1657,23 -9413,1,0,1835,42 -9414,1,0,1859,21 -9415,1,0,2300,77 -9415,2,1,0230,55 -9415,3,1,1530,47 -9415,4,2,0330,50 -9415,5,2,1600,40 -9416,1,0,1540,17 -9417,1,0,1234,67 -9418,1,0,1755,18 -9420,1,2,0330,45 -9423,1,0,1758,32 -9426,1,0,0445,9 -9427,1,0,1838,49 -9429,1,0,1458,10 -9432,1,0,2140,9 -9432,2,3,0844,63 -9433,1,0,1222,20 -9434,1,0,1204,26 -9435,1,0,1659,29 -9438,1,0,1913,31 -9439,1,0,1428,24 -9440,1,1,0000,19 -9443,1,0,1825,20 -9444,1,0,1944,187 -9447,1,0,1750,999 -9449,1,0,1630,23 -9451,1,0,1623,18 -9452,1,0,1712,13 -9457,1,0,2055,28 -9458,1,0,1607,18 -9459,1,1,0143,25 -9460,1,0,1942,24 -9462,1,0,1815,26 -9464,1,0,1750,112 -9466,1,0,1250,38 -9468,1,0,1200,15 -9470,1,0,1615,19 -9473,1,0,2055,26 -9475,1,0,1906,61 -9476,1,0,0403,34 -9477,1,0,2327,23 -9478,1,0,1601,32 -9479,1,0,1926,21 -9480,1,0,1700,100 -9482,1,0,1745,26 -9486,1,0,1820,28 -9488,1,0,2140,42 -9493,1,0,2208,49 -9495,1,0,1647,17 -9498,1,0,1750,34 -9502,1,0,0916,34 -9504,1,0,1918,49 -9506,1,0,0408,18 -9507,1,0,1250,45 -9511,1,0,1853,11 -9514,1,0,1457,21 -9517,1,0,0316,18 -9518,1,0,2130,9 -9521,1,0,2200,51 -9521,2,3,0205,49 -9521,3,3,0635,50 -9521,4,3,0950,45 -9521,5,3,1430,44 -9522,1,0,2015,38 -9523,1,0,0249,7 -9524,1,0,1638,21 -9526,1,0,1929,38 -9527,1,0,1733,19 -9529,1,0,1947,25 -9530,1,0,1445,26 -9535,1,0,0944,27 -9536,1,0,1637,23 -9538,1,0,2230,14 -9539,1,0,2135,11 -9540,1,0,1848,13 -9540,2,1,0757,16 -9541,1,0,1726,6 -9542,1,0,1634,59 -9546,1,0,0827,17 -9547,1,0,1339,35 -9548,1,0,1640,15 -9550,1,0,1501,22 -9558,1,0,2231,23 -9559,1,0,1015,18 -9560,1,0,1827,26 -9563,1,0,1505,19 -9566,1,0,1158,33 -9567,1,0,1655,23 -9569,1,0,2249,380 -9569,2,1,0845,288 -9570,1,0,2157,46 -9571,1,0,1600,41 -9572,1,0,2049,6 -9573,1,0,1522,12 -9575,1,0,1321,9 -9576,1,0,2215,28 -9576,2,1,0705,23 -9581,1,0,1912,23 -9581,2,1,1128,22 -9583,1,0,1921,19 -9584,1,1,0115,18 -9586,1,0,1732,13 -9590,1,0,1320,28 -9591,1,0,1945,26 -9592,1,0,0900,34 -9593,1,0,2330,21 -9594,1,0,1904,30 -9595,1,0,2154,43 -9596,1,0,1836,93 -9597,1,0,2145,18 -9599,1,0,1355,162 -9601,1,0,1721,20 -9603,1,0,2047,31 -9609,1,0,1555,17 -9611,1,0,2301,27 -9612,1,0,1705,33 -9615,1,0,2130,55 -9615,2,1,0020,93 -9615,3,1,0234,135 -9618,1,0,1845,34 -9620,1,0,1621,9 -9622,1,0,0447,26 -9623,1,0,1946,20 -9626,1,0,2138,17 -9627,1,1,0555,374 -9627,2,2,0420,193 -9627,3,5,0630,92 -9627,4,4,0530,86 -9627,5,3,0603,148 -9628,1,0,1649,29 -9630,1,0,1910,12 -9632,1,0,2027,22 -9633,1,0,1740,19 -9634,1,0,1830,11 -9635,1,0,1915,55 -9636,1,0,2225,22 -9636,2,2,0130,19 -9637,1,0,2150,22 -9638,1,0,2214,36 -9641,1,0,1408,11 -9642,1,1,0708,76 -9643,1,0,2022,15 -9644,1,0,2210,19 -9645,1,0,1819,22 -9646,1,0,2207,18 -9647,1,0,2050,16 -9648,1,0,1718,15 -9649,1,0,2215,27 -9652,1,0,2252,14 -9653,1,0,0900,21 -9654,1,0,1140,26 -9655,1,0,1154,2 -9657,1,0,2044,150 -9658,1,0,2215,35 -9659,1,0,1850,73 -9661,1,0,0052,18 -9663,1,0,0954,55 -9664,1,0,2008,199 -9664,2,1,0606,95 -9665,1,0,2350,17 -9666,1,0,2243,20 -9667,1,0,1942,11 -9668,1,0,1436,19 -9669,1,0,1035,19 -9672,1,0,0031,39 -9673,1,0,1640,13 -9674,1,0,1510,31 -9675,1,0,1345,571 -9676,1,0,1116,17 -9677,1,0,2313,16 -9678,1,0,1420,737 -9678,2,1,0945,576 -9678,3,2,0150,447 -9679,1,0,2243,18 -9680,1,0,0015,16 -9681,1,0,0808,31 -9682,1,0,2300,76 -9683,1,0,1950,51 -9685,1,0,1825,29 -9688,1,0,0750,28 -9692,1,0,1925,21 -9694,1,0,1615,9 -9697,1,0,1632,30 -9699,1,0,1238,19 -9700,1,0,1905,16 -9701,1,1,0310,18 -9701,2,2,0426,9 -9703,1,1,0128,34 -9704,1,0,1851,19 -9706,1,0,1700,16 -9707,1,0,1625,26 -9708,1,0,1825,36 -9709,1,0,1931,16 -9710,1,0,2130,20 -9711,1,0,1726,15 -9712,1,0,2037,26 -9713,1,0,1625,21 -9714,1,0,1745,68 -9715,1,0,1448,24 -9717,1,0,0050,33 -9718,1,0,1907,40 -9719,1,0,1234,39 -9722,1,0,1437,23 -9725,1,0,1730,22 -9726,1,0,1705,33 -9729,1,0,2224,20 -9730,1,0,1257,24 -9730,2,0,1843,19 -9730,3,1,1513,17 -9731,1,0,1930,18 -9731,2,3,1433,24 -9732,1,0,1255,21 -9733,1,0,1928,20 -9734,1,0,1540,55 -9735,1,0,2033,34 -9736,1,0,1500,19 -9741,1,0,0110,41 -9741,2,0,0243,33 -9741,3,1,0018,26 -9741,4,1,0622,25 -9742,1,0,1516,82 -9743,1,1,0600,17 -9750,1,0,0937,13 -9751,1,0,2204,120 -9751,2,1,0005,107 -9751,3,1,0455,90 -9756,1,0,1343,53 -9758,1,0,1717,16 -9760,1,0,0922,14 -9763,1,0,1904,16 -9765,1,0,1810,18 -9766,1,0,2119,8 -9768,1,0,1350,20 -9769,1,0,1416,66 -9770,1,0,1735,16 -9771,1,0,2144,11 -9771,2,1,1638,21 -9772,1,0,1901,24 -9773,1,0,1654,23 -9775,1,0,2215,119 -9776,1,0,1325,13 -9778,1,0,2207,14 -9779,1,0,2056,19 -9780,1,0,2300,19 -9781,1,0,1755,35 -9782,1,0,1720,19 -9785,1,0,1815,16 -9786,1,1,0600,13 -9787,1,0,0249,164 -9788,1,0,1328,21 -9788,2,6,0200,21 -9788,3,7,0035,20 -9790,1,0,0156,20 -9792,1,0,1042,16 -9796,1,0,1703,25 -9801,1,0,2125,177 -9802,1,0,1530,17 -9802,2,1,0743,13 -9803,1,0,1420,33 -9804,1,0,1549,90 -9805,1,0,2119,32 -9806,1,0,2012,10 -9809,1,0,1120,511 -9809,2,1,0705,446 -9811,1,1,0055,19 -9813,1,1,0450,7 -9815,1,0,0901,20 -9818,1,0,1500,27 -9820,1,0,2120,19 -9821,1,0,1625,25 -9822,1,0,2330,153 -9822,2,1,1116,108 -9823,1,1,0045,14 -9824,1,0,2116,19 -9826,1,0,1544,34 -9827,1,1,0045,16 -9829,1,0,2131,33 -9830,1,0,2034,15 -9835,1,0,1311,40 -9836,1,0,2130,16 -9838,1,0,1910,30 -9839,1,0,1600,68 -9840,1,0,0226,10 -9841,1,0,1541,36 -9841,2,0,2149,31 -9841,3,1,0631,27 -9842,1,0,1506,28 -9843,1,0,1855,86 -9844,1,0,1644,13 -9845,1,0,0949,3 -9847,1,0,1850,21 -9848,1,0,1428,22 -9850,1,0,2237,2 -9852,1,0,1312,82 -9852,2,0,1744,36 -9852,3,1,1109,33 -9853,1,0,1631,13 -9854,1,0,1120,24 -9855,1,0,0530,37 -9856,1,0,1845,14 -9858,1,0,0834,14 -9859,1,1,0012,20 -9861,1,0,1930,123 -9862,1,0,2155,18 -9865,1,0,2200,30 -9866,1,0,0955,18 -9868,1,1,0020,8 -9870,1,0,0903,79 -9870,2,1,0352,56 -9871,1,0,1930,17 -9872,1,0,1949,36 -9873,1,0,1225,19 -9874,1,0,1906,14 -9876,1,0,1750,776 -9880,1,0,2201,16 -9881,1,0,2024,15 -9883,1,0,0258,11 -9884,1,0,2025,15 -9885,1,0,1826,30 -9886,1,0,2058,26 -9887,1,1,0347,272 -9888,1,0,1331,23 -9889,1,1,1410,13 -9892,1,0,2115,18 -9893,1,0,1116,20 -9895,1,0,1920,15 -9896,1,0,1232,16 -9899,1,5,0915,31 -9899,2,6,0140,43 -9900,1,0,2209,46 -9903,1,0,1804,15 -9904,1,0,2325,21 -9906,1,0,2155,62 -9907,1,0,1648,10 -9909,1,0,1451,36 -9910,1,0,2006,14 -9911,1,0,1203,27 -9913,1,0,2120,25 -9913,2,2,0550,22 -9913,3,5,1110,14 -9914,1,0,1520,20 -9915,1,0,1834,21 -9919,1,0,2120,25 -9920,1,0,2015,17 -9921,1,0,1620,27 -9923,1,1,0123,15 -9925,1,0,2339,18 -9927,1,0,1821,19 -9928,1,0,1120,56 -9929,1,0,1754,175 -9932,1,0,1630,35 -9933,1,0,1435,22 -9934,1,0,1558,20 -9936,1,1,0042,11 -9940,1,0,1754,19 -9941,1,0,0011,50 -9944,1,0,1838,14 -9945,1,1,0100,210 -9946,1,0,2102,35 -9947,1,0,1850,345 -9947,2,0,2130,318 -9947,3,1,0345,239 -9948,1,0,2010,35 -9949,1,0,2225,24 -9950,1,0,0300,44 -9953,1,0,2116,18 -9954,1,0,2040,11 -9958,1,0,1155,81 -9958,2,0,1620,39 -9959,1,0,1730,28 -9961,1,0,1749,24 -9962,1,1,1330,32 -9963,1,0,1645,23 -9964,1,0,1635,32 -9967,1,0,1855,37 -9968,1,0,1538,9 -9969,1,0,1811,10 -9970,1,0,2018,18 -9971,1,0,1629,55 -9974,1,1,0001,26 -9976,1,0,2003,7 -9977,1,0,1305,35 -9978,1,0,1721,40 -9980,1,0,1340,14 -9981,1,0,1826,24 -9984,1,0,1650,12 -9985,1,0,1355,22 -9988,1,0,2053,39 -9990,1,0,1925,43 -9992,1,0,1023,21 -9992,2,1,2101,14 -9995,1,0,1650,17 -9996,1,0,2128,36 -9998,1,0,0204,33 -9999,1,0,2024,29 -10000,1,0,0720,111 -10000,2,0,1040,96 -10001,1,0,2138,26 -10002,1,0,2130,55 -10002,2,1,0605,36 -10003,1,0,2025,20 -10004,1,0,0112,5 -10006,1,0,2118,24 -10007,1,0,1637,22 -10009,1,0,1900,6 -10010,1,1,0000,23 -10014,1,0,1725,24 -10015,1,0,1825,24 -10016,1,0,1746,18 -10017,1,0,1536,35 -10019,1,0,0335,22 -10020,1,0,2053,24 -10020,2,1,0809,17 -10021,1,0,2215,10 -10026,1,0,1835,16 -10028,1,0,1418,11 -10030,1,0,1835,13 -10032,1,0,1751,19 -10034,1,0,2140,41 -10035,1,0,1223,28 -10036,1,0,1310,26 -10039,1,0,2235,19 -10039,2,1,0040,20 -10042,1,0,1720,18 -10044,1,0,1505,179 -10045,1,0,1905,24 -10046,1,0,0940,17 -10047,1,0,1850,18 -10048,1,0,1801,34 -10052,1,0,0120,20 -10053,1,0,2250,28 -10054,1,0,2220,82 -10055,1,0,1846,14 -10055,2,1,0429,15 -10060,1,0,1355,17 -10061,1,0,1457,28 -10062,1,0,1643,14 -10063,1,0,0500,38 -10065,1,0,1945,21 -10066,1,0,1720,13 -10068,1,0,1426,52 -10070,1,0,1555,15 -10070,2,3,1604,11 -10071,1,0,1843,90 -10073,1,1,0011,25 -10073,2,1,0910,19 -10075,1,0,1826,42 -10077,1,0,1830,43 -10078,1,0,2126,10 -10080,1,1,0005,40 -10083,1,0,2020,592 -10083,2,1,0315,546 -10083,3,2,0430,434 -10083,4,3,0505,308 -10083,5,4,0623,224 -10084,1,0,1733,51 -10086,1,0,1300,35 -10087,1,0,0503,104 -10087,2,0,1712,77 -10089,1,0,1857,92 -10092,1,0,1950,38 -10093,1,0,1747,6076 -10093,2,1,0814,1653 -10093,3,3,0606,1591 -10093,4,4,0540,1257 -10093,5,5,0535,802 -10094,1,0,1520,26 -10095,1,0,1825,16 -10097,1,0,1755,38 -10098,1,0,1545,15 -10100,1,0,1049,22 -10100,2,1,0412,31 -10100,3,2,0603,28 -10101,1,0,2332,183 -10101,2,1,0530,164 -10102,1,0,2223,22 -10105,1,0,1057,21 -10106,1,0,2320,22 -10107,1,0,1955,43 -10110,1,0,1745,52 -10113,1,0,2010,15 -10114,1,0,1857,16 -10116,1,0,1620,13 -10117,1,0,2130,2 -10119,1,0,0810,19 -10121,1,0,0800,37 -10122,1,0,0958,8 -10123,1,0,1554,27 -10124,1,0,1751,37 -10124,2,0,2313,33 -10124,3,1,0151,32 -10126,1,0,2330,33 -10126,2,1,0750,38 -10127,1,1,0030,10 -10128,1,0,1243,11 -10129,1,0,2051,47 -10131,1,0,0110,15 -10132,1,0,0837,25 -10134,1,0,1917,20 -10135,1,1,0005,18 -10138,1,0,2022,17 -10139,1,0,1921,32 -10140,1,1,0011,13 -10144,1,0,2243,109 -10144,2,1,0630,90 -10145,1,0,1016,15 -10146,1,0,2343,16 -10150,1,0,1228,43 -10152,1,0,1720,17 -10153,1,0,1850,11 -10155,1,0,1928,25 -10156,1,0,2232,6 -10157,1,0,1340,20 -10158,1,0,1245,56 -10158,2,1,0430,49 -10160,1,0,1425,16 -10162,1,0,1700,61 -10163,1,0,1634,167 -10165,1,0,1141,36 -10166,1,0,1731,27 -10167,1,0,2154,20 -10170,1,0,1945,41 -10172,1,0,2024,19 -10174,1,0,1035,19 -10176,1,0,2235,12 -10181,1,0,2237,22 -10185,1,0,1330,21 -10186,1,0,1700,5 -10187,1,0,1518,20 -10190,1,1,0010,14 -10193,1,0,2210,2 -10196,1,1,0035,30 -10198,1,0,2219,42 -10199,1,0,1910,248 -10201,1,0,1900,18 -10202,1,0,0018,48 -10203,1,0,1534,13 -10205,1,0,1440,13 -10206,1,0,1602,14 -10207,1,0,1017,47 -10209,1,0,1800,10 -10210,1,0,0852,2 -10211,1,0,0920,27 -10211,2,0,1011,77 -10212,1,0,1459,76 -10212,2,1,2010,43 -10213,1,0,1440,26 -10213,2,1,0442,18 -10213,3,1,1123,20 -10213,4,2,1235,21 -10213,5,2,1427,24 -10214,1,0,1655,17 -10214,2,0,1815,14 -10214,3,1,0419,14 -10216,1,0,1555,17 -10217,1,0,1937,23 -10218,1,0,1643,15 -10219,1,0,1815,23 -10220,1,0,1717,25 -10221,1,0,2115,28 -10222,1,0,2034,28 -10222,2,1,0605,33 -10223,1,0,0721,27 -10225,1,2,0345,26 -10225,2,3,0354,22 -10225,3,4,0325,22 -10225,4,5,0330,18 -10225,5,6,0410,16 -10226,1,0,2026,28 -10228,1,0,1743,17 -10230,1,0,2123,27 -10231,1,0,2235,20 -10233,1,0,1526,24 -10235,1,0,0951,9 -10236,1,0,0254,13 -10238,1,0,1540,11 -10239,1,0,2222,21 -10241,1,1,0930,21 -10242,1,0,1623,32 -10243,1,0,2138,2 -10246,1,0,1846,19 -10247,1,0,1619,19 -10250,1,0,1551,33 -10255,1,0,1817,32 -10257,1,0,1710,24 -10258,1,0,1610,18 -10263,1,0,1830,31 -10264,1,0,2315,39 -10269,1,0,1711,37 -10270,1,0,1653,138 -10270,2,1,0015,106 -10272,1,0,2246,17 -10273,1,0,1513,12 -10274,1,0,1456,44 -10279,1,0,2122,16 -10280,1,0,1525,45 -10281,1,0,1710,28 -10283,1,0,1710,50 -10284,1,0,1748,47 -10285,1,0,2145,23 -10287,1,0,2030,13 -10288,1,0,2023,41 -10289,1,0,2102,79 -10289,2,7,0615,30 -10290,1,0,1850,28 -10291,1,0,0948,164 -10295,1,0,1835,119 -10295,2,1,0410,102 -10296,1,0,0201,19 -10297,1,0,1036,47 -10297,2,1,0803,67 -10298,1,0,2241,24 -10300,1,0,1005,1187 -10300,2,0,1542,957 -10300,3,1,0247,338 -10300,4,2,0507,340 -10300,5,2,1003,329 -10302,1,0,2139,56 -10303,1,0,2350,14 -10304,1,0,2317,31 -10305,1,0,1959,22 -10305,2,1,0340,18 -10306,1,0,1112,56 -10308,1,0,1303,50 -10309,1,0,1635,20 -10310,1,0,2105,14 -10312,1,3,0615,100 -10313,1,0,1409,18 -10314,1,1,0445,21 -10315,1,0,0751,29 -10318,1,0,1816,28 -10319,1,0,1618,19 -10320,1,0,2005,14 -10323,1,0,2153,24 -10325,1,0,1841,25 -10326,1,0,1645,21 -10331,1,0,1114,182 -10333,1,0,0957,1643 -10334,1,0,1741,18 -10335,1,0,2004,20 -10338,1,0,1251,30 -10339,1,0,2017,1384 -10339,2,2,1258,851 -10339,3,3,1246,556 -10342,1,0,2227,21 -10344,1,0,2032,11 -10346,1,0,2106,62 -10346,2,0,2240,57 -10346,3,1,0745,46 -10347,1,0,2359,32 -10348,1,0,0905,10 -10351,1,1,0730,369 -10353,1,0,1135,16 -10354,1,0,2230,15 -10357,1,0,1300,33 -10358,1,0,1734,25 -10359,1,0,2355,28 -10360,1,0,1935,27 -10363,1,0,1010,17 -10366,1,0,1850,25 -10368,1,0,1840,47 -10371,1,0,1349,27 -10372,1,0,1230,28 -10374,1,0,1431,13 -10376,1,0,1725,22 -10377,1,0,1655,17 -10379,1,0,2309,35 -10379,2,1,0645,32 -10383,1,0,1526,25 -10386,1,1,0313,16 -10388,1,0,2208,38 -10389,1,0,1934,11 -10390,1,0,1615,5 -10390,2,1,0828,27 -10391,1,0,1825,19 -10392,1,0,1835,128 -10394,1,0,1328,15 -10395,1,0,0125,13 -10396,1,0,1303,33 -10397,1,0,1930,17 -10398,1,0,1430,41 -10398,2,1,0600,34 -10400,1,0,1916,19 -10401,1,0,1553,21 -10402,1,0,0742,37 -10403,1,0,1958,31 -10405,1,0,1955,16 -10406,1,0,1040,6 -10407,1,0,1545,16 -10408,1,0,1530,20 -10409,1,0,0634,17 -10413,1,0,1150,135 -10417,1,0,1842,20 -10418,1,0,1700,14 -10420,1,0,1742,35 -10422,1,1,0001,2 -10423,1,0,2200,28 -10424,1,1,0113,24 -10425,1,0,1310,16 -10430,1,1,0013,26 -10431,1,0,1512,19 -10432,1,0,1155,26 -10433,1,0,1832,33 -10434,1,0,2121,130 -10435,1,0,2348,14 -10436,1,0,1754,36 -10440,1,0,1750,5 -10442,1,0,1925,25 -10445,1,1,1836,16 -10446,1,0,1615,29 -10448,1,0,1616,23 -10449,1,0,1930,28 -10450,1,0,1737,26 -10452,1,0,1630,36 -10454,1,0,1737,43 -10455,1,0,1815,27 -10458,1,0,1918,24 -10460,1,0,0545,73 -10460,2,0,1935,56 -10462,1,0,1830,12 -10465,1,0,1629,25 -10466,1,1,0141,19 -10467,1,0,1501,18 -10471,1,0,1710,18 -10472,1,0,2310,28 -10474,1,0,0509,19 -10474,2,0,2137,21 -10477,1,0,2029,16 -10484,1,0,1700,10 -10484,2,1,0400,42 -10484,3,3,0200,50 -10484,4,4,0420,118 -10485,1,0,1837,11 -10486,1,0,1845,31 -10488,1,1,0155,28 -10488,2,1,1447,28 -10489,1,0,1715,14 -10491,1,0,1842,2 -10493,1,0,2230,24 -10494,1,0,2150,16 -10496,1,1,0027,26 -10497,1,0,1730,51 -10499,1,0,1855,30 -10500,1,0,2055,23 -10502,1,0,2259,21 -10503,1,0,1715,42 -10505,1,0,1431,42 -10506,1,0,1909,22 -10507,1,0,2345,501 -10507,2,1,0600,390 -10507,3,2,0400,171 -10508,1,0,2212,45 -10509,1,0,1320,12 -10511,1,0,1729,15 -10512,1,0,1407,37 -10513,1,0,1651,13 -10515,1,0,0215,25 -10517,1,0,0315,15 -10520,1,0,1309,14 -10522,1,0,1903,19 -10522,2,1,1007,18 -10523,1,0,2150,22 -10524,1,0,1418,25 -10527,1,0,1712,15 -10529,1,0,2332,60 -10530,1,0,1750,23 -10533,1,0,0220,34 -10534,1,1,0115,19 -10535,1,0,1736,14 -10536,1,0,1643,44 -10538,1,0,1858,47 -10539,1,0,1910,27 -10540,1,0,1645,49 -10540,2,0,1805,69 -10542,1,0,1002,150 -10542,2,0,2025,129 -10542,3,1,0216,111 -10542,4,1,0923,102 -10545,1,0,2043,11 -10549,1,0,1523,19 -10550,1,0,1434,23 -10551,1,0,1446,7 -10557,1,0,2136,9 -10559,1,0,1437,31 -10560,1,0,1732,23 -10561,1,0,2113,17 -10563,1,0,1903,9 -10564,1,0,0929,23 -10565,1,0,1135,16 -10566,1,0,2142,73 -10566,2,1,0346,57 -10568,1,0,1530,54 -10568,2,5,1845,54 -10568,3,6,1346,50 -10568,4,7,1739,48 -10569,1,1,0055,21 -10571,1,0,0851,16 -10572,1,0,1905,14 -10574,1,0,0041,24 -10575,1,0,1330,2 -10575,2,2,0909,16 -10579,1,0,0220,13 -10580,1,0,1736,22 -10583,1,0,1923,5 -10584,1,0,0517,13 -10585,1,0,1750,32 -10587,1,0,2144,81 -10587,2,1,0407,132 -10588,1,0,2327,346 -10588,2,1,0453,343 -10589,1,0,1727,21 -10590,1,0,1343,10 -10594,1,0,1250,15 -10595,1,0,2136,26 -10596,1,0,1606,2 -10597,1,0,2206,12 -10600,1,0,1646,23 -10600,2,0,2211,21 -10600,3,1,0540,20 -10601,1,0,2149,28 -10602,1,0,1330,20 -10603,1,0,2050,23 -10604,1,0,1830,7 -10605,1,0,1556,18 -10606,1,0,1656,30 -10607,1,0,0920,21 -10608,1,0,2123,12 -10613,1,0,1900,25 -10614,1,0,1534,35 -10617,1,0,1245,7 -10619,1,0,1748,89 -10621,1,0,1708,6 -10622,1,0,2007,10 -10623,1,0,0214,38 -10624,1,0,0440,19 -10625,1,0,0733,39 -10626,1,0,1800,27 -10627,1,0,1300,16 -10628,1,0,1740,41 -10629,1,0,1954,24 -10632,1,1,0932,12 -10636,1,0,0837,46 -10637,1,0,0950,39 -10638,1,0,2355,38 -10638,2,1,1224,43 -10639,1,0,2245,23 -10641,1,0,2057,431 -10641,2,1,0436,398 -10641,3,2,0500,188 -10642,1,0,1115,12 -10643,1,0,1223,528 -10643,2,1,0335,598 -10644,1,0,1938,25 -10645,1,0,2225,7 -10645,2,1,0840,17 -10646,1,0,2113,16 -10647,1,0,1701,25 -10653,1,0,2105,26 -10656,1,0,2205,43 -10658,1,0,1915,26 -10659,1,0,1300,21 -10660,1,0,1938,15 -10661,1,0,1400,38 -10668,1,0,1955,16 -10669,1,0,1601,17 -10671,1,0,2130,21 -10671,2,1,0605,28 -10673,1,0,1652,40 -10674,1,0,1337,14 -10675,1,0,1045,14 -10676,1,0,2100,18 -10677,1,0,1517,33 -10678,1,0,1221,18 -10680,1,0,1335,29 -10683,1,0,1843,18 -10684,1,0,1828,16 -10684,2,1,0410,21 -10684,3,2,0451,18 -10685,1,0,2125,13 -10687,1,0,2220,59 -10688,1,0,2042,20 -10689,1,0,1402,13 -10690,1,0,1731,15 -10695,1,0,0828,28 -10696,1,0,2141,28 -10696,2,1,0437,20 -10698,1,0,2238,64 -10699,1,1,0635,18 -10700,1,0,2105,45 -10701,1,0,1222,191 -10701,2,1,0352,75 -10701,3,2,0424,72 -10704,1,0,2211,20 -10704,2,1,1100,16 -10708,1,0,2021,54 -10711,1,0,1856,4 -10712,1,0,2225,208 -10713,1,0,1450,32 -10714,1,0,2208,15 -10715,1,0,2204,11 -10719,1,0,1219,3 -10720,1,0,1813,580 -10722,1,0,2200,19 -10725,1,0,1858,41 -10726,1,1,0730,39 -10726,2,5,0645,30 -10727,1,0,1120,369 -10727,2,1,0545,234 -10727,3,2,0840,173 -10729,1,0,1939,20 -10730,1,0,1656,38 -10731,1,0,2035,39 -10731,2,2,0645,28 -10733,1,1,0000,10 -10738,1,0,1845,19 -10739,1,0,1513,2 -10740,1,0,1109,12 -10742,1,0,1415,22 -10743,1,0,1555,53 -10745,1,0,1958,22 -10749,1,1,1046,21 -10753,1,0,0035,14 -10754,1,0,1039,12 -10755,1,0,0145,16 -10756,1,0,1836,58 -10756,2,1,0316,73 -10757,1,0,1705,23 -10758,1,0,1230,5 -10760,1,0,2320,7 -10761,1,0,1520,15 -10763,1,0,1550,24 -10766,1,0,2005,33 -10769,1,1,0330,14 -10770,1,0,1510,163 -10770,2,1,1019,90 -10771,1,0,2031,52 -10773,1,0,2101,17 -10776,1,0,2050,291 -10776,2,1,0607,156 -10776,3,1,1625,117 -10776,4,2,0541,137 -10776,5,3,0637,121 -10777,1,0,1338,29 -10777,2,1,0430,14 -10778,1,0,0130,5 -10781,1,0,1817,22 -10784,1,1,0218,24 -10786,1,0,2239,90 -10787,1,0,2250,14 -10789,1,0,1006,10 -10790,1,1,1800,28 -10791,1,0,2030,18 -10792,1,0,2216,14 -10794,1,0,1710,53 -10796,1,0,1525,24 -10798,1,0,1600,77 -10801,1,0,1813,9 -10802,1,0,1453,5 -10803,1,0,2143,17 -10804,1,0,1717,15 -10805,1,1,0935,19 -10810,1,0,2251,34 -10813,1,0,1620,22 -10813,2,1,1331,21 -10815,1,0,2048,63 -10816,1,0,0857,13 -10825,1,0,1622,406 -10826,1,0,2041,45 -10828,1,0,1855,21 -10830,1,0,1919,18 -10832,1,0,1850,16 -10835,1,0,2042,272 -10835,2,1,0604,210 -10835,3,3,0934,127 -10836,1,0,2031,17 -10838,1,0,1915,12 -10839,1,1,0008,68 -10839,2,1,0850,60 -10841,1,0,1620,28 -10842,1,0,1223,27 -10843,1,0,1702,11 -10844,1,0,1925,19 -10845,1,0,2304,35 -10847,1,1,1522,16 -10850,1,0,2235,39 -10854,1,0,2215,13 -10855,1,0,2031,21 -10857,1,0,2040,28 -10859,1,0,0902,23 -10860,1,0,1719,11 -10864,1,0,1324,18 -10866,1,0,1941,21 -10867,1,0,2024,21 -10870,1,1,0100,8 -10872,1,0,1615,97 -10872,2,1,0925,60 -10873,1,0,2217,22 -10876,1,0,1945,20 -10877,1,0,1743,148 -10877,2,1,0213,192 -10878,1,0,1834,9 -10880,1,0,0847,17 -10881,1,0,1815,267 -10884,1,0,1430,65 -10885,1,0,1132,20 -10887,1,0,1755,32 -10888,1,0,2222,28 -10892,1,0,1645,37 -10892,2,1,0611,31 -10893,1,0,1723,35 -10895,1,0,1342,5 -10896,1,0,0940,7 -10899,1,0,2245,2 -10900,1,0,1812,22 -10901,1,0,1849,38 -10902,1,0,2354,14 -10903,1,0,0520,52 -10904,1,0,1618,100 -10905,1,0,1720,26 -10906,1,0,1938,8 -10911,1,0,1450,13 -10912,1,0,2359,68 -10913,1,0,1814,48 -10914,1,0,2320,273 -10915,1,1,0048,15 -10916,1,0,1511,16 -10918,1,0,2145,20 -10919,1,0,2216,21 -10921,1,0,0845,59 -10922,1,0,1829,122 -10923,1,0,1816,32 -10925,1,1,0050,13 -10929,1,1,0400,36 -10932,1,0,1210,27 -10933,1,0,2040,7 -10934,1,0,1758,39 -10936,1,0,2000,17 -10938,1,0,0457,15 -10940,1,0,1853,11 -10941,1,0,1205,279 -10941,2,1,0545,210 -10941,3,1,2047,103 -10941,4,2,0112,93 -10941,5,2,0620,83 -10942,1,0,1650,30 -10942,2,0,1740,32 -10943,1,0,1535,15 -10945,1,0,1715,14 -10949,1,0,1843,26 -10951,1,0,2330,17 -10952,1,0,1637,23 -10954,1,0,2259,5 -10956,1,0,1938,22 -10961,1,0,2041,59 -10963,1,0,1246,11 -10964,1,0,1826,23 -10965,1,0,1343,11 -10966,1,0,1705,118 -10970,1,0,2028,13 -10972,1,0,1735,39 -10973,1,0,1911,9 -10974,1,0,1951,47 -10975,1,0,1207,13 -10976,1,0,1538,17 -10979,1,0,2010,28 -10981,1,0,2030,14 -10982,1,0,1600,31 -10983,1,0,1636,15 -10985,1,0,1610,19 -10986,1,0,2102,21 -10987,1,0,0020,21 -10989,1,0,1707,36 -10990,1,0,2151,23 -10992,1,0,0805,23 -10993,1,0,2234,29 -10994,1,0,2000,286 -10996,1,0,2109,23 -10997,1,0,1337,32 -10999,1,1,0035,12 -11000,1,0,1636,25 -11001,1,0,2332,17 -11003,1,0,1329,47 -11004,1,0,1740,98 -11005,1,0,1240,35 -11007,1,0,2229,15 -11007,2,1,0722,13 -11008,1,0,1439,22 -11010,1,0,1700,16 -11014,1,0,1914,14 -11015,1,0,1105,14 -11016,1,0,1915,45 -11017,1,0,1947,16 -11018,1,0,0253,20 -11019,1,0,2115,12 -11020,1,0,1542,24 -11022,1,0,1430,34 -11023,1,1,0452,5 -11025,1,0,1415,15 -11032,1,0,1207,22 -11033,1,0,1431,40 -11034,1,0,1845,20 -11036,1,0,1530,13 -11037,1,0,2040,14 -11039,1,0,0834,42 -11042,1,0,1736,20 -11043,1,0,1418,22 -11044,1,1,0037,9 -11047,1,0,1940,40 -11049,1,1,0327,651 -11055,1,0,2116,14 -11056,1,0,1415,22 -11057,1,0,2209,35 -11058,1,0,1440,289 -11059,1,0,1922,93 -11060,1,0,2127,23 -11063,1,0,2135,4 -11064,1,0,1640,23 -11066,1,0,1045,102 -11071,1,0,2253,106 -11071,2,1,0550,89 -11073,1,1,0535,16 -11074,1,0,1745,561 -11074,2,0,2054,376 -11074,3,1,0425,269 -11074,4,2,0355,159 -11074,5,5,1900,98 -11076,1,0,1905,15 -11081,1,0,1415,55 -11083,1,0,1112,17 -11086,1,0,2000,16 -11089,1,0,1526,267 -11089,2,1,0346,250 -11090,1,0,1710,43 -11092,1,0,0045,170 -11092,2,6,0720,60 -11094,1,0,2003,23 -11095,1,0,1400,29 -11095,2,1,0750,38 -11098,1,0,1700,11 -11104,1,0,1730,25 -11105,1,0,1920,17 -11108,1,0,1956,13 -11109,1,0,1012,339 -11109,2,0,1525,226 -11109,3,1,0505,198 -11110,1,0,2025,665 -11111,1,0,1957,116 -11111,2,1,0127,104 -11111,3,1,1029,82 -11114,1,0,0914,28 -11115,1,0,2030,15 -11117,1,0,1955,6 -11122,1,0,1520,26 -11123,1,0,1838,69 -11124,1,0,1622,5 -11126,1,0,0938,29 -11126,2,1,1215,30 -11126,3,3,0742,25 -11127,1,0,1130,18 -11128,1,0,1844,15 -11129,1,0,1613,13 -11132,1,0,1858,24 -11133,1,0,2055,5 -11134,1,0,1536,4 -11135,1,0,1550,24 -11137,1,6,1450,14 -11138,1,0,2332,12 -11140,1,0,1830,23 -11144,1,0,1945,28 -11146,1,0,1812,14 -11147,1,0,2013,28 -11148,1,0,1454,47 -11150,1,0,1600,19 -11152,1,0,1950,39 -11155,1,0,1736,21 -11156,1,0,1658,17 -11156,2,1,0650,17 -11157,1,0,1740,100 -11157,2,1,0516,153 -11158,1,0,1445,16 -11160,1,0,2053,12 -11163,1,1,0622,27 -11163,2,3,1043,25 -11163,3,4,0429,21 -11164,1,-1,2321,22 -11165,1,0,2200,20 -11166,1,0,0335,15 -11168,1,0,1453,13 -11172,1,0,0505,14 -11173,1,0,1915,33 -11176,1,0,2205,16 -11176,2,0,2321,17 -11177,1,0,2250,17 -11178,1,0,2156,63 -11179,1,0,1901,19 -11182,1,0,1734,16 -11184,1,0,2125,81 -11186,1,0,0315,17 -11187,1,0,1842,18 -11190,1,0,2155,11 -11192,1,0,1250,293 -11192,2,1,0400,181 -11193,1,0,1505,20 -11194,1,0,1925,16 -11197,1,0,1544,112 -11198,1,0,1852,24 -11200,1,0,1735,17 -11201,1,0,1930,31 -11201,2,0,2110,31 -11202,1,0,1815,27 -11204,1,0,1736,18 -11207,1,3,1710,11 -11209,1,0,1734,24 -11210,1,0,2104,25 -11211,1,0,1938,27 -11212,1,0,1410,68 -11213,1,1,0550,167 -11213,2,0,1755,315 -11215,1,0,1716,30 -11217,1,0,1834,55 -11221,1,0,1800,44 -11223,1,0,1701,12 -11225,1,0,1235,12 -11226,1,0,1913,37 -11226,2,1,1126,29 -11228,1,0,2153,11 -11229,1,0,2042,912 -11229,2,1,0333,540 -11229,3,2,0700,330 -11229,4,3,0715,220 -11231,1,0,2118,30 -11232,1,0,1343,18 -11235,1,0,1555,12 -11236,1,3,0850,13 -11239,1,0,1533,23 -11242,1,0,1658,26 -11242,2,6,0615,25 -11244,1,0,1732,40 -11247,1,0,1803,27 -11248,1,0,0930,118 -11249,1,1,0058,10 -11250,1,0,1930,27 -11252,1,0,1651,20 -11253,1,0,2233,5 -11255,1,0,2015,47 -11257,1,0,2125,18 -11258,1,0,0010,13 -11263,1,0,1645,22 -11264,1,0,1940,24 -11268,1,0,1504,26 -11268,2,0,2220,20 -11268,3,1,0735,16 -11272,1,0,1644,23 -11273,1,0,1633,30 -11274,1,0,2010,18 -11275,1,2,0345,34 -11277,1,0,1626,23 -11279,1,0,1607,21 -11280,1,0,1744,15 -11281,1,0,1605,9 -11282,1,0,1339,24 -11283,1,0,2320,113 -11284,1,0,2114,18 -11286,1,0,2040,11 -11286,2,1,0530,28 -11286,3,2,0355,39 -11289,1,0,1554,24 -11293,1,0,1215,5 -11294,1,0,1931,9 -11295,1,1,0005,41 -11295,2,4,0452,31 -11296,1,0,0115,21 -11297,1,0,2234,91 -11298,1,0,2208,24 -11298,2,1,0635,20 -11300,1,0,1902,26 -11304,1,0,1728,32 -11305,1,0,1934,34 -11306,1,0,1916,34 -11308,1,0,1950,18 -11310,1,0,2003,21 -11311,1,0,1940,25 -11313,1,0,0330,60 -11313,2,1,1145,41 -11314,1,0,0534,120 -11316,1,0,2243,35 -11317,1,0,1035,22 -11318,1,0,2246,17 -11321,1,1,0514,67 -11321,2,1,1538,55 -11321,3,2,0600,63 -11321,4,2,1233,80 -11321,5,3,0949,71 -11324,1,0,1430,15 -11326,1,0,1848,22 -11327,1,0,1801,34 -11328,1,0,2220,22 -11329,1,0,1543,5 -11331,1,0,2114,8 -11336,1,1,0500,35 -11337,1,0,2240,41 -11338,1,0,1700,70 -11339,1,0,0022,27 -11340,1,0,1800,16 -11341,1,0,1849,41 -11343,1,0,1713,35 -11346,1,0,2305,12 -11347,1,0,1921,107 -11347,2,1,0905,84 -11348,1,0,2030,12 -11349,1,1,0001,31 -11351,1,0,1910,11 -11352,1,0,1615,27 -11352,2,1,0634,21 -11354,1,0,1832,60 -11355,1,0,1445,34 -11359,1,1,0214,27 -11360,1,0,1330,33 -11361,1,0,1643,14 -11362,1,0,2331,264 -11363,1,0,1704,15 -11364,1,0,2330,15 -11365,1,0,1543,10 -11367,1,0,1717,18 -11368,1,0,1540,16 -11369,1,0,1758,77 -11375,1,0,0115,19 -11378,1,0,2234,30 -11379,1,1,1045,14 -11381,1,0,1340,3 -11382,1,0,1809,50 -11385,1,0,1540,15 -11386,1,0,1018,40 -11388,1,4,1200,12 -11388,2,5,0020,14 -11391,1,0,2014,22 -11392,1,0,1753,140 -11394,1,0,2310,57 -11395,1,0,1232,29 -11396,1,0,1351,16 -11397,1,0,1417,24 -11398,1,0,1459,21 -11400,1,0,1218,26 -11401,1,0,1757,12 -11402,1,1,0015,15 -11402,2,0,1325,17 -11403,1,0,1353,27 -11405,1,0,1513,230 -11405,2,0,1910,232 -11406,1,0,1355,19 -11407,1,0,1208,13 -11408,1,0,2032,848 -11408,2,1,0646,541 -11408,3,4,0645,158 -11410,1,0,1807,29 -11411,1,0,1150,11 -11411,2,3,1350,29 -11412,1,0,1145,16 -11413,1,0,1545,25 -11414,1,0,1015,26 -11415,1,0,2029,14 -11416,1,0,2120,21 -11419,1,0,0536,24 -11420,1,0,1632,162 -11421,1,0,2325,14 -11422,1,0,2135,13 -11425,1,0,1657,247 -11425,2,1,0400,181 -11426,1,0,0704,15 -11427,1,0,2253,19 -11428,1,0,1701,27 -11431,1,0,2122,17 -11432,1,0,1840,15 -11435,1,0,1820,21 -11436,1,0,2000,46 -11437,1,1,0140,24 -11439,1,0,1847,39 -11440,1,1,2148,158 -11440,2,1,0500,163 -11441,1,0,1624,26 -11443,1,0,0924,21 -11444,1,0,1634,38 -11445,1,0,0200,23 -11446,1,0,1808,9 -11448,1,0,1834,15 -11449,1,0,1854,17 -11450,1,0,2010,26 -11452,1,0,1707,13 -11452,2,3,0550,96 -11453,1,0,1411,21 -11454,1,1,0005,43 -11455,1,0,1149,19 -11457,1,0,1641,74 -11458,1,0,1823,15 -11460,1,0,1759,46 -11466,1,0,1844,17 -11467,1,0,1440,15 -11468,1,0,2131,13 -11469,1,0,1833,3 -11470,1,0,1655,24 -11471,1,0,1420,18 -11472,1,0,1747,78 -11472,2,1,0829,58 -11472,3,1,1413,53 -11472,4,1,1958,48 -11472,5,2,0637,42 -11474,1,0,1517,740 -11474,2,0,2030,496 -11474,3,1,0412,400 -11475,1,0,0140,24 -11478,1,0,1555,35 -11481,1,0,1340,20 -11482,1,0,2240,75 -11483,1,0,2053,34 -11486,1,0,2018,5 -11489,1,0,0300,20 -11490,1,0,1715,22 -11491,1,0,1545,19 -11492,1,0,1551,26 -11492,2,0,2035,23 -11493,1,1,0313,14 -11494,1,0,1240,22 -11496,1,0,2142,18 -11497,1,0,1845,32 -11498,1,0,1538,18 -11501,1,0,1703,32 -11503,1,0,1730,17 -11506,1,0,2037,14 -11508,1,0,2137,12 -11509,1,0,2105,43 -11511,1,0,2250,23 -11514,1,0,1900,26 -11514,2,5,0330,16 -11515,1,0,2352,9 -11516,1,0,0929,29 -11519,1,0,1736,18 -11522,1,0,1744,18 -11522,2,0,1844,16 -11523,1,0,2158,58 -11525,1,0,1354,23 -11526,1,0,2306,22 -11527,1,0,1326,20 -11528,1,0,2223,39 -11528,2,1,1229,36 -11529,1,0,1231,17 -11532,1,0,1631,13 -11533,1,0,1736,15 -11536,1,0,0841,23 -11538,1,1,0034,30 -11540,1,0,1817,43 -11541,1,0,1045,16 -11543,1,0,1808,108 -11545,1,0,1529,21 -11548,1,0,1350,16 -11549,1,0,2235,219 -11549,2,1,0759,21 -11552,1,0,2145,22 -11553,1,0,1725,42 -11553,2,7,0002,52 -11555,1,0,2344,23 -11557,1,0,1639,21 -11559,1,0,1615,56 -11559,2,1,1206,40 -11559,3,5,1720,36 -11560,1,0,2228,19 -11561,1,0,2038,30 -11562,1,0,1640,27 -11564,1,0,1445,23 -11565,1,0,2210,22 -11567,1,0,2052,16 -11570,1,0,2319,20 -11572,1,0,1300,16 -11576,1,0,1750,12 -11577,1,0,1553,20 -11578,1,0,2313,22 -11579,1,0,1503,16 -11580,1,0,0233,18 -11580,2,1,0613,12 -11581,1,0,1442,25 -11582,1,0,1912,51 -11585,1,0,0121,32 -11586,1,0,1500,37 -11587,1,0,1150,20 -11588,1,0,0006,34 -11589,1,0,1600,21 -11594,1,0,1224,228 -11597,1,0,2329,17 -11597,2,1,0550,17 -11599,1,0,0347,30 -11600,1,0,2042,50 -11600,2,0,2308,56 -11600,3,1,0453,49 -11601,1,0,1845,15 -11602,1,0,0330,37 -11603,1,0,1450,37 -11603,2,1,0430,23 -11603,3,2,0430,22 -11603,4,4,0949,27 -11604,1,0,0811,40 -11606,1,0,1732,33 -11608,1,0,1846,15 -11609,1,0,1758,37 -11611,1,0,0556,20 -11612,1,0,1250,26 -11613,1,0,1844,17 -11614,1,0,2019,2 -11615,1,0,2120,17 -11617,1,0,2110,52 -11617,2,1,0358,19 -11618,2,0,2334,9 -11621,1,0,2032,20 -11623,1,0,2017,19 -11624,1,0,1347,22 -11625,1,0,1642,27 -11626,1,0,1010,12 -11628,1,0,0530,14 -11629,1,0,1700,198 -11630,1,0,1253,53 -11630,2,0,1829,44 -11630,3,0,2359,35 -11634,1,0,1335,253 -11634,2,1,0420,155 -11636,1,0,1715,52 -11641,1,0,1253,14 -11643,1,0,2339,247 -11643,2,1,1118,216 -11643,3,2,0013,160 -11643,4,4,0807,65 -11643,5,5,0721,56 -11643,6,6,0742,45 -11644,1,0,2050,21 -11645,1,0,1652,17 -11645,2,1,0414,19 -11646,1,0,0913,21 -11646,2,3,0654,15 -11648,1,0,1453,20 -11648,2,1,0347,19 -11649,1,0,2213,31 -11652,1,0,1939,31 -11655,1,0,0410,27 -11656,1,0,1210,16 -11660,1,0,0255,37 -11663,1,0,2015,64 -11665,1,0,1630,21 -11666,1,0,1818,22 -11668,1,0,2142,17 -11669,1,0,1740,15 -11669,2,1,0610,9 -11670,1,0,2300,18 -11671,1,0,1615,8 -11673,1,0,1745,33 -11674,1,0,1622,16 -11675,1,0,1311,17 -11676,1,0,2207,19 -11676,2,1,0635,16 -11679,1,1,0615,115 -11679,2,0,0941,172 -11681,1,2,0923,23 -11682,1,0,2212,635 -11682,2,1,0004,466 -11682,3,1,1046,301 -11682,4,1,1430,245 -11682,5,1,1810,219 -11684,1,0,1500,22 -11685,1,0,1402,18 -11686,1,0,0833,26 -11686,2,0,0930,26 -11688,1,0,0807,9 -11690,1,0,1610,71 -11691,1,0,0257,28 -11693,1,0,1800,16 -11695,1,0,1251,29 -11698,1,0,0907,14 -11698,2,1,0550,15 -11699,1,0,2350,16 -11699,2,1,0535,14 -11705,1,0,2038,21 -11706,1,0,1646,20 -11707,1,0,1720,26 -11709,2,0,2145,307 -11712,1,1,0021,56 -11712,2,1,0600,48 -11713,1,0,2230,31 -11714,1,0,1720,18 -11715,1,0,1830,46 -11720,1,0,2038,72 -11723,1,0,2117,36 -11729,1,0,1835,28 -11730,1,0,1843,189 -11730,2,1,0410,79 -11731,1,0,1122,22 -11732,1,0,0319,28 -11733,1,0,1359,14 -11734,1,0,2124,37 -11735,1,0,1420,41 -11736,1,0,1410,12 -11737,1,0,1324,37 -11739,1,0,1815,28 -11741,1,1,0101,11 -11742,1,0,1925,22 -11745,1,0,1350,19 -11748,1,1,0025,24 -11750,1,0,0102,76 -11751,1,0,1030,15 -11754,1,0,1607,35 -11756,1,0,2230,7 -11757,1,0,1600,13 -11759,1,0,2009,19 -11760,1,0,1623,25 -11761,1,1,0100,19 -11762,1,0,1508,17 -11763,1,0,1215,16 -11764,1,0,1808,23 -11765,1,0,2305,51 -11766,1,0,1920,16 -11770,1,0,2315,17 -11772,1,0,1500,23 -11772,2,1,0440,22 -11775,1,0,0158,239 -11775,2,0,0614,282 -11775,3,0,1356,264 -11775,4,0,2040,211 -11775,5,1,0658,165 -11776,1,0,0943,62 -11777,1,0,1105,11 -11778,1,0,2203,14 -11781,1,0,2350,85 -11782,1,0,1914,29 -11783,1,0,1905,23 -11786,1,0,1540,15 -11789,1,0,1511,36 -11791,1,0,2213,75 -11791,2,4,0002,43 -11793,1,0,2201,17 -11794,1,0,2315,2 -11796,1,0,2055,5 -11798,1,0,2054,14 -11799,1,0,1558,19 -11799,2,1,0020,18 -11800,1,0,1335,29 -11801,1,0,1930,28 -11802,1,0,1930,29 -11804,1,0,1300,32 -11804,2,1,0030,21 -11805,1,0,0935,18 -11808,1,0,1912,32 -11810,1,1,0010,12 -11811,1,0,1930,14 -11812,1,0,1625,50 -11816,1,0,1726,51 -11819,1,0,1749,7 -11821,1,3,0400,17 -11822,1,0,1950,13 -11823,1,0,2039,159 -11824,1,0,1950,17 -11825,1,0,1850,19 -11828,1,0,1642,22 -11831,1,0,1920,9 -11832,1,0,2231,35 -11833,1,1,0002,21 -11833,2,2,0500,18 -11836,1,0,2215,25 -11837,1,0,1227,23 -11839,1,0,1650,18 -11839,2,1,0920,20 -11841,1,0,1800,781 -11841,2,0,2211,752 -11841,3,1,0445,653 -11844,1,0,1354,16 -11846,1,0,0148,60 -11847,1,0,2357,13 -11848,1,0,1243,11 -11852,1,0,2321,347 -11853,1,0,1740,21 -11854,1,0,0947,10 -11856,1,0,2011,469 -11856,2,1,0825,547 -11858,1,0,0530,26 -11859,1,0,1925,86 -11860,1,0,1651,20 -11865,1,0,1910,35 -11868,1,0,0542,28 -11870,1,0,1725,9 -11871,1,0,1915,26 -11872,1,0,1945,16 -11873,1,0,1545,18 -11876,1,0,2018,236 -11877,1,0,2146,49 -11877,2,1,0658,32 -11879,1,0,2009,12 -11881,1,0,1440,30 -11884,1,0,2301,16 -11886,1,0,1855,15 -11887,1,0,2115,98 -11888,1,0,2208,126 -11889,1,0,2126,25 -11889,2,0,2127,24 -11893,1,0,1755,27 -11894,1,0,2310,20 -11898,1,0,1814,40 -11899,1,0,1545,20 -11905,1,0,1804,27 -11907,1,0,1530,18 -11908,1,0,2150,38 -11909,1,0,2225,48 -11909,2,1,0425,38 -11910,1,0,1800,17 -11914,1,0,2025,45 -11914,2,0,2330,49 -11915,1,0,2104,963 -11916,1,1,0010,32 -11917,1,0,1510,26 -11918,1,0,0200,17 -11919,1,1,0015,22 -11927,1,0,1908,20 -11932,1,0,1409,16 -11936,1,0,1909,18 -11937,1,0,1255,29 -11937,2,1,0810,27 -11937,3,2,0400,23 -11937,4,3,0500,20 -11937,5,4,0755,20 -11939,1,0,2135,40 -11940,1,0,1219,56 -11940,2,1,0545,50 -11942,1,0,1624,5 -11943,1,0,1824,24 -11944,1,0,1759,7 -11945,1,0,1510,32 -11946,1,0,1816,21 -11951,1,0,1607,20 -11953,1,0,1950,35 -11954,1,0,0620,20 -11957,1,0,1616,29 -11958,1,0,1222,28 -11960,1,0,2333,0 -11962,1,2,0856,47 -11962,2,1,0654,63 -11962,3,0,1808,75 -11963,1,0,2253,23 -11964,1,0,1843,17 -11965,1,0,0430,10 -11967,1,0,1855,20 -11969,1,0,1556,12 -11971,1,0,1952,43 -11972,1,0,2016,331 -11972,2,1,0400,307 -11972,3,2,0225,269 -11972,4,3,0505,252 -11972,5,4,0900,186 -11977,1,0,1528,28 -11978,1,0,1015,32 -11979,1,1,0731,92 -11980,1,0,1742,42 -11981,1,0,1649,23 -11984,1,0,1910,5 -11985,1,0,2130,18 -11986,1,0,1422,15 -11987,1,0,2150,23 -11988,1,0,1452,57 -11988,2,0,1700,56 -11988,3,1,0407,50 -11988,4,2,0345,48 -11989,1,0,1645,49 -11990,1,0,1858,24 -11991,1,0,2327,23 -11992,1,0,1540,206 -11992,2,1,0845,154 -11994,1,1,0400,18 -11995,1,0,1542,18 -11996,1,0,2055,22 -12000,1,0,2345,21 -12004,1,0,2208,37 -12005,1,0,0400,27 -12007,1,0,1924,21 -12008,1,0,2319,24 -12010,1,0,1415,21 -12011,1,0,1735,17 -12013,1,0,2021,11 -12015,1,0,1724,39 -12016,1,0,1720,13 -12018,1,0,1655,19 -12019,1,0,1315,16 -12020,1,0,0940,25 -12021,1,0,2030,21 -12023,1,0,1543,307 -12026,1,0,1847,139 -12026,2,2,1318,69 -12027,1,0,1556,20 -12029,1,0,1548,16 -12031,1,0,1003,57 -12032,1,0,2133,91 -12033,1,0,1213,16 -12033,2,0,1558,15 -12035,1,0,1848,3 -12037,1,0,1439,15 -12039,1,1,1145,17 -12043,1,0,1130,2 -12044,1,0,1630,15 diff --git a/data/iai_pecarn/raw/form5_amylase.csv b/data/iai_pecarn/raw/form5_amylase.csv deleted file mode 100644 index 35bdb80f..00000000 --- a/data/iai_pecarn/raw/form5_amylase.csv +++ /dev/null @@ -1,5579 +0,0 @@ -subjectid,repeat_instance,SerAmylaseDay,SerAmylaseTime,SerAmylValue -3,1,0,1835,47 -6,1,0,0212,86 -7,1,0,0519,91 -8,1,0,1809,40 -10,1,0,1930,55 -20,1,0,0516,77 -21,1,0,2335,41 -23,1,0,1755,90 -24,1,0,2012,88 -31,1,1,0001,88 -34,1,1,0602,48 -35,1,0,2115,91 -37,1,0,1919,68 -40,1,0,2358,101 -45,1,0,2040,60 -46,1,0,1218,42 -49,1,1,0410,75 -50,1,0,1716,116 -50,2,0,2349,98 -52,1,0,1648,68 -53,1,0,2105,42 -56,1,0,2150,63 -56,2,1,0441,44 -60,1,0,1544,94 -60,2,0,1559,79 -62,1,1,0551,29 -65,1,1,0530,67 -66,1,0,2012,84 -67,1,0,1544,47 -68,1,0,1845,50 -68,2,1,0440,35 -69,1,0,1830,44 -70,1,0,1837,56 -73,1,0,1831,63 -75,1,0,1514,83 -76,1,1,0610,48 -81,1,1,0555,41 -82,1,0,2000,54 -88,1,1,0345,26 -89,1,0,2208,55 -89,2,1,1537,135 -92,1,0,1802,65 -93,1,0,2047,62 -101,1,0,1911,43 -105,1,0,1509,77 -105,2,1,0600,67 -106,1,0,1239,28 -108,1,0,0930,61 -109,1,0,1440,71 -111,1,0,0925,37 -113,1,0,2213,47 -114,1,0,1703,40 -115,1,0,1657,48 -117,1,0,1850,67 -118,1,0,1710,69 -119,1,0,1829,57 -123,1,0,1730,79 -124,1,0,1800,48 -129,1,0,1954,107 -131,1,0,2305,42 -133,1,0,1332,82 -134,1,1,0500,45 -138,1,0,2240,29 -139,1,0,0040,53 -140,1,0,2217,32 -141,1,0,2143,46 -142,1,0,2136,71 -143,1,0,1716,58 -144,1,0,1635,26 -145,1,0,1915,34 -146,1,1,0100,53 -148,1,0,0925,66 -150,1,0,1200,30 -151,1,0,1858,122 -158,1,0,1741,48 -159,1,0,1849,113 -160,1,0,2040,69 -161,1,0,0033,49 -168,1,0,1430,61 -170,1,1,0626,77 -172,1,0,2137,75 -177,1,0,0020,89 -178,1,0,1540,29 -181,1,0,1457,12 -182,1,1,0755,29 -183,1,0,1212,80 -187,1,1,0003,48 -188,1,0,1644,184 -191,1,0,2340,58 -194,1,0,1900,29 -195,1,0,1843,41 -197,1,0,2140,68 -198,1,0,2200,29 -199,1,0,1631,39 -200,1,0,1911,94 -202,1,0,1408,40 -203,1,0,1320,46 -204,1,1,0640,62 -204,2,3,2150,61 -206,1,0,0040,192 -211,1,0,0150,76 -214,1,0,1743,80 -216,1,0,2120,59 -217,1,0,1850,73 -219,1,0,1910,59 -220,1,0,0637,50 -221,1,0,2335,5 -225,1,0,2110,52 -232,1,0,1749,108 -239,1,0,1523,127 -240,1,0,0047,88 -243,1,0,1729,78 -245,1,0,2238,60 -246,1,0,0403,53 -248,1,0,1753,69 -248,2,0,2215,61 -250,1,0,2255,53 -250,2,1,0540,55 -251,1,0,2306,29 -256,1,0,1625,67 -256,2,0,2003,60 -258,1,0,1705,67 -261,1,0,1441,126 -265,1,0,1839,71 -266,1,0,2150,93 -275,1,0,2120,29 -275,2,1,0655,29 -276,1,0,1152,63 -280,1,0,1841,48 -282,1,0,2148,121 -284,1,0,2008,93 -285,1,0,1555,45 -286,1,0,1600,56 -288,1,0,2000,84 -289,1,0,2100,36 -293,1,0,1955,33 -295,1,0,1553,29 -295,2,1,0540,29 -296,1,0,1825,63 -297,1,0,1600,69 -301,1,0,1545,84 -302,1,0,0910,40 -303,1,1,0403,156 -305,1,0,1440,72 -306,1,1,0427,29 -308,1,1,0001,62 -311,1,1,0005,60 -320,1,0,0050,73 -322,1,1,0815,60 -323,1,0,2250,81 -329,1,0,0930,57 -332,1,0,2230,34 -335,1,0,0219,76 -336,1,0,0623,63 -337,1,1,0430,72 -338,1,0,0637,53 -341,1,0,0709,103 -342,1,0,1546,41 -345,1,0,1404,89 -350,1,0,1640,61 -352,1,0,1318,153 -355,1,0,2009,67 -359,1,0,1753,95 -363,1,0,1200,31 -364,1,0,2140,53 -365,1,0,2206,95 -371,1,0,2136,65 -372,1,0,1438,62 -375,1,0,1730,30 -378,1,0,1725,73 -379,1,0,1724,76 -382,1,0,2030,38 -384,1,0,1638,58 -386,1,0,1600,43 -387,1,0,1430,53 -388,1,0,1224,286 -388,2,0,1517,233 -389,1,0,1705,57 -390,1,0,2005,128 -396,1,1,0400,33 -397,1,0,1824,44 -399,1,0,0944,38 -399,2,0,1657,51 -399,3,1,1438,25 -400,1,0,1802,55 -405,1,0,1403,50 -406,1,0,2143,59 -407,1,0,1640,128 -409,1,0,1850,68 -410,1,0,2335,48 -412,1,0,1520,38 -413,1,0,1402,40 -414,1,0,0959,62 -416,1,0,2336,59 -417,1,0,1544,54 -421,1,0,1745,39 -422,1,0,0956,87 -430,1,0,0830,56 -431,1,0,1745,55 -434,1,0,2039,63 -435,1,0,2127,29 -436,1,0,1726,67 -439,1,0,1520,74 -439,2,1,0555,57 -444,1,0,2250,49 -448,1,0,0309,39 -451,1,0,1954,49 -457,1,1,0011,42 -457,2,1,0320,38 -457,3,2,0448,26 -458,1,0,1815,109 -459,1,0,1425,76 -464,1,0,1815,82 -465,1,0,2102,75 -465,2,1,0641,54 -465,3,3,0356,41 -466,1,0,2113,48 -469,1,1,0404,44 -470,1,0,1917,52 -473,1,0,2244,48 -476,1,0,1248,69 -477,1,0,1038,80 -480,1,0,2251,76 -481,1,0,0055,94 -484,1,0,1900,80 -485,1,0,1738,59 -488,1,0,0745,80 -490,1,0,1419,26 -491,1,1,0235,168 -491,2,1,0930,104 -491,3,2,0600,65 -493,1,1,0155,76 -494,1,0,1233,29 -494,2,1,0415,29 -494,3,1,2100,29 -497,1,0,2130,53 -498,1,0,2034,68 -499,1,1,0111,29 -500,1,1,0559,68 -506,1,0,1804,29 -507,1,0,2124,90 -508,1,0,2252,70 -510,1,0,1857,63 -511,1,0,0425,44 -512,1,0,2203,88 -513,1,1,0016,54 -514,1,0,2102,72 -515,1,0,1301,78 -516,1,0,2109,135 -517,1,0,2300,91 -519,1,0,1200,29 -521,1,0,0300,73 -523,1,0,1345,81 -535,1,0,1352,116 -536,1,0,2300,70 -537,1,0,1749,74 -539,1,0,2029,68 -540,1,0,2339,53 -542,1,0,1705,32 -544,1,0,1733,112 -544,2,1,0750,83 -546,1,0,0046,49 -546,2,0,1301,60 -546,3,0,1605,69 -550,1,0,1329,49 -551,1,0,1245,56 -551,2,1,0600,47 -552,1,0,2228,63 -557,1,0,0100,73 -564,1,0,1925,88 -568,1,0,1749,29 -570,1,0,0815,49 -574,1,0,2112,82 -574,2,1,0502,116 -574,3,1,1641,94 -575,1,0,2329,40 -576,1,0,1741,61 -577,1,0,2100,51 -577,2,1,0645,58 -577,3,3,0530,125 -579,1,0,1353,66 -579,2,1,0625,39 -580,1,0,1712,64 -580,2,2,0945,55 -582,1,0,1949,115 -583,1,1,0435,29 -586,1,0,2124,88 -586,2,0,2145,87 -587,1,0,1330,62 -589,1,0,2034,48 -591,1,0,1633,95 -593,1,0,1815,66 -595,1,0,1420,20 -596,1,1,1430,65 -602,1,0,1940,39 -603,1,1,0001,32 -604,1,0,1644,54 -605,1,0,2252,63 -606,1,0,1821,64 -613,1,0,1646,57 -614,1,0,1404,82 -620,1,1,0015,59 -621,1,0,1753,84 -622,1,0,0049,109 -622,2,0,1340,102 -627,1,0,1830,48 -631,1,0,1956,59 -632,1,0,2039,75 -632,2,1,1010,290 -635,1,0,1723,53 -638,1,1,0042,54 -641,1,0,2041,34 -642,1,0,1240,77 -643,1,0,1557,44 -645,1,0,2052,78 -647,1,0,1412,440 -650,1,0,2116,53 -650,2,2,0815,120 -650,3,3,0842,52 -652,1,0,1305,122 -652,2,1,0635,94 -653,1,0,1824,59 -655,1,0,2225,52 -660,1,0,1607,72 -663,1,0,2300,97 -664,1,0,2141,65 -665,1,0,1507,49 -667,1,0,1405,71 -669,1,1,0409,32 -669,2,2,0350,39 -672,1,0,2028,29 -673,1,0,1601,76 -675,1,0,1800,65 -677,1,0,2121,38 -681,1,0,1635,34 -682,1,0,1940,54 -683,1,0,1645,115 -686,1,0,2000,65 -687,1,0,0054,42 -689,1,0,0320,211 -692,1,0,1642,43 -696,1,1,0520,364 -700,1,0,1625,64 -702,1,1,0230,121 -703,1,0,1906,72 -705,1,0,1025,65 -708,1,0,1653,55 -708,2,1,2249,77 -708,3,5,1147,75 -713,1,0,1735,56 -714,1,0,0856,35 -719,1,0,1621,147 -727,1,0,1755,45 -731,1,0,2120,87 -735,1,0,0249,48 -736,1,0,1300,29 -738,1,0,2055,113 -738,2,1,0702,99 -742,1,0,1714,41 -747,1,0,2305,99 -748,1,0,1720,64 -750,1,0,2359,67 -750,2,1,0941,63 -755,1,0,2237,55 -758,1,1,0455,29 -759,1,0,1514,67 -761,1,0,1445,29 -762,1,0,2105,50 -763,1,0,1829,75 -764,1,0,1517,85 -768,1,0,2215,65 -770,1,0,1020,147 -771,1,0,1223,51 -773,1,0,2341,105 -774,1,1,0625,35 -776,1,0,2007,30 -778,1,0,0157,37 -779,1,0,2040,36 -780,1,0,0135,64 -783,1,0,1755,48 -784,1,0,1730,67 -785,1,0,0447,29 -786,1,0,2050,63 -790,1,0,1144,75 -792,1,0,2020,152 -792,2,1,0400,140 -792,3,1,1630,123 -794,1,1,0640,29 -796,1,0,2350,148 -796,2,1,0900,116 -796,3,2,0642,107 -796,4,3,1237,109 -800,1,0,1957,68 -801,1,0,1957,43 -802,1,0,2100,57 -803,1,0,1600,53 -804,1,0,1158,62 -805,1,0,1908,38 -806,1,0,1949,29 -807,1,0,2130,55 -809,1,0,0356,48 -810,1,0,2150,29 -810,2,1,0450,30 -812,1,0,1213,33 -815,1,0,1715,110 -817,1,0,1232,40 -818,1,0,1548,95 -820,1,0,0940,59 -823,1,0,2310,63 -824,1,0,1210,42 -828,1,0,1807,41 -834,1,0,1906,99 -837,1,0,0907,68 -838,1,0,1926,43 -840,1,0,2109,55 -842,1,0,1558,199 -846,1,0,1315,43 -848,1,0,1550,120 -848,2,1,0415,81 -849,1,0,2100,52 -850,1,0,1411,48 -852,1,0,2002,18 -853,1,0,2110,49 -854,1,0,0614,44 -855,1,0,1114,54 -862,1,0,2209,29 -863,1,1,0340,432 -863,2,4,0515,101 -863,3,6,0540,65 -864,1,0,0857,32 -873,1,1,0320,54 -874,1,0,1726,73 -876,1,0,1532,71 -877,1,0,2201,165 -877,2,1,0807,111 -878,1,0,1300,77 -879,1,0,1814,88 -883,1,0,2313,56 -886,1,0,2049,163 -886,2,1,0330,396 -886,3,2,0400,101 -888,1,1,0925,74 -892,1,0,1839,59 -895,1,0,1153,63 -901,1,0,1005,67 -904,1,0,0514,55 -905,1,0,1140,45 -908,1,0,2047,99 -910,1,0,1705,186 -911,1,0,1704,76 -912,1,0,2048,34 -925,1,0,2243,43 -926,1,0,1207,39 -926,2,0,1826,36 -927,1,0,0833,113 -930,1,0,1441,53 -931,1,1,2110,244 -934,1,0,2228,90 -935,1,0,1348,84 -937,1,0,0753,219 -937,2,1,1013,97 -939,1,0,1116,309 -939,2,0,1840,261 -944,1,0,0615,20 -945,1,0,2200,77 -946,1,0,1130,67 -949,1,0,1613,99 -950,1,1,0156,61 -953,1,0,1747,85 -954,1,0,0826,12 -957,1,0,1152,46 -961,1,0,1857,55 -964,1,0,1750,74 -966,1,0,1922,116 -967,1,0,2055,31 -968,1,0,1501,68 -970,1,0,1500,86 -970,2,1,0400,69 -971,1,0,2152,86 -972,1,0,2334,60 -976,1,0,1830,70 -978,1,0,2000,57 -978,2,1,0512,127 -979,1,0,0045,41 -981,1,0,2151,35 -982,1,0,1545,127 -982,2,1,0740,82 -982,3,2,1120,67 -983,1,0,1126,122 -988,1,0,1515,93 -991,1,0,1634,48 -992,1,1,0135,79 -995,1,0,1935,91 -996,1,0,1955,72 -997,1,0,2313,72 -1001,1,0,1902,73 -1001,2,2,0430,159 -1001,3,4,0515,143 -1002,1,0,2137,30 -1004,1,0,2310,102 -1007,1,0,1940,43 -1009,1,0,1418,30 -1011,1,0,1554,50 -1012,1,0,1652,29 -1013,1,0,2020,71 -1018,1,0,2027,39 -1020,1,0,1117,66 -1021,1,0,1551,66 -1026,1,1,0045,35 -1027,1,0,0938,48 -1030,1,0,1951,75 -1032,1,0,2016,32 -1035,1,0,1547,50 -1035,2,1,0500,126 -1035,3,1,1400,52 -1038,1,0,2001,38 -1038,2,0,2306,31 -1042,1,0,2255,77 -1043,1,0,1843,52 -1044,1,0,1700,43 -1044,2,1,0615,26 -1045,1,1,0457,46 -1047,1,0,1853,77 -1049,1,0,1839,75 -1053,1,0,2024,84 -1056,1,0,1824,128 -1057,1,0,0331,24 -1061,1,0,1539,71 -1067,1,0,1920,128 -1074,1,0,0857,76 -1075,1,0,1254,50 -1076,1,0,1838,63 -1078,1,0,2310,52 -1080,1,0,0059,115 -1081,1,1,0650,72 -1082,1,0,1916,59 -1084,1,0,2050,35 -1085,1,0,1601,69 -1088,1,0,1747,94 -1092,1,1,0405,86 -1093,1,0,2315,30 -1097,1,0,1937,103 -1098,1,0,0316,159 -1098,2,1,0610,120 -1099,1,0,1820,31 -1102,1,0,1420,44 -1102,2,1,1218,40 -1102,3,1,1947,29 -1103,1,0,1420,78 -1104,1,0,1610,105 -1104,2,1,0045,99 -1104,3,2,0930,165 -1105,1,0,2143,138 -1108,1,1,0535,59 -1109,1,0,1557,169 -1109,2,0,2337,274 -1116,1,0,2118,69 -1117,1,0,1520,102 -1118,1,0,2024,107 -1120,1,0,0730,51 -1122,1,0,1615,113 -1124,1,0,1759,141 -1125,1,0,2218,83 -1129,1,0,1706,105 -1132,1,0,2335,62 -1134,1,0,0959,161 -1140,1,0,2243,57 -1142,1,0,1155,29 -1145,1,0,0950,62 -1148,1,0,2350,56 -1150,1,0,2300,127 -1152,1,0,1610,64 -1153,1,0,1250,51 -1154,1,0,1540,64 -1156,1,0,1051,105 -1159,1,1,0621,46 -1160,1,0,1702,83 -1161,1,0,1706,59 -1165,1,0,1710,114 -1168,1,0,1221,19 -1170,1,0,1800,63 -1171,1,0,2212,36 -1173,1,0,1540,50 -1173,2,2,0108,47 -1174,1,0,2305,53 -1175,1,0,1902,57 -1175,2,1,0353,49 -1179,1,0,1418,29 -1182,1,0,1150,77 -1185,1,0,1550,59 -1190,1,0,2157,58 -1192,1,0,2052,112 -1195,1,0,1943,104 -1197,1,0,1815,71 -1198,1,0,1430,60 -1199,1,0,1908,78 -1202,1,0,0750,55 -1203,1,0,1905,50 -1204,1,0,2302,113 -1205,1,0,1100,17 -1207,1,0,2122,50 -1213,1,1,1221,29 -1214,1,0,2210,53 -1219,1,0,0717,65 -1222,1,0,2140,65 -1223,1,0,2357,99 -1228,1,0,1334,29 -1229,1,0,1917,44 -1229,2,3,1337,55 -1233,1,0,1441,64 -1234,1,0,2306,39 -1235,1,0,1856,54 -1237,1,0,1646,45 -1237,2,1,0545,36 -1239,1,0,2320,105 -1241,1,0,2025,59 -1244,1,0,2000,92 -1249,1,0,2124,47 -1250,1,0,1700,57 -1250,2,1,0650,43 -1251,1,0,1411,37 -1253,1,0,1015,98 -1254,1,0,2256,61 -1257,1,0,2330,56 -1259,1,2,1117,30 -1261,1,0,1435,39 -1262,1,0,2244,131 -1263,1,0,1613,78 -1263,2,1,0056,46 -1263,3,2,2330,35 -1265,1,0,2000,54 -1267,1,0,1945,44 -1273,1,0,2130,68 -1274,1,0,2200,29 -1275,1,0,2036,105 -1276,1,1,0640,160 -1277,1,0,1857,85 -1281,1,0,1925,47 -1285,1,0,2141,29 -1289,1,0,1640,42 -1289,2,1,0350,99 -1289,3,3,0500,29 -1290,1,0,1425,70 -1291,1,0,1550,56 -1293,1,0,1804,65 -1296,1,0,1550,36 -1297,1,0,1815,70 -1297,2,1,0515,54 -1308,1,0,0027,86 -1312,1,0,1711,29 -1313,1,0,2214,40 -1314,1,0,2140,87 -1315,1,0,2000,56 -1321,1,0,1734,795 -1321,2,1,0344,1065 -1321,3,1,1810,1715 -1324,1,0,2037,32 -1325,1,0,1844,85 -1326,1,0,1530,19 -1327,1,1,0550,38 -1328,1,0,2228,70 -1332,1,0,1409,45 -1334,1,0,0855,64 -1335,1,0,1646,64 -1347,1,0,1100,55 -1350,1,0,0914,87 -1352,1,0,1825,36 -1354,1,0,2216,89 -1356,1,0,1613,76 -1359,1,0,2046,122 -1360,1,0,1925,82 -1363,1,0,1348,35 -1365,1,0,1805,66 -1369,1,0,2206,86 -1370,1,0,1800,51 -1371,1,0,0020,48 -1375,1,0,0002,42 -1378,1,0,1710,61 -1381,1,0,1450,51 -1384,1,0,1545,57 -1386,1,0,2145,36 -1391,1,0,2200,93 -1393,1,0,2000,291 -1393,2,1,0715,103 -1394,1,0,1917,76 -1397,1,0,2110,64 -1402,1,0,2230,76 -1405,1,1,0630,108 -1405,2,2,0650,34 -1409,1,0,1933,66 -1414,1,0,1500,54 -1416,1,0,1542,80 -1422,1,0,2200,84 -1424,1,0,2315,49 -1424,2,1,0604,75 -1425,1,0,1650,50 -1429,1,0,1335,71 -1433,1,0,1435,29 -1434,1,0,2020,76 -1445,1,0,1952,99 -1447,1,0,1419,50 -1447,2,1,0748,32 -1448,1,0,1845,122 -1453,1,0,1719,52 -1454,1,0,1440,45 -1456,1,0,2043,62 -1458,1,0,1647,82 -1460,1,1,0624,39 -1461,1,0,1710,29 -1464,1,0,1635,29 -1465,1,0,2109,53 -1465,2,4,1115,35 -1469,1,0,1339,78 -1471,1,0,2027,64 -1472,1,0,2043,66 -1473,1,0,2125,57 -1474,1,0,2106,51 -1480,1,0,1506,46 -1484,1,1,0012,60 -1487,1,0,2230,47 -1491,1,0,1352,79 -1495,1,1,0643,29 -1499,1,0,2209,102 -1501,1,1,0805,40 -1502,1,0,1500,80 -1503,1,0,2112,111 -1505,1,0,1030,29 -1507,1,0,1646,57 -1509,1,0,1730,78 -1509,2,1,1155,84 -1510,1,0,1352,59 -1512,1,0,1503,58 -1513,1,0,2149,45 -1514,1,0,1540,64 -1518,1,0,1807,110 -1520,1,0,1816,56 -1521,1,0,1244,48 -1522,1,0,2047,99 -1525,1,0,2053,29 -1526,1,0,2306,52 -1533,1,0,1940,30 -1534,1,0,1346,33 -1535,1,0,1731,139 -1535,2,1,0555,58 -1536,1,0,1314,29 -1538,1,0,1733,128 -1539,1,0,1516,42 -1540,1,0,1850,80 -1543,1,0,1815,35 -1547,1,0,1931,102 -1549,1,0,1705,29 -1551,1,0,2043,62 -1552,1,0,1345,59 -1553,1,0,1013,66 -1556,1,0,1921,46 -1559,1,0,1200,29 -1560,1,1,0600,57 -1561,1,1,0610,53 -1567,1,1,0133,77 -1570,1,0,1709,63 -1578,1,0,1059,84 -1582,1,1,0100,46 -1585,1,0,1355,61 -1587,1,0,1940,47 -1594,1,0,0039,18 -1595,1,0,1250,102 -1597,1,0,1257,62 -1598,1,1,0000,55 -1600,1,0,1156,38 -1602,1,1,0024,57 -1602,2,1,0052,46 -1603,1,0,0015,112 -1605,1,0,1450,50 -1609,1,0,2118,76 -1609,2,1,0132,89 -1611,1,0,2225,50 -1612,1,0,1711,109 -1613,1,0,2005,62 -1613,2,1,0938,48 -1616,1,1,0555,42 -1617,1,0,2105,78 -1617,2,1,1322,76 -1617,3,2,0353,46 -1621,1,0,1930,60 -1622,1,0,2335,43 -1623,1,0,0030,109 -1623,2,0,0847,143 -1626,1,0,2043,5 -1629,1,1,0520,31 -1631,1,0,1605,29 -1632,1,0,2137,113 -1634,1,0,2146,78 -1638,1,0,2308,147 -1642,1,1,0600,48 -1642,2,0,1650,81 -1644,1,0,1837,51 -1647,1,1,0845,56 -1649,1,0,1905,116 -1649,2,1,0615,86 -1650,1,1,0545,44 -1653,1,0,0832,177 -1654,1,1,0400,49 -1662,1,0,0500,29 -1663,1,0,2250,70 -1665,1,0,2049,35 -1669,1,0,1856,99 -1670,1,0,1750,36 -1674,1,0,1820,30 -1677,1,0,2346,67 -1679,1,0,0845,77 -1679,2,1,0608,66 -1680,1,0,1500,30 -1681,1,0,0246,57 -1684,1,0,1725,93 -1685,1,0,0931,57 -1686,1,0,1300,51 -1687,1,0,2144,29 -1688,1,0,0356,63 -1690,1,0,0223,5 -1691,1,0,2125,122 -1691,2,1,1043,113 -1692,1,0,1910,29 -1693,1,1,0515,29 -1696,1,0,1659,41 -1698,1,0,1908,65 -1705,1,0,1100,58 -1708,1,0,1830,29 -1710,1,1,0550,35 -1714,1,0,1736,65 -1716,1,0,1800,37 -1722,1,0,1634,29 -1724,1,0,2230,43 -1728,1,0,1033,42 -1729,1,0,1934,72 -1730,1,0,0625,45 -1732,1,0,0234,53 -1734,1,1,0030,50 -1736,1,0,1335,41 -1745,1,0,1717,57 -1745,2,1,0425,40 -1749,1,0,1931,122 -1750,1,0,0214,40 -1754,1,0,2205,61 -1756,1,0,2045,58 -1756,2,1,0802,48 -1757,1,1,1245,49 -1758,1,0,1633,94 -1759,1,0,1953,88 -1760,1,1,1115,202 -1761,1,0,2036,50 -1761,2,1,0430,50 -1763,1,0,1337,68 -1764,1,0,2106,139 -1764,2,0,2344,88 -1764,3,1,0230,56 -1766,1,0,1632,52 -1769,1,0,1530,58 -1770,1,0,1922,129 -1770,2,1,0255,280 -1770,3,1,0634,630 -1772,1,1,0515,58 -1774,1,0,0619,50 -1777,1,0,1939,265 -1778,1,1,0530,31 -1785,1,0,1325,100 -1785,2,1,0655,59 -1786,1,0,1220,43 -1787,1,0,0405,56 -1789,1,0,2020,55 -1790,1,0,1956,107 -1792,1,0,2244,79 -1793,1,1,0543,53 -1795,1,0,1100,100 -1796,1,0,1500,61 -1797,1,0,2042,42 -1807,1,0,2003,110 -1810,1,0,0757,47 -1811,1,0,1934,184 -1813,1,0,1740,57 -1817,1,0,1545,29 -1829,1,1,1033,83 -1831,1,0,2304,53 -1833,1,0,2016,72 -1838,1,0,2325,48 -1839,1,0,1532,97 -1840,1,0,1748,36 -1843,1,0,2230,91 -1846,1,0,1122,49 -1849,1,0,2008,60 -1855,1,1,0515,60 -1856,1,0,2350,72 -1858,1,1,0600,29 -1862,1,0,1121,48 -1863,1,0,0922,60 -1868,1,1,0615,80 -1870,1,0,1025,92 -1871,1,0,1925,78 -1874,1,0,2040,29 -1879,1,0,1215,44 -1882,1,0,2200,94 -1882,2,1,0247,90 -1883,1,0,2020,82 -1886,1,0,1355,20 -1888,1,0,1511,55 -1894,1,0,1940,60 -1896,1,0,0302,56 -1897,1,0,1800,51 -1897,2,1,0605,45 -1899,1,1,0009,10 -1906,1,0,2010,37 -1906,2,1,0750,40 -1908,1,0,1755,69 -1911,1,1,0530,29 -1912,1,0,1717,193 -1920,1,0,1338,66 -1921,1,0,2142,95 -1922,1,1,0520,44 -1923,1,0,2055,82 -1923,2,1,0545,60 -1926,1,0,0845,172 -1929,1,0,1759,40 -1933,1,0,0505,73 -1944,1,0,1511,66 -1947,1,0,0840,124 -1952,1,0,1300,29 -1956,1,0,1535,29 -1957,1,0,1953,82 -1958,1,0,1325,65 -1964,1,0,2205,73 -1966,1,0,1745,34 -1974,1,0,2130,52 -1975,1,1,0526,52 -1979,1,0,2000,60 -1980,1,0,2057,67 -1982,1,0,1820,56 -1985,1,6,0159,406 -1985,2,6,0651,370 -1985,3,6,1206,295 -1987,1,1,0315,29 -1988,1,0,1955,19 -1989,1,0,1348,66 -1990,1,0,1700,51 -1990,2,2,0639,44 -1991,1,1,0530,29 -1992,1,0,2045,587 -1992,2,0,2305,564 -1992,3,1,0430,418 -1993,1,0,1336,20 -1996,1,0,1845,88 -1997,1,-1,2355,58 -1999,1,0,1536,182 -1999,2,1,0620,207 -2000,1,0,2059,96 -2007,1,0,0411,67 -2008,1,0,1313,49 -2011,1,0,2144,59 -2014,1,0,0255,86 -2023,1,0,1150,38 -2024,1,0,1946,57 -2024,2,0,2215,37 -2024,3,1,0610,32 -2025,1,0,1653,43 -2029,1,0,2054,129 -2029,2,1,0612,105 -2030,1,1,0420,29 -2039,1,0,2151,44 -2047,1,0,1959,70 -2048,1,0,1544,47 -2049,1,0,1814,74 -2050,1,0,1655,58 -2052,1,0,1617,65 -2057,1,0,1210,57 -2058,1,0,1133,95 -2059,1,0,1351,53 -2064,1,0,1535,56 -2066,1,0,1342,52 -2067,1,0,1639,30 -2069,1,0,1345,44 -2071,1,0,1045,62 -2076,1,0,2121,36 -2082,1,1,0004,48 -2083,1,0,1615,40 -2084,1,1,0620,39 -2086,1,0,1858,52 -2087,1,0,1810,77 -2089,1,0,1730,80 -2096,1,0,1932,68 -2099,1,0,1000,107 -2100,1,0,2216,89 -2102,1,0,2045,67 -2103,1,0,1701,29 -2105,1,0,1500,55 -2106,1,0,1420,60 -2108,1,0,1130,49 -2110,1,0,1521,57 -2113,1,0,2305,29 -2115,1,0,1828,133 -2116,1,0,1059,89 -2119,1,0,1815,93 -2120,1,0,1333,52 -2121,1,0,1720,98 -2122,1,0,1400,109 -2122,2,1,0605,171 -2122,3,2,0610,93 -2123,1,0,0102,111 -2125,1,0,2308,74 -2127,1,0,1553,47 -2128,1,0,1230,66 -2130,1,0,1710,69 -2131,1,0,2303,108 -2133,1,0,1159,55 -2134,1,0,2251,40 -2135,1,0,1721,109 -2137,1,0,2232,89 -2138,1,0,2308,153 -2140,1,0,0130,50 -2141,1,0,1825,46 -2142,1,0,1650,41 -2146,1,1,0528,42 -2148,1,0,1845,65 -2149,1,0,2100,56 -2153,1,0,2141,85 -2155,1,0,1703,78 -2156,1,0,1434,61 -2157,1,0,1851,27 -2158,1,0,1850,88 -2163,1,0,2124,66 -2168,1,0,1519,65 -2168,2,1,0600,97 -2176,1,0,2245,46 -2177,1,0,2303,118 -2182,1,0,1335,100 -2184,1,0,1705,74 -2187,1,0,2225,162 -2191,1,0,1750,87 -2191,2,1,0017,65 -2194,1,0,2022,67 -2202,1,1,0850,67 -2203,1,0,1045,68 -2204,1,0,2131,115 -2206,1,0,2207,114 -2207,1,0,0922,83 -2207,2,0,1814,68 -2209,1,0,2018,93 -2210,1,0,1910,29 -2214,1,0,2115,84 -2217,1,0,1341,85 -2219,1,0,1135,47 -2223,1,1,0740,41 -2224,1,0,1945,66 -2226,1,0,0804,58 -2227,1,0,1748,40 -2228,1,0,0856,70 -2233,1,0,1323,77 -2241,1,0,1928,52 -2246,1,1,0520,31 -2250,1,0,1908,56 -2258,1,1,0101,30 -2258,2,1,0503,32 -2259,1,0,1650,41 -2260,1,0,1703,34 -2263,1,1,0010,74 -2265,1,0,1928,30 -2267,1,0,2359,55 -2269,1,0,1920,80 -2270,1,1,0047,29 -2271,1,0,1715,155 -2271,2,1,0618,148 -2281,1,0,1915,50 -2285,1,0,1225,65 -2287,1,1,0035,36 -2295,1,0,1846,41 -2303,1,0,1430,71 -2305,1,0,2000,137 -2307,1,1,0550,38 -2307,2,2,0515,35 -2311,1,0,1445,57 -2313,1,0,1708,44 -2315,1,0,2025,111 -2320,1,1,0655,218 -2320,2,2,0815,64 -2321,1,0,2151,97 -2322,1,0,1640,90 -2322,2,1,0605,181 -2323,1,0,1701,55 -2326,1,0,2056,49 -2328,1,0,1450,58 -2333,1,0,1151,97 -2335,1,0,1936,53 -2337,1,1,0545,34 -2339,1,0,2200,75 -2339,2,1,0820,50 -2343,1,0,0347,96 -2344,1,0,1630,54 -2344,2,1,1630,57 -2346,1,0,0600,65 -2348,1,0,1943,57 -2351,1,0,2320,57 -2351,2,1,0745,31 -2355,1,0,2208,67 -2356,1,0,1657,71 -2360,1,0,2024,70 -2361,1,0,1640,33 -2363,1,1,0049,29 -2369,1,0,2128,19 -2372,1,0,1713,70 -2374,1,0,1545,29 -2376,1,0,1717,44 -2379,1,0,1844,151 -2379,2,0,2013,148 -2384,1,0,1827,46 -2385,1,0,1609,83 -2389,1,0,1550,46 -2390,1,0,1702,47 -2391,1,0,2056,70 -2393,1,0,2007,80 -2394,1,0,1914,89 -2395,1,0,0835,39 -2396,1,0,1858,59 -2399,1,0,1810,53 -2400,1,0,1942,82 -2401,1,0,2100,121 -2401,2,1,0735,95 -2402,1,1,0139,74 -2402,2,1,0754,82 -2402,3,1,1225,76 -2403,1,0,0107,51 -2404,1,0,1415,82 -2405,1,0,1910,59 -2413,1,0,2000,71 -2418,1,0,0315,53 -2419,1,0,1815,30 -2425,1,0,0055,75 -2426,1,0,1905,84 -2427,1,0,0301,32 -2430,1,0,2210,44 -2435,1,0,1704,21 -2440,1,0,2050,29 -2443,1,0,0610,37 -2445,1,0,1458,45 -2448,1,0,0130,97 -2450,1,0,0354,60 -2456,1,0,1537,94 -2457,1,0,1734,58 -2458,1,0,2248,104 -2459,1,0,1405,123 -2460,1,0,2036,29 -2462,1,0,1713,73 -2466,1,0,2330,92 -2468,3,0,0314,37 -2468,4,2,0327,44 -2468,5,3,0345,37 -2474,1,0,1256,37 -2476,1,0,0228,42 -2478,1,0,2008,46 -2478,2,1,0330,40 -2478,3,2,0446,33 -2479,1,0,1722,56 -2480,1,1,0630,98 -2483,1,0,1635,57 -2484,1,0,1541,75 -2485,1,0,2152,43 -2490,1,1,0011,43 -2492,1,0,0808,77 -2494,1,0,1650,78 -2498,1,0,1900,47 -2507,1,0,1251,84 -2508,1,0,1559,34 -2513,1,1,0004,73 -2515,1,1,0650,39 -2517,1,0,0833,58 -2521,1,0,2120,33 -2521,2,1,0419,26 -2523,1,0,1206,58 -2524,1,0,0910,75 -2528,1,0,1910,51 -2529,1,0,1631,45 -2530,1,0,1644,63 -2531,1,0,1855,48 -2532,1,0,2130,53 -2533,1,0,1701,135 -2534,1,0,1308,38 -2535,1,1,0032,66 -2536,1,0,1947,30 -2538,1,0,1410,57 -2540,1,0,1106,36 -2541,1,0,2134,96 -2547,1,0,0207,96 -2551,1,0,1920,66 -2556,1,0,1300,110 -2556,2,1,0440,74 -2559,1,0,1626,64 -2560,1,1,0245,50 -2562,1,1,0050,108 -2562,2,1,1530,108 -2562,3,2,0500,110 -2563,1,0,1315,64 -2565,1,0,1535,60 -2570,1,0,1224,73 -2574,1,0,1439,64 -2576,1,0,0112,75 -2577,1,0,2208,167 -2580,1,0,1450,43 -2581,1,0,1015,176 -2581,2,1,0535,330 -2581,3,2,1330,183 -2585,1,0,1911,98 -2588,1,0,1125,77 -2593,1,0,1200,69 -2595,1,1,0705,29 -2596,1,0,1147,31 -2600,1,0,2212,133 -2601,1,0,1454,104 -2605,1,0,1727,60 -2607,1,0,1220,32 -2609,1,0,1749,81 -2614,1,0,2025,45 -2615,1,0,2355,49 -2616,1,0,1749,54 -2617,1,0,1824,106 -2619,1,0,1745,85 -2620,1,0,1514,29 -2621,1,0,2259,56 -2621,2,1,0630,68 -2621,3,1,1815,51 -2623,1,0,1410,49 -2629,1,0,2244,89 -2630,1,0,1810,63 -2634,1,0,1145,37 -2635,1,0,2034,65 -2638,1,0,2025,73 -2639,1,0,1518,56 -2642,1,0,1315,78 -2644,1,1,0145,510 -2644,2,2,0535,430 -2644,3,3,0430,199 -2645,1,0,1423,29 -2647,1,0,1900,41 -2651,1,0,1620,89 -2651,2,0,1727,109 -2653,1,0,2234,70 -2654,1,0,2030,37 -2655,1,0,2047,70 -2656,1,0,2045,76 -2661,1,0,2025,53 -2662,1,0,1840,49 -2663,1,0,2115,26 -2667,1,0,2250,106 -2668,1,1,0550,46 -2669,1,0,1854,104 -2670,1,0,1410,64 -2671,1,1,1825,187 -2674,1,0,1833,95 -2677,1,0,1552,89 -2680,1,0,2313,45 -2683,1,0,0600,101 -2686,1,0,2140,73 -2687,1,1,1034,41 -2690,1,0,1557,94 -2692,1,0,0032,102 -2699,1,0,1320,68 -2701,1,0,1626,119 -2705,1,1,0200,42 -2705,2,1,0816,15 -2707,1,0,1800,38 -2710,1,0,0250,84 -2712,1,0,1703,82 -2713,1,0,1551,58 -2720,1,0,1524,68 -2724,1,0,0615,36 -2725,1,0,1736,24 -2726,1,0,1245,83 -2727,1,0,2115,62 -2728,1,0,1637,62 -2732,1,0,0845,36 -2733,1,0,0044,51 -2735,1,0,2300,99 -2736,1,0,1820,58 -2738,1,0,1556,73 -2739,1,0,1625,79 -2741,1,0,1553,151 -2741,2,1,0210,131 -2742,1,0,1918,66 -2743,1,0,1300,70 -2744,1,0,0056,71 -2744,2,0,0609,54 -2744,3,0,1200,51 -2745,1,0,1329,29 -2746,1,0,2332,29 -2750,1,0,1655,45 -2752,1,1,0351,46 -2753,1,0,2146,57 -2757,1,0,1503,29 -2758,1,0,1342,80 -2759,1,0,1553,63 -2760,1,0,2100,49 -2763,1,0,1845,78 -2764,1,0,1713,90 -2765,1,0,1727,95 -2765,2,1,0400,77 -2768,1,1,0630,30 -2775,1,0,1145,59 -2777,1,0,0659,65 -2780,1,0,2116,50 -2785,1,0,1840,28 -2791,1,0,2130,86 -2792,1,0,0755,55 -2793,2,0,1725,33 -2795,1,0,1843,43 -2800,1,0,1119,50 -2802,1,0,1730,51 -2803,1,0,1750,35 -2806,1,0,1824,53 -2808,1,0,1900,69 -2811,1,0,1636,48 -2812,1,0,1740,53 -2815,1,0,1417,30 -2817,1,0,1953,128 -2818,1,0,2110,65 -2822,1,0,1958,19 -2824,1,1,0630,33 -2827,1,0,0500,64 -2829,1,0,1947,40 -2830,1,0,2013,78 -2832,1,0,1629,68 -2833,1,1,0530,71 -2838,1,0,1600,60 -2839,1,0,1724,82 -2845,1,0,1323,38 -2847,1,0,1850,77 -2848,1,0,2311,52 -2850,1,0,1720,66 -2853,1,0,2328,131 -2855,1,0,1428,60 -2863,1,1,0100,85 -2864,1,0,1720,53 -2868,1,0,1459,59 -2871,1,0,1420,59 -2872,1,0,1616,49 -2872,2,1,1113,57 -2874,1,0,1914,48 -2875,1,0,0826,34 -2876,1,0,1735,19 -2879,1,0,2033,58 -2882,1,0,1154,96 -2883,1,0,0425,17 -2889,1,0,1838,102 -2891,1,0,1952,61 -2895,1,0,1804,56 -2897,1,2,0848,50 -2900,1,0,1800,75 -2901,1,0,2025,92 -2906,1,0,1525,29 -2909,1,0,1640,52 -2910,1,0,2250,38 -2916,1,0,1620,29 -2922,1,0,1140,67 -2922,2,1,1230,55 -2922,3,2,0630,70 -2923,1,0,2300,33 -2925,1,0,2305,49 -2926,1,0,2339,80 -2931,1,0,2100,103 -2933,1,0,2031,102 -2935,1,1,0530,39 -2938,1,0,1315,75 -2939,1,0,1900,46 -2939,2,1,0820,32 -2943,1,0,1621,88 -2944,1,0,0428,86 -2945,1,0,0205,29 -2946,1,0,2227,113 -2946,2,1,1130,94 -2947,1,0,1735,58 -2948,1,0,1800,76 -2950,1,0,1241,66 -2953,1,1,0010,35 -2954,1,0,1731,42 -2955,1,0,1927,37 -2956,1,0,1734,64 -2958,1,0,2100,69 -2960,1,0,1602,96 -2960,2,1,0545,164 -2963,1,0,1139,114 -2968,1,0,1829,76 -2970,1,0,1950,110 -2971,1,0,1830,143 -2975,1,0,1615,59 -2978,1,0,1345,29 -2980,1,0,2359,29 -2983,1,0,1745,62 -2988,1,0,0933,46 -2991,1,3,0520,41 -2994,1,0,1938,78 -3001,1,0,2144,48 -3002,1,0,1502,90 -3003,1,0,1505,53 -3007,1,0,1629,27 -3016,1,0,2210,34 -3019,1,0,2201,85 -3022,1,0,0957,51 -3025,1,0,1930,89 -3030,1,0,2006,40 -3036,1,0,1910,95 -3042,1,0,1819,72 -3043,1,0,1554,100 -3043,2,0,2015,148 -3043,3,1,0520,125 -3045,1,0,1859,67 -3052,1,0,0121,57 -3056,1,0,1444,57 -3057,1,0,1535,123 -3061,1,0,0950,98 -3063,1,0,2310,70 -3070,1,0,1830,25 -3070,2,1,0613,24 -3071,1,0,2131,64 -3074,1,0,0349,165 -3074,2,0,1645,91 -3074,3,1,0410,55 -3077,1,0,0048,48 -3077,2,0,1628,48 -3079,1,0,1245,88 -3080,1,0,1608,36 -3083,1,0,1305,26 -3085,1,0,1810,39 -3089,1,0,1230,124 -3091,1,0,1103,74 -3093,1,0,1836,77 -3098,1,0,1615,29 -3102,1,0,1535,46 -3108,1,0,1835,80 -3109,1,0,0025,71 -3110,1,1,0950,176 -3110,2,2,0447,87 -3112,1,0,1230,183 -3114,1,0,2050,166 -3115,1,0,2100,29 -3116,1,0,0826,81 -3120,1,0,1628,32 -3120,2,1,0600,32 -3122,1,0,1807,56 -3127,1,1,1510,29 -3129,1,0,0131,53 -3131,1,0,1846,75 -3132,1,0,1347,99 -3134,1,0,1510,106 -3135,1,0,1354,68 -3136,1,0,0604,42 -3138,1,0,1702,58 -3141,1,0,1501,62 -3142,1,0,0910,43 -3144,1,0,1321,75 -3145,1,2,0650,177 -3145,2,1,0735,74 -3146,1,0,1848,53 -3148,1,0,1648,46 -3151,1,1,0550,48 -3152,1,0,2347,120 -3155,1,1,1300,29 -3160,1,0,1454,485 -3162,1,0,1907,37 -3164,1,0,1816,41 -3166,1,1,0555,47 -3169,1,0,0530,29 -3174,1,0,1842,87 -3176,1,0,2258,107 -3181,1,0,2243,67 -3189,1,0,1245,110 -3189,2,1,0815,53 -3189,3,1,1500,45 -3190,1,0,0323,82 -3193,1,0,1020,68 -3195,1,0,1650,80 -3198,1,0,2023,160 -3202,1,0,2120,85 -3203,1,0,2150,43 -3207,1,0,1950,55 -3210,1,0,1941,53 -3212,1,0,0945,68 -3213,1,0,1735,35 -3214,1,0,1900,78 -3216,1,0,1216,65 -3216,2,0,1955,75 -3217,1,0,1411,39 -3221,1,0,1815,80 -3225,1,0,1851,68 -3226,1,0,1725,70 -3227,1,0,1604,27 -3228,1,0,1746,151 -3229,1,0,1335,75 -3242,1,0,2313,69 -3242,2,1,0530,117 -3242,3,1,1600,69 -3244,1,0,0820,46 -3248,1,1,0500,29 -3249,1,0,1737,29 -3250,1,0,1826,31 -3250,2,0,2210,29 -3250,3,1,0419,26 -3253,1,0,1649,40 -3256,1,1,0554,29 -3258,1,0,2110,71 -3259,1,0,2133,74 -3260,1,0,1345,51 -3261,1,0,1602,37 -3262,1,0,1250,52 -3264,1,0,2012,30 -3267,1,0,0235,29 -3268,1,0,1740,80 -3269,1,0,1816,80 -3270,1,0,1750,49 -3271,1,0,1850,60 -3273,1,0,0500,68 -3275,1,0,1732,49 -3276,1,0,1447,53 -3278,1,0,0949,65 -3280,1,0,1546,72 -3281,1,1,0327,153 -3281,2,4,1320,76 -3285,1,0,1029,46 -3293,1,0,2119,69 -3294,1,0,2107,67 -3295,1,0,0305,27 -3297,1,0,0206,22 -3301,1,0,1312,35 -3302,1,0,1710,74 -3304,1,0,2355,47 -3309,1,0,1915,64 -3310,1,0,0153,40 -3311,1,0,2020,58 -3312,1,0,1058,45 -3317,1,0,1351,91 -3318,1,0,1719,80 -3319,1,0,2319,139 -3319,2,1,0130,143 -3319,3,1,0530,209 -3322,1,0,1810,29 -3324,1,0,2117,44 -3326,1,0,1820,36 -3327,1,0,1519,139 -3329,1,0,1934,122 -3330,1,1,1041,107 -3337,1,0,0905,30 -3337,2,0,2211,26 -3338,1,0,1741,110 -3338,2,0,2107,152 -3338,3,1,0001,136 -3339,1,0,1617,71 -3340,1,0,1736,90 -3341,1,0,1937,106 -3346,1,0,2040,73 -3349,1,0,1731,68 -3351,1,0,1925,104 -3351,2,1,0350,102 -3356,1,0,2038,98 -3357,1,0,1802,54 -3358,1,0,1707,46 -3361,1,0,1630,59 -3362,1,0,2310,64 -3373,1,0,1850,65 -3377,1,0,0936,76 -3379,1,0,1800,84 -3380,2,0,1756,40 -3382,1,0,2141,111 -3384,1,0,1910,29 -3385,1,0,1612,123 -3386,1,0,1900,78 -3388,1,0,1748,43 -3392,1,0,1500,53 -3393,1,0,1619,74 -3395,1,0,0300,88 -3395,2,2,1545,77 -3395,3,3,0625,63 -3397,1,0,1400,79 -3399,1,0,2330,104 -3401,1,0,2008,50 -3402,1,0,1220,61 -3405,1,1,0420,89 -3407,1,0,0145,49 -3409,1,0,0205,83 -3414,1,0,1228,29 -3414,2,0,1345,29 -3415,1,3,1410,269 -3415,2,4,0340,223 -3416,1,0,2314,77 -3419,1,0,0258,58 -3421,1,0,1752,51 -3427,1,0,2152,94 -3428,1,0,2059,47 -3429,1,0,2015,68 -3430,1,0,2300,98 -3431,1,1,0139,74 -3431,2,1,0520,68 -3432,1,0,1817,91 -3433,1,0,2150,77 -3434,1,0,1950,117 -3435,1,0,2359,45 -3438,1,0,0113,51 -3439,1,1,0217,36 -3440,1,0,1518,71 -3441,1,0,1615,50 -3442,1,0,2152,78 -3443,1,0,2235,57 -3445,1,0,1803,90 -3446,1,0,2154,46 -3447,1,0,1619,116 -3451,1,0,1625,65 -3452,1,0,1740,47 -3455,1,0,1345,76 -3457,1,0,1600,102 -3459,1,0,1915,78 -3461,1,0,1230,50 -3462,1,0,1420,47 -3463,1,0,1915,63 -3467,1,0,1344,56 -3480,1,0,1756,52 -3486,1,0,2304,52 -3487,1,0,1945,64 -3488,1,0,1212,88 -3489,1,0,2010,97 -3491,1,1,0600,73 -3492,1,0,1812,43 -3495,1,0,2315,20 -3499,1,0,1731,50 -3501,1,1,0558,47 -3503,1,0,2019,51 -3506,1,1,0533,48 -3508,1,0,2131,86 -3509,1,0,2300,81 -3512,1,0,1530,29 -3518,1,0,1818,63 -3519,1,0,2005,67 -3521,1,0,1603,44 -3525,1,1,0758,29 -3525,2,6,0905,29 -3526,1,0,2107,29 -3527,1,0,1948,60 -3528,1,0,2101,47 -3529,1,0,0307,92 -3536,1,0,1225,33 -3539,1,0,2215,77 -3543,1,0,1445,165 -3543,2,1,0400,96 -3543,3,2,0515,40 -3544,1,0,1747,63 -3547,1,0,2320,51 -3549,1,0,1955,95 -3550,1,0,0930,74 -3550,2,1,0705,36 -3551,1,0,1815,78 -3551,2,3,0609,29 -3553,1,1,0630,29 -3558,1,0,1800,53 -3558,2,0,2155,52 -3558,3,6,1153,148 -3559,1,0,1125,54 -3561,1,0,0527,67 -3562,1,0,1631,50 -3566,1,0,1520,40 -3567,1,0,2113,77 -3571,1,0,0140,71 -3572,1,0,2222,249 -3574,1,0,1740,103 -3575,1,0,1722,188 -3580,1,0,2040,39 -3581,1,0,2000,76 -3582,1,0,2121,200 -3584,1,0,2010,127 -3585,1,1,0550,43 -3586,1,0,1733,82 -3587,1,0,1907,61 -3589,1,0,1553,33 -3590,1,0,1930,45 -3591,1,0,2011,102 -3591,2,0,2200,92 -3595,1,0,1744,133 -3596,1,0,1205,26 -3598,1,0,1251,342 -3598,2,0,1646,527 -3598,3,1,0722,332 -3599,1,0,2007,62 -3603,1,0,2359,23 -3607,1,0,1238,31 -3614,1,0,1515,31 -3615,1,0,2328,59 -3621,1,0,1345,62 -3623,1,0,0202,90 -3627,1,0,2044,56 -3628,1,0,1546,124 -3629,1,1,0440,52 -3631,1,0,2150,206 -3631,2,1,1050,219 -3635,1,0,0827,60 -3640,1,0,2215,49 -3642,1,0,2013,42 -3645,1,0,1620,60 -3649,1,0,1602,44 -3651,1,0,1926,79 -3651,2,1,0700,63 -3658,1,1,0928,59 -3659,1,0,1828,48 -3661,1,0,0313,36 -3662,1,0,1740,34 -3663,1,0,2142,40 -3666,1,0,2008,60 -3669,1,0,1900,63 -3671,1,0,1204,29 -3674,1,0,1921,59 -3675,1,0,2031,35 -3675,2,1,0350,29 -3675,3,2,0415,29 -3676,1,0,0945,65 -3677,1,0,2359,77 -3678,1,0,2100,89 -3681,1,1,0030,47 -3683,1,1,0540,61 -3686,1,0,1450,66 -3687,1,0,1050,60 -3690,1,0,1106,96 -3691,1,0,1245,32 -3697,1,0,1550,65 -3704,1,0,1746,136 -3707,1,0,1950,140 -3712,1,0,1545,33 -3713,1,0,2200,54 -3714,1,0,0957,85 -3715,1,0,1742,65 -3717,1,0,1000,37 -3719,1,0,1738,60 -3720,1,0,1811,32 -3722,1,0,2240,79 -3723,1,0,1715,43 -3724,1,0,1758,56 -3726,1,0,1741,32 -3727,1,0,2159,78 -3733,1,0,1800,56 -3736,1,0,1549,69 -3741,1,0,1210,37 -3746,1,1,1040,48 -3747,1,0,2105,42 -3752,1,0,1409,42 -3753,1,0,0714,78 -3755,1,0,1844,111 -3757,1,0,1640,57 -3760,1,0,2232,62 -3762,1,0,1714,23 -3763,1,0,1415,72 -3771,1,0,2300,48 -3773,1,0,1152,50 -3774,1,0,0600,29 -3776,1,0,0236,29 -3777,1,0,2244,86 -3780,1,0,2250,39 -3781,1,0,1210,34 -3782,1,0,1350,131 -3788,1,0,1800,17 -3790,1,0,2140,60 -3795,1,0,1940,160 -3799,1,0,0053,50 -3801,1,0,1719,34 -3808,1,1,0505,62 -3809,1,0,0630,5 -3812,1,0,1150,48 -3813,1,1,0345,31 -3815,1,0,1721,47 -3818,1,0,0640,50 -3819,1,0,1644,96 -3825,1,0,2145,37 -3830,1,0,2006,58 -3835,1,0,1613,43 -3836,1,0,1845,64 -3840,1,0,1354,41 -3842,1,0,1900,59 -3845,1,0,1905,57 -3847,1,0,2042,90 -3848,1,0,1857,55 -3854,1,0,1929,66 -3855,1,0,1425,86 -3856,1,0,2155,47 -3861,1,0,1845,176 -3863,1,1,0500,23 -3865,1,0,2310,145 -3869,1,0,1943,39 -3873,1,0,1517,65 -3875,1,0,1600,94 -3876,1,1,0540,35 -3880,1,0,1835,71 -3881,1,0,1838,50 -3882,1,0,2105,96 -3886,1,0,2048,129 -3886,2,1,0448,118 -3887,1,0,1559,105 -3888,1,1,1135,73 -3889,1,0,2240,29 -3890,1,0,0214,112 -3895,1,0,1312,85 -3897,1,0,1105,76 -3898,1,0,0820,42 -3901,1,0,2209,29 -3901,2,2,0305,29 -3904,1,6,0622,65 -3910,1,0,1925,64 -3910,2,2,1220,44 -3910,3,2,0520,81 -3911,1,0,1655,60 -3912,1,0,1543,62 -3914,1,0,2130,50 -3916,1,0,0821,88 -3919,1,0,2159,75 -3920,1,0,1034,59 -3923,1,1,1218,60 -3924,1,1,0845,67 -3929,1,0,1630,61 -3931,1,0,1500,83 -3940,1,0,2329,76 -3942,1,0,1603,93 -3945,1,0,1941,51 -3946,1,0,1431,87 -3948,1,0,0819,86 -3950,1,0,2213,61 -3954,1,0,2215,29 -3955,1,0,2147,84 -3958,1,0,0851,54 -3960,1,0,2128,48 -3962,1,0,1920,29 -3963,1,0,1746,29 -3967,1,0,1958,58 -3970,1,0,1904,61 -3972,1,0,2041,78 -3975,1,0,1832,62 -3978,1,0,1706,83 -3978,2,0,2235,71 -3979,1,0,1250,84 -3980,1,0,1936,331 -3992,1,0,1701,101 -3993,1,0,0809,84 -3993,2,0,1849,51 -3993,3,1,0603,55 -3996,1,0,1950,46 -3999,1,0,2100,86 -4004,1,0,2120,38 -4005,1,0,1210,59 -4007,1,0,0119,36 -4009,1,0,2110,98 -4010,1,0,2326,104 -4011,1,1,0745,55 -4014,1,0,1745,65 -4016,1,0,2051,40 -4018,1,0,2015,45 -4018,2,1,0740,48 -4021,1,0,1301,126 -4025,1,0,1851,64 -4026,1,0,0902,41 -4027,1,3,0620,32 -4029,1,0,2329,63 -4033,1,0,1924,59 -4037,1,0,1434,124 -4038,1,0,2100,112 -4039,1,0,2253,40 -4039,2,1,2100,40 -4039,3,2,0405,28 -4041,1,0,2104,10 -4042,1,0,2239,83 -4046,1,0,2230,29 -4047,1,0,1640,38 -4049,1,0,1622,154 -4051,1,1,0010,60 -4052,1,0,1329,47 -4055,1,0,0035,63 -4055,2,0,0520,49 -4056,1,0,0548,111 -4065,1,1,0530,33 -4068,1,0,0915,36 -4073,1,0,1950,51 -4075,1,0,1853,21 -4077,1,0,2238,51 -4077,2,1,0320,42 -4077,3,1,1216,40 -4078,1,0,1030,112 -4079,1,0,2112,59 -4081,1,0,1841,93 -4086,1,0,1526,49 -4088,1,0,1911,65 -4091,1,0,1841,78 -4093,1,0,2120,49 -4095,1,0,1433,63 -4097,1,0,0615,46 -4101,1,2,1538,50 -4104,1,0,2025,44 -4106,1,0,1558,114 -4110,1,0,1841,36 -4114,1,1,1410,52 -4115,1,0,1620,67 -4116,1,0,2325,29 -4117,1,1,0450,50 -4120,1,0,1817,92 -4121,1,0,0134,54 -4122,1,1,0044,53 -4125,1,1,0019,127 -4129,1,0,1922,131 -4132,1,0,0620,76 -4134,1,0,1252,58 -4135,1,0,1420,44 -4144,1,0,2101,52 -4147,1,0,2044,46 -4148,1,0,1522,165 -4150,1,0,1315,64 -4151,1,0,1828,80 -4154,1,0,2215,29 -4155,1,0,1803,22 -4157,1,0,1425,98 -4157,2,2,0051,110 -4157,3,2,0646,238 -4159,1,0,1657,60 -4161,1,0,2015,55 -4163,1,0,2115,64 -4165,1,0,1744,38 -4169,1,0,1724,86 -4171,1,0,1505,81 -4175,1,0,1600,144 -4175,2,1,0406,101 -4179,1,0,2010,61 -4180,1,0,2150,161 -4180,2,1,0137,133 -4180,3,1,0641,127 -4181,1,0,2135,49 -4187,1,0,1029,69 -4189,1,0,1739,55 -4189,2,1,0410,53 -4190,1,0,1532,74 -4193,1,1,0045,46 -4193,2,4,0400,56 -4193,3,6,1140,134 -4198,1,0,1550,97 -4200,1,0,1450,76 -4201,1,3,0659,67 -4207,1,0,2055,81 -4208,1,0,1215,60 -4209,1,0,1910,62 -4211,1,2,1635,35 -4214,1,0,1830,66 -4218,1,1,1800,42 -4220,1,0,1940,50 -4221,1,0,2317,85 -4222,1,0,1640,76 -4225,1,0,1723,76 -4226,1,0,2218,95 -4230,1,0,1039,65 -4231,1,0,1734,93 -4232,1,0,2059,31 -4233,1,1,0003,252 -4233,2,1,0615,322 -4235,1,0,2106,110 -4238,1,0,0500,60 -4241,1,1,1210,29 -4243,1,0,1944,64 -4244,1,0,2008,23 -4246,1,0,1140,35 -4250,1,1,0425,223 -4250,2,3,0500,136 -4250,3,4,0350,160 -4252,1,0,1727,34 -4256,1,0,0900,142 -4256,2,1,0206,106 -4260,1,0,1636,137 -4261,1,0,1425,85 -4263,1,0,1210,78 -4266,1,0,1807,76 -4268,1,0,2020,76 -4269,1,0,2156,110 -4270,1,0,1639,32 -4271,1,0,1754,23 -4273,1,1,0545,41 -4277,1,0,0115,74 -4279,1,0,1834,29 -4282,1,0,1944,43 -4285,1,0,1729,54 -4287,1,0,1557,55 -4289,1,0,1915,106 -4295,1,0,1819,63 -4298,1,0,1830,60 -4302,1,0,1753,60 -4306,1,0,0528,33 -4306,2,0,0945,35 -4307,1,0,2355,22 -4308,1,1,0350,61 -4309,1,1,0226,89 -4310,1,1,0600,52 -4310,2,0,1620,41 -4311,1,0,1726,73 -4312,1,0,1750,106 -4313,1,0,2015,52 -4314,1,0,2024,145 -4315,1,0,1640,50 -4316,1,0,2145,67 -4321,1,0,0117,61 -4322,1,0,1720,59 -4325,1,0,1815,39 -4326,1,0,1805,79 -4327,1,0,1846,29 -4328,1,0,1912,31 -4329,1,0,1647,123 -4330,1,0,1631,124 -4332,1,0,0723,62 -4334,1,0,2232,131 -4334,2,1,0600,130 -4334,3,2,2133,119 -4336,1,0,1915,67 -4340,1,0,0224,92 -4342,1,0,1956,84 -4344,1,0,1741,29 -4345,1,0,1932,69 -4348,1,0,1848,147 -4350,1,0,1810,96 -4351,1,0,1240,96 -4357,1,0,1749,51 -4360,1,0,1630,82 -4361,1,0,2041,48 -4363,1,0,1801,49 -4364,1,0,2230,110 -4364,2,1,0500,66 -4364,3,1,1230,62 -4366,1,0,0120,69 -4366,2,1,0600,40 -4368,1,0,1300,29 -4372,1,0,1651,101 -4373,1,0,2130,57 -4380,1,0,1710,120 -4383,1,0,0915,78 -4385,1,0,2000,96 -4389,1,0,1610,32 -4389,2,1,0430,29 -4396,1,0,2017,82 -4400,1,0,2157,8 -4405,1,0,1707,71 -4409,1,0,0855,110 -4410,1,0,0957,84 -4411,1,0,1400,38 -4412,1,0,1624,58 -4414,1,0,1725,76 -4416,1,0,1624,38 -4421,1,0,1708,66 -4422,1,0,2028,72 -4423,1,0,1524,68 -4424,1,0,1639,42 -4425,1,0,2309,59 -4429,1,1,0502,44 -4432,1,0,2045,45 -4438,1,1,0540,32 -4439,1,0,1854,63 -4440,1,0,2000,53 -4444,1,0,1850,97 -4445,1,0,2102,42 -4447,1,0,1539,64 -4452,1,1,0414,60 -4453,1,0,1940,34 -4455,1,1,0131,71 -4457,1,0,1917,48 -4458,1,0,1907,69 -4459,1,0,1505,66 -4460,1,1,0450,29 -4465,1,0,2047,62 -4466,1,0,1155,53 -4467,1,0,0845,16 -4469,1,0,1122,45 -4470,1,0,1552,100 -4471,1,1,0400,29 -4472,1,0,0816,82 -4474,1,1,0003,40 -4475,1,0,1459,62 -4477,1,0,2049,127 -4478,1,0,2347,79 -4482,1,0,1852,68 -4485,1,0,0015,58 -4491,1,0,0345,60 -4494,1,0,2025,71 -4498,1,0,1305,114 -4499,1,0,2220,97 -4501,1,0,0013,39 -4510,1,0,2313,281 -4510,2,1,0553,171 -4510,3,2,0750,87 -4511,1,0,1945,74 -4515,1,0,1603,88 -4518,1,0,2045,100 -4519,1,0,2157,107 -4522,1,0,1621,45 -4524,1,0,1745,43 -4529,1,1,0006,83 -4530,1,0,0920,53 -4530,2,0,1020,29 -4533,1,1,0615,31 -4535,1,0,1822,107 -4536,1,0,1356,34 -4537,1,1,0650,61 -4538,1,0,2345,45 -4540,1,0,1946,35.5 -4546,1,0,2300,32 -4548,1,0,2253,70 -4549,1,0,2029,57 -4550,1,0,1634,55 -4551,1,0,1900,86 -4552,1,0,2008,58 -4553,1,0,2211,96 -4555,1,0,2113,84 -4556,1,0,2108,64 -4557,1,0,2030,102 -4558,1,0,1440,55 -4558,2,1,0709,34 -4559,1,0,1719,71 -4566,1,0,2310,51 -4567,1,0,1610,60 -4568,1,0,1157,106 -4570,1,0,1355,45 -4571,1,0,1852,85 -4572,1,0,1736,79 -4577,1,0,2318,225 -4577,2,1,1000,313 -4577,3,2,0437,120 -4579,1,1,0250,74 -4581,1,0,2059,44 -4581,2,1,1917,35 -4582,1,0,1559,57 -4582,2,1,0815,60 -4583,1,0,1920,15 -4586,1,1,0149,64 -4586,2,1,0600,54 -4589,1,1,0911,161 -4599,1,0,2320,47 -4600,1,0,1130,72 -4602,1,0,2245,58 -4606,1,0,0845,96 -4607,1,0,2136,51 -4608,1,0,2355,82 -4609,1,1,0550,105 -4610,1,0,1447,65 -4613,1,0,1919,44 -4615,1,0,1339,83 -4617,1,0,2358,77 -4619,1,0,0101,95 -4620,1,0,1719,30 -4623,1,0,1705,40 -4624,1,0,2300,7 -4626,1,0,2306,49 -4627,1,0,1940,80 -4629,1,0,0305,33 -4635,1,0,1341,144 -4636,1,0,2045,69 -4639,1,0,2225,37 -4640,1,0,2041,98 -4644,1,0,1722,137 -4645,1,0,1717,69 -4646,1,0,1505,80 -4648,1,0,2159,80 -4653,1,0,2150,49 -4653,2,1,0045,47 -4654,1,0,1614,53 -4656,1,1,0848,45 -4658,1,0,0030,67 -4659,1,0,2339,75 -4664,1,0,1940,49 -4665,1,0,1650,32 -4667,1,0,1820,54 -4668,1,0,2019,36 -4669,1,0,1516,98 -4672,1,0,1651,55 -4674,1,0,2037,74 -4677,1,0,1806,74 -4680,1,0,1725,29 -4680,2,1,0001,29 -4680,3,1,0355,51 -4682,1,0,0743,54 -4683,1,0,1500,138 -4684,1,0,1315,29 -4691,1,0,0950,48 -4693,1,0,1543,30 -4694,1,0,2232,95 -4701,1,0,1315,52 -4703,1,0,1540,17 -4706,1,0,1950,72 -4707,1,0,1207,63 -4708,1,0,2249,45 -4709,1,0,2045,116 -4712,1,0,1850,68 -4713,1,0,1440,9 -4714,1,0,2014,45 -4715,1,0,1745,53 -4716,1,0,1632,37 -4722,1,0,1924,190 -4723,1,0,1656,66 -4724,1,0,1323,48 -4725,1,0,0725,42 -4728,1,0,1829,54 -4738,1,0,0125,29 -4741,1,0,1414,41 -4742,1,3,1300,4 -4742,2,3,1645,6 -4743,1,0,0200,41 -4744,1,0,1744,77 -4746,1,0,1630,29 -4749,1,0,1515,153 -4752,1,1,0025,79 -4756,1,1,0558,52 -4757,1,0,1850,82 -4758,1,1,0155,73 -4760,1,0,2255,125 -4766,1,1,0655,43 -4767,1,0,1400,114 -4770,1,0,1910,69 -4772,1,0,0025,46 -4773,1,0,0043,41 -4781,1,0,1901,194 -4781,2,1,0453,197 -4790,1,0,1656,64 -4792,1,0,2238,19 -4792,2,1,0044,20 -4792,3,1,0323,19 -4793,1,1,0057,29 -4794,1,0,2101,72 -4796,1,0,1754,92 -4800,1,0,2102,63 -4801,1,0,1421,52 -4804,1,1,0010,112 -4806,1,0,1842,105 -4809,1,0,2156,70 -4810,1,0,1443,40 -4812,1,0,1950,71 -4816,1,0,1723,61 -4818,1,0,1504,90 -4820,1,0,2036,83 -4820,2,1,0455,101 -4820,3,7,1505,49 -4821,1,0,1321,55 -4823,1,0,1945,64 -4828,1,1,0010,66 -4831,1,0,2019,164 -4831,2,1,1550,166 -4831,3,2,0440,72 -4834,1,1,0147,53 -4837,1,0,0755,57 -4839,1,0,2058,29 -4842,1,0,1730,43 -4845,1,0,2237,750 -4845,2,1,0830,867 -4845,3,2,0405,369 -4847,1,0,0321,50 -4848,1,0,0721,183 -4851,1,0,1911,77 -4852,1,0,1419,19 -4852,2,2,0840,19 -4853,1,1,0424,13 -4854,1,0,2131,61 -4856,1,0,2330,83 -4858,1,0,2300,61 -4861,1,0,1008,91 -4865,1,0,2010,335 -4868,1,0,2010,42 -4869,1,0,1848,117 -4875,1,0,1646,27 -4875,2,0,1859,135 -4875,3,1,0900,101 -4879,1,1,0610,47 -4879,2,7,1430,32 -4880,1,1,0013,69 -4880,2,1,0745,92 -4880,3,1,1715,69 -4883,1,0,1204,51 -4885,1,1,0630,53 -4887,1,0,1630,87 -4888,1,1,1135,29 -4889,1,0,1515,89 -4894,1,0,1728,76 -4897,1,0,2150,75 -4901,1,1,0630,45 -4902,1,0,1704,80 -4905,1,0,2035,67 -4906,1,0,2310,54 -4908,1,0,1900,76 -4909,1,0,0322,165 -4909,2,0,0742,215 -4911,1,0,0336,84 -4911,2,0,0927,78 -4914,1,0,2239,64 -4915,1,0,2210,37 -4916,1,0,2033,46 -4917,1,0,2015,96 -4920,1,0,1610,214 -4921,1,0,1918,167 -4922,1,0,1730,67 -4926,1,1,0008,81 -4928,1,0,2046,72 -4930,1,0,2154,80 -4931,1,0,0928,43 -4933,1,0,2010,78 -4935,1,0,2040,113 -4936,1,0,1530,66 -4938,1,0,1938,57 -4942,1,0,2000,31 -4943,1,2,0346,40 -4946,1,0,1506,82 -4947,1,0,0045,83 -4948,1,0,2205,77 -4950,1,0,1630,102 -4950,2,0,0942,107 -4952,1,0,1800,45 -4955,1,0,1756,31 -4956,1,0,2243,38 -4957,1,0,2240,83 -4959,1,0,1730,47 -4960,1,0,2138,47 -4966,1,0,1015,39 -4968,1,0,1949,53 -4973,1,1,0046,47 -4974,1,0,2304,54 -4975,1,0,1822,74 -4977,1,3,1205,29 -4978,1,0,0007,104 -4979,1,0,0915,78 -4983,1,0,0455,84 -4986,1,0,1712,42 -4987,1,0,1705,35 -4989,1,0,0306,39 -4992,1,0,1645,86 -4992,2,1,0410,57 -4993,1,0,1236,65 -4994,1,1,0200,139 -4994,2,2,0400,63 -4998,1,1,0016,50 -5000,1,0,1911,18 -5002,1,1,0630,63 -5004,1,0,2005,66 -5005,1,0,1355,101 -5006,1,0,2253,54 -5007,1,0,1743,34 -5008,1,0,1648,68 -5009,1,0,0239,152 -5009,2,1,0411,110 -5010,1,0,2212,120 -5015,1,1,0020,53 -5019,1,0,2245,71 -5020,1,1,1340,41 -5020,2,3,2005,53 -5021,1,0,2211,37 -5023,1,0,2100,70 -5024,1,0,2138,36 -5026,1,0,0130,49 -5028,1,0,2150,46 -5032,1,0,2150,75 -5033,1,0,0159,29 -5036,1,0,2018,76 -5037,1,0,1410,176 -5037,2,0,1630,55 -5044,1,0,2157,71 -5045,1,0,2348,4.7 -5046,1,0,1250,166 -5047,1,0,2041,59 -5048,1,0,0939,29 -5049,1,0,0825,82 -5051,1,0,1630,51 -5052,1,0,0842,90 -5058,1,0,1640,92 -5059,1,0,2340,30 -5060,1,0,1920,54 -5063,1,0,2020,55 -5070,1,0,0429,53 -5074,1,0,2030,69 -5075,1,0,1930,55 -5080,1,0,2100,128 -5080,2,1,0604,88 -5081,1,0,1455,70 -5082,1,0,1637,35 -5083,1,0,1237,77 -5085,1,0,1455,60 -5086,1,0,0345,105 -5092,1,0,1940,140 -5092,2,1,0546,132 -5093,1,0,1946,88 -5094,1,0,1158,58 -5100,1,0,2159,96 -5103,1,0,1938,53 -5104,1,0,1333,39 -5105,1,0,1645,85 -5107,1,0,1730,44 -5114,1,0,1444,46 -5115,1,0,2103,571 -5115,2,1,0230,606 -5115,3,1,1110,494 -5119,1,0,0850,38 -5126,1,1,0535,78 -5127,1,0,0310,98 -5129,1,0,2159,60 -5130,1,0,1442,59 -5131,1,0,1700,64 -5133,1,0,1603,55 -5134,1,1,0750,107 -5139,1,0,1308,72 -5141,1,0,2140,76 -5143,1,0,1845,78 -5147,1,0,1829,93 -5148,1,0,1845,37 -5150,1,2,1657,30 -5150,2,6,2051,82 -5152,1,0,1420,33 -5155,1,0,0005,34 -5157,1,0,2035,60 -5158,1,0,1940,83 -5161,1,0,1843,47 -5162,1,0,1940,82 -5164,1,0,1420,18 -5172,1,0,2120,82 -5175,1,0,1544,59 -5180,1,0,0920,83 -5182,1,1,0745,63 -5183,1,0,1342,59 -5190,1,0,2242,44 -5192,1,0,1108,47 -5193,1,0,1335,71 -5198,1,0,0112,56 -5201,1,1,0035,53 -5204,1,1,0618,33 -5205,1,0,2215,58 -5207,1,0,1858,36 -5210,1,0,1634,52 -5211,1,0,1330,52 -5213,1,0,1924,65 -5220,1,0,0157,80 -5227,1,0,1642,42 -5230,1,0,1430,148 -5237,1,0,2047,113 -5238,1,0,1704,51 -5239,1,0,1835,63 -5240,1,0,1858,33 -5243,1,0,1555,47 -5244,1,0,0805,29 -5247,1,0,2017,53 -5249,1,0,1550,110 -5250,1,0,2144,70 -5252,1,0,2314,57 -5253,1,0,1521,49 -5253,2,1,0415,32 -5257,1,0,2216,46 -5264,1,0,1737,49 -5267,1,1,0615,37 -5269,1,0,1622,46 -5275,1,0,2030,58 -5276,1,0,1835,29 -5276,2,1,0630,29 -5277,1,0,1224,87 -5285,1,0,2256,128 -5290,1,0,1909,103 -5292,1,0,1930,45 -5294,1,0,2145,60 -5295,1,0,1645,105 -5298,1,0,1221,77 -5303,1,0,1500,50 -5304,1,0,0850,59 -5306,1,0,2300,69 -5309,1,0,2141,45 -5310,1,0,2010,77 -5313,1,0,1430,79 -5314,1,0,1750,47 -5315,1,0,2030,54 -5320,1,0,1420,102 -5322,1,0,1410,54 -5323,1,0,2130,35 -5324,1,0,0948,90 -5329,1,1,0032,69 -5337,1,0,1003,39 -5338,1,0,1018,60 -5339,1,0,1526,73 -5340,1,0,1855,60 -5341,1,0,2051,53 -5344,1,2,1255,29 -5345,1,0,1812,85 -5351,1,0,0454,91 -5351,2,0,1043,64 -5351,3,1,1240,54 -5352,1,0,1205,92 -5354,1,0,1853,66 -5355,1,0,2141,68 -5361,1,0,1230,39 -5364,1,0,2111,160 -5364,2,1,0342,124 -5364,3,2,0649,59 -5365,1,0,1843,115 -5365,2,1,0320,163 -5365,3,2,0634,74 -5366,1,0,1730,88 -5369,1,0,1858,55 -5371,1,1,0645,30 -5372,1,0,1358,138 -5372,2,1,0520,110 -5373,1,0,0856,66 -5378,1,0,1955,48 -5380,1,0,0010,72 -5383,1,0,0930,76 -5385,1,0,1741,49 -5385,2,1,0810,43 -5390,1,0,2057,74 -5393,1,0,1733,47 -5394,1,0,1844,51 -5395,1,0,1938,77 -5398,1,0,2338,44 -5399,1,0,1235,78 -5400,1,0,1554,55 -5408,1,0,1939,138 -5409,1,0,2146,52 -5410,1,0,1745,68 -5414,1,0,1817,29 -5417,1,0,0842,47 -5418,1,0,0102,115 -5419,1,0,1939,110 -5419,2,1,1143,90 -5420,1,0,1000,55 -5421,1,0,1755,76 -5422,1,0,1710,67 -5425,1,0,1615,76 -5426,1,0,2011,50 -5429,1,2,1450,67 -5430,1,0,2054,83 -5433,1,0,1800,29 -5435,1,0,1131,106 -5435,2,0,1616,178 -5435,3,1,0011,187 -5437,1,0,1315,80 -5438,1,0,1512,43 -5440,1,0,1512,154 -5442,1,0,1915,41 -5445,1,0,1632,64 -5448,1,0,1741,52 -5450,1,0,0920,67 -5451,1,0,1754,49 -5452,1,0,2208,90 -5453,1,0,1521,62 -5456,1,0,1629,73 -5458,1,2,0555,4 -5458,2,2,1025,5 -5458,3,2,1428,10 -5459,1,0,1305,89 -5468,1,0,0825,31 -5470,1,0,1745,33 -5470,2,1,0400,29 -5471,1,0,2011,74 -5473,1,0,2235,72 -5474,1,0,1626,108 -5475,1,0,1101,96 -5475,2,0,1440,112 -5475,3,0,1954,81 -5477,1,0,2058,69 -5483,1,0,0249,53 -5488,1,0,1340,59 -5488,2,1,0545,48 -5490,1,0,1656,65 -5491,1,0,2351,51 -5491,2,1,0513,55 -5491,3,1,1525,90 -5493,1,0,1950,76 -5493,2,1,0720,74 -5494,1,0,1500,33 -5495,1,0,2255,56 -5497,1,0,1506,60 -5500,1,0,1805,75 -5503,1,0,2115,59 -5507,1,0,1440,82 -5509,1,0,1651,37 -5511,1,0,1422,115 -5513,1,1,0018,76 -5514,1,0,1804,90 -5515,1,0,2145,68 -5517,1,0,1948,145 -5520,1,1,0029,385 -5520,2,1,0920,204 -5521,1,0,2104,54 -5522,1,1,2108,116 -5523,1,0,2109,35 -5528,1,0,1811,58 -5531,1,0,2330,87 -5531,2,1,1130,117 -5532,1,0,2230,62 -5536,1,1,0940,152 -5540,1,0,1250,63 -5540,2,1,0705,60 -5541,1,0,1125,125 -5542,1,0,1148,46 -5555,1,0,1842,63 -5556,1,0,1937,90 -5557,1,0,2211,35 -5559,1,0,2319,99 -5560,1,0,1830,82 -5561,1,0,0136,171 -5564,1,0,1835,39 -5565,1,0,1705,60 -5565,2,1,0930,55 -5566,1,0,1829,81 -5567,1,0,1854,38 -5569,1,0,2252,73 -5573,1,0,1503,41 -5574,1,0,1708,69 -5575,1,0,0235,76 -5576,1,0,1314,56 -5577,1,0,0809,82 -5578,1,0,1757,53 -5579,1,0,0950,50 -5583,1,0,1800,62 -5587,1,0,2103,41 -5590,1,0,2253,165 -5590,2,1,0243,108 -5593,1,0,2025,79 -5594,1,0,2222,100 -5596,1,1,0545,101 -5597,1,1,0200,44 -5598,1,0,0103,71 -5598,2,0,0649,59 -5600,1,0,2248,70 -5601,1,0,1608,69 -5602,1,0,1830,78 -5606,1,0,0945,60 -5607,1,0,1802,40 -5608,1,0,1440,125 -5611,1,0,1600,59 -5612,1,1,0645,39 -5618,1,0,2052,39 -5619,1,0,0025,190 -5620,1,0,1817,73 -5627,1,0,2045,66 -5628,1,3,1845,60 -5632,1,1,0550,43 -5633,1,0,1928,89 -5634,1,0,1748,82 -5638,1,0,2120,97 -5644,1,0,2142,72 -5645,1,0,1824,70 -5646,1,0,0254,43 -5649,1,0,2335,84 -5650,1,1,0536,29 -5653,1,0,0410,51 -5655,1,0,1600,38 -5658,1,0,1609,54 -5663,1,0,1900,57 -5670,1,0,2209,64 -5673,1,0,1725,76 -5675,1,0,1739,88 -5677,1,0,2128,40 -5687,1,1,0836,57 -5688,1,0,2139,86 -5693,1,0,2255,63 -5696,1,0,1430,114 -5700,1,1,0504,36 -5705,1,0,1827,67 -5707,1,0,0700,43 -5709,1,0,1842,59 -5710,1,0,1940,95 -5712,1,0,2044,42 -5714,1,0,1715,78 -5716,1,0,2359,79 -5718,1,0,2049,47 -5720,1,1,0950,137 -5722,1,0,2115,82 -5724,1,0,1536,51 -5731,1,0,1820,91 -5734,1,0,2241,62 -5735,1,0,2305,29 -5740,1,0,1400,135 -5741,1,0,1615,42 -5742,1,0,2112,31 -5743,1,0,1618,62 -5749,1,0,0345,103 -5750,1,0,2049,181 -5751,1,0,1448,60 -5756,1,0,1920,51 -5756,2,1,0715,36 -5760,1,0,1410,48 -5763,1,0,1439,96 -5764,1,0,1433,82 -5767,1,0,1601,134 -5768,1,0,1658,67 -5770,1,0,2145,81 -5771,1,0,1605,98 -5778,1,0,2034,90 -5781,1,0,1804,63 -5782,1,0,1420,53 -5783,1,0,1922,67 -5785,1,0,1338,129 -5786,1,0,1520,26 -5789,1,0,2230,32 -5790,1,0,0633,70 -5791,1,0,1906,85 -5793,1,0,1954,71 -5804,1,0,1636,62 -5804,2,1,0535,61 -5806,1,0,0550,29 -5807,1,1,0550,31 -5808,1,0,0650,35 -5809,1,0,1657,126 -5811,1,0,2352,45 -5815,1,0,1417,35 -5822,1,0,2119,66 -5823,1,0,1614,46 -5824,1,0,1219,48 -5824,2,1,0045,37 -5824,3,1,0400,41 -5830,1,1,0615,46 -5831,1,0,2054,40 -5835,1,0,2019,77 -5841,1,0,2230,42 -5848,1,0,2232,105 -5848,2,1,0925,103 -5849,1,0,1503,29 -5852,1,0,2116,52 -5858,1,0,1559,49 -5860,1,0,2210,46 -5862,1,0,1755,73 -5865,1,0,2312,54 -5866,1,0,2335,71 -5868,1,0,2338,45 -5874,1,1,0620,76 -5874,2,0,1511,88 -5886,1,0,0033,103 -5886,2,0,0938,91 -5894,1,0,1226,43 -5894,2,0,1852,97 -5894,3,0,2326,224 -5895,1,0,1440,125 -5895,2,1,0700,95 -5900,1,0,1845,29 -5903,1,0,1608,46 -5906,1,0,1946,48 -5908,1,0,1250,62 -5909,1,0,1424,50 -5910,1,0,1855,72 -5911,1,0,0937,53 -5915,1,0,0955,29 -5917,1,0,1715,51 -5923,1,0,1945,15 -5926,1,1,0040,40 -5928,1,0,2107,40 -5931,1,0,0838,77 -5935,1,0,1636,171 -5938,1,0,2009,77 -5938,2,1,0030,91 -5938,3,1,0530,94 -5942,1,0,1445,72 -5943,1,0,2005,58 -5945,1,0,1012,64 -5947,1,0,2109,92 -5950,1,0,1404,52 -5951,1,1,1244,164 -5951,2,2,0555,77 -5953,1,0,0439,91 -5955,1,0,1517,18 -5958,1,1,0020,67 -5960,1,0,1839,47 -5961,1,0,1714,62 -5968,1,0,2250,59 -5970,1,0,1540,37 -5973,1,0,1925,52 -5974,1,0,2100,69 -5977,1,0,1830,39 -5978,1,1,0133,83 -5978,2,1,0456,77 -5978,3,1,2345,62 -5981,1,0,2141,49 -5983,1,1,0525,49 -5984,1,0,1055,94 -5986,1,0,1235,109 -5989,1,0,2339,91 -5990,1,0,2002,5 -5992,1,0,1950,42 -5995,1,0,2001,241 -5995,2,1,0633,103 -5999,1,0,0319,37 -6000,1,0,0957,41 -6002,1,1,0000,29 -6004,1,0,2005,52 -6009,1,0,2034,78 -6010,1,0,2115,34 -6015,1,0,1356,96 -6015,2,0,1812,83 -6016,1,1,0057,63 -6018,1,0,1945,110 -6019,1,0,2130,66 -6024,1,1,0530,59 -6026,1,0,1618,81 -6027,1,0,0420,61 -6030,1,0,2035,58 -6030,2,1,1245,56 -6035,1,0,1944,17 -6037,1,1,0600,35 -6038,1,0,1919,47 -6040,1,0,1213,61 -6042,1,0,1245,63 -6052,1,0,1115,81 -6054,1,1,2015,528 -6054,2,1,2352,454 -6054,3,2,0417,298 -6057,1,0,1910,48 -6060,1,0,2225,61 -6063,1,0,2130,75 -6066,1,0,1524,90 -6068,1,0,1307,30 -6069,1,0,2235,128 -6077,1,0,0922,49 -6081,1,0,1725,70 -6082,1,0,1950,30 -6083,1,0,2214,65 -6083,2,2,1111,57 -6088,1,0,1345,61 -6092,1,0,1438,86 -6092,2,1,0519,64 -6093,1,0,1615,51 -6095,1,0,0115,115 -6095,2,0,1150,168 -6095,3,1,0445,166 -6097,1,0,1551,52 -6098,1,0,1937,42 -6101,1,0,1710,41 -6103,1,0,1430,36 -6106,1,1,0605,39 -6109,1,0,1610,91 -6109,2,1,0911,83 -6109,3,2,0445,84 -6110,1,0,1234,17 -6113,1,0,1929,19 -6115,1,0,2201,75 -6116,1,1,0025,66 -6117,1,0,1731,52 -6119,1,0,2028,62 -6120,1,0,2315,78 -6121,1,0,2130,77 -6123,1,0,2200,60 -6129,1,2,0430,32 -6129,2,0,1535,64 -6133,1,0,1836,92 -6135,1,0,1840,116 -6144,1,1,0510,29 -6146,1,0,2044,86 -6146,2,1,0330,60 -6147,1,0,1940,99 -6147,2,1,0510,103 -6147,3,1,0850,101 -6148,1,0,1859,99 -6149,1,0,1931,59 -6149,2,1,0435,49 -6151,1,0,1700,48 -6154,1,0,0910,82 -6154,2,1,0655,71 -6157,1,0,1949,96 -6161,1,0,2036,95 -6166,1,0,1940,35 -6166,2,1,0550,29 -6166,3,2,0525,29 -6167,1,0,2245,61 -6171,1,0,2126,108 -6174,1,0,2254,70 -6175,1,0,1423,29 -6178,1,0,2350,49 -6178,2,1,0413,41 -6179,1,0,1245,60 -6180,1,0,2313,29 -6180,2,1,0454,29 -6180,3,6,0045,80 -6184,1,0,1500,32 -6186,1,0,1303,104 -6190,1,0,1150,67 -6193,1,0,2005,196 -6195,1,0,1520,65 -6196,1,0,1840,96 -6201,1,0,2102,283 -6201,2,1,0725,267 -6202,1,0,1908,73 -6205,1,0,1828,55 -6205,2,2,1015,39 -6209,1,0,2001,52 -6210,1,0,1240,45 -6214,1,0,0100,85 -6217,1,0,2033,108 -6223,1,0,2230,59 -6224,1,0,2013,55 -6225,1,0,1647,39 -6225,2,2,1350,20 -6233,1,0,2330,83 -6234,1,0,2235,62 -6235,1,0,1530,38 -6236,1,0,0634,32 -6245,1,0,2159,69 -6250,1,3,0700,47 -6250,2,0,2121,58 -6251,1,0,1745,66 -6252,1,0,1204,44 -6256,1,0,2010,62 -6257,1,0,1433,98 -6258,1,0,2030,36 -6260,1,0,2119,70 -6261,1,0,0809,83 -6264,1,0,1347,57 -6270,1,0,2018,71 -6271,1,0,2230,47 -6273,1,0,2150,57 -6275,1,0,1414,91 -6275,2,1,0400,93 -6275,3,2,0400,98 -6278,1,0,1930,77 -6279,1,0,2202,44 -6282,1,0,2015,97 -6283,1,0,2052,80 -6284,1,0,0708,90 -6285,1,0,0347,94 -6286,1,0,2030,39 -6287,1,0,1920,71 -6290,1,0,2012,106 -6292,1,0,1824,109 -6300,1,0,1220,57 -6302,1,1,1835,46 -6303,1,1,0420,815 -6303,2,2,0630,709 -6303,3,4,0630,119 -6306,1,0,2120,90 -6307,1,0,1900,75 -6311,1,1,0540,57 -6316,1,0,1625,59 -6317,1,0,1100,57 -6319,1,0,2005,44 -6323,1,0,1630,84 -6323,2,0,1645,81 -6329,1,0,1920,71 -6333,1,0,2106,56 -6338,1,0,2055,106 -6340,1,0,0916,17 -6341,1,1,0600,37 -6342,1,0,1756,79 -6350,1,0,0045,94 -6354,1,0,1851,87 -6355,1,0,1241,88 -6362,1,0,2049,79 -6362,2,2,0200,40 -6363,1,0,2153,51 -6367,1,0,1037,48 -6367,2,0,1308,45 -6367,3,0,1617,31 -6368,1,0,2207,52 -6370,1,0,2108,76 -6373,1,0,1330,133 -6379,1,0,1213,66 -6381,1,0,2130,102 -6383,1,0,2340,46 -6385,1,0,1128,59 -6386,1,0,1137,66 -6387,1,0,1652,76 -6387,2,1,1430,66 -6389,1,0,2046,90 -6391,1,0,1315,34 -6392,1,0,2207,32 -6393,1,0,1510,88 -6393,2,1,0655,62 -6394,1,0,2357,34 -6402,1,0,2250,62 -6402,2,1,0540,49 -6405,1,0,2233,148 -6406,1,0,1233,58 -6409,1,1,0340,53 -6410,1,1,1014,91 -6411,1,0,1830,93 -6412,1,0,1710,93 -6415,1,0,1306,32 -6416,1,0,2150,60 -6417,1,0,1721,109 -6417,2,0,1753,101 -6418,1,0,1230,32 -6419,1,0,2007,51 -6420,1,0,2118,40 -6421,1,1,0600,44 -6422,1,0,2013,82 -6425,1,0,1309,50 -6426,1,0,1319,59 -6427,1,1,0020,86 -6428,1,0,2203,91 -6431,1,0,1957,92 -6432,1,0,2300,36 -6433,1,1,0750,2802 -6433,2,2,0820,2685 -6433,3,3,0810,2149 -6439,1,0,2315,41 -6440,1,0,2055,84 -6440,2,1,0228,120 -6440,3,2,0408,50 -6441,1,0,2020,31 -6442,1,0,1424,26 -6442,2,1,0622,17 -6442,3,2,0830,14 -6444,1,0,1850,68 -6447,1,1,0006,174 -6447,2,1,0625,244 -6447,3,2,0545,374 -6448,1,1,0620,59 -6449,1,0,1930,32 -6450,1,0,1825,44 -6451,1,0,1722,50 -6452,1,0,1815,64 -6454,1,0,1909,33 -6457,1,0,1600,45 -6461,1,0,1800,154 -6462,1,0,0455,48 -6465,1,0,2312,76 -6465,2,1,0545,65 -6467,1,0,1800,29 -6471,1,0,1337,32 -6473,1,0,0640,29 -6474,1,6,0947,28 -6477,1,0,2117,446 -6478,1,0,1150,85 -6479,1,0,0918,42 -6480,1,1,0030,23 -6483,1,0,2322,59 -6486,1,0,1745,47 -6487,1,0,0012,74 -6490,1,0,1434,93 -6492,1,0,1948,41 -6493,1,0,1915,30 -6496,1,1,0006,47 -6497,1,0,1609,96 -6504,1,0,1850,68 -6507,1,0,1755,63 -6509,1,0,2044,29 -6510,1,0,1840,58 -6513,1,0,2200,50 -6514,1,1,0610,29 -6515,1,0,1327,100 -6516,1,0,2225,44 -6517,1,0,0230,148 -6519,1,0,1520,37 -6525,1,0,1710,65 -6526,1,0,0645,32 -6527,1,0,2355,34 -6528,1,0,1717,11 -6529,1,0,2313,96 -6537,1,0,2105,31 -6539,1,0,1328,59 -6541,1,0,0040,66 -6543,1,0,1905,67 -6544,1,1,0525,80 -6548,1,0,2217,34 -6548,2,1,0648,33 -6550,1,0,1520,71 -6557,1,0,0255,60 -6561,1,0,2314,29 -6563,1,0,2217,74 -6566,1,0,1138,43 -6567,1,0,1655,106 -6571,1,0,1715,44 -6572,1,1,0550,40 -6574,1,0,1350,265 -6578,1,0,1528,48 -6579,1,0,2024,35 -6579,2,1,0404,32 -6581,1,0,2325,104 -6584,1,1,1218,247 -6584,2,1,1610,207 -6584,3,1,2112,333 -6586,1,0,2355,63 -6587,1,0,1448,39 -6589,1,0,0930,86 -6592,1,0,1000,74 -6596,1,0,1357,70 -6605,1,0,1545,47 -6607,1,0,1828,67 -6611,1,0,1559,106 -6612,1,0,2205,50 -6615,1,1,0720,29 -6616,1,0,2014,143 -6620,1,0,1134,56 -6623,1,0,2231,84 -6625,1,0,1920,173 -6628,1,0,1707,86 -6632,1,0,2229,47 -6635,1,0,0020,63 -6636,1,0,1705,42 -6637,1,0,0226,61 -6639,1,0,0835,59 -6642,1,0,0744,72 -6645,1,0,0932,40 -6648,1,0,0502,97 -6653,1,1,0022,31 -6654,1,0,1945,88 -6655,1,0,1938,34 -6656,1,0,1306,62 -6660,1,0,1656,35 -6668,1,0,2033,69 -6669,1,0,1808,144 -6672,1,1,0440,29 -6679,1,0,0935,65 -6680,1,0,0231,36 -6683,1,0,1130,43 -6685,1,0,1715,92 -6687,1,0,2010,74 -6690,1,1,0705,55 -6691,1,0,2002,29 -6692,1,1,0123,66 -6694,1,0,1615,61 -6696,1,0,0945,104 -6698,1,0,1950,79 -6700,1,1,0035,64 -6701,1,0,1055,73 -6701,2,0,1922,75 -6701,3,1,0310,63 -6704,1,0,2050,57 -6705,1,1,0146,67 -6706,1,0,2221,41 -6707,1,0,1440,78 -6708,1,0,1509,75 -6709,1,0,1703,85 -6713,1,0,2105,74 -6714,1,0,0900,31 -6721,1,0,0146,5 -6722,1,0,1232,80 -6726,1,0,2100,72 -6726,2,0,2145,60 -6726,3,0,2229,60 -6727,1,0,1620,93 -6728,1,0,2335,98 -6730,1,0,2220,60 -6736,1,0,1630,51 -6738,1,0,2014,56 -6743,1,1,0235,93 -6744,1,1,0546,61 -6745,1,0,2018,57 -6749,1,0,1340,61 -6750,1,0,1401,71 -6756,1,0,2311,55 -6759,1,0,2230,87 -6763,1,0,1842,65 -6764,1,0,1749,55 -6767,1,0,1455,216 -6768,1,0,1000,979 -6768,2,2,0610,89 -6768,3,4,0625,48 -6769,1,0,1613,44 -6772,1,0,2207,54 -6774,1,1,0012,29 -6775,1,0,1730,72 -6776,1,0,0558,62 -6777,1,0,1700,76 -6779,1,0,1853,67 -6786,1,0,1925,79 -6790,1,0,1230,22 -6790,2,1,0435,24 -6791,1,0,2010,114 -6791,2,1,0555,110 -6793,1,0,1050,93 -6798,1,0,2026,104 -6800,1,0,1545,74 -6803,1,0,2145,111 -6809,1,0,0123,82 -6810,1,0,1654,165 -6814,1,0,2110,97 -6815,1,0,1645,29 -6817,1,0,1550,59 -6821,1,0,0608,86 -6823,1,0,2205,86 -6824,1,0,2346,32 -6825,1,0,1341,36 -6827,1,0,1824,96 -6827,2,1,0806,70 -6828,1,0,2245,105 -6828,2,1,0822,82 -6830,1,0,1818,57 -6830,2,1,0420,34 -6830,3,3,1430,29 -6841,1,0,1244,158 -6842,1,0,1303,49 -6843,1,0,2001,92 -6847,1,0,1435,51 -6848,1,0,2109,47 -6849,1,0,1803,45 -6853,1,0,0110,23 -6855,1,1,0039,103 -6856,1,0,2133,87 -6857,1,0,0325,71 -6859,1,0,1931,40 -6861,1,0,2150,57 -6861,2,1,0646,35 -6863,1,0,1133,132 -6864,1,0,1835,103 -6867,1,0,0352,65 -6869,1,0,0810,9 -6871,1,0,2355,306 -6874,1,0,1521,38 -6876,1,0,2007,79 -6878,1,0,2141,78 -6884,1,0,2014,51 -6890,1,1,0014,59 -6891,1,1,0356,31 -6895,1,0,2145,47 -6898,1,2,0723,33 -6900,1,0,2054,115 -6903,1,0,1908,104 -6904,1,0,1749,47 -6909,1,0,1229,31 -6910,1,0,2220,24 -6915,1,0,0816,41 -6917,1,0,1802,116 -6918,1,0,2140,37 -6918,2,1,0540,29 -6924,1,0,1439,58 -6926,1,0,1138,39 -6928,1,0,2000,38 -6929,1,0,1850,20 -6930,1,0,1845,46 -6935,1,0,1221,61 -6936,1,0,1715,63 -6940,1,0,0624,121 -6942,1,0,1904,68 -6947,1,0,1652,41 -6948,1,0,1249,28 -6954,1,0,1900,62 -6957,1,0,1143,315 -6957,2,2,0624,52 -6961,1,1,0405,156 -6963,1,0,0251,69 -6964,1,0,2000,48 -6966,1,0,1900,62 -6973,1,0,1057,46 -6974,1,0,2145,121 -6975,1,1,0605,57 -6976,1,0,1412,37 -6980,1,0,2130,59 -6982,1,0,2206,67 -6984,1,0,1810,70 -6986,1,0,2350,90 -6987,1,0,1420,132 -6988,1,0,1619,90 -6989,1,0,2050,74 -6997,1,0,2146,69 -6998,1,0,1703,73 -7000,1,0,2335,50 -7001,1,0,1801,58 -7003,1,0,1749,47 -7006,1,0,2300,62 -7008,1,0,1904,81 -7011,1,0,1816,62 -7015,1,0,2212,113 -7017,1,0,2355,48 -7017,2,1,0100,54 -7018,1,0,1842,94 -7021,1,0,1344,51 -7022,1,0,2126,104 -7024,1,0,0140,71 -7028,1,0,0155,78 -7029,1,1,0410,37 -7031,1,0,1925,39 -7032,1,0,2113,70 -7033,1,0,1640,99 -7038,1,0,2001,79 -7050,1,0,2219,47 -7051,1,1,0105,35 -7056,1,0,1738,40 -7056,2,1,0530,24 -7057,1,0,0921,47 -7061,1,0,2054,72 -7061,2,4,0035,61 -7063,1,0,1000,72 -7068,1,0,1045,45 -7069,1,0,2110,32 -7072,1,0,1647,85 -7074,1,0,1656,29 -7075,1,0,1305,70 -7078,1,0,1300,61 -7079,1,0,2235,122 -7082,1,0,1653,41 -7083,1,0,2242,127 -7084,1,0,1220,32 -7092,1,0,2000,143 -7095,1,0,1630,74 -7096,1,0,1845,66 -7101,1,0,2102,69 -7102,1,0,1630,45 -7104,1,0,1903,107 -7105,1,0,1640,92 -7109,1,0,1540,59 -7115,1,0,1748,79 -7117,1,0,1141,47 -7122,1,0,1733,42 -7123,1,0,1850,51 -7123,2,2,1641,31 -7123,3,4,0545,40 -7130,1,0,1608,40 -7131,1,0,1935,151 -7131,2,1,0615,103 -7132,1,0,0411,63 -7134,1,0,2013,85 -7136,1,0,1815,57 -7136,2,1,0220,50 -7136,3,2,0500,29 -7137,1,1,0006,142 -7138,1,0,0020,106 -7140,1,0,0530,75 -7143,1,0,1119,60 -7145,1,0,1000,19 -7146,1,0,1820,49 -7150,1,0,0736,47 -7151,1,1,0440,114 -7151,2,2,0540,91 -7154,1,0,1935,92 -7159,1,0,2120,64 -7162,1,0,1915,72 -7163,1,0,2005,81 -7165,1,0,2230,4 -7169,1,0,1445,104 -7169,2,1,0550,60 -7171,1,0,1807,75 -7173,1,0,0930,50 -7174,1,0,1128,48 -7177,1,0,2317,96 -7178,1,0,2023,103 -7181,1,0,2120,39 -7182,1,0,2358,159 -7184,1,0,1836,31 -7189,1,0,1702,80 -7190,1,0,1506,43 -7199,1,1,0004,35 -7203,1,0,0910,61 -7205,1,0,1227,83 -7208,1,0,2256,99 -7213,1,0,2030,61 -7214,1,0,1137,103 -7214,2,0,1930,90 -7214,3,1,0600,80 -7215,1,0,1350,134 -7215,2,0,1519,137 -7215,3,0,1815,129 -7218,1,0,2107,77 -7220,1,0,2131,48 -7222,1,0,1845,88 -7223,1,0,1641,58 -7226,1,0,2250,30 -7227,1,0,1745,55 -7228,1,0,1202,86 -7228,2,0,1635,163 -7228,3,1,0405,416 -7230,1,0,2040,59 -7231,1,0,1704,64 -7234,1,0,1840,102 -7238,1,0,2120,98 -7241,1,0,1620,64 -7242,1,1,0534,47 -7246,1,0,1913,39 -7247,1,0,0919,25 -7248,1,0,1519,45 -7249,1,0,1740,63 -7250,1,0,1945,93 -7251,1,0,0026,91 -7253,1,0,2240,15 -7255,1,0,2030,60 -7256,1,0,1400,40 -7258,1,0,1732,7 -7260,1,0,2045,71 -7267,1,0,2000,72 -7269,1,0,2034,37 -7274,1,0,1839,37 -7274,2,1,0553,61 -7276,1,0,0204,61 -7276,2,0,0703,29 -7282,1,0,1204,113 -7285,1,0,1630,27 -7287,1,0,2230,33 -7294,1,0,1651,107 -7299,1,0,0104,54 -7300,1,0,1913,112 -7302,1,0,1731,185 -7302,2,1,0407,156 -7303,1,0,1826,78 -7304,1,0,1300,94 -7305,1,0,0818,56 -7308,1,0,1719,37 -7312,1,0,1605,50 -7314,1,0,1302,62 -7315,1,0,1722,58 -7317,1,0,1142,49 -7318,1,0,1946,53 -7320,1,0,2210,33 -7321,1,0,1942,65 -7323,1,0,1917,61 -7324,1,0,2012,107 -7325,1,0,1741,72 -7329,1,0,1000,67 -7332,1,0,2000,29 -7334,1,0,1457,67 -7337,1,0,1753,51 -7341,1,0,2110,54 -7342,1,0,2130,61 -7347,1,0,2133,47 -7347,2,1,0430,49 -7348,1,0,2155,29 -7349,1,0,1255,50 -7352,1,0,2240,29 -7353,1,0,2315,77 -7360,1,0,0533,47 -7362,1,0,2210,58 -7363,1,0,1530,36 -7364,1,0,2026,67 -7364,2,1,0212,57 -7366,1,0,2103,47 -7367,1,0,2230,33 -7367,2,2,0845,143 -7367,3,2,1250,128 -7368,1,0,1636,104 -7372,1,1,0355,31 -7374,1,0,1900,29 -7375,1,0,1902,54 -7384,1,0,1550,72 -7386,1,0,1855,84 -7388,1,0,1114,29 -7389,1,0,1830,54 -7392,1,0,1811,88 -7394,1,0,1221,131 -7394,2,1,0650,63 -7398,1,0,1149,60 -7400,1,0,1512,92 -7401,1,0,1746,51 -7403,1,0,1358,50 -7404,1,0,1326,46 -7406,1,0,1817,83 -7408,1,0,2214,76 -7409,1,0,1924,67 -7410,1,0,1437,38 -7414,1,0,1458,77 -7415,1,0,0413,89 -7417,1,0,2205,80 -7418,1,0,1820,57 -7421,1,0,1037,117 -7421,2,1,0952,96 -7423,1,0,1731,100 -7428,1,0,0727,57 -7429,1,0,2115,170 -7429,2,1,0843,138 -7429,3,2,0915,114 -7430,1,0,1635,32 -7435,1,0,0359,74 -7436,1,0,2011,53 -7436,2,1,0130,97 -7436,3,1,0417,264 -7438,1,0,0253,52 -7440,1,0,1205,46 -7442,1,0,1610,40 -7443,1,0,2053,128 -7445,1,0,1656,52 -7446,1,0,1925,76 -7447,1,0,2135,75 -7450,1,0,1910,49 -7451,1,0,2250,30 -7453,1,0,1846,79 -7454,1,4,0600,122 -7454,2,1,0425,441 -7456,1,0,1349,63 -7462,1,0,1738,88 -7467,1,0,0739,77 -7468,1,0,2103,74 -7472,1,0,2244,78 -7473,1,0,1725,39 -7474,1,0,1730,66 -7475,1,0,2315,51 -7478,1,0,1827,43 -7480,1,4,0940,58 -7480,2,7,0405,107 -7483,1,0,2155,134 -7486,1,0,0817,49 -7489,1,0,1800,35 -7490,1,0,1724,48 -7492,1,0,1611,158 -7493,1,0,1623,40 -7497,1,0,1800,119 -7498,1,0,0247,85 -7504,1,0,0230,46 -7505,1,0,2346,83 -7508,1,0,1629,162 -7508,2,1,1115,215 -7512,1,0,1341,30 -7513,1,0,1858,109 -7521,1,0,1849,10 -7522,1,0,1516,67 -7524,1,0,2215,129 -7524,2,1,0953,107 -7527,1,0,1718,55 -7528,1,0,2348,48 -7528,2,1,0549,42 -7529,1,0,2046,229 -7530,1,0,1918,45 -7531,1,0,1940,47 -7532,1,0,1252,41 -7533,1,0,1920,29 -7537,1,0,2112,107 -7539,1,0,2340,31 -7540,1,0,1605,65 -7541,1,0,1554,93 -7545,1,1,0530,29 -7551,1,1,0117,37 -7552,1,0,0616,82 -7555,1,0,1625,54 -7556,1,0,1438,40 -7557,1,0,1147,58 -7563,1,0,2218,89 -7566,1,0,1110,40 -7567,1,0,1854,39 -7568,1,0,2020,54 -7568,2,1,0407,38 -7572,1,0,1428,33 -7573,1,0,2113,90 -7575,1,0,1325,69 -7577,1,0,1056,54 -7578,1,0,1745,47 -7581,1,0,1757,63 -7582,1,0,1714,60 -7584,1,1,0126,67 -7586,1,0,0818,82 -7587,1,0,1339,29 -7590,1,1,0005,109 -7592,1,1,0455,74 -7594,1,0,1740,73 -7595,1,0,1800,63 -7599,1,1,0601,117 -7601,1,0,1400,50 -7602,1,0,1830,74 -7604,1,0,2223,117 -7605,1,0,2030,173 -7607,1,0,1224,115 -7613,1,0,2121,62 -7614,1,0,1728,111 -7614,2,1,0610,77 -7618,1,0,1658,48 -7623,1,0,1728,89 -7623,2,1,0600,57 -7630,1,0,1657,29 -7633,1,0,1630,72 -7633,2,1,1730,59 -7633,3,2,0609,64 -7634,1,1,0530,33 -7643,1,0,0924,32 -7651,1,0,1005,29 -7652,1,1,0345,45 -7653,1,0,2045,38 -7654,1,0,2021,68 -7657,1,0,2138,131 -7658,1,0,1515,61 -7660,1,0,1624,110 -7661,1,0,2102,64 -7663,1,0,2149,50 -7664,1,0,1522,84 -7671,1,0,2112,41 -7672,1,0,1524,101 -7678,1,0,1736,30 -7680,1,0,1620,40 -7683,1,0,2316,58 -7687,1,0,1649,49 -7689,1,0,0505,289 -7694,1,0,1802,83 -7696,1,0,2017,38 -7697,1,0,2020,101 -7698,1,0,1550,80 -7702,1,0,2130,52 -7703,1,0,1036,104 -7706,1,0,1545,26 -7709,1,0,2245,66 -7710,1,0,2033,48 -7711,1,0,2200,64 -7711,2,1,0712,56 -7712,1,0,1133,62 -7713,1,0,2030,70 -7714,1,0,1820,51 -7716,1,0,1951,57 -7717,1,0,1849,29 -7718,1,0,1228,100 -7719,1,0,2234,68 -7720,1,0,1332,67 -7724,1,0,1358,77 -7725,1,0,1220,48 -7727,1,0,0323,47 -7729,1,0,1858,92 -7732,1,0,0824,155 -7733,1,0,1335,29 -7739,1,0,1045,84 -7740,1,0,0930,180 -7742,1,0,1850,77 -7743,1,0,1700,63 -7743,2,1,0000,52 -7743,3,1,0530,43 -7744,1,0,1748,35 -7748,1,0,1556,53 -7750,1,0,1845,69 -7752,1,0,1930,64 -7753,1,0,1850,73 -7757,1,0,2230,47 -7760,1,0,1250,32 -7762,1,1,0409,55 -7766,1,1,0055,113 -7775,1,0,0453,44 -7776,1,0,2121,78 -7777,1,0,1142,122 -7779,1,0,1650,57 -7788,1,0,0309,60 -7791,1,0,1643,31 -7792,1,0,2104,74 -7793,1,0,0820,66 -7801,1,0,1516,76 -7802,1,0,1217,111 -7803,1,0,1007,64 -7804,1,0,1730,58 -7806,1,0,2236,78 -7808,1,0,1320,36 -7809,1,0,1436,54 -7812,1,0,1612,52 -7813,1,0,1617,96 -7815,1,0,1948,35 -7817,1,0,1900,83 -7818,1,1,0631,29 -7821,1,0,1621,94 -7829,1,0,1338,36 -7831,1,0,1328,1212 -7832,1,1,0441,57 -7832,2,1,1814,50 -7832,3,2,0640,32 -7838,1,0,1744,66 -7839,1,0,0402,87 -7842,1,0,1310,36 -7848,1,0,1509,46 -7850,1,0,0825,100 -7850,2,1,0400,111 -7851,1,0,1951,72 -7853,1,0,1854,50 -7853,2,1,0430,34 -7853,3,4,1114,32 -7855,1,0,1653,72 -7857,1,0,0039,152 -7857,2,0,0605,160 -7859,1,0,2052,104 -7859,2,1,0500,127 -7862,1,0,1925,56 -7863,1,0,1848,108 -7868,1,0,1510,29 -7869,1,0,2103,38 -7872,1,0,2250,93 -7875,1,1,0720,96 -7876,1,1,0620,36 -7880,1,0,1050,63 -7882,1,0,1740,49 -7883,1,0,2324,67 -7883,2,1,0657,46 -7885,1,0,2230,54 -7887,1,0,2251,128 -7890,1,0,2117,55 -7891,1,0,1413,62 -7892,1,0,2116,83 -7895,1,0,1045,44 -7902,1,0,1649,53 -7903,1,0,1658,80 -7904,1,0,1930,89 -7904,2,1,0500,105 -7904,3,4,0821,98 -7907,1,0,1609,59 -7910,1,0,1614,134 -7912,1,0,1810,102 -7913,1,0,0418,36 -7916,1,0,2001,67 -7920,1,0,2044,55 -7922,1,0,2300,53 -7923,1,0,1613,46 -7924,1,1,0540,52 -7928,1,0,2000,62 -7929,1,0,1711,68 -7930,1,0,0830,58 -7933,1,0,1815,66 -7934,1,0,2005,34 -7935,1,0,2310,86 -7937,1,0,1942,170 -7940,1,0,2000,89 -7941,1,0,1850,41 -7944,1,0,1801,82 -7945,1,0,1841,62 -7947,1,1,0415,53 -7950,1,0,1820,37 -7954,1,0,2025,67 -7958,2,0,1245,131 -7958,3,1,0600,153 -7960,1,1,0345,44 -7961,1,0,1634,29 -7962,1,0,1626,46 -7964,1,1,0645,64 -7965,1,0,2238,45 -7967,1,1,0530,52 -7968,1,0,2000,71 -7970,1,0,0140,48 -7972,1,0,2138,53 -7975,1,0,2142,46 -7978,1,0,1756,56 -7989,1,0,1648,47 -7990,1,0,2112,54 -7993,1,0,0111,38 -7995,1,0,0629,74 -7998,1,0,1701,56 -7999,1,0,2032,41 -7999,2,1,1541,41 -8002,1,0,1815,55 -8003,1,0,1612,51 -8005,1,0,2146,36 -8006,1,0,1626,32 -8010,1,0,2010,87 -8011,1,0,0200,106 -8016,1,0,1815,59 -8018,1,0,2059,52 -8021,1,0,0816,56 -8023,1,0,2013,55 -8031,1,0,2314,58 -8034,1,0,1659,34 -8036,1,0,1926,37 -8037,1,0,2054,86 -8037,2,1,1744,38 -8039,1,0,1938,46 -8042,1,0,0716,47 -8043,1,0,0940,37 -8044,1,0,0936,82 -8045,1,0,2028,128 -8048,1,0,2010,65 -8050,1,0,2106,57 -8051,1,0,2030,31 -8052,1,1,0440,29 -8054,1,0,2026,70 -8057,1,1,0530,42 -8058,1,0,1258,32 -8060,1,0,1651,34 -8068,1,0,1331,70 -8069,1,0,1046,82 -8072,1,0,2345,47 -8073,1,0,2320,41 -8074,1,0,2141,42 -8078,1,0,1912,59 -8080,1,0,1234,29 -8081,1,0,1112,72 -8084,1,0,1809,64 -8086,1,0,2144,58 -8087,1,0,0159,136 -8088,1,0,1835,72 -8090,1,0,0235,75 -8092,1,0,1226,93 -8094,1,0,1105,54 -8096,1,0,0050,47 -8099,1,0,1738,94 -8100,1,1,2110,40 -8101,1,0,1232,85 -8103,1,0,1615,91 -8106,1,0,1854,34 -8107,1,0,1859,29 -8107,2,1,0945,29 -8113,1,0,2035,65 -8115,1,1,0635,56 -8117,1,0,0901,60 -8118,1,0,2214,77 -8119,1,0,1448,67 -8120,1,0,1638,30 -8121,1,0,2146,61 -8122,1,0,1617,89 -8127,1,0,0410,68 -8129,1,0,1817,84 -8130,1,0,2048,60 -8131,1,0,2200,60 -8141,1,2,0435,62 -8142,1,0,1933,78 -8145,1,0,2003,86 -8147,1,0,1408,46 -8149,1,0,1011,52 -8150,1,1,0615,59 -8151,1,0,1010,53 -8157,1,0,1804,32 -8158,1,0,1811,49 -8159,1,0,1942,65 -8160,1,1,1612,34 -8161,1,0,1955,37 -8165,1,0,1710,30 -8166,1,0,2105,62 -8167,1,0,1535,54 -8169,1,0,1633,57 -8170,1,0,1505,77 -8172,1,0,1908,29 -8174,1,1,0639,41 -8177,1,0,1836,69 -8178,1,1,0637,73 -8182,1,0,2345,71 -8192,1,0,2210,80 -8192,2,2,0400,33 -8193,1,0,1808,50 -8197,1,0,2010,43 -8201,1,0,0115,45 -8202,1,0,1709,48 -8202,2,0,2253,53 -8202,3,1,0210,70 -8209,1,0,1458,46 -8210,1,0,2018,30 -8210,2,1,0650,29 -8211,1,0,2204,38 -8213,1,0,1920,29 -8214,1,0,2206,29 -8215,1,0,1313,65 -8216,1,0,1327,60 -8223,1,0,1819,71 -8232,1,0,1609,59 -8234,1,0,1746,67 -8237,1,0,2015,122 -8238,1,0,2010,69 -8238,2,1,0650,34 -8240,1,0,0235,40 -8241,1,0,1338,33 -8243,1,0,1711,48 -8245,1,0,1618,104 -8248,1,0,2217,110 -8250,1,1,1010,44 -8252,1,0,2115,41 -8254,1,0,2325,30 -8257,1,0,1446,52 -8257,2,1,1701,29 -8259,1,1,0500,33 -8260,1,0,2106,61 -8260,2,1,0630,38 -8262,1,1,1533,76 -8262,2,2,0541,50 -8265,1,0,1536,68 -8268,1,0,2035,58 -8271,1,1,0355,66 -8273,1,0,1300,80 -8274,1,0,1148,53 -8278,1,0,1912,29 -8279,1,0,2135,52 -8279,2,1,0715,49 -8280,1,0,1249,53 -8283,1,0,1303,66 -8284,1,0,1544,59 -8288,1,0,0110,29 -8292,1,0,2222,71 -8293,1,1,1300,58 -8298,1,0,1350,60 -8302,1,0,1825,96 -8303,1,0,2045,68 -8309,1,0,1527,42 -8310,1,0,1615,177 -8310,2,1,0700,45 -8314,1,1,0004,100 -8314,2,4,1640,99 -8315,1,0,1857,85 -8315,2,1,1200,72 -8317,1,0,1830,69 -8320,1,0,1812,53 -8325,1,0,1526,67 -8326,1,0,1049,47 -8329,1,0,2045,64 -8335,1,0,1704,62 -8336,1,0,1855,61 -8339,1,0,2043,42 -8340,1,0,1639,121 -8344,1,1,0744,19 -8346,1,0,1606,45 -8348,1,0,2220,34 -8349,1,0,1840,55 -8351,1,1,0001,86 -8354,1,0,1620,116 -8358,1,0,1453,68 -8360,1,0,1650,54 -8361,1,1,1520,394 -8363,1,0,1640,80 -8368,1,0,1546,65 -8372,1,0,1004,125 -8375,1,0,0301,71 -8377,1,1,0137,80 -8384,1,0,1246,69 -8386,1,1,0125,29 -8389,1,0,1137,44 -8389,2,1,0850,32 -8391,1,0,1300,111 -8391,2,0,2120,651 -8391,3,1,0628,363 -8392,1,0,1745,102 -8393,1,0,1533,40 -8395,1,1,0700,38 -8398,1,0,1528,98 -8400,1,0,1440,63 -8401,1,0,2039,111 -8401,2,1,0621,61 -8402,1,0,1930,36 -8403,1,0,2055,62 -8405,1,0,0704,84 -8408,1,1,0700,65 -8410,1,0,2000,38 -8412,1,0,0326,66 -8419,1,0,1745,49 -8420,1,0,1825,65 -8425,1,0,0125,44 -8428,1,0,1730,78 -8431,1,0,2001,46 -8435,1,0,1911,83 -8439,1,0,2201,120 -8440,1,1,1215,61 -8441,1,0,1115,242 -8441,2,0,1738,207 -8441,3,1,0515,154 -8443,1,0,1208,147 -8446,1,0,1700,37 -8448,1,0,2323,72 -8450,1,0,1703,173 -8451,1,0,1247,82 -8455,1,0,1448,100 -8457,1,0,1930,66 -8458,1,0,0753,588 -8466,1,0,1830,52 -8467,1,0,1700,77 -8471,1,1,0600,60 -8474,1,0,1727,65 -8475,1,0,1707,94 -8482,1,0,0714,116 -8483,1,0,0643,73 -8484,1,1,0555,32 -8488,1,0,1749,77 -8489,1,0,2125,70 -8490,2,0,0218,62 -8493,1,0,1359,73 -8493,2,0,2032,102 -8493,3,1,0454,101 -8499,1,0,2216,53 -8501,1,0,2100,29 -8505,1,0,1741,43 -8508,1,0,0330,125 -8512,1,0,1817,30 -8516,1,0,1200,39 -8518,1,0,1426,71 -8520,1,0,0424,65 -8523,1,0,1914,70 -8533,1,0,2114,78 -8535,1,0,1335,27 -8539,1,0,1623,88 -8540,1,0,1755,59 -8541,1,0,1816,214 -8541,2,1,0400,130 -8542,1,0,1800,59 -8543,1,0,1550,77 -8544,1,1,0515,29 -8544,2,2,0645,29 -8545,1,0,2104,128 -8545,2,1,0113,116 -8546,1,0,2310,46 -8547,1,1,0800,67 -8548,1,0,1327,66 -8548,2,1,0423,54 -8549,1,0,1734,85 -8553,1,0,1910,90 -8553,2,2,0430,32 -8554,1,0,0324,55 -8555,1,1,0020,177 -8555,2,1,0556,147 -8557,1,0,2237,69 -8560,1,0,0552,68 -8561,1,0,1955,30 -8568,1,0,2030,60 -8569,1,0,0757,83 -8572,1,1,0525,31 -8573,1,1,0121,41 -8576,1,0,1540,117 -8577,1,0,2210,89 -8578,1,0,1325,58 -8579,1,0,1435,83 -8581,1,0,2240,68 -8581,2,1,0629,52 -8582,1,0,2133,122 -8583,1,0,1740,49 -8586,1,0,0958,51 -8587,1,0,1841,71 -8602,1,0,2314,49 -8604,1,0,2153,59 -8605,1,0,0553,67 -8609,1,0,1426,29 -8610,1,0,1754,56 -8612,1,1,1015,66 -8613,1,0,0302,29 -8615,1,0,2225,34 -8616,1,0,1354,68 -8621,1,1,0016,75 -8624,1,0,0348,79 -8626,1,0,1050,42 -8629,1,0,2052,84 -8630,1,0,0824,52 -8636,1,0,1056,50 -8637,1,0,2210,90 -8640,1,0,1926,59 -8641,1,0,1328,61 -8642,1,1,1130,51 -8644,1,0,2037,75 -8654,1,0,2343,48 -8655,1,0,1940,86 -8656,1,0,2015,58 -8659,1,0,1954,88 -8660,1,0,2319,24 -8663,1,0,1546,136 -8664,1,0,1939,51 -8667,1,0,1503,64 -8669,1,0,1920,72 -8671,1,0,1908,66 -8673,1,1,0100,66 -8674,1,0,1317,30 -8675,1,0,2133,94 -8678,1,0,0123,92 -8680,1,0,1600,96 -8683,1,0,1852,78 -8688,1,0,0930,50 -8694,1,0,1722,107 -8696,1,0,0740,29 -8697,1,0,1230,105 -8698,1,0,1638,78 -8699,1,1,0408,61 -8704,1,1,0440,146 -8704,2,2,1000,137 -8704,3,3,0429,112 -8706,1,0,0028,58 -8708,1,0,1924,56 -8711,1,0,1435,76 -8713,1,0,1557,64 -8718,1,0,2019,111 -8718,2,1,0403,100 -8719,1,0,1117,87 -8722,1,2,0800,64 -8727,1,0,0040,120 -8729,1,0,1926,43 -8734,1,0,1423,95 -8737,1,0,1855,72 -8740,1,0,2059,71 -8741,1,0,0540,29 -8743,1,0,2205,53 -8745,1,1,0605,50 -8747,1,0,1442,66 -8748,1,0,1756,62 -8751,1,0,2230,61 -8754,1,0,0310,60 -8755,1,0,1345,44 -8757,1,0,0328,54 -8758,1,0,2032,82 -8764,1,0,2020,63 -8765,1,0,1535,81 -8766,1,0,1410,96 -8768,1,0,1015,52 -8771,1,0,1830,83 -8772,1,0,2359,29 -8774,1,0,2100,62 -8778,1,0,2009,78 -8780,1,0,1750,53 -8782,1,0,1840,34 -8784,1,0,1100,62 -8785,1,0,2236,171 -8787,1,0,2120,44 -8790,1,0,1720,172 -8791,1,0,1900,37 -8792,1,0,1958,44 -8794,1,0,2332,56 -8795,1,0,2125,70 -8796,1,0,2158,58 -8798,1,0,1631,43 -8800,1,0,1720,45 -8801,1,0,2248,75 -8803,1,0,2056,140 -8811,1,0,0320,23 -8812,1,0,1615,46 -8814,1,0,1849,49 -8817,1,0,1501,52 -8818,1,0,1537,45 -8821,1,1,0605,29 -8823,1,0,2156,112 -8824,1,1,0630,61 -8825,1,0,1604,84 -8828,1,0,1941,29 -8831,1,0,2213,84 -8834,1,0,2235,43 -8834,2,1,0540,28 -8837,1,0,2100,68 -8838,1,0,1932,41 -8840,1,0,1746,91 -8841,1,1,0950,64 -8845,1,0,1937,40 -8846,1,0,2030,65 -8848,1,0,0839,78 -8848,2,0,1444,74 -8848,3,0,1827,75 -8851,1,0,2100,84 -8851,2,1,1056,49 -8852,1,0,1902,76 -8853,1,0,1732,15 -8857,1,0,2000,70 -8864,1,0,2135,49 -8870,1,0,2209,78 -8874,1,1,0058,88 -8878,1,0,0114,82 -8882,1,0,1857,45 -8885,1,0,1528,140 -8885,2,1,0736,124 -8889,1,0,0246,35 -8893,1,0,1310,39 -8894,1,0,1447,31 -8895,1,0,1958,48 -8897,1,0,1721,39 -8901,1,0,2026,57 -8905,1,0,0724,68 -8909,1,0,2030,138 -8910,1,0,0730,131 -8913,1,0,1820,71 -8915,1,0,1930,79 -8916,1,0,1825,178 -8919,1,0,2022,56 -8922,1,0,2145,29 -8927,1,0,2030,29 -8929,1,0,0453,78 -8930,1,0,1720,53 -8932,1,0,2338,32 -8932,2,1,0225,29 -8932,3,1,1745,29 -8934,1,0,2325,93 -8936,1,0,1523,106 -8945,1,0,1529,88 -8946,1,0,1942,35 -8948,1,0,1520,60 -8955,1,0,1700,25 -8957,1,0,1619,85 -8962,1,1,0309,53 -8963,1,0,1000,78 -8964,1,0,0037,58 -8964,2,1,0300,39 -8965,1,0,2105,68 -8966,1,0,2130,56 -8967,1,0,2158,70 -8971,1,0,1324,33 -8974,1,0,1819,41 -8974,2,0,2111,48 -8974,3,1,0142,68 -8975,1,0,0903,104 -8976,1,0,1620,42 -8976,2,5,0030,24 -8977,1,0,0354,67 -8978,1,1,0037,69 -8984,1,0,1750,46 -8987,1,0,1820,55 -8990,1,0,1915,51 -8991,1,0,1246,119 -8996,1,0,1720,52 -8999,1,0,1702,117 -9000,1,3,0210,38 -9004,1,0,1750,79 -9004,2,1,0405,59 -9006,1,0,1406,29 -9009,1,0,0439,39 -9010,1,0,1826,53 -9012,1,0,1728,145 -9012,2,1,0551,117 -9013,1,0,2315,35 -9014,1,0,2048,139 -9015,1,0,0957,40 -9018,1,1,0745,35 -9019,1,0,0806,74 -9020,1,1,0520,43 -9022,1,0,1600,39 -9023,1,0,1525,60 -9025,1,0,0205,88 -9028,1,0,2209,22 -9028,2,1,0017,70 -9033,1,1,0555,29 -9034,1,0,1335,417 -9036,1,0,2224,40 -9038,1,1,0620,93 -9039,1,0,1451,55 -9044,1,0,0730,77 -9045,1,0,2020,136 -9048,1,0,1320,29 -9050,1,0,1134,56 -9051,1,0,2051,111 -9052,1,0,1734,70 -9056,1,0,2203,50 -9057,1,0,1950,80 -9057,2,1,0659,89 -9059,1,1,0058,29 -9061,1,0,1403,58 -9065,1,0,1500,87 -9070,1,0,2000,120 -9072,1,0,1215,45 -9074,1,0,2256,170 -9076,1,0,2303,43 -9077,1,0,2250,29 -9078,1,0,0915,88 -9080,1,0,1816,80 -9083,1,0,1651,54 -9086,1,0,1145,70 -9087,1,0,1355,29 -9087,2,4,1800,29 -9088,1,0,1345,54 -9089,1,0,1811,44 -9090,1,0,1643,96 -9093,1,0,2319,7 -9095,1,0,2043,84 -9096,1,0,1454,57 -9100,1,0,2202,43 -9102,1,0,2215,56 -9103,1,0,2345,71 -9104,1,0,2011,84 -9109,1,0,2132,29 -9116,1,0,2024,113 -9117,1,1,0310,47 -9117,2,1,1000,29 -9117,3,1,1405,33 -9121,1,0,1950,29 -9122,1,0,2035,67 -9124,1,1,0951,53 -9130,1,0,1230,46 -9134,1,0,1639,92 -9138,1,0,1020,48 -9138,2,1,0525,48 -9141,1,0,0958,45 -9143,1,0,2020,29 -9145,1,0,1820,39 -9146,1,0,0226,112 -9146,2,1,0607,57 -9149,1,0,1440,54 -9150,1,0,1940,76 -9151,1,0,2000,55 -9152,1,0,0425,39 -9153,1,0,1340,38 -9155,1,0,0729,41 -9160,1,0,1816,36 -9160,2,2,0450,20 -9160,3,3,0813,20 -9161,1,0,1345,42 -9162,1,0,2035,112 -9170,1,0,0400,54 -9174,1,0,2157,92 -9179,1,0,1410,53 -9181,1,0,2245,49 -9183,1,1,1802,83 -9184,1,0,1740,61 -9186,1,0,2028,68 -9187,1,0,2050,41 -9188,1,0,1719,31 -9191,1,0,2026,43 -9192,1,0,1813,74 -9196,1,0,1944,171 -9197,1,0,1005,64 -9197,2,1,0600,58 -9199,1,0,1906,62 -9201,1,0,0140,55 -9202,1,0,2101,100 -9203,1,0,1606,29 -9203,2,1,0400,29 -9204,1,0,2046,40 -9207,1,0,1540,67 -9210,1,0,1812,96 -9211,1,0,1908,59 -9215,1,0,0128,64 -9215,2,0,0617,185 -9215,3,0,0939,210 -9216,1,0,1809,55 -9219,1,0,2020,65 -9220,1,0,0050,215 -9226,1,0,1105,20 -9227,1,0,1915,67 -9230,1,1,0715,29 -9230,2,1,0610,29 -9231,1,1,0805,79 -9233,1,0,1151,75 -9235,1,0,1941,36 -9236,1,0,1536,53 -9237,1,0,1145,115 -9237,2,1,0845,87 -9238,1,0,1734,72 -9243,1,0,2225,51 -9245,1,0,0547,161 -9245,2,1,0343,70 -9246,1,0,2039,63 -9247,1,0,2352,83 -9250,1,0,2220,48 -9251,1,0,1615,81 -9257,1,0,1814,42 -9261,1,0,1817,55 -9262,1,0,1353,38 -9270,1,0,1500,45 -9271,1,0,1600,65 -9272,1,0,1557,80 -9273,1,0,1859,123 -9279,1,0,1916,116 -9283,1,0,2247,207 -9283,2,1,0845,299 -9285,1,1,0456,29 -9286,1,0,1214,66 -9288,1,0,1830,66 -9292,1,0,2248,138 -9292,2,1,0415,130 -9295,1,0,0442,49 -9295,2,0,1836,43 -9300,1,0,1225,36 -9301,1,0,1942,45 -9302,1,1,0054,70 -9303,1,1,0111,29 -9304,1,0,1611,67 -9305,1,0,1603,75 -9306,1,0,1854,49 -9306,2,1,1829,38 -9309,1,0,2153,43 -9311,1,0,2145,88 -9315,1,0,2128,63 -9318,1,0,1645,64 -9320,1,0,1355,118 -9321,1,0,2036,43 -9322,1,0,1854,65 -9322,2,1,0515,53 -9323,1,0,1616,120 -9323,2,1,0606,94 -9323,3,1,1148,80 -9331,1,0,2343,98 -9332,1,0,2253,121 -9333,1,0,2352,30 -9336,1,0,2052,45 -9339,1,0,1536,68 -9343,1,7,1030,120 -9344,1,1,0215,84 -9352,1,0,1525,30 -9353,1,0,1740,98 -9355,1,1,0842,88 -9356,1,1,0850,114 -9357,1,0,1600,94 -9358,1,0,2140,59 -9361,1,0,1526,62 -9362,1,0,1643,43 -9362,2,1,0602,26 -9364,1,1,0524,29 -9365,1,0,1421,60 -9366,1,0,0105,74 -9369,1,0,0020,70 -9375,1,0,1016,59 -9376,1,0,1938,69 -9377,1,0,1320,45 -9378,1,0,1904,53 -9380,1,0,1753,82 -9384,1,0,1731,52 -9386,1,0,1356,34 -9392,1,0,2054,70 -9393,1,1,0400,59 -9397,1,0,1910,71 -9401,1,0,1816,112 -9402,1,1,0040,76 -9403,1,0,1753,38 -9404,1,0,1529,43 -9405,1,0,1429,36 -9407,1,0,2049,61 -9409,1,0,1851,60 -9410,1,0,2340,75 -9413,1,0,1835,91 -9415,1,0,2300,75 -9416,1,0,1540,19 -9417,1,0,1234,63 -9420,1,0,0457,143 -9420,2,0,1100,118 -9420,3,1,0804,57 -9423,1,0,1758,47 -9429,1,0,1458,31 -9432,1,0,0923,38 -9432,2,0,1855,26 -9432,3,1,0030,50 -9433,1,0,1222,51 -9434,1,0,1204,58 -9437,1,0,2245,83 -9438,1,0,1913,79 -9439,1,0,1428,86 -9440,1,1,0805,53 -9440,2,1,0000,64 -9441,1,0,2340,60 -9443,1,0,1825,48 -9444,1,0,1951,63 -9447,1,0,1750,97 -9449,1,0,1630,90 -9458,1,0,1607,170 -9459,1,1,0143,55 -9460,1,0,1942,79 -9462,1,0,1815,109 -9463,1,0,2332,78 -9465,1,0,0020,97 -9468,1,0,1200,105 -9469,1,0,1556,118 -9469,2,1,0330,147 -9469,3,1,0945,120 -9473,1,0,2055,82 -9475,1,0,1906,42 -9476,1,0,0403,29 -9477,1,0,2327,130 -9479,1,0,1926,48 -9480,1,0,1700,29 -9482,1,0,1745,118 -9484,1,0,2037,218 -9485,1,1,0627,46 -9486,1,0,1820,33 -9487,1,0,2145,377 -9487,2,1,0450,511 -9487,3,1,1700,311 -9490,1,0,1656,93 -9494,1,1,0415,111 -9494,2,2,0640,65 -9498,1,0,1750,38 -9503,1,0,2249,64 -9507,1,0,1250,51 -9508,1,0,1010,42 -9510,1,0,1900,72 -9517,1,0,0316,48 -9521,1,3,0205,80 -9522,1,0,2029,78 -9523,1,0,0249,144 -9525,1,0,1402,43 -9526,1,0,1929,38 -9527,1,0,1733,93 -9529,1,0,1947,89 -9531,1,0,1735,67 -9537,1,0,1900,80 -9539,1,0,2135,58 -9540,1,0,1848,70 -9541,1,0,1726,76 -9546,1,0,0827,71 -9550,1,0,1501,65 -9552,1,1,0545,41 -9552,2,2,0609,40 -9560,1,0,1827,21 -9561,1,0,1023,141 -9562,1,0,1600,48 -9567,1,0,1655,32 -9569,1,1,0845,29 -9572,1,0,2049,77 -9576,1,0,2215,98 -9577,1,0,1259,84 -9581,1,0,1912,58 -9581,2,1,1204,50 -9583,1,0,1921,29 -9586,1,0,1732,50 -9589,1,0,2101,100 -9590,1,0,1320,29 -9591,1,0,1945,55 -9595,1,0,2154,30 -9596,1,0,1836,45 -9597,1,0,2145,54 -9602,1,0,2017,66 -9605,1,1,0615,51 -9612,1,0,1705,57 -9615,1,0,2130,72 -9615,2,1,0020,81 -9615,3,1,0234,80 -9618,1,0,1845,36 -9620,1,0,1621,89 -9627,1,1,0555,40 -9630,1,0,1910,67 -9632,1,0,2027,68 -9634,1,0,1830,50 -9637,1,0,2150,48 -9638,1,0,2214,139 -9638,2,1,1345,146 -9638,3,3,0535,134 -9641,1,0,1408,41 -9642,1,1,0708,65 -9647,1,0,2050,76 -9648,1,0,1718,106 -9649,1,0,2215,30 -9651,1,1,0635,44 -9652,1,0,2252,108 -9653,1,0,0900,51 -9655,1,0,1145,76 -9655,2,4,0709,188 -9658,1,0,2215,50 -9659,1,0,1850,57 -9660,1,0,2116,90 -9661,1,0,0052,92 -9663,1,0,1007,79 -9664,1,0,2008,121 -9664,2,1,0606,76 -9667,1,0,1942,44 -9669,1,0,1035,29 -9671,1,0,1854,39 -9674,1,0,1510,69 -9677,1,1,1010,68 -9678,1,1,0310,206 -9679,1,0,2243,37 -9680,1,0,0015,25 -9682,1,0,2300,35 -9683,1,0,1950,74 -9686,1,1,0600,51 -9692,1,0,1925,64 -9704,1,0,1851,42 -9705,1,1,0600,43 -9706,1,0,1700,51 -9707,1,0,1625,126 -9709,1,0,1931,112 -9710,1,0,2130,101 -9712,1,0,2037,29 -9713,1,0,1625,66 -9714,1,0,1745,29 -9715,1,0,1448,47 -9716,1,0,1730,63 -9717,1,0,0050,29 -9718,1,0,1907,79 -9719,1,0,1234,29 -9722,1,0,1437,74 -9723,1,0,1633,80 -9729,1,0,2224,56 -9731,1,3,1433,39 -9732,1,0,1255,62 -9733,1,0,1928,67 -9735,1,0,2033,84 -9739,1,0,2156,59 -9743,1,1,0600,44 -9752,1,0,1206,40 -9760,1,0,0922,58 -9769,1,1,0510,50 -9770,1,0,1735,78 -9770,2,2,0045,66 -9771,1,0,2144,49 -9771,2,1,1638,29 -9773,1,0,1654,65 -9775,1,0,2215,58 -9777,1,1,0540,29 -9786,1,1,0600,29 -9786,2,3,0600,29 -9787,1,0,0249,91 -9791,1,0,0821,37 -9792,1,0,1042,117 -9794,1,0,1610,111 -9799,1,0,0800,55 -9802,1,0,1530,31 -9802,2,1,0743,29 -9803,1,0,1420,74 -9805,1,0,2119,84 -9806,1,0,2012,164 -9809,1,0,1120,51 -9809,2,1,0705,60 -9811,1,1,0055,29 -9813,1,1,0450,40 -9818,1,0,1500,63 -9820,1,0,2120,68 -9822,1,0,2330,210 -9822,2,1,1116,143 -9828,1,0,1440,35 -9829,1,0,2131,70 -9830,1,0,2034,59 -9837,1,0,1936,54 -9838,1,0,1910,105 -9841,1,0,2149,67 -9842,1,0,1506,37 -9845,1,0,0949,83 -9850,1,0,2237,86 -9853,1,0,1633,147 -9855,1,0,0530,29 -9859,1,1,0012,40 -9859,2,2,0605,27 -9862,1,0,2155,44 -9864,1,0,0630,45 -9865,1,0,2200,33 -9868,1,1,0020,42 -9869,1,0,1807,44 -9870,1,0,0903,126 -9871,1,0,1930,36 -9874,1,0,1906,79 -9875,1,1,0405,58 -9876,1,0,1750,130 -9877,1,0,2307,121 -9880,1,0,2201,73 -9881,1,0,2024,91 -9882,1,0,1658,59 -9885,1,0,1826,35 -9885,2,1,0555,48 -9888,1,0,1331,32 -9889,1,1,1410,53 -9892,1,0,2115,108 -9893,1,0,1116,54 -9896,1,0,1232,137 -9897,1,0,1847,84 -9898,1,0,1700,81 -9899,1,0,1614,106 -9906,1,0,2155,36 -9907,1,0,1648,56 -9910,1,0,2006,94 -9911,1,0,1203,76 -9913,1,0,2120,42 -9913,2,2,0550,32 -9915,1,0,1834,85 -9919,1,0,2120,43 -9921,1,0,1620,69 -9923,1,1,0123,91 -9925,1,0,2339,85 -9926,1,0,2305,69 -9932,1,0,1630,71 -9933,1,0,1435,77 -9934,1,0,1558,35 -9936,1,1,0042,66 -9943,1,1,0405,46 -9945,1,1,0100,146 -9946,1,0,2102,46 -9947,1,0,1850,90 -9948,1,0,2010,29 -9949,1,0,2225,83 -9952,1,0,1738,77 -9958,1,0,1155,29 -9964,1,0,1635,46 -9966,1,0,2001,84 -9968,1,0,1538,45 -9970,1,0,2018,29 -9970,2,1,0620,29 -9971,1,0,1629,61 -9972,1,0,2126,120 -9974,1,1,0001,72 -9976,1,0,2003,61 -9980,1,0,1340,81 -9983,1,0,1817,89 -9985,1,0,1355,48 -9990,1,0,1925,35 -9991,1,0,1316,73 -9995,1,0,1650,91 -9996,1,0,2128,53 -9998,1,0,0204,43 -9999,1,0,2024,67 -10000,1,0,0720,92 -10001,1,0,2138,118 -10002,1,0,2130,41 -10002,2,1,0605,32 -10004,1,0,0123,29 -10006,1,0,2118,79 -10009,1,0,1900,49 -10010,1,1,0000,44 -10015,1,0,1825,40 -10019,1,0,0335,64 -10020,1,0,2053,56 -10021,1,0,2215,42 -10021,2,1,0625,35 -10024,1,0,1350,175 -10026,1,0,1835,66 -10026,2,1,0440,50 -10032,1,0,1751,68 -10034,1,0,2140,31 -10035,1,0,1223,34 -10036,1,0,1310,50 -10036,2,1,1025,40 -10038,1,1,0935,47 -10045,1,0,1905,46 -10048,1,0,1801,127 -10050,1,0,0705,95 -10052,1,0,0120,98 -10053,1,0,2250,159 -10057,1,0,0834,114 -10058,1,1,0605,96 -10061,1,0,1457,261 -10063,1,0,1148,47 -10066,1,0,1720,77 -10068,1,0,1426,58 -10072,1,1,0130,29 -10073,1,1,0011,133 -10073,2,1,0910,97 -10078,1,0,2126,29 -10079,1,0,1727,58 -10080,1,1,0645,64 -10081,1,1,0610,49 -10083,1,0,2020,60 -10084,1,0,1733,53 -10086,1,0,1300,29 -10087,1,0,0503,140 -10087,2,0,1712,93 -10089,1,0,1856,38 -10093,1,2,0943,555 -10093,2,3,1222,325 -10093,3,5,0535,185 -10095,1,0,1825,29 -10095,2,1,0830,29 -10096,1,0,0906,81 -10097,1,0,1755,94 -10101,1,0,2332,75 -10101,2,1,0530,69 -10102,1,0,2223,81 -10103,1,0,2040,74 -10106,1,0,2320,80 -10107,1,0,1955,29 -10110,1,0,1745,100 -10113,1,0,2010,70 -10116,1,0,1620,45 -10117,1,0,2130,88 -10118,1,0,1933,94 -10119,1,0,0810,29 -10120,1,0,1708,79 -10122,1,0,0958,87 -10123,1,0,1554,33 -10124,1,0,1754,70 -10126,1,0,2330,94 -10126,2,1,0750,86 -10127,1,1,0030,76 -10129,1,0,2051,47 -10134,1,0,1917,70 -10140,1,1,0011,90 -10141,1,0,1643,112 -10146,1,0,2343,79 -10148,1,0,1623,21 -10149,1,0,2153,63 -10150,1,0,1228,62 -10152,1,0,1720,93 -10153,1,0,1850,67 -10155,1,0,1928,95 -10155,2,1,1038,35 -10155,3,3,1105,34 -10157,1,0,1340,53 -10158,1,0,1245,47 -10159,1,0,2113,23 -10160,1,0,1425,54 -10162,1,1,0555,46 -10165,1,0,1141,82 -10170,1,0,1945,63 -10172,1,0,2024,58 -10175,1,0,1557,28 -10176,1,0,2235,29 -10177,1,0,2058,129 -10179,1,0,1845,62 -10179,2,1,0400,48 -10185,1,0,1330,29 -10186,1,0,1700,95 -10187,1,0,1518,92 -10192,1,1,0600,60 -10192,2,0,1905,84 -10193,1,0,2210,42 -10196,1,1,0035,29 -10198,1,0,2219,24 -10199,1,0,1910,143 -10202,1,0,0018,56 -10205,1,0,1440,64 -10209,1,0,1800,127 -10211,1,0,0920,44 -10211,2,0,1011,48 -10213,1,0,2211,40 -10217,1,0,1937,55 -10222,1,0,2034,41 -10223,1,0,0721,53 -10226,1,0,2026,29 -10228,1,0,1743,24 -10230,1,0,2123,110 -10232,1,0,1420,43 -10233,1,0,1526,46 -10235,1,0,0951,84 -10236,1,0,0254,74 -10241,1,1,0930,47 -10242,1,0,1623,33 -10245,1,1,0705,37 -10246,1,0,1846,146 -10250,1,0,1551,65 -10255,1,0,1817,57 -10257,1,0,1710,68 -10259,1,1,0540,31 -10262,1,1,1605,78 -10263,1,0,1830,38 -10264,1,0,2315,76 -10265,1,0,1602,85 -10268,1,0,1821,83 -10270,1,1,0015,81 -10273,1,0,1513,86 -10274,1,0,1456,47 -10280,1,0,1525,51 -10282,1,1,0600,55 -10283,1,0,1710,51 -10284,1,0,1748,50 -10287,1,0,2030,58 -10290,1,0,1850,77 -10290,2,1,0600,62 -10291,1,0,0948,105 -10292,1,1,0031,104 -10295,1,0,1835,84 -10297,1,0,1036,45 -10298,1,0,2241,112 -10300,1,0,1542,87 -10300,2,2,1003,46 -10305,1,0,2143,114 -10305,2,1,0340,232 -10306,1,0,1112,82 -10310,1,0,2105,52 -10312,1,0,0201,36 -10312,2,0,1245,38 -10312,3,0,1703,42 -10314,1,1,0445,29 -10318,1,0,1816,39 -10319,1,0,1618,130 -10322,1,1,0600,41 -10323,1,0,2153,46 -10325,1,0,1841,62 -10332,1,1,0352,29 -10335,1,0,2004,69 -10336,1,0,1748,58 -10337,1,0,2154,66 -10339,1,1,0600,31 -10344,1,0,2032,61 -10350,1,0,2104,65 -10351,1,0,1701,263 -10351,2,1,0730,117 -10353,1,0,1135,50 -10353,2,1,1520,48 -10355,1,0,1905,58 -10357,1,0,1300,39 -10358,1,0,1736,62 -10359,1,0,2355,50 -10360,1,0,1935,29 -10361,1,0,1909,60 -10363,1,0,1010,57 -10368,1,0,1840,142 -10370,1,0,1715,145 -10371,1,0,1349,41 -10374,1,0,1431,36 -10377,1,0,1655,23 -10379,1,0,2309,79 -10383,1,0,1526,32 -10384,1,0,1041,52 -10388,1,0,2208,82 -10389,1,0,1934,59 -10389,2,1,0450,49 -10390,1,0,1615,108 -10390,2,1,0828,53 -10391,1,0,1825,47 -10392,1,0,1835,81 -10394,1,0,1328,60 -10395,1,0,0125,125 -10398,1,0,1430,48 -10402,1,0,0742,105 -10403,1,0,1958,45 -10405,1,0,1955,29 -10406,1,0,1040,52 -10407,1,0,1545,51 -10409,1,0,0634,90 -10410,1,1,0450,29 -10413,1,0,1150,47 -10420,1,0,1742,120 -10421,1,0,2004,66 -10422,1,1,0001,89 -10423,1,0,2200,110 -10430,1,1,0013,34 -10431,1,0,1512,125 -10432,1,0,1155,58 -10433,1,0,1832,50 -10436,1,0,1754,72 -10439,1,0,0200,42 -10440,1,0,1750,50 -10445,1,1,1836,30 -10448,1,0,1616,35 -10450,1,0,1737,131 -10450,2,2,0730,119 -10452,1,0,1630,44 -10454,1,0,1733,115 -10455,1,0,1815,49 -10455,2,1,0720,42 -10460,1,0,0857,29 -10464,1,0,1745,64 -10465,1,0,1629,68 -10471,1,0,1710,44 -10472,1,0,2310,119 -10474,1,0,0509,64 -10474,2,0,2137,66 -10474,3,1,0601,85 -10476,1,0,1455,79 -10477,1,0,2029,149 -10481,1,0,2139,50 -10484,1,0,1700,10 -10484,2,1,0400,42 -10484,3,3,0200,50 -10484,4,4,0420,62 -10485,1,0,1838,58 -10486,1,0,1845,73 -10489,1,0,1715,60 -10491,1,0,1842,55 -10492,1,0,2221,96 -10493,1,0,2230,88 -10494,1,0,2150,59 -10496,1,1,0027,73 -10499,1,0,1855,24 -10500,1,0,2055,36 -10503,1,0,1715,29 -10504,1,0,1522,103 -10506,1,0,1909,56 -10507,1,0,2345,38 -10507,2,1,0600,29 -10508,1,0,2212,157 -10511,1,0,1729,75 -10517,1,0,0315,71 -10520,1,0,1309,105 -10521,1,0,1752,71 -10522,1,1,1007,76 -10523,1,0,2150,35 -10525,1,0,1620,62 -10534,1,1,0115,47 -10535,1,0,1736,103 -10539,1,0,1910,71 -10540,1,0,1645,34 -10542,1,0,0953,50 -10545,1,0,2043,83 -10551,1,0,1445,51 -10555,1,0,2044,84 -10557,1,0,2136,52 -10560,1,0,1732,100 -10561,1,0,2113,28 -10565,1,0,1135,122 -10568,1,5,1845,37 -10569,1,1,0055,121 -10570,2,1,0410,79 -10571,1,0,0851,105 -10572,1,0,1905,38 -10574,1,0,0041,97 -10575,1,0,1448,46 -10575,2,2,0909,48 -10579,1,0,0220,100 -10579,2,0,0550,116 -10583,1,0,1923,66 -10585,1,0,1750,32 -10587,1,0,2144,94 -10587,2,1,0407,62 -10589,1,0,1727,79 -10590,1,0,1343,105 -10596,1,0,1606,53 -10597,1,0,2206,24 -10600,1,0,1646,27 -10600,2,0,2211,23 -10600,3,1,0540,18 -10601,1,0,2149,91 -10604,1,0,1830,70 -10605,1,0,1556,64 -10606,1,0,1656,44 -10607,1,0,0920,41 -10610,1,0,2254,101 -10610,2,1,0441,123 -10611,1,1,0620,48 -10614,1,1,0705,33 -10617,1,0,1245,87 -10619,1,0,1748,48 -10620,1,0,1138,22 -10621,1,0,1708,56 -10622,1,0,2007,36 -10624,1,0,0440,35 -10625,1,0,0733,96 -10631,1,0,1612,111 -10631,2,1,0900,112 -10632,1,1,0932,41 -10634,1,0,1432,59 -10636,1,0,0837,21 -10637,1,1,0923,51 -10638,1,0,2355,42 -10639,1,1,0403,33 -10639,2,2,0358,29 -10641,1,0,2057,176 -10643,1,0,1223,4.3 -10643,2,1,0335,3.6 -10645,1,0,2225,156 -10645,2,1,0840,187 -10646,1,0,2113,105 -10649,1,0,1930,41 -10652,1,1,0450,53 -10653,1,0,2105,80 -10656,1,0,2205,45 -10658,1,0,1915,56 -10659,1,0,1300,45 -10660,1,1,0400,59 -10661,1,0,1400,29 -10665,1,1,0754,107 -10668,1,0,1936,55 -10671,1,0,2130,86 -10671,2,1,0605,61 -10676,1,0,2100,66 -10678,1,0,1221,58 -10679,1,1,1215,29 -10680,1,0,1335,52 -10683,1,0,1843,42 -10684,1,0,1828,54 -10685,1,0,2125,84 -10687,1,0,2220,29 -10688,1,0,2042,30 -10693,1,0,1145,100 -10693,2,1,0515,54 -10695,1,0,0828,77 -10696,1,0,2141,115 -10696,2,1,0437,81 -10697,1,0,2007,53 -10701,1,0,1222,442 -10701,2,0,1320,404 -10703,1,0,1759,43 -10704,1,0,2211,55 -10704,2,1,1100,46 -10711,1,0,1856,29 -10712,1,0,2225,59 -10714,1,0,2208,59 -10715,1,0,2204,102 -10720,1,0,1813,112 -10722,1,0,2200,57 -10726,1,1,0730,29 -10726,2,7,1200,74 -10727,1,0,1120,81 -10729,1,0,1939,40 -10731,1,0,2035,81 -10731,2,2,0645,89 -10737,1,0,2026,134 -10739,1,0,1513,81 -10741,1,0,1945,185 -10742,1,0,1415,33 -10749,1,0,1429,89 -10751,1,0,1623,53 -10752,1,0,1015,56 -10753,1,0,0035,34 -10755,1,0,0145,45 -10757,1,0,1705,66 -10758,1,0,1230,35 -10766,1,0,2005,29 -10769,1,1,0330,29 -10771,1,0,2031,41 -10775,1,0,1515,85 -10777,1,0,1338,35 -10778,1,0,0130,66 -10781,1,0,1817,88 -10783,1,0,2325,77 -10787,1,0,2250,41 -10791,1,0,2030,76 -10792,1,0,2216,52 -10794,1,0,1710,53 -10801,1,0,1813,69 -10802,1,0,1453,49 -10810,1,0,2251,51 -10811,1,0,2102,33 -10815,1,0,2048,64 -10823,1,0,1504,19 -10825,1,0,1835,46 -10825,2,1,0625,59 -10826,1,0,2041,49 -10828,1,0,1855,37 -10830,1,0,1919,42 -10832,1,0,1850,81 -10835,1,0,2042,98 -10835,2,1,0604,357 -10835,3,1,1400,253 -10835,4,3,0934,86 -10836,1,0,2031,96 -10838,1,0,1915,101 -10839,1,1,0008,45 -10839,2,1,0850,36 -10843,1,0,1702,62 -10847,1,1,1529,70 -10853,1,0,2027,118 -10854,1,0,2215,58 -10855,1,0,2031,52 -10857,1,0,2040,86 -10858,1,0,1921,120 -10860,1,0,1719,62 -10861,1,0,2301,39 -10864,1,0,1324,41 -10867,1,0,2024,132 -10873,1,0,2217,59 -10877,1,0,1743,69 -10878,1,0,1835,46 -10880,1,0,0847,138 -10883,1,0,1815,132 -10885,1,0,1132,123 -10888,1,0,2222,67 -10893,1,0,1723,45 -10895,1,0,1342,105 -10896,1,0,0940,80 -10899,1,0,2315,47 -10900,1,0,1812,53 -10903,1,0,0520,92 -10904,1,0,1618,61 -10906,1,0,1938,98 -10911,1,0,1450,69 -10916,1,0,1511,67 -10918,1,0,2145,86 -10922,1,0,1829,71 -10925,1,1,0050,73 -10929,1,1,0400,153 -10929,2,1,2003,83 -10929,3,1,0121,121 -10933,1,0,2040,64 -10937,1,0,2104,118 -10938,1,0,0457,86 -10940,1,0,1853,74 -10941,1,1,2047,187 -10945,1,0,1715,50 -10948,1,0,1406,30 -10949,1,0,1843,88 -10950,1,0,1705,94 -10951,1,0,2330,29 -10954,1,0,2259,41 -10958,1,0,2114,107 -10959,1,0,0849,51 -10961,1,1,1001,116 -10962,1,1,0450,72 -10963,1,0,1246,51 -10965,1,0,1343,34 -10966,1,0,1705,83 -10966,2,1,0623,51 -10970,1,0,2028,71 -10972,1,0,1735,73 -10974,1,0,1951,47 -10976,1,0,1538,48 -10979,1,0,2010,36 -10981,1,0,2030,100 -10982,1,0,1600,48 -10985,1,0,1610,91 -10986,1,0,2102,23 -10987,1,0,0020,59 -10990,1,0,2151,79 -10991,1,1,0405,34 -10993,1,0,2234,30 -10994,1,0,2000,61 -10999,1,1,0035,70 -11000,1,0,1636,82 -11003,1,0,1329,53 -11005,1,0,1240,35 -11007,1,0,2229,94 -11007,2,1,0722,72 -11015,1,0,1105,42 -11016,1,0,1915,39 -11021,1,1,0630,48 -11022,1,0,1430,29 -11023,1,0,1906,68 -11025,1,0,1415,59 -11027,1,1,0615,49 -11033,1,0,1431,70 -11036,1,0,1530,102 -11039,1,0,0834,50 -11041,1,0,0110,111 -11042,1,0,1736,62 -11043,1,0,1418,73 -11044,1,1,0037,49 -11049,1,1,0755,414 -11056,1,0,1415,45 -11057,1,0,2209,79 -11058,1,0,1440,69 -11059,1,0,1924,95 -11062,1,0,0531,131 -11062,2,1,0410,100 -11062,3,1,2320,85 -11068,1,0,1712,64 -11070,1,0,2310,90 -11071,1,0,2253,59 -11072,1,0,2001,115 -11073,1,1,0735,29 -11074,1,0,1745,80 -11074,2,1,1523,69 -11078,1,0,1830,40 -11084,1,0,2148,62 -11086,1,0,2000,80 -11087,1,1,0130,51 -11089,1,0,1526,116 -11094,1,0,2003,54 -11098,1,0,1700,49 -11099,1,0,1625,69 -11101,1,0,1533,138 -11103,1,1,0605,116 -11105,1,0,1920,44 -11107,1,0,1716,65 -11108,1,0,1956,123 -11110,1,0,2025,76 -11111,1,0,1957,135 -11111,2,1,1029,143 -11111,3,2,0917,116 -11114,1,0,0914,112 -11116,1,0,1225,133 -11117,1,0,1955,48 -11117,2,1,0525,33 -11118,1,0,1112,123 -11120,1,0,0043,51 -11122,1,0,1520,43 -11123,1,0,1651,44 -11128,1,0,1844,110 -11132,1,0,1858,46 -11133,1,0,2109,92 -11134,1,0,1536,153 -11135,1,1,0705,137 -11136,1,1,0500,29 -11137,1,6,1450,63 -11138,1,0,2332,223 -11140,1,0,1830,45 -11147,1,0,2013,29 -11148,1,0,1454,47 -11152,1,4,0540,75 -11152,2,1,1625,105 -11152,3,0,1950,579 -11155,1,0,1736,93 -11157,1,0,1740,52 -11158,1,0,1436,64 -11161,1,1,0013,54 -11165,1,0,2200,49 -11167,1,0,1109,99 -11168,1,0,1453,68 -11172,1,0,0505,121 -11175,1,0,1927,179 -11177,1,0,2250,44 -11178,1,0,2156,38 -11183,1,0,0744,54 -11184,1,0,2125,52 -11187,1,0,1842,84 -11192,1,0,1250,51 -11193,1,0,1505,59 -11194,1,0,1925,40 -11197,1,0,1557,29 -11199,1,1,0700,96 -11199,2,1,1320,74 -11199,3,2,0720,73 -11202,1,0,1815,78 -11204,1,0,1736,69 -11205,1,0,1420,57 -11209,1,0,1734,69 -11211,1,0,1938,50 -11213,1,0,1755,41 -11214,1,0,0442,55 -11214,2,0,1454,38 -11219,1,1,0535,37 -11222,1,0,2126,51 -11225,1,0,1235,54 -11226,1,0,1913,59 -11226,2,1,1126,60 -11231,1,0,2118,37 -11232,1,0,1343,38 -11234,1,0,2025,52 -11235,1,0,1555,50 -11244,1,0,1732,57 -11249,1,1,0058,69 -11250,1,0,1930,100 -11255,1,0,2015,135 -11259,1,0,1840,53 -11261,1,0,1000,72 -11265,1,0,2035,55 -11268,1,0,1504,70 -11269,1,1,0635,54 -11272,1,0,1644,60 -11276,1,0,2213,40 -11277,1,0,1626,53 -11278,1,0,1430,36 -11279,1,0,1607,69 -11281,1,0,1605,103 -11283,1,0,2320,64 -11284,1,0,2114,91 -11286,1,0,2040,68 -11289,1,0,1554,75 -11291,1,0,2217,34 -11293,1,0,1215,60 -11293,2,1,0600,46 -11294,1,0,1931,47 -11295,1,1,0005,71 -11295,2,4,0452,62 -11296,1,0,0115,43 -11297,1,0,2234,59 -11298,1,0,2208,54 -11303,1,1,0620,90 -11304,1,0,1728,31 -11306,1,0,1916,40 -11307,1,0,1754,83 -11310,1,0,2003,67 -11311,1,1,0706,85 -11311,2,2,1328,49 -11316,1,0,2243,39 -11318,1,0,2246,86 -11320,1,0,2240,60 -11320,2,1,0601,67 -11320,3,2,0300,62 -11321,1,0,2018,94 -11321,2,1,0514,210 -11321,3,1,2207,346 -11327,1,0,1801,57 -11328,1,0,2220,56 -11329,1,0,1543,72 -11331,1,0,2114,46 -11332,1,0,2144,70 -11336,1,1,0500,76 -11337,1,0,2240,29 -11339,1,0,0022,75 -11341,1,0,1849,69 -11343,1,0,1713,54 -11346,1,0,2305,115 -11349,1,1,0001,93 -11351,1,0,1910,61 -11355,1,0,1445,110 -11359,1,0,2355,29 -11362,1,0,2331,69 -11363,1,0,1704,207 -11364,1,0,2330,76 -11365,1,0,1543,91 -11368,1,0,1540,102 -11369,1,0,1746,38 -11371,1,0,1817,129 -11375,1,0,0115,51 -11376,1,0,1429,68 -11379,1,1,1045,89 -11381,1,0,1340,70 -11382,1,0,1806,66 -11386,1,0,1018,75 -11387,1,0,1610,50 -11389,1,0,2127,24 -11394,1,1,0540,45 -11394,2,0,2310,48 -11395,1,0,1232,29 -11399,1,0,2235,50 -11399,2,1,0450,44 -11400,1,0,1218,61 -11403,1,0,1353,69 -11407,1,0,1208,78 -11409,1,1,0545,60 -11410,1,0,1807,42 -11411,1,0,1150,118 -11412,1,0,1145,29 -11413,1,0,1545,103 -11413,2,1,0705,132 -11415,1,0,2029,97 -11416,1,0,2120,49 -11420,1,0,1631,79 -11421,1,0,2325,44 -11422,1,0,2135,142 -11425,1,0,1657,58 -11436,1,0,2000,44 -11439,1,0,1847,69 -11440,1,0,2148,61 -11441,1,0,1624,37 -11443,1,0,0924,55 -11447,1,0,0052,122 -11448,1,0,1834,64 -11450,1,0,2010,46 -11452,1,0,1707,75 -11453,1,0,1411,65 -11454,1,1,0005,32 -11454,2,3,0823,20 -11456,1,1,0325,29 -11460,1,0,1759,80 -11461,1,0,1551,68 -11466,1,0,1844,53 -11469,1,0,1833,55 -11471,1,0,1420,51 -11472,1,1,0829,75 -11474,1,0,1700,78 -11483,1,0,2053,50 -11485,1,0,2204,94 -11486,1,0,2018,106 -11489,1,0,0300,57 -11492,1,0,1551,100 -11492,2,0,2035,78 -11496,1,0,2143,77 -11497,1,0,1845,63 -11498,1,0,1538,58 -11500,1,0,1929,90 -11502,1,1,0415,34 -11503,1,0,1730,98 -11504,1,1,0930,58 -11506,1,0,2037,62 -11508,1,0,2137,37 -11509,1,0,2105,47 -11513,1,0,1830,20 -11514,1,0,1900,29 -11516,1,0,0929,43 -11519,1,0,1737,29 -11521,1,0,1937,90 -11521,2,1,0550,78 -11522,1,0,1744,86 -11522,2,1,0403,59 -11527,1,0,1326,53 -11529,1,0,1231,55 -11530,1,0,2158,56 -11533,1,0,1748,65 -11535,1,1,1115,42 -11537,1,1,0625,45 -11538,1,1,0034,393 -11539,1,0,1152,44 -11540,1,0,1817,22 -11543,1,0,1808,50 -11548,1,0,1350,115 -11554,1,0,1446,59 -11561,1,0,2038,77 -11564,1,0,1445,47 -11565,1,0,2210,53 -11566,1,0,1624,83 -11577,1,0,1553,55 -11578,1,0,2313,85 -11579,1,0,1503,68 -11580,1,1,0613,68 -11583,1,1,0615,116 -11586,1,0,1500,45 -11587,1,0,1150,77 -11589,1,0,1423,113 -11590,1,0,1831,46 -11590,2,1,0500,35 -11594,1,0,1224,86 -11597,1,0,2329,287 -11597,2,1,0550,274 -11597,3,2,0552,114 -11599,1,0,0347,53 -11602,1,0,0330,29 -11603,1,0,1450,871 -11603,2,1,0430,444 -11603,3,2,0430,297 -11607,1,0,2031,116 -11608,1,0,1846,50 -11609,1,0,1758,69 -11612,1,0,1250,29 -11613,1,0,1844,76 -11614,1,0,2019,62 -11617,1,0,2110,185 -11618,1,0,2334,102 -11625,1,0,1642,47 -11630,1,0,2359,33 -11634,1,0,1335,69 -11638,1,0,1900,37 -11640,1,0,1147,58 -11641,1,0,1253,66 -11643,1,0,2337,25 -11643,2,1,0530,26 -11644,1,0,2050,101 -11645,1,1,0414,61 -11649,1,0,2213,108 -11660,1,0,0255,61 -11663,1,0,2015,69 -11665,1,0,1630,64 -11666,1,0,1818,79 -11668,1,0,2142,29 -11669,1,0,1740,81 -11670,1,0,2300,79 -11672,1,0,1850,123 -11676,1,0,2207,58 -11679,1,1,0615,49 -11681,1,2,0923,97 -11682,1,0,2212,61 -11685,1,0,1402,46 -11686,1,0,0833,55 -11686,2,0,0930,56 -11688,1,0,0807,55 -11690,1,0,1610,109 -11691,1,0,0257,32 -11693,1,0,1800,41 -11693,2,1,0530,29 -11695,1,0,1251,53 -11697,1,0,2151,101 -11706,1,0,1646,30 -11707,1,0,1720,30 -11712,1,1,0021,117 -11713,1,0,2230,57 -11714,1,0,1720,46 -11715,1,0,1830,54 -11718,1,0,2331,64 -11723,1,1,0000,593 -11730,1,0,1843,31 -11733,1,0,1359,55 -11735,1,0,1411,16 -11737,1,0,1324,51 -11738,1,0,1633,92 -11741,1,1,0101,60 -11744,1,0,0215,90 -11745,1,0,1350,73 -11748,1,1,0025,36 -11752,1,0,1929,45 -11752,2,1,0458,38 -11752,3,2,0400,538 -11753,1,0,1918,72 -11755,1,0,0817,51 -11756,1,0,2230,62 -11757,1,0,1600,35 -11758,1,1,0455,37 -11759,1,0,2009,44 -11765,1,0,2305,29 -11768,1,1,0223,66 -11770,1,0,2315,34 -11775,1,0,0158,138 -11775,2,0,0614,145 -11775,3,0,1356,106 -11777,1,0,1105,42 -11785,1,0,1708,120 -11786,1,0,1540,109 -11787,1,1,0450,50 -11790,1,0,1936,59 -11792,1,1,0523,36 -11793,1,1,0635,49 -11793,2,0,2201,54 -11795,1,0,2336,67 -11796,1,0,2055,34 -11797,1,1,0624,46 -11801,1,0,1930,47 -11801,2,1,0550,37 -11804,1,0,1300,29 -11805,1,0,0935,68 -11808,1,0,1912,50 -11812,1,0,1625,51 -11814,1,0,1939,155 -11814,2,1,0600,202 -11815,1,0,1520,65 -11816,1,0,1726,29 -11817,1,0,1925,55 -11819,1,0,1749,51 -11820,1,1,0459,47 -11822,1,0,1950,59 -11823,1,0,2335,117 -11825,1,0,1850,42 -11831,1,0,1920,84 -11833,1,1,0002,252 -11833,2,2,0500,141 -11841,1,0,1800,128 -11841,2,1,2230,96 -11844,1,0,1354,49 -11846,1,0,0148,90 -11848,1,0,1213,55 -11850,1,0,2238,110 -11850,2,1,2000,85 -11852,1,0,2321,81 -11854,1,0,0947,29 -11856,1,1,0825,76 -11857,1,0,2218,147 -11857,2,1,0324,103 -11857,3,1,1150,92 -11860,1,0,1651,76 -11861,1,0,1548,66 -11863,1,0,1426,52 -11870,1,0,1725,121 -11873,1,0,1545,121 -11876,1,0,2202,29 -11879,1,0,2009,67 -11884,1,0,2301,43 -11886,1,0,1855,67 -11888,1,0,1608,144 -11888,2,0,2208,186 -11888,3,1,0135,352 -11889,1,0,2126,36 -11894,1,0,2310,59 -11903,1,0,2139,47 -11905,1,0,1804,69 -11909,1,0,2225,102 -11909,2,1,0425,96 -11910,1,0,1800,73 -11914,1,0,2025,37 -11915,1,0,2104,45 -11917,1,0,1510,31 -11919,1,1,0015,73 -11920,1,0,1907,65 -11922,1,0,1757,55 -11927,1,0,1908,108 -11932,1,0,1409,34 -11936,1,0,1909,71 -11937,1,1,0200,184 -11937,2,2,0400,255 -11937,3,3,0500,120 -11939,1,0,2135,29 -11942,1,0,1624,49 -11944,1,0,1759,76 -11945,1,0,1510,14 -11946,1,0,1816,68 -11951,1,0,1607,29 -11953,1,0,1950,76 -11954,1,0,0620,64 -11955,1,1,0400,42 -11959,1,0,1003,44 -11960,1,0,2333,83 -11962,1,2,0856,18 -11962,2,1,0654,22 -11964,1,0,1810,53 -11965,1,0,0430,46 -11967,1,0,1855,58 -11969,1,0,1556,93 -11971,1,0,1952,37 -11977,1,0,1528,55 -11980,1,0,1742,73 -11984,1,0,1910,51 -11988,1,0,1452,76 -11989,1,0,1645,46 -11990,1,0,1858,82 -11991,1,0,2157,31 -11994,1,1,0400,48 -12000,1,0,2345,64 -12003,1,0,1718,104 -12003,2,0,2250,87 -12004,1,0,2208,44 -12007,1,0,1924,101 -12008,1,0,2319,69 -12010,1,0,1415,40 -12011,1,0,1735,70 -12012,1,0,1204,129 -12012,2,1,0645,67 -12013,1,0,2021,77 -12015,1,0,1724,29 -12016,1,0,1720,63 -12020,1,0,0940,29 -12029,1,0,1548,79 -12030,1,0,1932,65 -12035,1,0,1847,39.1 -12040,1,0,2138,166 -12043,1,0,1130,33 diff --git a/data/iai_pecarn/raw/form5_ast.csv b/data/iai_pecarn/raw/form5_ast.csv deleted file mode 100644 index 1a4fb421..00000000 --- a/data/iai_pecarn/raw/form5_ast.csv +++ /dev/null @@ -1,8918 +0,0 @@ -subjectid,repeat_instance,SerASTDay,SerASTTime,SerASTValue -3,1,0,1835,45 -6,1,0,0212,138 -6,2,1,0650,40 -7,1,0,0519,83 -8,1,0,1809,128 -10,1,0,1930,39 -13,1,0,1832,43 -14,1,0,0548,36 -16,1,0,0255,26 -17,1,0,2117,66 -18,1,0,1455,30 -20,1,0,0516,27 -21,1,0,2309,33 -23,1,0,1755,68 -24,1,0,2012,41 -30,1,0,1310,40 -31,1,1,0001,25 -32,1,0,1648,76 -33,1,0,2138,52 -35,1,0,2115,159 -37,1,0,1919,39 -40,1,1,1545,26 -40,2,2,1302,41 -41,1,0,2045,208 -44,1,0,0729,109 -45,1,0,2040,765 -46,1,0,1213,47 -50,1,0,1716,34 -50,2,0,2349,49 -50,3,2,0408,27 -50,4,3,0405,25 -52,1,0,1648,43 -53,1,0,2105,44 -53,2,1,0425,39 -55,1,0,1335,314 -56,1,0,2150,37 -60,1,1,0811,95 -60,2,2,0620,76 -60,3,3,0828,78 -66,1,1,1947,28 -67,1,0,1544,44 -68,1,0,1845,674 -69,1,0,1830,46 -71,1,1,0015,22 -72,1,2,0600,73 -72,2,2,1024,68 -72,3,4,0455,145 -73,1,0,1831,25 -74,1,0,2120,379 -74,2,0,2305,325 -75,1,0,1514,49 -78,1,0,2324,34 -82,1,0,2000,35 -83,1,0,1550,21 -85,1,0,1800,702 -87,1,0,1941,45 -88,1,0,1950,445 -89,1,0,2208,23 -89,2,1,1537,127 -91,1,0,0147,24 -92,1,0,1802,57 -93,1,0,2047,39 -100,1,0,2127,26 -102,1,0,1616,29 -106,1,0,1239,31 -108,1,0,0930,38 -111,1,0,0925,20 -112,1,0,1450,15 -113,1,0,2213,29 -114,1,0,1703,28 -115,1,0,1657,720 -116,1,0,1625,534 -119,1,0,1829,40 -120,1,0,2013,47 -121,1,0,2007,35 -123,1,0,1730,41 -124,1,0,1800,87 -129,1,0,1954,42 -130,1,0,2234,24 -131,1,0,2305,25 -132,1,0,1815,50 -133,1,0,1332,45 -135,1,0,2200,30 -137,1,0,1435,24 -138,1,0,2240,44 -139,1,0,0040,26 -140,1,0,2217,666 -140,2,1,0015,662 -141,1,0,2143,57 -142,1,0,2136,80 -143,1,0,1716,44 -144,1,0,1635,39 -145,1,0,1915,351 -145,2,1,0430,260 -146,1,1,0100,25 -147,1,0,0050,163 -147,2,1,0303,64 -148,1,0,0925,82 -150,1,0,1200,76 -151,1,0,1855,445 -152,1,0,0950,36 -155,1,0,2243,34 -157,1,0,2210,24 -158,1,0,1741,30 -159,1,0,1849,139 -160,1,0,2055,24 -161,1,0,0114,42 -161,2,0,1120,22 -163,1,1,0130,33 -165,1,0,1350,69 -166,1,0,1446,16 -168,1,0,1430,80 -170,1,0,1950,165 -170,2,1,0626,89 -170,3,4,0635,60 -172,1,0,2137,29 -173,1,0,1800,140 -173,2,1,0541,189 -173,3,2,0602,452 -173,4,2,1005,466 -173,5,3,0352,366 -175,1,0,1338,21 -176,1,0,1526,16 -176,2,1,0755,21 -176,3,2,0920,15 -177,1,0,0020,39 -178,1,0,1540,122 -179,1,0,2143,271 -179,2,1,1358,85 -181,1,0,1457,35 -182,1,0,2040,74 -183,1,0,1212,190 -185,1,0,2341,64 -187,1,1,0003,33 -188,1,0,2109,26 -189,1,0,1935,43 -190,1,0,2216,32 -191,1,0,2340,40 -193,1,0,0735,27 -194,1,0,1900,41 -194,2,4,1155,44 -195,1,0,1843,56 -197,1,0,2140,80 -198,1,0,2200,34 -199,1,0,1635,448 -199,2,0,2328,214 -200,1,0,1911,50 -201,1,0,1910,22 -203,1,0,1320,41 -204,1,0,1210,255 -206,1,0,0040,29 -207,1,0,1407,42 -210,1,0,1432,29 -211,1,0,0150,28 -212,1,0,1326,23 -213,1,0,1948,34 -214,1,0,1743,29 -215,1,0,1824,48 -216,1,0,2120,30 -217,1,0,1850,34 -219,1,0,1910,61 -220,1,0,0637,49 -221,1,0,2335,23 -225,1,0,2110,52 -226,1,0,1134,30 -228,1,0,2045,25 -229,1,0,0147,33 -230,1,0,0944,24 -232,1,0,1749,24 -233,1,1,0525,60 -237,1,0,1235,19 -238,1,0,1802,223 -239,1,0,1523,44 -240,1,0,0047,39 -241,1,0,1740,23 -243,1,0,1729,25 -244,1,0,1233,178 -244,2,1,0624,205 -245,1,0,2238,31 -246,1,0,0403,59 -247,1,0,1518,36 -248,1,0,1753,56 -248,2,0,2215,50 -250,1,0,2255,31 -251,1,0,2306,29 -256,1,0,1625,29 -256,2,0,2003,27 -258,1,0,1705,29 -261,1,0,1441,95 -263,1,0,1420,30 -265,1,0,1839,35 -266,1,0,2150,36 -267,1,0,2106,27 -275,1,0,2120,1182 -276,1,0,1152,34 -280,1,0,1841,41 -282,1,0,2148,19 -283,1,1,0057,38 -284,1,0,2008,38 -285,1,0,1555,21 -286,1,0,1600,48 -288,1,0,2000,161 -289,1,0,2100,22 -293,1,0,1955,40 -295,1,0,1553,55 -296,1,0,1825,622 -296,2,1,0400,488 -296,3,2,0400,185 -297,1,0,1600,64 -299,1,0,0910,22 -300,1,0,1537,50 -301,1,0,1545,57 -302,1,0,0910,57 -303,1,1,0403,38 -304,1,0,2142,34 -305,1,0,1440,22 -307,1,0,1750,65 -308,1,1,0001,14 -311,1,1,0005,51 -312,1,0,1626,247 -314,1,0,1329,35 -316,1,0,2045,29 -318,1,0,2017,72 -318,2,1,1931,27 -319,1,0,1704,45 -320,1,0,0050,25 -321,1,0,1644,37 -321,2,1,0528,61 -322,1,0,1540,63 -323,1,0,2250,29 -328,1,0,1740,32 -329,1,0,0930,24 -332,1,0,2230,27 -333,1,0,2035,24 -335,1,0,0219,52 -336,1,0,0907,415 -337,1,0,2320,69 -337,2,1,0430,67 -337,3,1,0815,62 -337,4,1,2330,44 -337,5,4,0400,41 -338,1,0,0637,82 -341,1,0,0709,56 -344,1,0,1838,42 -345,1,0,1404,37 -346,1,0,1613,319 -350,1,0,1640,79 -355,1,0,2009,72 -356,1,0,1738,168 -357,1,0,1130,16 -358,1,0,1143,39 -358,2,1,1609,32 -359,1,0,1753,236 -363,1,0,1200,30 -364,1,0,2140,124 -366,1,0,1700,31 -367,1,0,0545,34 -367,2,6,0822,31 -369,1,0,0919,76 -371,1,0,2136,34 -373,1,0,1809,45 -374,1,0,0910,28 -375,1,0,1730,78 -376,1,0,0218,508 -377,1,0,1640,23 -378,1,0,1713,109 -379,1,0,1724,121 -380,1,0,1250,30 -381,1,0,2100,31 -382,1,0,2030,34 -384,1,0,1638,62 -385,1,0,0950,19 -386,1,0,1600,25 -388,1,0,1224,70 -389,1,0,1705,122 -390,1,0,2005,50 -391,1,0,1830,37 -392,1,0,2055,23 -395,1,0,2107,42 -397,1,0,1824,44 -399,1,0,0944,633 -399,2,2,0326,84 -399,3,4,0409,61 -399,4,5,0519,62 -401,1,0,2000,28 -405,1,0,1403,34 -406,1,0,2143,81 -407,1,0,1618,26 -408,1,0,2058,20 -409,1,0,1850,36 -410,1,0,2335,40 -410,2,1,0700,33 -412,1,0,1520,24 -413,1,0,1402,31 -414,1,0,0959,70 -415,1,0,1508,33 -416,1,0,2336,49 -417,1,0,1544,33 -421,1,0,1745,68 -422,1,0,0956,42 -423,1,0,2056,61 -423,2,1,0605,31 -423,3,1,0942,27 -425,1,0,1726,46 -428,1,0,1535,200 -429,1,0,1530,27 -430,1,0,0830,61 -431,1,0,1745,127 -433,1,0,2220,47 -434,1,0,2039,40 -435,1,0,2127,594 -436,1,0,1726,50 -437,1,0,1103,50 -438,1,0,1623,65 -439,1,0,1520,324 -440,1,0,2130,25 -442,1,0,1940,26 -444,1,0,2250,51 -445,1,0,2039,154 -445,2,4,1420,46 -446,1,0,0114,64 -448,1,0,0309,29 -450,1,0,2050,28 -451,1,0,1915,67 -452,1,0,0140,18 -453,1,0,1815,75 -454,1,0,1944,43 -456,1,0,2212,21 -457,1,1,0011,28 -457,2,1,0320,28 -457,3,2,0448,50 -458,1,0,1815,47 -459,1,0,1425,22 -460,1,0,2134,66 -464,1,0,1815,46 -465,1,0,2100,124 -465,2,1,0518,90 -465,3,2,0501,97 -465,4,3,0356,80 -466,1,0,2113,48 -467,1,0,1207,77 -468,1,0,1723,21 -470,1,0,1917,63 -471,1,0,1834,33 -472,1,0,0915,63 -473,1,0,2244,60 -475,1,0,2125,17 -476,1,0,1248,35 -477,1,0,1038,279 -480,1,0,2251,45 -481,1,0,0055,41 -482,1,0,1400,22 -484,1,0,1900,43 -485,1,0,1738,51 -486,1,0,1641,33 -488,1,0,0745,83 -490,1,0,1419,44 -491,1,1,0235,40 -493,1,1,0155,22 -494,1,1,0415,953 -494,2,1,2100,328 -494,3,0,1233,2909 -497,1,0,2130,29 -498,1,0,2034,27 -499,1,1,1038,36 -502,1,0,1658,47 -505,1,0,1110,36 -506,1,0,1804,48 -507,1,0,2124,28 -508,1,0,2252,45 -510,1,0,1857,23 -511,1,0,0425,61 -512,1,0,2203,42 -513,1,1,0016,27 -515,1,0,1301,32 -516,1,0,2109,55 -517,1,0,2300,24 -519,1,0,1123,61 -519,2,1,0450,41 -521,1,0,0300,85 -523,1,0,1345,27 -525,1,0,2047,103 -531,1,0,1130,30 -535,1,0,1352,183 -536,1,0,2300,80 -537,1,0,1749,57 -538,1,0,1415,40 -539,1,0,2029,120 -540,1,0,2339,25 -542,1,0,1705,58 -544,1,0,1733,44 -546,1,0,0046,209 -546,2,0,1301,79 -546,3,0,1605,74 -546,4,0,1955,93 -548,1,0,2101,55 -549,1,1,0111,36 -550,1,0,1329,36 -551,1,0,1245,43 -552,1,0,2228,23 -553,1,0,1112,22 -557,1,0,0100,48 -563,1,0,1703,233 -564,1,0,1925,47 -567,1,0,2245,22 -568,1,0,1749,50 -569,1,0,1810,25 -570,1,0,0815,196 -570,2,0,1530,132 -572,1,0,1435,36 -574,1,1,0502,143 -574,2,6,0344,126 -574,3,7,0549,173 -575,1,0,2329,36 -576,1,0,1741,46 -576,2,1,0500,33 -577,1,0,2100,25 -578,1,0,0529,19 -579,1,0,1353,25 -580,1,0,1712,39 -582,1,0,1949,67 -586,1,0,2124,38 -586,2,0,2145,38 -587,1,0,1330,55 -587,2,0,1744,48 -589,1,0,2034,34 -590,1,0,2253,26 -591,1,0,1633,885 -592,1,0,2010,84 -593,1,0,1815,33 -594,1,0,1530,46 -595,1,0,1225,2517 -595,2,0,1420,1261 -595,3,0,1830,2609 -595,4,1,0639,1769 -595,5,2,0438,1215 -596,1,1,1430,53 -600,1,0,2104,32 -602,1,0,1940,66 -603,1,1,0001,45 -604,1,0,1644,45 -605,1,0,2252,30 -606,1,0,1821,37 -607,1,0,1950,42 -613,1,0,1646,36 -614,1,0,1404,56 -615,1,0,2237,357 -616,1,0,1440,53 -618,1,0,1456,16 -620,1,1,0015,26 -622,1,0,0049,25 -624,1,1,0111,56 -624,2,1,0516,56 -625,1,0,2309,40 -627,1,0,1632,28 -628,1,0,0945,27 -630,1,0,1530,33 -631,1,0,1956,44 -632,1,0,2039,1363 -632,2,1,1010,311 -633,1,0,2320,35 -635,1,0,1723,35 -637,1,0,1900,247 -638,1,1,0042,26 -641,1,0,2041,45 -642,1,0,1240,44 -643,1,0,1557,19 -644,1,0,2200,30 -647,1,0,1412,40 -648,1,0,2120,70 -650,1,0,2116,68 -652,1,0,1305,35 -653,1,0,1824,25 -654,1,0,1638,178 -654,2,1,0325,77 -655,1,0,2225,33 -657,1,0,1306,22 -658,1,0,1253,26 -659,1,0,1729,23 -659,2,0,2030,23 -660,1,0,1607,50 -663,1,0,2300,31 -664,1,0,2141,27 -665,1,0,1507,61 -667,1,0,1405,54 -668,1,0,1732,87 -672,1,0,2028,41 -673,1,0,1601,49 -675,1,0,1800,92 -681,1,0,1635,34 -682,1,0,1940,44 -683,1,0,1645,41 -686,1,0,2000,28 -687,1,0,0054,28 -689,1,0,0320,32 -691,1,0,1640,34 -692,1,0,1642,64 -693,1,0,2235,39 -698,1,0,0535,29 -699,1,0,0135,40 -700,1,0,1625,282 -701,1,0,1848,145 -702,1,1,0230,29 -705,1,0,1025,80 -707,1,0,0836,61 -708,1,0,1633,28 -708,2,1,2249,61 -708,3,5,1147,21 -708,4,6,0421,18 -710,1,0,1939,23 -711,1,0,2000,26 -712,1,0,1947,96 -713,1,0,1735,45 -714,1,0,0856,48 -715,1,0,2003,22 -716,1,0,1405,39 -717,1,0,2340,141 -720,1,0,1943,65 -721,1,0,0940,67 -721,2,0,1153,52 -721,3,0,1658,87 -721,4,0,2215,102 -721,5,1,0400,110 -722,1,0,2122,27 -726,1,0,1220,27 -727,1,0,1755,101 -728,1,0,1623,33 -729,1,0,2132,412 -731,1,0,2120,45 -732,1,0,1609,27 -733,1,0,1821,21 -735,1,0,0249,47 -736,1,0,1300,42 -737,1,0,1646,40 -738,1,0,2055,48 -742,1,0,1714,25 -744,1,0,1327,49 -746,1,0,0153,448 -746,2,0,0553,354 -746,3,0,1044,315 -746,4,0,1711,262 -746,5,1,0611,246 -747,1,0,2305,27 -748,1,0,1720,44 -749,1,0,2130,31 -749,2,5,0645,18 -750,1,0,2359,20 -750,2,1,0941,22 -751,1,0,0325,60 -755,1,0,2237,62 -759,1,0,1514,57 -760,1,1,0029,19 -761,1,0,1445,184 -762,1,0,2334,23 -763,1,0,1829,41 -764,1,0,1517,33 -767,1,0,1112,567 -768,1,0,2215,32 -770,1,0,1020,168 -771,1,0,1223,22 -772,1,0,1850,42 -773,1,0,2341,181 -778,1,0,0157,27 -779,1,0,2040,444 -780,1,0,0135,44 -781,1,0,1950,32 -782,1,0,1610,33 -783,1,0,1755,30 -784,1,0,1730,35 -785,1,0,0447,49 -786,1,0,2050,40 -787,1,0,1635,133 -788,1,0,2241,40 -790,1,0,1227,165 -792,1,0,2020,57 -792,2,1,0400,53 -792,3,1,1630,47 -792,4,2,0400,38 -792,5,2,1644,41 -793,1,0,1029,29 -796,1,0,2350,37 -798,1,0,2208,42 -800,1,0,1957,32 -801,1,0,1957,31 -802,1,0,2100,95 -803,1,0,1600,33 -804,1,0,1158,43 -805,1,0,1908,55 -806,1,0,1949,28 -807,1,0,2130,51 -808,1,0,2044,30 -809,1,0,0356,32 -810,1,0,2150,22 -810,2,1,0405,25 -815,1,0,1715,77 -816,1,0,0220,20 -817,1,0,1232,45 -818,1,0,1548,31 -820,1,0,0940,57 -823,1,0,2310,38 -827,1,0,1236,265 -828,1,0,1807,92 -830,1,0,2235,36 -831,1,0,1800,208 -832,1,0,0849,26 -834,1,0,1906,6536 -835,1,0,2210,24 -836,1,0,1016,31 -837,1,0,0907,83 -838,1,0,1926,27 -839,1,1,0709,43 -840,1,0,2109,21 -841,1,0,0030,78 -842,1,0,1558,52 -843,1,0,1430,33 -846,1,0,1315,78 -847,1,0,1855,56 -848,1,0,1550,34 -848,2,1,0415,34 -849,1,0,2100,38 -850,1,0,1411,57 -851,1,0,0145,25 -852,1,1,0644,31 -855,1,0,1114,55 -856,1,0,1245,32 -858,1,0,1340,26 -860,1,0,1808,35 -861,1,0,1257,44 -861,2,1,0711,73 -862,1,0,2209,68 -863,1,2,0615,59 -869,1,0,2100,50 -869,2,1,1300,29 -874,1,0,1726,40 -876,1,0,1532,29 -876,2,1,1215,23 -877,1,0,2201,505 -877,2,1,0807,138 -878,1,0,1300,31 -879,1,0,1814,51 -883,1,0,2313,53 -886,1,0,2049,21 -886,2,1,0330,23 -890,1,0,2319,553 -892,1,0,1839,43 -893,1,0,1625,64 -894,1,0,1542,33 -895,1,0,1153,71 -896,1,0,1739,25 -897,1,0,1955,109 -897,2,1,1005,82 -898,1,0,1525,37 -898,2,1,0622,25 -899,1,0,2025,29 -900,1,0,1706,56 -901,1,0,1005,22 -902,1,0,1417,32 -905,1,0,1140,84 -908,1,0,2047,29 -910,1,0,1705,146 -911,1,0,1704,16 -912,1,0,2048,25 -913,1,0,1645,42 -917,1,0,1752,204 -918,1,0,2200,31 -919,1,0,1928,78 -919,2,0,2210,64 -921,1,0,1544,18 -922,1,0,1924,23 -925,1,0,2243,40 -926,1,0,1207,45 -926,2,0,1826,30 -930,1,0,1441,42 -931,1,0,1617,59 -931,2,1,2110,53 -935,1,0,1348,76 -936,1,0,1126,26 -937,1,0,0753,656 -937,2,1,1013,127 -937,3,6,1331,39 -938,1,0,1207,31 -939,1,0,1116,102 -940,1,0,1846,20 -943,1,0,1617,91 -944,1,0,0615,65 -944,2,1,0519,48 -945,1,0,2200,46 -946,1,0,1130,81 -949,1,0,1613,55 -953,1,0,1747,37 -954,1,0,0825,77 -955,1,0,1449,57 -955,2,2,0654,24 -957,1,0,1152,315 -961,1,0,1857,34 -965,1,0,1421,28 -966,1,0,1922,26 -967,1,0,2055,21 -967,2,1,0634,18 -968,1,0,1501,27 -970,1,0,1500,359 -970,2,1,0400,148 -970,3,2,0400,50 -971,1,0,2152,19 -972,1,0,2334,40 -973,1,0,2120,36 -974,1,0,1450,36 -975,1,0,1705,34 -976,1,0,1830,35 -976,2,1,1050,31 -977,1,0,1625,49 -978,1,0,2000,52 -979,1,0,0045,14 -981,1,0,2151,28 -982,1,0,1545,48 -983,1,0,1126,196 -984,1,0,0355,48 -988,1,0,1515,45 -990,1,0,2345,115 -990,2,2,0200,125 -991,1,0,1634,25 -992,1,1,0135,218 -993,1,0,2057,24 -994,1,0,1951,25 -995,1,0,1935,64 -996,1,0,1955,37 -997,1,0,2313,28 -999,1,0,2109,35 -1000,1,0,0241,29 -1001,1,0,1902,46 -1001,2,4,0515,28 -1001,3,5,0530,20 -1001,4,6,0400,20 -1002,1,0,2137,27 -1003,1,0,1148,110 -1004,1,0,2310,22 -1006,1,0,2015,112 -1007,1,0,1940,20 -1008,1,0,2109,49 -1009,1,0,1410,46 -1012,1,0,1652,83 -1013,1,0,2020,37 -1015,1,0,1920,32 -1018,1,0,2027,32 -1021,1,0,1551,72 -1022,1,0,2015,57 -1023,1,0,2015,19 -1025,1,0,1820,132 -1025,2,1,0935,72 -1026,1,1,0045,22 -1027,1,0,0938,36 -1028,1,0,1800,52 -1030,1,0,1951,49 -1032,1,0,2016,36 -1036,1,0,0203,30 -1038,1,0,2001,129 -1038,2,0,2306,128 -1038,3,1,0422,174 -1042,1,0,2255,28 -1043,1,0,1843,34 -1044,1,0,1700,27 -1044,2,1,0615,32 -1044,3,2,0530,67 -1044,4,3,0555,90 -1045,1,0,1928,140 -1047,1,0,1853,51 -1048,1,0,2007,45 -1049,1,0,1839,521 -1050,1,0,2150,50 -1051,1,0,0738,56 -1053,1,0,2024,52 -1054,1,0,1016,429 -1057,1,0,0331,22 -1061,1,0,1539,44 -1062,1,0,1945,39 -1065,1,0,1930,36 -1066,1,0,0907,53 -1071,1,1,1107,33 -1074,1,0,0857,27 -1075,1,0,1254,48 -1076,1,0,1838,59 -1078,1,0,2310,41 -1080,1,0,0059,155 -1082,1,0,1916,33 -1084,1,0,2050,70 -1085,1,0,1601,121 -1088,1,0,1747,92 -1091,1,0,1746,71 -1093,1,1,1815,55 -1095,1,0,1140,443 -1095,2,1,0240,105 -1097,1,0,1939,20 -1098,1,0,0316,41 -1098,2,1,0610,29 -1099,1,0,1820,25 -1100,1,0,0120,234 -1100,2,0,0300,216 -1100,3,0,0536,276 -1100,4,0,1550,300 -1101,1,0,1331,44 -1102,1,0,1420,155 -1102,2,1,1947,76 -1103,1,0,1420,169 -1104,1,0,1610,25 -1104,2,1,0045,45 -1104,3,2,1533,49 -1105,1,0,2143,411 -1106,1,0,1520,21 -1109,1,0,2337,43 -1110,1,0,1717,45 -1110,2,0,2227,57 -1110,3,1,0303,49 -1110,4,1,0958,44 -1110,5,1,1850,46 -1112,1,0,1645,40 -1116,1,0,2118,61 -1118,1,0,2024,35 -1121,1,0,0634,73 -1122,1,0,1615,62 -1123,1,0,2052,38 -1125,1,0,2218,60 -1129,1,0,1706,40 -1132,1,0,2335,22 -1134,1,0,0959,37 -1136,1,0,1827,82 -1137,1,0,2119,94 -1140,1,0,2243,22 -1141,1,1,0935,119 -1142,1,0,1155,61 -1146,1,1,0637,36 -1147,1,0,1518,49 -1148,1,0,2350,47 -1149,1,0,0751,417 -1149,2,1,0439,110 -1149,3,2,0653,79 -1149,4,3,0735,47 -1149,5,4,0706,39 -1150,1,0,2300,34 -1152,1,0,1610,52 -1154,1,0,1540,122 -1156,1,0,1051,38 -1157,1,0,0945,41 -1160,1,0,1653,131 -1160,2,1,1530,139 -1160,3,3,0530,392 -1160,4,4,0416,432 -1160,5,5,0445,441 -1161,1,0,1706,39 -1162,1,0,2059,53 -1165,1,0,1710,30 -1168,1,0,1220,61 -1170,1,0,1800,42 -1171,1,0,2212,158 -1172,1,0,1134,69 -1173,1,0,1540,22 -1173,2,2,0108,19 -1174,1,0,2305,28 -1175,1,0,1902,87 -1175,2,1,0353,72 -1177,1,0,1145,27 -1179,1,0,1418,60 -1181,1,0,2020,131 -1182,1,0,1139,194 -1185,1,0,1550,28 -1190,1,0,2157,164 -1191,1,0,2237,61 -1193,1,0,1237,25 -1194,1,0,1203,23 -1195,1,0,1943,123 -1196,1,0,1655,102 -1197,1,0,1815,60 -1198,1,0,2250,42 -1199,1,0,1908,147 -1200,1,0,1942,27 -1201,1,0,1722,108 -1202,1,0,0750,44 -1203,1,0,1905,39 -1204,1,0,2302,45 -1205,1,0,1100,46 -1206,1,0,0945,24 -1207,1,0,2122,26 -1208,1,0,0910,37 -1209,1,0,1720,18 -1211,1,0,1210,29 -1213,1,1,1221,55 -1214,1,0,2210,29 -1216,1,0,1501,47 -1218,1,0,0444,423 -1219,1,0,0717,109 -1220,1,0,1614,121 -1221,1,0,1004,134 -1222,1,0,2140,72 -1223,1,0,2357,16 -1224,1,0,1828,46 -1227,1,0,2016,18 -1229,1,1,0500,430 -1229,2,3,0500,153 -1230,1,0,1700,147 -1231,1,0,1602,26 -1233,1,0,1441,33 -1234,1,0,2306,52 -1235,1,0,1856,44 -1239,1,0,2320,676 -1239,2,1,0500,373 -1239,3,2,0511,99 -1239,4,3,0335,72 -1239,5,4,0335,67 -1240,1,0,1940,56 -1241,1,0,2025,26 -1242,1,0,0855,25 -1243,1,0,1510,95 -1244,1,0,2000,51 -1245,1,0,1907,34 -1246,1,0,1930,64 -1249,1,0,2124,44 -1250,1,0,1700,58 -1251,1,0,1411,30 -1254,1,0,2256,25 -1257,1,0,2330,57 -1259,1,2,1117,64 -1261,1,0,1435,67 -1262,1,0,2244,21 -1263,1,0,1613,42 -1263,2,1,0056,53 -1263,3,2,2330,90 -1263,4,3,1400,86 -1265,1,0,2000,40 -1265,2,1,0355,61 -1267,1,0,1945,67 -1269,1,0,2259,28 -1270,1,0,0224,48 -1271,1,0,1922,41 -1272,1,0,1915,60 -1272,2,1,0535,48 -1272,3,2,0421,48 -1274,1,0,2200,35 -1275,1,0,2036,303 -1277,1,0,1857,422 -1279,1,0,1802,55 -1280,1,1,0420,60 -1280,2,1,1038,54 -1280,3,2,0448,54 -1281,1,0,1925,31 -1282,1,0,1828,28 -1283,1,0,1445,38 -1284,1,0,1808,191 -1285,1,0,2141,47 -1286,1,0,1845,43 -1289,1,0,1640,591 -1289,2,1,0350,529 -1289,3,3,0500,226 -1290,1,0,1425,40 -1291,1,0,1550,39 -1292,1,0,0655,78 -1293,1,0,1804,55 -1294,1,0,2021,50 -1295,1,0,1157,93 -1296,1,0,1550,156 -1297,1,0,1815,79 -1300,1,0,1628,23 -1303,1,0,1602,46 -1305,1,0,1732,63 -1306,1,0,2230,38 -1308,1,0,0027,433 -1308,2,4,0415,24 -1308,3,5,0415,19 -1308,4,6,0400,30 -1308,5,7,0550,41 -1309,1,0,2054,92 -1310,1,1,0000,18 -1312,1,0,1711,47 -1313,1,0,2214,27 -1313,2,1,0549,20 -1313,3,1,2136,16 -1313,4,2,1752,20 -1313,5,3,0218,18 -1314,1,0,2140,39 -1315,1,0,1929,52 -1320,1,0,2136,36 -1321,1,0,1734,46 -1321,2,1,0344,31 -1321,3,1,1819,35 -1321,4,2,0352,33 -1321,5,3,0538,40 -1322,1,0,0056,35 -1323,1,0,1526,35 -1324,1,0,2037,33 -1324,2,1,0410,40 -1325,1,0,1844,31 -1326,1,0,1530,14 -1328,1,0,2228,29 -1331,1,0,1614,49 -1332,1,0,1409,45 -1334,1,0,0855,27 -1335,1,0,1646,28 -1336,1,0,1115,171 -1336,2,0,1540,114 -1336,3,1,0000,133 -1337,1,0,1341,17 -1347,1,0,1100,84 -1349,1,0,1831,25 -1350,1,0,0914,20 -1352,1,0,1825,36 -1354,1,0,2216,27 -1356,1,0,1613,50 -1359,1,0,2046,68 -1360,1,0,1925,43 -1365,1,0,1805,28 -1367,1,0,1635,84 -1368,1,0,2217,31 -1369,1,0,2206,59 -1370,1,0,1800,30 -1371,1,0,0020,34 -1373,1,0,1047,105 -1373,2,1,0848,89 -1373,3,5,2021,42 -1373,4,7,0725,48 -1374,1,0,1720,23 -1375,1,0,0002,18 -1376,1,0,0021,66 -1377,1,0,0137,28 -1378,1,0,1710,48 -1379,1,0,1734,34 -1381,1,0,1450,66 -1382,1,0,0420,62 -1384,1,0,1545,29 -1386,1,0,2145,54 -1391,1,0,2200,34 -1393,1,0,2000,45 -1394,1,0,1917,55 -1395,1,0,1554,95 -1397,1,0,2110,39 -1398,1,0,0017,22 -1400,1,0,2318,38 -1401,1,0,1933,27 -1402,1,0,2230,58 -1403,1,0,2124,47 -1410,1,0,2254,44 -1414,1,0,1500,30 -1415,1,0,1239,26 -1416,1,0,1542,31 -1417,1,0,0526,44 -1418,1,0,1430,2816 -1418,2,0,1445,1793 -1418,3,2,1135,1557 -1421,1,0,1310,43 -1422,1,0,2200,34 -1424,1,0,2315,26 -1424,2,1,0604,26 -1425,1,0,1650,52 -1426,1,0,2040,35 -1429,1,0,1335,74 -1431,1,0,2207,32 -1432,1,0,2355,20 -1433,1,0,1435,52 -1434,1,0,2020,23 -1436,1,0,1002,41 -1436,2,1,0300,45 -1436,3,2,0036,60 -1436,4,3,0130,47 -1436,5,4,0240,30 -1437,1,0,1536,48 -1439,1,0,1555,36 -1440,1,0,1920,48 -1444,1,0,2113,24 -1445,1,0,1952,144 -1446,1,0,0235,29 -1447,1,0,1419,23 -1448,1,0,1845,239 -1449,1,0,2255,39 -1450,1,0,2157,34 -1453,1,0,1727,29 -1454,1,0,1440,28 -1455,1,0,1120,683 -1455,2,1,0125,292 -1455,3,2,0400,123 -1455,4,3,0420,51 -1455,5,4,0455,29 -1456,1,0,2044,30 -1457,1,0,1727,28 -1457,2,0,1730,28 -1458,1,0,1647,56 -1459,1,0,1709,518 -1460,1,0,0319,113 -1460,2,1,0625,57 -1461,1,0,1710,95 -1464,1,0,1635,41 -1465,1,0,2109,82 -1468,1,0,1830,21 -1469,1,0,1339,34 -1471,1,0,2027,57 -1472,1,0,2043,48 -1474,1,0,2106,36 -1477,1,0,1819,51 -1478,1,0,1312,29 -1480,1,0,1506,32 -1482,1,0,0750,35 -1484,1,1,0012,57 -1486,1,0,2150,78 -1487,1,0,2230,41 -1489,1,0,2230,42 -1490,1,0,1845,21 -1491,1,0,1352,23 -1492,1,0,1430,31 -1494,1,0,2005,41 -1496,1,0,1157,55 -1496,2,0,2000,69 -1498,1,0,2303,35 -1499,1,0,2209,106 -1500,1,0,1349,999 -1502,1,0,1500,49 -1503,1,0,2112,48 -1504,1,0,1806,45 -1505,1,0,1030,55 -1506,1,1,0000,35 -1507,1,0,1646,64 -1507,2,1,0530,51 -1508,1,1,0005,28 -1509,1,0,1730,38 -1510,1,0,1352,400 -1512,1,0,1503,176 -1513,1,0,2149,87 -1514,1,0,1540,45 -1514,2,2,1410,50 -1514,3,3,0430,69 -1514,4,4,0330,62 -1514,5,5,0350,136 -1518,1,0,1807,18 -1520,1,0,1816,41 -1521,1,0,1244,38 -1522,1,0,2047,36 -1523,1,0,0926,20 -1525,1,0,2053,48 -1526,1,0,2306,27 -1527,1,1,0003,21 -1530,1,0,1715,71 -1532,1,0,2354,67 -1533,1,0,1940,25 -1534,1,0,1346,31 -1535,1,0,1731,39 -1535,2,1,0555,27 -1536,1,0,1314,36 -1539,1,0,1516,115 -1540,1,0,1850,150 -1540,2,1,0800,62 -1540,3,1,0808,41 -1542,1,0,1450,21 -1544,1,0,1430,37 -1545,1,0,1746,84 -1546,1,0,1815,138 -1546,2,2,1322,198 -1546,3,4,0350,47 -1547,1,0,1931,20 -1549,1,0,1705,49 -1549,2,1,0410,36 -1552,1,0,1345,25 -1553,1,0,1013,21 -1554,1,0,0105,40 -1555,1,0,1534,37 -1556,1,0,1921,52 -1559,1,0,1200,72 -1564,1,0,1943,24 -1565,1,0,2224,88 -1569,1,0,1916,49 -1570,1,0,1709,23 -1574,1,0,1740,41 -1575,1,0,1830,162 -1575,2,1,0326,98 -1578,1,0,1059,68 -1582,1,1,0100,31 -1583,1,0,2145,30 -1584,1,0,1615,27 -1585,1,0,1355,92 -1587,1,0,1940,44 -1587,2,5,1707,25 -1588,1,0,1002,28 -1589,1,0,2055,46 -1590,1,0,0845,35 -1592,1,0,1615,28 -1594,1,0,0039,58 -1595,1,0,1250,23 -1597,1,0,1257,35 -1598,1,1,0000,38 -1600,1,0,1156,41 -1601,1,1,0744,37 -1602,1,1,0024,75 -1602,2,1,0052,63 -1602,3,2,0436,83 -1602,4,3,0423,74 -1602,5,4,0337,73 -1603,1,0,0015,37 -1605,1,0,1450,37 -1606,1,0,1826,29 -1609,1,0,2118,36 -1611,1,0,2225,46 -1612,1,0,1711,72 -1613,1,0,2005,24 -1614,1,0,1645,115 -1617,1,0,2105,90 -1617,2,1,0143,63 -1617,3,1,0632,49 -1617,4,1,1030,51 -1617,5,1,1519,53 -1620,1,0,1712,19 -1621,1,0,1930,36 -1622,1,0,2335,35 -1623,1,0,0030,37 -1623,2,0,0847,30 -1625,1,0,1145,35 -1626,1,0,2043, -1628,1,0,1730,39 -1631,1,0,1605,52 -1632,1,0,2137,50 -1633,1,0,1615,57 -1633,2,0,1930,48 -1633,3,1,0250,26 -1634,1,0,2139,30 -1637,1,0,1130,32 -1638,1,0,2308,22 -1639,1,0,1340,52 -1642,1,0,1650,154 -1644,1,0,1837,22 -1647,1,1,0826,64 -1649,1,0,1905,46 -1650,1,0,2056,55 -1653,1,0,0832,224 -1654,1,1,0400,36 -1654,2,5,0415,27 -1655,1,0,1424,24 -1656,1,0,1256,50 -1657,1,0,0600,33 -1660,1,0,2311,28 -1662,1,0,0500,158 -1663,1,0,2252,67 -1665,1,0,2049,52 -1667,1,0,1800,69 -1669,1,0,1856,26 -1670,1,0,1750,33 -1673,1,0,2217,254 -1674,1,0,1820,105 -1675,1,0,2303,27 -1676,1,0,1920,56 -1677,1,0,2346,23 -1679,1,0,0845,803 -1680,1,0,1510,21 -1681,1,0,0246,19 -1683,1,0,2015,26 -1684,1,0,1725,39 -1685,1,0,0910,28 -1686,1,0,1300,70 -1687,1,0,2144,82 -1688,1,0,0356,20 -1689,1,0,2222,53 -1690,1,0,0223,85 -1691,1,0,2125,210 -1691,2,1,1043,64 -1692,1,0,1910,119 -1692,2,1,0415,74 -1692,3,2,0254,42 -1692,4,3,0400,33 -1692,5,4,0358,36 -1696,1,0,1659,35 -1697,1,0,1855,42 -1698,1,0,1908,78 -1701,1,0,1636,42 -1702,1,0,1650,40 -1704,1,0,1646,34 -1705,1,0,1100,31 -1707,1,0,1010,38 -1707,2,1,0400,28 -1708,1,0,1830,249 -1711,1,0,1400,28 -1712,1,0,1400,62 -1713,1,0,2023,35 -1714,1,0,1736,33 -1715,1,0,1631,44 -1716,1,0,1800,46 -1720,1,0,2033,21 -1722,1,0,1634,197 -1722,2,1,0625,91 -1724,1,0,2230,31 -1725,1,0,2345,319 -1725,2,3,0520,85 -1726,1,0,2133,37 -1727,1,0,1755,39 -1727,2,1,0715,37 -1728,1,0,1033,42 -1729,1,0,1940,113 -1730,1,0,0625,35 -1732,1,0,0234,25 -1734,1,1,0030,182 -1734,2,1,0450,159 -1734,3,2,1408,101 -1734,4,3,0345,81 -1734,5,4,0449,70 -1736,1,0,1335,49 -1738,1,0,0922,40 -1739,1,1,0034,31 -1740,1,0,1642,85 -1744,1,0,1633,46 -1745,1,0,1717,27 -1745,2,1,0425,20 -1747,1,0,1935,37 -1748,1,1,0459,74 -1749,1,0,1931,17 -1754,1,0,2205,34 -1756,1,0,2045,31 -1757,1,0,2256,19 -1758,1,0,1633,45 -1759,1,0,1953,22 -1760,1,0,2251,33 -1761,1,0,2036,304 -1761,2,1,0430,212 -1761,3,2,0450,153 -1763,1,0,1337,37 -1764,1,0,2106,499 -1764,2,0,2344,202 -1764,3,1,0230,109 -1764,4,1,0430,176 -1764,5,1,1315,214 -1766,1,0,1632,33 -1767,1,0,1930,52 -1768,1,1,1044,57 -1769,1,0,1530,306 -1769,2,1,0420,119 -1770,1,0,1922,335 -1770,2,1,0158,226 -1770,4,1,0634,178 -1770,5,1,1831,101 -1770,6,2,0534,76 -1775,1,0,1818,30 -1777,1,0,1939,75 -1783,1,0,1651,32 -1784,1,0,0929,28 -1785,1,0,1325,238 -1785,2,1,0655,260 -1785,3,2,0650,222 -1786,1,0,1220,27 -1787,1,0,0405,25 -1789,1,0,2020,47 -1790,1,0,1956,71 -1790,2,0,2317,73 -1792,1,0,2244,58 -1793,1,0,1929,31 -1794,1,0,1740,93 -1795,1,0,1100,42 -1796,1,0,1500,30 -1797,1,0,2042,52 -1800,1,0,1517,29 -1802,1,0,2117,77 -1804,1,0,1814,17 -1805,1,0,1742,53 -1806,1,0,1910,118 -1807,1,0,2003,24 -1810,1,0,0757,35 -1811,1,0,1740,31 -1811,2,0,1934,34 -1812,1,0,1752,30 -1813,1,0,1740,39 -1814,1,0,1346,48 -1816,1,0,1646,46 -1817,1,0,1545,53 -1819,1,0,2350,38 -1820,1,0,1840,51 -1822,1,0,0220,43 -1823,1,0,1627,37 -1824,1,0,1300,70 -1825,1,0,0938,29 -1828,1,0,2130,28 -1829,1,0,1739,293 -1829,2,1,1033,91 -1833,1,0,2016,16 -1834,1,0,0825,62 -1835,1,0,2300,87 -1837,1,1,0500,1425 -1838,1,0,2325,26 -1839,1,0,1532,31 -1840,1,0,1748,33 -1841,1,0,1745,30 -1843,1,0,2230,27 -1848,1,1,0126,39 -1849,1,0,2008,48 -1854,1,0,1938,203 -1855,1,0,1615,42 -1856,1,0,2350,16 -1860,1,0,1119,38 -1862,1,0,1121,32 -1863,1,0,0922,25 -1868,1,0,2000,181 -1869,1,0,1604,31 -1870,1,0,1025,189 -1870,2,1,0500,80 -1871,1,0,1925,138 -1873,1,0,1818,24 -1874,1,0,2040,44 -1876,1,0,2115,29 -1879,1,0,1215,42 -1881,1,0,0145,27 -1882,1,0,2200,34 -1882,2,1,0247,30 -1883,1,0,2020,40 -1884,1,1,0030,46 -1886,1,0,1355,18 -1888,1,0,1511,52 -1889,1,0,0847,29 -1890,1,0,1730,33 -1892,1,0,1058,53 -1894,1,0,1940,189 -1894,2,1,0005,155 -1895,1,0,2134,27 -1896,1,0,0302,42 -1897,1,0,1800,387 -1899,1,1,0009,93 -1899,2,1,0645,61 -1899,3,1,1300,44 -1900,1,0,2352,46 -1902,1,0,2002,27 -1904,1,0,2039,38 -1906,1,0,2010,49 -1908,1,0,1755,45 -1909,1,0,2107,378 -1909,2,3,1103,51 -1911,1,0,2030,48 -1912,1,0,1717,93 -1913,1,1,0601,39 -1915,1,0,2030,47 -1916,1,0,1715,24 -1918,1,1,0052,23 -1920,1,0,1338,92 -1921,1,0,1829,44 -1923,1,0,2055,26 -1923,2,1,0545,23 -1925,1,0,1401,68 -1926,1,0,0845,367 -1929,1,0,1759,26 -1930,1,0,1530,66 -1931,1,0,1801,43 -1933,1,0,0505,31 -1934,1,0,1642,111 -1944,1,0,1511,24 -1945,1,0,2013,259 -1947,1,0,0840,29 -1949,1,0,1330,23 -1952,1,0,1300,47 -1953,1,0,1508,56 -1953,2,0,1557,68 -1955,1,0,2049,43 -1959,1,0,0115,21 -1959,2,0,0218,20 -1960,1,0,1425,71 -1961,1,0,1803,56 -1962,1,0,0046,50 -1964,1,0,2205,26 -1965,1,0,1715,45 -1966,1,0,1745,23 -1969,1,0,0416,37 -1974,1,0,2130,45 -1977,1,0,1633,30 -1978,1,0,1728,28 -1979,1,0,2000,33 -1980,1,0,2057,55 -1981,1,0,2100,247 -1982,1,0,1820,115 -1985,1,0,1256,456 -1985,2,0,1550,168 -1985,3,1,1800,159 -1985,4,2,0559,117 -1985,5,2,1747,98 -1986,1,0,2000,58 -1987,1,0,2300,44 -1988,1,0,1955,70 -1989,1,0,1348,63 -1990,1,0,1700,204 -1990,2,0,2229,150 -1990,3,1,0624,101 -1990,4,2,0639,48 -1990,5,3,0949,29 -1993,1,0,1336,18 -1994,1,0,2000,73 -1996,1,0,1845,54 -1999,1,0,1536,42 -2000,1,0,2059,762 -2004,1,0,0100,27 -2006,1,0,1932,28 -2007,1,0,0411,24 -2008,1,0,1313,26 -2009,1,0,2225,101 -2011,1,0,2144,173 -2014,1,0,0255,35 -2015,1,5,0220,32 -2015,2,6,0200,31 -2019,1,1,0411,14 -2022,1,0,1810,32 -2023,1,0,1150,38 -2024,1,0,1946,71 -2024,2,0,2215,59 -2024,3,1,0610,71 -2024,4,2,1607,47 -2024,5,2,2043,43 -2025,1,0,1653,33 -2029,1,0,2054,31 -2029,2,1,0612,31 -2032,1,0,0027,56 -2033,1,0,1925,105 -2033,2,1,0030,110 -2035,1,1,0315,54 -2037,1,0,1605,37 -2038,1,0,1428,25 -2039,1,0,2151,40 -2043,1,0,1314,62 -2043,2,0,2000,73 -2043,3,1,2010,58 -2043,4,2,0500,70 -2043,5,2,1330,74 -2044,1,0,1229,40 -2045,1,0,0952,102 -2047,1,0,1959,75 -2049,1,0,1814,120 -2050,1,0,1655,21 -2051,1,0,1551,35 -2052,1,0,1617,33 -2053,1,0,1840,24 -2054,1,0,1730,30 -2056,1,0,2010,52 -2057,1,0,1210,19 -2058,1,0,1133,126 -2058,2,1,0720,83 -2061,1,0,1500,47 -2061,2,0,1915,22 -2061,3,1,0400,25 -2064,1,0,1535,43 -2065,1,0,1640,22 -2066,1,0,1342,96 -2067,1,0,1639,74 -2069,1,0,1345,58 -2070,1,0,2126,39 -2071,1,0,1045,54 -2074,1,0,0915,91 -2075,1,0,2150,26 -2076,1,0,2121,81 -2077,1,0,2008,38 -2078,1,1,0052,28 -2080,1,0,1932,30 -2082,1,1,0004,490 -2082,2,1,0550,223 -2082,3,1,0645,248 -2083,1,0,1615,50 -2086,1,0,1858,19 -2087,1,0,1810,36 -2089,1,0,1730,38 -2093,1,0,1110,41 -2095,1,0,2002,33 -2099,1,0,1000,28 -2100,1,0,2216,50 -2101,1,0,2308,77 -2102,1,0,2045,66 -2103,1,0,1701,34 -2105,1,0,1500,25 -2106,1,0,1420,24 -2107,1,0,0420,28 -2108,1,0,1130,45 -2109,1,0,1915,199 -2110,1,0,1521,34 -2113,1,0,2305,46 -2115,1,0,1830,153 -2116,1,0,1059,47 -2117,1,0,1425,29 -2120,1,0,1333,32 -2121,1,0,1720,60 -2122,1,0,1400,118 -2122,2,1,0605,80 -2122,3,2,0610,55 -2122,4,3,0430,41 -2122,5,6,0400,46 -2123,1,0,0102,23 -2124,1,0,2126,33 -2125,1,0,2308,53 -2126,1,0,1029,25 -2126,2,0,2200,25 -2126,3,1,0653,20 -2127,1,0,1551,44 -2128,1,0,1230,30 -2130,1,0,1710,220 -2131,1,0,2303,25 -2132,1,0,0711,20 -2133,1,0,1159,97 -2134,1,0,1355,45 -2135,1,0,1721,52 -2137,1,0,2232,42 -2138,1,0,2308,17 -2139,1,0,1724,36 -2140,1,0,0130,27 -2141,1,0,1825,71 -2142,1,0,1650,65 -2145,1,0,2130,33 -2147,1,0,1716,28 -2148,1,0,1845,311 -2149,1,0,2100,39 -2152,1,0,2120,38 -2153,1,0,2141,50 -2154,1,0,1408,34 -2156,1,0,1434,22 -2158,1,0,1850,35 -2159,1,0,1222,93 -2159,2,1,0523,55 -2163,1,0,2124,34 -2164,1,0,1748,67 -2166,1,0,2359,67 -2168,1,0,1519,58 -2169,1,0,1415,23 -2174,1,0,1435,55 -2176,1,0,2245,57 -2177,1,0,2303,28 -2179,1,0,2135,33 -2181,1,0,1759,118 -2182,1,0,1335,37 -2183,1,1,1500,53 -2184,1,0,1705,27 -2187,1,0,2225,37 -2191,1,0,1706,730 -2191,2,1,0017,496 -2191,3,1,1021,369 -2191,4,2,0901,366 -2194,1,0,2022,30 -2195,1,0,2023,31 -2197,1,0,0955,90 -2199,1,0,1730,355 -2202,1,1,0850,22 -2203,1,0,1045,89 -2204,1,0,2131,27 -2205,1,0,1850,26 -2206,1,0,2016,192 -2207,1,0,0922,20 -2207,2,0,1814,23 -2208,1,0,1600,22 -2209,1,0,1957,603 -2209,2,1,0224,496 -2210,1,0,1910,50 -2210,2,1,1240,59 -2211,1,0,0412,53 -2213,1,0,1950,108 -2217,1,0,1341,37 -2219,1,0,1135,36 -2220,1,0,2222,40 -2221,1,0,2250,83 -2222,1,0,1108,43 -2223,1,3,0420,39 -2223,2,4,0415,30 -2223,3,5,0630,49 -2223,4,5,1748,37 -2223,5,6,0600,44 -2224,1,0,1945,107 -2225,1,0,1840,25 -2226,1,0,0804,132 -2227,1,0,1748,72 -2228,1,0,0846,194 -2228,2,0,1235,28 -2230,1,0,1439,27 -2231,1,0,2209,29 -2233,1,0,1323,17 -2236,1,0,1856,35 -2237,1,0,1332,26 -2238,1,0,2340,22 -2240,1,0,2155,31 -2240,2,1,0700,26 -2241,1,0,1928,37 -2245,1,0,1950,32 -2247,1,0,1925,25 -2248,1,0,1134,52 -2250,1,0,1908,30 -2251,1,0,2310,42 -2255,1,0,1500,33 -2258,1,0,2316,89 -2258,2,1,0501,72 -2258,3,1,0503,73 -2258,4,1,1103,71 -2259,1,0,1650,39 -2260,1,0,1703,31 -2263,1,1,0010,37 -2265,1,0,1928,90 -2266,1,0,2125,39 -2266,2,0,2215,31 -2267,1,0,2359,69 -2269,1,0,1920,41 -2270,1,1,0047,45 -2271,1,0,1715,61 -2272,1,0,1440,49 -2273,1,0,1131,22 -2274,1,0,1418,148 -2274,2,6,0600,64 -2277,1,0,1630,33 -2278,1,0,1711,439 -2280,1,0,1846,87 -2281,1,0,1915,70 -2282,1,0,1910,106 -2286,1,0,2045,97 -2287,1,1,0035,40 -2290,1,0,2142,24 -2295,1,0,1843,166 -2296,1,0,2128,27 -2297,1,0,1255,38 -2298,1,0,1000,41 -2301,1,1,0000,34 -2303,1,0,1430,52 -2305,1,0,2000,62 -2307,1,1,0550,862 -2307,2,2,0515,711 -2308,1,0,1004,428 -2310,1,0,1610,17 -2311,1,0,1445,84 -2315,1,0,2025,46 -2316,1,0,2316,33 -2318,1,0,1733,29 -2319,1,0,2041,78 -2320,1,0,2356,180 -2320,2,1,0655,117 -2321,1,0,2151,59 -2323,1,0,1701,117 -2323,2,1,0400,147 -2324,1,0,0725,20 -2326,1,0,2056,35 -2328,1,0,1450,23 -2333,1,0,1151,27 -2335,1,0,1936,27 -2336,1,0,1600,30 -2337,1,1,1930,22 -2339,1,0,2200,48 -2340,2,1,0741,99 -2340,3,2,0801,98 -2340,4,3,0737,79 -2340,5,4,0937,63 -2343,1,0,0347,201 -2343,2,1,0807,145 -2343,3,2,0752,138 -2345,1,0,1900,128 -2346,1,0,0050,44 -2347,1,0,2036,35 -2348,1,0,1943,25 -2349,1,0,1825,189 -2351,1,0,2320,199 -2351,2,1,0745,134 -2353,1,0,1452,45 -2354,1,0,2350,325 -2354,2,2,0345,94 -2354,3,3,0510,82 -2354,4,4,0935,51 -2354,5,5,0815,33 -2356,1,0,1657,34 -2359,1,0,1740,35 -2361,1,0,1640,52 -2362,1,0,1642,25 -2363,1,1,0049,36 -2366,1,1,0009,28 -2368,1,0,1220,45 -2369,1,0,2128,110 -2371,1,0,1800,24 -2372,1,0,1713,106 -2373,1,0,1314,35 -2374,1,0,1545,60 -2376,1,0,1717,33 -2379,1,0,1844,37 -2379,2,0,2013,33 -2381,1,0,2115,23 -2383,1,0,1240,23 -2385,1,0,1609,31 -2386,1,0,2152,32 -2387,1,0,0450,68 -2389,1,0,1550,36 -2390,1,0,1702,44 -2391,1,0,2056,44 -2392,1,0,2120,177 -2392,2,1,0552,96 -2392,3,2,0249,55 -2393,1,0,2007,107 -2394,1,0,1914,39 -2395,1,0,0835,29 -2396,1,0,1858,22 -2397,1,0,1800,50 -2399,1,0,1810,46 -2400,1,0,1942,95 -2401,1,0,2100,28 -2401,2,1,0735,28 -2402,1,0,1521,228 -2402,2,0,1622,179 -2402,3,1,0139,122 -2402,4,1,0754,87 -2402,5,1,1225,86 -2403,1,0,0107,20 -2404,1,0,1415,20 -2405,1,0,1910,23 -2409,1,0,2018,41 -2411,1,0,1714,45 -2412,1,0,1741,46 -2413,1,0,2000,37 -2414,1,0,2143,81 -2417,1,0,1920,45 -2418,1,0,0315,71 -2419,1,0,1815,50 -2421,1,0,2023,78 -2423,1,0,1757,25 -2424,1,0,2004,30 -2425,1,0,0055,47 -2426,1,0,1905,34 -2426,2,1,0610,47 -2426,3,2,0602,41 -2426,4,3,0353,30 -2426,5,4,0421,32 -2427,1,0,0301,25 -2428,1,0,2125,82 -2429,1,0,1409,51 -2430,1,0,2210,33 -2431,1,0,2130,369 -2434,1,0,1620,25 -2435,1,0,1704,48 -2436,1,1,0043,32 -2437,1,0,2105,58 -2438,1,0,1833,27 -2440,1,0,2050,71 -2445,1,0,1458,586 -2446,1,0,1700,53 -2447,1,0,1834,33 -2448,1,0,0130,56 -2450,1,0,0354,46 -2453,1,0,0123,25 -2454,1,0,1701,337 -2454,2,1,0705,185 -2456,1,0,1537,51 -2457,1,0,1734,32 -2458,1,0,2248,70 -2459,1,0,1405,26 -2460,1,0,2036,43 -2463,1,0,1700,33 -2464,1,0,1135,36 -2466,1,0,2330,26 -2467,1,0,0735,84 -2468,1,0,0314,149 -2468,2,0,0630,130 -2468,3,1,0430,156 -2468,4,2,0327,126 -2468,5,3,0345,130 -2474,1,0,1256,39 -2475,1,0,2154,55 -2476,1,0,0228,40 -2477,1,0,0551,57 -2478,1,0,2008,31 -2478,2,1,0330,24 -2478,3,2,0446,21 -2479,1,1,0700,37 -2479,2,0,1722,41 -2482,1,0,2307,47 -2482,2,1,0341,68 -2483,1,0,1635,43 -2484,1,0,1541,31 -2485,1,0,2152,47 -2486,1,0,2105,73 -2490,1,1,0011,21 -2492,1,0,0808,50 -2494,1,0,1650,44 -2495,1,0,1214,47 -2497,1,0,2030,256 -2497,2,6,1540,20 -2498,1,0,1900,57 -2501,1,0,2038,37 -2502,1,0,0900,35 -2507,1,0,1251,36 -2508,1,0,1559,24 -2509,1,1,0924,30 -2511,1,0,1539,307 -2511,2,1,0015,78 -2511,3,2,0305,61 -2512,1,0,1748,69 -2513,1,1,0004,91 -2515,1,0,2355,85 -2516,1,0,2028,33 -2517,1,0,0833,59 -2518,1,0,1420,36 -2519,1,0,1955,30 -2521,1,0,2120,23 -2521,2,1,0419,22 -2522,1,0,2240,25 -2523,1,0,1206,31 -2524,1,0,0910,18 -2525,1,0,2321,110 -2526,1,0,1525,40 -2528,1,0,1910,29 -2529,1,0,1631,29 -2530,1,0,1644,72 -2531,1,0,1855,58 -2532,1,0,2130,24 -2533,1,0,1701,51 -2534,1,0,1308,43 -2535,1,1,0032,28 -2536,1,0,1947,24 -2538,1,0,1410,39 -2539,1,0,2140,42 -2540,1,0,1106,30 -2545,1,0,1940,41 -2547,1,0,0207,159 -2550,1,0,2202,96 -2551,1,0,1920,67 -2552,1,0,2041,20 -2555,1,0,1740,43 -2556,1,0,1300,110 -2556,2,1,0440,84 -2558,1,0,1636,31 -2560,1,1,0245,401 -2562,1,1,0050,19 -2562,2,1,1530,23 -2562,3,2,0500,22 -2562,4,3,0445,21 -2562,5,4,0630,21 -2563,1,0,1315,29 -2564,1,0,2130,28 -2565,1,0,1535,57 -2566,1,0,2306,33 -2569,1,0,1900,30 -2570,1,0,1224,35 -2571,1,0,0400,62 -2572,1,0,1615,46 -2574,1,0,1439,31 -2575,1,0,2243,143 -2575,2,1,1153,162 -2576,1,0,0112,48 -2577,1,0,2208,100 -2580,1,0,1450,119 -2581,1,0,1015,31 -2581,2,1,0535,46 -2582,1,0,2214,80 -2583,1,0,1900,43 -2585,1,0,1911,38 -2587,1,0,1405,60 -2588,1,0,1125,64 -2590,1,0,0700,36 -2592,1,0,1749,43 -2593,1,0,1200,73 -2595,1,0,2355,87 -2595,2,1,1420,68 -2596,1,0,1147,19 -2598,1,1,0005,66 -2599,1,0,1300,25 -2601,1,0,1454,72 -2602,1,0,1800,28 -2605,1,0,1727,79 -2605,2,7,1350,32 -2607,1,0,1220,43 -2608,1,0,2332,25 -2609,1,0,1749,45 -2610,1,0,1922,29 -2611,1,0,1821,36 -2613,1,0,2226,40 -2614,1,0,2025,40 -2615,1,0,2355,47 -2616,1,0,1749,45 -2617,1,0,1824,58 -2618,1,0,2152,24 -2619,1,0,1745,37 -2620,1,0,1514,46 -2621,1,0,2259,49 -2621,2,1,0907,40 -2623,1,0,1410,22 -2625,1,0,1702,53 -2626,1,1,0038,31 -2629,1,0,2244,39 -2630,1,0,1810,47 -2632,1,0,1824,24 -2633,1,0,1930,184 -2633,2,1,0400,103 -2634,1,0,1145,30 -2635,1,0,2034,40 -2636,1,0,1452,848 -2636,2,0,2052,664 -2636,3,1,0028,571 -2636,4,1,0454,481 -2636,5,2,0558,284 -2638,1,0,2025,40 -2639,1,0,1518,26 -2640,1,0,2157,58 -2641,1,0,1425,26 -2642,1,0,1315,36 -2643,1,0,2125,28 -2644,1,0,2010,90 -2645,1,0,1423,57 -2647,1,0,1900,145 -2651,1,0,1620,22 -2653,1,0,2234,49 -2654,1,0,2030,24 -2655,1,0,2047,82 -2656,1,0,2045,49 -2657,1,0,1335,63 -2659,1,0,1802,133 -2661,1,0,2025,35 -2662,1,0,1840,37 -2663,1,0,2115,39 -2665,1,0,1314,33 -2666,1,0,2312,39 -2666,2,1,0654,31 -2667,1,0,2250,58 -2669,1,0,1854,122 -2670,1,0,1410,43 -2671,1,0,1500,98 -2672,1,0,1513,52 -2672,2,1,0831,38 -2673,1,1,0036,29 -2673,2,1,0120,33 -2674,1,0,1833,67 -2674,2,1,0100,69 -2674,3,1,1629,58 -2675,1,0,1247,386 -2675,2,0,1840,298 -2675,3,1,0332,171 -2675,4,1,1642,154 -2675,5,2,0400,144 -2677,1,0,1552,24 -2680,1,0,2313,40 -2683,1,0,0600,19 -2684,1,0,2131,26 -2685,1,0,1535,39 -2686,1,0,2140,38 -2687,1,0,1700,997 -2687,2,1,0610,350 -2687,3,1,1034,242 -2688,1,0,1845,29 -2689,1,0,1124,62 -2689,2,1,0235,35 -2689,3,1,0845,65 -2689,4,2,0000,27 -2689,5,2,0900,30 -2690,1,0,1557,35 -2692,1,0,0032,706 -2693,1,0,1545,39 -2694,1,0,2240,16 -2695,1,0,1345,39 -2696,1,0,1933,29 -2699,1,0,1320,391 -2700,1,0,0650,39 -2701,1,0,1626,18 -2703,1,0,2140,141 -2703,2,1,0044,80 -2703,3,1,0457,88 -2705,1,1,0200,58 -2705,2,1,0640,38 -2705,3,1,1000,31 -2705,4,2,0430,16 -2705,5,3,0420,17 -2706,1,0,2151,33 -2707,1,0,1800,38 -2708,1,0,2023,35 -2710,1,0,0250,25 -2712,1,0,1703,48 -2713,1,0,1551,39 -2714,1,0,1250,70 -2718,1,0,1841,55 -2719,1,0,1150,39 -2722,1,0,1249,45 -2722,2,1,0503,30 -2723,1,0,0210,15 -2725,1,0,1736,28 -2726,1,0,1245,18 -2727,1,0,2115,65 -2728,1,0,1637,39 -2729,1,0,1630,25 -2732,1,0,0845,47 -2733,1,0,0044,33 -2734,1,0,0730,85 -2735,1,0,2300,367 -2736,1,0,1820,46 -2738,1,0,1556,51 -2739,1,0,1625,51 -2740,1,0,1240,84 -2741,1,0,1553,77 -2741,2,1,0210,71 -2742,1,0,1918,74 -2743,1,0,1300,26 -2744,1,0,0056,41 -2745,1,0,1329,101 -2745,2,1,0345,77 -2745,3,2,0400,93 -2746,1,0,2332,56 -2747,1,0,1800,42 -2750,1,0,1655,34 -2751,1,0,1728,83 -2752,1,0,1608,129 -2753,1,0,2146,27 -2754,1,0,0316,28 -2756,1,1,0252,27 -2757,1,0,1503,28 -2758,1,0,1342,35 -2760,1,0,2100,29 -2762,1,0,1615,40 -2763,1,0,1845,40 -2764,1,0,1713,133 -2772,1,0,2113,26 -2773,1,0,1625,22 -2775,1,0,1145,52 -2776,1,0,1128,52 -2777,1,0,0647,223 -2778,1,0,1520,94 -2780,1,0,2116,51 -2784,1,0,1801,25 -2785,1,0,1840,38 -2786,1,0,1756,36 -2787,1,0,1728,31 -2788,1,0,1658,32 -2791,1,0,2130,59 -2792,1,0,0755,16 -2793,1,6,0925,54 -2795,1,0,1843,63 -2798,1,0,1447,36 -2799,1,0,2123,484 -2800,1,0,1119,50 -2802,1,0,1730,31 -2803,1,0,1750,36 -2804,1,0,1759,280 -2805,1,0,2134,60 -2806,1,0,1824,33 -2808,1,0,1900,76 -2811,1,0,1636,66 -2812,1,0,1740,33 -2814,1,0,1953,16 -2815,1,0,1417,208 -2815,2,1,1214,63 -2816,1,0,1337,29 -2817,1,0,1953,38 -2818,1,0,2110,47 -2819,1,0,1710,31 -2820,1,0,1607,97 -2820,2,1,0555,28 -2822,1,0,1958,86 -2826,1,0,1950,26 -2827,1,0,0500,35 -2829,1,0,1947,105 -2829,2,1,0300,66 -2829,3,2,0420,33 -2829,4,3,0400,32 -2829,5,4,0400,29 -2830,1,0,2013,28 -2831,1,0,2023,36 -2832,1,0,1629,32 -2837,1,0,1600,112 -2838,1,0,1600,58 -2839,1,0,1724,46 -2840,1,1,0019,26 -2845,1,0,1323,51 -2847,1,0,1850,42 -2848,1,0,2311,71 -2848,2,2,0437,45 -2850,1,0,1720,26 -2852,1,0,1753,46 -2853,1,0,2328,39 -2855,1,0,1428,85 -2856,1,0,1645,41 -2863,1,1,0100,766 -2864,1,0,1720,29 -2869,1,0,1903,32 -2870,1,0,1910,37 -2871,1,0,1420,22 -2872,1,0,1616,741 -2872,2,1,1113,285 -2872,3,2,0728,132 -2872,4,3,1206,64 -2873,1,0,0115,27 -2874,1,0,1914,28 -2875,1,0,0826,113 -2876,1,0,1735,50 -2877,1,0,1619,38 -2877,2,1,0152,116 -2879,1,0,2033,41 -2880,1,0,1321,25 -2882,1,0,1154,49 -2883,1,0,0425,26 -2884,1,0,1620,30 -2886,1,0,2205,68 -2887,1,0,1556,28 -2888,1,0,1800,91 -2888,2,1,0150,54 -2890,1,0,1337,56 -2891,1,0,1952,33 -2894,1,0,0935,27 -2895,1,0,1804,113 -2897,1,0,2318,37 -2897,2,2,0848,30 -2899,1,0,2019,30 -2900,1,0,1800,62 -2901,1,0,2025,171 -2904,1,0,1623,116 -2906,1,0,1525,68 -2906,2,2,1950,39 -2906,3,3,0401,32 -2906,4,4,0430,26 -2906,5,5,0900,25 -2908,1,0,1611,20 -2910,1,0,2250,17 -2912,1,0,1445,38 -2915,1,0,2335,72 -2916,1,0,1620,46 -2918,1,0,2309,77 -2922,1,0,1140,41 -2923,1,0,2300,32 -2925,1,0,2305,145 -2926,1,0,2339,32 -2927,1,0,1436,50 -2929,1,0,1428,31 -2930,1,0,1641,87 -2931,1,0,2100,63 -2933,1,0,2031,22 -2934,1,0,1849,20 -2937,1,0,1245,59 -2938,1,0,1315,20 -2939,1,0,1900,1361 -2941,1,0,0709,46 -2943,1,0,1621,72 -2944,1,0,0428,31 -2945,1,0,0205,466 -2945,2,1,0400,198 -2945,3,2,0400,205 -2945,4,3,0347,168 -2945,5,0,0541,276 -2947,1,0,1735,143 -2948,1,0,1800,48 -2949,1,0,2019,36 -2950,1,0,1241,35 -2953,1,1,0010,31 -2954,1,0,1731,34 -2955,1,0,1927,30 -2956,1,0,1734,31 -2958,1,0,2100,56 -2962,1,5,0340,64 -2962,2,6,2215,40 -2962,3,7,0510,36 -2963,1,0,1139,34 -2967,1,0,1125,26 -2968,1,0,1829,29 -2970,1,0,1950,39 -2971,1,0,1830,104 -2975,1,0,1615,29 -2978,1,0,1018,185 -2980,1,0,2359,364 -2980,2,1,0850,193 -2980,3,2,0840,139 -2980,4,4,0705,70 -2982,1,0,0944,229 -2982,2,1,0827,108 -2983,1,0,1745,54 -2985,1,0,1611,44 -2986,1,0,1400,24 -2988,1,0,0933,21 -2989,1,0,1611,27 -2991,1,0,2250,44 -2992,1,0,1727,17 -2993,1,0,1634,72 -2994,1,0,1938,35 -2995,1,0,1008,43 -2997,1,0,1751,43 -2999,1,1,0018,162 -3001,1,0,2144,137 -3001,2,2,0512,69 -3002,1,0,1502,24 -3002,2,6,2146,19 -3003,1,0,1505,37 -3004,1,0,1555,26 -3005,1,0,1900,380 -3005,2,0,2349,321 -3005,3,2,0724,123 -3007,1,0,1629,30 -3008,1,0,0333,17 -3009,1,0,1625,666 -3011,1,0,2241,29 -3014,1,0,2215,73 -3014,2,3,1654,294 -3015,1,0,0920,31 -3016,1,0,2210,1147 -3018,1,0,2359,39 -3022,1,0,0957,77 -3025,1,0,1930,28 -3026,1,0,1534,34 -3027,1,0,1750,19 -3030,1,0,2006,28 -3032,1,1,0035,61 -3035,1,0,1421,48 -3036,1,0,1910,19 -3037,1,1,0410,107 -3037,2,2,0310,77 -3038,1,0,1633,64 -3039,1,0,1820,40 -3040,1,0,1400,23 -3042,1,5,2007,34 -3043,1,0,1554,24 -3043,2,0,2015,41 -3044,1,0,1253,47 -3045,1,0,1859,57 -3047,1,0,2206,30 -3048,1,0,2014,40 -3050,1,0,1640,57 -3050,2,1,0410,61 -3050,3,2,0705,39 -3050,4,2,2000,42 -3050,5,3,0546,41 -3052,1,0,0121,42 -3054,1,0,1500,21 -3055,1,0,1025,40 -3056,1,0,1444,44 -3057,1,0,1535,132 -3059,1,0,1535,213 -3061,1,0,0950,292 -3062,1,1,0436,335 -3062,2,0,1630,815 -3063,1,0,2310,44 -3065,1,0,1456,230 -3066,1,0,1028,39 -3067,1,0,1622,36 -3069,1,0,1255,61 -3070,1,0,1830,35 -3070,2,1,0613,30 -3071,1,0,2131,32 -3073,1,0,2002,51 -3073,2,1,0554,74 -3073,3,2,0622,90 -3073,4,3,0638,89 -3074,1,0,0349,1114 -3074,2,0,1645,684 -3074,3,1,0410,440 -3074,4,2,0510,215 -3074,5,2,1515,163 -3075,1,0,1551,20 -3077,1,0,0048,22 -3079,1,0,1245,123 -3080,1,0,1608,20 -3082,1,0,1600,19 -3083,1,0,1305,27 -3088,1,0,2215,26 -3089,1,0,1230,114 -3091,1,0,1103,24 -3092,1,0,1800,25 -3093,1,0,1836,98 -3095,1,0,2038,78 -3096,1,0,1830,39 -3099,1,0,1555,361 -3102,1,0,1535,48.6 -3105,1,1,0847,28 -3108,1,0,1835,39 -3109,1,0,0025,66 -3110,1,1,0950,99 -3110,2,0,2247,173 -3111,1,0,2123,80 -3112,1,0,1614,343 -3112,2,1,0309,115 -3112,3,2,0940,72 -3114,1,0,2050,128 -3115,1,0,2100,63 -3116,1,0,0831,35 -3118,1,1,0140,41 -3120,1,0,1628,74 -3122,1,0,1807,28 -3126,1,0,1400,100 -3128,1,0,2015,32 -3131,1,0,1846,44 -3132,1,0,1347,32 -3134,1,0,1510,39 -3135,1,0,1354,23 -3138,1,0,1702,57 -3138,2,1,0400,41 -3140,1,0,1332,31 -3141,1,0,1501,43 -3142,1,0,0910,34 -3144,1,0,1321,80 -3146,1,0,1848,29 -3148,1,0,1648,145 -3148,2,1,0345,101 -3149,1,0,1510,47 -3152,1,0,2347,44 -3153,1,0,2225,25 -3154,1,0,1106,67 -3155,1,0,2215,56 -3157,1,0,1708,51 -3160,1,0,1454,83 -3161,1,0,1833,105 -3162,1,0,1907,50 -3164,1,0,1816,40 -3167,1,1,0041,147 -3167,2,1,0625,85 -3167,3,1,1431,61 -3167,4,2,0555,43 -3167,5,3,0600,30 -3169,1,0,0530,113 -3170,1,0,1715,115 -3173,1,0,1844,58 -3174,1,0,1842,62 -3176,1,0,2258,20 -3178,1,0,1615,37 -3179,1,0,2000,33 -3185,1,0,2301,15 -3186,1,0,0856,73 -3186,2,1,0354,89 -3186,3,7,0610,61 -3187,1,0,1530,27 -3188,1,0,1631,154 -3189,1,0,1245,87 -3189,2,1,0815,60 -3189,3,1,1500,56 -3189,4,2,0230,50 -3189,5,2,1645,38 -3190,1,0,0323,45 -3192,1,0,1555,64 -3193,1,0,1020,26 -3194,1,0,1136,86 -3195,1,0,1650,172 -3196,1,0,2110,29 -3198,1,0,2023,56 -3200,1,0,1735,24 -3201,1,0,1427,35 -3202,1,0,2120,64 -3203,1,0,2150,33 -3204,1,0,1939,45 -3207,1,0,1950,34 -3208,1,0,1633,182 -3209,1,0,2145,37 -3210,1,0,1941,68 -3211,1,0,2203,233 -3211,2,2,0200,182 -3211,3,3,0400,184 -3211,4,4,0030,144 -3211,5,5,0215,93 -3212,1,0,0945,55 -3213,1,0,1735,97 -3214,1,0,1515,63 -3214,2,0,1900,33 -3216,1,0,1216,38 -3217,1,0,1411,42 -3219,1,0,1632,26 -3221,1,0,1815,35 -3222,1,0,1655,969 -3224,1,0,2110,392 -3225,1,0,1851,180 -3226,1,0,1725,22 -3227,1,0,1604,19 -3228,1,0,1724,37 -3229,1,0,1335,34 -3230,1,0,1900,125 -3233,1,0,0712,38 -3234,1,0,2015,35 -3237,1,0,2340,33 -3238,1,0,1113,471 -3238,2,1,0215,171 -3240,1,0,1955,65 -3242,1,0,2313,22 -3242,2,1,0530,22 -3242,3,1,1600,19 -3242,4,2,0458,18 -3242,5,2,1630,17 -3244,1,0,0820,42 -3247,1,0,2125,39 -3249,1,0,1737,55 -3250,1,0,1826,632 -3250,2,0,2210,410 -3250,3,1,0419,236 -3251,1,0,1119,98 -3253,1,0,1649,38 -3255,1,0,2320,32 -3258,1,0,2110,31 -3259,1,0,2133,23 -3260,1,0,1345,55 -3261,1,0,1602,51 -3262,1,0,1250,660 -3265,1,0,1806,54 -3267,1,0,0235,33 -3268,1,0,1740,31 -3269,1,0,1816,26 -3270,1,0,1750,38 -3271,1,0,1850,69 -3272,1,0,1415,34 -3273,1,0,0500,24 -3275,1,0,1732,25 -3276,1,0,1447,90 -3278,1,0,0949,29 -3280,1,0,1546,2007 -3280,2,1,0529,1407 -3280,3,2,0650,314 -3281,1,0,1802,344 -3281,2,1,0327,169 -3283,1,0,2115,103 -3284,1,0,2045,23 -3285,1,0,1320,35 -3286,1,0,1859,55 -3292,1,0,2115,24 -3292,2,3,0714,24 -3293,1,0,2119,29 -3294,1,0,2107,48 -3295,1,0,0305,30 -3295,2,0,0500,33 -3297,1,0,0206,39 -3299,1,0,1400,33 -3301,1,0,1312,42 -3302,1,0,1710,45 -3304,1,0,2355,39 -3309,1,0,1915,132 -3310,1,0,0153,43 -3311,1,0,2020,32 -3312,1,0,1058,47 -3317,1,0,1351,28 -3319,1,0,2319,192 -3319,2,1,0130,130 -3319,3,1,0530,101 -3319,4,1,1930,94 -3319,5,2,0430,72 -3320,1,0,1703,31 -3321,1,0,1356,44 -3322,1,0,1810,345 -3323,1,0,0405,21 -3324,1,0,2117,22 -3326,1,0,1820,32 -3327,1,0,1519,69 -3329,1,0,1934,44 -3330,1,0,2150,96 -3330,2,1,1038,81 -3332,1,0,1925,33 -3337,1,4,0449,56 -3337,2,5,0405,65 -3338,1,0,1741,30 -3338,2,0,2107,26 -3338,3,1,0001,29 -3338,4,1,0550,26 -3338,5,2,0350,27 -3339,1,0,1617,39 -3340,1,0,1736,23 -3344,1,0,1934,26 -3346,1,0,2040,81 -3348,1,0,1740,18 -3349,1,0,1731,37 -3350,1,1,0008,87 -3351,1,0,1925,38 -3356,1,0,2038,50 -3358,1,0,1707,59 -3360,1,0,1711,32 -3362,1,0,2310,47 -3363,1,0,1930,27 -3368,1,0,1700,95 -3372,1,1,0400,32 -3372,2,2,0445,31 -3373,1,0,1850,38 -3374,1,0,2101,42 -3375,1,0,2111,22 -3376,1,0,1712,27 -3377,1,0,0110,28 -3379,1,0,1800,42 -3381,1,0,1504,43 -3382,1,0,2141,126 -3384,1,0,1910,51 -3385,1,0,1621,26 -3386,1,0,1900,67 -3388,1,0,1748,50 -3389,1,0,1614,47 -3390,1,0,1627,47 -3390,2,0,2036,58 -3393,1,0,1619,115 -3396,1,0,1447,32 -3397,1,0,1400,95 -3399,1,0,2330,55 -3400,1,0,1818,42 -3401,1,0,2008,25 -3402,1,0,1220,26 -3404,1,0,2005,300 -3405,1,1,0420,41 -3406,1,0,1953,14 -3407,1,0,0145,28 -3408,1,0,2246,37 -3409,1,0,0205,41 -3410,1,0,1610,64 -3414,1,0,1228,188 -3414,2,0,1345,80 -3414,3,1,0910,85 -3414,4,2,0802,47 -3415,1,0,1854,58 -3415,2,1,0355,41 -3415,3,2,0410,42 -3415,4,3,0400,37 -3415,5,4,0340,35 -3419,1,0,0258,20 -3420,1,0,2052,137 -3422,1,0,1426,22 -3425,1,0,2231,2946 -3426,1,0,1444,23 -3427,1,0,2152,47 -3428,1,0,2059,53 -3429,1,0,2015,30 -3430,1,0,2300,46 -3431,1,1,0139,74 -3431,2,1,0520,72 -3432,1,0,1817,66 -3433,1,0,2150,301 -3434,1,0,1950,60 -3435,1,0,2359,30 -3438,1,0,0113,30 -3439,1,1,0217,17 -3440,1,0,1518,28 -3441,1,0,1615,82 -3442,1,0,2152,42 -3443,1,0,2235,49 -3445,1,0,1803,35 -3446,1,0,2154,48 -3447,1,0,1619,32 -3450,1,0,1652,50 -3452,1,0,1740,62 -3452,2,0,1940,60 -3453,1,0,1012,63 -3454,1,0,1830,33 -3454,2,1,0613,27 -3455,1,0,1345,33 -3457,1,0,1600,39 -3461,1,0,1230,49 -3462,1,0,1420,30 -3463,1,0,1915,49 -3466,1,0,0222,29 -3466,2,5,0555,63 -3467,1,0,1344,35 -3468,1,0,1757,32 -3469,1,0,1305,46 -3469,2,1,0532,116 -3469,3,2,0602,81 -3469,4,3,0607,69 -3471,1,0,1958,24 -3473,1,0,2029,32 -3474,1,0,1520,62 -3482,1,0,0154,37 -3483,1,0,1930,18 -3486,1,0,2304,41 -3487,1,0,1945,43 -3488,1,0,1212,82 -3489,1,0,2010,19 -3492,1,0,1812,57 -3494,1,1,0358,40 -3495,1,0,2315,33 -3496,1,1,0041,24 -3497,1,0,1800,27 -3498,1,0,2200,26 -3498,2,1,0550,30 -3499,1,0,1731,27 -3500,1,0,1645,23 -3500,2,1,0642,19 -3502,1,0,1940,28 -3507,1,0,1539,36 -3512,1,0,1530,38 -3513,1,0,1944,118 -3514,1,0,2314,44 -3517,1,0,1017,35 -3517,2,1,0612,52 -3518,1,0,1818,72 -3519,1,0,2005,57 -3521,1,0,1603,26 -3523,1,0,1445,35 -3525,1,0,2315,37 -3526,1,0,2107,1366 -3526,2,1,0415,631 -3527,1,0,1948,35 -3528,1,0,2101,31 -3529,1,0,0307,51 -3530,1,0,0105,30 -3531,1,1,0306,50 -3535,1,0,1610,27 -3536,1,0,1225,778 -3536,2,3,0320,39 -3536,3,3,0402,71 -3541,1,0,2020,32 -3542,1,0,1945,31 -3543,1,0,1445,63 -3544,1,0,1747,29 -3546,1,0,2227,31 -3547,1,0,2320,27 -3548,1,0,2109,22 -3550,1,0,0930,117 -3550,2,1,0705,48 -3551,1,0,1817,637 -3551,2,3,0609,54 -3552,1,0,1544,33 -3553,1,1,0630,68 -3557,1,0,1030,40 -3558,1,0,1800,502 -3558,2,0,2155,254 -3558,3,2,0402,102 -3559,1,0,1125,1037 -3560,1,0,1838,31 -3561,1,0,0527,31 -3566,1,0,1520,48 -3567,1,0,2113,25 -3570,1,0,1446,149 -3571,1,0,0140,29 -3572,1,0,2222,26 -3573,1,0,1752,23 -3574,1,0,1740,162 -3574,2,1,0655,82 -3575,1,0,1722,57 -3576,1,1,0406,179 -3576,2,2,0027,146 -3580,1,0,2040,31 -3581,1,0,2000,46 -3582,1,0,2121,114 -3584,1,0,1334,471 -3584,2,0,1634,405 -3590,1,0,1930,21 -3591,1,0,2011,45 -3591,2,0,2200,39 -3592,1,0,1700,51 -3594,1,0,1824,21 -3595,1,0,1744,50 -3596,1,0,1206,39 -3597,1,0,0957,31 -3598,1,0,1251,22 -3598,2,1,0613,16 -3599,1,0,2007,36 -3606,1,0,1830,81 -3607,1,0,1238,80 -3608,1,0,2115,44 -3614,1,0,1515,32 -3615,1,0,2328,267 -3615,2,2,0407,79 -3615,3,3,0359,67 -3615,4,4,0403,56 -3615,5,5,0345,54 -3623,1,0,0202,56 -3627,1,0,2044,40 -3628,1,0,1546,28 -3631,1,1,1050,43 -3632,1,0,1030,52 -3635,1,0,0827,62 -3640,1,0,2215,21 -3642,1,0,2013,21 -3643,1,0,1700,41 -3645,1,0,1620,25 -3648,1,0,1826,44 -3649,1,0,1601,40 -3651,1,0,1926,116 -3657,1,0,1718,46 -3658,1,0,1723,32 -3658,2,2,0421,38 -3658,3,2,0527,41 -3662,1,0,1740,38 -3663,1,0,2142,35 -3664,1,0,1705,24 -3665,1,0,1730,21 -3666,1,0,2008,22 -3669,1,0,1900,41 -3671,1,0,1204,163 -3672,1,1,0800,42 -3674,1,0,1921,46 -3675,1,0,1840,52 -3675,2,1,0350,47 -3675,3,2,0415,67 -3675,4,3,0620,56 -3675,5,4,0530,46 -3676,1,0,0945,26 -3677,1,0,2359,48 -3678,1,0,2100,237 -3679,1,0,1515,25 -3681,1,1,0030,11 -3681,2,1,0350,10 -3683,1,0,1610,54 -3684,1,0,2004,20 -3686,1,0,1441,45 -3687,1,0,1050,50 -3689,1,0,1734,50 -3690,1,0,1106,40 -3691,1,0,1245,18 -3692,1,0,1500,66 -3695,1,0,2040,205 -3696,1,0,1600,35 -3697,1,0,1550,41 -3698,1,0,1636,23 -3699,1,0,1516,38 -3702,1,0,1302,26 -3704,1,0,1746,55 -3707,1,0,1950,48 -3710,1,0,1550,61 -3711,1,1,0443,23 -3712,1,0,1545,39 -3713,1,0,2200,52 -3714,1,0,0957,32 -3715,1,0,1742,107 -3716,1,0,1848,37 -3717,1,0,1000,57 -3719,1,0,1738,17 -3719,2,0,1747,19 -3720,1,0,1811,403 -3720,2,1,1036,56 -3721,1,0,0714,43 -3722,1,0,2240,18 -3723,1,0,1715,53 -3724,1,0,1758,25 -3725,1,0,1839,24 -3727,1,0,2159,32 -3727,2,1,0005,29 -3729,1,0,0129,40 -3729,2,1,0314,31 -3731,1,0,2106,40 -3733,1,0,1800,109 -3735,1,0,1410,36 -3736,1,0,1549,165 -3737,1,0,0410,22 -3739,1,0,1838,806 -3741,1,0,1210,35 -3744,1,0,1720,26 -3745,1,0,2115,31 -3745,2,1,0827,28 -3746,1,1,0400,900 -3747,1,0,2105,42 -3753,1,0,0714,50 -3754,1,0,0200,41 -3755,1,0,1844,63 -3756,1,0,1125,43 -3757,1,0,1640,41 -3760,1,0,2232,56 -3762,1,0,1714,27 -3762,2,1,0613,31 -3763,1,0,1415,38 -3765,1,0,1846,185 -3768,1,0,1006,127 -3775,1,0,0248,38 -3776,1,0,0236,53 -3777,1,0,2244,35 -3779,1,0,2057,37 -3780,1,0,2250,33 -3782,1,0,1350,28 -3785,1,0,1615,170 -3785,2,2,1220,116 -3786,1,0,2300,111 -3787,1,1,0542,45 -3788,1,0,1800,26 -3790,1,0,2140,31 -3793,1,0,1445,37 -3795,1,0,1940,32 -3799,1,0,0053,44 -3801,1,0,1719,83 -3802,1,0,2218,31 -3807,1,1,0025,34 -3809,1,0,0630,37 -3810,1,0,1500,30 -3812,1,0,1150,44 -3815,1,0,1721,56 -3818,1,0,0640,53 -3819,1,0,1636,27 -3821,1,0,2020,34 -3824,1,0,1940,22 -3825,1,0,2145,44 -3830,1,0,2006,35 -3831,1,0,2125,20 -3834,1,0,1400,23 -3835,1,0,1613,41 -3836,1,0,1845,46 -3838,1,0,1305,30 -3840,1,0,1354,63 -3841,1,0,2214,141 -3842,1,0,1900,22 -3843,1,0,1118,66 -3845,1,0,1905,32 -3847,1,0,2042,40 -3848,1,0,1857,38 -3849,1,0,2254,40 -3851,1,0,1124,42 -3854,1,0,1929,34 -3855,1,0,1425,85 -3856,1,0,2155,79 -3860,1,0,1652,61 -3861,1,0,1845,36 -3863,1,1,0500,56 -3864,1,0,1953,38 -3865,1,0,2310,565 -3868,1,1,0400,67 -3868,2,7,0820,30 -3869,1,0,1943,25 -3871,1,0,1506,36 -3872,1,0,2208,93 -3873,1,0,1517,68 -3874,1,0,2011,15 -3875,1,0,1600,41 -3876,1,0,1955,46 -3878,1,0,1641,30 -3879,1,0,1312,48 -3880,1,0,1835,169 -3881,1,0,1838,37 -3882,1,0,2105,60 -3885,1,0,2336,25 -3886,1,0,2048,44 -3887,1,0,1559,30 -3888,1,1,1135,42 -3889,1,0,2240,134 -3890,1,0,0115,131 -3894,1,0,1326,91 -3895,1,0,1312,28 -3896,1,0,1714,32 -3897,1,0,1105,39 -3898,1,0,0820,60 -3901,1,0,2209,4171 -3901,2,2,1610,448 -3901,3,3,0300,262 -3901,4,4,0205,131 -3901,5,5,0615,69 -3902,1,0,0750,53 -3903,1,0,1325,481 -3904,1,0,1558,88 -3904,2,5,0455,64 -3904,3,6,0150,140 -3904,4,7,0330,143 -3908,1,0,1620,25 -3910,1,0,1925,42 -3910,2,2,1220,66 -3910,3,2,0520,63 -3910,4,2,0810,57 -3910,5,2,1015,82 -3911,1,0,1655,68 -3912,1,0,1543,33 -3913,1,0,0352,74 -3914,1,0,2130,44 -3916,1,0,0821,63 -3917,1,0,2135,40 -3919,1,0,2159,47 -3921,1,0,1225,30 -3923,1,1,1218,37 -3923,2,2,0509,67 -3923,3,3,0408,140 -3923,4,4,0419,114 -3924,1,0,0145,404 -3924,2,0,0845,176 -3925,1,0,1838,67 -3926,1,0,1650,25 -3928,1,0,0055,25 -3929,1,0,1630,44 -3929,2,1,0550,29 -3930,1,0,1536,40 -3931,1,0,1500,62 -3933,1,0,1617,27 -3936,1,1,0320,28 -3940,1,0,2329,23 -3941,1,0,1741,40 -3942,1,0,1603,129 -3942,2,1,1427,64 -3942,3,3,0330,69 -3942,4,4,0939,64 -3945,1,0,1647,52 -3946,1,0,1431,51 -3947,1,0,1854,26 -3948,1,0,0819,28 -3949,1,0,1228,352 -3950,1,0,2213,37 -3952,1,0,2230,35 -3954,1,0,2215,38 -3955,1,0,2147,60 -3957,1,0,1835,62 -3958,1,0,0851,58 -3960,1,0,2128,43 -3962,1,0,1920,40 -3962,2,0,2350,70 -3963,1,0,1746,58 -3964,1,0,1614,34 -3965,1,0,1420,50 -3966,1,0,2050,49 -3967,1,0,1958,36 -3970,1,0,1904,30 -3971,1,0,1616,33 -3972,1,0,2041,35 -3974,1,0,1705,31 -3975,1,0,1832,42 -3977,1,0,1717,18 -3978,1,0,1706,47 -3978,2,0,2235,46 -3979,1,0,1250,121 -3980,1,0,1936,187 -3981,1,0,0230,18 -3982,1,0,1800,22 -3986,1,0,1954,24 -3989,1,0,0930,26 -3990,1,0,2325,388 -3991,1,0,1457,28 -3992,1,0,1701,30 -3993,1,0,0809,78 -3993,2,0,1849,65 -3993,3,1,0603,50 -3996,1,1,0410,291 -3997,1,0,2331,193 -3998,1,0,1440,27 -3999,1,0,2100,42 -4000,1,0,1758,70 -4001,1,0,2020,44 -4003,1,0,1110,43 -4004,1,0,2120,74 -4005,1,0,1210,94 -4007,1,0,0119,33 -4008,1,0,1513,26 -4009,1,0,2110,64 -4010,1,0,2326,31 -4011,1,0,2250,205 -4011,2,1,0745,143 -4014,1,0,1745,154 -4016,1,0,2051,60 -4018,1,0,2015,44 -4021,1,0,1301,51 -4022,1,0,1900,105 -4023,1,0,1601,144 -4025,1,0,1851,19 -4025,2,1,0930,18 -4026,1,0,0902,29 -4027,1,0,1801,170 -4027,2,1,2025,72 -4030,1,0,1702,26 -4033,1,0,1924,46 -4036,1,0,2131,27 -4037,1,0,1434,467 -4038,1,0,2100,31 -4039,1,0,2253,66 -4039,2,1,2100,30 -4039,3,2,0405,24 -4039,4,2,2115,23 -4040,1,0,1830,25 -4041,1,0,2104,36 -4042,1,0,2239,19 -4046,1,0,2230,50 -4047,1,0,1640,36 -4049,1,0,1622,59 -4051,1,1,0010,20 -4052,1,0,1329,37 -4052,2,3,0755,49 -4052,3,6,0439,42 -4052,4,6,1227,52 -4055,1,0,0035,24 -4056,1,0,0548,26 -4057,1,0,2111,29 -4062,1,0,1929,35 -4062,2,3,0649,24 -4062,3,4,0651,19 -4062,4,5,0617,25 -4062,5,6,0148,30 -4064,1,0,2230,20 -4068,1,0,0915,61 -4070,1,0,1704,50 -4073,1,0,1950,43 -4074,1,0,2243,56 -4077,1,0,2238,23 -4077,2,1,0320,18 -4077,3,1,1216,25 -4078,1,0,1031,55 -4081,1,0,1841,22 -4086,1,0,1526,28 -4087,1,0,1605,23 -4088,1,0,1911,110 -4088,2,1,0600,40 -4089,1,1,0010,19 -4090,1,0,1530,67 -4091,1,0,1841,26 -4093,1,0,2120,17 -4094,1,0,1600,31 -4095,1,0,1433,51 -4097,1,0,0615,47 -4100,1,0,2211,21 -4101,1,0,1828,312 -4101,2,0,2113,258 -4101,3,1,0006,272 -4101,4,1,0521,314 -4101,5,1,0913,263 -4102,1,0,2057,135 -4104,1,0,2025,30 -4106,1,0,1558,31 -4107,1,0,1917,21 -4110,1,0,1841,225 -4112,1,0,1350,30 -4114,1,0,1754,240 -4114,2,1,1410,69 -4115,1,0,1620,21 -4116,1,0,2325,45 -4117,1,0,2010,57 -4118,1,0,1441,43 -4119,1,1,0726,269 -4120,1,0,1817,35 -4121,1,0,0134,32 -4125,1,1,0019,88 -4126,1,0,1935,53 -4128,1,0,1958,47 -4129,1,0,1922,20 -4132,1,0,0620,42 -4134,1,0,1252,46 -4135,1,0,1420,66 -4139,1,0,0150,25 -4140,1,0,1535,47 -4143,1,0,2038,152 -4143,2,5,0550,31 -4144,1,0,2101,30 -4146,1,0,1824,34 -4147,1,0,2044,24 -4148,1,0,1522,773 -4148,2,4,0817,224 -4150,1,0,1315,41 -4151,1,0,1828,34 -4153,1,0,1901,160 -4154,1,0,2215,36 -4155,1,0,1803,31 -4156,1,0,2000,22 -4157,1,0,1425,130 -4157,2,2,0051,30 -4157,3,2,0646,26 -4157,4,2,1000,37 -4157,5,2,1400,37 -4158,1,0,1606,24 -4163,1,0,2115,33 -4165,1,0,1744,671 -4165,2,1,0400,396 -4165,3,2,0351,1215 -4165,4,3,0300,1085 -4165,5,4,0348,622 -4169,1,0,1724,21 -4170,1,0,2155,82 -4170,2,5,1340,39 -4172,1,0,0834,28 -4173,1,0,2115,99 -4179,1,0,2010,31 -4180,1,0,2150,182 -4180,2,1,0137,140 -4180,3,1,0641,133 -4181,1,0,2135,664 -4187,1,0,1029,68 -4188,1,0,0706,33 -4188,2,1,0736,24 -4189,1,0,1739,51 -4189,2,1,0410,35 -4190,1,0,1532,220 -4190,2,1,0400,178 -4193,1,1,0045,121 -4195,1,0,2300,23 -4198,1,0,1550,109 -4200,1,0,1450,30 -4201,1,0,1530,54 -4201,2,0,1843,58 -4201,3,1,0051,45 -4201,4,1,0623,41 -4201,5,2,0604,40 -4207,1,0,2055,24 -4208,1,0,1215,29 -4209,1,0,1910,47 -4211,1,0,1025,12 -4214,1,0,1830,21 -4215,1,0,1916,26 -4218,1,0,2125,150 -4218,2,1,1115,60 -4218,3,1,1710,81 -4218,4,1,1800,83 -4218,5,2,0200,83 -4220,1,0,1940,94 -4222,1,0,1640,281 -4223,1,0,2037,42 -4224,1,0,1915,50 -4225,1,0,1723,42 -4226,1,0,2218,48 -4227,1,0,1105,84 -4230,1,0,1039,50 -4232,1,0,2059,47 -4233,1,1,0003,53 -4233,2,1,0615,47 -4234,1,0,2039,36 -4235,1,0,2106,34 -4236,1,0,1742,34 -4237,1,0,1537,18 -4238,1,0,0500,118 -4239,1,0,2224,34 -4241,1,1,1210,57 -4243,1,0,1944,32 -4244,1,0,2008,48 -4246,1,0,1140,36 -4250,1,2,0410,180 -4250,2,1,0425,355 -4251,1,0,1335,62 -4252,1,0,1727,25 -4254,1,0,0829,35 -4256,1,0,0900,37 -4260,1,0,1636,42 -4261,1,0,1425,30 -4262,1,0,1856,35 -4263,1,0,1210,76 -4265,1,0,2251,55 -4266,1,0,1807,37 -4267,1,1,0058,27 -4268,1,0,2020,40 -4269,1,0,2156,18 -4270,1,0,1531,21 -4270,2,0,1639,48 -4275,1,0,1443,22 -4277,1,0,0115,138 -4279,1,0,1834,72 -4279,2,1,0605,57 -4280,1,0,2010,44 -4282,1,0,1944,34 -4283,1,0,1920,38 -4283,2,0,2056,36 -4284,1,0,0331,24 -4285,1,0,1729,19 -4286,1,0,2150,26 -4287,1,0,1557,43 -4291,1,0,2116,48 -4293,1,0,2121,70 -4294,1,0,0930,60 -4295,1,0,1819,34 -4297,1,0,1045,31 -4298,1,0,1830,37 -4300,1,0,2141,32 -4302,1,0,1753,37 -4305,1,0,2029,25 -4306,1,0,0528,29 -4306,2,0,0945,26 -4308,1,1,0350,53 -4309,1,1,0226,29 -4310,1,0,1620,44 -4311,1,0,1726,34 -4312,1,0,1750,89 -4313,1,0,2015,34 -4314,1,0,2024,71 -4315,1,0,1640,168 -4316,1,0,2145,52 -4319,1,0,1838,43 -4320,1,0,2155,39 -4321,1,0,0117,74 -4322,1,0,1720,35 -4324,1,0,0930,31 -4325,1,0,1815,31 -4326,1,0,1805,28 -4327,1,0,1846,38 -4328,1,0,1912,72 -4329,1,0,1647,42 -4330,1,0,1631,56 -4332,1,0,0723,81 -4333,1,0,1850,37 -4334,1,0,2018,2733 -4334,2,0,2232,1664 -4334,3,1,0258,1806 -4334,4,1,0600,1759 -4334,5,1,1638,1607 -4335,1,0,2110,52 -4336,1,0,1915,58 -4337,1,0,1852,91 -4339,1,1,0200,46 -4340,1,0,0224,22 -4342,1,0,1956,377 -4342,2,1,0620,246 -4343,1,0,0805,34 -4344,1,0,1741,51 -4345,1,0,1932,37 -4346,1,0,1445,50 -4348,1,0,1848,33 -4350,1,0,1810,1013 -4350,2,1,0304,544 -4351,1,0,1241,319 -4351,2,1,0415,105 -4353,1,0,1917,28 -4355,1,0,1609,63 -4355,2,1,0552,52 -4355,3,3,0618,37 -4355,4,6,0917,33 -4356,1,0,2050,20 -4357,1,0,1749,73 -4360,1,0,1630,144 -4360,2,1,0940,96 -4361,1,0,2041,30 -4362,1,1,0147,35 -4363,1,0,1801,20 -4364,1,0,2230,112 -4364,2,1,0500,109 -4364,3,1,1230,72 -4365,1,0,2215,38 -4366,1,0,0120,32 -4366,2,1,0600,94 -4368,1,0,1300,54 -4372,1,0,1651,98 -4373,1,0,2130,53 -4374,1,0,1635,40 -4376,1,0,1817,50 -4379,1,0,2150,34 -4380,1,0,1710,98 -4381,1,0,1634,37 -4383,1,0,0915,56 -4385,1,0,2000,20 -4387,1,0,2047,30 -4387,2,0,2118,29 -4388,1,0,1118,41 -4389,1,0,1924,52 -4389,2,1,0430,45 -4391,1,0,0847,40 -4392,1,0,2340,42 -4394,1,0,1110,38 -4395,1,0,1420,46 -4396,1,0,2019,25 -4399,1,0,2205,147 -4400,1,0,2157,74 -4402,1,0,2229,44 -4403,1,0,2020,161 -4405,1,0,1707,36 -4408,1,0,1308,24 -4409,1,0,0855,65 -4411,1,0,1400,37 -4412,1,0,1624,54 -4413,1,0,0105,36 -4414,1,0,1725,24 -4415,1,0,1856,139 -4416,1,0,1624,46 -4418,1,0,2150,50 -4419,1,0,1940,34 -4421,1,0,1708,71 -4421,2,1,1655,33 -4422,1,0,2028,74 -4423,1,0,1524,33 -4424,1,0,1639,52 -4426,1,0,2140,58 -4426,2,1,0530,81 -4427,1,0,1445,34 -4430,1,0,0923,41 -4434,1,0,2048,79 -4435,1,1,0155,46 -4439,1,0,1854,26 -4440,1,0,2000,68 -4441,1,1,0116,36 -4444,1,0,1850,106 -4444,2,1,0440,139 -4445,1,0,2102,74 -4445,2,1,0300,70 -4447,1,0,1539,99 -4448,1,0,1919,182 -4448,2,1,1527,86 -4451,1,0,2333,80 -4452,1,1,0414,39 -4453,1,0,1940,34 -4454,1,1,0045,45 -4455,1,1,0131,27 -4456,1,0,1200,33 -4457,1,0,1917,69 -4458,1,0,1907,64 -4459,1,0,1505,35 -4461,1,1,0155,47 -4462,1,0,0200,34 -4465,1,0,2047,21 -4466,1,0,1155,45 -4467,1,0,0845,37 -4467,2,0,1140,52 -4470,1,0,1552,32 -4472,1,0,0816,28 -4473,1,0,1828,33 -4474,1,1,0003,99 -4474,2,1,0155,76 -4477,1,0,2049,51 -4478,1,0,2347,30 -4481,1,0,1207,25 -4482,1,0,1852,28 -4483,1,0,1315,213 -4484,1,0,2143,44 -4485,1,0,0015,51 -4486,1,0,1925,41 -4487,1,0,2210,33 -4490,1,0,0155,296 -4490,2,1,0400,101 -4490,3,2,0710,56 -4490,4,3,0745,36 -4491,1,0,0345,150 -4493,1,0,1726,18 -4495,1,0,1810,48 -4495,2,0,2220,48 -4496,1,0,1930,60 -4498,1,0,1305,48 -4499,1,0,2220,23 -4501,1,0,0013,33 -4502,1,0,1426,301 -4503,1,0,2000,42 -4503,2,5,2100,30 -4509,1,0,2326,88 -4510,1,0,2313,49 -4510,2,1,0553,41 -4511,1,0,1945,55 -4515,1,0,1603,77 -4518,1,0,2045,42 -4519,1,0,2157,56 -4519,2,1,1015,46 -4520,1,0,1522,36 -4521,1,0,0900,29 -4522,1,0,1621,54 -4524,1,0,1745,37 -4525,1,0,0043,221 -4527,1,0,1303,22 -4529,1,1,0006,77 -4530,1,0,0920,164 -4530,2,0,1020,67 -4535,1,0,1822,394 -4535,2,1,1047,116 -4536,1,0,1356,26 -4537,1,1,0650,40 -4538,1,0,2345,46 -4539,1,0,1925,45 -4540,1,0,1946,87 -4544,1,0,1258,52 -4545,1,0,1939,47 -4546,1,0,2300,58 -4547,1,1,0315,76 -4549,1,0,2029,32 -4551,1,0,1900,29 -4552,1,0,2008,27 -4553,1,0,2211,26 -4555,1,0,2113,21 -4556,1,0,2108,12 -4557,1,0,2030,40 -4557,2,1,0229,60 -4558,1,0,1440,148 -4558,2,1,0709,99 -4559,1,0,1719,74 -4560,1,0,1915,41 -4561,1,0,1731,34 -4562,1,1,0531,518 -4564,1,0,1608,25 -4566,1,0,2310,51 -4566,2,2,0800,43 -4566,3,3,0715,48 -4566,4,4,0655,68 -4567,1,0,1610,52 -4568,1,0,1157,55 -4569,1,0,1939,36 -4571,1,0,1852,45 -4572,1,0,1736,52 -4572,2,1,1553,52 -4573,1,0,1908,66 -4577,1,0,2318,913 -4577,2,1,1000,447 -4577,3,2,0437,710 -4577,4,4,0545,845 -4579,1,1,0250,38 -4581,1,1,1917,28 -4582,1,0,1559,329 -4582,2,1,0325,166 -4583,1,0,1920,45 -4586,1,1,0149,93 -4587,1,0,2250,37 -4589,1,1,0911,41 -4594,1,0,1610,33 -4595,1,0,1621,23 -4596,1,0,2224,57 -4598,1,0,1047,38 -4599,1,0,2320,18 -4600,1,0,1130,145 -4602,1,0,2245,44 -4603,1,0,1528,99 -4605,1,0,1510,38 -4606,1,0,0845,40 -4607,1,0,2136,49 -4608,1,0,2355,28 -4610,1,0,1447,42 -4615,1,0,1339,30 -4617,1,0,2358,43 -4619,1,0,0101,29 -4622,1,0,2016,29 -4623,1,0,1705,53 -4624,1,0,2300,42 -4626,1,0,2306,38 -4627,1,0,1940,25 -4629,1,0,0305,28 -4630,1,0,1638,15 -4631,1,0,2123,32 -4634,1,0,1751,24 -4635,1,0,1341,75 -4636,1,0,2045,148 -4637,1,0,1850,34 -4639,1,0,2225,25 -4640,1,0,2041,49 -4640,2,1,0005,78 -4640,3,1,1255,127 -4640,4,2,0030,105 -4640,5,3,0340,121 -4642,1,0,1748,895 -4642,2,0,2322,1143 -4642,3,2,0056,427 -4642,4,3,0436,302 -4642,5,4,0300,190 -4643,1,0,1539,49 -4644,1,0,1722,87 -4645,1,1,0950,62 -4646,1,0,1505,135 -4648,1,0,2159,51 -4650,1,0,1931,44 -4653,1,0,2150,142 -4653,2,1,0045,104 -4653,3,2,0500,37 -4654,1,0,1614,39 -4655,1,0,2015,21 -4656,1,1,0322,484 -4658,1,0,0030,36 -4659,1,0,2339,37 -4660,1,0,2034,511 -4660,2,1,0615,168 -4663,1,0,2044,89 -4663,2,1,0710,44 -4664,1,0,1940,55 -4665,1,0,1650,17 -4667,1,0,1820,48 -4668,1,0,2019,26 -4669,1,0,1516,18 -4671,1,1,0130,41 -4672,1,0,1651,27 -4674,1,0,2037,375 -4675,1,0,1718,25 -4676,1,0,1255,36 -4677,1,0,1806,530 -4677,2,1,0600,291 -4677,3,3,0400,156 -4680,1,0,1725,30 -4681,1,0,0037,58 -4682,1,0,0743,43 -4683,1,0,1500,66 -4684,1,0,1315,122 -4688,1,0,2300,122 -4690,1,0,2012,48 -4690,2,1,0241,42 -4691,1,0,0950,27 -4692,1,0,1725,96 -4693,1,0,1224,235 -4693,2,1,0455,419 -4693,3,1,1722,1034 -4693,4,2,2003,755 -4693,5,4,1159,101 -4694,1,0,2341,61 -4698,1,0,1424,53 -4699,1,0,1754,22 -4700,1,0,1913,199 -4701,1,0,1315,28 -4702,1,1,0245,63 -4703,1,0,1540,40 -4706,1,0,1950,195 -4707,1,0,1207,138 -4708,1,3,1645,53 -4709,1,0,2045,78 -4711,1,0,1130,26 -4712,1,0,1850,76 -4713,1,0,1440,62 -4714,1,0,2014,32 -4715,1,0,1745,33 -4716,1,0,1632,41 -4719,1,0,1858,123 -4722,1,0,1924,164 -4724,1,0,1323,75 -4724,2,1,0405,50 -4725,1,0,0725,19 -4728,1,0,1829,28 -4729,1,0,1244,132 -4733,1,0,1625,31 -4734,1,0,1340,20 -4734,2,0,1620,24 -4738,1,0,0125,40 -4740,1,0,1720,58 -4741,1,0,1414,26 -4742,1,0,0130,324 -4742,2,2,1320,31 -4742,3,3,0615,23 -4742,4,3,1300,18 -4742,5,3,1645,23 -4743,1,0,0200,76 -4744,1,0,1744,33 -4747,1,0,0823,70 -4749,1,0,1515,722 -4749,2,1,0424,268 -4749,3,1,0541,265 -4752,1,1,0025,40 -4753,1,0,1925,31 -4755,1,0,2010,40 -4756,1,0,1859,72 -4756,2,1,0558,48 -4757,1,0,1850,436 -4758,1,1,0155,82 -4760,1,0,2255,226 -4764,1,0,1850,35 -4767,1,0,1400,19 -4768,1,0,2025,41 -4770,1,0,1910,93 -4771,1,0,1511,45 -4771,2,0,1515,46 -4772,1,0,0025,210 -4773,1,0,0043,108 -4777,1,0,0857,158 -4779,1,0,1745,29 -4781,1,0,1901,42 -4786,1,0,0036,136 -4787,1,0,2101,41 -4788,1,0,0215,31 -4789,1,0,1130,52 -4790,1,0,1656,39 -4791,1,0,0137,34 -4792,1,0,2238,42 -4792,2,1,0044,48 -4792,3,1,0323,48 -4792,4,1,0700,61 -4793,1,1,0057,38 -4794,1,0,2101,51 -4796,1,0,2202,34 -4801,1,0,1421,26 -4804,1,1,0010,28 -4805,1,0,2050,66 -4805,2,1,0715,50 -4809,1,0,2156,35 -4812,1,0,1950,22 -4814,1,0,2215,38 -4817,1,0,0950,39 -4818,1,0,1504,37 -4819,1,0,1513,46 -4820,1,0,2036,190 -4821,1,0,1321,31 -4822,1,0,0841,94 -4822,2,1,0330,163 -4823,1,0,1945,66 -4824,1,0,1339,53 -4825,1,0,2154,63 -4825,2,1,0150,98 -4828,1,1,0010,170 -4829,1,0,2134,37 -4831,1,3,2256,94 -4831,3,0,2019,178 -4831,4,2,0440,215 -4833,1,0,2205,30 -4834,1,1,0147,88 -4836,1,0,1222,66 -4837,1,0,0755,63 -4839,1,0,2058,31 -4839,2,1,0420,24 -4842,1,0,1730,30 -4845,1,0,1143,355 -4845,2,0,1146,326 -4845,3,0,1501,290 -4845,4,0,2237,390 -4845,5,1,1617,533 -4846,1,0,2058,26 -4847,1,0,0321,48 -4848,1,0,0721,43 -4849,1,0,0039,39 -4850,1,0,1955,61 -4851,1,0,1911,73 -4852,1,0,1419,44 -4853,1,1,0424,70 -4854,1,0,2131,27 -4856,1,0,2330,41 -4857,1,0,1925,36 -4858,1,0,2300,13 -4861,1,0,1008,23 -4865,1,0,2010,323 -4866,1,0,1444,44 -4867,1,0,2147,48 -4868,1,0,2010,35 -4869,1,0,1848,45 -4870,1,0,1226,41 -4871,1,0,2104,47 -4872,1,0,1050,64 -4875,1,0,1655,41 -4875,2,0,1859,42 -4875,3,1,0900,35 -4877,1,0,1548,37 -4879,1,1,0800,58 -4879,2,2,0410,63 -4879,3,3,0424,63 -4879,4,4,0430,49 -4880,1,1,0013,250 -4880,2,1,0745,185 -4880,3,1,1715,135 -4880,4,2,1630,122 -4887,1,0,1630,35 -4888,1,1,1135,37 -4889,1,0,1515,177 -4894,1,0,1728,152 -4897,1,0,2150,126 -4898,1,0,1155,26 -4902,1,0,1704,31 -4903,1,0,1218,44 -4905,1,0,2035,34 -4906,1,0,2310,45 -4908,1,0,1900,54 -4909,1,0,0322,199 -4909,2,0,0742,166 -4910,1,0,0431,23 -4911,1,0,0336,67 -4911,2,0,0927,55 -4913,1,0,1229,78 -4914,1,0,2239,42 -4915,1,0,2210,28 -4916,1,0,2033,45 -4918,1,0,0140,27 -4920,1,0,1610,40 -4923,1,0,1741,37 -4926,1,1,0008,34 -4928,1,0,2046,39 -4929,1,0,1652,67 -4930,1,0,2154,21 -4931,1,0,0928,77 -4933,1,0,2010,43 -4935,1,0,2040,43 -4936,1,0,1530,33 -4938,1,0,1938,42 -4939,1,0,1735,35 -4942,1,0,2000,61 -4943,1,0,2126,158 -4944,1,0,1613,71 -4944,2,1,0512,40 -4945,1,0,2102,136 -4945,2,1,0558,82 -4945,3,2,0625,44 -4945,4,3,0616,21 -4946,1,0,1506,41 -4947,1,0,0045,29 -4948,1,0,2205,37 -4950,1,0,1630,95 -4950,2,6,2108,30 -4950,3,0,0942,113 -4951,1,0,2108,28 -4952,1,0,1800,28 -4954,1,0,2020,32 -4956,1,0,2243,22 -4957,1,0,2240,42 -4962,1,0,1940,41 -4966,1,0,1015,22 -4967,1,0,1920,39 -4968,1,0,1949,55 -4971,1,1,0818,33 -4973,1,1,0046,55 -4974,1,0,2304,23 -4975,1,0,1822,68 -4978,1,0,0007,27 -4979,1,0,0915,18 -4980,1,0,2315,25 -4981,1,0,1045,25 -4982,1,0,1515,31 -4983,1,0,0455,33 -4984,1,0,1909,39 -4985,1,0,1610,24 -4986,1,0,1712,21 -4987,1,0,1705,45 -4989,1,0,0306,19 -4990,1,0,0920,52 -4992,1,0,1425,112 -4992,2,0,1306,79 -4992,3,1,0410,72 -4993,1,0,1236,22 -4994,1,0,2327,1548 -4994,2,1,0213,1297 -4994,3,1,1100,668 -4994,4,1,2100,339 -4998,1,0,2224,34 -5000,1,0,1911,106 -5001,1,0,2145,28 -5003,1,0,1150,25 -5004,1,0,2005,60 -5004,2,1,1442,38 -5005,1,0,1355,72 -5006,1,0,2253,59 -5007,1,0,1743,76 -5008,1,0,1648,38 -5009,1,0,0239,58 -5010,1,0,2212,1286 -5013,1,0,1908,70 -5014,1,0,2237,48 -5020,1,1,0118,805 -5021,1,0,2211,35 -5022,1,0,1000,48 -5023,1,0,2100,20 -5024,1,0,2138,36 -5025,1,0,1725,32 -5026,1,0,0130,27 -5028,1,0,2150,21 -5029,1,0,1702,21 -5030,1,0,1535,54 -5032,1,0,1737,155 -5032,2,0,2150,109 -5032,3,1,0857,59 -5033,1,0,0159,92 -5034,1,0,0126,68 -5035,1,0,2030,53 -5036,1,0,2018,51 -5037,1,0,1410,607 -5037,2,0,1630,205 -5038,1,0,1445,202 -5039,1,0,0045,42 -5040,1,0,1446,63 -5044,1,0,2157,36 -5045,1,0,2348,44 -5046,1,0,1250,32 -5047,1,0,2041,44 -5048,1,0,0939,41 -5048,2,1,0643,25 -5049,1,0,0825,55 -5050,1,0,1907,21 -5050,2,1,0400,19 -5051,1,0,1630,59 -5052,1,0,0842,541 -5054,1,0,1818,18 -5058,1,0,1640,99 -5059,1,0,2340,47 -5060,1,0,1920,28 -5063,1,0,2020,47 -5065,1,0,1249,38 -5066,1,0,1542,22 -5068,1,0,2106,57 -5071,1,0,2343,53 -5071,2,4,0555,48 -5072,1,0,2140,38 -5074,1,0,2030,28 -5075,1,0,1930,70 -5078,1,0,2235,56 -5080,1,0,2100,131 -5080,2,1,0604,74 -5081,1,0,1448,822 -5082,1,0,1637,39 -5083,1,0,1409,55 -5085,1,0,1455,65 -5086,1,0,0345,44 -5087,1,0,2230,170 -5089,1,0,2025,32 -5089,2,1,0530,26 -5090,1,0,1810,44 -5092,1,0,1940,65 -5092,2,1,0546,42 -5093,1,0,1946,29 -5094,1,0,1158,33 -5096,1,0,1600,20 -5097,1,0,1555,24 -5100,1,0,2159,33 -5103,1,0,1938,644 -5104,1,0,1333,53 -5105,1,0,1645,262 -5109,1,0,1915,122 -5109,2,2,0810,52 -5109,3,3,0857,47 -5111,1,0,1830,94 -5113,1,0,0108,27 -5114,1,0,1444,90 -5115,1,0,2103,202 -5115,2,1,0230,171 -5115,3,1,1110,195 -5115,4,1,2200,212 -5115,5,2,0430,244 -5119,1,0,0850,34 -5123,1,0,0350,32 -5124,1,0,2204,29 -5125,1,0,1805,38 -5125,2,1,1701,39 -5127,1,0,0310,26 -5128,1,0,2030,26 -5129,1,0,2159,85 -5131,1,0,1700,63 -5132,1,0,1500,38 -5133,1,0,1603,19 -5136,1,0,1942,39 -5137,1,0,1728,33 -5139,1,0,1315,28 -5141,1,0,2140,34 -5143,1,0,1845,62 -5146,1,0,2000,30 -5148,1,0,1845,119 -5150,1,0,0837,34 -5150,2,6,2045,77 -5152,1,0,1420,41 -5154,1,0,1343,27 -5155,1,0,0005,18 -5157,1,0,2035,81 -5158,1,0,1940,835 -5158,2,1,0420,626 -5158,3,2,0315,130 -5158,4,3,0300,63 -5159,1,0,1215,72 -5162,1,0,1940,49 -5164,1,0,1420,31 -5164,2,1,0400,27 -5165,1,0,1845,32 -5166,1,0,0533,33 -5171,1,0,0057,74 -5172,1,0,2120,27 -5173,1,0,1550,29 -5174,1,0,1657,61 -5175,1,0,1544,42 -5176,1,0,2022,37 -5177,1,0,1638,32 -5178,1,0,2336,33 -5180,1,0,0920,136 -5181,1,0,1612,35 -5187,1,0,0901,19 -5188,1,0,2057,46 -5189,1,0,2052,30 -5190,1,0,2242,59 -5193,1,0,1335,76 -5194,1,0,1640,106 -5195,1,0,1950,22 -5197,1,0,1737,41 -5198,1,0,0112,31 -5201,1,1,0035,52 -5203,1,0,1156,34 -5205,1,0,2215,32 -5206,1,0,1751,50 -5207,1,0,1858,47 -5210,1,0,1634,37 -5211,1,0,1330,21 -5212,1,0,1451,23 -5213,1,0,1924,39 -5217,1,0,2009,29 -5220,1,0,0157,18 -5221,1,0,2330,24 -5223,1,0,1629,42 -5224,1,0,2019,736 -5227,1,0,1642,27 -5229,1,0,1710,72 -5230,1,0,1430,70 -5231,1,0,2047,34 -5233,1,0,1125,26 -5235,1,0,1730,34 -5237,1,0,2047,39 -5239,1,0,1835,29 -5240,1,0,1858,73 -5243,1,0,1555,32 -5244,1,0,0805,109 -5245,1,0,1903,42 -5247,1,0,1935,28 -5248,1,0,1906,75 -5249,1,0,1550,28 -5250,1,0,2144,117 -5251,1,0,1645,20 -5252,1,0,2314,87 -5253,1,0,1521,36 -5253,2,1,0415,27 -5254,1,0,1800,19 -5257,1,0,2216,24 -5258,1,-1,2320,64 -5263,1,1,0002,25 -5264,1,0,1737,63 -5265,1,0,1452,23 -5266,1,0,0135,31 -5267,1,0,1855,78 -5267,2,1,0615,52 -5268,1,0,2219,88 -5269,1,0,1622,22 -5272,1,0,2020,55 -5273,1,0,1906,34 -5275,1,0,2030,33 -5276,1,0,1835,51 -5277,1,0,1224,26 -5278,1,0,1046,32 -5279,1,0,2222,29 -5280,1,0,1350,22 -5283,1,0,0440,77 -5283,2,1,1554,41 -5284,1,0,2340,49 -5285,1,0,2256,38 -5286,1,0,1715,81 -5290,1,0,1909,52 -5292,1,0,1930,20 -5293,1,0,1613,50 -5295,1,0,1645,39 -5298,1,0,1220,45 -5300,1,0,1340,54 -5301,1,1,0010,103 -5302,1,0,0848,31 -5303,1,0,1500,52 -5304,1,0,0850,31 -5306,1,0,2300,44 -5309,1,0,2141,57 -5310,1,0,2010,46 -5313,1,0,1430,31 -5314,1,0,1750,19 -5315,1,0,2030,21 -5316,1,0,1705,43 -5318,1,0,1735,24 -5319,1,0,2030,25 -5320,1,0,1420,139 -5323,1,0,2130,36 -5324,1,0,0948,31 -5325,1,0,1135,31 -5326,1,0,1736,30 -5327,1,0,1645,24 -5329,1,1,0032,20 -5330,1,0,0914,29 -5331,1,0,2004,57 -5333,1,0,1730,135 -5335,1,0,2146,44 -5336,1,0,1931,70 -5337,1,0,1003,25 -5338,1,0,1018,26 -5339,1,0,1526,42 -5341,1,0,2051,35 -5343,1,0,1420,49 -5344,1,2,1255,45 -5345,1,0,1812,42 -5347,1,0,2016,43 -5348,1,1,0345,67 -5350,1,0,0457,23 -5351,1,0,0454,163 -5351,2,0,1045,131 -5351,3,1,1240,79 -5351,4,1,1000,49 -5351,5,1,0400,49 -5352,1,0,1205,77 -5353,1,0,1743,33 -5354,1,0,1853,42 -5355,1,0,2141,37 -5361,1,0,1230,49 -5362,1,0,1115,125 -5363,1,0,1815,19 -5364,1,0,2111,282 -5364,2,1,0342,182 -5364,3,2,0649,72 -5365,1,0,1843,656 -5365,2,1,0321,269 -5365,3,3,2319,49 -5366,1,0,1730,337 -5367,1,0,1457,46 -5369,1,0,1858,58 -5373,1,0,0856,36 -5375,1,0,1002,39 -5376,1,0,1800,22 -5377,1,0,1920,54 -5378,1,0,1955,64 -5379,1,0,0129,27 -5380,1,0,0010,34 -5383,1,0,0930,72 -5385,1,0,1741,158 -5387,1,0,2133,60 -5389,1,0,2313,37 -5390,1,0,2057,56 -5391,1,0,1921,51 -5395,1,0,1938,34 -5398,1,0,2338,31 -5399,1,0,1235,71 -5400,1,0,1554,62 -5401,1,0,1600,33 -5402,1,0,1856,26 -5403,1,0,2027,29 -5404,1,0,1114,46 -5406,1,0,1024,27 -5408,1,0,1939,80 -5409,1,0,2146,43 -5410,1,0,1745,44 -5414,1,0,1817,58 -5416,1,0,1631,133 -5418,1,0,0102,25 -5419,1,0,1939,211 -5419,2,1,1143,83 -5420,1,0,1000,53 -5421,1,0,1755,67 -5422,1,0,1710,71 -5424,1,0,1442,25 -5425,1,0,1615,62 -5426,1,0,2011,37 -5427,1,0,2200,77 -5428,1,0,2345,20 -5429,1,0,0859,33 -5430,1,0,2054,40 -5433,1,0,1800,103 -5435,1,0,1131,126 -5437,1,0,1315,33 -5438,1,0,1512,51 -5439,1,0,1507,22 -5442,1,0,1915,36 -5443,1,0,2034,54 -5445,1,0,1632,26 -5448,1,0,1741,57 -5450,1,0,0920,34 -5451,1,0,1754,96 -5452,1,0,2208,47 -5453,1,0,1521,38 -5454,1,0,1050,50 -5456,1,0,1629,70 -5458,1,0,1906,589 -5458,2,0,2018,568 -5458,3,0,2314,404 -5458,4,1,0553,223 -5458,5,1,1212,120 -5459,1,0,1305,31 -5460,1,0,2030,32 -5462,1,0,1600,51 -5464,1,0,0800,69 -5464,2,0,1440,64 -5468,1,0,0825,71 -5469,1,0,1732,296 -5470,1,0,1745,97 -5472,1,0,2338,104 -5472,2,2,0530,46 -5472,3,3,0613,28 -5472,4,5,0102,12 -5473,1,0,2235,101 -5474,1,0,1626,71 -5475,1,0,1101,223 -5475,2,0,1440,248 -5475,3,0,1954,238 -5475,4,0,2200,236 -5475,5,1,0400,233 -5476,1,0,1531,34 -5477,1,0,2058,24 -5479,1,0,1630,51 -5479,2,1,0521,62 -5483,1,0,0249,46 -5485,1,0,0949,29 -5486,1,0,1640,31 -5488,1,0,1340,40 -5489,1,0,1550,42 -5490,1,0,1656,13 -5491,1,0,2351,39 -5491,2,1,0513,68 -5491,3,1,1525,79 -5491,4,2,0400,82 -5491,5,2,1851,96 -5493,1,0,1950,176 -5493,2,1,0720,112 -5494,1,0,1500,32 -5495,1,0,2255,101 -5495,2,1,0424,131 -5495,3,2,0400,86 -5495,4,3,0330,72 -5495,5,4,0309,86 -5496,1,0,1132,40 -5497,1,0,1506,23 -5500,1,0,1805,59 -5501,1,0,2024,107 -5503,1,0,2115,23 -5507,1,0,1440,35 -5511,1,0,1422,29 -5513,1,1,0018,21 -5515,1,0,2145,62 -5517,1,0,1948,143 -5521,1,0,2104,25 -5522,1,0,2125,61 -5523,1,0,2109,45 -5524,1,0,2057,26 -5528,1,0,1811,356 -5531,1,0,2330,70 -5531,2,1,1130,55 -5532,1,0,2230,39 -5534,1,0,0525,26 -5538,1,0,1410,25 -5539,1,0,0331,23 -5540,1,0,1250,55 -5541,1,0,1125,24 -5542,1,0,1148,70 -5544,1,0,1706,28 -5545,1,0,2123,148 -5547,1,0,1235,26 -5549,1,0,2159,32 -5552,1,0,1716,29 -5555,1,0,1842,44 -5556,1,0,1933,31 -5557,1,0,2211,80 -5557,2,1,0535,87 -5557,3,1,1608,84 -5557,4,1,2018,97 -5559,1,0,2319,52 -5560,1,0,1830,49 -5562,1,0,1940,26 -5564,1,0,1835,44 -5565,1,0,1705,374 -5565,2,1,0930,127 -5566,1,0,1829,233 -5567,1,0,1854,25 -5568,1,0,1604,41 -5569,1,0,2252,40 -5572,1,0,1926,26 -5573,1,0,1503,21 -5574,1,0,1708,34 -5575,1,0,0235,31 -5576,1,0,1314,26 -5578,1,0,1757,25 -5579,1,0,0950,29 -5580,1,0,1200,25 -5582,1,0,2006,22 -5583,1,0,1800,36 -5584,1,1,0001,29 -5585,1,0,2122,78 -5586,1,0,2132,116 -5587,1,0,2103,37 -5590,1,0,2253,42 -5590,2,1,0243,32 -5593,1,0,2025,22 -5594,1,0,2222,63 -5594,2,1,0650,45 -5595,1,0,2250,22 -5597,1,1,0200,37 -5598,1,0,0103,48 -5599,1,0,0230,32 -5600,1,0,2248,20 -5601,1,0,1608,29 -5602,1,0,1830,57 -5603,1,0,1637,28 -5605,1,0,1630,40 -5606,1,0,0945,31 -5608,1,0,1440,38 -5611,1,0,1600,27 -5613,1,1,0738,45 -5614,1,0,1730,34 -5615,1,0,2311,27 -5618,1,0,2052,41 -5619,1,0,0025,50 -5620,1,0,1817,64 -5621,1,0,1459,40 -5624,1,0,1455,28 -5625,1,0,2010,32 -5626,1,0,2200,30 -5627,1,0,2045,29 -5633,1,0,1928,48 -5637,1,0,2128,35 -5638,1,0,2120,39 -5639,1,0,2219,32 -5642,1,0,0805,124 -5643,1,0,2100,70 -5644,1,0,2143,65 -5645,1,0,1822,45 -5646,1,0,0254,39 -5649,1,0,2335,28 -5652,1,0,1704,49 -5653,1,0,0410,23 -5655,1,0,1600,28 -5657,1,0,1954,68 -5658,1,0,1609,39 -5660,1,0,2300,28 -5661,1,0,1920,25 -5663,1,0,1900,118 -5667,1,0,1600,46 -5668,1,0,0839,46 -5668,2,2,0606,40 -5673,1,0,1725,50 -5674,1,0,2244,39 -5675,1,0,1739,42 -5676,1,0,1930,43 -5677,1,0,2128,32 -5680,1,0,1330,70 -5684,1,0,1553,46 -5684,2,0,1615,41 -5687,1,0,1935,67 -5687,2,0,2221,81 -5687,3,1,0147,87 -5687,4,1,0215,77 -5687,5,1,0520,58 -5688,1,0,1723,87 -5688,2,0,2139,80 -5689,1,0,1810,30 -5692,1,0,1322,111 -5693,1,0,2255,35 -5694,1,0,1033,119 -5696,1,0,1429,37 -5700,1,1,0504,21 -5701,1,0,2005,19 -5705,1,0,1827,35 -5707,1,0,0700,223 -5709,1,0,1842,56 -5709,2,0,2240,63 -5709,3,1,0400,62 -5709,4,2,0355,61 -5709,5,3,0410,55 -5710,1,0,1940,36 -5711,1,0,1837,25 -5712,1,0,2044,36 -5715,1,0,2337,42 -5716,1,0,2359,94 -5718,1,0,2049,68 -5720,1,0,0848,20 -5722,1,0,2115,46 -5725,1,0,1615,42 -5727,1,0,0838,51 -5731,1,0,1820,32 -5732,1,0,1626,18 -5734,1,0,2241,45 -5735,1,0,2305,39 -5736,1,0,2147,27 -5737,1,0,2115,678 -5738,1,0,1502,47 -5740,1,0,1400,55 -5741,1,0,1615,18 -5742,1,0,2112,42 -5743,1,0,1618,27 -5744,1,0,1920,48 -5746,1,0,1700,100 -5746,2,1,2009,78 -5749,1,0,0344,36 -5750,1,0,2049,35 -5751,1,0,1448,164 -5752,1,0,1921,162 -5754,1,1,0130,59 -5754,2,1,0500,56 -5756,1,0,1920,346 -5756,2,1,0720,218 -5757,1,0,0130,38 -5759,1,0,1315,131 -5759,2,1,0501,198 -5759,3,2,0555,263 -5759,4,3,0554,241 -5759,5,4,0426,230 -5760,1,1,0555,65 -5761,1,0,1934,138 -5763,1,0,1439,36 -5763,2,1,0413,28 -5764,1,0,1433,43 -5765,1,0,1832,21 -5765,2,0,2144,30 -5766,1,1,0028,77 -5767,1,0,1601,30 -5768,1,0,1658,56 -5771,1,0,1605,44 -5775,1,0,1225,23 -5776,1,0,1950,154 -5778,1,0,2034,23 -5781,1,0,1804,44 -5783,1,0,1922,31 -5785,1,0,1338,36 -5786,1,1,0321,89 -5786,2,2,0400,39 -5787,1,0,1533,41 -5790,1,0,0633,22 -5791,1,0,1906,45 -5793,1,0,1954,47 -5797,1,0,2052,50 -5799,1,0,0850,26 -5800,1,0,1315,113 -5802,1,0,1342,21 -5809,1,0,1657,30 -5809,2,1,0841,40 -5810,1,0,2050,94 -5810,2,1,0715,72 -5810,3,2,0250,54 -5810,4,3,0240,48 -5810,5,4,0025,34 -5811,1,0,2352,21 -5812,1,0,1625,44 -5815,1,0,1417,49 -5816,1,0,1923,34 -5817,1,1,0351,34 -5820,1,0,2005,31 -5821,1,0,1545,20 -5822,1,0,2119,43 -5823,1,0,1614,22 -5824,1,0,1219,33 -5824,2,1,0045,33 -5824,3,1,0133,33 -5824,4,1,0400,41 -5824,5,1,1630,36 -5831,1,0,2054,48 -5833,1,0,1905,47 -5835,1,0,2019,29 -5836,1,0,2051,78 -5836,2,1,1052,48 -5841,1,0,2255,56 -5842,1,0,2140,34 -5844,1,0,1755,154 -5846,1,0,1515,71 -5848,1,0,2232,100 -5848,2,1,0925,55 -5849,1,0,1504,35 -5852,1,0,2116,31 -5853,1,0,2048,33 -5855,1,0,1335,51 -5856,1,1,0030,39 -5857,1,0,1836,254 -5858,1,0,1559,67 -5860,1,0,2210,30 -5861,1,0,1941,36 -5862,1,0,1755,13 -5863,1,0,1652,29 -5863,2,1,0639,25 -5864,1,0,1748,45 -5866,1,0,2335,151 -5868,1,0,2338,25 -5869,1,0,2228,27 -5870,1,1,0043,26 -5872,1,0,2230,584 -5874,1,0,1500,253 -5875,1,0,2200,36 -5876,1,0,1623,38 -5877,1,0,0448,40 -5884,1,0,2204,79 -5884,2,1,0118,80 -5885,1,0,1851,41 -5886,1,0,0033,34 -5888,1,0,1658,891 -5893,1,0,0935,57 -5894,1,0,1226,56 -5894,2,0,1450,88 -5894,3,0,2334,93 -5894,4,1,0148,105 -5894,5,1,0531,108 -5895,1,0,1440,83 -5895,2,1,0700,40 -5897,1,0,2224,42 -5898,1,0,2025,46 -5899,1,0,1731,26 -5900,1,0,1845,34 -5903,1,0,1608,69 -5905,1,0,2130,52 -5906,1,0,1946,36 -5907,1,0,2000,33 -5908,1,0,1250,277 -5909,1,0,1424,114 -5909,2,1,1415,79 -5910,1,0,1855,46 -5911,1,0,0937,76 -5912,1,0,1835,47 -5913,1,0,2245,23 -5916,1,0,0726,20 -5917,1,0,1715,39 -5918,1,0,0845,176 -5921,1,0,2058,40 -5922,1,0,1705,44 -5923,1,0,1945,23 -5926,1,1,0040,34 -5928,1,0,2107,27 -5929,1,0,0405,22 -5930,1,0,2304,51 -5931,1,0,0838,19 -5935,1,0,1636,3209 -5936,1,0,1734,142 -5936,2,0,2348,103 -5936,3,1,0500,107 -5938,1,0,2009,160 -5938,2,1,0030,943 -5938,3,1,0530,1453 -5938,4,2,0440,3094 -5938,5,3,0435,2952 -5941,1,0,1805,60 -5942,1,0,1446,20 -5943,1,0,2005,36 -5944,1,0,1732,88 -5945,1,0,1012,71 -5946,1,0,1840,71 -5946,2,5,0435,37 -5947,1,0,2003,33 -5950,1,0,1404,31 -5951,1,1,0400,216 -5951,2,2,0555,106 -5954,1,0,2327,44 -5955,1,0,1517,33 -5958,1,1,0020,47 -5959,1,0,1820,26 -5962,1,0,1926,51 -5963,1,0,1920,496 -5963,2,1,0155,425 -5963,3,2,1645,118 -5964,1,0,1611,227 -5967,1,0,2108,55 -5968,1,0,2250,16 -5969,1,0,2203,37 -5970,1,0,1540,311 -5971,1,0,2151,43 -5972,1,0,1638,39 -5973,1,0,1925,50 -5974,1,0,2100,25 -5976,1,0,0945,441 -5977,1,0,1830,39 -5978,1,1,0133,464 -5978,2,1,0456,336 -5978,3,1,2345,152 -5978,4,2,0330,146 -5978,5,2,1515,136 -5980,1,0,1814,25 -5981,1,0,2141,34 -5982,1,1,0206,94 -5984,1,0,1055,38 -5986,1,0,1235,31 -5987,1,0,2332,82 -5988,1,0,0055,29 -5989,1,0,2339,37 -5992,1,0,1950,60 -5992,2,0,2150,69 -5992,3,1,0415,52 -5992,4,2,0420,40 -5995,1,0,2001,37 -5997,1,1,0726,27 -5999,1,0,0319,41 -6000,1,0,0957,45 -6001,1,0,1630,35 -6002,1,1,0000,34 -6002,2,2,1108,54 -6003,1,0,0810,22 -6005,1,0,1845,34 -6007,1,0,1930,54 -6009,1,0,2034,53 -6010,1,0,2115,153 -6011,2,0,1924,94 -6015,1,0,1356,61 -6015,2,0,1812,48 -6018,1,0,1945,60 -6019,1,0,2130,40 -6023,1,0,1739,44 -6027,1,0,0420,54 -6028,1,0,1750,445 -6028,2,0,2300,454 -6030,1,0,2035,28 -6031,1,0,0833,32 -6033,1,0,2230,49 -6034,1,0,1911,13 -6035,1,0,1944,29 -6036,1,0,1739,34 -6037,1,2,0510,34 -6038,1,0,1919,19 -6041,1,0,2315,24 -6042,1,0,1245,64 -6046,1,0,1722,185 -6047,1,0,2350,45 -6049,1,0,2145,23 -6050,1,0,2315,50 -6051,1,0,1415,36 -6052,1,0,1115,20 -6053,1,0,1449,18 -6054,1,0,1730,51 -6054,2,0,1916,42 -6054,3,1,0525,38 -6054,4,1,2015,28 -6054,5,1,2352,28 -6057,1,0,1910,38 -6058,1,0,0052,33 -6060,1,0,2225,27 -6064,1,0,1713,29 -6065,1,0,2120,33 -6066,1,0,1524,39 -6067,1,0,2204,40 -6068,1,0,1306,63 -6069,1,0,2235,74 -6071,1,0,1255,37 -6074,1,0,1042,41 -6075,1,0,1855,47 -6077,1,0,0922,22 -6081,1,0,1725,60 -6082,1,0,1950,53 -6083,1,0,1706,33 -6083,2,0,2214,30 -6084,1,0,2130,37 -6088,1,0,1345,226 -6091,1,0,1840,45 -6092,1,0,1438,26 -6092,2,1,0519,25 -6094,1,0,1453,29 -6095,1,0,0115,362 -6095,2,0,1150,225 -6095,3,1,0445,136 -6097,1,0,1551,28 -6098,1,0,1937,454 -6098,2,1,0001,271 -6098,3,2,1003,80 -6098,4,3,0547,46 -6101,1,0,1710,28 -6102,1,0,1654,236 -6103,1,0,1430,67 -6104,1,0,1854,36 -6106,1,0,1310,82 -6109,1,0,1610,420 -6109,2,1,0911,147 -6109,3,2,0445,70 -6111,1,0,1221,163 -6112,1,0,1535,27 -6113,1,0,1929,86 -6114,1,0,2123,24 -6115,1,0,2201,77 -6116,1,1,0025,35 -6117,1,0,1731,40 -6120,1,0,2315,23 -6121,1,0,2130,58 -6121,2,1,0425,59 -6122,1,0,0145,20 -6123,1,0,2200,156 -6123,2,1,0430,139 -6123,3,2,0345,125 -6123,4,2,1553,110 -6123,5,3,0346,113 -6125,1,0,2041,67 -6128,1,0,1133,22 -6129,1,0,1535,316 -6131,1,0,1255,48 -6132,1,5,1100,72 -6134,1,0,1458,19 -6135,1,0,1840,66 -6140,1,0,2235,26 -6141,1,0,1221,34 -6141,2,5,0340,35 -6142,1,0,2022,45 -6143,1,0,1552,25 -6146,1,0,2044,57 -6146,2,1,0330,65 -6147,1,0,1940,77 -6147,2,1,0510,100 -6147,3,1,0850,97 -6147,4,2,0345,71 -6147,5,3,0350,112 -6148,1,0,1859,18 -6149,1,0,1931,59 -6149,2,1,0435,78 -6151,1,0,1700,26 -6153,1,0,1911,100 -6154,1,0,0910,52 -6156,1,0,0923,50 -6157,1,0,1949,58 -6164,1,0,1302,260 -6164,2,1,0725,121 -6166,1,0,1940,683 -6166,2,1,0450,404 -6169,1,0,2020,50 -6170,1,0,1619,25 -6171,1,0,2126,30 -6174,1,0,2254,46 -6175,1,0,1423,70 -6176,1,0,1927,68 -6177,1,0,1329,25 -6178,1,0,2350,135 -6178,2,1,0413,100 -6179,1,0,1245,46 -6180,1,0,2313,145 -6180,2,1,0454,50 -6180,3,2,0215,148 -6180,4,2,1145,165 -6180,5,4,1600,92 -6181,1,0,1545,20 -6182,1,0,1142,30 -6184,1,0,1500,69 -6186,1,0,1303,20 -6189,1,1,0031,28 -6190,1,0,1150,29 -6193,1,0,2005,39 -6195,1,0,1520,76 -6196,1,0,1840,41 -6200,1,0,1610,112 -6201,1,0,2102,157 -6202,1,0,1908,28 -6204,1,0,1719,101 -6205,1,2,1015,29 -6206,1,0,1927,36 -6207,1,0,1300,29 -6208,1,0,1617,26 -6209,1,0,2001,42 -6210,1,0,1240,17 -6211,1,0,1835,21 -6214,1,0,0100,35 -6215,1,0,0115,38 -6216,1,0,2032,79 -6217,1,0,2033,207 -6217,2,1,0410,195 -6218,1,1,0115,40 -6223,1,0,2230,24 -6224,1,0,2013,31 -6225,1,0,1647,72 -6225,2,2,1350,58 -6229,1,1,0126,28 -6229,2,1,0650,28 -6231,1,0,1743,23 -6233,1,0,2330,31 -6234,1,0,2235,34 -6235,1,0,1530,62 -6236,1,0,0634,51 -6239,1,0,1213,37 -6240,1,0,1900,27 -6241,1,0,1353,20 -6243,1,0,1734,21 -6245,1,0,2159,43 -6247,1,0,0108,46 -6248,1,0,2246,29 -6250,1,0,2121,4632 -6251,1,0,1745,36 -6252,1,0,1204,32.3 -6252,2,1,0350,98 -6255,1,0,1839,42 -6256,1,0,2010,27 -6257,1,0,1433,49 -6258,1,0,2030,40 -6260,1,0,2119,126 -6261,1,0,0809,51 -6264,1,0,1347,31 -6269,1,0,1805,29 -6270,1,0,2018,51 -6271,1,0,2230,24 -6272,1,0,2027,23 -6273,1,0,2150,33 -6274,1,0,1831,49 -6275,1,0,1414,96 -6275,2,0,1946,60 -6275,3,1,0400,88 -6278,1,0,1930,113 -6278,2,1,0535,73 -6279,1,0,2202,48 -6282,1,0,2015,33 -6283,1,0,2052,26 -6284,1,0,0708,40 -6285,1,0,0347,101 -6286,1,0,2030,82 -6287,1,0,1920,42 -6288,1,0,1200,38 -6289,1,0,0323,33 -6290,1,0,2012,154 -6291,1,0,1705,57 -6292,1,0,1824,61 -6293,1,4,0603,37 -6295,1,0,2040,32 -6298,1,0,1515,72 -6300,1,0,1220,85 -6300,2,3,0905,54 -6302,1,0,1330,120 -6302,2,1,1835,1151 -6302,3,2,0020,1301 -6302,4,3,0100,734 -6302,5,4,0100,265 -6303,1,0,1800,659 -6303,2,1,0420,389 -6303,3,2,0930,210 -6306,1,0,2120,101 -6307,1,0,1815,16 -6310,1,0,2151,44 -6316,1,0,1625,46 -6317,1,0,1100,37 -6318,1,0,1949,37 -6319,1,0,2005,39 -6322,1,0,1843,55 -6323,1,0,1630,35 -6323,2,0,1645,27 -6327,1,0,1930,24 -6328,1,0,1855,27 -6329,1,0,1920,35 -6330,1,0,2359,83 -6332,1,0,2344,36 -6333,1,0,2103,60 -6335,1,0,0946,33 -6336,1,0,1612,45 -6337,1,0,2121,21 -6338,1,0,2055,38 -6339,1,0,1928,54 -6340,1,0,0916,36 -6342,1,0,1756,18 -6345,1,0,2117,32 -6345,2,1,0430,27 -6347,1,0,2350,24 -6350,1,0,0045,21 -6352,1,0,1206,1828 -6354,1,0,1851,28 -6355,1,0,1241,27 -6356,1,0,2231,103 -6358,1,0,2003,61 -6359,1,0,1045,27 -6362,1,0,2049,518 -6363,1,0,2127,33 -6367,1,0,1037,21 -6367,2,0,1308,18 -6367,3,0,1617,25 -6368,1,0,2207,23 -6369,1,0,1758,56 -6370,1,0,2108,36 -6372,1,0,1741,18 -6373,1,0,1330,35 -6375,1,0,1730,597 -6375,2,1,0030,332 -6377,1,0,2139,60 -6379,1,0,1213,47 -6381,1,0,2130,27 -6382,1,0,1850,54 -6383,1,0,1943,145 -6383,2,0,2340,73 -6384,1,0,1813,30 -6386,1,0,1137,40 -6387,1,0,1652,55 -6389,1,0,2046,50 -6389,2,2,0530,19 -6391,1,0,1315,28 -6392,1,0,2207,90 -6392,2,1,0602,59 -6393,1,0,1510,41 -6394,1,0,2357,16 -6395,1,1,0148,24 -6398,1,1,0146,49 -6399,1,0,1928,62 -6401,1,0,1345,24 -6402,1,0,2250,42 -6405,1,0,2233,156 -6405,2,2,0429,39 -6405,3,3,0430,38 -6406,1,0,1532,28 -6407,1,0,2015,52 -6408,1,0,1836,52 -6409,1,1,0340,25 -6410,1,1,1014,54 -6411,1,0,1830,44 -6412,1,0,1710,58 -6415,1,0,1306,79 -6415,2,1,0415,75 -6416,1,0,2150,20 -6417,1,0,1721,84 -6417,2,0,1753,78 -6418,1,0,1230,34 -6419,1,0,2007,38 -6420,1,0,2118,40 -6422,1,0,2013,48 -6423,1,0,1805,26 -6425,1,0,1309,27 -6426,1,0,1319,91 -6427,1,1,0020,116 -6430,1,0,1338,22 -6431,1,0,1957,26 -6432,1,0,2300,24 -6433,1,0,1328,111 -6435,1,5,1130,64 -6436,1,0,1630,60 -6436,2,1,0613,39 -6436,3,2,0616,29 -6436,4,3,0622,40 -6436,5,4,0552,32 -6438,1,0,2317,29 -6439,1,0,2315,25 -6440,1,0,2055,573 -6440,2,1,0228,431 -6440,3,2,0408,609 -6441,1,0,2022,736 -6441,2,1,0315,499 -6442,1,2,0505,206 -6442,2,3,0410,55 -6442,3,4,0530,55 -6442,4,5,0344,28 -6442,5,6,0521,22 -6444,1,0,1850,56 -6449,1,0,1930,78 -6450,1,0,1825,67 -6451,1,0,1722,86 -6452,1,0,1815,91 -6454,1,0,1909,39 -6456,1,1,0012,70 -6457,1,0,1554,38 -6461,1,0,1800,40 -6462,1,0,0455,17 -6464,1,0,0250,36 -6465,1,0,2312,47 -6466,1,0,1500,30 -6467,1,0,1800,41 -6470,1,0,2127,39 -6471,1,0,1337,49 -6473,1,0,0640,48 -6474,1,0,1856,108 -6474,2,0,2314,105 -6474,3,1,0814,78 -6474,4,2,0550,89 -6474,5,6,0947,24 -6478,1,0,1150,70 -6479,1,0,0918,56 -6480,1,1,0030,37 -6483,1,0,2322,34 -6484,1,0,2214,211 -6486,1,0,1745,60 -6487,1,0,0012,25 -6490,1,0,1434,35 -6493,1,0,1915,42 -6495,1,0,1412,115 -6496,1,1,0006,24 -6496,2,1,0218,30 -6497,1,0,1609,35 -6498,1,0,1728,27 -6499,1,0,1844,44 -6500,1,0,2123,60 -6501,1,0,1830,44 -6504,1,0,1850,59 -6505,1,0,1633,30 -6507,1,0,1759,64 -6508,1,0,1440,25 -6509,1,0,2044,93 -6510,1,0,1840,43 -6513,1,0,2200,54 -6515,1,0,1327,117 -6516,1,0,2225,54 -6517,1,0,0230,658 -6517,2,1,0200,632 -6517,3,2,0220,476 -6517,4,3,0205,187 -6517,5,4,0050,74 -6518,1,0,2339,33 -6519,1,0,1520,29 -6522,1,0,0715,38 -6525,1,0,1710,21 -6526,1,0,0645,23 -6526,2,2,0715,17 -6527,1,0,2355,30 -6528,1,0,1717,44 -6529,1,0,2313,55 -6532,1,0,1353,26 -6533,1,0,1000,101 -6536,1,0,1721,34 -6539,1,0,1328,37 -6541,1,0,0040,60 -6543,1,0,1905,65 -6544,1,0,2214,347 -6544,2,1,0525,44 -6548,1,0,2217,444 -6548,2,1,0648,311 -6549,1,0,0042,40 -6550,1,0,1520,193 -6551,1,0,0121,35 -6555,1,0,1748,23 -6557,1,0,0255,24 -6559,1,0,0941,40 -6560,1,0,1119,93 -6561,1,0,2314,20 -6563,1,0,2217,62 -6564,1,1,0000,87 -6565,1,0,1600,26 -6566,1,0,1138,25 -6567,1,0,1655,83 -6571,1,0,1715,53 -6573,1,0,1620,43 -6574,1,0,1350,357 -6575,1,0,2157,37 -6575,2,1,0304,33 -6576,1,0,1822,36 -6577,1,0,2050,54 -6578,1,0,1528,34 -6578,2,1,2330,25 -6579,1,0,2024,123 -6579,2,1,0404,94 -6582,1,0,1113,192 -6582,2,1,0619,81 -6583,1,0,1930,24 -6584,1,0,1919,182 -6584,2,0,2008,140 -6584,3,1,1218,62 -6584,4,1,1610,49 -6584,5,1,2112,56 -6585,1,0,1144,43 -6586,1,0,2355,19 -6587,1,0,1448,28 -6588,1,0,1901,57 -6589,1,0,0930,27 -6591,1,0,2034,35 -6592,1,0,1000,90 -6593,1,0,2002,27 -6594,1,0,2200,32 -6595,1,0,1424,41 -6596,1,0,1357,52 -6599,1,0,0934,199 -6600,1,0,2220,216 -6600,2,1,0540,164 -6600,3,2,0639,170 -6600,4,3,0650,78 -6601,1,0,2335,39 -6602,1,0,2112,25 -6603,1,0,1755,25 -6604,1,0,0455,38 -6605,1,0,1545,35 -6606,1,0,2230,28 -6607,1,0,1828,51 -6611,1,0,1559,96 -6612,1,0,2205,45 -6615,1,0,1730,145 -6616,1,0,2014,107 -6616,2,2,1433,52 -6620,1,0,1134,23 -6623,1,0,2231,67 -6625,1,0,1920,75 -6628,1,0,1707,44 -6629,1,0,1700,50 -6631,1,0,1730,35 -6632,1,0,2229,41 -6635,1,0,0020,23 -6636,1,0,1705,110 -6637,1,0,0226,52 -6638,1,0,0220,48 -6639,1,0,0835,39 -6642,1,0,0744,70 -6643,1,0,0125,11 -6644,1,0,1521,36 -6645,1,0,0932,35 -6646,1,0,1214,21 -6647,1,0,1700,53 -6648,1,0,0502,109 -6650,1,0,2042,78 -6650,2,2,1051,31 -6652,1,0,2059,29 -6653,1,1,0022,48 -6654,1,0,1945,31 -6655,1,0,1938,56 -6656,1,0,1306,21 -6660,1,0,1656,41 -6661,1,0,0243,20 -6664,1,0,1400,634 -6664,2,1,0531,179 -6664,3,7,0530,45 -6667,1,0,1832,32 -6668,1,0,2033,146 -6669,1,0,1808,24 -6672,1,0,2215,26 -6673,1,0,2306,34 -6674,1,0,2030,24 -6676,1,0,2134,30 -6677,1,0,2203,38 -6678,1,0,2144,36 -6679,1,0,0935,24 -6680,1,0,0231,13 -6682,1,0,2220,43 -6683,1,0,1130,22 -6684,1,0,1910,33 -6687,1,0,2010,29 -6691,1,0,2001,61 -6691,2,0,2145,30 -6691,3,1,0321,60 -6692,1,1,0123,43 -6696,1,0,0945,28 -6697,1,0,1008,33 -6698,1,0,1950,42 -6700,1,1,0035,24 -6701,1,0,1055,32 -6701,2,0,1922,25 -6701,3,1,0310,24 -6701,4,1,1500,28 -6701,5,2,0400,30 -6702,1,0,0640,19 -6704,1,0,2050,19 -6705,1,1,1124,89 -6705,2,2,0358,43 -6705,3,3,0346,28 -6705,4,4,0335,25 -6705,5,5,0400,14 -6706,1,0,2221,67 -6707,1,0,1440,53 -6708,1,0,1509,118 -6709,1,0,1703,320 -6709,2,1,0620,85 -6713,1,0,2105,26 -6714,1,0,0900,42 -6718,1,0,1431,37 -6721,1,0,0146,63 -6721,2,0,0147,67 -6722,1,0,1232,22 -6723,1,0,1157,52 -6724,1,0,0118,29 -6726,1,0,2100,66 -6726,2,0,2145,73 -6726,3,0,2229,83 -6727,1,0,1606,173 -6728,1,0,2335,35 -6730,1,0,2220,19 -6735,1,0,1235,76 -6736,1,0,1630,43 -6737,1,0,1025,49 -6738,1,0,2014,32 -6741,1,1,0017,26 -6743,1,1,0235,27 -6744,1,1,0546,16 -6744,2,0,1944,21 -6745,1,0,2018,67 -6746,1,0,1200,43 -6749,1,0,1340,40 -6750,1,1,0400,365 -6751,1,0,1635,21 -6757,1,0,0350,81 -6758,1,0,1730,27 -6759,1,0,2251,53 -6760,1,0,1550,34 -6763,1,0,1842,25 -6764,1,0,1749,36 -6766,1,0,1703,26 -6767,1,0,1455,52 -6768,1,4,0625,54 -6769,1,0,1613,21 -6772,1,0,2207,42 -6774,1,1,0012,92 -6775,1,0,1730,55 -6776,1,0,0558,21 -6777,1,0,1700,46 -6778,1,0,1835,40 -6779,1,0,1853,47 -6780,1,0,1340,35 -6781,1,0,1449,43 -6784,1,0,1404,44 -6786,1,0,1925,41 -6787,1,0,1453,23 -6790,1,0,1230,40 -6791,1,0,2010,47 -6792,1,0,1515,25 -6793,1,0,1050,62 -6795,1,0,1744,39 -6796,1,0,2149,31 -6797,1,0,1121,24 -6797,2,0,2002,47 -6797,3,2,0412,39 -6797,4,3,0430,31 -6797,5,3,2202,30 -6798,1,0,2026,27 -6799,1,0,1543,19 -6800,1,0,1545,36 -6802,1,0,1627,71 -6803,1,0,2145,46 -6804,1,0,0840,66 -6805,1,1,0045,38 -6809,1,0,0123,37 -6810,1,0,1654,43 -6814,1,0,2110,38 -6815,1,0,1645,82 -6816,1,0,1903,29 -6817,1,0,1550,24 -6819,1,0,1934,35 -6820,1,0,1540,47 -6821,1,0,0608,27 -6823,1,0,2205,30 -6824,1,0,2346,35 -6825,1,0,1349,39 -6826,1,0,1757,41 -6827,1,0,1824,31 -6827,2,1,0806,20 -6828,1,0,2245,26 -6829,1,0,1110,23 -6830,1,0,1818,101 -6830,2,1,0420,68 -6830,3,1,1430,71 -6837,1,0,1428,29 -6838,1,0,1805,32 -6841,1,0,1244,476 -6842,1,0,1749,24 -6843,1,0,2001,28 -6846,1,0,2132,32 -6847,1,0,1435,54 -6848,1,0,2109,19 -6849,1,0,1803,48 -6851,1,0,1843,33 -6853,1,0,0110,13 -6855,1,1,0039,21 -6856,1,0,2133,30 -6857,1,0,0325,23 -6859,1,0,1931,48 -6860,1,0,1021,167 -6860,2,2,1450,135 -6860,3,2,0420,164 -6861,1,0,2150,94 -6861,2,1,0646,49 -6863,1,0,1133,47 -6864,1,0,1835,38 -6865,1,0,0858,728 -6867,1,0,0352,95 -6869,1,0,0824,44 -6871,1,0,2355,32 -6873,1,0,0908,140 -6874,1,0,1521,294 -6877,1,0,0045,44 -6878,1,0,2141,19 -6881,1,0,2000,101 -6882,1,0,0703,92 -6882,2,1,0653,61 -6884,1,0,2014,79 -6886,1,0,0050,44 -6888,1,0,0941,15 -6894,1,0,2155,22 -6895,1,0,2145,20 -6897,1,0,1821,42 -6898,1,0,1853,140 -6900,1,0,2054,49 -6904,1,0,1600,34 -6904,2,3,0630,20 -6905,1,0,1855,27 -6909,1,0,1229,78 -6910,1,0,1430,53 -6910,2,0,2220,35 -6913,1,0,1647,42 -6915,1,0,0816,48 -6916,1,0,2045,35 -6917,1,0,1802,20 -6918,1,0,2140,87 -6920,1,0,1715,44 -6920,2,1,0719,49 -6921,1,0,1530,43 -6922,1,0,1817,347 -6923,1,0,1756,29 -6924,1,0,1439,25 -6926,1,0,1138,102 -6926,2,1,0347,83 -6926,3,2,0311,74 -6926,4,3,0410,51 -6926,5,4,0432,34 -6927,1,0,1540,383 -6928,1,0,2000,44 -6930,1,0,1845,44 -6931,1,0,1838,22 -6935,1,0,1221,65 -6936,1,0,1715,46 -6937,1,0,1430,44 -6939,1,0,1655,95 -6940,1,0,0624,55 -6942,1,0,1904,40 -6944,1,0,1307,28 -6946,1,0,1846,784 -6947,1,0,1652,35 -6948,1,0,1249,62 -6949,1,0,1821,113 -6957,1,0,1143,39 -6960,1,0,1628,83 -6960,2,1,1026,51 -6963,1,0,0251,46 -6964,1,0,2000,36 -6965,1,0,1544,36 -6966,1,0,1900,46 -6967,1,1,0012,33 -6969,1,0,2220,77 -6970,1,0,2038,29 -6972,1,0,1210,49 -6973,1,0,1057,48 -6974,1,0,2145,341 -6976,1,0,1412,47 -6980,1,0,2130,24 -6981,1,0,1925,25 -6982,1,0,2206,37 -6984,1,0,1810,35 -6985,1,0,1820,32 -6986,1,0,2350,29 -6987,1,0,1420,26 -6988,1,0,1619,27 -6989,1,0,2050,452 -6992,1,0,1650,27 -6992,2,1,0557,26 -6992,3,5,0543,18 -6995,1,0,1415,95 -6996,1,0,1720,50 -6997,1,0,2146,31 -6998,1,0,1703,42 -7000,1,0,2335,144 -7000,2,2,0645,85 -7001,1,0,1801,69 -7001,2,1,0421,68 -7001,3,1,0955,57 -7004,1,0,1629,27 -7005,1,0,0242,33 -7006,1,0,2300,33 -7008,1,0,1904,317 -7008,2,1,0610,194 -7009,1,0,1950,25 -7010,1,0,0016,27 -7011,1,0,1816,44 -7017,1,0,2355,30 -7017,2,1,0100,29 -7018,1,0,1842,28 -7020,1,0,2328,355 -7020,2,1,0500,253 -7021,1,0,1344,55 -7022,1,0,2126,54 -7023,1,0,1846,63 -7024,1,0,0140,28 -7025,1,0,1520,26 -7026,1,0,1920,112 -7028,1,0,0155,44 -7030,1,0,2325,47 -7031,1,0,1925,41 -7031,2,1,0410,48 -7032,1,0,2113,27 -7034,1,0,1515,22 -7034,2,3,1008,20 -7035,1,0,1704,17 -7037,1,0,2109,31 -7038,1,0,2001,37 -7042,1,0,1418,95 -7043,1,0,1942,63 -7044,1,0,0140,24 -7046,1,0,0955,29 -7047,1,0,2108,34 -7051,1,1,0105,43 -7053,1,0,2300,60 -7056,1,0,1738,32 -7056,2,1,0530,35 -7057,1,0,0921,39 -7058,1,0,1420,20 -7060,1,0,1526,26 -7061,1,0,2054,25 -7061,2,4,0035,22 -7062,1,0,0915,26 -7063,1,0,1000,63 -7066,1,0,0947,101 -7067,1,1,0011,313 -7067,2,1,2135,150 -7067,3,4,0631,71 -7067,4,6,0606,80 -7068,1,0,1045,43 -7069,1,0,2110,99 -7070,1,0,2341,22 -7071,1,0,2048,264 -7071,2,2,0400,90 -7074,1,0,1545,28 -7075,1,0,1305,79 -7078,1,0,1300,328 -7079,1,0,2235,45 -7083,1,0,2242,35 -7084,1,0,1220,48 -7087,1,0,1940,123 -7091,1,0,1657,38 -7092,1,0,2000,31 -7093,1,0,1748,34 -7095,1,0,1630,46 -7096,1,0,1845,45 -7101,1,0,1202,24 -7102,1,0,1630,27 -7103,1,0,0618,20 -7104,1,0,1903,217 -7105,1,0,1640,100 -7109,1,0,1540,45 -7113,1,0,1718,33 -7114,1,0,1934,57 -7115,1,0,1748,31 -7117,1,0,1141,27 -7119,1,0,1507,24 -7123,1,0,1850,32 -7124,1,0,0034,31 -7126,1,0,0851,25 -7127,1,0,0853,31 -7129,1,0,2235,21 -7130,1,0,1608,28 -7132,1,0,0440,355 -7134,1,0,2013,40 -7136,1,0,1815,369 -7136,2,1,0220,124 -7136,3,1,0805,78 -7136,4,2,0330,58 -7137,1,1,0006,35 -7138,1,0,0020,138 -7140,1,0,0530,29 -7143,1,0,1119,63 -7145,1,0,1000,59 -7146,1,0,1820,43 -7147,1,0,2222,91 -7150,1,0,0736,39 -7150,2,0,1351,69 -7150,3,0,1924,78 -7150,4,1,0323,96 -7150,5,1,1614,125 -7151,1,1,0000,36 -7151,2,2,0540,28 -7153,1,0,2137,40 -7154,1,0,1935,90 -7157,1,0,1424,106 -7159,1,0,2120,34 -7162,1,0,1915,47 -7163,1,0,2005,52 -7166,1,0,1400,43 -7167,1,0,1936,28 -7169,1,0,1445,158 -7170,1,0,1429,184 -7171,1,0,1807,190 -7171,2,1,0401,128 -7173,1,0,0930,771 -7174,1,0,1128,27 -7175,1,0,0940,22 -7177,1,0,2317,23 -7178,1,0,2023,97 -7181,1,0,2120,63 -7182,1,0,2358,1128 -7184,1,0,1836,35 -7185,1,0,1807,26 -7186,1,0,2045,157 -7188,1,0,1703,326 -7188,2,1,1100,91 -7190,1,0,1506,27 -7195,1,0,2030,319 -7199,1,1,0004,49 -7200,1,0,1213,32 -7202,1,0,2126,33 -7203,1,0,0910,44 -7205,1,0,1227,29 -7207,1,0,0843,26 -7208,1,0,2256,48 -7209,1,0,1111,33 -7210,1,0,1454,64 -7213,1,0,2030,27 -7214,1,2,0600,91 -7215,1,0,1350,748 -7215,2,0,1519,703 -7215,3,0,1815,683 -7215,4,0,2130,601 -7215,5,1,0030,534 -7217,1,0,0810,168 -7217,2,2,0555,40 -7217,3,7,0002,31 -7218,1,0,2107,45 -7220,1,0,2131,19 -7221,1,0,2028,65 -7222,1,0,1845,75 -7223,1,0,1641,48 -7225,1,0,0810,191 -7226,1,0,2250,40 -7227,1,0,1744,368 -7227,2,0,2323,250 -7227,3,2,0354,61 -7227,4,6,0440,26 -7228,1,0,1202,795 -7228,2,0,1635,771 -7228,3,1,0405,273 -7231,1,0,1704,139 -7232,1,0,1601,42 -7234,1,0,1840,50 -7235,1,0,2230,22 -7237,1,0,0217,27 -7238,1,0,2120,38 -7240,1,0,1501,38 -7243,1,0,1452,99 -7244,1,0,2114,35 -7246,1,0,1913,31 -7247,1,0,0919,45 -7248,1,0,1519,152 -7248,2,2,1519,257 -7249,1,0,1740,23 -7251,1,0,0026,39 -7252,1,0,1948,291 -7252,2,1,1323,116 -7253,1,0,2240,27 -7254,1,0,1845,92 -7255,1,0,2030,128 -7256,1,0,1400,34 -7257,1,0,1918,42 -7258,1,0,1011,66 -7258,2,1,1502,32 -7259,1,0,1539,99 -7261,1,0,2250,44 -7263,1,0,1755,32 -7264,1,1,0030,31 -7265,1,0,2240,52 -7266,1,0,0437,121 -7266,2,1,1116,87 -7267,1,0,2000,42 -7269,1,0,2034,37 -7270,1,0,2315,132 -7271,1,1,0237,136 -7271,2,1,1050,89 -7274,1,0,1839,42 -7274,2,1,0553,97 -7275,1,0,1838,55 -7276,1,0,0703,110 -7276,2,1,0510,132 -7276,3,1,0635,143 -7276,4,6,0530,54 -7276,5,0,0204,103 -7277,1,0,1252,28 -7278,1,0,1505,32 -7279,1,0,1505,27 -7281,1,0,1700,47 -7284,1,0,1542,78 -7287,1,0,2230,45 -7288,1,0,2227,888 -7288,2,1,0220,773 -7292,1,1,0030,44 -7294,1,0,1651,18 -7295,1,0,0920,21 -7297,1,0,2131,61 -7299,1,0,0104,26 -7300,1,0,1913,26 -7302,1,0,1712,215 -7302,2,1,0407,123 -7303,1,0,1826,26 -7304,1,0,1300,115 -7304,2,5,1930,51 -7305,1,0,0818,43 -7306,1,0,0121,66 -7308,1,0,1748,49 -7311,1,0,1110,32 -7312,1,0,1605,25 -7313,1,0,1712,30 -7314,1,0,1302,88 -7315,1,0,1722,33 -7316,1,0,1614,30 -7317,1,0,1142,21 -7318,1,0,1946,133 -7319,1,0,2005,27 -7320,1,0,2210,37 -7321,1,0,1942,43 -7323,1,0,1917,60 -7324,1,0,2012,80 -7327,1,0,1000,340 -7328,1,0,2258,26 -7329,1,0,1000,32 -7332,1,0,2000,163 -7334,1,0,1457,19 -7335,1,0,1904,35 -7337,1,0,1753,24 -7341,1,0,2110,33 -7342,1,0,2130,32 -7343,1,0,1621,54 -7344,1,0,2144,54 -7347,1,0,2220,269 -7347,2,0,2133,277 -7348,1,0,2155,45 -7349,1,0,1255,22 -7353,1,0,2315,85 -7353,2,1,0110,63 -7356,1,0,1945,42 -7357,1,0,2247,87 -7360,1,0,0533,39 -7361,1,0,2348,2126 -7361,2,1,0225,2525 -7362,1,0,2210,24 -7363,1,0,1530,76 -7366,1,0,2102,22 -7367,1,0,2230,48 -7367,2,1,0415,35 -7367,3,2,0330,160 -7367,4,2,0845,219 -7367,5,2,1250,242 -7368,1,0,1652,112 -7374,1,0,1900,57 -7382,1,0,2150,948 -7383,1,0,1603,216 -7383,2,1,2002,122 -7383,3,1,2109,125 -7383,4,2,0558,112 -7383,5,3,0545,97 -7384,1,0,1550,60 -7386,1,0,1855,46 -7388,1,0,1114,65 -7389,1,0,1830,72 -7389,2,1,0438,42 -7392,1,0,1811,31 -7394,1,0,1221,124 -7398,1,0,1149,29 -7400,1,0,1512,40 -7401,1,0,1746,31 -7402,1,0,1910,43 -7403,1,0,1358,20 -7404,1,0,1326,55 -7406,1,0,1817,22 -7407,1,0,1255,72 -7408,1,0,2214,31 -7409,1,0,1924,44 -7410,1,0,1437,25 -7414,1,0,1458,41 -7415,1,0,0413,30 -7416,1,0,1835,188 -7417,1,0,2205,44 -7418,1,0,1820,64 -7420,1,0,1625,24 -7421,1,0,1037,162 -7423,1,0,1731,24 -7425,1,0,2200,44 -7426,1,0,1802,169 -7426,2,0,2205,134 -7426,3,1,0214,102 -7426,4,1,0628,91 -7426,5,1,1800,75 -7427,1,0,1816,59 -7428,1,0,0727,32 -7429,1,0,2115,44 -7429,2,2,0915,33 -7434,1,0,1242,84 -7435,1,0,0359,36 -7436,1,0,2011,54 -7436,2,1,0130,209 -7436,3,1,0416,260 -7436,4,1,0330,241 -7436,5,2,0400,150 -7438,1,0,0253,57 -7440,1,0,1205,61 -7442,1,0,1610,44 -7443,1,0,2053,110 -7445,1,0,1814,30 -7446,1,4,1333,23 -7447,1,0,2135,43 -7449,1,0,1927,76 -7450,1,0,1910,42 -7451,1,0,2250,43 -7455,1,1,1204,51 -7455,2,2,0505,40 -7455,3,2,1805,33 -7455,4,3,0640,31 -7455,5,4,0625,26 -7456,1,0,1349,40 -7458,1,0,1715,49 -7460,1,0,1827,45 -7462,1,0,1738,61 -7464,1,0,1600,30 -7466,1,0,1916,43 -7467,1,0,0739,42 -7468,1,0,2103,61 -7469,1,0,1850,54 -7471,1,0,1651,42 -7472,1,0,2244,53 -7473,1,0,1725,55 -7474,1,0,1730,381 -7475,1,0,2315,44 -7478,1,0,1823,27 -7478,2,1,0400,34 -7478,3,7,0400,31 -7483,1,0,2153,38 -7484,1,0,2124,50 -7486,1,0,0817,341 -7486,2,0,1750,230 -7486,3,7,0539,46 -7487,1,1,0140,26 -7488,1,0,1740,45 -7489,1,0,1800,50 -7490,1,0,1724,32 -7491,1,0,1457,45 -7492,1,0,1611,29 -7493,1,0,1623,103 -7493,2,0,1720,90 -7495,1,0,1458,16 -7496,1,0,2137,59 -7498,1,0,0247,61 -7499,1,0,1450,37 -7503,1,0,1040,24 -7504,1,0,0230,34 -7505,1,0,2346,26 -7507,1,0,0252,32 -7508,1,0,1629,39 -7509,1,0,1525,25 -7510,1,0,2010,39 -7512,1,0,1341,32 -7513,1,0,1858,19 -7515,1,0,1829,95 -7517,1,0,1503,46 -7517,2,0,2321,43 -7517,3,1,0754,64 -7517,4,2,1350,79 -7517,5,3,0656,58 -7518,1,0,2112,118 -7518,2,1,0431,72 -7518,3,2,0513,999 -7520,1,0,2015,24 -7521,1,0,1849,48 -7522,1,0,1516,20 -7524,1,0,2215,94 -7524,2,1,0953,85 -7525,1,0,1759,36 -7526,1,0,1853,50 -7527,1,0,1718,36 -7528,1,0,2348,33 -7528,2,1,0549,20 -7529,1,0,2046,246 -7531,1,0,1940,552 -7532,1,0,1250,1027 -7532,2,0,1800,716 -7532,3,0,1902,695 -7532,4,1,2000,457 -7532,5,2,0430,389 -7533,1,0,1920,76 -7537,1,0,2112,70 -7538,1,0,1620,33 -7539,1,0,2340,60 -7540,1,0,1605,82 -7540,2,1,0419,39 -7540,3,5,0514,22 -7542,1,0,2117,39 -7543,1,0,1831,416 -7547,1,0,1145,37 -7549,1,0,1002,33 -7551,1,1,0117,38 -7552,1,0,0616,43 -7554,1,0,0200,32 -7556,1,0,1438,25 -7557,1,0,1147,38 -7558,1,0,1643,37 -7560,1,0,1330,26 -7563,1,0,2218,29 -7564,1,0,0829,117 -7566,1,0,1110,77 -7567,1,0,1854,41 -7568,1,0,2020,252 -7568,2,1,0405,181 -7570,1,0,1816,28 -7572,1,0,1428,43 -7573,1,0,2113,25 -7575,1,0,1325,970 -7575,2,3,1610,45 -7577,1,0,1056,32 -7578,1,0,1745,27 -7579,1,0,0845,34 -7581,1,0,1757,43 -7582,1,0,1714,156 -7583,1,0,1759,19 -7584,1,1,0126,31 -7585,1,-1,2140,15 -7587,1,0,1339,37 -7589,1,0,2106,31 -7590,1,1,0005,23 -7591,1,0,1550,128 -7594,1,0,1740,64 -7595,1,0,1800,34 -7598,1,0,1258,29 -7600,1,0,1830,25 -7601,1,0,1400,38 -7602,1,0,1830,197 -7602,2,1,1056,114 -7604,1,0,2100,51 -7607,1,0,1224,43 -7608,1,0,1857,244 -7610,1,0,1117,26 -7611,1,0,0240,608 -7612,1,0,2214,145 -7613,1,0,2121,44 -7614,1,0,1728,303 -7616,1,0,2050,205 -7616,2,1,0420,115 -7618,1,0,1658,41 -7620,1,0,0425,43 -7624,1,0,1714,31 -7625,1,0,0408,42 -7627,1,0,1534,44 -7628,1,0,1120,48 -7629,1,0,1630,664 -7630,1,0,1657,106 -7631,1,0,2114,48 -7632,1,0,2034,51 -7633,1,0,1630,75 -7636,1,0,1650,284 -7637,1,0,2035,36 -7639,1,0,2100,40 -7641,1,0,1845,247 -7641,2,1,2205,78 -7643,1,0,0924,647 -7643,2,1,0400,390 -7644,1,0,1824,31 -7645,1,0,2330,30 -7647,1,0,1546,119 -7648,1,0,2100,33 -7649,1,0,1521,72 -7651,1,0,1005,276 -7651,2,1,0630,79 -7653,1,0,2045,47 -7654,1,0,2021,18 -7656,1,0,1415,32 -7657,1,0,2138,62 -7658,1,0,1515,62 -7660,1,0,1620,351 -7660,2,1,0926,103 -7661,1,0,2102,20 -7663,1,0,2149,35 -7664,1,0,1522,85 -7667,1,0,1949,34 -7669,1,0,2001,39 -7671,1,0,2112,20 -7673,1,0,1714,53 -7675,1,0,1457,53 -7676,1,0,1557,66 -7678,1,0,1736,20 -7679,1,0,2035,18 -7680,1,0,1620,62 -7683,1,0,2316,43 -7684,1,0,1857,30 -7686,1,0,2134,211 -7687,1,0,1649,41 -7688,1,0,1959,26 -7689,1,0,0505,29 -7690,1,0,2336,31 -7691,1,0,2118,37 -7694,1,0,1802,26 -7695,1,0,1646,44 -7696,1,0,2017,106 -7696,2,1,1110,131 -7697,1,0,2020,57 -7698,1,0,1550,60 -7699,1,0,1716,29 -7702,1,0,2130,52 -7703,1,0,1036,23 -7706,1,0,1550,47 -7707,1,0,1909,23 -7708,1,1,0120,26 -7709,1,0,2245,186 -7710,1,0,2033,38 -7711,1,0,2200,32 -7711,2,1,0712,25 -7712,1,0,1133,80 -7713,1,0,2025,34 -7714,1,0,1820,37 -7715,1,1,0045,56 -7716,1,0,1957,36 -7717,1,0,1849,102 -7719,1,0,2234,29 -7720,1,0,1332,26 -7721,1,0,2155,30 -7723,1,0,2118,38 -7724,1,0,1358,56 -7725,1,0,1220,36 -7726,1,0,1717,36 -7727,1,0,0323,25 -7729,1,0,1858,107 -7729,2,6,0915,27 -7732,1,0,0824,91 -7733,1,0,1335,53 -7739,1,0,1045,75 -7740,1,0,0930,25 -7742,1,0,1831,35 -7743,1,0,1700,54 -7743,2,1,0000,67 -7743,3,1,0530,46 -7744,1,0,1750,34 -7745,1,0,1743,44 -7746,1,0,2125,23 -7747,1,0,0430,486 -7748,1,0,1556,350 -7750,1,0,1845,61 -7752,1,0,1930,30 -7753,1,0,1850,21 -7754,1,0,1200,40 -7755,1,0,1407,59 -7756,1,0,1035,37 -7757,1,0,2230,26 -7759,1,0,1702,74 -7761,1,0,2059,24 -7764,1,0,1636,26 -7766,1,1,0055,22 -7767,1,0,2013,35 -7770,1,0,1137,32 -7772,1,0,1340,32 -7775,1,0,0453,42 -7776,1,0,2121,31 -7777,1,0,1139,35 -7779,1,0,1650,38 -7783,1,0,1643,10 -7786,1,0,2057,37 -7788,1,0,0309,28 -7789,1,0,2054,42 -7790,1,0,1500,82 -7791,1,0,1536,36 -7792,1,0,2104,53 -7796,1,0,0920,40 -7799,1,0,1950,127 -7800,1,0,1738,34 -7802,1,0,1217,109 -7803,1,0,1007,33 -7804,1,0,1730,59 -7805,1,0,1745,41 -7806,1,0,2250,39 -7808,1,0,1320,42 -7809,1,0,1436,44 -7812,1,0,1342,43 -7813,1,0,1617,69 -7815,1,0,1948,129 -7816,1,0,1900,142 -7817,1,0,1900,52 -7821,1,0,1621,31 -7822,1,0,0145,28 -7823,1,0,1613,26 -7825,1,0,1314,265 -7827,1,0,1828,44 -7828,1,0,2044,38 -7829,1,0,1338,39 -7832,1,0,2121,34 -7832,2,1,0441,66 -7832,3,1,1814,66 -7832,4,2,0640,56 -7832,5,3,0647,61 -7833,1,0,2037,38 -7836,1,1,0115,23 -7837,1,0,1951,22 -7838,1,0,1744,238 -7838,2,1,0251,256 -7839,1,0,0402,66 -7842,1,0,1310,51 -7843,1,0,1052,22 -7848,1,0,1509,62 -7849,1,0,1532,29 -7851,1,0,1951,45 -7853,1,0,1854,671 -7853,2,1,0430,357 -7854,1,0,1850,116 -7855,1,0,1653,23 -7857,1,0,0039,47 -7857,2,0,0605,33 -7859,1,0,2052,245 -7859,2,0,2154,263 -7859,3,1,0500,137 -7860,1,0,0031,63 -7862,1,0,1925,22 -7863,1,0,1848,26 -7864,1,0,1911,25 -7865,1,1,0128,34 -7866,1,0,1425,50 -7868,1,0,1510,103 -7869,1,0,2103,28 -7870,1,0,2035,33 -7871,1,0,0746,45 -7872,1,0,2250,39 -7873,1,0,2251,51 -7873,2,1,0614,67 -7873,3,2,0549,85 -7873,4,4,0545,66 -7873,5,5,0709,50 -7877,1,0,2132,34 -7880,1,0,1050,27 -7881,1,0,1822,38 -7882,1,0,1739,35 -7883,1,0,2324,31 -7883,2,1,0657,25 -7885,1,0,2230,34 -7886,1,0,2024,37 -7887,1,0,2251,102 -7888,1,0,1618,25 -7888,2,0,2030,23 -7888,3,1,0626,28 -7888,4,2,0605,25 -7888,5,3,0625,41 -7890,1,0,2117,51 -7891,1,0,1413,37 -7892,1,0,2259,40 -7893,1,0,2215,34 -7895,1,0,1045,24 -7896,1,0,1337,43 -7898,1,0,1339,32 -7899,1,0,0334,73 -7900,1,0,2000,30 -7902,1,0,1649,29 -7903,1,0,1658,262 -7904,1,0,1930,73 -7905,1,0,1506,37 -7907,1,0,1609,31 -7910,1,0,1614,48 -7911,1,0,1730,22 -7912,1,0,1810,34 -7913,1,0,0418,34 -7914,1,0,1830,134 -7914,2,1,0155,75 -7916,1,0,2001,23 -7920,1,0,2044,30 -7922,1,0,2300,42 -7923,1,0,1613,32 -7925,1,0,1530,55 -7926,1,0,0248,150 -7926,2,0,1200,89 -7926,3,0,1740,65 -7927,1,0,1725,48 -7928,1,0,2000,60 -7928,2,1,1446,45 -7929,1,0,1711,74 -7930,1,0,0830,33 -7933,1,0,1815,23 -7934,1,0,2005,34 -7935,1,0,2310,20 -7937,1,0,1759,34 -7937,2,0,1941,36 -7938,1,0,1655,184 -7939,1,0,1815,50 -7939,2,5,0313,33 -7940,1,0,2000,111 -7941,1,0,1850,36 -7942,1,0,1600,35 -7944,1,0,1801,71 -7945,1,0,1841,73 -7949,1,0,1840,22 -7950,1,0,1820,84 -7951,1,0,1425,36 -7953,1,0,1640,37 -7954,1,0,2025,118 -7957,1,0,1156,44 -7958,1,0,1245,29 -7958,2,1,0600,61 -7961,1,0,1634,21 -7962,1,0,1617,30 -7963,1,0,2328,22 -7965,1,0,2238,52 -7966,1,0,2310,19 -7968,1,0,2000,38 -7969,1,0,2240,83 -7970,1,0,0140,112 -7971,1,0,2040,28 -7972,1,0,2138,308 -7974,1,0,1825,61 -7974,2,0,1900,27 -7975,1,0,2142,51 -7978,1,0,1756,54 -7979,1,0,1828,35 -7981,1,0,1523,37 -7983,1,0,2206,32 -7985,1,0,1820,29 -7986,1,0,1441,40 -7988,1,0,0300,48 -7990,1,0,2112,42 -7993,1,0,0111,17 -7995,1,0,0629,51 -7998,1,0,1701,21 -7999,1,0,2032,40 -7999,2,0,2206,30 -7999,3,0,2327,40 -7999,4,1,0421,72 -7999,5,1,1541,32 -8000,1,0,0934,19 -8002,1,0,1815,33 -8003,1,0,1612,96 -8005,1,0,2146,31 -8006,1,0,1626,42 -8008,1,0,1605,19 -8009,1,0,2055,33 -8010,1,0,2010,69 -8011,1,0,0200,138 -8013,1,0,1950,57 -8013,2,0,2120,53 -8014,1,0,1655,28 -8016,1,0,1815,51 -8017,1,0,2215,396 -8021,1,0,0816,44 -8023,1,0,2013,40 -8031,1,0,2314,48 -8032,1,0,2110,1287 -8032,2,5,0200,60 -8033,1,0,1530,29 -8034,1,0,1658,66 -8036,1,0,1926,35 -8037,1,0,2054,68 -8037,2,1,1744,34 -8039,1,0,1928,26 -8041,1,1,0515,28 -8042,1,0,0716,348 -8042,2,0,1307,238 -8042,3,0,1705,214 -8042,4,0,2113,168 -8042,5,1,0144,137 -8043,1,0,0940,23 -8044,1,0,0936,33 -8045,1,0,2028,35 -8046,1,0,1801,39 -8048,1,0,2010,75 -8049,1,0,0934,21 -8050,1,0,2106,322 -8051,1,0,2030,25 -8054,1,0,2026,48 -8058,1,0,1258,33 -8059,1,0,1850,23 -8060,1,0,1651,48 -8061,1,0,1948,44 -8061,2,1,0600,42 -8065,1,0,0537,58 -8067,1,1,0219,41 -8068,1,0,1331,32 -8072,1,0,2345,38 -8073,1,0,2320,61 -8074,1,0,2143,5.9 -8075,1,0,0150,37 -8078,1,0,1912,49 -8080,1,0,1234,63 -8081,1,0,1112,36 -8083,1,0,1745,112 -8084,1,0,1809,44 -8085,1,0,1747,49 -8086,1,0,2144,45 -8087,1,0,0159,46 -8088,1,0,1835,43 -8089,1,1,1600,27 -8090,1,0,0235,24 -8091,1,0,1305,125 -8094,1,0,1105,39 -8096,1,0,0050,26 -8097,1,0,1721,131 -8099,1,0,1738,58 -8100,1,0,1842,21 -8101,1,0,1233,24 -8103,1,0,1615,44 -8106,1,0,1854,21 -8107,1,0,1859,824 -8107,2,1,0201,462 -8107,3,1,0945,229 -8109,1,0,1810,55 -8110,1,0,2305,29 -8112,1,0,2040,115 -8113,1,0,2035,49 -8117,1,0,0856,20 -8118,1,0,2214,80 -8119,1,0,1448,52 -8120,1,0,1638,51 -8121,1,0,2146,33 -8122,1,0,1617,116 -8123,1,0,1745,23 -8124,1,0,1750,678 -8124,2,1,0350,288 -8126,1,0,2031,68 -8127,1,0,0410,69 -8129,1,0,1817,26 -8130,1,0,2048,46 -8131,1,0,2200,44 -8133,1,0,1742,41 -8141,1,2,0435,20 -8142,1,0,1933,66 -8143,1,0,1357,56 -8145,1,0,2003,34 -8147,1,0,1408,34 -8149,1,0,1011,104 -8151,1,0,1010,266 -8154,1,0,1932,84 -8155,1,0,0155,24 -8156,1,1,0048,34 -8157,1,0,1804,50 -8158,1,0,1811,58 -8159,1,0,1942,46 -8159,2,1,0433,32 -8160,1,0,2242,41 -8160,2,1,1612,26 -8161,1,0,1955,38 -8162,1,0,1954,54 -8163,1,0,1852,45 -8164,1,0,2120,237 -8164,2,1,1139,236 -8165,1,0,1710,84 -8166,1,0,2105,36 -8167,1,0,1535,96 -8169,1,0,1633,358 -8170,1,0,1505,30 -8172,1,0,1908,107 -8175,1,0,1653,241 -8175,2,1,0427,154 -8175,3,2,0612,74 -8175,4,3,0543,41 -8175,5,4,0531,36 -8177,1,0,1836,44 -8179,1,0,2030,55 -8182,1,0,2345,32 -8183,1,0,1905,63 -8186,1,0,1720,35 -8187,1,0,1819,134 -8191,1,0,1205,29 -8192,1,0,2210,921 -8192,2,1,0200,513 -8192,3,2,0400,74 -8192,4,3,0330,39 -8192,5,4,1242,27 -8193,1,0,1808,17 -8194,1,0,1605,62 -8194,2,6,0807,30 -8196,1,0,1745,33 -8197,1,0,2010,19 -8198,1,1,1700,46 -8201,1,0,0115,24 -8202,1,0,1709,124 -8202,2,0,2253,66 -8202,3,1,0210,75 -8202,4,1,1645,150 -8203,1,0,2137,26 -8204,1,0,1750,35 -8208,1,0,1521,31 -8209,1,0,1458,39 -8210,1,0,2018,37 -8212,1,0,1758,323 -8212,2,1,0428,191 -8213,1,0,1920,47 -8214,1,0,2206,90 -8216,1,0,1327,54 -8220,1,0,1826,480 -8221,1,0,1420,230 -8222,1,0,1557,42 -8222,2,0,2106,43 -8223,1,0,1819,28 -8225,1,0,1455,25 -8227,1,0,1530,33 -8228,1,0,1742,199 -8228,2,1,0419,105 -8233,1,0,2158,51 -8234,1,0,1746,34 -8237,1,0,2015,43 -8238,1,0,2010,36 -8239,1,0,2320,25 -8240,1,0,0235,29 -8241,1,0,1338,71 -8242,1,0,2100,43 -8243,1,0,1711,22 -8245,1,0,1611,141 -8248,1,0,2217,35 -8249,1,0,1140,247 -8249,2,2,2313,25 -8252,1,0,2115,37 -8254,1,0,2325,168 -8255,1,0,1644,131 -8256,1,0,2304,24 -8257,1,0,1446,70 -8257,2,1,1701,74 -8258,1,0,1628,31 -8260,1,0,2106,852 -8260,2,1,0630,355 -8261,1,0,1300,245 -8262,1,0,1005,162 -8262,2,0,1130,119 -8262,3,1,0002,153 -8262,4,1,2049,187 -8262,5,2,0541,177 -8265,1,0,1536,33 -8266,1,1,0049,195 -8266,2,1,1805,139 -8267,1,0,2202,29 -8268,1,0,2035,41 -8272,1,0,2223,62 -8273,1,0,1300,27 -8274,1,0,1148,23 -8275,1,0,0840,52 -8278,1,0,2014,41 -8280,1,0,1249,54 -8281,1,0,1910,52 -8281,2,1,0917,45 -8283,1,0,1303,766 -8286,1,0,1530,39 -8288,1,0,0245,58 -8288,2,6,0230,23 -8289,1,0,0922,32 -8291,1,0,1212,27 -8292,1,0,2222,43 -8293,1,0,1800,62 -8293,2,1,1300,41 -8294,1,0,1715,25 -8295,1,0,2035,31 -8298,1,0,1350,288 -8299,1,0,0920,193 -8302,1,0,1825,53 -8303,1,0,2045,38 -8304,1,0,1920,24 -8305,1,0,2004,33 -8306,1,0,0624,21 -8309,1,0,1527,58 -8310,1,0,1615,37 -8310,2,1,0700,31 -8311,1,0,2143,51 -8312,1,0,1500,37 -8314,1,1,0004,37 -8314,2,4,1640,33 -8315,1,0,1857,35 -8317,1,0,1830,343 -8318,1,0,1830,40 -8320,1,0,1812,36 -8321,1,0,1743,32 -8322,1,0,2025,607 -8322,2,1,0420,416 -8322,3,3,0540,189 -8323,1,0,1920,68 -8324,1,0,1800,25 -8326,1,0,1049,124 -8328,1,0,1825,36 -8329,1,0,2045,77 -8331,1,0,1935,23 -8334,1,0,1402,16 -8335,1,0,1704,52 -8337,1,1,0005,46 -8339,1,0,2043,103 -8340,1,0,1639,327 -8341,1,0,1415,87 -8346,1,0,1606,108 -8348,1,0,2220,12 -8349,1,0,1840,49 -8350,1,0,1400,51 -8351,1,1,0001,25 -8354,1,0,1620,48 -8358,1,1,0600,78 -8360,1,0,1650,41 -8361,1,1,1520,330 -8361,2,1,2045,338 -8361,3,2,0320,387 -8362,1,0,2345,39 -8363,1,0,1640,145 -8366,1,2,0707,112 -8368,1,0,1546,773 -8369,1,1,0105,28 -8370,1,0,1507,21 -8372,1,1,0220,67 -8375,1,0,0301,96 -8377,1,1,0137,63 -8379,2,1,0930,52 -8384,1,0,1246,29 -8386,1,1,0125,42 -8386,2,4,0400,38 -8386,3,5,0430,39 -8389,1,0,1137,72 -8389,2,1,0850,53 -8391,1,0,1300,43 -8392,1,0,1745,63 -8393,1,0,1533,49 -8397,1,0,1330,44 -8398,1,0,1528,60 -8399,1,0,1555,17 -8400,1,0,1440,44 -8401,1,0,2039,51 -8401,2,1,0621,25 -8402,1,0,1930,54 -8403,1,0,2055,103 -8404,1,0,2327,35 -8405,1,0,0704,54 -8409,1,0,1631,86 -8410,1,0,2000,46 -8411,1,0,0158,32 -8412,1,0,0326,26 -8413,1,0,2258,43 -8417,1,0,2000,31 -8419,1,0,1745,33 -8420,1,0,1825,53 -8422,1,0,2019,137 -8424,1,0,2239,29 -8425,1,1,0410,16 -8425,2,0,0125,33 -8428,1,0,1730,76 -8428,2,0,1847,76 -8428,3,1,0815,79 -8428,4,1,2146,78 -8429,1,0,1615,67 -8430,1,0,1602,136 -8431,1,0,2001,32 -8432,1,0,2107,30 -8435,1,0,1911,39 -8436,1,0,1449,53 -8436,2,0,1702,61 -8438,1,0,2153,30 -8438,2,1,0423,34 -8438,3,2,0709,37 -8439,1,0,2201,37 -8441,1,0,1115,78 -8441,2,0,1738,65 -8443,1,0,1208,34 -8446,1,0,1700,32 -8450,1,0,1703,130 -8451,1,0,1247,502 -8451,2,1,0332,230 -8451,3,2,0540,167 -8451,4,3,0417,86 -8451,5,4,0454,59 -8452,1,0,1940,29 -8453,1,0,1731,50 -8455,1,0,1545,53 -8455,2,1,1230,41 -8455,3,4,1030,57 -8457,1,0,1930,19 -8458,1,0,0753,7420 -8458,2,1,0400,2579 -8460,1,0,1120,40 -8461,1,0,0927,25 -8462,1,0,1326,454 -8466,1,0,1830,58 -8467,1,0,1700,39 -8469,1,0,0943,63 -8474,1,0,1727,39 -8475,1,0,1707,50 -8476,1,0,1550,30 -8477,1,0,1517,25 -8481,1,0,2243,53 -8481,2,1,0800,46 -8482,1,0,0714,47 -8483,1,0,0643,35 -8485,1,0,1412,25 -8488,1,0,1749,112 -8488,2,1,0130,78 -8488,3,1,0347,79 -8488,4,1,0455,67 -8488,5,2,0400,56 -8489,1,0,2125,112 -8489,2,1,0755,79 -8491,1,0,1805,34 -8492,1,0,2123,33 -8493,1,0,0735,50 -8493,2,0,1021,47 -8493,3,3,0839,45 -8493,4,4,1652,32 -8493,5,5,2309,31 -8495,1,0,2315,57 -8496,1,0,0300,32 -8498,1,0,1520,112 -8499,1,0,2211,38 -8500,1,0,2020,89 -8501,1,0,2100,501 -8501,2,1,0025,252 -8501,3,1,0240,213 -8502,1,0,2137,17 -8505,1,0,1741,39 -8506,1,0,2312,24 -8507,1,0,2306,34 -8508,1,0,0330,18 -8509,1,0,1850,148 -8510,1,0,1646,27 -8512,1,0,1817,67 -8513,1,0,2031,41 -8516,1,0,1200,87 -8517,1,0,1640,22 -8518,1,0,1426,35 -8520,1,0,0424,28 -8522,1,0,1351,39 -8523,1,0,1914,57 -8530,1,0,1316,31 -8532,1,0,2145,41 -8535,1,0,1335,28 -8539,1,0,1623,32 -8541,1,0,1816,43 -8542,1,0,1800,35 -8543,1,0,1550,20 -8545,1,0,2104,110 -8545,2,1,0113,69 -8546,1,0,2310,60 -8547,1,0,1945,340 -8547,2,1,0800,163 -8548,1,0,1328,40 -8548,2,1,0423,32 -8549,1,0,1734,24 -8551,1,4,1440,42 -8553,1,0,1910,492 -8554,1,0,0324,39 -8555,1,0,1700,126 -8555,2,1,0020,133 -8555,3,1,0556,120 -8557,1,0,2237,55 -8558,1,0,1930,29 -8560,1,0,0552,49 -8561,1,0,1955,61 -8568,1,0,2030,26 -8571,1,0,2028,41 -8573,1,1,0121,45 -8574,2,0,1644,301 -8574,3,1,0739,153 -8574,4,2,0659,82 -8576,1,0,1540,77 -8577,1,0,2210,89 -8578,1,0,1325,51 -8579,1,0,1435,52 -8580,1,0,1940,51 -8581,1,0,2240,53 -8582,1,0,2133,33 -8583,1,0,1740,47 -8584,1,0,1845,34 -8586,1,0,0958,19 -8587,1,0,1841,68 -8588,1,0,2248,40 -8589,1,0,1730,20 -8590,1,0,0538,32 -8594,1,0,1753,30 -8599,1,0,2113,27 -8601,1,0,1622,44 -8602,1,0,2314,34 -8604,1,0,2153,55 -8609,1,0,1427,38 -8610,1,0,1754,32 -8611,1,0,1510,310 -8611,2,1,0627,125 -8611,3,2,0528,69 -8611,4,3,0553,57 -8611,5,4,0547,36 -8613,1,0,0302,100 -8615,1,0,2225,46 -8616,1,0,1354,59 -8616,2,1,0400,70 -8616,3,2,0400,70 -8616,4,4,0425,33 -8616,5,5,0400,42 -8617,1,0,1548,125 -8618,1,0,1350,21 -8620,1,0,1422,22 -8621,1,1,0016,177 -8622,1,0,1658,87 -8624,1,0,0348,56 -8626,1,0,1050,36 -8628,1,0,1955,332 -8629,1,0,2053,43 -8630,1,0,0824,36 -8633,1,0,1546,67 -8634,1,0,1827,29 -8636,1,0,1056,31 -8640,1,0,1926,49 -8641,1,0,1328,57 -8643,1,0,1544,46 -8646,1,0,1805,60 -8647,1,0,1753,42 -8648,1,0,2131,41 -8649,1,1,0500,25 -8651,1,0,1200,27 -8653,1,0,1830,46 -8654,1,0,2343,69 -8656,1,0,2015,32 -8657,1,0,2002,630 -8660,1,0,2108,275 -8660,2,1,0608,132 -8661,1,0,2126,36 -8664,1,0,1939,47 -8665,1,0,2050,47 -8666,1,0,2056,44 -8667,1,0,1503,110 -8668,1,0,1816,28 -8669,1,0,1920,98 -8669,2,1,0605,91 -8670,1,0,1951,44 -8673,1,1,0100,64 -8674,1,0,1317,28 -8675,1,0,2133,74 -8676,1,0,1250,24 -8677,1,0,1545,35 -8678,1,0,0123,19 -8679,1,0,2101,39 -8680,1,0,1600,22 -8683,1,0,1852,24 -8688,1,0,0930,38 -8690,1,0,2155,60 -8692,1,0,1510,120 -8693,1,0,2101,41 -8694,1,0,1722,53 -8695,1,0,1932,76 -8696,1,0,0740,77 -8697,1,0,1230,34 -8698,1,0,1638,62 -8699,1,0,2108,123 -8704,1,0,2300,704 -8704,2,1,0440,703 -8704,3,2,0409,1298 -8704,4,3,0429,717 -8704,5,4,0405,320 -8705,1,0,1208,26 -8708,1,0,1924,51 -8709,1,0,1340,49 -8711,1,0,1435,24 -8714,1,0,1410,68 -8714,2,2,0350,50 -8715,1,0,2019,43 -8720,1,0,0836,26 -8721,1,0,1239,45 -8722,1,0,1753,36 -8725,1,1,0140,68 -8725,2,2,0100,39 -8725,3,3,0230,26 -8725,4,4,0130,22 -8727,1,0,0040,29 -8728,2,2,0025,52 -8728,3,2,0415,65 -8728,4,3,0415,39 -8729,1,0,1926,210 -8729,2,1,1235,88 -8730,1,0,2140,40 -8732,1,0,1430,98 -8734,1,0,1423,30 -8736,1,0,2028,16 -8737,1,0,1855,34 -8738,1,0,1609,53 -8739,1,0,1918,28 -8740,1,0,2059,46 -8743,1,0,2205,39 -8747,1,0,1447,35 -8748,1,0,1756,34 -8750,1,0,1230,327 -8751,1,0,2230,33 -8752,1,0,1132,91 -8754,1,0,0310,426 -8754,2,0,0725,489 -8754,3,0,1245,482 -8754,4,1,0400,826 -8754,5,1,1220,1273 -8755,1,0,1345,48 -8756,1,0,2100,32 -8757,1,0,0328,35 -8758,1,0,2032,56 -8759,1,0,0035,826 -8760,1,0,1400,162 -8764,1,0,2020,39 -8765,1,0,1533,67 -8766,1,0,1410,40 -8768,1,0,1015,37 -8769,1,0,0230,51 -8771,1,0,1830,47 -8772,1,0,2359,44 -8774,1,0,2100,148 -8775,1,0,2224,32 -8778,1,0,2009,19 -8779,1,0,1650,42 -8782,1,0,1840,52 -8783,1,0,1318,69 -8784,1,0,1100,54 -8785,1,0,2236,31 -8786,1,0,1540,82 -8787,1,0,2120,31 -8788,1,0,2353,25 -8790,1,0,1653,106 -8791,1,0,1900,36 -8792,1,0,1958,51 -8793,1,0,1810,40 -8794,1,0,2332,39 -8795,1,0,2155,51 -8796,1,0,2158,58 -8797,1,0,1119,78 -8798,1,0,1631,44 -8800,1,0,1720,40 -8801,1,0,2248,28 -8802,1,0,0601,46 -8803,1,0,2056,38 -8805,1,0,1735,20 -8807,1,0,0203,45 -8808,1,0,1947,38 -8811,1,0,0320,272 -8811,2,4,0825,46 -8812,1,0,1615,34 -8814,1,0,1849,39 -8817,1,0,1501,109 -8817,2,1,0610,50 -8818,1,0,1537,116 -8820,1,0,1332,33 -8821,1,1,0605,95 -8821,2,0,2035,145 -8825,1,0,1602,35 -8826,1,0,2058,29 -8827,1,0,1701,49 -8828,1,0,1941,36 -8829,1,0,1614,39 -8830,1,0,2112,88 -8831,1,0,2213,61 -8832,1,0,1033,46 -8834,1,0,2235,71 -8834,2,1,0540,57 -8837,1,0,2100,34 -8838,1,0,1932,59 -8839,1,0,0705,24 -8840,1,0,1746,72 -8844,1,0,1750,35 -8845,1,0,1937,48 -8846,1,0,2030,27 -8848,1,0,0839,47 -8848,2,0,1827,37 -8848,3,1,0430,32 -8851,1,0,2100,73 -8851,2,1,1056,94 -8852,1,0,1902,79 -8853,1,0,1732,41 -8854,1,0,0110,33 -8856,1,0,1243,43 -8857,1,0,2000,111 -8859,1,1,0545,104 -8863,1,0,1730,20 -8865,1,0,1611,42 -8866,1,0,1605,110 -8866,2,0,2140,92 -8867,1,0,1745,42 -8868,1,0,1250,47 -8870,1,0,2209,37 -8872,1,0,2145,39 -8874,1,1,0058,33 -8875,1,0,1615,19 -8875,2,0,1822,19 -8878,1,0,0114,27 -8881,1,0,1150,38 -8884,1,0,1316,20 -8885,1,0,1528,50 -8885,2,1,0736,23 -8886,1,0,1955,34 -8887,1,0,1925,17 -8889,1,0,0246,43 -8890,1,1,0002,26 -8891,1,0,1550,21 -8893,1,0,1310,28 -8894,1,0,1447,65 -8895,1,0,1958,40 -8896,1,0,1554,47 -8897,1,0,1721,44 -8901,1,0,2010,17 -8905,1,0,0724,34 -8908,1,0,1706,31 -8908,2,0,1752,29 -8910,1,0,0730,71 -8911,1,0,0215,60 -8912,1,0,2133,37 -8913,1,0,1820,32 -8914,1,1,0015,25 -8915,1,0,1930,38 -8916,1,0,1825,27 -8918,1,0,1930,600 -8919,1,0,2022,38 -8920,1,0,1825,23 -8920,2,1,0736,29 -8922,1,0,2139,332 -8922,2,1,0410,219 -8922,3,1,1159,151 -8922,4,2,0420,85 -8923,1,0,1430,31 -8926,1,0,1519,34 -8927,1,0,2030,45 -8929,1,0,0453,20 -8930,1,0,1720,1025 -8931,1,2,0621,47 -8932,1,0,2338,51 -8934,1,0,2325,36 -8935,1,0,1628,80 -8936,1,0,1523,155 -8938,1,0,1510,27 -8941,1,0,1616,30 -8942,1,0,1841,36 -8944,1,0,0350,41 -8946,1,0,1942,61 -8946,2,0,2127,26 -8948,1,0,1520,35 -8949,1,0,1800,41 -8953,1,0,1625,26 -8954,1,0,1641,23 -8955,1,0,1700,128 -8956,1,0,1728,77 -8957,1,0,1619,24 -8960,1,0,1433,44 -8961,1,0,1315,20 -8962,1,0,1722,49 -8963,1,0,1000,51 -8964,1,0,0037,62 -8964,2,1,0300,41 -8965,1,0,2105,22 -8966,1,0,2130,20 -8967,1,0,2158,34 -8970,1,0,1827,28 -8971,1,0,1324,47 -8974,1,0,1819,43 -8974,2,0,2111,36 -8974,3,1,0142,50 -8974,4,1,1530,90 -8974,5,2,0420,97 -8976,1,0,1620,29 -8976,2,5,0030,21 -8977,1,0,0354,91 -8978,1,1,0037,39 -8982,1,0,1205,86 -8984,1,0,1750,41 -8986,1,0,2201,26 -8987,1,0,1820,36 -8988,1,0,1750,35 -8990,1,0,1915,125 -8991,1,0,1246,58 -8993,1,1,1200,32 -8995,1,0,2120,20 -8997,1,0,1620,28 -8999,1,0,1702,37 -9002,1,0,1755,174 -9004,1,0,1750,24 -9005,1,0,1240,25 -9006,1,0,1250,150 -9006,2,0,1610,99 -9006,3,1,0414,84 -9006,4,2,0258,82 -9006,5,3,0318,71 -9009,1,0,0439,28 -9010,1,0,1826,50 -9011,1,0,1430,31 -9012,1,0,1728,151 -9012,2,1,0551,57 -9013,1,0,2315,99 -9014,1,0,2048,51 -9014,2,0,2145,53 -9015,1,0,0957,27 -9016,1,0,1637,24 -9019,1,0,0806,24 -9021,1,0,0206,71 -9023,1,0,1525,84 -9024,1,0,1952,45 -9024,2,0,2236,46 -9025,1,0,0205,21 -9026,1,0,1959,202 -9026,2,0,2306,196 -9026,3,1,0546,99 -9026,4,2,0556,71 -9026,5,3,0607,42 -9028,1,0,2209,15 -9028,2,1,0017,36 -9034,1,0,1335,18 -9035,1,0,1427,27 -9036,1,0,2224,34 -9037,1,0,1520,71 -9037,2,6,1015,23 -9039,1,0,1451,39 -9042,1,0,0832,28 -9043,1,0,1411,68 -9044,1,0,0730,47 -9045,1,0,1947,24 -9046,1,0,2345,31 -9047,1,0,0056,32 -9048,1,0,1320,33 -9049,1,0,1750,27 -9050,1,0,1134,22 -9051,1,0,2051,28 -9052,1,0,1734,131 -9052,2,1,0334,81 -9052,3,2,0603,52 -9052,4,2,1540,31 -9053,1,0,1729,32 -9054,1,0,1519,30 -9056,1,0,2203,22 -9057,1,0,1950,53 -9057,2,1,0659,38 -9059,1,1,0058,28 -9061,1,0,1403,28 -9062,1,0,0940,45 -9065,1,0,1500,200 -9066,1,0,1840,45 -9069,1,0,1644,39 -9070,1,0,2000,34 -9072,1,0,1215,111 -9072,2,0,1449,141 -9072,3,1,0345,163 -9072,4,2,0340,151 -9072,5,3,0330,122 -9073,1,0,2219,21 -9074,1,0,2256,168 -9077,1,0,2250,43 -9078,1,0,0915,52 -9080,1,0,1816,46 -9083,1,0,1651,119 -9083,2,2,1921,43 -9086,1,0,1145,90 -9087,1,0,1355,65 -9088,1,0,1345,30 -9089,1,0,1811,25 -9090,1,0,1643,81 -9091,1,0,1314,26 -9093,1,0,2319,91 -9095,1,0,2043,84 -9096,1,0,1454,58 -9097,1,0,1619,39 -9098,1,0,1125,21 -9100,1,0,2202,36 -9101,1,0,1915,39 -9102,1,0,2215,47 -9103,1,0,2345,55 -9104,1,0,2011,25 -9109,1,0,2132,63 -9110,1,0,2030,27 -9111,1,0,1625,48 -9112,1,0,1750,124 -9116,1,1,0403,253 -9117,1,0,2200,51 -9117,2,1,1000,73 -9117,3,1,1405,89 -9118,1,0,1946,28 -9118,2,1,0300,40 -9118,3,2,0200,21 -9121,1,0,1950,26 -9122,1,0,2035,34 -9126,1,1,0037,59 -9131,1,0,1447,55 -9134,1,0,1639,48 -9135,1,0,2111,108 -9136,1,0,1545,57 -9138,1,0,1020,34 -9138,2,1,0525,27 -9141,1,0,0958,42 -9142,1,0,2141,40 -9143,1,0,2020,910 -9145,1,0,1820,34 -9146,1,0,0226,25 -9146,2,1,0607,22 -9149,1,0,1440,61 -9150,1,0,1940,25 -9152,1,0,0425,58 -9153,1,0,1340,55 -9154,1,1,0130,26 -9155,1,0,0729,40 -9156,1,0,1500,27 -9158,1,0,1045,31 -9161,1,0,1345,23 -9162,1,0,2035,37 -9165,1,0,2313,48 -9166,1,0,2040,120 -9166,2,1,1023,72 -9170,1,0,0400,19 -9171,1,0,2113,40 -9173,1,0,0914,45 -9173,2,0,1104,39 -9174,1,0,2157,78 -9177,1,0,1650,21 -9178,1,0,2008,2251 -9178,2,1,0355,2125 -9179,1,0,1410,40 -9181,1,0,2245,35 -9182,1,0,1521,35 -9184,1,0,1740,59 -9185,1,0,2250,33 -9186,1,0,2028,126 -9187,1,0,2050,393 -9188,1,0,1719,25 -9191,1,0,2026,42 -9193,1,0,1450,18 -9194,1,0,1814,40 -9197,1,0,1005,34 -9197,2,1,0600,43 -9201,1,0,0140,22 -9202,1,0,2115,34 -9203,1,0,1606,3189 -9203,2,1,0400,919 -9203,3,2,0400,218 -9204,1,0,2046,58 -9206,1,0,1817,281 -9207,1,0,1540,49 -9208,1,0,2315,40 -9210,1,0,1812,123 -9214,1,0,1921,24 -9215,1,0,0128,101 -9215,2,0,0617,93 -9215,3,0,0939,94 -9215,4,0,1220,89 -9215,5,0,2000,115 -9216,1,0,1809,178 -9216,2,1,1250,83 -9216,3,3,1135,67 -9217,1,0,2000,37 -9218,1,0,1051,45 -9219,1,0,2020,276 -9220,1,0,0050,47 -9220,2,0,0750,50 -9221,1,0,2145,37 -9222,1,0,1341,53 -9224,1,0,0750,169 -9224,2,1,0800,48 -9224,3,2,0842,28 -9225,1,0,1440,52 -9226,1,0,1105,18 -9227,1,0,1915,300 -9230,1,1,0610,83 -9230,2,1,0715,69 -9233,1,0,1151,105 -9235,1,0,1941,28 -9236,1,0,1536,47 -9237,1,0,1145,320 -9238,1,0,1734,34 -9239,1,0,1800,26 -9240,1,0,2007,27 -9242,1,0,1643,34 -9243,1,0,2225,26 -9245,1,0,0547,24 -9245,2,1,0343,40 -9246,1,0,2039,37 -9246,2,1,0213,30 -9247,1,0,2352,46 -9248,1,0,0921,45 -9251,1,0,1615,38 -9256,1,0,1652,70 -9257,1,0,1814,36 -9260,1,0,1705,60 -9262,1,0,1353,75 -9265,1,0,1650,24 -9266,1,0,1055,25 -9268,1,0,1802,28 -9270,1,0,1614,40 -9271,1,0,1600,48 -9272,1,0,1557,62 -9273,1,0,1859,39 -9276,1,0,0958,29 -9277,1,0,1655,37 -9279,1,0,1916,43 -9280,1,0,2245,33 -9282,1,0,0912,57 -9282,2,1,0626,40 -9282,3,1,0924,38 -9283,1,0,2247,39 -9284,1,0,2125,24 -9285,1,1,0456,396 -9286,1,0,1214,40 -9288,1,0,1830,26 -9289,1,0,1352,31 -9289,2,0,1418,31 -9292,1,0,2248,27 -9293,1,0,1739,57 -9294,1,0,1450,48 -9295,1,0,0442,42 -9295,2,0,1836,46 -9296,1,0,1747,91 -9298,1,0,0941,91 -9298,2,3,0718,36 -9299,1,0,1632,27 -9300,1,0,1225,334 -9300,2,1,0448,2443 -9300,3,2,0425,6659 -9300,4,3,0358,1362 -9300,5,3,1150,1111 -9302,1,1,0054,40 -9303,1,1,0111,43 -9306,1,0,1854,62 -9307,1,1,0034,29 -9308,1,0,2012,31 -9309,1,0,2153,37 -9310,1,0,0850,116 -9311,1,0,2145,25 -9312,1,0,1922,72 -9313,1,0,2129,57 -9314,1,0,1650,30 -9315,1,1,0845,314 -9315,2,1,1900,202 -9315,3,2,0400,208 -9315,4,3,0555,130 -9316,1,0,1915,28 -9318,1,0,1645,28 -9319,1,1,0220,31 -9320,1,0,1355,58 -9321,1,0,2036,122 -9323,1,0,1616,468 -9323,2,0,2235,349 -9323,3,1,0606,206 -9323,4,1,1148,182 -9329,1,0,1125,52 -9331,1,0,2343,31 -9332,1,0,2253,69 -9335,1,0,2120,45 -9336,1,0,2052,639 -9336,2,1,1130,150 -9339,1,0,1536,29 -9340,1,0,1530,27 -9343,1,1,0800,29 -9343,2,5,1440,44 -9346,1,0,2345,14 -9347,1,1,1130,33 -9348,1,0,1301,49 -9350,1,0,1350,43 -9351,1,0,1840,25 -9352,1,0,1525,29 -9353,1,0,1740,37 -9354,1,0,1500,89 -9354,2,1,0630,59 -9355,1,1,0842,27 -9357,1,0,1600,79 -9358,1,0,2140,36 -9361,1,0,1526,51 -9365,1,0,1421,52 -9366,1,0,0105,29 -9369,1,0,0020,45 -9370,1,0,1950,89 -9374,1,1,0215,25 -9375,1,0,1016,34 -9376,1,0,1938,49 -9376,2,1,0630,44 -9377,1,0,1320,57 -9378,1,0,1904,26 -9380,1,0,1753,163 -9382,1,0,1245,60 -9383,1,0,1740,78 -9384,1,0,1731,32 -9390,1,0,1132,42 -9392,1,0,2054,72 -9393,1,1,0813,36 -9396,1,0,1510,81 -9397,1,0,1910,31 -9398,1,0,1515,67 -9399,1,0,0301,24 -9399,2,0,2122,22 -9401,1,0,1816,28 -9403,1,0,1753,58 -9404,1,0,1529,24 -9405,1,0,1429,24 -9406,1,0,2035,17 -9407,1,0,2048,33 -9409,1,0,1851,41 -9410,1,0,2340,60 -9411,1,0,1925,27 -9412,1,0,1657,43 -9413,1,0,1835,41 -9414,1,0,1859,38 -9415,1,0,2300,227 -9415,2,1,0230,116 -9415,3,1,1530,80 -9415,4,2,0330,67 -9415,5,2,1600,63 -9416,1,0,1540,30 -9417,1,0,1234,160 -9418,1,0,1755,37 -9420,1,0,0457,148 -9420,2,0,1100,135 -9420,3,2,0330,86 -9423,1,0,1758,38 -9426,1,0,0445,31 -9427,1,0,1838,113 -9429,1,0,1458,47 -9432,1,0,0923,23 -9432,2,0,1855,33 -9432,3,0,2140,22 -9432,4,1,0030,54 -9432,5,1,0300,82 -9433,1,0,1222,40 -9434,1,0,1204,41 -9435,1,0,1659,45 -9437,1,0,2245,46 -9438,1,0,1913,27 -9439,1,0,1428,39 -9440,1,1,0000,29 -9443,1,0,1825,37 -9444,1,0,1944,391 -9447,1,0,1750,999 -9449,1,0,1630,47 -9451,1,0,1623,51 -9452,1,0,1712,38 -9457,1,0,2055,39 -9458,1,0,1607,62 -9459,1,1,0143,49 -9460,1,0,1942,44 -9462,1,0,1815,51 -9463,1,0,2332,36 -9464,1,0,1750,184 -9465,1,0,0020,62 -9466,1,0,1250,99 -9468,1,0,1200,51 -9469,1,0,1556,53 -9469,2,1,0330,75 -9469,3,1,1630,114 -9469,4,2,0410,106 -9469,5,2,1615,110 -9470,1,0,1615,22 -9473,1,0,2055,47 -9475,1,0,1906,61 -9476,1,0,0403,54 -9477,1,0,2327,35 -9478,1,0,1601,44 -9479,1,0,1926,36 -9480,1,0,1700,291 -9482,1,0,1745,45 -9484,1,0,2037,28 -9486,1,0,1820,35 -9487,1,0,2145,30 -9487,2,1,0450,30 -9487,3,1,1700,32 -9487,4,2,0415,27 -9488,1,0,2140,41 -9490,1,0,1656,32 -9493,1,0,2208,36 -9495,1,0,1647,30 -9498,1,0,1750,41 -9502,1,0,0916,53 -9503,1,0,2249,38 -9504,1,0,1918,81 -9506,1,0,0408,20 -9508,1,0,1010,18 -9511,1,0,1853,34 -9514,1,0,1457,29 -9517,1,0,0316,37 -9518,1,0,2130,27 -9521,1,0,2200,82 -9521,2,3,0205,57 -9521,3,3,0635,53 -9521,4,3,0950,60 -9521,5,3,1430,51 -9522,1,0,2015,78 -9523,1,0,0249,28 -9524,1,0,1638,36 -9526,1,0,1929,40 -9527,1,0,1733,36 -9529,1,0,1947,125 -9530,1,0,1445,57 -9535,1,0,0944,43 -9536,1,0,1637,51 -9538,1,0,2230,35 -9539,1,0,2135,32 -9540,1,0,1848,31 -9540,2,1,0757,32 -9541,1,0,1726,33 -9542,1,0,1634,117 -9546,1,0,0827,33 -9547,1,0,1339,72 -9548,1,0,1640,28 -9550,1,0,1501,36 -9558,1,0,2231,36 -9559,1,0,1015,33 -9560,1,0,1827,57 -9562,1,0,1600,34 -9563,1,0,1505,36 -9566,1,0,1152,128 -9567,1,0,1655,26 -9569,1,0,2249,410 -9569,2,1,0845,218 -9570,1,0,2157,57 -9571,1,0,1600,70 -9572,1,0,2049,24 -9573,1,0,1522,34 -9575,1,0,1321,16 -9576,1,0,2215,64 -9576,2,1,0705,42 -9581,1,0,1912,38 -9581,2,1,1128,28 -9583,1,0,1921,92 -9584,1,1,0115,37 -9586,1,0,1732,30 -9589,1,0,2101,37 -9590,1,0,1320,41 -9591,1,0,1945,28 -9592,1,0,0900,74 -9593,1,0,2330,48 -9594,1,0,1904,33 -9595,1,0,2154,65 -9596,1,0,1836,172 -9597,1,0,2145,33 -9599,1,0,1355,164 -9601,1,0,1721,40 -9602,1,0,2017,29 -9603,1,0,2047,45 -9609,1,0,1555,27 -9611,1,0,2301,28 -9612,1,0,1705,59 -9615,1,0,2130,120 -9615,2,1,0020,93 -9615,3,1,0234,135 -9618,1,0,1845,130 -9620,1,0,1621,36 -9622,1,0,0447,27 -9623,1,0,1946,33 -9626,1,0,2138,29 -9627,1,1,0555,478 -9627,2,2,0420,259 -9627,3,5,0630,172 -9627,4,3,0603,196 -9627,5,4,0530,152 -9628,1,0,1649,29 -9630,1,0,1910,16 -9632,1,0,2027,53 -9633,1,0,1740,33 -9634,1,0,1830,26 -9635,1,0,1915,115 -9636,1,0,2225,38 -9636,2,2,0130,30 -9637,1,0,2150,38 -9638,1,0,2214,46 -9641,1,0,1408,20 -9642,1,1,0708,87 -9643,1,0,2022,58 -9644,1,0,2210,24 -9645,1,0,1819,28 -9646,1,0,2207,50 -9647,1,0,2050,47 -9648,1,0,1718,39 -9649,1,0,2215,48 -9652,1,0,2252,25 -9653,1,0,0900,32 -9654,1,0,1140,24 -9655,1,0,1154,39 -9657,1,0,2044,27 -9658,1,0,2215,41 -9659,1,0,1850,35 -9661,1,0,0052,14 -9663,1,0,0954,55 -9664,1,0,2008,268 -9664,2,1,0606,74 -9665,1,0,2350,21 -9666,1,0,2243,68 -9667,1,0,1942,43 -9668,1,0,1436,30 -9672,1,0,0031,53 -9673,1,0,1640,33 -9674,1,0,1510,65 -9675,1,0,1345,571 -9676,1,0,1116,35 -9677,1,0,2313,45 -9678,1,0,1420,923 -9678,2,1,0945,433 -9678,3,2,0150,267 -9679,1,0,2243,31 -9680,1,0,0015,28 -9681,1,0,0808,47 -9682,1,0,2300,80 -9683,1,0,1950,108 -9685,1,0,1825,24 -9688,1,0,0750,17 -9692,1,0,1925,61 -9694,1,0,1615,51 -9697,1,0,1632,45 -9699,1,0,1238,31 -9700,1,0,1905,45 -9701,1,1,0310,22 -9701,2,2,0426,18 -9703,1,1,0128,24 -9704,1,0,1851,30 -9706,1,0,1700,23 -9707,1,0,1625,44 -9708,1,0,1825,39 -9709,1,0,1931,35 -9710,1,0,2130,29 -9711,1,0,1726,24 -9712,1,0,2037,44 -9713,1,0,1625,35 -9714,1,0,1745,109 -9715,1,0,1448,41 -9717,1,0,0050,65 -9718,1,0,1907,46 -9719,1,0,1234,78 -9722,1,0,1437,41 -9725,1,0,1730,43 -9726,1,0,1705,46 -9729,1,0,2224,48 -9730,1,0,1257,47 -9730,2,0,1843,32 -9730,3,1,1513,33 -9731,1,0,1930,29 -9731,2,3,1433,58 -9732,1,0,1255,32 -9733,1,0,1928,34 -9734,1,0,1540,157 -9735,1,0,2033,28 -9736,1,0,1500,63 -9739,1,0,2156,23 -9741,1,0,0110,53 -9741,2,0,0243,37 -9741,3,1,0018,32 -9741,4,1,0622,24 -9742,1,0,1516,160 -9743,1,1,0600,44 -9750,1,0,0937,31 -9751,1,0,2204,162 -9751,2,1,0005,135 -9751,3,1,0455,103 -9752,1,0,1206,37 -9756,1,0,1343,44 -9758,1,0,1717,36 -9760,1,0,0922,19 -9763,1,0,1904,78 -9765,1,0,1810,62 -9766,1,0,2119,63 -9768,1,0,1350,40 -9769,1,0,1416,133 -9770,1,0,1735,36 -9771,1,0,2144,44 -9771,2,1,1638,44 -9772,1,0,1901,55 -9773,1,0,1654,27 -9775,1,0,2215,185 -9776,1,0,1325,17 -9778,1,0,2207,27 -9779,1,0,2056,32 -9780,1,0,2300,23 -9781,1,0,1755,63 -9782,1,0,1720,36 -9785,1,0,1815,25 -9786,1,1,0600,60 -9787,1,0,0249,192 -9788,1,0,1328,47 -9788,2,6,0200,33 -9788,3,7,0035,30 -9790,1,0,0156,35 -9792,1,0,1042,33 -9794,1,0,1610,24 -9796,1,0,1703,56 -9799,1,0,0800,33 -9801,1,0,2125,474 -9802,1,0,1530,37 -9802,2,1,0743,30 -9803,1,0,1420,44 -9804,1,0,1549,46 -9805,1,0,2119,51 -9806,1,0,2012,37 -9809,1,0,1120,464 -9809,2,1,0705,387 -9811,1,1,0055,29 -9813,1,1,0450,40 -9815,1,0,0901,29 -9818,1,0,1500,27 -9820,1,0,2120,36 -9821,1,0,1625,31 -9822,1,0,2330,292 -9822,2,1,1116,124 -9823,1,1,0045,28 -9824,1,0,2116,31 -9826,1,0,1544,51 -9827,1,1,0045,26 -9829,1,0,2131,53 -9830,1,0,2034,41 -9835,1,0,1311,27 -9836,1,0,2130,57 -9837,1,0,1936,17 -9838,1,0,1910,36 -9839,1,0,1600,118 -9840,1,0,0226,22 -9841,1,0,1541,53 -9841,2,0,2149,48 -9841,3,1,0631,39 -9842,1,0,1506,42 -9843,1,0,1855,166 -9844,1,0,1644,20 -9845,1,0,0949,63 -9847,1,0,1850,38 -9848,1,0,1428,29 -9850,1,0,2237,31 -9852,1,0,1312,161 -9852,2,0,1744,87 -9852,3,1,1109,99 -9853,1,0,1631,19 -9854,1,0,1120,34 -9855,1,0,0530,40 -9856,1,0,1845,24 -9858,1,0,0834,42 -9859,1,1,0012,43 -9861,1,0,1930,167 -9862,1,0,2155,16 -9865,1,0,2200,39 -9866,1,0,0955,37 -9868,1,1,0020,55 -9870,1,0,0903,118 -9870,2,1,0352,55 -9871,1,0,1930,26 -9872,1,0,1949,28 -9873,1,0,1225,23 -9874,1,0,1906,38 -9876,1,0,1750,1201 -9877,1,0,2307,36 -9880,1,0,2201,39 -9881,1,0,2024,36 -9883,1,0,0258,19 -9884,1,0,2025,24 -9885,1,0,1826,72 -9886,1,0,2058,35 -9887,1,1,0347,397 -9889,1,1,1410,22 -9892,1,0,2115,25 -9893,1,0,1116,56 -9895,1,0,1920,58 -9896,1,0,1232,28 -9897,1,0,1847,26 -9898,1,0,1700,41 -9899,1,0,1614,45 -9899,2,5,0915,68 -9899,3,6,0140,46 -9900,1,0,2209,77 -9903,1,0,1804,26 -9904,1,0,2325,38 -9906,1,0,2155,138 -9907,1,0,1648,42 -9909,1,0,1451,55 -9910,1,0,2006,38 -9911,1,0,1203,58 -9913,1,0,2120,47 -9913,2,2,0550,37 -9913,3,5,1110,30 -9914,1,0,1520,22 -9915,1,0,1834,52 -9919,1,0,2120,27 -9920,1,0,2015,32 -9921,1,0,1620,37 -9923,1,1,0123,26 -9925,1,0,2339,44 -9927,1,0,1821,30 -9928,1,0,1120,98 -9929,1,0,1754,163 -9932,1,0,1630,101 -9933,1,0,1435,48 -9934,1,0,1558,41 -9936,1,1,0042,44 -9940,1,0,1754,30 -9941,1,0,0011,73 -9944,1,0,1838,23 -9945,1,1,0100,298 -9946,1,0,2102,100 -9947,1,0,1850,657 -9947,2,0,2130,631 -9947,3,1,0345,350 -9948,1,0,2010,46 -9949,1,0,2225,41 -9950,1,0,0300,58 -9953,1,0,2116,38 -9954,1,0,2040,20 -9958,1,0,1155,58 -9958,2,0,1620,40 -9959,1,0,1730,48 -9961,1,0,1749,29 -9962,1,1,1330,65 -9963,1,0,1645,44 -9964,1,0,1635,26 -9967,1,0,1855,74 -9968,1,0,1538,28 -9969,1,0,1811,33 -9970,1,0,2018,33 -9971,1,0,1629,58 -9972,1,0,2126,74 -9974,1,1,0001,79 -9976,1,0,2003,19 -9977,1,0,1305,70 -9978,1,0,1721,31 -9980,1,0,1340,52 -9981,1,0,1826,51 -9984,1,0,1650,31 -9985,1,0,1355,32 -9988,1,0,2053,31 -9990,1,0,1925,49 -9992,1,0,1023,34 -9992,2,1,2101,23 -9995,1,0,1650,28 -9996,1,0,2128,63 -9998,1,0,0204,69 -9999,1,0,2024,62 -10000,1,0,1040,133 -10001,1,0,2138,46 -10002,1,0,2130,80 -10002,2,1,0605,36 -10003,1,0,2025,31 -10004,1,0,0112,71 -10006,1,0,2118,52 -10007,1,0,1637,34 -10009,1,0,1900,23 -10010,1,1,0000,34 -10013,1,0,1200,16 -10014,1,0,1725,43 -10015,1,0,1825,26 -10016,1,0,1746,39 -10017,1,0,1536,47 -10019,1,0,0335,40 -10020,1,0,2053,62 -10020,2,1,0809,46 -10021,1,0,2215,28 -10024,1,0,1350,69 -10026,1,0,1836,48 -10028,1,0,1418,47 -10030,1,0,1835,32 -10032,1,0,1751,32 -10034,1,0,2140,68 -10035,1,0,1223,31 -10036,1,0,1310,38 -10039,1,1,0040,45 -10042,1,0,1720,24 -10044,1,0,1505,397 -10045,1,0,1905,60 -10046,1,0,0940,30 -10048,1,0,1801,52 -10052,1,0,0120,49 -10053,1,0,2250,43 -10054,1,0,2220,149 -10055,1,0,1846,36 -10055,2,1,0429,29 -10057,1,0,0834,33 -10060,1,0,1355,49 -10061,1,0,1457,60 -10062,1,0,1643,24 -10063,1,0,0500,64 -10065,1,0,1945,46 -10066,1,0,1720,30 -10068,1,0,1426,100 -10070,1,0,1555,36 -10070,2,3,1604,23 -10071,1,0,1843,195 -10073,1,1,0011,55 -10073,2,1,0910,35 -10075,1,0,1826,43 -10077,1,0,1830,53 -10078,1,0,2126,43 -10080,1,1,0005,66 -10083,1,0,2020,915 -10083,2,1,0315,694 -10083,3,2,0430,246 -10083,4,3,0505,105 -10083,5,4,0623,53 -10084,1,0,1733,83 -10086,1,0,1300,54 -10087,1,0,0503,140 -10087,2,0,1712,70 -10089,1,0,1857,100 -10092,1,0,1950,31 -10093,1,0,1747,11319 -10093,2,1,0814,7833 -10093,3,3,0606,1839 -10093,4,5,0535,620 -10094,1,0,1520,36 -10095,1,0,1825,26 -10096,1,0,0906,99 -10097,1,0,1755,48 -10098,1,0,1545,40 -10100,1,0,1019,35 -10100,2,1,0412,69 -10100,3,2,0603,82 -10101,1,0,2332,110 -10101,2,1,0530,84 -10102,1,0,2223,42 -10105,1,0,1057,31 -10106,1,0,2320,40 -10107,1,0,1955,68 -10110,1,0,1745,100 -10113,1,0,2010,30 -10114,1,0,1857,28 -10116,1,0,1620,15 -10117,1,0,2130,31 -10119,1,0,0810,26 -10121,1,0,0800,71 -10122,1,0,0958,26 -10123,1,0,1554,50 -10124,1,0,1751,67 -10124,2,0,2313,58 -10124,3,1,0151,50 -10126,1,0,2330,55 -10126,2,1,0750,37 -10127,1,1,0030,35 -10128,1,0,1243,47 -10129,1,0,2051,106 -10131,1,0,0110,33 -10132,1,0,0837,38 -10134,1,0,1917,34 -10135,1,1,0005,28 -10138,1,0,2022,34 -10139,1,0,1921,60 -10140,1,1,0011,27 -10144,1,0,2243,211 -10144,2,1,0630,115 -10145,1,0,1016,21 -10146,1,0,2343,33 -10148,1,0,1623,21 -10150,1,0,1228,50 -10152,1,0,1720,24 -10153,1,0,1850,47 -10155,1,0,1928,26 -10156,1,0,2232,45 -10157,1,0,1340,70 -10158,1,0,1245,105 -10158,2,1,0430,93 -10160,1,0,1425,34 -10162,1,0,1700,70 -10163,1,0,1634,104 -10165,1,0,1141,70 -10166,1,0,1731,28 -10167,1,0,2154,41 -10170,1,0,1945,81 -10172,1,0,2024,45 -10174,1,0,1035,28 -10176,1,0,2235,35 -10179,1,0,1845,21 -10181,1,0,2237,23 -10185,1,0,1330,170 -10186,1,0,1700,30 -10187,1,0,1518,40 -10190,1,1,0010,28 -10193,1,0,2210,18 -10196,1,1,0035,70 -10198,1,0,2219,22 -10199,1,0,1910,615 -10201,1,0,1900,29 -10202,1,0,0018,55 -10203,1,0,1534,35 -10205,1,0,1440,30 -10206,1,0,1602,44 -10207,1,0,1017,35 -10209,1,0,1800,51 -10210,1,0,0852,23 -10211,1,0,0920,46 -10211,2,0,1011,77 -10212,1,0,1459,151 -10212,2,1,2010,48 -10213,1,0,1440,75 -10213,2,1,0442,36 -10213,3,1,1123,41 -10213,4,2,1235,35 -10213,5,2,1427,40 -10214,1,0,1655,33 -10214,2,0,1815,25 -10214,3,1,0419,29 -10216,1,0,1555,36 -10217,1,0,1937,53 -10218,1,0,1643,35 -10219,1,0,1815,46 -10220,1,0,1717,35 -10221,1,0,2115,46 -10222,1,0,2034,41 -10222,2,1,0605,37 -10223,1,0,0721,30 -10225,1,2,0345,105 -10225,2,3,0354,55 -10225,3,4,0325,40 -10225,4,5,0330,27 -10225,5,6,0410,24 -10226,1,0,2026,46 -10228,1,0,1743,33 -10230,1,0,2123,53 -10231,1,0,2235,42 -10233,1,0,1526,44 -10235,1,0,0951,16 -10236,1,0,0254,37 -10238,1,0,1540,47 -10239,1,0,2222,35 -10241,1,1,0930,44 -10242,1,0,1623,41 -10243,1,0,2138,48 -10246,1,0,1846,38 -10247,1,0,1619,23 -10250,1,0,1551,32 -10255,1,0,1817,40 -10257,1,0,1710,48 -10258,1,0,1610,39 -10263,1,0,1830,40 -10264,1,0,2315,52 -10269,1,0,1711,81 -10270,1,0,1653,275 -10270,2,1,0015,211 -10272,1,0,2246,20 -10273,1,0,1513,53 -10274,1,0,1456,26 -10279,1,0,2122,43 -10280,1,0,1525,79 -10281,1,0,1710,42 -10283,1,0,1710,72 -10284,1,0,1748,50 -10285,1,0,2145,32 -10287,1,0,2030,24 -10288,1,0,2023,50 -10289,1,0,2108,140 -10289,2,7,0615,40 -10290,1,0,1850,75 -10291,1,0,0948,360 -10295,1,0,1835,257 -10295,2,1,0410,147 -10296,1,0,0201,74 -10297,1,0,1036,103 -10297,2,1,0803,135 -10298,1,0,2241,29 -10300,1,0,1542,1723 -10300,2,2,0507,221 -10300,3,2,1003,212 -10302,1,0,2139,76 -10303,1,0,2350,21 -10304,1,0,2317,44 -10305,1,0,1959,61 -10305,2,1,0340,36 -10306,1,0,1112,145 -10308,1,0,1303,28 -10309,1,0,1635,40 -10310,1,0,2105,27 -10312,1,0,0201,77 -10312,2,0,1245,154 -10312,3,0,1703,167 -10312,4,1,0400,154 -10312,5,1,1630,154 -10313,1,0,1409,34 -10314,1,1,0445,59 -10315,1,0,0751,31 -10318,1,0,1816,43 -10319,1,0,1618,56 -10320,1,0,2005,28 -10323,1,0,2153,38 -10325,1,0,1841,53 -10326,1,0,1645,21 -10331,1,0,1114,182 -10333,1,0,0957,4159 -10334,1,0,1741,43 -10335,1,0,2004,64 -10336,1,0,1748,33 -10337,1,0,2154,23 -10338,1,0,1251,75 -10339,1,0,2017,873 -10339,2,2,1258,227 -10339,3,3,1246,191 -10342,1,0,2227,31 -10344,1,0,2032,20 -10346,1,0,2106,154 -10346,2,0,2240,129 -10346,3,1,0745,76 -10347,1,0,2359,79 -10348,1,0,0905,52 -10350,1,0,2104,39 -10351,1,1,0730,227 -10353,1,0,1135,72 -10354,1,0,2230,20 -10355,1,0,1905,36 -10357,1,0,1300,45 -10358,1,0,1734,41 -10359,1,0,2355,39 -10360,1,0,1935,65 -10363,1,0,1010,40 -10366,1,0,1850,88 -10368,1,0,1840,116 -10370,1,0,1715,27 -10371,1,0,1349,40 -10372,1,0,1230,36 -10374,1,0,1431,40 -10376,1,0,1725,31 -10377,1,0,1655,25 -10379,1,0,2309,82 -10379,2,1,0645,63 -10383,1,0,1526,39 -10384,1,0,1041,12 -10386,1,1,0313,29 -10388,1,0,2208,36 -10389,1,0,1934,47 -10390,1,0,1615,60 -10390,2,1,0828,59 -10391,1,0,1825,34 -10392,1,0,1835,375 -10394,1,0,1328,52 -10396,1,0,1303,49 -10397,1,0,1930,25 -10398,1,0,1430,39 -10398,2,1,0600,26 -10400,1,0,1916,42 -10401,1,0,1553,41 -10402,1,0,0742,33 -10403,1,0,1958,43 -10405,1,0,1955,54 -10406,1,0,1040,35 -10407,1,0,1545,41 -10408,1,0,1530,40 -10409,1,0,0634,32 -10413,1,0,1150,229 -10417,1,0,1842,30 -10418,1,0,1700,27 -10420,1,0,1742,54 -10422,1,1,0001,36 -10423,1,0,2200,47 -10424,1,1,0113,51 -10425,1,0,1310,29 -10430,1,1,0021,55 -10431,1,0,1512,33 -10432,1,0,1155,27 -10433,1,0,1832,82 -10434,1,0,2121,210 -10435,1,0,2348,22 -10436,1,0,1754,60 -10439,1,0,0200,21 -10440,1,0,1750,36 -10442,1,0,1925,49 -10445,1,1,1836,23 -10446,1,0,1615,31 -10448,1,0,1616,41 -10449,1,0,1930,64 -10450,1,0,1737,33 -10452,1,0,1630,110 -10454,1,0,1737,88 -10455,1,0,1815,68 -10458,1,0,1918,36 -10460,1,0,0545,119 -10460,2,0,1935,50 -10462,1,0,1830,25 -10464,1,0,1745,75 -10465,1,0,1629,42 -10466,1,1,0141,40 -10467,1,0,1501,32 -10471,1,0,1710,34 -10472,1,0,2310,25 -10474,1,0,0509,35 -10474,2,0,2137,35 -10477,1,0,2029,27 -10481,1,0,2139,28 -10484,1,0,1700,77 -10484,2,1,0400,122 -10484,3,3,0200,109 -10484,4,4,0420,118 -10485,1,0,1837,63 -10486,1,0,1845,38 -10488,1,1,0155,65 -10488,2,1,1447,66 -10489,1,0,1715,44 -10491,1,0,1842,80 -10492,1,0,2221,34 -10493,1,0,2230,58 -10494,1,0,2150,37 -10496,1,1,0027,45 -10497,1,0,1730,45 -10499,1,0,1855,37 -10500,1,0,2055,25 -10502,1,0,2259,38 -10503,1,0,1715,70 -10505,1,0,1431,83 -10506,1,0,1909,32 -10507,1,1,0600,617 -10507,2,2,0400,335 -10507,3,0,2345,788 -10508,1,0,2212,159 -10509,1,0,1320,37 -10511,1,0,1729,36 -10512,1,0,1407,55 -10513,1,0,1651,50 -10515,1,0,0215,28 -10517,1,0,0315,23 -10520,1,0,1309,34 -10521,1,0,1752,128 -10522,1,0,1903,44 -10522,2,1,1007,39 -10523,1,0,2150,52 -10524,1,0,1418,32 -10527,1,0,1712,32 -10529,1,0,2332,61 -10530,1,0,1750,32 -10533,1,0,0220,58 -10534,1,1,0115,48 -10535,1,0,1736,79 -10536,1,0,1643,59 -10538,1,0,1858,62 -10539,1,0,1910,38 -10540,1,0,1645,145 -10540,2,0,1805,187 -10542,1,0,1002,224 -10542,2,0,2025,145 -10542,3,1,0216,109 -10542,4,1,0923,85 -10545,1,0,2043,41 -10549,1,0,1523,39 -10550,1,0,1434,49 -10551,1,0,1446,40 -10557,1,0,2136,31 -10559,1,0,1437,48 -10560,1,0,1732,29 -10561,1,0,2113,21 -10563,1,0,1903,16 -10564,1,0,0929,37 -10565,1,0,1135,54 -10566,1,1,0346,91 -10568,1,0,1530,110 -10568,2,5,1845,139 -10568,3,6,1346,114 -10568,4,7,1739,100 -10569,1,1,0055,35 -10571,1,0,0851,42 -10572,1,0,1905,66 -10574,1,0,0041,40 -10575,1,0,1330,99 -10575,2,2,0909,44 -10579,1,0,0220,68 -10580,1,0,1736,42 -10583,1,0,1923,46 -10584,1,0,0517,20 -10585,1,0,1750,40 -10587,1,0,2144,149 -10587,2,1,0407,203 -10588,1,0,2327,467 -10588,2,1,0453,343 -10589,1,0,1727,34 -10590,1,0,1343,21 -10594,1,0,1250,19 -10595,1,0,2136,99 -10596,1,0,1606,29 -10597,1,0,2206,31 -10600,1,0,1646,57 -10600,2,0,2211,46 -10600,3,1,0540,42 -10601,1,0,2149,25 -10602,1,0,1330,32 -10603,1,0,2050,40 -10604,1,0,1830,25 -10605,1,0,1556,34 -10606,1,0,1656,66 -10607,1,0,0920,23 -10608,1,0,2123,24 -10610,1,0,2254,25 -10610,2,1,0441,23 -10613,1,0,1900,33 -10614,1,0,1534,52 -10617,1,0,1245,67 -10619,1,0,1748,228 -10620,1,0,1138,24 -10621,1,0,1708,43 -10622,1,0,2007,33 -10623,1,0,0214,30 -10624,1,0,0440,20 -10625,1,0,0733,43 -10626,1,0,1800,27 -10627,1,0,1300,30 -10628,1,0,1740,169 -10629,1,0,1954,54 -10632,1,1,0932,16 -10634,1,0,1432,25 -10636,1,0,0837,38 -10637,1,0,0950,93 -10638,1,0,2355,74 -10638,2,1,1224,72 -10639,1,0,2245,57 -10641,1,0,2057,1014 -10641,2,1,0436,648 -10641,3,2,0500,123 -10642,1,0,1115,22 -10643,1,0,1223,650 -10643,2,1,0335,718 -10644,1,0,1938,61 -10645,1,0,2225,55 -10645,2,1,0840,53 -10646,1,0,2113,31 -10647,1,0,1701,59 -10649,1,0,1930,55 -10653,1,0,2105,42 -10656,1,0,2205,25 -10658,1,0,1915,42 -10659,1,0,1300,42 -10660,1,0,1938,53 -10661,1,0,1400,71 -10668,1,0,1955,41 -10669,1,0,1601,76 -10671,2,0,2130,64 -10671,3,1,0605,39 -10673,1,0,1652,37 -10674,1,0,1337,35 -10675,1,0,1045,29 -10676,1,0,2100,27 -10677,1,0,1517,68 -10678,1,0,1221,34 -10680,1,0,1335,53 -10683,1,0,1843,46 -10684,1,0,1828,64 -10684,2,1,0410,53 -10684,3,2,0451,90 -10685,1,0,2125,22 -10687,1,0,2220,60 -10688,1,0,2042,50 -10689,1,0,1402,24 -10690,1,0,1731,18 -10695,1,0,0828,45 -10696,1,0,2141,72 -10696,2,1,0437,41 -10698,1,0,2238,22 -10699,1,1,0635,27 -10700,1,0,2105,53 -10701,1,0,1222,409 -10701,2,1,0352,174 -10701,3,2,0424,140 -10704,1,0,2211,42 -10704,2,1,1100,66 -10708,1,0,2021,87 -10711,1,0,1856,41 -10712,1,0,2225,464 -10713,1,0,1450,72 -10714,1,0,2208,26 -10715,1,0,2204,25 -10719,1,0,1219,24 -10720,1,0,1813,954 -10722,1,0,2200,52 -10725,1,0,1858,74 -10726,1,1,0730,83 -10726,2,5,0645,48 -10727,1,0,1120,744 -10727,2,1,0545,437 -10727,3,2,0840,388 -10729,1,0,1939,33 -10730,1,0,1656,75 -10731,1,0,2035,66 -10731,2,2,0645,37 -10733,1,1,0000,17 -10737,1,0,2026,32 -10738,1,0,1845,36 -10739,1,0,1513,56 -10740,1,0,1109,22 -10741,1,0,1945,37 -10742,1,0,1415,32 -10743,1,0,1555,72 -10745,1,0,1958,41 -10749,1,1,1046,33 -10751,1,0,1623,37 -10753,1,0,0035,31 -10754,1,0,1039,29 -10755,1,0,0145,40 -10756,1,0,1836,115 -10756,2,1,0316,206 -10757,1,0,1705,38 -10758,1,0,1230,41 -10760,1,0,2320,16 -10761,1,0,1520,24 -10763,1,0,1550,86 -10766,1,0,2005,50 -10769,1,1,0330,44 -10770,1,0,1510,315 -10770,2,1,1019,97 -10771,1,0,2031,34 -10773,1,0,2101,37 -10776,1,0,2050,590 -10776,2,1,0607,372 -10776,3,1,1625,240 -10776,4,2,0541,246 -10776,5,3,0637,121 -10777,1,0,1338,63 -10777,2,1,0430,52 -10778,1,0,0130,31 -10781,1,0,1817,40 -10783,1,0,2325,45 -10784,1,1,0218,53 -10786,1,0,2239,101 -10787,1,0,2250,22 -10789,1,0,1006,24 -10790,1,1,1800,44 -10791,1,0,2030,33 -10792,1,0,2216,35 -10794,1,0,1710,54 -10796,1,0,1525,43 -10798,1,0,1600,97 -10801,1,0,1813,19 -10802,1,0,1453,48 -10803,1,0,2143,31 -10804,1,0,1717,33 -10805,1,1,0935,21 -10810,1,0,2251,31 -10813,1,0,1620,38 -10813,2,1,1331,52 -10815,1,0,2048,175 -10816,1,0,0857,19 -10823,1,0,1504,25 -10825,1,0,1622,536 -10826,1,0,2041,46 -10828,1,0,1855,23 -10830,1,0,1919,36 -10832,1,0,1850,48 -10835,1,0,2042,418 -10835,2,1,0604,208 -10835,3,3,0934,61 -10836,1,0,2031,54 -10838,1,0,1915,61 -10839,1,1,0008,64 -10839,2,1,0850,60 -10841,1,0,1620,42 -10842,1,0,1223,28 -10843,1,0,1702,30 -10844,1,0,1925,31 -10845,1,0,2304,52 -10847,1,1,1522,26 -10850,1,0,2235,56 -10854,1,0,2215,34 -10855,1,0,2031,40 -10857,1,0,2040,45 -10859,1,0,0902,33 -10860,1,0,1719,21 -10861,1,0,2301,16 -10864,1,0,1324,44 -10866,1,0,1941,32 -10867,1,0,2024,60 -10870,1,1,0100,46 -10872,1,0,1615,216 -10872,2,1,0925,61 -10873,1,0,2217,25 -10876,1,0,1945,41 -10877,1,0,1743,242 -10877,2,1,0213,201 -10878,1,0,1834,20 -10880,1,0,0847,37 -10881,1,0,1815,283 -10884,1,0,1430,94 -10885,1,0,1132,31 -10887,1,0,1755,38 -10888,1,0,2222,19 -10892,1,0,1645,49 -10892,2,1,0611,34 -10893,1,0,1723,52 -10895,1,0,1342,28 -10896,1,0,0940,37 -10899,1,0,2245,22 -10900,1,0,1812,27 -10901,1,0,1849,38 -10902,1,0,2354,20 -10903,1,0,0520,62 -10904,1,0,1618,176 -10905,1,0,1720,39 -10906,1,0,1938,41 -10911,1,0,1450,68 -10912,1,0,2359,156 -10913,1,0,1814,54 -10914,1,0,2320,390 -10915,1,1,0048,21 -10916,1,0,1511,36 -10918,1,0,2145,70 -10919,1,0,2216,41 -10921,1,0,0845,85 -10922,1,0,1829,180 -10923,1,0,1816,26 -10925,1,1,0050,25 -10929,1,1,0400,86 -10932,1,0,1210,30 -10933,1,0,2040,28 -10934,1,0,1758,35 -10936,1,0,2000,25 -10937,1,0,2104,36 -10938,1,0,0457,17 -10940,1,0,1853,20 -10941,1,0,1205,475 -10941,2,1,0545,210 -10941,3,1,2047,103 -10941,4,2,0112,93 -10941,5,2,0620,83 -10942,1,0,1650,52 -10942,2,0,1740,52 -10943,1,0,1535,34 -10945,1,0,1715,61 -10949,1,0,1843,49 -10950,1,0,1705,31 -10951,1,0,2330,53 -10952,1,0,1637,30 -10954,1,0,2259,27 -10956,1,0,1938,45 -10961,1,0,2041,131 -10963,1,0,1246,27 -10964,1,0,1826,39 -10965,1,0,1343,41 -10966,1,0,1705,158 -10970,1,0,2028,51 -10972,1,0,1735,71 -10973,1,0,1911,31 -10974,1,0,1951,47 -10975,1,0,1207,19 -10976,1,0,1538,34 -10979,1,0,2010,24 -10981,1,0,2030,120 -10982,1,0,1600,62 -10983,1,0,1636,35 -10985,1,0,1610,35 -10986,1,0,2102,31 -10987,1,0,0020,95 -10989,1,0,1707,42 -10990,1,0,2151,43 -10992,1,0,0805,25 -10993,1,0,2234,29 -10994,1,0,2000,445 -10996,1,0,2109,40 -10997,1,0,1337,38 -10999,1,1,0035,19 -11000,1,0,1636,41 -11001,1,0,2332,32 -11003,1,0,1329,52 -11004,1,0,1740,124 -11005,1,0,1240,86 -11007,1,0,2229,24 -11007,2,1,0722,21 -11008,1,0,1439,34 -11010,1,0,1700,17 -11014,1,0,1914,28 -11015,1,0,1105,23 -11016,1,0,1915,63 -11017,1,0,1947,30 -11018,1,0,0253,33 -11019,1,0,2115,23 -11020,1,0,1542,61 -11022,1,0,1430,41 -11023,1,0,1906,6 -11023,2,1,0452,31 -11025,1,0,1415,43 -11032,1,0,1207,41 -11033,1,0,1431,73 -11034,1,0,1845,32 -11036,1,0,1530,89 -11037,1,0,2040,19 -11039,1,0,0834,65 -11041,1,0,0110,36 -11042,1,0,1736,28 -11043,1,0,1418,39 -11044,1,1,0037,18 -11047,1,0,1940,59 -11049,1,1,0327,1855 -11055,1,0,2116,30 -11056,1,0,1415,73 -11057,1,0,2209,77 -11058,1,0,1440,434 -11059,1,0,1922,199 -11060,1,0,2127,37 -11062,1,0,0531,106 -11062,2,1,0410,144 -11062,3,1,2320,92 -11062,4,3,0440,131 -11062,5,5,0530,128 -11063,1,0,2135,43 -11064,1,0,1640,54 -11066,1,0,1045,186 -11068,1,0,1712,56 -11070,1,0,2310,22 -11071,1,0,2253,184 -11071,2,1,0550,105 -11072,1,0,2001,25 -11073,1,1,0535,48 -11074,1,0,1745,984 -11074,2,0,2054,685 -11074,3,1,0425,363 -11074,4,2,0355,158 -11074,5,5,1900,97 -11076,1,0,1905,36 -11081,1,0,1415,137 -11083,1,0,1112,34 -11084,1,0,2148,35 -11086,1,0,2000,27 -11089,1,0,1526,421 -11089,2,1,0346,310 -11090,1,0,1710,79 -11092,1,0,0045,68 -11092,2,6,0720,92 -11094,1,0,2003,26 -11095,1,0,1400,66 -11095,2,1,0750,105 -11098,1,0,1700,60 -11099,1,0,1625,66 -11101,1,0,1533,39 -11104,1,0,1730,42 -11105,1,0,1920,39 -11107,1,0,1716,32 -11108,1,0,1956,56 -11109,1,0,1012,385 -11109,2,0,1525,263 -11109,3,1,0505,151 -11110,1,0,2025,1222 -11111,1,0,1957,213 -11111,2,1,0127,145 -11111,3,1,1029,92 -11114,1,0,0914,32 -11115,1,0,2030,26 -11116,1,0,1225,26 -11117,1,0,1955,32 -11122,1,0,1520,32 -11123,1,0,1838,112 -11124,1,0,1622,47 -11126,1,0,0938,49 -11126,2,1,1215,92 -11126,3,3,0742,76 -11127,1,0,1130,54 -11128,1,0,1844,18 -11129,1,0,1613,17 -11132,1,0,1858,60 -11133,1,0,2055,30 -11134,1,0,1536,53 -11135,1,0,1550,30 -11137,1,6,1450,23 -11138,1,0,2332,34 -11140,1,0,1830,53 -11144,1,0,1945,47 -11146,1,0,1812,66 -11147,1,0,2013,105 -11148,1,0,1454,63 -11150,1,0,1600,28 -11152,1,0,1950,42 -11155,1,0,1736,52 -11156,1,0,1658,22 -11156,2,1,0650,28 -11157,1,0,1740,189 -11157,2,1,0516,153 -11158,1,0,1445,26 -11160,1,0,2053,45 -11163,1,1,0622,44 -11163,2,3,1043,29 -11163,3,4,0429,30 -11164,1,-1,2321,49 -11165,1,0,2200,26 -11166,1,0,0335,25 -11167,1,0,1109,39 -11168,1,0,1453,40 -11172,1,0,0505,39 -11173,1,0,1915,37 -11175,1,0,1927,28 -11176,1,0,2205,46 -11176,2,0,2321,40 -11177,1,0,2250,22 -11178,1,0,2156,43 -11179,1,0,1901,35 -11182,1,0,1734,37 -11183,1,0,0744,23 -11184,1,0,2125,176 -11186,1,0,0315,21 -11187,1,0,1842,32 -11190,1,0,2155,30 -11192,1,0,1250,748 -11192,2,1,0400,220 -11193,1,0,1505,28 -11194,1,0,1925,39 -11197,1,0,1544,247 -11198,1,0,1852,79 -11200,1,0,1735,30 -11201,1,0,1930,76 -11201,2,0,2110,74 -11202,1,0,1815,58 -11204,1,0,1736,56 -11205,1,0,1420,47 -11207,1,3,1710,19 -11209,1,0,1734,30 -11210,1,0,2104,40 -11211,1,0,1938,74 -11212,1,0,1410,95 -11213,1,1,0550,224 -11213,2,0,1755,525 -11214,1,0,0442,33 -11214,2,0,1454,27 -11215,1,0,1716,87 -11217,1,0,1834,147 -11221,1,0,1800,19 -11222,1,0,2126,29 -11223,1,0,1701,25 -11225,1,0,1235,55 -11226,1,0,1913,67 -11226,2,1,1126,35 -11228,1,0,2153,26 -11229,1,0,2042,1402 -11229,2,1,0333,562 -11229,3,2,0700,132 -11229,4,3,0715,47 -11231,1,0,2118,22 -11232,1,0,1343,29 -11234,1,0,2025,17 -11235,1,0,1555,29 -11239,1,0,1533,46 -11242,1,0,1658,53 -11242,2,6,0615,38 -11244,1,0,1732,105 -11247,1,0,1803,41 -11248,1,0,0930,109 -11249,1,1,0058,15 -11250,1,0,1930,40 -11252,1,0,1651,52 -11253,1,0,2233,55 -11255,1,0,2015,67 -11257,1,0,2125,30 -11258,1,0,0010,21 -11261,1,0,1000,36 -11263,1,0,1645,42 -11264,1,0,1940,42 -11268,1,0,1504,47 -11268,2,0,2220,32 -11268,3,1,0735,26 -11272,1,0,1644,37 -11273,1,0,1633,34 -11274,1,0,2010,40 -11275,1,2,0345,87 -11276,1,0,2213,20 -11277,1,0,1626,39 -11279,1,0,1607,38 -11280,1,0,1744,18 -11281,1,0,1605,64 -11282,1,0,1339,26 -11283,1,0,2320,276 -11284,1,0,2114,38 -11286,1,0,2040,39 -11286,2,1,0530,28 -11286,3,2,0355,39 -11289,1,0,1554,73 -11291,1,0,2217,24 -11293,1,0,1215,41 -11294,1,0,1931,30 -11295,1,1,0005,85 -11295,2,4,0452,62 -11296,1,0,0115,28 -11297,1,0,2234,319 -11298,1,0,2208,30 -11298,2,1,0635,27 -11300,1,0,1902,49 -11304,1,0,1728,70 -11305,1,0,1934,83 -11306,1,0,1916,98 -11307,1,0,1754,96 -11308,1,0,1950,25 -11310,1,0,2003,51 -11311,1,0,1940,42 -11313,1,0,0330,161 -11313,2,1,1145,57 -11314,1,0,0534,163 -11316,1,0,2243,36 -11317,1,0,1035,30 -11318,1,0,2246,17 -11320,1,0,2240,41 -11321,1,1,0514,78 -11321,2,1,1538,75 -11321,3,2,0600,125 -11321,4,2,1233,164 -11321,5,3,0949,103 -11324,1,0,1430,28 -11326,1,0,1848,38 -11327,1,0,1801,34 -11328,1,0,2220,40 -11329,1,0,1543,31 -11331,1,0,2114,28 -11332,1,0,2144,26 -11336,1,1,0500,58 -11337,1,0,2240,77 -11338,1,0,1700,136 -11339,1,0,0022,20 -11340,1,0,1800,24 -11341,1,0,1849,38 -11343,1,0,1713,30 -11346,1,0,2305,20 -11347,1,0,1921,128 -11347,2,1,0905,63 -11348,1,0,2030,21 -11349,1,1,0001,33 -11351,1,0,1910,23 -11352,1,0,1615,19 -11352,2,1,0634,14 -11354,1,0,1832,92 -11355,1,0,1445,40 -11359,1,1,0214,70 -11360,1,0,1330,69 -11361,1,0,1643,30 -11362,1,0,2331,448 -11363,1,0,1704,48 -11364,1,0,2330,43 -11365,1,0,1543,26 -11367,1,0,1717,76 -11368,1,0,1540,24 -11369,1,0,1758,245 -11371,1,0,1817,42 -11378,1,0,2234,30 -11379,1,1,1045,17 -11381,1,0,1340,101 -11382,1,0,1809,44 -11385,1,0,1540,23 -11386,1,0,1018,61 -11387,1,0,1610,67 -11388,1,4,1200,21 -11388,2,5,0020,29 -11389,1,0,2127,34 -11391,1,0,2014,38 -11392,1,0,1753,173 -11394,1,0,2310,115 -11395,1,0,1232,45 -11396,1,0,1351,48 -11397,1,0,1417,54 -11398,1,0,1459,21 -11400,1,0,1218,31 -11401,1,0,1757,31 -11402,1,0,1325,25 -11402,2,1,0015,22 -11403,1,0,1353,27 -11405,1,0,1513,480 -11405,2,0,1910,495 -11406,1,0,1355,22 -11407,1,0,1208,42 -11408,1,0,2032,1180 -11408,2,1,0646,414 -11408,3,4,0645,42 -11410,1,0,1807,58 -11411,1,0,1150,65 -11411,2,3,1350,51 -11412,1,0,1145,28 -11413,1,0,1545,54 -11414,1,0,1015,11 -11415,1,0,2029,37 -11416,1,0,2120,26 -11419,1,0,0536,42 -11420,1,0,1632,328 -11421,1,0,2325,21 -11422,1,0,2135,31 -11425,1,0,1657,712 -11425,2,1,0400,318 -11426,1,0,0704,32 -11427,1,0,2253,45 -11428,1,0,1701,46 -11431,1,0,2122,43 -11432,1,0,1840,28 -11435,1,0,1820,24 -11436,1,0,2000,96 -11437,1,1,0140,48 -11439,1,0,1847,41 -11440,1,0,2148,235 -11440,2,1,0500,258 -11441,1,0,1624,31 -11443,1,0,0924,24 -11444,1,0,1634,11 -11445,1,0,0200,35 -11446,1,0,1808,31 -11447,1,0,0052,113 -11448,1,0,1834,33 -11449,1,0,1854,20 -11450,1,0,2010,53 -11452,1,0,1707,28 -11452,2,3,0550,96 -11453,1,0,1411,38 -11454,1,1,0005,77 -11455,1,0,1149,26 -11457,1,0,1641,135 -11458,1,0,1825,28 -11460,1,0,1759,99 -11461,1,0,1551,34 -11466,1,0,1844,34 -11467,1,0,1440,29 -11468,1,0,2131,21 -11469,1,0,1833,34 -11470,1,0,1655,29 -11471,1,0,1420,66 -11472,1,0,1747,108 -11472,2,1,0829,67 -11472,3,1,1413,57 -11472,4,1,1958,54 -11472,5,2,0637,51 -11474,1,0,1517,1380 -11474,2,0,2030,1050 -11474,3,1,0412,568 -11475,1,0,0140,27 -11478,1,0,1555,73 -11481,1,0,1340,37 -11482,1,0,2240,146 -11483,1,0,2053,70 -11485,1,0,2204,32 -11486,1,0,2018,54 -11489,1,0,0300,23 -11490,1,0,1715,166 -11491,1,0,1545,36 -11492,1,0,1551,38 -11492,2,0,2035,25 -11493,1,1,0313,33 -11494,1,0,1240,27 -11496,1,0,2142,41 -11498,1,0,1538,59 -11501,1,0,1703,45 -11503,1,0,1730,47 -11506,1,0,2056,24 -11508,1,0,2137,29 -11509,1,0,2105,43 -11511,1,0,2250,24 -11513,1,0,1830,24 -11514,1,0,1900,50 -11515,1,0,2352,33 -11516,1,0,0929,23 -11519,1,0,1736,75 -11522,1,0,1744,38 -11522,2,0,1844,34 -11523,1,0,2158,77 -11525,1,0,1354,45 -11526,1,0,2306,31 -11527,1,0,1326,35 -11528,1,0,2223,39 -11528,2,1,1229,36 -11529,1,0,1231,32 -11532,1,0,1631,28 -11533,1,0,1736,33 -11536,1,0,0841,48 -11538,1,1,0034,34 -11540,1,0,1817,36 -11541,1,0,1045,56 -11543,1,0,1808,252 -11545,1,0,1529,34 -11548,1,0,1350,39 -11549,1,0,2235,262 -11549,2,1,0759,181 -11552,1,0,2145,44 -11553,1,0,1725,71 -11553,2,7,0002,56 -11554,1,0,1446,100 -11555,1,0,2344,27 -11557,1,0,1639,38 -11559,1,0,1615,47 -11559,2,1,1206,52 -11559,3,5,1720,37 -11560,1,0,2228,28 -11561,1,0,2038,45 -11562,1,0,1640,26 -11564,1,0,1445,61 -11565,1,0,2210,34 -11566,1,0,1624,39 -11567,1,0,2052,26 -11570,1,0,2319,69 -11572,1,0,1300,28 -11576,1,0,1750,28 -11577,1,0,1553,36 -11578,1,0,2313,32 -11579,1,0,1503,36 -11580,1,0,0233,39 -11580,2,1,0613,21 -11581,1,0,1442,50 -11582,1,0,1912,51 -11585,1,0,0121,19 -11586,1,0,1500,77 -11587,1,0,1150,22 -11589,1,0,1600,44 -11594,1,0,1224,501 -11597,1,0,2329,29 -11597,2,1,0550,29 -11599,1,0,0347,45 -11600,1,0,2042,113 -11600,2,0,2308,117 -11600,3,1,0453,85 -11601,1,0,1845,25 -11602,1,0,0330,63 -11603,1,0,1450,58 -11603,2,1,0430,31 -11603,3,2,0430,40 -11604,1,0,0811,23 -11606,1,0,1732,36 -11608,1,0,1846,26 -11609,1,0,1758,39 -11611,1,0,0556,32 -11612,1,0,1250,49 -11613,1,0,1844,28 -11614,1,0,2019,76 -11615,1,0,2120,24 -11617,1,0,2110,125 -11617,2,1,0358,46 -11618,2,0,2334,38 -11621,1,0,2032,21 -11623,1,0,2017,60 -11624,1,0,1347,34 -11625,1,0,1642,46 -11626,1,0,1010,23 -11628,1,0,0530,24 -11629,1,0,1700,194 -11630,1,0,1253,78 -11630,2,0,1829,59 -11630,3,0,2359,43 -11634,1,0,1335,421 -11634,2,1,0420,170 -11636,1,0,1715,98 -11641,1,0,1253,26 -11643,1,0,2339,345 -11643,2,1,1118,210 -11643,3,2,0013,111 -11643,4,4,0807,38 -11643,5,5,0721,41 -11643,6,6,0742,37 -11644,1,0,2050,31 -11645,1,0,1652,26 -11645,2,1,0414,25 -11646,1,0,0913,29 -11646,2,3,0654,17 -11648,1,0,1453,40 -11648,2,1,0347,34 -11649,1,0,2213,33 -11652,1,0,1939,52 -11655,1,0,0410,32 -11656,1,0,1210,22 -11660,1,0,0255,91 -11663,1,0,2015,154 -11665,1,0,1630,46 -11666,1,0,1818,44 -11668,1,0,2142,69 -11669,1,0,1740,24 -11669,2,1,0610,15 -11670,1,0,2300,30 -11671,1,0,1615,34 -11672,1,0,1850,100 -11673,1,0,1745,41 -11674,1,0,1622,17 -11675,1,0,1311,34 -11676,1,0,2207,22 -11676,2,1,0635,20 -11679,1,1,0615,106 -11679,2,0,0941,220 -11681,1,2,0923,32 -11682,1,0,2212,919 -11682,2,1,0004,810 -11682,3,1,1046,545 -11682,4,1,1430,389 -11682,5,1,1810,377 -11684,1,0,1500,30 -11685,1,0,1402,47 -11686,1,0,0833,64 -11686,2,0,0930,71 -11688,1,0,0807,34 -11690,1,0,1610,99 -11691,1,0,0257,29 -11693,1,0,1800,32 -11695,1,0,1251,51 -11698,1,0,0907,47 -11698,2,1,0550,42 -11699,1,0,2350,34 -11699,2,1,0535,26 -11705,1,0,2038,39 -11706,1,0,1646,28 -11707,1,0,1720,28 -11709,2,0,2125,679 -11712,1,1,0021,112 -11712,2,1,0600,88 -11713,1,0,2230,63 -11714,1,0,1720,22 -11715,1,0,1830,42 -11718,1,0,2331,45 -11720,1,0,2038,127 -11723,1,0,2117,34 -11729,1,0,1835,111 -11730,1,0,1843,94 -11730,2,1,0410,79 -11731,1,0,1122,48 -11732,1,0,0319,25 -11733,1,0,1359,47 -11734,1,0,2124,48 -11735,1,0,1411,33 -11736,1,0,1410,23 -11737,1,0,1324,76 -11739,1,0,1815,29 -11742,1,0,1925,55 -11744,1,0,0214,177 -11745,1,0,1350,66 -11748,1,1,0025,32 -11750,1,0,0102,114 -11751,1,0,1030,42 -11752,1,0,1929,39 -11752,2,1,0458,36 -11752,3,2,0400,29 -11752,4,2,1655,26 -11753,1,0,1918,19 -11754,1,0,1607,35 -11755,1,0,0817,32 -11756,1,0,2230,32 -11757,1,0,1600,19 -11759,1,0,2009,31 -11760,1,0,1623,29 -11761,1,1,0100,30 -11762,1,0,1508,30 -11763,1,0,1215,37 -11764,1,0,1808,44 -11765,1,0,2305,75 -11766,1,0,1920,25 -11770,1,0,2315,18 -11772,1,0,1500,27 -11772,2,1,0440,27 -11775,1,0,0158,441 -11775,2,0,0614,657 -11775,3,0,1356,605 -11775,4,0,2040,460 -11775,5,1,0658,331 -11776,1,0,0943,129 -11777,1,0,1105,21 -11778,1,0,2203,29 -11781,1,0,2350,144 -11782,1,0,1914,43 -11783,1,0,1905,36 -11785,1,0,1708,173 -11786,1,0,1540,37 -11789,1,0,1511,34 -11791,1,0,2213,109 -11791,2,4,0002,28 -11793,1,0,2201,31 -11794,1,0,2315,36 -11795,1,0,2336,31 -11796,1,0,2055,40 -11798,1,0,2054,35 -11799,1,0,1558,34 -11799,2,1,0020,30 -11800,1,0,1335,28 -11801,1,0,1930,58 -11802,1,0,1930,47 -11804,1,0,1300,58 -11804,2,1,0030,79 -11805,1,0,0935,56 -11808,1,0,1912,29 -11810,1,1,0010,29 -11811,1,0,1930,45 -11812,1,0,1625,50 -11816,1,0,1726,51 -11817,1,0,1925,25 -11819,1,0,1749,47 -11821,1,3,0400,31 -11822,1,0,1950,22 -11823,1,0,2039,223 -11824,1,0,1950,27 -11825,1,0,1850,59 -11828,1,0,1642,38 -11831,1,0,1920,22 -11832,1,0,2231,44 -11833,1,1,0002,39 -11833,2,2,0500,25 -11836,1,0,2215,53 -11837,1,0,1227,40 -11839,1,0,1650,35 -11839,2,1,0920,28 -11841,1,0,1800,1720 -11841,2,1,0445,1182 -11844,1,0,1354,33 -11846,1,0,0148,97 -11847,1,0,2357,19 -11848,1,0,1243,57 -11850,1,0,2238,53 -11850,2,1,2000,158 -11852,1,0,2321,566 -11853,1,0,1740,72 -11854,1,0,0947,43 -11856,1,0,2011,720 -11856,2,1,0825,565 -11857,1,0,2218,304 -11857,2,1,0324,190 -11857,3,1,1150,145 -11857,4,2,0400,142 -11857,5,2,1550,144 -11858,1,0,2050,41 -11859,1,0,1925,179 -11860,1,0,1651,60 -11861,1,0,1548,26 -11865,1,0,1910,35 -11868,1,0,0542,29 -11870,1,0,1725,25 -11871,1,0,1915,46 -11872,1,0,1945,30 -11873,1,0,1545,39 -11876,1,0,1703,24 -11877,1,0,2146,140 -11877,2,1,0658,56 -11879,1,0,2009,42 -11881,1,0,1440,46 -11884,1,0,2301,23 -11886,1,0,1855,29 -11887,1,0,2115,133 -11888,1,0,1608,403 -11888,2,0,2208,205 -11888,3,1,0135,190 -11888,4,1,0600,137 -11888,5,1,1600,124 -11889,1,0,2126,29 -11889,2,0,2127,30 -11893,1,0,1755,40 -11894,1,0,2310,42 -11898,1,0,1814,55 -11899,1,0,1545,34 -11905,1,0,1804,44 -11907,1,0,1530,26 -11908,1,0,2150,52 -11909,1,0,2225,50 -11909,2,1,0425,41 -11910,1,0,1800,28 -11914,1,0,2025,66 -11914,2,0,2330,47 -11915,1,0,2104,1368 -11916,1,1,0010,34 -11917,1,0,1510,86 -11918,1,0,0200,48 -11919,1,1,0015,50 -11920,1,0,1907,24 -11922,1,0,1757,60 -11927,1,0,1908,32 -11932,1,0,1409,34 -11936,1,0,1909,50 -11937,1,0,1255,33 -11937,2,1,0810,28 -11937,3,2,0400,26 -11937,4,3,0500,18 -11937,5,4,0755,18 -11939,1,0,2135,51 -11940,1,0,1219,128 -11940,2,1,0545,99 -11942,1,0,1624,29 -11943,1,0,1824,61 -11944,1,0,1759,39 -11945,1,0,1510,87 -11946,1,0,1816,35 -11951,1,0,1607,43 -11953,1,0,1950,35 -11954,1,0,0620,76 -11957,1,0,1616,64 -11958,1,0,1222,85 -11959,1,0,1003,22 -11960,1,0,2333,380 -11962,1,2,0856,27 -11962,2,1,0654,40 -11962,3,0,1808,74 -11963,1,0,2253,35 -11964,1,0,1843,43 -11965,1,0,0430,31 -11967,1,0,1855,35 -11969,1,0,1556,37 -11971,1,0,1952,32 -11972,1,1,0400,366 -11972,2,2,0225,208 -11972,3,3,0505,127 -11972,4,4,0900,68 -11972,5,5,0800,47 -11977,1,0,1528,44 -11978,1,0,1015,39 -11979,1,1,0731,99 -11980,1,0,1742,27 -11981,1,0,1649,48 -11984,1,0,1910,55 -11985,1,0,2130,37 -11986,1,0,1422,25 -11987,1,0,2150,25 -11988,1,0,1452,84 -11988,2,0,1700,78 -11988,3,1,0407,61 -11988,4,2,0345,72 -11989,1,0,1645,86 -11990,1,0,1858,46 -11991,1,0,2327,34 -11992,1,0,1540,91 -11992,2,1,0845,54 -11994,1,1,0400,47 -11995,1,0,1542,30 -11996,1,0,2053,28 -12000,1,0,2345,24 -12003,1,0,1718,25 -12003,2,0,2250,21 -12004,1,0,2208,30 -12005,1,0,0400,53 -12007,1,0,1924,23 -12008,1,0,2319,80 -12010,1,0,1415,41 -12011,1,0,1735,45 -12013,1,0,2021,35 -12015,1,0,1724,53 -12016,1,0,1720,27 -12018,1,0,1655,24 -12019,1,0,1315,31 -12020,1,0,0940,53 -12021,1,0,2030,41 -12023,1,0,1543,393 -12026,1,0,1847,251 -12026,2,2,1318,48 -12027,1,0,1556,46 -12029,1,0,1548,19 -12031,1,0,1003,81 -12032,1,0,2133,128 -12033,1,0,1213,27 -12033,2,0,1558,26 -12035,1,0,1848,35 -12037,1,0,1439,30 -12039,1,1,1145,42 -12040,1,0,2138,20 -12043,1,0,1130,31 -12044,1,0,1630,32 diff --git a/data/iai_pecarn/raw/form5_bicarb.csv b/data/iai_pecarn/raw/form5_bicarb.csv deleted file mode 100644 index 490e76f3..00000000 --- a/data/iai_pecarn/raw/form5_bicarb.csv +++ /dev/null @@ -1,6939 +0,0 @@ -subjectid,repeat_instance,SerBicarbDay,SerBicarbTime,SerBicarbValue -1,1,0,0940,22 -3,1,0,2018,24 -5,1,0,2031,22 -6,1,0,0212,19 -8,1,0,1809,26 -10,1,0,1930,25 -14,1,0,0548,20 -16,1,0,0255,26 -18,1,0,1455,21 -19,1,0,0758,13 -20,1,0,0516,26 -23,1,0,1755,27 -24,1,0,2012,25 -25,1,0,1459,22 -30,1,0,1310,23 -32,1,0,1648,21 -33,1,0,2138,27 -34,1,0,2243,18.4 -35,1,0,2115,26 -37,1,0,1919,21 -40,2,0,2358,19 -41,1,0,2045,21 -42,1,0,1915,21.6 -44,1,0,0729,21 -45,1,0,1811,18 -46,1,0,1213,20 -49,1,0,1218,23.3 -50,1,0,1716,19 -52,1,0,1648,25 -53,1,0,2105,22 -55,1,0,1335,24 -56,1,0,2150,25 -57,1,0,2046,25 -60,1,0,1544,27 -62,1,0,2141,27 -65,1,0,1746,22.1 -66,1,0,2012,27 -66,2,1,0659,25 -66,3,3,1439,24 -67,1,0,1544,23 -68,1,0,1845,25 -70,1,0,1837,23 -71,1,1,0015,26 -72,1,0,1902,18 -73,1,0,1831,25 -74,1,0,2120,20 -75,1,0,1514,23 -76,1,0,1811,24.4 -81,1,0,1708,23 -83,1,0,1550,26 -85,1,0,1728,14 -86,1,0,0825,26 -87,1,0,1941,25 -88,1,0,1950,22 -89,1,0,2208,27 -90,1,1,0105,21 -91,1,0,0147,23 -92,1,0,1802,24 -93,1,0,2047,26 -95,1,0,1437,25 -99,1,0,2155,23 -101,1,1,1912,24 -102,1,0,1616,25 -103,1,0,2023,22 -105,1,0,1510,27 -106,1,0,1239,26 -108,1,0,0930,23 -109,1,0,1440,22 -110,1,0,2300,26 -111,1,0,0925,24 -112,1,0,1450,27 -113,1,0,2213,24 -114,1,0,1703,24 -115,1,0,1657,19 -116,1,0,1625,23 -117,1,0,1850,24 -119,1,1,0500,24 -120,1,0,2013,16 -121,1,0,2007,23 -125,1,0,1942,24 -129,1,0,1954,19 -130,1,0,2234,23 -132,1,0,1815,24 -134,1,0,2355,25 -135,1,0,2200,23 -137,1,0,1435,26 -139,1,0,0040,16 -140,1,0,2217,21 -142,1,0,2136,21 -144,1,0,1635,24 -145,1,0,1915,24.4 -146,1,1,0100,22 -147,1,0,0050,26 -148,1,0,0925,21 -151,1,0,1855,24 -152,1,0,0950,23 -153,1,0,1855,25 -155,1,0,2243,22 -157,1,0,2210,26 -158,1,0,1741,25.1 -159,1,0,1849,25 -161,1,0,0033,21 -161,2,0,0654,22 -161,3,1,0628,21 -163,1,0,2323,24 -165,1,0,1350,25 -169,1,1,0015,28 -170,1,0,1950,23 -172,1,0,2137,27 -173,1,0,1800,19 -175,1,0,1338,29 -176,1,0,1526,27 -178,1,0,1856,25 -179,1,0,2143,19.2 -181,1,0,1457,19 -182,1,0,1512,11.1 -183,1,0,1212,23 -184,1,0,1920,29 -185,1,0,2341,27 -187,1,1,0003,25 -188,1,0,1644,27 -190,1,0,2216,26 -193,1,0,0735,26 -195,1,0,1839,21 -197,1,0,2140,24.2 -198,1,0,2201,21 -199,1,0,1635,16 -201,1,0,1910,29 -202,1,0,1408,19 -203,1,0,1320,24 -204,1,0,1156,22.5 -206,1,0,0040,28 -209,1,0,1315,23.9 -210,1,0,1432,23 -212,1,0,1326,24 -213,1,0,1948,21 -214,1,0,1743,21 -216,1,0,2120,22 -217,1,0,1850,24 -221,1,0,2335,25 -225,1,0,2110,24.2 -226,1,0,1134,26 -227,1,0,1300,25 -228,1,0,2045,23.2 -229,1,0,0147,25 -232,1,0,1749,24 -235,1,0,1730,24 -237,1,0,1235,26 -238,1,0,1802,18 -239,1,0,1523,25 -240,1,0,0047,24 -241,1,0,1740,25 -243,1,0,1729,24 -244,1,0,1233,26 -246,1,0,0403,25 -247,1,0,1518,24 -248,1,0,1753,24.9 -256,1,0,1625,20 -257,1,0,1350,20 -259,1,0,1941,26 -263,1,0,1420,26 -264,1,0,1527,22 -265,1,0,1839,21 -267,1,0,2106,26 -273,1,0,1916,26 -275,1,0,2120,22 -282,1,0,2148,28 -284,1,0,2008,26.5 -285,1,0,1555,25 -286,1,0,1600,21.3 -289,1,0,2100,24 -292,1,1,0020,28 -293,1,0,1955,24.8 -295,1,0,1553,26 -297,1,0,1600,24 -299,1,0,0910,26 -300,1,0,1537,23 -301,1,0,1545,17 -303,1,1,0403,20 -304,1,0,2142,24 -306,1,0,2011,22.4 -308,1,1,0001,21 -309,1,0,1806,23 -310,1,0,2108,19 -313,1,0,1742,25 -314,1,0,1329,22 -316,1,0,2045,21 -317,1,0,1735,25 -318,1,0,2017,14 -320,1,0,0050,27 -321,1,0,1644,28 -322,1,0,1540,23 -323,1,0,2250,25.7 -326,1,0,0104,25 -328,1,0,1740,25 -329,1,0,0930,26.9 -332,1,0,2230,24 -333,1,0,2035,26 -336,1,0,0623,21 -337,1,0,2223,16.6 -338,1,0,0637,25 -340,1,0,2024,21 -341,1,0,0709,24 -342,1,6,1546,28 -343,1,0,2039,23 -344,1,0,1838,23 -347,1,0,1222,22 -351,1,0,1221,25 -352,1,0,1318,17 -353,1,0,1914,21 -355,1,0,2009,27 -356,1,0,1738,19 -357,1,0,1130,27 -358,1,0,1143,23 -363,1,0,1200,23 -364,1,0,2144,45.5 -365,1,0,2206,25 -366,1,0,1700,26 -367,1,0,0545,27.5 -368,1,0,0143,29 -369,1,0,0919,24 -371,1,0,2136,19 -372,1,0,1438,20 -374,1,0,0910,27 -376,1,0,0218,19 -377,1,0,1640,24 -378,1,0,1713,25 -379,1,0,1724,23 -380,1,0,1250,24 -381,1,0,2100,24 -382,1,0,2030,24 -386,1,0,1600,22 -387,1,0,1430,27 -389,1,0,1705,25 -390,1,0,2005,22 -391,1,0,1830,23 -392,1,0,2055,25 -396,1,0,2242,21.3 -397,1,0,1824,23 -398,1,0,1940,22 -399,1,0,0944,19 -400,1,0,1802,27 -401,1,0,2000,20 -406,1,0,2143,21 -407,1,0,1618,29 -410,1,0,2335,22 -412,1,0,1520,23 -413,1,0,1402,22 -414,1,0,0959,24 -415,1,0,1508,22 -417,1,0,1544,23 -420,1,0,2111,24 -421,1,0,1745,24.7 -422,1,0,0956,22 -423,1,0,2056,27 -428,1,0,1535,21 -429,1,0,1530,25 -433,1,0,2220,24 -438,1,0,1623,25 -439,1,0,1521,24 -442,1,0,1940,26 -444,1,0,2250,20 -444,2,1,1840,27 -445,1,0,2039,23 -446,1,0,0114,24 -447,1,0,2039,25 -448,1,0,0309,28 -449,1,0,1442,23 -450,1,0,2050,26 -451,1,1,0835,26.2 -452,1,0,0140,21 -453,1,0,1815,27 -454,1,0,1944,23 -457,1,1,0011,25 -458,1,0,1815,23 -459,1,0,1425,29 -460,1,0,2134,17 -462,1,1,0355,27 -465,1,0,2100,22 -469,1,1,1210,22 -471,1,0,1834,24.6 -471,2,0,2043,25 -472,1,0,0915,26 -474,1,0,0830,23 -475,1,0,2125,27 -480,1,0,2251,25 -481,1,0,0055,24 -482,1,0,1400,25 -484,1,0,1900,27 -486,1,0,1641,24 -488,1,0,0745,21 -490,1,0,1419,20 -493,1,1,0155,26 -494,1,0,1247,16.2 -495,1,0,2227,22 -498,1,0,2034,26 -499,1,1,0111,21 -500,1,1,0559,22 -502,1,0,1658,22 -503,1,0,1647,22.6 -505,1,0,1110,27 -507,1,0,2124,27 -508,1,0,2252,27 -509,1,0,1914,26 -510,1,0,1857,23 -511,1,0,0439,22 -512,1,0,2203,28 -513,1,1,0016,24 -515,1,0,1301,25 -516,1,0,2109,25 -517,1,0,2300,27 -519,1,0,1102,24 -520,1,0,1621,22 -521,1,0,0202,21 -522,1,0,2044,22 -523,1,0,1345,24 -525,1,0,0247,19 -527,1,0,1028,24 -531,1,0,1130,22 -534,1,0,2208,23 -535,1,0,1352,25 -536,1,0,2300,22 -537,1,0,1749,25 -538,1,0,1415,28 -539,1,0,2029,25 -540,1,0,2339,28 -542,1,0,1712,19 -543,1,0,1702,23.1 -544,1,0,1733,23 -546,1,0,0315,20 -548,1,0,2101,24 -549,1,1,0111,24 -550,1,0,1329,24 -551,1,0,1245,23 -553,1,0,1112,26 -558,1,0,1328,25 -559,1,0,1700,27 -563,1,0,1703,20 -564,1,0,1925,26 -567,1,0,2245,21 -569,1,0,1810,28 -570,1,0,0815,21 -572,1,0,1435,36 -574,1,1,0502,15 -575,1,0,2329,20 -576,1,0,1741,26 -577,1,0,2119,24.6 -578,1,0,0529,27 -579,1,0,1353,25 -582,1,0,1949,23 -583,1,0,2355,24.8 -586,1,0,2124,27 -587,1,0,1330,24 -588,1,0,1900,23 -590,1,0,2253,26 -591,1,0,1633,24 -591,2,0,2243,21 -593,1,0,1815,22 -594,1,0,1530,25 -595,1,0,1420,12 -596,1,0,1728,22 -600,1,0,2104,23 -603,1,1,0001,23 -606,1,0,1821,25 -607,1,0,1950,23 -608,1,0,1712,24 -611,1,0,2111,20.2 -613,1,0,1646,24 -615,1,0,2237,21 -617,1,0,0952,21 -618,1,0,1456,27 -620,1,1,0015,22 -621,1,0,1742,23 -622,1,0,0049,25 -623,1,0,2350,27 -624,1,0,1229,23 -625,1,0,2309,22 -627,1,0,1632,24 -628,1,0,0945,27 -629,1,0,1350,24.2 -630,1,0,1530,26 -631,1,0,1956,19.4 -632,1,0,2039,20 -633,1,0,2320,27 -636,1,0,1236,24 -637,1,0,1900,21 -638,1,1,0042,25 -642,1,0,1240,25 -643,1,0,1557,21 -644,1,0,2200,22 -645,1,0,2052,23 -646,1,0,1351,22 -647,1,0,1412,25 -648,1,0,2120,22 -650,1,0,2116,24 -652,1,0,1305,23 -657,1,0,1306,24 -658,1,0,1253,25 -659,2,0,1729,21 -663,1,0,2300,24 -664,1,0,2141,25 -668,1,0,1732,15 -669,1,0,1819,23 -671,1,0,1503,30 -673,1,0,1601,23 -676,1,0,1926,26 -679,1,1,0031,25 -681,1,0,1635,24 -682,1,0,1940,24.3 -683,1,0,1645,20 -686,1,0,2000,31 -687,1,0,0054,27 -689,1,0,0320,23 -691,1,0,1640,27 -694,1,0,1951,24.4 -695,1,0,1500,27 -696,1,0,1314,22.4 -698,1,0,0535,23 -699,1,0,0136,23.6 -701,1,0,1848,21 -702,1,1,0230,22 -705,1,1,1600,24 -707,1,0,0836,19.1 -708,1,0,1633,22 -710,1,0,1939,24 -711,1,0,2000,23 -712,1,0,1947,22 -714,1,1,0415,27 -715,1,0,2003,26 -716,1,0,1405,24 -717,1,0,2340,23 -719,1,0,1621,24 -719,2,1,0627,22 -720,1,0,1942,19 -721,1,0,0915,10 -722,1,0,2122,22 -728,1,0,1623,27 -729,1,0,2132,23 -731,1,0,2120,25 -732,1,0,1609,25 -733,1,0,1821,25 -734,1,0,1812,22.2 -735,1,0,0249,24 -736,1,0,1300,24 -737,1,0,1646,25 -738,1,0,2055,27 -739,1,0,1553,22.6 -742,1,0,1714,28 -744,1,0,1327,21 -746,1,0,0153,16.6 -747,1,0,2305,27 -749,1,0,2130,23 -750,1,0,2359,24 -751,1,0,0325,25 -756,1,0,1341,20 -758,1,0,2232,23.5 -760,1,1,0029,21 -761,1,0,1445,21.6 -762,1,0,2124,20 -763,1,0,1829,20 -764,1,0,1517,21 -766,1,0,1625,20 -767,1,0,1112,27 -771,1,0,1223,27 -773,1,0,2341,24 -774,1,1,0625,22 -776,1,0,2007,26 -778,1,0,0200,24 -779,1,0,2040,24 -780,1,0,0135,29 -781,1,0,1950,22 -782,1,0,1610,29 -784,1,0,1730,28 -785,1,0,0447,22 -786,1,0,2050,26 -787,1,0,1635,23 -788,1,0,2241,23 -790,1,0,1144,24 -792,1,0,2020,23 -794,1,0,0947,21.7 -796,1,0,2350,25 -798,1,0,2208,27 -800,1,0,1957,24 -809,1,0,0356,26 -810,1,0,2150,19 -814,1,0,1757,22 -816,1,0,0220,24 -817,1,0,1232,21 -818,1,0,1548,25 -821,1,0,1440,23 -828,1,0,1807,22 -830,1,0,2235,24 -831,1,0,1649,17 -839,1,1,0709,23 -840,1,0,2109,25 -841,1,0,0030,19 -842,1,0,1558,31 -843,1,0,1426,22 -847,1,0,1855,27 -848,1,0,1550,25 -850,1,0,1411,21 -851,1,0,0145,24 -852,1,0,2002,21 -854,1,0,0613,22 -856,1,0,1245,26 -857,1,0,2258,23 -858,1,0,1340,26 -861,1,0,1257,25 -862,1,0,2209,21 -863,1,0,1742,24 -868,1,0,1851,23 -869,1,0,2100,19 -873,1,0,2331,38 -874,1,0,1726,22 -876,1,0,1532,25 -878,1,0,1300,23 -880,1,0,0026,25 -886,1,0,2049,23 -887,1,0,1415,24 -890,1,0,2319,28 -892,1,0,1839,22 -893,1,0,1625,26 -894,1,0,1542,25.9 -896,1,0,1739,25 -897,1,0,1955,23.3 -898,1,0,1525,23.6 -898,2,1,0622,26.6 -899,1,0,2025,25 -901,1,0,1005,32 -902,1,0,1417,13 -904,1,0,0514,24 -905,1,0,1140,24 -908,1,0,2047,23 -911,1,0,1704,23 -912,1,0,2048,25 -915,1,0,1315,24 -917,1,0,1752,22 -918,1,0,2200,23 -919,1,0,2210,25 -921,1,0,1544,26 -922,1,0,1924,28 -924,1,0,1310,23 -925,1,0,2243,23 -926,1,0,1207,18 -930,1,0,1441,24 -931,1,0,1617,24 -932,1,0,1811,24 -933,1,0,0135,23 -935,1,0,1348,21 -936,1,0,1126,22 -937,1,0,0753,23 -937,2,1,1013,25.5 -937,3,6,1331,22.6 -938,1,0,1207,26 -939,1,0,1116,22 -940,1,0,1846,26 -941,1,0,1025,21 -942,1,0,1330,27 -943,1,0,1617,22 -944,1,0,0615,27 -946,1,1,0445,25 -947,1,0,2026,25 -948,1,0,1005,24 -949,1,0,1613,25 -950,1,0,1915,25 -953,1,0,1747,22 -954,1,0,0826,21 -955,1,0,1449,22 -957,1,0,1152,23.6 -961,1,0,1857,21 -962,1,0,0119,21 -964,1,0,1750,19 -965,1,0,1421,27 -966,1,0,1922,22 -967,1,0,2055,27 -968,1,0,1501,27 -970,1,0,1500,25 -971,1,0,2152,24 -972,1,0,2334,26 -974,1,0,1450,24 -976,1,0,1830,26 -977,1,0,1625,24 -978,1,0,1959,22 -979,1,0,0045,27 -982,1,0,1545,26.1 -983,1,0,1126,25 -984,1,0,0355,23 -988,1,0,1515,21 -990,1,0,2345,22 -991,1,0,1634,26 -993,1,0,2057,25 -996,1,0,1955,23 -1000,1,0,0249,28 -1001,1,0,1902,22 -1002,1,0,2137,21 -1004,1,0,2310,25 -1006,1,0,2015,22 -1007,1,0,1940,25 -1008,1,0,2109,18 -1009,1,0,1410,18 -1011,1,0,1604,21 -1015,1,0,1920,21 -1018,1,0,2027,22 -1020,1,0,1117,24 -1021,1,0,1551,20 -1022,1,0,2014,28 -1023,1,0,2015,26 -1025,1,0,1820,22.8 -1028,1,0,1800,21 -1030,1,0,1951,27 -1036,1,0,0203,25 -1038,1,0,2001,18 -1041,1,0,1135,24 -1042,1,0,2255,23 -1043,1,0,1843,27 -1044,1,0,1700,25 -1045,1,0,1924,24 -1049,1,0,1839,18 -1050,1,0,2150,26 -1054,1,0,1016,22 -1056,1,0,1824,22 -1057,1,0,0331,24 -1061,1,0,1539,24 -1062,1,0,1945,29 -1065,1,0,1930,22 -1067,1,0,1920,24 -1068,1,0,1450,27 -1071,1,0,2005,22.3 -1074,1,0,0857,25 -1075,1,0,1254,25 -1076,1,0,1838,25 -1077,1,0,2000,19.6 -1078,1,1,0138,18 -1080,1,0,0059,24 -1081,1,0,1516,27.1 -1082,1,0,1916,27 -1084,1,0,2052,23 -1085,1,0,1601,20 -1087,1,0,2355,27 -1091,1,0,1746,25 -1092,1,0,1957,20.2 -1093,1,1,1815,23 -1095,1,0,1140,24 -1097,1,0,1937,30 -1098,1,0,0316,26.1 -1099,1,0,1820,22.4 -1100,1,0,0120,16 -1101,1,0,1331,22 -1102,1,0,1420,16.8 -1104,1,0,1610,27 -1105,1,0,2143,21 -1106,1,0,1520,24 -1108,1,0,1854,22 -1109,1,0,1557,21 -1110,1,0,1717,24.2 -1111,1,0,2057,26 -1118,1,0,2024,30 -1120,1,0,0153,21.3 -1121,1,0,0634,24 -1122,1,0,1615,21 -1125,1,0,2218,22 -1129,1,0,1706,24 -1132,1,0,2335,28 -1134,1,0,0959,26 -1136,1,0,1827,23 -1137,1,0,2119,23 -1140,1,0,2243,25 -1141,1,1,0935,23 -1145,1,0,1250,21 -1146,1,1,0637,24 -1147,1,0,1518,23 -1148,1,0,2350,22 -1149,1,0,0751,25 -1150,1,0,2300,28 -1152,1,0,1610,23 -1153,1,0,1249,23 -1157,1,0,0945,24 -1159,1,0,1500,22 -1160,1,3,0845,20 -1161,1,0,1706,24 -1162,1,0,2059,21 -1164,1,0,1424,26 -1165,1,0,1710,24 -1168,1,0,1220,20 -1171,1,0,2212,24.7 -1172,1,0,1134,24 -1173,1,0,1540,26 -1174,1,0,2305,25 -1175,1,0,1902,25 -1177,1,0,1145,24 -1181,1,0,2020,21 -1182,1,0,1139,17 -1183,1,0,1825,22 -1185,1,0,1550,29 -1190,1,0,2157,23 -1192,1,0,2052,25 -1193,1,0,1237,28 -1196,1,0,1655,23 -1197,1,0,1815,29 -1198,1,0,1430,23.6 -1199,1,0,1908,24 -1201,1,0,1722,22 -1202,1,0,0750,23.1 -1203,1,0,1905,25 -1205,1,0,1100,24 -1206,1,0,0945,25 -1207,1,0,2145,27 -1209,1,0,1720,25 -1211,1,0,1210,24 -1213,1,1,1940,25.2 -1216,1,0,1501,21 -1217,1,0,2245,27 -1218,1,0,0444,20 -1219,1,0,0717,24 -1220,1,0,1614,24 -1221,1,0,1004,26 -1222,1,0,2140,20 -1224,1,1,0453,22 -1227,1,0,2016,28 -1229,1,0,1917,21 -1230,1,0,1700,21 -1231,1,0,1602,27 -1234,1,0,2306,22 -1235,1,0,1856,23 -1237,1,0,1646,23.7 -1239,1,0,2320,21.1 -1240,1,0,1940,22 -1243,1,0,1510,20 -1245,1,0,1907,24 -1246,1,0,1930,24 -1247,1,0,1955,27 -1249,1,0,2124,23.5 -1250,1,0,1700,22 -1253,1,0,1014,23 -1254,1,0,2256,25 -1258,1,0,1845,20 -1259,1,2,1117,21 -1262,1,0,2244,20 -1263,1,0,1613,26 -1265,1,1,0355,30 -1266,1,0,2105,26 -1267,1,0,1944,27 -1269,1,0,2259,24 -1271,1,0,1922,21 -1272,1,0,1915,20 -1273,1,0,2130,19 -1275,1,0,2036,24.3 -1276,1,0,2138,23.4 -1277,1,0,1857,25 -1279,1,0,1802,26 -1280,1,0,1803,17.2 -1281,1,0,1925,24.2 -1282,1,0,1828,27 -1283,1,0,1445,24 -1284,1,0,1808,21 -1286,1,0,1845,19 -1289,1,0,1608,25 -1292,1,0,0655,23 -1293,1,0,1803,24 -1295,1,0,1157,23 -1297,1,0,1811,24.1 -1300,1,0,1628,26 -1303,1,0,1602,23 -1304,1,1,0443,22 -1306,1,0,2230,24 -1308,1,0,0027,23 -1309,1,0,2054,23 -1310,1,1,0000,25 -1312,1,0,1711,22 -1313,1,0,2214,25.4 -1314,1,0,2140,22 -1316,1,0,1339,18 -1317,1,0,1802,26.6 -1321,1,0,1734,22 -1322,1,0,0056,23 -1323,1,0,1526,26 -1324,1,0,2037,24.1 -1326,1,0,1530,25 -1327,1,0,2207,29 -1328,1,0,2228,23 -1331,1,0,1614,22.2 -1334,1,0,0855,28 -1336,1,0,1115,9 -1338,1,1,0944,22 -1338,2,3,0845,25 -1338,3,5,0902,28 -1342,1,0,1859,21 -1346,1,1,0430,26 -1349,1,0,1831,25 -1350,1,0,0914,21 -1352,1,0,1825,25 -1354,1,0,2216,25 -1355,1,0,1854,22 -1356,1,0,2108,25 -1359,1,0,2046,22 -1361,1,0,1637,25 -1363,1,0,1348,20 -1364,1,0,2246,22 -1365,1,0,1805,22 -1367,1,0,1638,24 -1369,1,0,2206,29 -1371,1,0,0020,28 -1373,1,0,1047,23 -1374,1,0,1720,24 -1375,1,0,0002,26 -1376,1,0,0021,23 -1377,1,0,0137,26 -1378,1,0,1710,21 -1379,1,0,1734,26 -1381,1,0,1458,17 -1382,1,0,0420,24 -1383,1,0,1417,21 -1385,1,0,1535,23 -1393,1,0,2000,16.6 -1394,1,0,1917,25 -1395,1,0,1554,21 -1397,1,0,2110,27 -1398,1,0,0017,24 -1399,1,0,1031,21 -1400,1,0,2318,27 -1401,1,0,1933,27 -1403,1,0,2124,25 -1405,1,0,2353,22.7 -1407,1,0,1600,27 -1409,1,0,1933,20 -1410,1,0,2254,28 -1413,1,0,1742,22 -1414,1,0,1500,20 -1415,1,0,1239,26 -1416,1,0,1542,27 -1417,1,0,0526,26 -1418,1,0,1430,23 -1421,1,0,1310,24 -1422,1,0,2200,22 -1424,1,0,2315,24 -1426,1,0,2040,25 -1429,1,1,0410,23 -1432,1,0,2355,19 -1433,1,0,1525,21 -1434,1,0,2020,22 -1436,1,0,1002,23 -1437,1,0,1536,25 -1440,1,0,1920,26 -1442,1,0,0531,27 -1444,1,0,2113,22 -1445,1,0,1952,24 -1446,1,0,0235,30 -1447,1,0,1419,26 -1449,1,0,2255,23 -1450,1,0,2157,25.8 -1453,1,0,1727,24 -1454,1,0,1440,21 -1455,1,0,1120,21 -1456,1,0,2044,29.5 -1457,1,0,1730,25 -1459,1,0,1709,21 -1460,1,0,0319,25 -1464,1,0,1635,15 -1466,1,0,1456,25 -1469,1,0,1339,24 -1472,1,0,2043,18 -1477,1,0,1819,19 -1478,1,0,1312,22 -1482,1,0,0750,25 -1484,1,1,0550,28 -1484,2,0,1909,26 -1484,3,1,0012,26 -1486,1,0,2150,25 -1490,1,0,1845,29 -1491,1,0,1352,27 -1494,1,0,2005,21 -1495,1,0,1024,29 -1496,1,0,1157,23 -1498,1,0,2303,24 -1499,1,0,2209,23 -1500,1,0,1349,28 -1501,1,0,0941,21.9 -1502,1,0,1500,19 -1503,1,0,2112,24 -1506,1,1,0000,23 -1508,1,1,0005,25 -1509,1,0,1730,23 -1512,1,0,1503,20 -1514,1,0,1645,22.3 -1515,1,0,1251,25 -1518,1,0,1807,25.6 -1519,1,0,1240,20.9 -1521,1,0,1244,23 -1522,1,0,2047,26 -1526,1,0,2306,26 -1527,1,1,0003,26 -1528,1,0,1523,23 -1529,1,1,0010,21 -1533,1,0,1940,27 -1535,1,0,1731,27 -1538,1,0,1733,24 -1539,1,0,1516,25 -1540,1,0,1850,23 -1542,1,0,1450,22 -1543,1,0,1815,20 -1544,1,0,1430,22 -1545,1,0,1620,18 -1546,1,0,1815,17.5 -1547,1,0,1931,26 -1548,1,0,1317,21 -1552,1,0,1345,27 -1553,1,0,1013,23 -1554,1,0,0105,19 -1555,1,0,1534,22 -1557,1,0,1520,23 -1560,1,1,0007,21.9 -1561,1,0,1452,19.4 -1562,1,0,1814,22 -1564,1,0,1943,30 -1565,1,0,2224,19.8 -1566,1,0,0759,27 -1567,1,0,2226,23 -1567,2,3,1014,29 -1569,1,0,1916,21 -1570,1,0,1709,24 -1574,1,0,1740,19 -1575,1,0,1830,23 -1582,1,1,0100,25 -1583,1,0,2145,28 -1584,1,0,1615,20 -1587,1,0,1940,25 -1588,1,0,1002,26 -1589,1,0,2058,21.6 -1590,1,0,0845,24 -1591,1,0,1520,25 -1592,1,0,1615,23 -1594,1,0,0039,17 -1595,1,0,1250,26 -1597,1,0,1257,23 -1602,1,1,0024,12 -1605,1,0,1450,24 -1606,1,0,1826,24.6 -1609,1,0,2118,22 -1613,1,0,2005,21 -1613,2,1,0938,26 -1616,1,0,1707,21 -1617,1,0,2105,24 -1620,1,0,1712,23 -1621,1,0,1930,26 -1622,1,0,2335,21 -1623,1,0,0030,25 -1624,1,0,0440,18 -1625,1,0,1145,23 -1626,1,0,2043,26 -1628,1,0,1730,19 -1629,1,0,1502,20.3 -1632,1,0,2137,23 -1633,1,0,1615,24 -1634,1,0,2139,24 -1636,1,0,1305,29 -1637,1,0,1130,24 -1638,1,0,2308,22 -1639,1,0,1340,25 -1642,1,0,1655,20 -1644,1,0,1837,28 -1645,1,1,1000,23 -1647,1,1,0826,26.3 -1649,1,0,1905,23 -1650,1,0,2056,22.2 -1653,1,0,0832,26 -1654,1,0,1923,21 -1655,1,0,1424,24 -1656,1,0,1256,25 -1657,1,0,0600,31 -1660,1,0,2311,25 -1661,1,0,0040,24 -1662,1,0,0500,23 -1665,1,0,2049,24 -1667,1,0,1800,24 -1671,1,0,1530,23 -1673,1,0,2217,17 -1675,1,0,2303,25 -1676,1,0,1920,23 -1677,1,0,2346,24 -1679,1,0,1050,18 -1680,1,0,1510,21 -1683,1,0,2015,24 -1684,1,0,1725,25 -1686,1,0,1300,23 -1689,1,0,2222,23 -1690,1,0,0223,21 -1691,1,0,2125,23 -1692,1,0,2137,23.3 -1693,1,0,1720,22 -1696,1,0,1659,21 -1698,1,0,1908,23 -1701,1,0,1636,25 -1703,1,0,2224,23.2 -1707,1,1,0400,23 -1708,1,0,1830,23 -1709,1,0,0031,22 -1710,1,0,1946,22.9 -1711,1,0,1400,27 -1712,1,0,1400,26 -1713,1,0,2023,26 -1714,1,0,1736,22 -1716,1,0,1800,22 -1722,1,0,1634,21 -1723,1,1,0015,25.8 -1725,1,0,2345,23 -1726,1,0,2133,24 -1727,1,0,1755,24 -1728,1,0,1033,26 -1729,1,0,1940,21 -1730,1,0,0625,26 -1732,1,0,0230,26 -1734,1,1,0030,26 -1735,1,0,1941,24 -1736,1,0,1335,44.6 -1739,1,1,0658,25 -1740,1,0,1642,26 -1744,1,0,1633,26 -1747,1,0,1935,24 -1748,1,0,2223,26 -1749,1,0,1931,26 -1750,1,0,0214,20 -1754,1,0,2207,23 -1756,1,0,2045,21 -1757,1,0,2256,25 -1758,1,0,1633,22 -1759,1,0,1953,28 -1760,1,0,2251,22 -1763,1,0,1337,25 -1764,1,0,2106,22 -1767,1,0,1930,18 -1768,1,0,1629,26 -1769,1,0,1530,28 -1770,1,0,1922,19.8 -1772,1,0,1457,23.8 -1774,1,0,0133,23.6 -1775,1,0,1818,22 -1776,1,0,1840,22 -1777,1,0,1939,21 -1778,1,0,2154,21.9 -1781,1,0,0923,23 -1782,1,0,0046,21 -1783,1,0,1651,23 -1784,1,0,0929,22 -1785,1,0,1325,26 -1786,1,0,1220,23.1 -1787,1,0,0405,25 -1789,1,0,2020,26 -1790,1,0,1956,17 -1792,1,0,2244,25 -1793,1,0,1929,23 -1794,1,0,1740,22 -1795,1,0,1100,26 -1796,1,0,1500,27 -1797,1,0,2042,22 -1800,1,0,1517,25 -1804,1,0,1814,19 -1806,1,0,1910,22 -1807,1,0,2003,25 -1810,1,0,0747,24.6 -1811,1,0,1740,22 -1816,1,0,1646,24 -1817,1,0,1754,20 -1819,1,0,2350,23 -1823,1,0,1627,24 -1824,1,0,1300,23 -1825,1,0,0938,26 -1828,1,0,2130,27 -1829,1,0,1739,20 -1831,1,0,2304,23 -1833,1,0,2016,27 -1834,1,0,0825,14 -1835,1,0,2300,26 -1836,1,0,1013,25 -1837,1,0,1938,17 -1838,1,0,2325,28 -1839,1,0,1532,22 -1840,1,0,1748,18 -1843,1,0,2230,29 -1845,1,0,1545,23 -1846,1,0,1121,23 -1851,1,0,1740,24 -1852,1,0,0342,24 -1854,1,0,1938,22 -1855,1,0,1615,20 -1856,1,0,2350,26 -1857,1,0,1937,23 -1858,1,0,1954,21.2 -1860,1,0,1119,22 -1861,1,0,1520,26 -1868,1,0,2023,22.9 -1869,1,0,1604,27 -1870,1,1,0500,23 -1873,1,0,1818,24 -1880,1,0,0205,23 -1881,1,0,0145,24 -1882,1,0,2200,24 -1883,1,0,2020,21 -1884,1,1,0030,21 -1886,1,0,1355,23 -1889,1,0,0847,25 -1890,1,0,1730,27 -1891,1,0,2335,24 -1893,1,0,1305,20.8 -1894,1,0,1940,23 -1895,1,0,2134,25 -1897,1,0,1800,24 -1899,1,1,0009,21 -1900,1,0,2352,29 -1901,1,0,1615,23 -1902,1,0,2002,28.9 -1904,1,0,2039,23 -1906,1,0,2018,28 -1907,1,0,2147,26 -1909,1,0,2107,25 -1910,1,0,2028,23 -1911,1,0,2044,17.8 -1912,1,0,1717,30 -1913,1,0,1631,23 -1916,1,0,1715,23 -1917,1,0,1556,12 -1918,1,1,0052,25 -1920,1,0,1338,20 -1921,1,0,1829,20 -1922,1,0,1755,20.8 -1923,1,0,2055,24 -1929,1,0,1759,26 -1930,1,0,1530,23 -1933,1,0,0505,24.3 -1934,1,0,1642,24 -1937,1,0,1705,22 -1939,1,0,1913,28 -1943,1,0,1948,24 -1944,1,0,1511,27 -1945,1,0,2013,19 -1947,1,0,0840,26 -1948,1,0,1449,27 -1949,1,0,1330,26 -1953,1,0,2137,22 -1958,1,1,0255,19 -1959,1,0,0115,26 -1962,1,0,0046,24 -1964,1,0,2205,24 -1965,1,0,1715,24 -1970,1,0,0305,25 -1974,1,0,2130,17 -1975,1,0,2241,19 -1977,1,0,1633,25 -1978,1,0,1728,21 -1981,1,0,2100,24 -1982,1,0,1820,26.8 -1985,1,0,1256,16 -1986,1,0,2000,24 -1987,1,0,2023,17 -1988,1,0,1955,22 -1989,1,0,1348,23 -1990,1,0,1700,23.1 -1991,1,0,1623,26 -1992,1,0,2045,27 -1993,1,0,1336,21 -1994,1,0,2000,21 -1999,1,0,1530,23 -2000,1,0,2059,23 -2004,1,0,0100,25 -2006,1,0,1932,25 -2007,1,0,0411,25 -2009,1,0,2225,22 -2011,1,0,2144,25 -2014,1,0,0255,26 -2015,1,1,0315,24 -2019,1,0,1720,22 -2020,1,0,2105,25 -2022,1,0,1810,24 -2023,1,0,1201,22 -2024,1,0,1946,21 -2025,1,0,1653,22 -2028,1,0,1930,24 -2029,1,0,2054,22 -2030,1,0,2305,26 -2032,1,0,0027,25 -2033,1,0,1925,11 -2035,1,1,0315,26 -2037,1,0,1605,25 -2038,1,0,1428,26 -2039,1,0,2151,27 -2041,1,0,1207,27 -2043,1,0,1314,14 -2044,1,0,1229,25 -2045,1,0,0952,24 -2047,1,0,1959,23 -2050,1,0,1655,27 -2052,1,0,1617,22 -2053,1,0,1840,26 -2054,1,0,1730,26 -2056,1,0,2010,21 -2057,1,0,1210,23 -2058,1,0,1133,24 -2059,1,0,1351,21 -2061,1,0,1500,22 -2062,1,0,1652,19.3 -2063,1,0,1822,20 -2065,1,0,1640,26 -2070,1,0,2126,21 -2072,1,0,1304,18 -2073,1,0,2218,25 -2074,1,0,0915,21 -2075,1,0,2150,26 -2076,1,0,2121,22 -2078,1,1,0052,27 -2080,1,0,1932,23 -2081,1,0,1857,26 -2082,1,1,0004,27 -2083,1,0,1615,22 -2084,1,0,1709,22 -2086,1,0,1858,24 -2087,1,0,1810,25 -2095,1,0,2002,23 -2096,1,0,1925,25 -2101,1,0,2308,24 -2103,1,0,1701,22.3 -2105,1,0,1500,20 -2106,1,0,1420,25 -2107,1,0,0420,25 -2109,1,0,1915,23 -2114,1,0,0022,24 -2115,1,0,1830,17 -2116,1,0,1059,22 -2117,1,0,1425,28.4 -2119,1,0,1815,27 -2120,1,0,1333,28 -2122,1,0,1400,22 -2123,1,0,0102,26 -2124,1,0,2126,19 -2125,1,0,2308,21 -2126,1,0,1029,27 -2127,1,0,1551,25 -2128,1,0,1230,26 -2131,1,0,2303,25 -2132,1,0,0711,26 -2134,1,0,1355,24 -2136,1,0,1530,15 -2138,1,0,2308,25 -2139,1,0,1724,29 -2140,1,0,0130,28 -2141,1,0,1825,19.9 -2145,1,0,2130,25 -2146,1,0,2141,25.2 -2147,1,0,1718,24 -2150,1,0,1516,28 -2152,1,0,1950,25 -2153,1,0,2141,23 -2154,1,0,1408,24 -2155,1,0,1653,24 -2156,1,0,1434,28 -2157,1,0,1851,20 -2159,1,0,1222,21 -2162,1,0,1926,22 -2164,1,0,1748,21 -2168,1,0,1518,22 -2169,1,0,1415,26 -2172,1,1,0456,25 -2174,1,0,1435,24 -2176,1,0,2249,24 -2177,1,0,2303,27 -2178,1,0,2053,20 -2182,1,0,1335,26 -2183,1,1,1500,23 -2184,1,0,1705,24.1 -2186,1,1,0601,23 -2188,1,0,1740,26 -2191,1,0,1706,20.5 -2191,2,1,0017,18.8 -2191,3,1,1021,17.8 -2191,4,2,0901,15.4 -2195,1,0,2023,26 -2197,1,0,0955,19 -2199,1,0,1730,22 -2202,1,1,0850,24 -2203,1,0,1045,24 -2204,1,0,2131,27 -2205,1,0,1850,22 -2207,1,0,0922,28 -2208,1,0,1600,22 -2209,1,0,2229,23 -2210,1,0,1910,9.6 -2211,1,0,0412,23 -2213,1,0,1950,22 -2214,1,0,2115,30 -2216,1,0,1150,24.3 -2217,1,0,1341,23 -2220,1,0,2222,25 -2223,1,0,1415,26.1 -2224,1,0,1945,22 -2225,1,0,1840,26 -2226,1,0,0804,26 -2227,1,0,1748,20 -2228,1,0,0846,24 -2230,1,0,1439,24 -2233,1,0,1323,25 -2236,1,0,1856,23 -2237,1,0,1332,27 -2238,1,0,2340,27 -2240,1,0,2155,26 -2244,1,0,1830,25 -2245,1,0,1950,23 -2246,1,0,1706,22 -2247,1,0,1925,24 -2250,1,0,1908,29 -2251,1,0,2227,25.8 -2258,1,0,2316,28 -2259,1,0,1650,24 -2263,1,1,0010,28 -2266,1,0,2125,19 -2269,1,0,1920,25 -2271,1,0,1425,21 -2272,1,0,1440,25 -2273,1,0,1131,26 -2274,1,0,1418,21 -2275,1,0,2210,18.2 -2276,1,0,2010,22 -2277,1,0,1630,23 -2278,1,0,1711,24 -2283,1,0,2053,24.5 -2285,1,0,1233,24 -2286,1,0,2045,23 -2287,1,1,0035,25 -2288,1,0,2019,23 -2290,1,0,2142,25 -2295,1,0,2202,22.4 -2296,1,0,2128,21.7 -2297,1,0,1255,27 -2298,1,0,1000,20 -2301,1,1,0000,25 -2302,1,0,1815,22 -2305,1,0,2000,24 -2307,1,0,1841,21.3 -2310,1,0,1610,27 -2313,1,0,1708,25 -2315,1,0,2025,27 -2318,1,0,1733,17 -2319,1,0,2041,23 -2320,1,0,2356,26 -2321,1,0,2151,26 -2322,1,0,1640,24.6 -2324,1,0,0150,23 -2326,1,0,2056,27 -2327,1,0,1718,26 -2328,1,0,1450,22 -2332,1,0,1940,24 -2333,1,0,1151,25 -2336,1,0,1600,23 -2337,1,0,1730,20 -2339,1,0,2200,21 -2340,1,0,2352,22.4 -2342,1,0,1112,18 -2343,1,0,0347,26 -2345,1,0,1900,25 -2346,1,0,0104,23 -2347,1,0,2036,26 -2348,1,0,1943,25 -2353,1,0,1452,21 -2354,1,0,2350,25 -2356,1,0,1657,22 -2359,1,0,1740,22 -2362,1,0,1642,21 -2364,1,0,1935,26 -2366,1,1,0009,25 -2368,1,0,1220,28 -2369,1,0,2138,21 -2371,1,0,1505,19 -2372,1,0,1713,25.2 -2373,1,0,1314,24 -2374,1,0,1545,25 -2379,1,0,1844,22 -2380,1,0,1245,22 -2381,1,0,2115,22 -2383,1,0,1240,25 -2386,1,0,2152,22 -2387,1,0,0450,27 -2390,1,0,1702,21.8 -2392,1,0,2120,20 -2393,1,0,2007,24 -2394,1,0,1914,26 -2395,1,0,0835,29 -2396,1,0,1858,24 -2399,1,0,1810,19 -2400,1,0,1942,22 -2401,1,0,2100,28 -2402,1,0,1521,11 -2403,1,0,0107,28 -2404,1,0,1415,29 -2405,1,0,1910,26 -2409,1,0,2018,24 -2411,1,0,1714,23 -2412,1,0,1741,25 -2417,1,0,1920,23 -2418,1,0,0315,23 -2421,1,0,2031,25 -2423,1,0,1757,25 -2424,1,0,2004,24 -2426,1,0,1905,29 -2427,1,0,0301,26 -2428,1,0,2125,19 -2431,1,0,2130,24 -2434,1,0,1620,26 -2435,1,0,1704,24 -2436,1,1,0043,25 -2437,1,0,2105,21 -2438,1,0,1833,23 -2443,1,0,0036,25.9 -2447,1,0,1834,25 -2448,1,0,0130,24 -2449,1,0,1958,23 -2451,1,0,1039,28 -2453,1,0,0123,26.1 -2454,1,0,1802,22.1 -2458,1,0,2248,23 -2459,1,0,1405,23 -2462,1,0,1713,21 -2463,1,0,1700,23 -2464,1,0,1135,22 -2466,1,0,2330,25 -2467,1,0,0735,23 -2468,1,0,0630,17.5 -2471,1,0,1730,25 -2474,1,0,1256,21 -2475,1,0,2154,23 -2476,1,0,0228,23 -2477,1,0,0551,21 -2478,1,0,2008,30 -2479,1,1,0700,19 -2480,1,1,0630,26 -2481,1,0,1206,23 -2482,1,0,2307,19.5 -2486,1,0,2105,23 -2488,1,0,1229,23.6 -2490,1,1,0011,24 -2491,1,1,0442,21 -2492,1,0,0808,24 -2495,1,0,1214,22 -2496,1,0,2003,26 -2497,1,0,2030,23 -2498,1,0,1900,25 -2499,1,0,1926,20.9 -2501,1,0,2038,25 -2502,1,0,0900,26 -2503,1,0,1701,23 -2504,1,0,0849,23 -2507,1,0,1251,26.4 -2508,1,0,1559,28 -2509,1,0,1904,24 -2511,1,0,1539,19 -2512,1,0,1748,19 -2513,1,1,0004,23 -2515,1,1,0002,27 -2516,1,0,2028,27 -2517,1,0,0833,20 -2518,1,0,1420,25 -2519,1,0,1955,24 -2521,1,0,2120,23 -2522,1,0,2240,22 -2523,1,0,1206,22 -2524,1,0,0910,29 -2526,1,0,1525,24 -2530,1,0,1644,21 -2532,1,0,2130,24 -2534,1,0,1308,26 -2536,1,0,1947,28 -2538,1,0,1410,16 -2539,1,0,2140,23 -2540,1,0,1106,29 -2541,1,0,2134,23 -2545,1,0,1940,25 -2547,1,0,0207,28 -2548,1,1,0020,28 -2549,1,0,1036,26 -2551,1,0,1920,26 -2552,1,0,2041,25 -2554,1,0,0828,26 -2555,1,0,1740,18 -2558,1,0,1636,19 -2559,1,0,1626,22 -2561,1,0,1822,18 -2562,1,0,2023,23 -2563,1,0,1315,25 -2564,1,0,2130,25 -2565,1,0,1535,25 -2569,1,0,1900,24 -2570,1,0,1217,23 -2572,1,0,1615,27 -2574,1,0,1439,25 -2576,1,0,0112,25 -2577,1,0,2208,23 -2580,1,0,1450,22 -2581,1,0,1015,26 -2582,1,0,2214,23 -2583,1,0,1900,16 -2587,1,0,1405,22 -2588,1,0,1125,26 -2590,1,0,0700,21.9 -2591,1,0,2215,22 -2593,1,0,1200,24 -2594,1,0,1931,21 -2595,1,1,0002,20.7 -2596,1,0,1147,26 -2599,1,0,1300,25 -2600,1,0,2212,20 -2601,1,0,1454,27 -2602,1,0,1800,23 -2606,1,0,0844,24 -2607,1,0,1220,19 -2608,1,0,2332,20 -2610,1,0,1922,21 -2611,1,0,1821,24 -2613,1,0,2226,25 -2615,1,0,2355,23 -2616,1,0,1749,25 -2617,1,0,1824,26 -2618,1,0,2152,25.9 -2619,1,0,1745,24.5 -2621,1,0,2259,27 -2623,1,0,1410,23.9 -2626,1,1,0038,24 -2628,1,0,1409,27 -2629,1,0,2244,24.2 -2633,1,0,1745,16 -2635,1,6,1300,24 -2636,1,0,1452,18 -2638,1,0,2025,22 -2640,1,0,2157,21.1 -2641,1,0,1425,21 -2642,1,0,1315,25 -2643,1,0,2125,28 -2644,1,0,2010,23 -2645,1,0,1423,22 -2648,1,0,1429,25 -2651,1,0,1620,23 -2653,1,0,2234,28 -2654,1,0,2030,25 -2657,1,0,1335,22 -2659,1,0,1802,21 -2662,1,0,1839,23 -2663,1,0,2115,22 -2664,1,5,0658,31 -2666,1,0,2312,21 -2667,1,0,2250,24 -2668,1,0,1303,20 -2671,1,0,1345,21.5 -2672,1,0,1513,23.6 -2673,1,0,2324,21.3 -2674,1,0,1833,22 -2675,1,0,1840,26.6 -2677,1,0,1552,26 -2680,1,0,2313,24 -2683,1,0,0600,25 -2684,1,0,2131,25 -2685,1,0,1535,25 -2687,1,0,1700,19 -2688,1,0,1845,24.6 -2689,1,0,1124,22 -2692,1,0,0032,25 -2694,1,0,2240,25 -2695,1,0,1345,24 -2696,1,0,1933,21 -2701,1,0,1626,20 -2703,1,0,2140,24 -2705,1,1,0220,25 -2706,1,0,2151,22 -2707,1,0,1752,26.8 -2710,1,0,0250,23 -2713,1,0,1551,26 -2714,1,0,1250,25 -2718,1,0,1841,23 -2719,1,0,1150,23 -2720,1,0,1524,19 -2722,1,1,0503,24 -2723,1,0,0210,26 -2724,1,0,0231,24.7 -2725,1,0,1736,23 -2726,1,0,1245,23 -2728,1,0,1637,45.9 -2729,1,0,1630,26 -2732,1,0,0845,23 -2736,1,0,1820,24.1 -2737,1,0,2030,22 -2740,1,0,1240,21 -2741,1,0,1553,23 -2742,1,1,0850,24 -2743,1,0,1240,28 -2744,1,0,0056,25 -2746,1,1,1336,15 -2747,1,0,1800,21 -2749,1,0,1425,29 -2750,1,0,1655,23 -2751,1,0,1728,22 -2752,1,0,1608,22 -2753,1,0,2146,27 -2754,1,0,0316,24 -2756,1,1,0252,26 -2762,1,0,1615,25 -2763,1,0,1845,22 -2764,1,0,1713,22 -2765,1,0,1727,21 -2768,1,0,1715,26 -2770,1,0,1447,23 -2772,1,0,2113,26 -2777,1,0,0647,24 -2778,1,0,1520,25 -2783,1,0,0120,23 -2785,1,0,1840,22 -2787,1,0,1728,22 -2788,1,0,1658,26 -2792,1,0,0755,26 -2793,1,0,1701,13 -2799,1,0,2123,23 -2803,1,0,1750,20 -2806,1,0,1824,25.2 -2808,1,0,1900,23 -2810,1,0,1051,26 -2812,1,0,1740,23 -2817,1,0,1953,21 -2818,1,0,2110,28 -2819,1,0,1710,23 -2820,1,0,1607,22 -2822,1,0,1958,19 -2824,1,0,1957,22.6 -2825,1,0,2203,23.8 -2826,1,0,1950,23 -2827,1,0,0500,23 -2829,1,0,1947,22.3 -2831,1,0,2023,23 -2832,1,0,1629,26.9 -2833,1,0,2340,24.3 -2835,1,0,2137,23 -2837,1,0,1600,23 -2838,1,0,1600,24 -2840,1,1,0019,26 -2841,1,0,0840,26 -2844,1,0,1651,22 -2845,1,0,1323,21 -2848,1,0,2311,23 -2850,1,0,1720,28 -2852,1,0,1753,26 -2853,1,0,2328,24 -2856,1,0,1645,25 -2858,1,0,1227,22 -2863,1,1,0100,26.8 -2868,1,0,1459,23 -2869,1,0,1903,25 -2870,1,0,1910,22 -2871,1,0,1420,24 -2873,1,0,0115,23 -2874,1,0,1914,25 -2875,1,0,0826,22 -2876,1,0,1735,20 -2877,1,0,1619,18.6 -2883,1,0,0425,20 -2884,1,0,1620,25 -2885,1,0,1730,24 -2886,1,0,2205,20 -2887,1,0,1556,22 -2888,1,0,1800,26 -2891,1,0,1952,21 -2892,1,0,0252,21.7 -2894,1,0,0415,23 -2897,1,0,2318,23 -2899,1,0,2019,24 -2900,1,0,1800,21.2 -2901,1,0,2025,16 -2904,1,0,1623,21 -2905,1,0,1646,23 -2906,1,1,2302,24.5 -2908,1,0,1611,24 -2909,1,0,1640,26 -2909,2,0,2000,30 -2909,3,1,0515,29 -2910,1,0,2250,27 -2916,1,0,1332,20 -2923,1,0,2300,24 -2926,1,0,2339,25 -2928,1,0,2124,28 -2929,1,0,1428,26 -2930,1,0,1435,21 -2933,1,0,2031,25 -2934,1,0,1849,23 -2935,1,0,2026,24.4 -2938,1,0,1315,24 -2939,1,0,1906,25 -2945,1,0,0205,19.5 -2946,1,0,2227,27 -2947,1,0,1735,23 -2950,1,0,1241,23 -2952,1,0,1556,27 -2953,1,1,0010,22 -2954,1,0,1731,23 -2956,1,0,1734,24 -2958,1,0,2100,22 -2960,1,0,1607,22.9 -2962,1,0,2030,17 -2963,1,0,1139,27 -2967,1,0,1125,24 -2968,1,0,1829,25 -2969,1,1,0515,26 -2971,1,0,1830,23 -2973,1,0,1800,23 -2974,1,0,0024,25 -2975,1,0,1615,23 -2978,1,0,1018,27 -2980,1,0,2359,25 -2982,1,0,0944,25 -2983,1,0,1745,23.5 -2986,1,0,1400,24 -2991,1,0,2300,26.2 -2992,1,0,1727,26 -2994,1,0,1938,25 -2995,1,0,1008,25 -2997,1,0,1751,27.5 -2999,1,1,0018,22 -3001,1,0,2330,22 -3002,1,0,1502,23 -3003,1,0,1505,22 -3005,1,0,1900,23 -3007,1,0,1629,24 -3008,1,0,0333,27 -3009,1,0,1625,24 -3011,1,0,2241,22 -3014,1,1,1538,20 -3015,1,0,0920,28 -3016,1,0,2210,22 -3019,1,0,2201,26 -3025,1,0,1930,23 -3026,1,0,1534,26 -3027,1,0,1550,22 -3032,1,1,0035,20 -3036,1,0,1910,24 -3037,1,1,0120,23 -3038,1,0,1633,25 -3040,1,0,1400,28 -3042,1,0,1819,24 -3043,1,0,1554,26 -3047,1,0,2206,28 -3048,1,0,2014,25 -3049,1,0,2220,20.3 -3050,1,0,1640,23 -3051,1,0,1644,20.5 -3052,1,0,0121,22 -3054,1,0,1500,24 -3055,1,0,1025,22 -3057,1,0,1535,26 -3059,1,0,1535,23 -3061,1,0,0950,25 -3062,1,1,0810,20 -3065,1,0,1456,24 -3066,1,0,1028,20 -3067,1,0,1622,25 -3069,1,0,1255,27 -3070,1,0,1830,22 -3071,1,0,2131,22 -3073,1,0,2002,24.9 -3073,2,1,0554,25.8 -3073,3,2,0622,26.6 -3073,4,3,0638,28.3 -3074,1,0,0349,19 -3075,1,0,1551,24 -3077,1,0,0048,23 -3079,1,0,1245,25.8 -3080,1,0,1608,22 -3082,1,0,1600,26 -3083,1,0,1305,21 -3085,1,0,1732,22.9 -3088,1,0,2215,26 -3089,1,0,1216,24.7 -3091,1,0,1103,24 -3092,1,0,1800,25 -3093,1,0,1836,22.2 -3096,1,0,1830,20 -3100,1,0,1649,25 -3101,1,0,1500,24 -3102,1,0,1534,48.6 -3105,1,1,0326,24 -3109,1,0,0025,26 -3110,1,0,2247,20 -3111,1,0,2123,27 -3112,1,1,0309,22.7 -3114,1,0,2050,28 -3116,1,0,0826,23 -3120,1,0,1628,24 -3122,1,0,1807,24 -3127,1,0,2320,24.7 -3128,1,0,2015,24 -3129,1,0,0131,24 -3132,1,0,1347,22 -3134,1,0,1510,20 -3135,1,0,1354,23 -3136,1,0,0055,26.3 -3138,1,0,1702,26 -3141,1,0,1501,20 -3145,1,0,2007,21 -3146,1,0,1848,24 -3148,1,0,1648,19.3 -3151,1,0,1903,25 -3152,1,0,2347,23 -3153,1,0,2225,26 -3155,1,0,2215,20 -3157,1,0,1708,18 -3159,1,1,0230,21 -3161,1,0,1833,23 -3162,1,0,1907,23 -3165,1,1,0649,28 -3166,1,0,1343,25 -3167,1,1,0041,23 -3169,1,0,0530,22.2 -3170,1,0,1715,20 -3172,1,0,2251,42 -3174,1,0,1842,23.5 -3175,1,0,2005,21 -3176,1,0,2258,26 -3177,1,0,1520,25 -3178,1,0,1615,24 -3179,1,0,2000,23 -3180,1,0,2100,27 -3182,1,0,1320,22 -3184,1,0,1624,18 -3185,1,0,2301,23.4 -3186,1,0,0856,22 -3187,1,0,1530,25 -3188,1,0,1631,22 -3189,1,0,1245,25 -3190,1,0,0323,27 -3191,1,0,1959,19.6 -3192,1,0,1555,21 -3193,1,0,1020,28 -3194,1,2,1905,28 -3195,1,0,1650,28 -3196,1,0,2110,23 -3197,1,0,2108,25 -3200,1,0,1735,25 -3201,1,0,2052,22 -3203,1,0,2150,21 -3204,1,0,1939,19 -3207,1,0,1950,25 -3208,1,0,1633,21 -3209,1,0,2145,22 -3210,1,0,1941,23 -3211,1,0,2203,23 -3214,1,0,1515,19 -3214,2,1,0410,17 -3214,3,2,0450,23 -3214,4,2,1715,24 -3214,5,3,0445,26 -3214,6,3,1630,23 -3214,7,4,0330,24 -3214,8,4,1717,27 -3214,9,5,0150,23 -3214,10,5,0830,22 -3214,11,5,1800,22 -3214,12,6,0355,22 -3219,1,0,1632,22 -3220,1,0,2020,18.9 -3221,1,0,1815,28 -3222,1,0,1655,18 -3224,1,0,2110,24 -3225,1,0,1851,20 -3226,1,0,1725,27 -3227,1,0,1604,24 -3228,1,0,1724,25 -3230,1,0,1900,26 -3231,1,0,2200,29 -3232,1,0,2330,20 -3233,1,0,0712,24 -3234,1,0,2015,25 -3238,1,1,0215,24 -3240,1,0,1955,25 -3242,1,0,2313,26 -3244,1,0,0820,23 -3247,1,0,2125,23 -3248,1,0,2015,24.8 -3250,1,0,1826,23 -3251,1,0,1119,25 -3252,1,0,1448,24 -3253,1,0,1649,20 -3255,1,0,2320,25 -3256,1,0,1637,16.2 -3257,1,0,0840,22 -3259,1,0,2133,28 -3260,1,0,1345,24 -3261,1,0,1602,22 -3264,1,0,2012,22 -3265,1,0,1806,24 -3267,1,0,0235,19 -3269,1,0,1816,26 -3270,1,0,1748,22.4 -3272,1,0,1415,24 -3273,1,0,0500,23 -3275,1,0,1732,23 -3276,1,0,1533,24 -3280,1,0,1546,23 -3281,1,0,1802,23.6 -3283,1,0,2115,20 -3285,1,0,1029,26 -3286,1,0,1859,24 -3292,1,0,2115,27 -3293,1,0,2119,23 -3294,1,0,2107,24 -3295,1,0,0305,25 -3297,1,0,0206,23 -3299,1,0,1400,24 -3301,1,0,1312,21 -3304,1,0,2355,24 -3306,1,0,1852,23 -3309,1,0,1915,8.4 -3311,1,0,2020,25 -3318,1,0,1719,22 -3319,1,0,2319,25 -3320,1,0,1703,27 -3321,1,0,1356,20 -3322,1,0,1810,21 -3323,1,0,0405,23 -3324,1,0,2117,24 -3327,1,0,1519,21 -3329,1,0,1934,19 -3330,1,0,2150,29 -3332,1,0,1925,25 -3335,1,0,2041,25 -3337,1,0,0905,23 -3338,1,0,1741,25 -3339,1,0,1617,22 -3340,1,0,1736,26 -3342,1,1,0200,23 -3344,1,0,1934,28 -3345,1,0,1955,22 -3347,1,0,2233,24 -3348,1,0,1740,26 -3349,1,0,1731,24 -3351,1,0,1924,23 -3357,1,0,1800,27 -3358,1,0,1655,47.5 -3361,1,0,1635,21 -3363,1,0,1930,26 -3372,1,0,0745,25 -3373,1,0,1850,24 -3374,1,0,2101,22 -3375,1,0,2111,26 -3377,1,0,0016,26 -3380,1,0,1756,21 -3380,2,1,0630,26 -3381,1,0,1504,24 -3384,1,0,2327,18 -3385,1,0,1621,26 -3388,1,0,2340,22 -3392,1,0,1500,27 -3393,1,0,1619,27 -3395,1,0,0259,15 -3396,1,0,1447,31 -3398,1,0,1905,21 -3400,1,0,1818,21 -3401,1,0,2008,23 -3402,1,0,1220,25 -3404,1,0,2005,25 -3405,1,1,0420,21 -3406,1,0,1953,25 -3407,1,0,0145,27 -3408,1,0,2246,24 -3409,1,0,0205,25 -3410,1,0,1610,27 -3415,1,0,1854,24.2 -3417,1,0,2214,21 -3418,1,0,1607,26 -3419,1,0,0258,30 -3420,1,0,2052,18 -3425,1,0,2042,21 -3426,1,0,1444,27 -3429,1,0,2015,25 -3430,1,0,2300,28 -3431,1,0,1915,26 -3433,1,0,2150,24.3 -3435,1,0,2359,29 -3436,1,0,1346,25 -3437,1,0,2046,25 -3442,1,0,2152,31 -3445,1,0,1803,24 -3446,1,0,2154,25 -3447,1,0,1619,25 -3449,1,0,0854,25 -3451,1,0,1625,22 -3452,1,0,1740,18.5 -3453,1,0,1012,28 -3454,1,0,1830,24 -3455,1,0,1345,25 -3456,1,0,1105,25 -3459,1,0,1915,23 -3461,1,0,1230,24.4 -3462,1,0,1420,29 -3465,1,0,2321,23 -3466,1,0,0222,23 -3467,1,0,1344,23 -3468,1,0,1757,24 -3469,1,0,1305,15 -3470,1,0,1546,26 -3471,1,0,1958,24 -3473,1,0,2029,21 -3481,1,-10,1703,24 -3482,1,0,0154,27 -3483,1,0,1930,23 -3484,1,0,0032,22 -3488,1,0,1212,23 -3489,1,0,2010,23 -3491,1,0,1443,24 -3494,1,1,0358,23 -3495,1,0,2315,25 -3496,1,1,0041,26 -3497,1,0,1800,29 -3498,1,0,2200,24 -3499,1,0,1731,28.1 -3500,1,0,1645,24 -3501,1,1,0558,26 -3502,1,0,1940,25 -3503,1,0,2019,23 -3507,1,0,1539,21 -3509,1,0,2300,29 -3513,1,0,1944,24 -3517,1,0,1017,17.9 -3519,1,0,2005,21 -3521,1,0,1603,24 -3522,1,0,1910,22 -3523,1,0,1445,25 -3525,1,0,2111,22 -3526,1,0,2058,21 -3528,1,0,2101,22 -3529,1,0,0307,21 -3530,1,0,0105,24 -3531,1,0,1130,16 -3533,1,0,1649,24 -3535,1,0,1610,17 -3536,1,0,1542,19.5 -3539,1,0,2215,28 -3542,1,0,1945,26 -3543,1,0,1445,21 -3548,1,0,2111,38.6 -3549,1,0,1955,21 -3550,1,0,0930,20 -3551,1,0,2118,22.2 -3552,1,0,1544,21 -3553,1,0,0515,23 -3557,1,0,0450,27 -3558,1,0,2155,22 -3559,1,0,1128,24.8 -3560,1,0,1838,20 -3562,1,0,1631,25 -3564,1,0,2320,15 -3567,1,0,2113,21 -3568,1,0,2204,22 -3571,1,0,0140,29 -3572,1,0,2222,26 -3573,1,0,1752,25 -3574,1,0,1740,21 -3576,1,0,1035,20 -3580,1,0,2040,24 -3582,1,7,0447,23 -3583,1,0,1904,18 -3584,1,0,1634,21 -3585,1,0,1536,22.8 -3586,1,0,1733,24 -3587,1,0,1907,36 -3588,1,0,2219,29 -3589,1,0,1553,23 -3590,1,0,1930,27 -3591,1,0,2011,26 -3592,1,0,1700,23 -3594,1,0,1824,29 -3595,1,0,1744,21 -3596,1,0,1205,22 -3597,1,0,0957,28 -3598,1,0,1251,22 -3603,1,1,0543,21 -3606,1,0,1830,22 -3610,1,0,1320,22 -3611,1,0,1735,28 -3614,1,0,1515,22 -3615,1,0,2106,18 -3623,1,0,0202,26 -3628,1,0,1546,25 -3629,1,0,1618,21.2 -3630,1,0,1707,24 -3631,1,1,1050,18 -3632,1,0,1030,20 -3640,1,0,2215,24 -3642,1,0,2013,29 -3645,1,0,1620,22 -3648,1,0,1826,26 -3650,1,0,0146,20 -3651,1,0,1926,26 -3652,1,0,2035,25 -3657,1,0,1718,28 -3658,1,0,1723,20 -3659,1,0,1828,28 -3663,1,0,2142,24 -3664,1,0,1705,19 -3665,1,0,1730,23 -3667,1,0,2023,21.2 -3671,1,0,0600,23 -3672,1,0,1652,23 -3674,1,0,1921,24 -3675,1,0,1656,19.9 -3676,1,1,1010,27 -3679,1,0,1515,22 -3681,1,1,0030,27 -3683,1,0,1613,24 -3684,1,0,2004,20 -3686,1,0,1441,24 -3687,1,0,1050,24 -3689,1,0,1734,21 -3690,1,0,1106,27 -3692,1,0,1500,21 -3695,1,0,2040,24 -3696,1,0,1600,22 -3698,1,0,1636,27 -3701,1,0,2102,26.3 -3702,1,0,1302,25 -3704,1,0,1746,23 -3707,1,0,1950,26 -3711,1,1,0443,25 -3713,1,0,2200,24 -3714,1,0,0957,26 -3715,1,0,1742,19 -3716,1,0,1848,25 -3719,1,0,1738,24 -3720,1,0,1811,22 -3721,1,0,0714,21 -3722,1,0,2240,22 -3724,1,0,1758,25 -3725,1,0,1839,25 -3726,1,0,1741,24 -3727,1,0,2159,23 -3727,2,1,0005,22 -3729,1,0,0129,20.2 -3733,1,0,1800,22 -3734,1,0,1633,21 -3735,1,0,1410,22 -3736,1,0,1549,21 -3737,1,0,0410,15 -3739,1,0,1838,22 -3744,1,0,1720,24 -3745,1,0,2115,22 -3746,1,0,1930,21.2 -3747,1,0,2105,22 -3752,1,0,1409,24 -3753,1,0,0714,21 -3754,1,0,0200,21 -3756,1,0,1125,24 -3757,1,0,1640,21.8 -3761,1,7,0820,24 -3762,1,0,1714,24 -3767,1,0,2002,11.3 -3769,1,0,1600,27 -3771,1,0,2300,20 -3773,1,0,1152,31 -3774,1,0,0308,26.3 -3777,1,0,2245,22 -3778,1,1,0842,18 -3780,1,0,2250,28.7 -3781,1,0,1210,26 -3782,1,0,1350,28 -3785,1,0,1615,24 -3786,1,1,0505,25 -3787,1,0,1915,15 -3792,1,0,0236,22 -3793,1,0,1445,27 -3795,1,0,1940,28 -3797,1,0,2030,19.2 -3798,1,0,0856,27 -3799,1,0,0053,25 -3800,1,0,2044,24 -3803,1,0,1305,20.7 -3807,1,1,0025,24 -3808,1,0,2344,24.4 -3809,1,0,0630,21 -3810,1,0,1500,23 -3811,1,0,1841,22.9 -3812,1,0,1150,26.1 -3813,1,0,1653,20 -3817,1,0,1850,25 -3819,1,0,1636,20 -3821,1,0,2020,23 -3824,1,0,1940,22 -3825,1,0,2145,25 -3828,1,1,0605,22 -3831,1,0,2125,23 -3833,1,1,0855,21 -3834,1,0,1400,22 -3835,1,0,1613,25 -3838,1,0,1305,23 -3839,1,0,2009,26 -3841,1,0,2214,25 -3842,1,0,1900,25 -3843,1,0,1118,21 -3845,1,0,1905,25 -3847,1,0,2042,25 -3851,1,0,1124,25 -3852,1,0,2240,26 -3854,1,0,1915,23.4 -3855,1,0,1425,25 -3856,1,0,2155,25 -3860,1,0,1652,22 -3861,1,0,1845,22 -3863,1,0,1921,22 -3864,1,0,1953,22 -3865,1,0,2239,9.2 -3866,1,0,1036,26 -3868,1,0,1620,18 -3870,1,0,1810,18 -3871,1,0,1506,25 -3872,1,0,2208,24 -3874,1,0,2011,25 -3875,1,0,1600,25 -3876,1,0,1959,21.7 -3879,1,0,1312,24 -3880,1,0,1835,24.4 -3881,1,0,1838,29 -3882,1,0,2105,24 -3885,1,0,2336,23 -3886,1,0,2005,19.8 -3887,1,0,1559,20 -3890,1,0,0115,24 -3895,1,0,1312,32 -3896,1,0,1714,25 -3898,1,1,1608,28 -3901,1,0,2209,16 -3902,1,0,0750,24 -3903,1,0,1325,20 -3904,1,0,1558,27 -3906,1,0,2159,23.2 -3908,1,0,1620,23 -3910,1,0,1925,28 -3912,1,0,1543,26 -3913,1,0,0352,22 -3914,1,0,2130,21 -3916,1,0,0821,22 -3917,1,0,2135,20 -3920,1,0,1034,22 -3921,1,0,1225,24 -3923,1,0,1824,20 -3924,1,0,0145,16 -3925,1,0,1838,23 -3926,1,0,1650,23 -3928,1,0,0055,27 -3931,1,0,1500,27.2 -3933,1,0,1617,24 -3936,1,1,0320,24 -3941,1,0,1741,23 -3942,1,0,1603,25.3 -3945,1,0,1647,23 -3947,1,0,1854,25 -3948,1,0,0819,27 -3949,1,0,1228,22 -3952,1,0,2230,23 -3954,1,0,2215,21.4 -3956,1,0,1814,23 -3961,1,0,2050,20.1 -3962,1,0,1927,9.1 -3964,1,0,1614,23 -3965,1,0,1420,22 -3967,1,0,1958,25 -3971,1,0,1616,21.5 -3974,1,0,1705,21 -3976,1,1,0013,22 -3977,1,0,1717,25 -3978,1,0,2235,25 -3978,2,2,0340,28 -3978,3,2,1256,32 -3979,1,0,1250,17 -3980,1,0,1936,18 -3981,1,0,0230,23 -3982,1,0,1800,27 -3986,1,0,1954,26.4 -3988,1,0,1352,22 -3989,1,0,0930,27 -3990,1,0,2325,25 -3992,1,0,1701,24 -3993,1,0,0809,20.1 -3994,1,0,1959,22 -3996,1,0,1839,18.6 -3997,1,0,2331,26 -3998,1,0,1440,21 -4001,1,0,2020,23 -4004,1,0,2120,24 -4005,1,0,1330,22 -4008,1,0,1513,25 -4010,1,0,2326,22 -4011,1,1,0745,27 -4013,1,0,2247,19 -4014,1,0,1745,14 -4016,1,3,1136,29.4 -4018,1,0,2011,37 -4022,1,0,1900,24 -4025,1,0,1851,26 -4026,1,0,0902,27 -4027,1,0,1801,23 -4028,1,0,2115,25 -4029,1,0,2322,24 -4030,1,0,1702,27 -4031,1,1,0640,25 -4036,1,0,2131,25 -4038,1,0,2100,24 -4039,1,0,2253,22 -4040,1,0,1830,27 -4041,1,0,2104,16 -4042,1,0,2239,28 -4047,1,0,1640,22 -4049,1,0,1622,21 -4052,1,0,1329,24 -4054,1,0,1001,15 -4055,1,0,0035,27 -4056,1,0,0548,26 -4057,1,0,2111,23 -4058,1,0,1955,23 -4060,1,0,1455,24 -4062,1,0,1929,22 -4064,1,0,2230,25 -4065,1,0,1839,26 -4071,1,0,2140,25 -4074,1,0,2243,23 -4075,1,0,1853,23 -4076,1,0,1735,22 -4077,1,0,2238,26.8 -4077,2,1,0320,24 -4077,3,1,1216,26.4 -4078,1,0,1031,21 -4079,1,0,2112,20 -4081,1,0,1841,23 -4083,1,0,1102,27 -4084,1,0,1622,21 -4085,1,0,2313,25 -4087,1,0,1605,25 -4088,1,0,1911,24 -4089,1,1,0010,21 -4090,1,0,1530,24 -4093,1,0,2120,26 -4094,1,0,1600,23 -4100,1,0,2211,27 -4101,1,0,1828,22.4 -4104,1,0,2025,24 -4106,1,0,1558,25 -4107,1,0,1917,26 -4111,1,0,2201,23 -4112,1,0,1350,25 -4114,1,0,1754,18 -4115,1,0,1620,24 -4116,1,0,2325,24.4 -4117,1,0,2010,23 -4121,1,0,0134,28 -4123,1,1,0720,24 -4125,1,1,0019,23 -4126,1,0,1935,23 -4128,1,0,1958,22 -4129,1,0,1922,25 -4132,1,0,0620,21.6 -4135,1,0,1420,26 -4139,1,0,0150,22 -4140,1,0,1535,18 -4141,1,0,2243,24 -4143,1,0,2038,23 -4144,1,0,2101,28 -4146,1,0,1824,23 -4147,1,0,2044,24 -4148,1,0,1521,21 -4150,1,0,1315,26 -4151,1,0,1828,28 -4156,1,0,2000,25 -4157,1,0,1425,16 -4159,1,0,1657,21 -4161,1,0,2015,23 -4163,1,0,2115,21 -4165,1,0,1920,20.1 -4168,1,0,2314,18.7 -4169,1,0,1724,25 -4170,1,0,2155,24 -4173,1,0,2115,22 -4179,1,0,2010,26 -4180,1,0,2150,23 -4181,1,0,2013,21 -4183,1,0,1846,25 -4184,1,1,0634,22 -4188,1,0,0706,22 -4189,1,0,1739,23 -4193,1,1,0045,24 -4195,1,0,2300,26 -4198,1,0,1550,17 -4200,1,0,1450,21 -4201,1,0,1530,22.3 -4202,1,0,2102,22 -4203,1,0,1105,27 -4207,1,0,2055,23.4 -4208,1,0,1215,23.3 -4211,1,0,1025,13 -4214,1,0,1830,27 -4215,1,1,0500,27 -4215,2,2,0110,25 -4218,1,0,2125,20 -4219,1,0,1538,23 -4222,1,0,1640,18 -4223,1,0,2037,25 -4225,1,0,1723,24.2 -4226,1,0,2218,23 -4228,1,0,2016,21 -4229,1,0,1515,27 -4232,1,0,2059,21 -4233,1,1,0003,24 -4235,1,0,2106,29 -4237,1,0,1537,28 -4238,1,0,0500,21 -4239,1,0,2224,20 -4241,1,1,1210,27 -4243,1,0,1924,25.9 -4244,1,0,2008,18 -4250,1,0,1317,23 -4251,1,0,1335,27 -4252,1,0,1727,27 -4254,1,0,0829,28 -4255,1,0,2032,22 -4256,1,0,0900,26 -4259,1,0,2019,25 -4260,1,0,1636,18 -4261,1,0,1425,24 -4265,1,0,2251,26 -4266,1,0,1807,25 -4268,1,0,2020,26 -4269,1,0,2156,19 -4270,1,0,1531,14 -4271,1,0,1754,24 -4273,1,0,2247,24 -4275,1,0,1443,28 -4276,1,0,2050,26 -4277,1,0,0115,24 -4282,1,0,1944,27 -4283,1,0,1920,24 -4284,1,0,0331,22 -4285,1,0,1006,28 -4286,1,0,2150,27 -4287,1,0,1557,20 -4289,1,0,1915,26 -4291,1,0,2116,20 -4292,1,0,2104,19 -4293,1,1,0009,25 -4294,1,0,0930,26 -4295,1,0,1819,22 -4297,1,0,1045,23 -4298,1,0,1830,23 -4300,1,0,2141,24 -4302,1,0,1753,23.3 -4303,1,0,1534,21 -4305,1,0,2029,25 -4306,1,0,0528,25 -4307,1,0,1545,25 -4308,1,0,1957,24.5 -4309,1,1,0226,24 -4310,1,0,1622,23.6 -4311,1,0,1726,25 -4313,1,0,2015,24 -4314,1,0,2024,27 -4315,1,0,1640,24 -4319,1,0,1838,18 -4322,1,0,1720,21.4 -4323,1,0,1810,26 -4324,1,0,0930,25 -4325,1,0,1815,23 -4327,1,0,1846,20 -4330,1,0,1631,26 -4333,1,0,1850,24 -4334,1,0,2018,19 -4336,1,0,1814,22 -4340,1,0,0224,25 -4342,1,0,1956,20 -4343,1,0,0805,26 -4346,1,0,1445,20 -4348,1,0,1848,20 -4350,1,0,1953,25 -4351,1,0,1645,19.4 -4355,1,0,1609,26.2 -4356,1,0,2050,28 -4358,1,0,1140,27 -4362,1,0,1940,22 -4364,1,0,2230,24 -4365,1,0,2215,26 -4366,1,0,0120,26 -4368,1,0,1300,29 -4369,1,0,1300,26 -4372,1,0,1651,17 -4374,1,0,1635,23 -4376,1,0,1817,23 -4379,1,0,2150,25 -4380,1,0,1710,21 -4381,1,0,1634,25 -4383,1,0,0915,25 -4385,1,0,2000,27 -4387,1,0,2047,22 -4389,1,0,1612,16.1 -4391,1,0,0847,18 -4392,1,0,2337,23 -4394,1,0,1110,27 -4396,1,0,2017,30 -4397,1,0,1506,23 -4399,1,0,2205,20 -4400,1,0,2157,24 -4402,1,0,2229,25 -4403,1,0,1834,23 -4404,1,0,0119,22 -4405,1,0,1707,24 -4406,1,1,0315,24 -4408,1,0,1308,25 -4409,1,0,0855,21 -4411,1,0,1400,23.8 -4412,1,0,1624,26 -4413,1,0,0105,26 -4414,1,0,1725,23 -4415,1,0,1853,24 -4416,1,0,1624,24 -4417,1,0,1140,21 -4418,1,0,2105,24 -4419,1,0,1940,23 -4421,1,0,1708,20 -4423,1,0,1524,25 -4424,1,0,1639,22 -4425,1,0,2309,25 -4426,1,0,2140,21 -4429,1,0,1834,19.2 -4434,1,0,2048,21 -4435,1,1,0155,20 -4438,1,0,1257,22.6 -4441,1,1,0116,32 -4444,1,0,1721,20.1 -4448,1,0,1919,25 -4451,1,0,2333,28 -4452,1,1,0414,25 -4453,1,0,1940,23 -4454,1,1,0045,20 -4456,1,0,1200,20 -4462,1,0,0200,24 -4465,1,0,2047,24 -4467,1,0,0845,16 -4470,1,0,1552,20 -4471,1,0,2219,25.1 -4472,1,0,0816,23 -4473,1,0,1828,25 -4474,1,1,1048,23 -4475,1,0,1459,18 -4477,1,0,2049,24 -4480,1,0,2054,23 -4482,1,0,1852,25 -4483,1,0,1315,25 -4486,1,0,1925,28 -4487,1,0,2210,25 -4490,1,0,0155,22 -4491,1,0,0345,26.2 -4493,1,0,1726,19 -4494,1,0,2025,26 -4495,1,0,1803,14.4 -4497,1,0,1322,17 -4499,1,0,2220,20 -4500,1,0,1904,22 -4501,1,0,0013,29 -4502,1,0,1426,24 -4503,1,0,2000,24 -4505,1,0,1527,23 -4509,1,0,2326,23 -4510,1,0,2313,24 -4515,1,0,1603,22 -4519,1,0,2157,25 -4522,1,0,1621,21 -4524,1,0,1745,24 -4527,1,0,1303,24 -4529,1,1,0006,23 -4530,1,0,0920,18 -4531,1,0,2055,18.5 -4533,1,0,1958,22 -4535,1,0,1822,21 -4536,1,0,1356,27 -4537,1,0,2230,28 -4538,1,0,2010,27 -4539,1,0,1925,19 -4542,1,0,1900,21 -4544,1,0,1258,19 -4545,1,0,1939,24 -4547,1,0,1100,14 -4548,1,0,2253,26 -4550,1,0,1619,22 -4551,1,0,1900,25 -4555,1,0,2113,27 -4556,1,0,2108,26 -4557,1,0,2030,25 -4558,1,0,1440,22 -4560,1,0,1915,23 -4561,1,0,1731,25 -4562,1,1,0531,25 -4563,1,0,1041,26 -4564,1,0,1608,27 -4566,1,0,2310,24 -4569,1,0,1939,25 -4570,1,0,1355,16 -4571,1,0,1840,19.8 -4572,1,0,1528,25.3 -4573,1,0,1908,23 -4574,1,0,0503,21 -4576,1,0,1730,15 -4577,1,0,2318,22 -4579,1,1,0250,27 -4581,1,0,2059,26 -4582,1,0,1547,24.4 -4583,1,0,1920,22 -4586,1,1,0149,28 -4587,1,0,2250,24 -4589,1,1,0911,19 -4591,1,0,0916,21 -4593,1,0,1441,21 -4594,1,0,1610,24 -4595,1,0,1621,22 -4596,1,0,2224,23 -4598,1,0,1047,24 -4599,1,0,2320,28 -4602,1,0,2245,23 -4603,1,0,1528,21 -4605,1,0,1510,25 -4607,1,0,2136,25 -4609,1,0,1708,24 -4611,1,0,1910,24 -4613,1,0,1933,20 -4615,1,0,1340,22 -4618,1,0,0700,27 -4619,1,0,0101,25 -4620,1,0,1719,23 -4622,1,0,2016,25 -4624,1,0,2300,16 -4627,1,0,1940,27 -4628,1,0,1825,23 -4629,1,0,0305,21 -4630,1,0,1638,24 -4632,1,0,1418,23 -4633,1,0,2350,23 -4634,1,0,1751,24 -4635,1,0,1341,24 -4637,1,0,1850,27 -4639,1,0,2225,23 -4640,1,0,2041,23 -4642,1,0,1748,21 -4643,1,0,1539,22 -4644,1,0,1722,23 -4645,1,0,1717,23 -4646,1,0,1505,22 -4650,1,0,1931,17 -4651,1,0,1004,25 -4653,1,0,2150,22 -4655,1,0,2015,28 -4656,1,1,0322,27 -4657,1,0,1740,26 -4658,1,0,0030,25 -4659,1,0,2339,28 -4663,1,0,2044,23 -4664,1,1,0050,25 -4665,1,0,1650,24 -4666,1,0,2010,24 -4667,1,0,1820,22 -4668,1,0,2019,25 -4669,1,0,1516,24 -4671,1,0,2320,23 -4672,1,0,1651,21 -4675,1,0,1718,23 -4676,1,0,1255,25 -4677,1,0,1806,30 -4680,1,0,1725,21.2 -4683,1,0,1500,25 -4687,1,0,1311,25 -4688,1,0,2300,28 -4690,1,1,0241,21 -4692,1,0,1725,21 -4693,1,5,1023,18 -4695,1,0,1617,24 -4698,1,0,1424,22 -4699,1,0,1754,24 -4700,1,0,1913,21 -4701,1,0,1251,21.5 -4702,1,1,0245,22 -4703,1,0,1540,18 -4705,1,0,2111,25 -4706,1,0,1950,26 -4707,1,0,1207,19 -4708,1,0,2249,23 -4709,1,0,2045,23 -4711,1,0,1130,25 -4712,1,0,1850,26.2 -4713,1,0,1440,24 -4714,1,0,2014,25 -4715,1,0,1745,23 -4716,1,0,1632,23.1 -4719,1,0,1858,22 -4721,1,0,1623,21.1 -4722,1,0,1924,26 -4724,1,0,1323,25.9 -4725,1,0,0725,26 -4728,1,0,1829,27 -4729,1,0,1244,25 -4730,1,0,1942,28 -4733,1,0,1625,25 -4734,1,0,1340,24 -4735,1,0,0204,26 -4737,1,0,1007,22 -4738,1,0,0125,24 -4740,1,0,1720,24 -4742,1,0,0130,20 -4744,1,0,1744,27 -4745,1,0,2148,21 -4747,1,0,0823,21 -4749,1,0,1515,22 -4755,1,0,2010,27 -4756,1,0,1859,28 -4757,1,0,1850,26 -4760,1,0,2304,16.3 -4762,1,0,1740,21 -4764,1,0,1850,27 -4766,1,0,1521,21.6 -4767,1,0,1400,24 -4768,1,0,2025,23 -4770,1,0,1910,20.6 -4771,1,0,1511,21 -4772,1,0,0700,22 -4773,1,0,0043,25 -4779,1,0,1745,25 -4786,1,0,1605,23 -4787,1,0,2101,24 -4788,1,0,0215,24 -4789,1,0,1130,23 -4791,1,0,0137,25 -4792,1,0,2238,28 -4793,1,1,0057,22 -4794,1,0,2101,20 -4796,1,0,1754,23 -4797,1,0,1519,23 -4798,1,0,1131,23.8 -4801,1,0,1421,29 -4804,1,1,0010,26 -4805,1,0,2050,24 -4806,1,0,1842,25 -4806,2,2,0637,27 -4807,1,0,1800,23 -4809,1,0,2156,28 -4810,1,0,1443,24 -4812,1,0,1950,23 -4814,1,0,2215,24 -4815,1,0,2158,18.4 -4816,1,0,1723,27 -4817,1,0,0950,10 -4819,1,0,1513,13 -4820,1,0,2038,21.9 -4821,1,0,1321,27.3 -4822,1,0,0841,23 -4824,1,0,1339,19 -4825,1,0,2154,24 -4830,1,0,1737,20 -4831,1,0,1331,16.6 -4832,1,0,2100,20 -4833,1,0,2205,25 -4834,1,1,0147,25.9 -4838,1,0,2045,24 -4839,1,0,1940,24 -4840,1,1,0045,24 -4841,1,0,1740,20 -4842,1,0,1730,25 -4843,1,0,1143,20 -4844,1,0,1728,22 -4845,1,0,1143,20 -4846,1,0,2058,25 -4847,1,0,0321,19 -4849,1,0,0039,23 -4851,1,0,2006,26.2 -4852,1,0,1419,17 -4853,1,1,0424,20 -4854,1,0,2131,22 -4856,1,0,2330,26 -4857,1,0,1925,24 -4858,1,0,2300,24 -4859,1,0,1744,24 -4861,1,0,1008,27 -4865,1,0,2010,27 -4866,1,0,1444,19.9 -4868,1,0,2010,23 -4869,1,0,1848,25 -4870,1,0,1226,23 -4871,1,0,2104,22 -4873,1,0,1517,27 -4875,1,0,1646,21 -4877,1,0,1548,23 -4879,1,0,2139,21.1 -4880,1,1,0013,21 -4884,1,0,1338,28 -4885,1,0,2015,18.4 -4887,1,0,1630,23 -4888,1,0,2320,25 -4889,1,0,1503,24.2 -4890,1,0,2226,25 -4893,1,0,1648,24 -4894,1,0,1728,22 -4895,1,1,0035,25 -4897,1,0,2150,28 -4898,1,0,1155,28 -4902,1,0,1704,22.4 -4903,1,0,1218,20 -4905,1,0,1957,37 -4908,1,0,1900,23 -4909,1,0,0322,26 -4910,1,0,0431,26 -4911,1,0,0336,26 -4914,1,0,2239,21 -4915,1,0,2210,28.9 -4916,1,0,2033,28 -4918,1,0,0140,23 -4919,1,0,0737,25 -4922,1,0,1730,24 -4923,1,0,1741,24 -4924,1,0,2052,24 -4926,1,1,0008,23 -4929,1,0,1652,23 -4930,1,0,2154,26.4 -4933,1,0,2010,21 -4935,1,0,2040,24 -4936,1,0,1530,24 -4939,1,0,1735,24 -4940,1,0,1805,25 -4943,1,2,0346,16 -4944,1,0,1613,23.6 -4945,1,0,2102,21 -4946,1,0,1538,24 -4947,1,0,0045,28 -4950,1,0,0942,24 -4951,1,0,2108,24 -4954,1,0,2020,22 -4955,1,0,1756,25 -4956,1,0,2243,26 -4957,1,0,2240,26 -4960,1,0,2138,21 -4962,1,1,0640,24 -4963,1,0,2030,23 -4966,1,0,1015,23 -4967,1,0,1920,28 -4968,1,0,1949,23 -4970,1,0,2304,20 -4971,1,1,0818,24 -4974,1,0,2256,17 -4975,1,0,1822,20 -4977,1,0,2023,24.2 -4979,1,0,0915,23 -4980,1,0,2315,26 -4981,1,0,1045,25 -4982,1,0,1515,21 -4983,1,0,0455,28 -4985,1,0,1610,27 -4986,1,0,1712,27.8 -4989,1,0,0306,25 -4990,1,0,0920,18 -4991,1,0,1510,18 -4992,1,0,1306,16 -4993,1,0,1236,26 -4994,1,0,2327,21 -4998,1,0,2224,27 -5000,1,0,1911,25 -5002,1,0,2127,23 -5003,1,0,1150,22 -5004,1,1,1442,23 -5005,1,0,1355,27 -5007,1,0,1743,25 -5008,1,0,1648,17 -5009,1,0,0239,25 -5014,1,0,2237,20 -5016,1,0,0935,25 -5018,1,0,1313,23.5 -5019,1,0,2245,21 -5020,1,1,0118,20 -5021,1,0,2211,28 -5022,1,0,1000,21 -5023,1,0,2100,22 -5024,1,0,2138,22 -5025,1,0,1725,25 -5026,1,0,0130,29 -5027,1,0,0910,24 -5028,1,0,2150,26 -5029,1,0,1702,25.9 -5030,1,0,1535,26 -5032,1,0,1737,23.6 -5034,1,0,0126,20 -5035,1,0,2030,29 -5036,1,0,2018,22 -5037,1,0,1410,19 -5038,1,0,1438,17 -5039,1,0,0045,23 -5043,1,0,2032,22 -5046,1,0,1250,20 -5048,1,0,0939,18.5 -5050,1,0,1907,23 -5051,1,0,1630,20 -5054,1,0,1818,30 -5057,1,0,1803,22 -5061,1,0,1910,25 -5064,1,0,1910,26 -5066,1,0,1542,25.3 -5067,1,0,0820,24 -5068,1,0,2106,25 -5070,1,0,0429,20 -5071,1,0,2343,24 -5072,1,0,2140,24 -5073,1,0,1420,28 -5074,1,0,2030,18 -5080,1,0,2100,28 -5081,1,0,1448,21 -5083,1,0,1237,24 -5085,1,0,1450,45.8 -5086,1,0,0345,26 -5087,1,0,2230,23 -5089,1,0,2025,25 -5090,1,0,1810,26.3 -5092,1,0,1940,20 -5093,1,0,1946,22 -5094,1,0,1158,26 -5096,1,0,1600,25 -5097,1,0,1555,27 -5100,1,0,2159,25 -5105,1,0,1645,21.9 -5107,1,0,1730,24 -5109,1,0,1915,21 -5110,1,0,1722,22 -5111,1,0,1830,21 -5113,1,0,0108,26 -5115,1,0,2103,22 -5116,1,0,0240,23 -5118,1,0,1917,22 -5119,1,0,0850,22 -5123,1,0,0350,24 -5124,1,0,2204,20 -5125,1,0,1805,22 -5126,1,0,1330,24.2 -5127,1,0,0310,23 -5128,1,0,2030,25 -5130,1,0,1442,23 -5131,1,0,1700,25 -5132,1,0,1500,23 -5133,1,0,1603,26 -5134,1,0,2127,25 -5136,1,0,1942,22 -5138,1,0,2049,20 -5139,1,0,1315,23 -5141,1,0,2140,23.1 -5143,1,0,1845,20 -5146,1,0,2000,22 -5147,1,0,1829,24 -5150,1,0,0837,24 -5151,1,0,1810,22.5 -5154,1,0,1343,22 -5155,1,0,0005,23 -5157,1,0,2035,21 -5158,1,0,2120,22 -5159,1,0,1215,22 -5161,1,0,1843,26 -5163,1,0,2218,22 -5164,1,1,0400,21 -5165,1,0,1845,26 -5166,1,0,0533,25 -5170,1,0,2330,23 -5171,1,0,0057,20 -5172,1,0,2120,26 -5173,1,0,1550,27 -5174,1,0,1657,21 -5177,1,0,1638,25 -5180,1,0,0920,22 -5181,1,0,1612,21 -5182,1,1,0745,26 -5183,1,0,1342,27 -5184,1,1,0610,23 -5187,1,0,0901,23.6 -5188,1,0,2057,21 -5189,1,0,2052,31 -5192,1,0,1108,26 -5194,1,0,1640,24 -5195,1,0,1950,26 -5197,1,0,1737,23 -5199,1,0,1119,26 -5204,1,0,2213,23.2 -5206,1,-1,1751,20 -5212,1,0,1451,27 -5214,1,0,1930,24.8 -5217,1,0,2009,24 -5220,1,0,0157,29 -5221,1,0,2330,24 -5222,1,0,1415,21.6 -5223,1,0,1629,27 -5231,1,0,2047,24 -5232,1,0,0252,29 -5235,1,0,1730,23 -5237,1,0,2047,24 -5238,1,0,1704,25 -5239,1,0,1835,25 -5240,1,0,1858,30.4 -5241,1,0,2025,22 -5243,1,0,1555,23 -5247,1,0,1935,25 -5249,1,0,1550,26 -5250,1,0,2144,23 -5251,1,0,1645,23 -5252,1,0,2314,25 -5253,1,0,1521,23 -5254,1,0,1800,19 -5257,1,0,2216,24 -5258,1,-1,2320,25 -5259,1,0,1739,28 -5262,1,0,2145,24 -5263,1,1,0002,18 -5264,1,0,1737,21 -5266,1,0,0135,29 -5267,1,0,1855,19 -5268,1,0,2219,23 -5269,1,0,1622,26 -5272,1,0,2020,26 -5273,1,0,1906,23 -5275,1,0,2030,26 -5276,1,0,1834,18.8 -5277,1,0,1224,24 -5278,1,0,1046,26 -5279,1,0,2222,26 -5280,1,0,1350,22 -5283,1,0,0440,20 -5284,1,0,2340,25 -5285,1,0,2256,24.4 -5286,1,0,1715,24 -5287,1,0,2229,24 -5291,1,0,2345,24 -5292,1,0,1930,27 -5294,1,0,2145,20 -5295,1,0,1645,29 -5298,1,0,1220,23 -5300,1,0,1340,23 -5301,1,1,0010,24 -5302,1,0,0848,25 -5303,1,0,1500,26 -5304,1,0,0850,21 -5305,1,0,2025,24 -5308,1,0,1551,23 -5310,1,-5,2010,26 -5313,1,0,1430,25 -5315,1,0,2030,23 -5316,1,0,1705,25 -5318,1,0,1735,24 -5319,1,0,2030,24 -5324,1,0,0948,26 -5325,1,0,1135,25 -5327,1,0,1645,26 -5329,1,1,0032,22.2 -5330,1,0,0914,29 -5331,1,0,2004,26 -5333,1,0,1730,27 -5334,1,1,1200,22 -5336,1,0,1931,18 -5337,1,0,1003,24 -5338,1,0,1018,26 -5339,1,0,1526,21 -5340,1,0,1855,27 -5343,1,0,1420,25 -5344,1,0,2210,19 -5345,1,0,1724,25 -5347,1,0,1912,27 -5348,1,0,2149,21 -5350,1,0,0457,28 -5351,1,0,0454,21 -5352,1,0,1205,26 -5354,1,0,1853,26 -5357,1,0,1700,21 -5362,1,0,1115,26 -5363,1,0,1815,23 -5364,1,0,2111,21 -5365,1,0,1843,21 -5366,1,0,1730,26 -5367,1,2,0423,22 -5368,1,0,2055,22 -5371,1,0,1538,22 -5373,1,0,0856,36 -5375,1,0,1002,24 -5376,1,0,1800,24 -5377,1,0,1920,23 -5379,1,0,0129,27 -5386,1,0,1140,24 -5387,1,0,2133,24 -5388,1,0,1707,24 -5389,1,0,2313,23 -5390,1,0,2057,25 -5391,1,0,1921,23 -5393,1,1,0403,26 -5394,1,0,1844,27 -5395,1,0,1938,25 -5397,1,0,1750,24 -5399,1,0,1235,27 -5400,1,0,1554,26 -5401,1,0,1557,23 -5402,1,0,1856,28 -5404,1,0,1112,19 -5410,1,0,1745,22 -5417,1,0,0842,26 -5417,2,1,0731,25 -5418,1,0,0031,26 -5419,1,0,1939,23 -5421,1,0,1755,24 -5422,1,0,1710,20 -5424,1,0,1442,27.3 -5425,1,0,1615,23.7 -5426,1,0,2011,24 -5427,1,0,2200,24 -5428,1,0,2345,27 -5429,1,0,0120,25 -5432,1,0,2011,23 -5433,1,0,1800,25.5 -5435,1,0,1131,18.6 -5437,1,0,1315,18 -5439,1,0,1437,28 -5440,1,0,1512,26 -5442,1,0,1915,27 -5443,1,0,2034,26 -5445,1,0,1632,26 -5450,1,0,0920,23 -5451,1,0,1754,19 -5453,1,0,1521,25 -5454,1,0,1050,25 -5456,1,0,1629,21 -5458,1,0,1906,19 -5459,1,0,1305,27 -5460,1,0,2030,22 -5462,1,0,1600,14 -5464,1,0,0800,22 -5467,1,0,1734,27 -5468,1,0,0825,22.4 -5469,1,1,0115,23 -5470,1,0,1748,18 -5471,1,0,2011,25 -5472,1,0,2338,20 -5474,1,0,1626,25 -5475,1,0,1101,21 -5476,1,0,1531,25 -5479,1,0,1630,23 -5481,1,0,1414,26 -5483,1,0,0249,23 -5485,1,0,0949,26 -5486,1,0,1640,22 -5488,1,0,1337,26.7 -5489,1,0,1550,23.2 -5490,1,0,1656,22 -5491,1,0,2351,27 -5493,1,0,1950,20 -5494,1,0,1500,21 -5495,1,0,2250,15.9 -5499,1,0,2030,23 -5503,1,0,2115,26 -5506,1,0,1331,25 -5507,1,0,1440,24 -5509,1,0,1651,22 -5511,1,0,1422,30 -5513,1,1,0018,24 -5514,1,0,1803,22 -5521,1,0,2104,23 -5522,1,0,2125,26 -5523,1,0,2109,24.6 -5524,1,0,2057,26 -5528,1,0,1811,25 -5531,1,1,1634,27.3 -5532,1,0,2230,25 -5534,1,0,0525,22 -5536,1,1,0940,25 -5537,1,0,1627,23 -5538,1,0,1410,26 -5539,1,0,0331,28 -5540,1,0,1250,25 -5541,1,0,1125,23 -5542,1,0,1148,20 -5543,1,0,1805,26 -5544,1,0,1706,26 -5545,1,2,1845,17 -5547,1,0,1235,27 -5549,1,0,2159,21 -5553,1,0,1602,24 -5555,1,0,1842,28.2 -5556,1,0,1933,20 -5557,1,0,2211,18 -5559,1,0,2319,19 -5561,1,0,0141,22 -5562,1,0,1940,23 -5565,1,0,1705,28.5 -5567,1,0,1854,21 -5568,1,0,1604,24 -5572,1,0,1926,23 -5573,1,0,1503,20 -5574,1,0,1708,24 -5575,1,0,0235,26 -5576,1,0,1314,26 -5577,1,0,0404,21 -5578,1,0,1757,27 -5579,1,0,0950,26 -5580,1,0,1200,21 -5582,1,0,2006,30 -5584,1,0,2252,30 -5586,1,0,2132,27 -5586,2,1,0451,22 -5586,3,6,0946,28 -5588,1,0,2350,22 -5590,1,0,2253,21 -5591,1,0,2249,22 -5593,1,0,2025,25 -5595,1,0,2250,26 -5596,1,1,0545,27 -5598,1,0,0101,23.5 -5599,1,0,0230,26 -5600,1,0,2248,25 -5601,1,0,1608,24 -5603,1,0,1637,24 -5605,1,0,1630,24 -5608,1,0,1833,25 -5609,1,0,1625,19 -5612,1,0,1611,17.7 -5613,1,0,2029,21 -5615,1,0,2311,25 -5616,1,0,1659,22 -5619,1,0,0025,27 -5620,1,0,1817,20 -5621,1,0,1459,30 -5624,1,0,1455,21 -5625,1,0,2010,28 -5626,1,0,2200,23 -5628,1,0,1553,22.2 -5630,1,0,1810,26 -5632,1,0,2221,24.4 -5633,1,0,1927,21 -5634,1,0,1743,26 -5637,1,0,2128,25 -5643,1,0,2100,28 -5644,1,0,2143,23 -5645,1,0,1822,21 -5647,1,0,0434,27 -5649,1,0,2325,27 -5650,1,0,2133,25 -5651,1,0,1629,25 -5653,1,0,0410,27 -5655,1,0,1600,24 -5657,1,0,1954,24 -5658,1,0,1609,28 -5660,1,0,2300,26 -5661,1,0,1920,23 -5663,1,0,1900,22 -5664,1,0,2129,25 -5668,1,0,0839,20.5 -5668,2,2,0606,24.6 -5669,1,0,1030,24 -5671,1,0,1954,22.1 -5674,1,0,2244,22 -5675,1,0,1739,23 -5676,1,0,1930,20 -5680,1,0,1330,20 -5684,1,0,1553,17 -5687,1,0,1935,19.1 -5688,1,0,1723,25 -5689,1,0,1810,20 -5690,1,0,1825,23.1 -5692,1,0,1322,25 -5694,1,0,1033,24 -5696,1,0,1429,23 -5700,1,0,2010,26 -5701,1,0,2005,24 -5704,1,0,1950,21 -5705,1,0,1827,23 -5707,1,0,0700,24 -5709,1,0,2240,21 -5710,1,0,1940,26 -5711,1,0,1837,25.8 -5713,1,0,1005,25 -5715,1,0,2337,28 -5716,1,0,2359,26 -5720,1,0,0848,27 -5722,1,0,2114,22.6 -5724,1,0,1536,26 -5725,1,0,1615,22 -5727,1,0,0838,24 -5732,1,0,1626,24 -5736,1,0,2147,23 -5737,1,0,2115,24 -5741,1,0,1615,25 -5742,1,0,2112,24 -5743,1,0,1618,24 -5744,1,0,1920,19 -5746,1,0,1700,23 -5749,1,0,0344,25 -5750,1,0,2049,22 -5751,1,0,1448,20 -5754,1,1,0130,24 -5754,2,1,0500,22 -5754,3,2,0452,19 -5756,1,0,1920,22.8 -5757,1,0,0130,25 -5758,1,0,1345,18.6 -5759,1,0,1315,23 -5760,1,0,1410,19 -5763,1,0,1439,26 -5764,1,0,1433,24 -5765,1,0,1832,20.1 -5766,1,0,2059,24 -5767,1,0,1601,26 -5771,1,0,1605,21 -5775,1,0,1225,27 -5776,1,0,1950,24 -5778,1,0,2034,22 -5779,1,0,1923,23 -5782,1,0,1420,24 -5783,1,0,1922,27 -5784,1,0,2002,22.5 -5785,1,0,1338,25 -5786,1,0,1520,22 -5792,1,0,1830,21 -5795,1,0,2207,22 -5797,1,0,2052,25 -5798,1,0,1925,22.6 -5799,1,0,0850,27 -5800,1,0,1315,23 -5802,1,0,1342,28 -5804,1,0,1634,25 -5806,1,0,0113,22.9 -5807,1,0,1440,23 -5808,1,0,0127,24.9 -5809,1,0,1657,24 -5810,1,0,2050,19 -5811,1,0,2352,22 -5812,1,0,1625,25 -5815,1,0,1417,22 -5816,1,0,1923,25 -5817,1,1,0351,25 -5820,1,0,2005,24 -5821,1,0,1545,27 -5823,1,0,1614,23 -5824,1,0,1219,24 -5826,1,0,2008,20 -5830,1,0,1607,25 -5833,1,0,1905,23 -5835,1,0,2019,17.7 -5836,1,0,2051,23 -5837,1,0,0140,27 -5841,1,0,2255,22.8 -5842,1,0,2140,26 -5843,1,0,2128,26 -5844,1,0,1755,24 -5846,1,0,1515,24 -5850,1,0,2350,23 -5852,1,0,2116,27 -5853,1,0,2048,27 -5855,1,0,1335,25 -5857,1,0,1836,24 -5858,1,0,2058,24 -5860,1,0,2210,27 -5861,1,0,1941,26 -5862,1,0,1755,22 -5863,1,0,1652,24 -5863,2,1,0639,22.4 -5865,1,0,2312,24 -5866,1,0,2335,26 -5868,1,0,2338,24 -5869,1,0,2228,23 -5870,1,1,0043,24 -5872,1,0,2230,23 -5874,1,0,1504,23 -5875,1,0,2200,23 -5879,1,1,0242,16 -5883,1,0,1435,22 -5885,1,0,1851,20 -5888,1,0,1835,33.5 -5889,1,0,2144,16 -5894,1,0,0753,19 -5895,1,0,1440,19 -5898,1,0,2025,22 -5899,1,0,1731,26 -5901,1,0,1545,26 -5904,1,0,1920,21 -5905,1,0,2130,24 -5906,1,0,1946,25 -5907,1,0,2000,23 -5908,1,0,2127,21.1 -5909,1,0,1424,21.5 -5911,1,0,0937,26 -5913,1,0,2245,26 -5914,1,0,1046,19 -5915,1,0,1029,22.5 -5916,1,0,0726,28 -5917,1,0,1715,21.9 -5921,1,0,2058,24.5 -5922,1,0,1705,21 -5923,1,0,1945,26 -5926,1,0,2159,19 -5928,1,0,2107,23 -5929,1,0,0405,24 -5930,1,0,2304,23 -5931,1,0,0838,21 -5932,1,1,0315,25 -5934,1,0,1805,16 -5935,1,0,1636,20 -5936,1,0,1627,19.2 -5938,1,0,2009,17 -5942,1,0,1445,22 -5946,1,0,1840,18 -5947,1,0,2003,37.5 -5949,1,0,1538,20 -5950,1,0,1404,28 -5951,1,0,1942,21 -5953,1,0,0439,23 -5954,1,0,2327,22 -5958,1,1,0020,22 -5959,1,0,1820,27 -5960,1,0,1839,24 -5961,1,0,1714,26 -5962,1,0,1926,26 -5963,1,0,1920,22 -5964,1,0,1611,24 -5967,1,0,2108,23 -5968,1,0,2250,27 -5969,1,0,2203,23 -5972,1,0,1648,17 -5973,1,0,1816,41.9 -5974,1,0,2100,27 -5976,1,0,0945,17 -5978,1,1,0133,26 -5980,1,0,1814,23 -5982,1,1,0206,24 -5983,1,0,2015,23.4 -5984,1,0,1055,24 -5985,1,1,0623,26 -5986,1,0,1235,22 -5988,1,0,0055,26 -5989,1,0,2339,23 -5990,1,0,2002,19 -5992,1,0,1950,21 -5995,1,0,2001,25 -5996,1,1,0330,25 -5997,1,0,1655,21 -5998,1,0,0530,26 -5999,1,0,0319,27.6 -6000,1,0,0957,22 -6002,1,1,0005,19.9 -6003,1,0,0810,20 -6004,1,0,2005,19 -6005,1,0,1845,26 -6007,1,0,1930,24 -6010,1,0,2115,27 -6011,1,0,1924,23 -6015,1,0,1356,19 -6016,1,1,0057,23 -6019,1,1,0455,22 -6022,1,0,2205,22 -6023,1,0,1739,23 -6024,1,0,2109,23 -6025,1,0,2040,25 -6026,1,1,0530,21 -6027,1,0,0420,21 -6028,1,0,1750,17 -6030,1,0,2035,25 -6031,1,0,0833,22 -6032,1,0,2245,20 -6033,1,0,2230,18 -6034,1,0,1911,23 -6035,1,0,1944,22 -6037,1,0,2159,24.7 -6038,1,0,1919,24 -6040,1,0,1213,24 -6041,1,0,2315,26 -6042,1,0,1245,18.3 -6044,1,0,1925,25 -6046,1,0,1722,23 -6047,1,0,2350,23 -6049,1,0,2145,27 -6050,1,0,2315,26 -6051,1,0,1415,27 -6052,1,0,1115,25 -6054,1,0,1730,23 -6055,1,0,0824,24 -6058,1,0,0052,24 -6064,1,0,1713,24 -6065,1,0,2120,23 -6068,1,0,1306,18 -6070,1,0,2258,23 -6071,1,0,1255,20 -6075,1,0,1855,21 -6077,1,0,0922,24 -6082,1,0,1950,20 -6083,1,0,1706,24.8 -6084,1,0,2130,22 -6088,1,0,1345,24 -6089,1,1,0520,24 -6091,1,0,1840,23 -6092,1,0,1438,27 -6093,2,0,1615,26 -6093,3,1,1924,18 -6096,1,0,1748,25 -6097,1,0,1551,24 -6098,1,0,1937,22 -6101,1,0,1813,20.2 -6104,1,0,1854,19 -6109,1,0,1610,18 -6110,1,0,1212,16 -6112,1,0,1535,22 -6113,1,0,1929,21 -6114,1,0,2123,24 -6115,1,0,2201,23 -6116,1,1,0025,25 -6117,1,0,1731,25 -6118,1,0,1401,25 -6120,1,0,2315,26 -6121,1,0,2130,22 -6122,1,0,0145,24 -6123,1,0,2200,24.5 -6125,1,0,2041,22 -6128,1,0,1133,26 -6129,1,0,1442,21 -6131,1,0,1255,19 -6132,1,0,2247,22 -6133,1,0,1836,25 -6134,1,0,1458,24 -6136,1,0,1841,24 -6140,1,0,2235,26 -6141,1,0,1221,27 -6142,1,0,2022,23 -6143,1,0,1552,23 -6144,1,0,1141,26 -6146,1,0,2044,25 -6147,1,0,1818,21.4 -6148,1,0,1859,24 -6149,1,0,1931,26 -6150,1,0,2025,25 -6151,1,0,1700,23 -6157,1,0,1949,23 -6161,1,0,2036,24 -6162,1,1,0430,27 -6162,2,1,1408,23 -6162,3,1,1955,21 -6164,1,1,0725,21 -6166,1,0,1942,21.4 -6167,1,0,2245,22 -6169,1,0,2020,14 -6171,1,0,2126,25 -6172,1,0,2158,19 -6174,1,0,2254,22 -6176,1,0,1927,17 -6178,1,0,2350,20 -6179,1,0,1247,21.1 -6180,1,0,2313,19 -6181,1,0,1545,21 -6182,1,0,1142,30 -6186,1,0,1303,24 -6189,1,1,0031,20 -6193,1,0,2005,24 -6199,1,0,1912,20 -6200,1,0,1610,20 -6201,1,0,2102,23 -6202,1,0,1908,24 -6205,1,1,1730,15 -6206,1,0,1927,21 -6207,1,0,1300,23 -6208,1,0,1617,23 -6210,1,0,1240,25 -6211,1,0,1835,27 -6215,1,0,0115,22 -6216,1,0,2031,25 -6217,1,0,2255,25 -6218,1,1,0115,25 -6224,1,0,2013,24 -6225,2,0,1647,26 -6229,1,1,0126,25 -6231,1,0,1743,22.1 -6232,1,0,2055,26 -6233,1,0,2330,25 -6234,1,0,2235,28 -6235,1,0,1530,24.7 -6236,1,0,0634,23.4 -6238,1,2,1318,38.4 -6240,1,0,1920,30 -6241,1,0,1353,26 -6250,1,0,2121,20 -6251,1,0,1745,23.9 -6252,1,0,1204,21.1 -6255,1,0,1839,23 -6256,1,0,2010,27 -6257,1,0,1433,20 -6260,1,0,2119,23 -6261,1,0,0809,25 -6263,1,0,0110,27 -6264,1,0,1347,21 -6267,1,0,2240,28 -6269,1,0,1805,19.9 -6271,1,0,2230,25 -6272,1,0,2027,26 -6274,1,0,1831,24 -6275,1,0,1414,25 -6276,1,0,0300,18 -6278,1,0,1930,22 -6281,1,0,2007,19 -6283,1,0,2052,23 -6284,1,0,0708,23 -6285,1,0,0347,25 -6287,1,0,1920,24 -6288,1,0,1200,25 -6289,1,0,0323,26 -6291,1,0,1705,22 -6292,1,1,0056,23 -6293,1,4,0759,30 -6295,1,0,2040,25 -6297,1,1,0005,24 -6298,1,0,1515,25 -6302,1,0,1330,19 -6303,1,0,1541,21 -6307,1,0,1815,48.2 -6311,1,0,2023,24 -6316,1,0,1625,21 -6318,1,0,1949,21 -6320,1,0,1145,25 -6321,1,0,1405,25 -6322,1,0,1843,24 -6323,1,0,1630,25 -6325,1,0,2225,25 -6327,1,0,1930,28 -6328,1,0,1855,25 -6330,1,0,2359,23 -6332,1,1,0520,21 -6333,1,0,2103,20 -6335,1,0,0946,24 -6336,1,-18,1612,24 -6337,1,0,2121,19 -6338,1,0,2055,27 -6340,1,0,0916,21 -6341,1,0,1734,26.1 -6342,1,0,1756,26 -6345,1,0,1528,21 -6346,1,0,1332,20 -6347,1,0,2350,25 -6350,1,0,0045,25 -6355,1,0,1241,24 -6358,1,0,2003,25 -6359,1,0,1045,23 -6362,1,0,2049,23 -6363,1,0,2127,24 -6367,1,0,1037,27 -6368,1,0,2207,25 -6369,1,0,1758,22 -6370,1,0,2108,21 -6371,1,0,1506,14 -6372,1,0,1741,26 -6373,1,0,1330,23 -6375,1,0,1730,23 -6379,1,0,1213,24 -6380,1,1,0322,28 -6381,1,0,2130,24 -6382,1,0,1850,26 -6383,1,0,1943,27 -6384,1,0,1813,24 -6385,1,0,1128,26 -6386,1,0,1137,24 -6387,1,0,1652,29 -6388,1,0,1840,17 -6389,1,0,2046,24 -6391,1,0,1315,25 -6392,1,0,2207,19 -6393,1,0,1510,23 -6394,1,0,2357,26 -6395,1,1,0148,25 -6399,1,0,1928,24.6 -6400,1,1,0655,22 -6401,1,0,1345,24 -6402,1,0,2056,25 -6405,1,0,2233,23 -6406,1,0,1233,22 -6406,2,0,1532,26 -6406,3,0,2253,23 -6407,1,0,2015,21 -6409,1,1,0340,26 -6410,1,1,1014,30 -6411,1,0,1830,21 -6412,1,0,1710,21 -6415,1,0,1306,21.6 -6417,1,0,1753,24 -6418,1,0,1230,23 -6419,1,0,2007,19.6 -6421,1,0,1443,27 -6422,1,3,2013,24 -6423,1,0,1805,27 -6425,1,0,1309,25 -6426,1,0,1319,23 -6427,1,1,0020,21 -6428,1,0,2203,22 -6431,1,0,1957,24 -6432,1,0,2300,24 -6433,1,0,1328,20 -6435,1,5,1130,24 -6436,1,0,1630,21 -6439,1,0,2315,25 -6440,1,0,2055,20 -6441,1,1,0315,23 -6442,1,0,1424,13 -6445,1,0,0008,24 -6448,1,0,1009,26 -6456,1,1,0012,23 -6457,1,0,1554,17 -6462,1,0,0455,25 -6464,1,0,0250,23 -6465,1,0,2313,26 -6466,1,0,1500,24 -6473,1,0,0640,25 -6474,1,0,1856,23 -6477,1,0,2117,27 -6479,1,0,0918,24 -6480,1,1,0030,25.1 -6483,1,0,2322,21 -6484,1,0,2214,23 -6485,1,0,1915,24 -6486,1,0,1745,20.3 -6487,1,0,0012,25 -6490,1,0,1434,22 -6491,1,0,1853,20 -6492,1,0,1948,23 -6493,1,0,1918,18.8 -6495,1,0,1412,25 -6496,1,1,0006,18 -6497,1,0,1609,22.5 -6498,1,0,1728,24 -6500,1,0,2123,21.2 -6501,1,0,1830,26 -6503,1,0,1506,22 -6505,1,0,1633,27 -6506,1,0,1828,25 -6507,1,0,1759,22 -6508,1,0,1440,27 -6510,1,0,1840,22 -6511,1,0,0833,23 -6514,1,0,0955,22.3 -6515,1,0,1327,24 -6517,1,0,0230,20 -6519,1,0,1520,27 -6522,1,0,0715,18 -6525,1,0,1710,26 -6526,1,0,0645,26 -6527,1,0,2355,24 -6528,1,0,1717,17 -6529,1,0,2207,19 -6532,1,0,1353,19 -6533,1,0,1000,23 -6536,1,0,1721,22 -6537,1,0,2105,26 -6539,1,0,1328,20 -6542,1,0,1113,27 -6543,1,1,1110,25 -6548,1,0,2217,27 -6549,1,0,0042,21 -6551,1,0,0121,22 -6553,1,0,1423,18 -6554,1,0,1317,22.3 -6557,1,0,0255,27 -6560,1,0,1119,21 -6564,1,1,0000,23 -6565,1,0,1600,26 -6572,1,1,0550,22 -6573,1,0,1620,22 -6574,1,0,1350,21 -6575,1,0,2157,24 -6576,1,0,1822,26 -6578,1,0,1528,26 -6579,1,0,2024,21 -6582,1,0,1113,23 -6583,1,0,1930,23.8 -6584,1,0,1919,22 -6586,1,0,2355,24 -6588,1,0,1901,24 -6589,1,0,0930,24 -6590,1,0,1545,25 -6591,1,0,2034,26 -6593,1,0,2002,22 -6594,1,0,2200,22 -6595,1,0,1424,21 -6596,1,0,1357,24 -6597,1,0,0855,24 -6599,1,0,0934,17 -6600,1,0,2220,20 -6602,1,0,2112,23 -6603,1,0,1755,24 -6604,1,0,0455,27 -6605,1,0,1545,24 -6606,1,0,2230,25 -6614,1,0,2234,25 -6615,1,0,1738,26 -6617,1,0,1830,22 -6619,1,0,1520,23 -6623,1,0,2217,21.7 -6629,1,0,1700,24 -6630,1,0,1940,26 -6631,1,0,1730,22 -6632,1,0,2229,35.3 -6635,1,0,0020,29 -6636,1,0,1705,23 -6637,1,0,0226,19 -6639,1,0,0835,21 -6642,1,0,0744,21 -6643,1,0,0125,21 -6644,1,0,1521,23 -6646,1,0,1214,22 -6647,1,0,1700,17 -6648,1,0,0502,24 -6650,1,0,2042,22 -6652,1,0,2059,22 -6653,1,1,0015,20 -6655,1,0,1938,23 -6656,1,0,1306,28 -6660,1,0,1656,19 -6661,1,0,0243,23 -6664,1,0,1400,26 -6667,1,0,1832,26 -6669,1,0,1808,25 -6672,1,0,1944,23.7 -6673,1,0,2306,28 -6674,1,0,2030,24 -6676,1,0,2134,29 -6677,1,0,2203,20 -6680,1,0,0231,23 -6681,1,0,1905,21 -6684,1,0,1910,25 -6687,1,0,1806,18.1 -6690,1,0,2100,23.9 -6691,1,0,1740,20.8 -6694,1,1,0639,27 -6698,1,0,1950,25 -6700,1,1,0035,25 -6701,1,0,1055,24 -6702,1,0,0640,25 -6704,1,0,2050,24 -6705,1,0,2240,20 -6706,1,0,2221,27.7 -6707,1,0,1440,21 -6708,1,0,1509,25 -6713,1,0,2105,21 -6714,1,0,0900,22 -6716,1,0,1751,18.9 -6718,1,0,1431,21 -6721,1,0,0146,23 -6722,1,0,1232,27 -6723,1,0,1157,25 -6724,1,0,0118,26 -6725,1,0,2345,25 -6726,1,0,2145,22 -6728,1,0,2335,26 -6730,1,0,2220,25 -6734,1,0,1159,26 -6735,1,0,1235,24 -6737,1,0,1025,23 -6741,1,1,0017,25 -6742,1,0,1902,26 -6743,1,1,0235,23 -6744,1,1,0546,24.4 -6744,2,0,1944,24.9 -6745,1,0,2018,21 -6748,1,0,2200,26 -6749,1,0,1340,18 -6750,1,0,1401,25 -6751,1,0,1635,26 -6755,1,0,1755,23.8 -6756,1,0,2311,25 -6758,1,0,1730,21 -6759,1,0,2251,25.4 -6760,1,0,1550,23 -6766,1,0,1703,25 -6767,1,0,1455,20 -6768,1,0,1000,19 -6769,1,0,1613,23 -6771,1,0,1418,20 -6773,1,0,0030,25 -6775,1,0,1730,22 -6776,1,0,0558,29 -6778,1,0,1835,24 -6779,1,0,1853,24 -6782,1,0,1954,22 -6784,1,0,1404,21 -6786,1,-1,1916,22.9 -6790,1,0,1230,20 -6790,2,1,0435,21 -6791,1,0,2012,23 -6792,1,0,1515,24 -6795,1,0,1744,22 -6797,1,0,1121,16 -6798,1,0,2026,25 -6799,1,0,1543,29 -6802,1,0,1627,21 -6804,1,0,0840,26 -6805,1,1,0045,26 -6809,1,0,0123,26 -6810,1,0,1654,25 -6812,1,0,1422,25 -6814,1,0,2110,24 -6815,1,0,2030,26 -6816,1,0,1903,21 -6817,1,0,1550,24 -6819,1,0,1934,25 -6820,1,0,1540,26 -6823,1,0,2205,24 -6824,1,0,2346,25 -6826,1,0,1757,21 -6827,1,0,1824,24 -6829,1,0,1110,20 -6837,1,0,1428,24 -6842,1,0,1302,27 -6843,1,0,2001,22 -6846,1,0,2132,24 -6848,1,0,2109,25 -6853,1,0,0110,28 -6854,1,0,2213,25 -6857,1,0,0325,25 -6858,1,0,2133,23 -6860,1,0,1021,11 -6861,1,0,2150,23 -6862,1,0,2020,19 -6865,1,0,0858,20 -6868,1,0,2048,29 -6869,1,0,0810,22 -6870,1,0,1323,25 -6872,1,0,0747,26 -6873,1,0,0908,23 -6874,1,1,1050,25 -6875,1,0,1759,22 -6876,1,0,2007,25 -6877,1,0,0045,20 -6878,1,0,2141,27 -6881,1,0,2000,24 -6882,1,0,0703,24 -6886,1,0,0050,24 -6888,1,0,0941,28 -6891,1,0,1755,21.6 -6894,1,0,2155,21 -6895,1,0,2145,25 -6898,1,0,1853,22 -6900,1,0,2054,22 -6903,1,0,1908,24 -6904,1,0,1546,25 -6905,1,0,1855,22 -6910,1,0,1430,21 -6911,1,0,1912,19 -6914,1,0,1622,25 -6916,1,0,2045,24 -6917,1,0,1802,22 -6918,1,0,2145,23.9 -6919,1,0,1753,24 -6920,1,0,1715,21 -6921,1,0,1530,26 -6924,1,0,1439,25.5 -6925,1,0,2042,25 -6926,1,0,1138,24 -6927,1,0,1540,15 -6929,1,0,1850,26 -6930,1,0,1845,36.3 -6935,1,0,1221,21 -6936,1,1,0525,23 -6937,1,0,1430,24 -6939,1,0,1655,22 -6940,1,0,0624,18 -6944,1,0,1307,24 -6946,1,0,1846,20 -6947,1,0,1652,23 -6948,1,0,1249,18 -6949,1,0,1821,18 -6957,1,0,1143,21 -6959,1,0,1724,22 -6960,1,0,1628,25.4 -6961,1,0,1810,22 -6962,1,0,2043,16 -6963,1,0,0251,27 -6964,1,0,2010,25.2 -6966,1,0,1900,22 -6967,1,1,0012,25 -6970,1,0,2038,24 -6972,1,0,1210,20 -6973,1,0,1057,24 -6974,1,0,2145,20 -6975,1,0,1939,21.6 -6977,1,0,1959,19 -6979,1,0,2110,24 -6980,1,0,2130,28 -6981,1,0,1925,22 -6983,1,0,1846,21 -6985,1,0,1820,21 -6986,1,0,2350,28 -6987,1,0,1420,26 -6988,1,0,1619,24 -6989,1,0,2050,23.2 -6992,1,0,1650,25 -6995,1,0,1415,23 -6997,1,0,2146,28 -6998,1,0,1703,25 -7001,1,0,1801,23 -7004,1,0,1629,24 -7008,1,0,1904,26 -7009,1,0,1950,21 -7010,1,0,0016,27 -7011,1,0,1816,19 -7015,1,0,2212,27 -7017,1,0,2355,27 -7017,2,1,0100,27 -7018,1,0,1842,19 -7019,1,0,1627,23.3 -7021,1,0,1306,24 -7024,1,0,0140,28 -7025,1,0,1520,23 -7027,1,0,1902,18 -7028,1,0,0155,22 -7029,1,0,1913,23 -7030,1,0,2325,24 -7031,1,1,0410,24 -7032,1,0,2113,21 -7034,1,0,1515,24 -7035,1,0,1638,24 -7037,1,0,2109,22 -7038,1,0,2001,27 -7044,1,0,0140,23 -7046,1,0,0955,23 -7047,1,0,2108,24 -7050,1,0,2219,24 -7051,1,1,0105,24.1 -7053,1,0,2300,24 -7056,1,0,1738,26 -7060,1,0,1526,25 -7061,1,0,2054,26 -7062,1,0,0915,27 -7064,1,0,0225,23 -7067,1,1,0011,22 -7069,1,0,2110,29.7 -7070,1,0,2341,27 -7071,1,0,1942,17 -7072,1,0,1647,19 -7074,1,0,1545,25 -7078,1,0,1300,18 -7079,1,0,2235,26 -7082,1,0,1653,22 -7083,1,0,2242,26 -7084,1,0,1220,25 -7087,1,0,1940,22 -7092,1,0,2000,25 -7094,1,0,2226,22 -7095,1,0,1630,25 -7096,1,0,1845,27 -7097,1,0,0215,19 -7101,1,0,1202,25 -7102,1,0,1630,22 -7103,1,0,0618,29 -7104,1,0,1902,24 -7105,1,0,1640,22 -7109,1,0,1540,25 -7110,1,1,0600,28 -7113,1,0,1718,22 -7118,1,0,1747,26 -7119,1,0,1507,21 -7122,1,0,1733,19 -7123,1,0,1850,26 -7124,1,0,0034,20 -7126,1,0,0851,16 -7127,1,0,0853,22.7 -7129,1,0,2235,28 -7130,1,0,1608,24 -7131,1,0,1852,25 -7132,1,0,0440,25.5 -7134,1,0,2013,22 -7135,1,1,0000,25 -7136,1,0,1815,18.8 -7140,1,0,0530,26 -7142,1,0,0730,26 -7145,1,0,1000,23 -7150,1,0,0906,20 -7151,1,1,0005,26 -7152,1,0,1411,22 -7153,1,0,2137,26 -7154,1,0,1935,24 -7157,1,0,1424,23 -7158,1,0,1520,24 -7163,1,0,2005,26 -7166,1,0,1400,24 -7167,1,0,1936,23 -7169,1,0,1442,21.8 -7170,1,0,1429,25 -7173,1,0,0930,26.1 -7175,1,0,0940,24 -7177,1,0,2317,26 -7181,1,0,2120,22 -7184,1,0,1836,27 -7185,1,0,1807,23 -7186,1,0,2045,23 -7188,1,0,1703,25 -7189,1,0,1702,23 -7195,1,0,2030,20 -7199,1,1,0004,26 -7200,1,0,1213,24 -7202,1,0,2126,24 -7203,1,0,0910,21 -7205,1,0,1227,23 -7207,1,0,0843,28 -7208,1,0,2256,25 -7209,1,0,1111,26 -7211,1,0,2335,27 -7212,1,0,1935,27 -7213,1,0,2030,26 -7215,1,0,1345,23 -7217,1,0,0810,22 -7218,1,0,2100,22.7 -7219,1,0,1137,26 -7220,1,0,2131,23 -7221,1,0,2028,23 -7223,1,0,1641,25 -7224,1,0,0456,24.6 -7225,1,0,0810,24 -7226,1,0,2250,26.4 -7227,1,0,1744,21.9 -7228,1,0,1111,17.8 -7229,1,0,1603,24 -7230,1,0,2040,27 -7234,1,0,1840,25 -7235,1,0,2230,26 -7237,1,0,0217,25 -7238,1,0,2120,27 -7240,1,0,1501,23 -7241,1,0,1607,23 -7242,1,0,2117,23.4 -7243,1,0,1452,22 -7244,1,0,2114,23 -7245,1,0,2047,21 -7247,1,0,0919,20 -7248,1,2,0619,26.2 -7249,1,0,1740,23 -7250,1,0,1945,22 -7251,1,0,0026,21 -7252,1,0,1948,22 -7253,1,0,2240,26 -7256,1,0,1400,21 -7258,1,0,1011,18 -7259,1,0,1539,25 -7260,1,0,2045,26 -7261,1,0,2250,22 -7263,1,0,1755,28 -7264,1,1,0030,25 -7265,1,0,2240,25 -7266,1,0,0437,24.4 -7267,1,0,2000,24 -7269,1,0,2034,21 -7270,1,0,2315,22 -7271,1,1,0237,20 -7274,1,0,1839,24 -7275,1,0,1838,21 -7276,1,0,0203,21.5 -7277,1,0,1252,25 -7278,1,0,1505,21 -7281,1,0,1700,21 -7282,1,0,1204,27 -7285,1,0,1630,18 -7287,1,0,2230,30 -7288,1,0,2035,4 -7292,1,0,1839,23 -7294,1,0,1651,27 -7295,1,0,0920,23 -7296,1,0,0515,26 -7299,1,0,0104,22 -7302,1,0,1712,21 -7303,1,0,1826,22 -7304,1,0,1300,26 -7305,1,0,0818,26 -7308,1,0,1719,23 -7312,1,0,1605,25 -7313,1,0,1712,27 -7316,1,0,1614,24 -7317,1,0,1142,22 -7319,1,0,2005,24 -7323,1,0,1917,24.6 -7324,1,0,2012,24 -7325,1,0,1741,21 -7327,1,0,1000,27 -7328,1,0,2258,20 -7329,1,0,1000,24 -7334,1,0,1457,28 -7335,1,0,1904,21 -7337,1,0,1753,25 -7342,1,0,2130,22 -7346,1,0,2026,25 -7347,1,0,2128,21 -7349,1,0,1255,27 -7350,1,0,1359,27 -7351,1,0,1615,23 -7356,1,0,1945,21 -7361,1,0,2348,27 -7362,1,0,2210,25 -7363,1,1,0435,18 -7367,1,0,2230,17.8 -7368,1,0,1652,24 -7371,1,0,1643,24 -7372,1,0,2335,32 -7374,1,0,1847,44.9 -7377,1,0,2104,27 -7378,1,0,1721,20 -7380,1,0,1307,26 -7382,1,0,2150,24 -7383,1,0,1603,20 -7386,1,0,1744,24 -7389,1,0,1830,24 -7392,1,0,1811,23 -7394,1,0,1221,25 -7400,1,0,1512,24 -7402,1,0,1910,20 -7403,1,0,1358,24 -7404,1,0,1317,22.3 -7405,1,0,1536,22 -7406,1,0,1817,25 -7407,1,0,1255,22 -7408,1,1,1152,28 -7409,1,0,1924,20 -7410,1,0,1437,21 -7415,1,0,0413,24 -7416,1,0,1835,18 -7417,1,0,2205,23 -7420,1,0,1625,25 -7422,1,0,1732,23 -7425,1,0,2200,22 -7426,1,0,1802,23.3 -7428,1,0,0727,21 -7429,1,0,2115,24 -7430,1,0,1635,25 -7435,1,0,0359,27 -7436,1,0,2011,18.8 -7438,1,0,0253,19 -7440,1,0,1205,25 -7441,1,0,2228,26 -7442,1,0,1612,25 -7443,1,0,2053,21 -7445,1,0,1656,23 -7446,1,0,1925,19 -7447,1,0,2135,20 -7449,1,0,1927,24 -7453,1,0,1846,18 -7454,1,0,1330,21 -7455,1,1,0232,24 -7458,1,0,1715,21 -7460,1,0,1827,25 -7462,1,0,1738,23 -7464,1,0,1600,23 -7465,1,0,2239,20.8 -7466,1,0,1916,23 -7469,1,0,1850,27 -7471,1,0,1651,25 -7472,1,0,2242,24.9 -7473,1,0,1725,22 -7475,1,0,2315,25 -7476,1,0,2327,23 -7478,1,0,1823,21 -7480,1,0,2120,21 -7483,1,0,2153,25 -7484,1,0,2124,27 -7487,1,1,0140,25 -7488,1,0,1746,24 -7490,1,0,1724,23 -7491,1,0,1457,20 -7492,1,0,1611,23 -7493,1,0,1720,21 -7495,1,0,1458,24 -7496,1,0,2137,23 -7497,1,0,1800,18 -7498,1,0,0247,24 -7499,1,0,1450,26 -7501,1,0,2151,18 -7502,1,0,2210,20 -7503,1,0,1040,22 -7504,1,0,0230,26 -7505,1,0,2346,25 -7507,1,0,0252,24 -7509,1,0,1525,25 -7510,1,0,2010,23 -7513,1,0,1858,25 -7515,1,0,1829,20 -7517,1,0,1503,21.3 -7518,1,2,0513,13 -7520,1,0,2015,28 -7521,1,0,1849,21.4 -7522,1,0,1516,23 -7524,1,0,2215,22.3 -7526,1,0,1853,17.1 -7528,1,0,2348,21 -7529,1,0,2046,20 -7531,1,0,1940,20.3 -7532,1,0,1500,20.4 -7533,1,0,1920,21 -7535,1,0,1420,24 -7537,1,0,2112,23 -7538,1,0,1620,26 -7539,1,0,2340,19 -7540,1,0,1605,20 -7541,1,0,1554,30 -7543,1,0,1831,24 -7545,1,0,1945,20.2 -7547,1,0,1145,25 -7549,1,0,1002,23 -7551,1,1,0117,23 -7554,1,0,0200,22 -7555,1,0,1625,28 -7556,1,0,1438,23 -7557,1,0,1147,28 -7558,1,0,1643,22 -7560,1,0,1330,22 -7563,1,0,2218,29 -7564,1,0,0829,19 -7565,1,1,0025,24 -7566,1,0,1110,21 -7570,1,0,1816,25 -7572,1,0,1428,25 -7573,1,0,2113,24 -7575,1,0,2000,20.2 -7577,1,0,1056,26 -7579,1,0,0845,22 -7581,1,0,1757,24 -7582,1,0,1714,19 -7583,1,0,1759,23 -7584,1,1,0126,23 -7585,1,-1,2140,23 -7586,1,0,0038,24 -7589,1,0,2106,22 -7590,1,1,0005,24 -7591,1,0,1550,22 -7592,1,0,2049,24.4 -7594,1,0,1741,24.9 -7595,1,0,1800,26 -7598,1,0,1258,25 -7599,1,1,0430,18 -7600,1,0,1830,25 -7602,1,0,1830,21 -7604,1,0,2100,23 -7607,1,0,1224,25 -7608,1,0,1857,25 -7609,1,0,2014,25.4 -7611,1,0,0240,21 -7613,1,0,2121,23 -7614,1,0,1728,20 -7616,1,0,2050,21 -7618,1,0,1658,25 -7619,1,0,1915,25 -7620,1,0,0425,26 -7623,1,0,1728,25 -7624,1,0,1714,23.8 -7625,1,0,0408,18.6 -7626,1,0,2003,22 -7627,1,0,1534,10 -7628,1,0,1120,26 -7629,1,0,1630,20 -7630,1,0,1657,20 -7631,1,0,2114,23 -7633,1,0,1630,26 -7634,1,0,1947,23 -7636,1,0,1650,24 -7639,1,0,2100,26 -7641,1,0,1845,22 -7643,1,0,1435,28 -7644,1,0,1824,21 -7645,1,0,2330,21 -7647,1,0,1546,23 -7648,1,0,2100,24 -7649,1,0,1521,19 -7650,1,0,1535,25 -7651,1,0,1005,22 -7653,1,0,2045,26 -7654,1,0,2021,23 -7656,1,0,1415,25 -7657,1,0,2138,29.1 -7658,1,0,1515,23 -7660,1,0,1620,21 -7661,1,0,2102,23 -7662,1,0,2130,24 -7663,1,0,2149,24 -7669,1,0,2001,24 -7671,1,0,2112,23 -7672,1,0,1524,26 -7673,1,0,1714,31 -7675,1,0,1457,21 -7676,1,0,1557,24 -7678,1,0,1736,23 -7679,1,0,2035,22 -7680,1,0,1620,23 -7682,1,2,0510,18 -7683,1,0,2316,22 -7684,1,0,1857,21 -7686,1,0,2134,25 -7687,1,0,1649,23 -7688,1,0,1959,28 -7689,1,0,0505,22 -7690,1,0,2336,22 -7692,1,0,1825,23 -7694,1,0,1802,28 -7695,1,0,1646,23 -7696,1,1,1110,27 -7697,1,0,2020,23 -7698,1,0,1550,24 -7699,1,0,1716,27 -7703,1,0,1036,26 -7705,1,0,1001,18 -7706,1,0,1550,21 -7707,1,0,1909,27 -7708,1,1,0120,23 -7711,1,0,2200,24 -7713,1,0,2025,24 -7715,1,1,0045,19 -7719,1,0,2234,22 -7720,1,0,1332,25 -7721,1,0,2155,25 -7723,1,0,2118,22 -7724,1,0,1358,19 -7727,1,0,0323,22 -7729,1,0,1858,22 -7732,1,0,0824,26 -7733,1,0,1340,24 -7736,1,1,0550,27 -7740,1,0,0930,27 -7742,1,0,1831,27 -7743,1,0,1700,20 -7744,1,0,1750,22 -7745,1,0,1743,22 -7746,1,0,2125,27 -7747,1,0,0430,9 -7750,1,0,1848,17 -7752,1,0,1930,24 -7753,1,0,1850,10.6 -7754,1,0,1200,27 -7755,1,0,1407,24 -7756,1,0,1035,25 -7757,1,0,2230,19 -7758,1,0,0245,22.4 -7759,1,0,1702,22 -7760,1,0,1243,24 -7761,1,0,2059,25 -7762,1,0,1827,25 -7764,1,0,1636,24 -7766,1,1,0055,23 -7767,1,0,2013,21 -7768,1,0,0442,20 -7770,1,0,1137,26 -7771,1,0,1815,20 -7772,1,0,1340,21 -7773,1,0,2257,23 -7775,1,0,0453,24 -7776,1,0,2121,27 -7777,1,0,1139,22 -7778,1,0,1854,25 -7781,1,0,1814,24 -7783,1,0,1647,25 -7784,1,0,1642,28 -7785,1,0,2132,25 -7786,1,0,2057,21 -7787,1,1,0130,26 -7788,1,-10,0309,23 -7790,1,0,1500,22 -7793,1,0,0820,27 -7794,1,0,1111,23 -7796,1,0,0920,25 -7799,1,0,1950,22 -7801,1,0,1516,23 -7802,1,1,0440,29 -7803,1,0,1007,23 -7804,1,0,2100,21.2 -7805,1,0,1745,23 -7806,1,0,2250,27.9 -7809,1,0,1436,20 -7812,1,0,1342,21 -7815,1,0,1948,20 -7816,1,0,1900,25 -7817,1,0,1906,23 -7818,1,0,1834,20.6 -7821,1,0,1621,30 -7822,1,0,0145,27 -7823,1,0,1613,24 -7824,1,0,1128,19 -7825,1,0,1314,20 -7826,1,0,1920,25 -7827,1,0,1828,23 -7831,1,0,1328,22 -7832,1,0,2121,23.1 -7833,1,0,2037,24 -7836,1,1,0115,25 -7837,1,0,1951,24 -7838,1,0,1744,25 -7839,1,0,0402,24 -7840,1,0,1921,25 -7843,1,0,1052,27.8 -7848,1,0,1509,27 -7850,1,0,0825,22 -7851,1,0,1951,24 -7853,1,0,1854,26 -7854,1,0,1850,25 -7855,1,0,1653,25 -7856,1,0,2030,24 -7857,1,0,0039,25 -7859,1,0,2052,18 -7861,1,0,2037,25 -7862,1,0,1925,24 -7862,2,1,0756,22 -7863,1,0,1848,23 -7864,1,0,1911,30 -7865,1,1,0128,23 -7866,1,0,1425,22 -7867,1,0,1950,27 -7868,1,0,1510,17 -7869,1,0,2103,24 -7870,1,0,2035,25 -7871,1,0,0746,23 -7873,1,0,2251,21 -7875,1,1,0031,21 -7880,1,0,1050,25 -7881,1,0,1822,20 -7882,1,0,1739,22.5 -7883,1,0,2324,28 -7887,1,0,2251,23 -7888,1,0,1618,22 -7890,1,0,2117,18 -7892,1,0,2259,25 -7893,1,0,2215,26 -7895,1,0,1045,27 -7896,1,0,1337,22 -7899,1,0,0334,24 -7900,1,0,2000,22 -7903,1,1,0300,20 -7905,1,0,1506,21 -7907,1,0,1609,20 -7908,1,0,2225,23 -7909,1,0,1620,29 -7910,1,0,1614,20 -7911,1,0,1730,27 -7912,1,0,1810,23 -7914,1,0,1830,25 -7916,1,0,2001,24 -7919,1,0,1812,24 -7922,1,0,2300,23 -7923,1,0,1613,25.9 -7924,1,0,2332,24.7 -7925,1,0,1530,23 -7926,1,0,0248,22 -7927,1,0,1725,24 -7928,1,0,2000,27 -7929,1,0,1711,21 -7930,1,0,0830,28 -7933,1,0,1815,27 -7934,1,0,2005,23 -7935,1,0,2310,28 -7936,1,0,2021,20.8 -7937,1,0,1759,24 -7938,1,0,1655,24 -7939,1,0,1815,22 -7944,1,0,1801,24 -7946,1,0,1639,24 -7947,1,1,0415,22 -7949,1,0,1840,26 -7950,1,1,0345,25 -7951,1,0,1425,27 -7954,1,0,2025,24 -7956,1,0,0040,24 -7957,1,0,1156,30.3 -7958,1,0,1245,22 -7960,1,0,0929,24.9 -7961,1,0,1634,24.4 -7962,1,0,1617,24 -7963,1,0,2328,24 -7964,1,0,2321,21 -7965,1,-30,2238,24 -7966,1,0,2310,29 -7967,1,0,2319,22.1 -7969,1,0,2240,21 -7970,1,0,0140,25.6 -7971,1,0,2040,25 -7972,1,0,2138,23 -7974,1,0,1825,24 -7975,1,0,2125,25.5 -7978,1,0,1756,21 -7979,1,0,1828,23 -7981,1,0,1523,26.6 -7983,1,0,2206,25 -7985,1,0,1820,27 -7986,1,0,1441,22 -7988,1,0,0027,22 -7989,1,0,1648,20 -7991,1,0,1853,25 -7993,1,0,0111,26 -7995,1,0,0629,21 -7997,1,0,2005,22 -7999,1,0,2147,19 -8000,1,0,0934,29 -8002,1,0,1815,20 -8003,1,0,1612,26.3 -8005,1,0,2146,26 -8008,1,0,1605,20.8 -8010,1,0,2010,22 -8011,1,0,0200,23 -8013,1,0,1950,23 -8014,1,0,1655,23 -8017,1,0,2215,25 -8018,1,0,2059,16 -8019,1,0,2220,26 -8021,1,0,0816,26 -8031,1,0,2314,25 -8032,1,0,2110,16 -8033,1,0,1530,27 -8034,1,0,1658,23.7 -8037,1,0,2054,26 -8039,1,0,1928,24 -8040,1,0,1706,22 -8041,1,1,0030,25 -8042,1,0,0716,20 -8043,1,0,0940,24 -8044,1,0,0936,24 -8045,1,0,2028,25 -8046,1,0,1801,23 -8048,1,0,2010,25 -8049,1,0,0934,22 -8051,1,0,2030,26 -8052,1,0,2030,18.9 -8055,1,0,1647,27 -8057,1,0,1845,24.8 -8059,1,0,1850,22 -8061,1,0,1948,22 -8063,1,0,2110,25 -8065,1,0,0537,24 -8068,1,0,1331,28 -8069,1,0,1046,25 -8070,1,0,2243,23.8 -8072,1,0,2345,23 -8073,1,0,2320,25 -8075,1,0,0150,22 -8078,1,0,1912,25 -8081,1,0,1112,21 -8083,1,0,1745,21 -8084,1,0,1809,21 -8085,1,0,1747,22 -8086,1,0,2144,19 -8087,1,0,0159,27 -8089,1,1,1600,19 -8091,1,0,1305,25 -8091,2,1,0230,23 -8092,1,0,1226,29 -8096,1,0,0050,19 -8097,1,0,1721,18 -8099,1,1,1254,21 -8100,1,0,1842,18 -8101,1,0,1103,24 -8103,1,0,1615,22 -8106,1,0,1854,27 -8110,1,0,2305,25 -8112,1,0,2040,21 -8115,1,0,1945,22.1 -8117,1,0,0856,23 -8118,1,0,2214,24 -8120,1,0,1532,20 -8122,1,0,1617,22 -8123,1,0,1745,23 -8124,1,0,1641,22.6 -8126,1,0,2031,18 -8127,1,0,0410,27 -8129,1,0,1817,19.5 -8133,1,0,1742,22 -8139,1,0,1605,21 -8141,1,0,1937,22 -8143,1,0,1357,23 -8145,1,0,2003,28 -8147,1,0,1408,25 -8150,1,1,0003,24.8 -8154,1,0,1932,17 -8155,1,0,0155,26 -8156,1,1,0048,25 -8159,1,0,1942,24 -8161,1,0,1955,21 -8163,1,0,1852,24 -8164,1,0,1908,14 -8166,1,0,2105,25.9 -8167,1,0,1535,25 -8168,1,1,0523,22 -8169,1,0,1633,19 -8174,1,0,1921,21.9 -8175,1,0,1653,24 -8176,1,1,0610,23 -8178,1,0,1557,22 -8179,1,0,2030,26 -8180,1,0,2350,26 -8182,1,0,2345,20 -8183,1,0,1905,21 -8184,1,0,1800,25 -8186,1,0,1720,22 -8187,1,0,1819,25 -8189,1,0,1335,26 -8191,1,0,1205,20 -8192,1,1,0200,20 -8193,1,0,1808,25 -8194,1,0,1605,30 -8196,1,0,1745,23 -8198,1,0,1553,19 -8201,1,0,0115,22.4 -8202,1,0,1709,26 -8203,1,0,2137,27 -8204,1,0,1750,28 -8205,1,0,2204,28 -8207,1,0,1913,23 -8208,1,0,1521,23 -8210,1,0,2018,19 -8212,1,0,1758,17 -8213,1,0,1920,23 -8215,1,0,1313,22 -8217,1,0,2300,23 -8220,1,0,1826,22 -8221,1,0,1420,24 -8222,1,0,1557,24 -8223,1,0,1819,23 -8225,1,0,1455,24 -8227,1,0,1530,25 -8228,1,0,1742,18 -8229,1,0,1013,21 -8233,1,0,2158,21 -8234,1,0,1746,25 -8237,1,0,1815,22 -8238,1,0,2010,25 -8239,1,0,2320,26 -8242,1,0,2100,25 -8243,1,0,1711,26 -8245,1,0,1611,23 -8248,1,0,2217,24.9 -8249,1,0,1140,22 -8250,1,0,1223,18.9 -8252,1,0,2115,23 -8254,1,0,2325,18 -8255,1,0,1644,24 -8256,1,0,2304,30 -8257,1,0,1446,21 -8258,1,0,1628,25 -8259,1,1,0500,21 -8260,1,0,2106,22 -8261,1,0,1300,22 -8262,1,0,1005,17 -8265,1,0,1536,25 -8267,1,0,2202,27 -8272,1,0,2223,20 -8274,1,0,1148,23.3 -8275,1,0,0840,23 -8276,1,0,2246,25 -8278,1,0,1903,21.2 -8279,1,0,2140,22.6 -8281,1,0,1910,25.6 -8281,2,1,0917,23.4 -8282,1,0,2215,26 -8283,1,0,1303,17 -8286,1,0,1530,24 -8288,1,0,0110,22 -8289,1,0,0922,26.9 -8291,1,0,1212,22 -8293,1,0,1800,23 -8294,1,0,1715,27 -8295,1,0,2035,23 -8298,1,0,1350,22 -8299,1,0,0920,25 -8304,1,0,1920,25 -8305,1,0,2004,25 -8306,1,0,0624,22 -8307,1,0,1808,23 -8310,1,0,1615,23 -8311,1,0,2034,22 -8315,1,0,1857,27 -8318,1,0,1830,24 -8320,1,0,1812,22 -8321,1,0,1743,25 -8322,1,0,2036,24 -8324,1,0,1800,26 -8325,1,0,1526,22.2 -8328,1,0,1825,23 -8329,1,0,2045,27.7 -8330,1,0,1320,23 -8331,1,0,1935,25 -8333,1,0,2009,28 -8334,1,0,1402,23 -8341,1,0,1415,22 -8344,1,1,0518,21 -8347,1,0,2148,22.6 -8349,1,0,1840,26 -8350,1,0,1400,27.1 -8351,1,1,0001,27 -8355,1,0,1558,18 -8358,1,0,1445,22 -8360,1,2,1130,24 -8361,1,0,1626,12.5 -8362,1,0,2345,22 -8363,1,0,1640,25 -8366,1,0,2358,24 -8369,1,1,0105,24 -8370,1,0,1507,27 -8371,1,0,1837,22 -8372,1,0,0315,25 -8373,1,0,2200,27 -8377,1,1,0137,11 -8378,1,0,1058,27 -8381,1,0,0500,24 -8384,1,0,1246,22 -8386,1,1,0125,25 -8388,1,0,2042,30 -8389,1,0,0911,20.4 -8391,1,0,1300,21 -8392,1,0,1750,25 -8393,1,0,1533,25 -8395,1,0,1915,19 -8397,1,0,1330,22 -8399,1,0,1555,23 -8400,1,0,1440,17 -8401,1,0,2039,24 -8402,1,0,1930,20 -8404,1,0,2327,25 -8405,1,0,0704,24 -8408,1,0,1714,20.9 -8411,1,0,0158,25 -8412,1,0,0326,26 -8414,1,0,2210,22 -8417,1,0,2000,25 -8422,1,0,2019,26 -8425,1,0,0130,23 -8428,1,0,1730,14.6 -8429,1,0,1615,22 -8432,1,0,2107,30 -8435,1,0,1911,26 -8436,1,3,1335,22 -8438,1,0,2153,21 -8439,1,0,2201,22 -8440,1,0,1531,25.3 -8441,1,0,1115,25 -8442,1,0,1646,18 -8443,1,0,1208,27 -8444,1,0,1800,19 -8447,1,0,1926,26 -8450,1,0,1703,21 -8451,1,0,1247,22 -8453,1,0,1731,20 -8455,1,0,1448,24 -8457,1,0,1930,24 -8460,1,0,1120,24 -8461,1,0,0927,25 -8462,1,0,1326,24 -8464,1,0,2332,20.2 -8469,1,0,0943,19 -8471,1,0,1618,24.9 -8475,1,0,1707,25 -8476,1,0,1550,24 -8481,1,0,2243,20 -8482,1,0,0714,21 -8483,1,0,0643,22 -8484,1,0,1214,21 -8485,1,0,1412,24 -8487,1,0,2327,24 -8489,1,0,2125,24 -8490,1,0,0218,27 -8491,1,0,1803,23 -8492,1,0,2123,25 -8493,1,0,0735,22 -8494,1,0,1130,23 -8496,1,0,0300,23 -8498,1,0,1520,22 -8499,1,0,2211,27 -8500,1,0,2020,22 -8501,1,0,2100,18.4 -8502,1,0,2137,24 -8504,1,0,2224,23 -8505,1,0,1741,21 -8506,1,0,2312,26 -8507,1,0,2306,24 -8508,1,0,0330,24 -8509,1,0,1850,25 -8510,1,0,1646,26 -8513,1,0,2031,26 -8516,1,0,1200,22 -8517,1,0,1640,22 -8520,1,0,0424,26 -8522,1,0,1351,22 -8530,1,0,1316,27 -8531,1,0,1617,24 -8532,1,0,2145,23 -8533,1,0,2114,24 -8535,1,0,1335,25 -8538,1,0,2159,25 -8539,1,0,1623,24 -8540,1,0,1755,24 -8543,1,0,1550,28 -8545,1,0,2104,21 -8546,1,0,2310,20 -8547,1,0,1945,23 -8548,1,0,1328,21 -8549,1,0,1734,20 -8550,1,0,1757,17.2 -8553,1,2,0036,23 -8555,1,0,1700,23.2 -8558,1,0,1930,25 -8560,1,0,0552,26 -8561,1,0,1955,22.4 -8567,1,0,1655,28 -8568,1,0,2030,27 -8569,1,0,0757,23 -8571,1,0,2028,22 -8572,1,0,2330,20 -8573,1,1,0121,19 -8574,1,0,1644,20 -8577,1,0,2210,20 -8578,2,0,1700,21 -8580,1,0,1906,18 -8581,1,0,2249,22 -8582,1,0,2133,28 -8584,1,0,1845,27 -8586,1,0,0958,20 -8587,1,0,1841,26 -8588,1,0,2248,26 -8589,1,0,1730,20 -8590,1,0,0528,27 -8594,1,0,1753,19 -8602,1,0,2314,28 -8604,1,0,2153,21 -8605,1,0,0025,23.7 -8611,1,0,1510,25 -8612,1,0,1733,25.4 -8614,1,0,1334,24 -8616,1,0,1535,17 -8617,1,0,1548,19 -8621,1,1,0016,18 -8624,1,0,0348,20 -8628,1,0,1955,21 -8630,1,0,0824,26 -8634,1,0,1827,19.3 -8637,1,0,2210,25 -8641,1,0,1328,25 -8642,1,0,0505,21 -8643,1,0,1544,22 -8646,1,0,1805,26.5 -8647,1,0,1753,23 -8648,1,0,2131,24 -8649,1,1,0500,19 -8651,1,0,1200,25 -8653,1,0,1830,19 -8656,1,0,2015,25 -8657,1,0,2002,19 -8660,1,0,2108,23 -8663,1,0,1546,26 -8664,1,0,1939,23 -8665,1,0,2050,15 -8667,1,0,1500,36.9 -8668,1,0,1525,25 -8670,1,0,1951,21 -8673,1,1,0100,23 -8674,1,0,1317,23 -8675,1,0,2133,22.5 -8676,1,0,1250,26 -8678,1,0,0123,24 -8680,1,0,1600,28 -8683,1,0,1715,26 -8688,1,0,0930,20 -8690,1,0,2155,27 -8692,1,0,1510,25 -8694,1,0,1722,22 -8695,1,0,1932,24 -8697,1,0,1440,22 -8698,1,0,1638,27 -8699,1,0,2004,25 -8704,1,0,2136,18.8 -8705,1,0,1208,26 -8709,1,0,1340,25 -8711,1,0,1435,25 -8713,1,0,1557,27 -8714,1,0,1410,24 -8715,1,0,2019,19 -8716,1,0,1941,21 -8717,1,0,1917,21 -8719,1,0,1117,21 -8720,1,0,0836,26 -8721,1,0,1239,20 -8722,1,0,1753,23 -8725,1,0,1430,25 -8727,1,0,0040,28 -8728,1,1,0300,24.7 -8730,1,0,2140,22 -8732,1,0,1430,18 -8734,1,0,1423,23 -8736,1,0,2028,26 -8737,1,0,1855,24 -8739,1,0,1918,24.7 -8741,1,0,0540,22 -8743,1,0,2205,23 -8745,1,1,0605,23 -8746,1,0,2347,24 -8747,1,0,1447,22 -8748,1,0,1756,25 -8750,1,0,1230,16 -8751,1,0,2230,23 -8754,1,0,0310,21 -8756,1,0,2100,25 -8758,1,0,2032,21 -8759,1,0,0035,24 -8760,1,0,1400,22 -8762,1,1,0505,24 -8764,1,0,2020,24 -8768,1,0,1015,28 -8769,1,0,0230,26 -8776,1,0,2135,23 -8778,1,0,2009,24 -8779,1,0,1650,25 -8780,1,1,0600,22 -8783,1,0,1318,20 -8785,1,0,2236,24 -8786,1,0,1540,23 -8788,1,0,2353,22.5 -8790,1,0,1653,22 -8791,1,0,1900,23.7 -8792,1,0,1958,26 -8793,1,0,1810,22 -8794,1,0,2332,26 -8795,1,0,2125,26 -8796,1,0,2023,26 -8798,1,0,1631,24 -8800,1,0,1720,19.5 -8801,1,0,2248,22 -8802,1,0,0601,23 -8803,1,0,2056,20 -8805,1,0,1735,28 -8807,1,0,0203,24 -8808,1,0,1947,24 -8811,1,0,0320,22 -8814,1,0,1849,27 -8817,1,0,1501,20 -8818,1,0,1537,21 -8819,1,0,0625,24.5 -8820,1,0,1332,25.9 -8821,1,0,2038,19.1 -8823,1,0,2156,26 -8824,1,0,1852,25.4 -8825,1,0,1602,26 -8826,1,0,2057,25 -8827,1,0,1701,20 -8829,1,0,1614,18 -8830,1,2,1215,23 -8831,1,0,2213,24 -8832,1,0,1033,21 -8834,1,0,2235,25 -8837,1,0,2100,25 -8839,1,0,0705,26 -8841,1,0,1923,23.6 -8844,1,0,1750,22 -8846,1,0,2030,27 -8848,1,0,0831,25 -8850,1,0,2042,22 -8852,1,0,1902,26 -8853,1,0,1736,26 -8854,1,0,0110,28 -8856,1,0,1243,24 -8858,1,0,1747,23 -8859,1,1,0545,22 -8863,1,0,1730,28 -8864,1,0,2135,26 -8865,1,0,1611,24 -8866,1,0,1605,27 -8867,1,0,1745,25 -8868,1,0,1520,18 -8870,1,0,2209,22 -8872,1,0,2145,25 -8874,1,1,0058,19 -8875,1,0,1615,26 -8877,1,0,1707,24 -8878,1,0,0114,24 -8881,1,0,1150,26 -8884,1,0,1316,25 -8885,1,0,1528,25 -8886,1,0,1955,26 -8887,1,0,1925,26 -8889,1,0,0246,18 -8890,1,1,0002,25 -8891,1,0,1550,24 -8893,1,0,1310,28 -8894,1,0,1447,25 -8901,1,0,2010,20 -8904,1,0,1948,24 -8905,1,0,0724,23 -8906,1,1,0610,21 -8908,1,0,1706,22 -8910,1,0,0730,31 -8911,1,0,0215,24 -8912,1,0,2133,23 -8913,1,0,1820,26 -8914,1,1,0015,25.9 -8916,1,0,1825,24 -8918,1,0,1930,25 -8920,1,0,1825,21 -8922,1,0,2145,23.6 -8923,2,0,1430,20 -8926,1,0,1519,25 -8927,1,2,1404,22.7 -8929,1,0,0453,26 -8930,1,0,1720,23.8 -8931,1,2,0621,21 -8932,1,0,2340,20.2 -8934,1,0,2325,22 -8938,1,0,1510,24 -8941,1,0,1616,23.5 -8942,1,0,2040,20 -8944,1,0,0350,28 -8945,1,0,1529,25 -8946,1,0,1942,26 -8949,1,0,1800,21 -8954,1,0,1641,25 -8955,1,0,1700,19 -8956,1,0,1728,17 -8957,1,0,1619,24 -8958,1,0,1738,23 -8961,1,0,1315,28 -8962,1,0,1718,23 -8964,1,0,0037,27 -8965,1,0,2105,21 -8968,1,1,0110,27 -8971,1,0,1324,17 -8972,1,0,2002,19.7 -8974,1,0,1819,23 -8975,1,0,0903,30 -8976,1,0,1620,27 -8977,1,0,0354,25 -8981,1,0,1406,25 -8982,1,0,1205,31 -8983,1,0,2032,24 -8986,1,0,2201,29 -8987,1,0,1820,25.5 -8989,1,0,1511,25 -8995,1,0,2120,26 -8997,1,0,1620,26 -8999,1,0,1702,27 -9000,1,0,1454,23 -9002,1,0,1755,27 -9004,1,0,1750,24 -9005,1,0,1240,26 -9006,1,0,1610,14.5 -9009,1,0,0439,26 -9010,1,0,1826,24 -9011,1,0,1430,24 -9012,1,0,1728,26 -9013,1,0,2315,27 -9014,1,0,2048,20 -9015,1,0,1025,22 -9016,1,0,1637,26 -9018,1,0,1202,21.6 -9019,1,0,0806,29 -9020,1,0,1843,23 -9022,1,0,1604,25 -9023,1,0,1525,26 -9024,1,0,1952,24 -9025,1,0,0205,26 -9026,1,0,1959,18 -9028,1,0,2209,10 -9030,1,0,1620,23 -9033,1,1,0555,26 -9034,1,0,1335,25 -9035,1,0,1427,27 -9036,1,0,2224,25 -9037,1,0,1520,18 -9038,1,0,1017,23.2 -9039,1,0,1451,18 -9042,1,0,0832,25 -9043,1,0,1411,24 -9045,1,0,1947,22 -9046,1,0,2345,24 -9049,1,0,1750,23 -9050,1,0,1134,26 -9051,1,0,2051,24 -9052,1,0,1734,25 -9053,1,0,1729,22 -9054,1,0,1519,24 -9056,1,0,2203,28 -9057,1,0,1950,21 -9061,1,0,1403,27 -9064,1,0,0932,21 -9065,1,0,1500,25 -9066,1,0,1840,24 -9069,1,0,1644,25.7 -9070,1,0,2000,28 -9072,1,0,1449,24.9 -9073,1,0,2219,24 -9074,1,0,2256,23 -9076,1,0,2303,23 -9077,1,0,2250,22 -9078,1,0,0200,25 -9080,1,0,1816,27 -9081,1,0,1759,24.7 -9082,1,1,0310,23 -9083,1,0,1651,20 -9087,1,0,1717,15.5 -9088,1,0,1345,23 -9089,1,0,1811,25 -9090,1,0,1643,24 -9092,1,0,1829,25 -9093,1,0,2319,23 -9095,1,0,2043,27 -9096,1,0,1454,22.5 -9097,1,0,1619,20 -9098,1,0,1125,27 -9100,1,0,2202,22 -9101,1,0,1915,22 -9102,1,0,2215,26 -9104,1,0,2011,24 -9108,1,0,1631,22 -9110,1,0,2030,27 -9111,1,0,1625,22 -9112,1,0,1750,29 -9114,1,0,0010,24.1 -9116,1,0,2024,17 -9117,1,0,2200,23 -9118,1,0,1946,25 -9122,1,0,1957,37 -9124,1,0,1851,25.4 -9129,1,0,1613,30 -9130,1,0,1605,21 -9132,1,0,1446,20 -9133,1,0,2347,24 -9134,1,0,1639,24 -9135,1,0,2111,21 -9136,1,0,1545,19 -9138,1,0,1020,23 -9138,2,1,0525,27 -9139,1,1,0400,14 -9141,1,0,0958,23 -9143,1,0,2020,23 -9145,1,0,1820,27 -9146,1,0,0226,26 -9147,1,0,1909,25 -9148,1,0,0437,26 -9150,1,0,1940,13.9 -9154,1,1,0130,23 -9155,1,0,0729,23.3 -9156,1,0,1500,26 -9158,1,0,1045,23 -9159,1,1,0350,18 -9160,1,0,1816,26 -9161,1,0,1345,26 -9162,1,0,2035,26 -9165,1,0,2313,22 -9166,1,0,2040,30.3 -9168,1,3,0350,23 -9170,1,0,0400,23 -9171,1,0,2113,22 -9173,1,0,0916,22 -9174,1,0,2157,19 -9177,1,0,1650,26 -9178,1,0,1925,14 -9179,1,0,1410,22 -9181,1,0,2245,26 -9183,1,0,2054,18 -9184,1,0,1740,26 -9185,1,0,2250,25 -9187,1,0,2050,28 -9188,1,0,1719,23 -9189,1,0,1659,21 -9192,1,0,1813,29 -9193,1,0,1450,27 -9194,1,0,1814,23 -9196,1,0,1944,22 -9197,1,0,1005,26 -9198,1,1,0430,21 -9198,2,2,0550,26 -9199,1,0,1906,21 -9203,1,0,1606,22 -9206,1,0,1817,22 -9207,1,0,1700,23 -9208,1,0,2315,21.1 -9211,1,0,1908,26 -9214,1,0,1921,26 -9215,1,0,0128,26 -9216,1,0,1809,23 -9217,1,0,2000,23 -9218,1,0,1051,19.9 -9219,1,0,2020,24.8 -9221,1,0,2145,24 -9222,1,0,1341,21 -9224,1,0,0750,24 -9225,1,0,1440,19 -9226,1,0,1105,20 -9229,1,0,1135,29 -9230,1,0,1945,21 -9231,1,0,2331,27.2 -9233,1,0,1151,24 -9233,2,1,0157,23 -9233,3,1,0702,20 -9234,1,0,1641,14.9 -9235,1,0,1941,25 -9236,1,0,1536,21 -9237,1,0,1145,25 -9238,1,0,1734,25 -9239,1,0,1800,22 -9242,1,0,1643,24 -9243,1,0,2225,28 -9244,1,0,1833,24.3 -9245,1,0,0547,27 -9247,1,0,2352,25 -9248,1,0,0921,26 -9250,1,0,2220,29 -9251,1,0,1615,24 -9256,1,0,1652,19 -9257,1,0,1814,22 -9258,1,0,1356,18 -9261,1,0,1817,22 -9262,1,0,1353,26 -9265,1,0,1650,25.4 -9266,1,0,1055,23 -9268,1,0,1802,25 -9269,1,0,1839,18 -9272,1,0,1557,21 -9273,1,0,1859,21 -9276,1,0,0958,28.4 -9277,1,0,1655,23 -9279,1,0,1916,25 -9280,1,0,2245,24 -9282,1,0,0912,22.3 -9282,2,1,0626,21.2 -9282,3,1,0924,22.7 -9283,1,0,2247,24 -9284,1,0,2125,20 -9285,1,0,1605,21.1 -9286,1,0,1214,19 -9288,1,0,1830,26 -9292,1,0,2248,27 -9293,1,0,1739,24 -9294,1,0,1450,18 -9295,1,0,0442,24.2 -9296,1,0,1747,20 -9298,1,0,0941,21 -9300,1,4,0333,24.2 -9301,1,0,1942,21 -9302,1,0,2145,21 -9305,1,0,1522,23 -9307,1,1,0034,27 -9310,1,0,0850,19 -9311,1,0,2145,26 -9313,1,0,2129,19 -9314,1,0,1650,24 -9315,1,1,0845,19 -9316,1,0,1915,28 -9319,1,0,2227,22 -9321,1,0,2036,22 -9322,1,0,1704,29 -9323,1,0,1616,23.4 -9328,1,0,0551,23 -9331,1,0,2343,23 -9333,1,0,2352,27 -9335,1,0,2120,23 -9337,1,0,1845,24 -9338,1,0,1250,27 -9340,1,0,1530,25 -9343,1,0,2205,22 -9344,1,1,0215,25 -9345,1,0,1200,22 -9347,1,0,1740,23 -9349,1,0,1942,23 -9350,1,0,1350,22 -9351,1,0,1840,25 -9352,1,0,1700,15 -9353,1,0,1740,27.9 -9354,1,0,1500,22 -9355,1,0,2334,23 -9357,1,0,1600,21 -9358,1,0,2140,25 -9359,1,0,1930,24 -9361,1,0,1526,17 -9362,1,0,1643,26 -9362,2,1,0602,22 -9364,1,0,2340,24.6 -9366,1,0,0105,23 -9369,1,0,0020,24 -9370,1,0,1950,24 -9374,1,1,0215,24 -9376,1,0,1938,20 -9377,1,0,1320,24 -9378,1,0,1904,23 -9380,1,0,1753,18 -9382,1,0,1245,26 -9384,1,0,1731,30 -9386,1,0,1356,22 -9393,1,0,2141,25.1 -9396,1,0,1510,24 -9398,1,0,1515,24 -9399,1,0,2122,23 -9400,1,0,0025,23.1 -9401,1,0,1816,21 -9402,1,1,0040,22 -9404,1,0,1529,26 -9405,1,0,1429,23 -9406,1,0,2035,26 -9409,1,1,0413,23 -9410,1,0,2340,23 -9411,1,0,1925,24.4 -9415,1,0,2300,14.8 -9416,1,0,1540,27 -9418,1,0,1755,24 -9420,1,0,0457,24 -9423,1,0,1758,18 -9426,1,0,0445,21 -9432,1,0,0923,23 -9433,1,0,1222,27 -9435,1,0,1659,20 -9437,1,0,2245,26 -9438,1,0,1913,27 -9439,1,0,1428,27 -9440,1,0,2024,24 -9443,1,0,1825,27 -9444,1,0,1944,25 -9445,1,0,1853,22.5 -9447,1,0,1750,22 -9449,1,0,1630,24 -9451,1,0,1623,18 -9452,1,0,1712,25 -9453,1,0,2213,24 -9457,1,0,2055,22 -9458,1,0,1607,23 -9459,1,1,0151,20 -9463,1,0,2332,26 -9464,1,0,1750,26 -9465,1,0,0020,24 -9466,1,0,1250,23 -9469,1,0,1556,26 -9470,1,0,1615,26 -9471,1,0,2009,23 -9473,1,0,2055,24.3 -9475,1,0,1906,24 -9476,1,0,0408,24 -9477,1,0,2327,22 -9478,1,0,1601,27 -9479,1,0,1926,20 -9480,1,0,1700,21.3 -9481,1,0,1827,25 -9482,1,0,1745,27 -9484,1,0,2037,26 -9485,1,1,0627,22 -9486,1,0,1820,23 -9487,1,0,2145,28 -9488,1,0,2140,26 -9490,1,0,1656,26 -9491,1,0,1811,21 -9492,1,0,1158,22 -9493,1,0,2208,23 -9494,1,0,2053,23.1 -9497,1,0,1644,33 -9498,1,0,1750,19 -9503,1,0,2249,28 -9504,1,0,1805,26 -9505,1,0,2110,27 -9506,1,0,0408,23 -9507,1,0,1250,24 -9508,1,0,1010,27 -9510,1,0,1900,22 -9511,1,0,1853,24 -9512,1,0,2248,22 -9514,1,0,1457,24 -9516,1,0,1721,28 -9517,1,0,0316,19 -9518,1,0,2130,27 -9519,1,0,0934,24 -9521,1,0,2200,18 -9522,1,0,2015,23.9 -9523,1,0,0249,22 -9524,1,0,1638,22 -9526,1,0,1929,23 -9527,1,0,1733,24 -9530,1,0,1445,22 -9531,1,0,1735,21 -9532,1,0,2121,20 -9533,1,0,1421,22 -9534,1,0,1327,24 -9538,1,0,2230,23 -9539,1,0,2135,22 -9540,1,0,1848,22.3 -9541,1,0,1726,22 -9542,1,0,1634,24 -9548,1,0,1640,27 -9552,1,0,1842,23 -9558,1,0,2231,25 -9559,1,0,1015,24 -9560,1,0,1827,19 -9562,1,0,1600,25 -9563,1,0,1505,25 -9564,1,0,1637,24 -9567,1,0,1655,27 -9568,1,0,1932,23 -9570,1,0,2157,24 -9571,1,0,1600,25 -9574,1,0,1209,24 -9575,1,1,0813,23 -9576,1,0,2215,24 -9577,1,0,1259,26 -9579,1,0,1942,23 -9581,1,0,1912,23 -9584,1,1,0115,20 -9586,1,0,1732,29 -9589,1,0,2101,30 -9590,1,0,1320,20 -9591,1,0,1945,26 -9592,1,0,0900,26 -9593,1,0,2330,25 -9595,1,0,2154,19 -9596,1,0,1836,22.8 -9598,1,0,1941,24 -9599,1,0,1355,28 -9601,1,0,1721,19 -9602,1,0,2017,28 -9603,1,0,2047,27 -9605,1,0,2054,20 -9609,1,0,1555,26 -9611,1,0,2301,28 -9612,1,0,1705,25 -9622,1,0,0447,26 -9623,1,0,1946,27.8 -9624,1,0,1232,26 -9626,1,0,2138,24 -9627,1,0,1729,19.5 -9628,1,0,1649,23 -9630,1,0,1910,21.8 -9631,1,1,0530,23 -9632,1,0,2027,22 -9633,1,0,1740,24 -9634,1,0,1830,25 -9636,1,0,2225,24 -9637,1,0,2150,27 -9638,1,0,2214,22 -9641,1,0,1408,23 -9642,1,0,1716,24 -9643,1,0,2022,24 -9644,1,0,2210,25 -9645,1,0,1819,24 -9648,1,0,1718,22 -9649,1,0,2215,19 -9651,1,0,2039,24.2 -9652,1,0,2252,23 -9654,1,0,1150,25 -9655,1,6,1430,24.7 -9656,1,0,1803,18 -9657,1,0,2044,23 -9658,1,0,2215,24 -9659,1,0,1850,27 -9660,1,0,2116,21 -9661,1,0,0052,26 -9663,1,0,0954,22 -9664,1,0,2008,25 -9665,1,0,2350,25 -9666,1,0,2243,27 -9669,1,0,1035,15 -9671,1,0,1854,26 -9672,1,0,0031,25 -9673,1,0,1640,21 -9674,1,0,1510,23 -9675,1,0,1345,24 -9677,1,0,2313,25 -9678,1,0,1420,21 -9680,1,0,0015,27 -9681,1,0,0808,25 -9682,1,0,2303,20 -9683,1,0,1950,18 -9685,1,0,1831,28 -9686,1,0,1147,21.8 -9689,1,0,2045,22 -9690,1,1,0008,21.9 -9692,1,0,1925,26 -9694,1,0,1619,22.5 -9696,1,0,1408,23 -9697,1,0,1632,21 -9698,1,0,1743,29 -9699,1,0,1238,24 -9700,1,0,1905,23.1 -9701,1,1,0157,26.1 -9703,1,0,2021,26 -9705,1,0,2157,19.5 -9706,1,0,1700,25 -9707,1,0,1625,22 -9711,1,0,1726,25 -9714,1,1,0231,20 -9715,1,0,1448,29 -9718,1,0,1907,23.8 -9723,1,0,1633,24 -9726,1,0,1705,27.7 -9730,1,0,1257,20.1 -9731,1,0,1930,24 -9734,1,0,1540,25 -9735,1,0,2033,25 -9736,1,0,1818,16 -9737,1,0,1627,24 -9739,1,0,2156,27 -9741,1,0,0110,34.2 -9742,1,0,1516,23 -9743,1,0,1906,24 -9751,1,0,2204,22 -9752,1,0,1206,26 -9758,1,0,1717,29 -9760,1,0,0922,27 -9766,1,0,2119,24 -9768,1,0,1350,23 -9769,1,0,1413,22 -9771,1,5,0850,24 -9772,1,0,1901,22 -9775,1,0,2215,23 -9776,1,0,1325,25 -9777,1,0,2125,24.7 -9778,1,0,2207,24 -9780,1,0,2300,21 -9781,1,0,1755,20 -9782,1,0,1720,24 -9783,1,0,1904,20 -9784,1,0,0923,25 -9785,1,0,1815,25 -9786,1,0,2139,22 -9787,1,0,0249,23 -9788,1,0,1328,20 -9790,1,0,0156,21 -9791,1,0,0821,22 -9791,2,1,0400,24 -9794,1,0,1610,24 -9795,1,1,0854,27 -9796,1,0,1703,21 -9799,1,0,0800,23 -9801,1,0,2000,17.9 -9803,1,0,1525,21.4 -9804,1,0,1549,26 -9805,2,0,2119,18 -9806,1,0,2012,23.9 -9807,1,0,0359,27 -9809,1,1,0705,23.5 -9813,1,0,2304,27 -9817,1,0,2017,21 -9821,1,0,1625,25 -9822,1,0,2330,22 -9823,1,1,0045,24 -9824,1,0,2116,25 -9827,1,1,0045,26 -9828,1,0,1440,26 -9829,1,0,2131,21 -9835,1,0,1311,27 -9836,1,0,2130,22 -9837,1,0,1936,28 -9838,1,0,1910,25 -9839,1,0,1600,24 -9840,1,0,0226,26 -9841,1,0,1541,21 -9841,2,0,2149,22.2 -9841,3,1,0631,21.8 -9843,1,0,1855,26 -9844,1,0,1644,23 -9847,1,0,1850,21 -9848,1,0,1428,28 -9850,1,1,0415,26 -9852,1,0,1312,17 -9853,1,0,1631,25 -9854,1,0,1120,27 -9856,1,0,1845,24 -9858,1,0,0834,21 -9859,1,1,0012,17 -9861,1,0,1930,24 -9862,1,0,2155,27 -9864,1,0,0029,25 -9865,1,0,2200,27 -9866,1,0,0955,24 -9869,1,0,1807,19 -9870,1,0,0903,27 -9871,1,0,1930,28 -9872,1,0,1949,25 -9873,1,0,1225,25 -9874,1,0,1906,19 -9875,1,0,1331,24.9 -9876,1,0,1750,24 -9877,1,0,2307,25 -9878,1,0,1629,21 -9881,1,0,2024,25 -9882,1,0,1658,26 -9883,1,0,0258,25 -9884,1,0,2025,20 -9885,1,1,0555,19 -9887,1,0,1914,21 -9888,1,0,1331,25 -9889,1,1,1410,25 -9892,1,0,2115,29 -9893,1,0,1116,17 -9894,1,0,1846,20 -9897,1,0,0847,27 -9898,1,0,1700,25 -9899,1,0,1614,26 -9902,1,0,1230,28 -9904,1,0,2325,28 -9906,1,0,2155,25.4 -9909,1,0,1451,26 -9913,1,0,2120,23 -9914,1,0,1520,25.4 -9915,1,0,1834,21 -9917,1,0,1705,22.2 -9919,1,0,2120,25.2 -9920,1,0,2015,24 -9921,1,0,1620,20 -9923,1,1,0123,26 -9925,1,0,2339,25.2 -9927,1,0,1821,24 -9928,1,0,1120,26 -9929,1,0,1754,26.2 -9932,1,0,1630,27 -9933,1,0,1435,22 -9934,1,0,1558,21 -9943,1,0,1124,22.6 -9944,1,0,1838,26 -9946,1,0,2102,26.4 -9947,1,0,2130,26 -9949,1,0,2225,24 -9950,1,0,0300,28 -9953,1,0,2116,22 -9954,1,0,2040,25 -9955,1,0,1921,23 -9958,1,0,1144,19.99 -9961,1,0,1749,21 -9963,1,0,1645,23 -9964,1,0,1635,27 -9966,1,0,2001,19 -9967,1,0,1855,26 -9969,1,0,1811,24 -9970,1,0,2018,23 -9971,1,0,1629,11 -9972,1,0,2126,26 -9977,1,0,1305,21 -9979,1,0,2311,27 -9981,1,0,1804,26 -9985,1,0,1355,26 -9987,1,0,1439,20 -9991,1,0,1316,21 -9992,1,0,1023,31 -9995,1,0,1650,26 -9998,1,0,0204,22 -10000,1,0,0720,25 -10001,1,0,2138,17 -10002,1,0,2130,24 -10003,1,0,2025,23 -10004,1,0,0123,21 -10005,1,0,1929,25 -10007,1,0,1637,28 -10008,1,0,1334,23 -10009,1,0,1900,23 -10010,1,1,0000,23 -10012,1,0,0016,22.2 -10013,1,0,1200,38 -10014,1,0,1725,21 -10015,1,0,1825,22 -10016,1,0,1746,24 -10017,1,0,1536,22 -10019,1,0,0335,25 -10020,1,0,2053,24 -10021,1,0,2214,24.4 -10026,1,0,1836,22.2 -10027,1,0,1355,27 -10030,1,0,1835,26 -10032,1,0,1751,24 -10035,1,0,1223,27 -10036,1,0,1310,23 -10037,1,0,1856,21.8 -10038,1,0,2035,25.2 -10039,1,0,2235,19 -10042,1,0,1720,27 -10044,1,0,1509,23 -10046,1,0,0940,23.7 -10048,1,0,1801,24.8 -10050,1,1,0705,28 -10051,1,0,1655,22.2 -10053,1,1,0105,23.5 -10054,1,0,2220,23 -10055,1,0,1846,24 -10056,1,0,2217,24 -10057,1,0,0834,27 -10058,1,0,2030,24 -10060,1,0,1355,20 -10062,1,0,1643,26 -10064,1,0,1734,19 -10065,1,0,1945,18 -10066,1,0,1720,22 -10067,1,1,0619,23 -10070,1,0,1555,25 -10071,1,0,1843,25 -10072,1,1,0129,20 -10073,1,1,0011,26 -10077,1,0,1830,26 -10079,1,0,1720,24 -10080,1,1,0005,24 -10081,1,0,2007,24.4 -10083,1,0,2020,22 -10084,1,0,1733,22 -10085,1,0,1927,29 -10086,1,0,1300,24 -10087,1,0,0503,27 -10089,1,0,1857,23 -10093,1,0,1747,8 -10094,1,0,1520,24 -10095,1,0,1816,23.7 -10096,1,0,0906,28 -10097,1,0,1755,24 -10098,1,0,1551,23 -10100,1,0,1019,23 -10101,1,0,2332,27 -10103,1,0,2040,24 -10103,2,1,1114,25 -10103,3,1,2058,21 -10105,1,0,1057,25 -10110,1,0,1745,22 -10113,1,0,2010,26 -10114,1,0,1857,23 -10116,1,0,1620,29 -10118,1,0,1933,23 -10118,2,1,0600,23 -10119,1,0,0810,27 -10121,1,0,0800,25 -10123,1,0,1554,24 -10124,1,0,1751,26 -10126,1,0,2330,26 -10127,1,1,0030,27 -10129,1,0,2051,21 -10131,1,0,0110,21 -10132,1,0,0837,28 -10134,1,0,1917,27 -10135,1,1,0005,26 -10138,1,0,2022,27 -10139,1,0,1921,27 -10140,1,1,0011,25 -10141,1,0,1643,26 -10144,1,0,2243,21 -10146,1,0,2343,26 -10147,1,0,1615,25 -10148,1,0,1623,25 -10150,1,0,1228,25 -10152,1,0,1720,24 -10153,1,0,1850,24.1 -10155,1,0,1928,25 -10158,1,0,1245,25 -10159,1,0,2113,18 -10160,1,0,1425,21 -10161,1,0,1903,26 -10162,1,0,1706,25.9 -10163,1,0,1634,26 -10165,1,0,1141,21 -10166,1,0,1731,26 -10167,1,0,2154,23 -10172,1,0,2024,25 -10174,1,0,1035,23 -10176,1,0,2235,22 -10177,1,0,2058,15 -10179,1,0,1845,21 -10181,1,0,2237,25 -10186,1,0,1758,25.4 -10187,1,0,1518,28 -10190,1,1,0010,23 -10192,1,0,1906,26 -10193,1,0,2210,24.7 -10194,1,0,1807,17.9 -10198,1,0,2219,22 -10201,1,0,1900,28 -10202,1,0,0018,24 -10203,1,0,1534,22 -10211,1,0,1230,25 -10212,1,0,1459,26 -10213,1,0,1440,19 -10214,1,0,1655,26 -10216,1,0,1555,25 -10217,1,0,1937,22 -10218,1,0,1643,22 -10218,2,5,1649,25 -10219,1,0,1820,21 -10220,1,0,1717,25 -10221,1,0,2115,27 -10222,1,0,2034,24 -10223,1,0,0721,23 -10224,1,0,1931,22 -10225,1,0,1957,11 -10226,1,0,2026,25 -10227,1,0,1859,25 -10228,1,0,1743,24 -10230,1,0,2123,23 -10231,1,0,2235,22 -10232,1,0,1420,26 -10233,1,0,1526,27 -10235,1,0,0951,24 -10237,1,0,1747,27 -10238,1,0,1540,21 -10241,1,1,0930,22 -10245,1,0,1201,21.1 -10246,1,0,1846,23 -10247,1,0,1619,26 -10248,1,1,0648,25 -10250,1,0,1551,26 -10258,1,0,1610,23 -10263,1,0,1830,24.5 -10265,1,0,1602,25 -10268,1,0,1821,27 -10269,1,3,0500,25 -10270,1,0,1653,17 -10272,1,0,2246,28 -10274,1,0,1456,20 -10277,1,0,2154,24 -10279,1,0,2122,29 -10281,1,0,1710,20 -10282,1,0,2151,24.4 -10284,1,0,1748,21 -10285,1,0,2145,24 -10287,1,0,2030,23 -10288,1,0,2023,24 -10289,1,0,2102,20 -10290,1,1,1851,25 -10293,1,0,1850,21.1 -10295,1,1,0410,24 -10296,1,0,0201,26 -10297,1,0,1036,17 -10298,1,0,2241,20 -10300,1,0,1005,19 -10302,1,0,2139,25 -10303,1,0,2350,24 -10304,1,0,2317,21 -10305,1,0,1959,20 -10306,1,0,1126,21 -10309,1,0,1635,22 -10310,1,0,2105,22 -10312,1,0,0201,24 -10313,1,0,1409,23 -10314,1,0,2350,20 -10318,1,0,1816,25 -10319,1,0,1618,21 -10320,1,0,1535,24 -10322,1,0,1110,24 -10325,1,0,1841,23 -10326,1,0,1645,26 -10331,1,0,1114,25 -10332,1,0,1956,27 -10334,1,0,1741,21 -10335,1,0,2004,22 -10336,1,0,1748,25 -10337,1,0,2154,27 -10339,1,0,2017,14 -10342,1,0,2227,18 -10344,1,0,2032,28 -10345,1,0,2153,25 -10346,1,0,2106,21 -10347,1,0,2359,16 -10348,1,0,0905,22 -10349,1,0,0118,12 -10350,1,0,2104,23 -10351,1,0,1701,17 -10353,1,0,1135,20 -10354,1,0,2230,27 -10355,1,0,1905,30 -10357,1,0,1300,26 -10358,1,0,1734,25 -10361,1,0,1909,22 -10365,1,0,2302,27 -10366,1,0,1850,24 -10368,1,0,1840,23 -10369,1,0,1647,23 -10370,1,0,1715,25 -10371,1,0,1349,21 -10372,1,0,1230,22 -10374,1,0,1431,14 -10376,1,0,1725,19.3 -10377,1,0,1655,17 -10379,1,0,2309,26 -10380,1,0,1748,27 -10384,1,0,1041,16 -10386,1,1,0313,27 -10387,1,1,0356,21 -10388,1,0,2208,27 -10389,1,0,1936,27 -10390,1,0,1615,16 -10391,1,0,1825,23 -10395,1,0,0125,22 -10396,1,0,1303,22 -10397,1,0,1930,25 -10398,1,0,1430,22 -10399,1,0,1950,25 -10400,1,0,1916,26 -10402,1,0,0742,23 -10404,1,0,0808,23 -10408,1,0,1530,23 -10410,1,0,2025,21.2 -10417,1,0,1842,27 -10418,1,0,1700,27 -10420,1,0,1742,22 -10421,1,0,2004,25 -10422,1,1,0001,28 -10423,1,0,2200,21 -10424,1,1,0113,22.1 -10425,1,0,1310,26 -10430,1,1,0013,21 -10431,1,0,1512,25 -10432,1,0,1155,26 -10434,1,0,2121,23 -10435,1,0,2348,27 -10436,1,0,1754,20 -10439,1,0,0200,24 -10442,1,0,1925,24 -10444,1,0,1721,22 -10445,1,1,1836,26 -10446,1,0,1615,26 -10448,1,0,1616,23 -10449,1,0,1930,23 -10450,1,0,1735,22 -10454,1,0,1733,20 -10455,1,0,1816,22.8 -10457,1,0,1600,23 -10458,1,0,1810,28 -10459,1,0,1913,20 -10460,1,0,0344,12.9 -10462,1,0,1830,26 -10464,1,0,1745,28 -10465,1,0,1629,21 -10467,1,0,1501,24 -10469,1,0,1918,24 -10471,1,0,1710,24 -10472,1,0,2310,29 -10474,1,0,0509,26 -10476,1,0,1455,25 -10476,2,1,0837,29 -10476,3,2,0802,30 -10477,1,0,2029,26 -10481,1,0,2139,26 -10484,1,0,1700,19 -10486,1,0,1845,24 -10488,1,1,0155,22 -10492,1,0,2221,34 -10493,1,0,2230,23 -10496,1,1,0027,24 -10497,1,0,1730,29 -10499,1,0,1855,22 -10500,1,0,2055,26 -10501,1,0,1905,19 -10502,1,0,2259,20 -10504,1,0,1522,26 -10505,1,0,1431,21 -10506,1,0,1909,25 -10507,1,0,2346,22.5 -10511,1,0,1729,24 -10512,1,0,1407,26 -10515,1,0,0215,25 -10516,1,0,1906,25.1 -10517,1,0,0315,17 -10519,1,0,1130,26 -10520,1,0,1309,21 -10521,1,0,1752,21 -10522,1,0,1903,23 -10523,1,1,2013,24 -10524,1,0,1418,21 -10525,1,0,1620,20 -10527,1,0,1712,23.2 -10529,1,0,2332,24 -10530,1,0,1750,25 -10532,1,0,1310,23 -10533,1,0,0220,19 -10534,1,1,0115,26 -10536,1,0,1643,25.8 -10538,1,0,1858,26 -10539,1,0,1910,19 -10540,1,0,1805,18.1 -10541,1,0,2014,34 -10542,1,0,0953,23 -10544,1,0,2344,27 -10548,1,0,0401,26 -10549,1,0,1523,21 -10550,1,0,1434,20 -10553,1,0,0800,27 -10554,1,0,2248,23 -10555,1,0,2044,21 -10557,1,0,2136,20 -10559,1,0,1437,24 -10560,1,0,1732,24 -10561,1,0,2113,24 -10563,1,0,1903,24 -10564,1,0,0929,23.5 -10565,1,0,1135,22 -10566,1,0,2142,27.8 -10568,1,5,1845,22 -10569,1,1,0055,24 -10570,1,1,0410,23 -10571,1,0,0851,23 -10572,1,0,1905,24.6 -10573,1,0,1429,23 -10574,1,0,0041,26 -10579,1,0,0219,24.2 -10580,1,0,1736,22 -10584,1,0,0517,24 -10587,1,0,2144,22 -10588,1,0,2327,22 -10589,1,1,0400,25 -10590,1,0,1343,24 -10594,1,0,1250,23 -10597,1,0,2206,27 -10600,1,0,1646,24 -10601,1,0,2149,23 -10602,1,0,1330,24 -10603,1,0,2050,25 -10604,1,0,1830,26 -10605,1,0,1556,22 -10608,1,0,2123,25 -10610,1,0,2254,26 -10611,1,0,2233,27.6 -10614,1,0,1534,23 -10616,1,0,1623,22.5 -10617,1,0,1245,19 -10619,1,0,1748,18 -10620,1,0,1138,29 -10623,1,0,0214,24 -10624,1,0,0440,26 -10625,1,0,0733,23 -10626,1,0,1800,22 -10627,1,0,1300,24 -10629,1,0,1954,19 -10630,1,1,0001,22 -10631,1,0,1612,23 -10634,1,0,1432,22 -10636,1,0,0837,21 -10637,1,0,0950,21 -10637,2,1,0200,25 -10637,3,1,0923,25 -10637,4,1,2120,27 -10637,5,4,1043,28 -10638,1,0,2355,22 -10639,1,0,0840,22.9 -10641,1,1,0436,19 -10642,1,0,1115,26 -10645,1,0,2225,25 -10646,1,0,2113,21 -10647,1,0,1701,21 -10652,1,0,1539,22 -10653,1,0,2105,21 -10656,1,0,2205,24 -10657,1,0,1355,18 -10658,1,0,1915,22.3 -10659,1,0,1300,23 -10660,1,0,1814,24.5 -10665,1,0,2010,23 -10668,1,0,1955,18 -10669,1,0,1601,17 -10670,1,0,0738,24 -10673,1,0,2354,23 -10675,1,0,1045,27 -10676,1,0,2100,24 -10679,1,0,2110,19.2 -10680,1,0,1335,23 -10681,1,0,0113,25 -10689,1,0,1402,23 -10690,1,0,1731,24 -10696,1,0,2141,25 -10697,1,0,2007,23 -10698,1,0,2237,22 -10699,1,1,0635,26 -10701,1,0,1222,16 -10703,2,0,1759,22 -10704,1,1,1100,37 -10707,1,0,2331,31 -10708,1,0,2021,25 -10712,1,0,2225,26 -10713,1,0,1140,24 -10714,1,0,2208,23 -10717,1,0,1751,19.4 -10721,1,0,2134,20.9 -10722,1,0,2200,21 -10723,1,0,2002,22 -10725,1,0,1605,25 -10726,1,0,2020,23.6 -10727,1,0,1120,19 -10728,1,0,2006,18 -10729,1,0,1939,28 -10730,1,0,1656,20 -10731,1,0,2035,23 -10733,1,1,0000,28 -10735,1,0,1945,24 -10737,1,0,2026,21 -10738,1,0,1845,25 -10740,1,0,1109,25 -10741,1,0,1945,27 -10743,1,0,1555,23 -10749,1,0,1429,22.8 -10750,1,0,2139,21.2 -10751,1,0,1623,21 -10753,1,0,0049,23 -10754,1,0,1039,22 -10756,1,0,1836,23 -10757,1,0,1705,24 -10758,1,0,0836,23 -10760,1,0,2320,27 -10761,1,0,1520,24 -10763,1,0,1550,23 -10765,1,0,1605,29 -10770,1,0,1510,23 -10771,1,0,2031,22 -10772,1,0,2232,24.4 -10773,1,0,2101,23 -10775,1,0,1515,25 -10776,1,0,2050,17 -10777,1,0,1432,19.3 -10778,1,0,0130,25 -10781,1,0,1817,23 -10783,1,0,2325,25 -10784,1,0,2055,18 -10785,1,0,0144,20 -10786,1,0,2239,25 -10787,1,0,2250,18 -10789,1,0,1006,23 -10790,1,0,1841,21.6 -10792,1,0,2216,25 -10793,1,0,1235,26 -10794,1,0,1710,26 -10795,1,0,1629,25 -10796,1,0,1525,26 -10798,1,0,1245,20 -10799,1,0,1652,24 -10801,1,0,1813,22 -10803,1,0,2143,25 -10804,1,0,1717,28 -10805,1,0,1420,26 -10807,1,0,2151,20 -10810,1,0,2251,18 -10811,1,0,2102,22 -10813,1,0,1620,25.7 -10816,1,0,0857,21 -10822,1,0,2010,24 -10823,1,0,1504,28 -10825,1,0,1622,22 -10826,1,0,2041,24 -10828,1,0,1855,26 -10830,1,0,1919,22 -10831,1,0,2226,24 -10832,1,0,1850,25 -10833,1,1,0040,27 -10835,1,0,2042,23.8 -10835,2,1,0604,23.6 -10835,3,3,0934,26.7 -10839,1,1,0008,26 -10841,1,0,1620,26 -10844,1,0,1925,21 -10847,1,1,1522,26 -10850,1,0,2235,22 -10853,1,0,2027,22 -10854,1,0,2226,21.8 -10855,1,0,2126,24.7 -10856,1,0,1800,22 -10857,1,0,2040,28 -10858,1,0,1921,22 -10859,1,0,0902,27 -10860,1,0,1719,22 -10861,1,0,2301,21 -10864,1,0,1324,19.4 -10866,1,0,1941,26 -10870,1,1,0100,23 -10872,1,0,1615,23.8 -10872,2,1,0925,25.4 -10873,1,0,2217,25 -10876,1,0,1945,23 -10877,1,0,1743,24 -10878,1,0,1834,24 -10879,1,0,1849,25 -10880,1,0,0847,23 -10881,1,0,1815,24 -10884,1,0,1430,22 -10885,1,0,1132,22 -10887,1,0,1755,26 -10888,1,0,2222,22 -10890,1,1,1645,20 -10892,1,0,1645,23 -10893,1,0,1723,20 -10898,1,0,0845,23 -10903,1,0,0520,20 -10904,1,0,1609,25 -10905,1,0,1720,24 -10906,1,0,1938,26 -10911,1,0,1450,22.2 -10912,1,0,2359,24 -10913,1,0,1814,24 -10914,1,0,2320,20 -10915,1,1,0048,24 -10917,1,0,1230,27 -10918,1,0,2145,20 -10919,1,0,2216,22 -10921,1,0,0845,27 -10922,1,0,1829,24 -10927,1,0,1011,25 -10929,1,1,0400,26 -10930,1,0,1916,24 -10932,1,0,1210,24 -10934,1,0,1758,22 -10935,1,0,1828,28 -10936,1,0,2000,23 -10937,1,0,2104,23 -10938,1,0,0457,23.7 -10940,1,0,1853,24 -10941,1,0,1205,13 -10942,1,0,1650,22 -10943,1,0,1535,19 -10945,1,0,1715,22 -10948,1,0,1406,25 -10950,1,0,1705,31 -10951,1,0,2330,22 -10956,1,0,1938,23 -10958,1,0,2114,28 -10959,1,0,0858,23 -10961,1,0,2041,24 -10962,1,0,2116,20.5 -10963,1,0,1246,24 -10964,1,0,1826,23 -10965,1,0,1343,23.8 -10966,1,0,1705,24 -10970,1,0,2028,22 -10973,1,0,1911,24 -10974,1,0,1951,26 -10975,1,0,1207,24.8 -10979,1,0,2010,23 -10982,1,0,1600,25 -10983,1,0,1636,22 -10985,1,0,1610,19 -10986,1,0,2102,23 -10987,1,0,0021,21 -10988,1,0,1246,21 -10991,1,0,1727,17 -10992,1,0,0805,22 -10993,1,0,2234,25 -10994,1,0,2000,27 -10996,1,4,0629,24 -10997,1,0,1337,20 -10999,1,1,0035,27 -11000,1,1,0618,21 -11001,1,0,2332,26 -11003,1,0,1329,20 -11004,1,0,1740,21 -11005,1,0,1240,21.7 -11007,1,0,2229,24 -11008,1,0,1439,25 -11010,1,0,1700,24 -11012,1,0,1935,24 -11014,1,0,1914,25 -11015,1,0,1105,20 -11016,1,0,1915,25 -11018,1,0,0253,22 -11019,1,0,2115,24 -11020,1,0,1542,25 -11021,1,0,1758,24 -11023,1,0,1906,28 -11024,1,0,1622,23 -11026,1,0,2240,25 -11027,1,0,1619,24.6 -11030,1,0,1212,24.2 -11032,1,0,1207,23 -11034,1,0,1845,23.8 -11037,1,0,2040,26 -11041,1,0,0037,29 -11042,1,1,0028,16 -11043,1,0,1418,23 -11044,1,1,0037,21 -11047,1,0,1940,26 -11049,1,0,0433,17.7 -11056,1,0,1415,23.4 -11058,1,1,0400,22 -11059,1,0,1922,20 -11060,1,0,2127,26 -11062,1,0,0531,22 -11063,1,0,2135,21 -11064,1,0,1640,22 -11066,1,0,1045,19 -11070,1,0,2310,24 -11071,1,0,2253,24 -11072,1,0,2001,26 -11073,1,0,1120,22 -11074,1,0,1745,24 -11076,1,0,1905,28 -11083,1,0,1112,25 -11084,1,0,2148,25 -11086,1,0,2000,26 -11087,1,1,0130,28 -11089,1,0,1526,23 -11090,1,0,1710,27 -11092,1,0,0045,22.6 -11093,1,0,1600,28 -11094,1,0,2003,20 -11095,1,0,1400,23 -11099,1,2,1625,26 -11101,1,0,1533,23 -11102,1,0,1245,25 -11103,1,0,2004,25 -11109,1,0,1012,24 -11110,1,0,2025,22.9 -11111,1,0,1957,23.4 -11115,1,0,2030,24 -11116,1,0,1225,27 -11117,1,0,1955,24 -11118,1,0,1112,22 -11123,1,0,1651,22 -11123,2,0,1838,18 -11123,3,1,1700,23 -11124,1,0,1622,24 -11126,1,0,0938,18 -11128,1,0,1844,23 -11129,1,0,1613,30 -11131,1,0,2047,25 -11132,1,0,1858,21 -11134,1,0,1536,24 -11136,1,0,1521,21.7 -11137,1,6,1450,24 -11144,1,0,1945,25 -11146,1,0,1812,21 -11148,1,0,1435,21.5 -11150,1,0,1600,22 -11152,1,0,1938,24 -11153,1,0,1620,26 -11155,1,0,1736,22 -11156,1,0,1658,28 -11158,1,0,1445,25.7 -11161,1,1,0013,27 -11163,1,2,0843,17 -11164,1,-1,2321,21 -11166,1,0,0335,27 -11167,1,0,1109,24 -11172,1,0,0505,24 -11173,1,0,1915,22 -11175,1,0,1927,25 -11176,1,0,2205,22 -11177,1,0,2238,27 -11178,1,0,2156,24 -11179,1,0,1901,20 -11182,1,0,1734,22 -11183,1,0,0744,28 -11186,1,0,0315,25 -11187,1,0,1842,23 -11190,1,0,2157,24.1 -11192,1,2,0309,22.9 -11195,1,0,1305,23 -11198,1,0,1852,17 -11199,1,0,1531,19.7 -11200,1,0,1735,23 -11201,1,0,1930,18 -11205,1,1,0220,23 -11206,1,1,1220,23 -11207,1,0,0938,18 -11209,1,0,1734,26 -11213,1,0,1759,21 -11214,1,0,1642,26 -11215,1,0,1716,25 -11218,1,1,1610,24 -11219,1,0,1832,20.7 -11220,1,0,2041,25.6 -11222,1,0,2126,29 -11223,1,0,1701,31 -11224,1,0,1714,25 -11226,1,0,1913,22.5 -11228,1,0,2153,27 -11229,1,0,2042,20 -11231,1,0,2118,26 -11232,1,0,1327,26 -11234,1,0,2025,26 -11235,1,0,1555,28 -11236,1,0,1943,24 -11236,2,0,2355,23 -11236,3,2,1040,25 -11236,4,3,0850,26 -11240,1,0,1902,21 -11242,1,0,1658,20 -11243,1,0,1822,24 -11245,1,1,0615,22 -11247,1,0,1803,23 -11248,1,0,0930,26 -11249,1,1,0058,23 -11250,1,0,1930,25 -11253,1,0,2233,23 -11255,1,0,2015,24 -11257,1,0,2125,23 -11258,1,0,0010,23 -11259,1,0,1840,23 -11260,1,0,1434,28 -11261,1,0,1000,27 -11262,1,0,1243,26 -11263,1,0,1645,23 -11264,1,0,1940,26 -11265,1,0,2035,26 -11268,1,0,1504,22 -11269,1,0,1720,27 -11271,1,1,0001,20.9 -11272,1,0,1644,23 -11274,1,0,2020,23 -11275,1,0,0334,21 -11276,1,0,2213,11 -11278,1,0,1430,23 -11278,2,1,0600,24 -11280,1,0,1744,27 -11282,1,0,1339,24 -11283,1,0,2320,25.7 -11286,1,0,2040,20.5 -11288,1,0,1635,23 -11290,1,0,1129,19.8 -11291,1,0,2217,28 -11293,1,0,1228,22.6 -11294,1,0,1931,25.6 -11295,1,1,0005,23 -11297,1,0,2234,22 -11298,1,0,2208,27 -11302,1,0,0345,25 -11303,1,0,1756,19 -11305,1,0,1934,26 -11306,1,0,1916,23 -11307,1,0,1754,27 -11308,1,0,1950,26 -11310,1,0,2003,21 -11313,1,0,0330,17 -11314,1,0,0534,23 -11317,1,0,1035,27 -11318,1,0,2246,21 -11320,1,0,2240,22 -11321,1,0,2018,23 -11324,1,0,1430,24 -11326,1,0,1848,23 -11328,1,0,2220,21 -11329,1,0,1543,22 -11331,1,1,0410,23 -11332,1,0,2144,24 -11334,1,0,2053,22 -11335,1,0,1706,23 -11336,1,0,2129,23 -11336,2,1,0500,23 -11336,3,1,1100,19 -11336,4,1,2220,19 -11336,5,2,0410,18 -11336,6,3,0420,21 -11337,1,0,2240,20 -11339,1,0,0022,29 -11340,1,0,1800,23 -11341,1,0,1849,25 -11343,1,0,1713,28 -11346,1,0,2305,26 -11347,1,0,1921,29 -11348,1,0,2030,25 -11349,1,1,0001,28 -11352,1,0,1615,27 -11355,1,0,1445,22 -11360,1,0,1330,20 -11361,1,0,1643,21 -11362,1,0,2331,24 -11363,1,0,1704,19 -11364,1,0,2330,27 -11368,1,0,1540,22 -11369,1,0,1758,19.7 -11370,1,0,1307,21 -11371,1,0,1817,26 -11373,1,0,1648,23 -11376,1,0,1429,26 -11379,1,1,1045,24 -11382,1,0,1809,24 -11385,1,0,1540,21 -11386,1,0,1018,23 -11387,1,0,1610,29 -11388,1,0,0132,17.4 -11389,1,0,2127,25 -11391,1,0,2014,22.7 -11392,1,0,1753,18 -11394,1,0,2318,21 -11396,1,0,1351,23 -11397,1,0,1417,20 -11398,1,0,1459,22 -11399,1,0,2235,22 -11399,2,1,0450,24 -11400,1,0,1218,29 -11401,1,0,1757,18 -11402,1,0,1325,27 -11403,1,0,1353,24 -11406,1,0,1355,23 -11408,1,0,2032,23 -11409,1,0,1345,23.3 -11411,1,0,1137,23.9 -11412,1,0,0913,20 -11414,1,0,1015,29 -11415,1,0,2029,22 -11416,1,0,2120,24 -11419,1,0,0536,26 -11420,1,0,1631,21 -11421,1,0,2325,23 -11422,1,0,2135,23 -11424,1,0,1730,19 -11425,1,0,1657,25 -11426,1,0,0704,23 -11427,1,0,2253,24 -11428,1,0,1701,26 -11429,1,0,1341,23 -11431,1,0,2122,21 -11432,1,0,1840,25 -11435,1,0,1820,27 -11436,1,0,2000,24.2 -11437,1,1,0140,20 -11439,1,0,1847,20 -11440,1,0,2148,23 -11445,1,0,0200,25 -11447,1,0,0052,21 -11449,1,0,1854,23 -11452,1,3,0550,24 -11453,1,0,1411,23 -11454,1,1,0005,26 -11455,1,0,1149,24 -11456,1,0,1026,22 -11457,1,0,1641,25 -11458,1,0,1825,29 -11460,1,0,1759,23 -11461,1,0,1551,27 -11462,1,0,1935,26 -11464,1,0,2110,23 -11466,1,0,1844,21 -11467,1,0,1440,22 -11468,1,0,2131,27 -11470,1,0,1655,22 -11471,1,0,1423,22.7 -11472,1,0,1747,28.6 -11474,1,0,1517,19 -11475,1,0,0140,26 -11477,1,0,1703,17 -11478,1,0,1555,22 -11479,1,0,1440,23.9 -11481,1,0,1340,18 -11482,1,0,2240,25 -11484,1,0,0447,21 -11485,1,0,2204,18 -11489,1,0,0300,23 -11490,1,0,1710,17 -11491,1,0,1545,22 -11492,1,0,1551,23 -11493,1,1,0313,22 -11494,1,0,1240,25 -11496,1,0,2142,22 -11497,1,0,1845,18 -11498,1,0,1538,21 -11499,1,0,1506,25 -11500,1,0,1929,14 -11501,1,0,1703,22 -11502,1,0,1433,28 -11504,1,0,1807,21.9 -11506,1,0,2037,24 -11511,1,0,2250,27.3 -11513,1,0,1830,25 -11515,1,0,2352,24 -11516,1,0,0929,19 -11520,1,0,1306,22 -11521,1,0,1937,26.8 -11522,1,0,1744,23 -11524,1,0,1620,20 -11526,1,0,2306,23 -11527,1,0,1326,30 -11528,1,0,2223,25 -11529,1,0,1231,25 -11530,1,0,2158,20 -11532,1,0,1631,25 -11533,1,0,1736,24 -11535,1,0,1646,22 -11536,1,0,0841,27 -11537,1,0,1636,22.6 -11538,1,1,0034,26 -11539,1,0,1152,24 -11540,1,0,1817,22 -11541,1,0,1045,23 -11542,1,0,1220,24 -11548,1,0,1350,22 -11549,1,0,2335,23 -11550,1,0,1949,17 -11551,1,0,1831,25 -11552,1,0,2145,24 -11553,1,0,1725,22 -11554,1,0,1446,25 -11555,1,0,2344,22 -11559,1,0,1615,25 -11560,1,0,2228,25 -11562,1,0,1640,23 -11564,1,0,1445,22 -11565,1,0,2210,34 -11566,1,0,1624,29 -11567,1,0,2052,24 -11570,1,0,2319,23 -11572,1,0,1300,26 -11574,1,0,1730,29 -11576,1,0,1750,27 -11578,1,0,2313,26 -11579,1,0,1503,21.2 -11580,1,0,0233,21.2 -11581,1,0,1442,22 -11582,1,0,1912,28 -11583,1,0,1736,22.6 -11586,1,0,1459,20 -11587,1,0,1150,25 -11589,1,0,1600,24.8 -11594,1,0,1224,16 -11597,1,0,2329,25 -11599,1,0,0347,24 -11600,1,0,2042,24.2 -11601,1,0,1845,21 -11603,1,0,1450,24 -11604,1,0,0811,26 -11607,1,0,2031,27 -11608,1,0,1846,19 -11609,1,0,1758,29.3 -11611,1,0,0556,27 -11612,1,0,1250,26 -11613,1,0,1844,23 -11614,1,0,2019,25 -11615,1,0,2120,22 -11617,1,0,2110,22 -11618,2,0,2334,17 -11619,1,0,0430,26 -11621,1,0,2032,26 -11623,1,0,2017,22 -11624,1,0,1347,21.6 -11625,1,0,1642,24 -11626,1,0,1010,27 -11628,1,0,0530,24 -11629,1,0,1700,25 -11630,1,0,1253,23 -11632,1,0,2001,22 -11634,1,0,1335,21 -11637,1,1,0604,25 -11638,1,0,1900,19 -11639,1,0,1830,23 -11640,1,0,1147,24 -11641,1,0,1253,28 -11643,1,1,1118,23 -11645,1,0,1652,23 -11646,1,0,0913,26 -11648,1,0,1453,21 -11649,1,0,2213,27 -11652,1,0,1939,22 -11656,1,0,1210,24 -11658,1,0,1512,19 -11660,1,0,0255,17 -11661,1,0,1538,22 -11662,1,0,2200,26 -11663,1,1,0400,21 -11666,1,0,1818,21 -11669,1,0,1740,28.3 -11670,1,0,2300,23 -11671,1,0,1615,20 -11672,1,0,1850,24 -11673,1,0,1745,23 -11674,1,0,1622,27 -11675,1,0,1501,21 -11676,1,0,2207,28 -11679,1,0,0914,27 -11681,1,2,0923,27 -11684,1,0,1500,26 -11686,1,0,0833,23 -11689,1,0,1745,28 -11690,1,0,1610,21 -11691,1,0,0257,22 -11692,1,0,2116,20 -11693,1,0,1800,32 -11695,1,0,1251,23 -11697,1,0,2151,27 -11698,1,0,0907,23 -11699,1,0,2350,24 -11700,1,0,1610,21 -11704,1,0,2341,22 -11705,1,0,2038,24.8 -11706,1,0,1646,24 -11707,1,0,1720,23 -11709,1,0,2025,21 -11710,1,0,2228,21.9 -11711,1,1,0013,25 -11712,1,1,0021,28 -11713,1,0,2230,24 -11714,1,0,1720,24.7 -11715,1,0,1830,22 -11718,1,0,2331,25 -11720,1,0,2038,21 -11723,1,0,2117,25 -11729,1,0,1837,20 -11731,1,0,1122,17 -11732,1,0,0319,27 -11733,1,0,1359,22 -11734,1,0,2124,19 -11735,1,0,1223,16 -11736,1,0,1410,23 -11739,1,0,1815,25 -11740,1,0,1115,26 -11742,1,0,1925,26 -11744,1,0,0215,25 -11748,1,1,0025,29 -11750,1,0,0102,23 -11751,1,0,1030,21 -11752,1,0,1929,26 -11753,1,0,1918,24 -11755,1,0,0817,26 -11757,1,0,1600,25 -11758,1,0,1642,20.1 -11760,1,0,1623,28.6 -11761,1,1,0100,18 -11762,1,0,1508,27 -11763,1,0,1215,22 -11764,1,0,1808,24 -11768,1,1,0615,26 -11770,1,0,2315,26 -11772,1,0,1500,26 -11774,1,0,1709,21 -11775,1,0,0158,24.4 -11777,1,0,1105,25 -11778,1,0,2203,23 -11781,1,0,2350,26 -11782,1,0,1914,21 -11783,1,0,1905,28 -11785,1,0,1708,24 -11786,1,0,1540,21 -11787,1,0,2343,22.5 -11790,1,0,1936,24 -11791,1,0,2213,21 -11792,1,0,2028,23 -11793,1,0,2212,25 -11795,1,0,2336,25 -11797,1,-366,1726,21 -11798,1,0,2054,22 -11799,1,0,1558,23 -11800,1,0,1335,26 -11801,1,0,1930,20.1 -11802,1,0,1930,22 -11804,1,0,1935,30 -11810,1,1,0010,23 -11811,1,0,1930,23 -11814,1,0,1939,25 -11815,1,0,1520,26 -11817,1,0,1925,26 -11820,1,0,1630,23.3 -11822,1,0,1950,25 -11824,1,0,1950,26 -11825,1,0,1850,26.4 -11828,1,0,1642,28.6 -11831,1,0,1920,22 -11832,1,0,2231,20 -11833,1,1,0002,26 -11836,1,0,2022,20 -11837,1,0,1227,19 -11839,1,0,1650,27 -11841,1,0,1832,21.3 -11844,1,0,1354,19 -11846,1,0,0148,23 -11847,1,0,2357,24 -11849,1,0,2120,28 -11850,1,0,2238,23 -11852,1,0,2321,23 -11853,1,0,1740,21 -11855,1,1,0308,26 -11856,1,0,2011,22 -11857,1,0,2218,21 -11858,1,0,2050,24 -11859,1,0,1925,19 -11861,1,0,1548,23 -11865,1,0,1910,26 -11867,1,0,1821,21.8 -11868,1,0,0542,24.6 -11869,1,0,0922,23 -11870,1,0,1725,20 -11872,1,0,1945,25 -11873,1,0,1545,23 -11876,1,0,1703,24 -11877,1,0,2146,26 -11878,1,1,0349,23 -11882,1,0,1629,21.6 -11883,1,0,1728,23 -11884,1,0,2301,26 -11888,1,0,1608,24 -11889,1,0,2126,21 -11893,1,0,1755,25 -11894,1,0,2310,24 -11897,1,0,1528,23 -11899,1,0,1545,26 -11902,1,0,2040,27 -11903,1,0,2139,19 -11905,1,0,1804,26 -11907,1,0,1530,24 -11908,1,0,2150,25 -11910,1,0,1800,28 -11914,1,0,2025,19 -11916,1,1,0010,30 -11918,1,0,0200,23 -11919,1,1,0015,18 -11920,1,0,1907,27 -11923,1,0,2050,24 -11927,1,0,1909,28 -11929,1,0,2212,21 -11935,1,0,2300,20 -11937,1,0,1255,27 -11938,1,0,0800,24 -11939,1,1,0114,21.8 -11945,1,0,1510,23 -11947,1,0,1351,21 -11949,1,0,1846,23.2 -11953,1,0,1950,19.4 -11955,1,0,1611,18 -11959,1,0,1003,30 -11962,1,0,1808,25 -11963,1,0,2253,25 -11967,1,0,1855,22 -11969,1,0,1556,21 -11970,1,1,0440,26 -11971,1,0,1952,23 -11972,1,0,2016,19 -11974,1,0,0850,23 -11975,1,0,2014,23 -11978,1,0,1015,25 -11979,1,0,1725,28 -11980,1,0,1742,21 -11981,1,0,1649,24 -11985,1,0,2130,22 -11986,1,0,1422,25 -11987,1,0,2150,26 -11989,1,0,1645,22 -11990,1,0,1858,22 -11991,1,0,2157,24 -11992,1,0,1540,20 -11993,1,0,1838,22 -11994,1,1,0400,25 -11995,1,0,1542,17 -11996,1,0,2055,24 -11998,1,1,0008,24 -12001,1,0,1729,23.8 -12003,1,0,1718,26 -12004,1,0,2208,24 -12005,1,0,0400,21 -12006,1,0,1607,21.2 -12007,1,0,1924,24 -12008,1,0,2319,26 -12011,1,0,1735,23 -12012,1,0,1147,25 -12014,1,0,0858,22 -12016,1,0,1726,24 -12018,1,0,1655,28 -12019,1,0,1315,23 -12021,1,0,2030,27 -12022,1,1,0003,17 -12023,1,0,1543,12 -12026,1,0,1847,23.5 -12027,1,0,1556,23 -12029,1,0,1548,24 -12030,1,0,1932,18 -12031,1,0,1003,22 -12032,1,0,2133,24 -12033,1,0,1228,27 -12034,1,0,2200,21.3 -12035,1,0,1848,21.7 -12036,1,0,1620,22 -12037,1,0,1439,20 -12039,1,0,2145,20 -12040,1,0,2138,25 -12044,1,0,1630,24 diff --git a/data/iai_pecarn/raw/form5_bun.csv b/data/iai_pecarn/raw/form5_bun.csv deleted file mode 100644 index 8f444f9d..00000000 --- a/data/iai_pecarn/raw/form5_bun.csv +++ /dev/null @@ -1,6806 +0,0 @@ -subjectid,repeat_instance,SerBunDay,SerBUNTime,SerBUNValue -3,1,0,2018,7 -5,1,0,2031,13 -6,1,0,0212,16 -8,1,0,1809,15 -10,1,0,1930,10 -14,1,0,0548,20 -16,1,0,0255,14 -18,1,0,1455,8 -19,1,0,0758,13 -20,1,0,0516,7 -23,1,0,1755,15 -24,1,0,2012,14 -30,1,0,1310,15 -32,1,0,1648,13 -33,1,0,2138,13 -34,1,1,0602,12 -35,1,0,2115,11 -37,1,0,1919,10 -40,1,0,2358,14 -41,1,0,2045,11 -44,1,0,0729,16 -45,1,0,1811,4 -46,1,0,1213,17 -49,1,0,1330,10 -50,1,0,1716,13 -52,1,0,1648,16 -53,1,1,0425,11 -55,1,0,1335,11 -56,1,0,2150,11 -57,1,0,2046,14 -60,1,0,1544,14 -62,1,1,0551,9 -65,1,1,0530,8 -66,1,0,2012,13 -66,2,1,0659,9 -66,3,1,1406,10 -66,4,1,1525,11 -67,1,0,1544,18 -68,1,0,1845,13 -70,1,0,1837,15 -71,1,1,0015,12 -72,1,1,1750,2 -73,1,0,1831,14 -74,1,0,2120,12 -75,1,0,1514,13 -76,1,0,1900,8 -81,1,1,0555,11 -82,1,0,2000,10 -83,1,0,1550,11 -85,1,0,1800,10 -86,1,0,0825,15 -87,1,0,1941,9 -88,1,0,1950,8 -89,1,0,2208,12 -90,1,1,0105,11 -91,1,0,0147,10 -92,1,0,1802,25 -93,1,0,2047,13 -99,1,0,2155,14 -102,1,0,1616,6 -105,1,1,0600,7 -106,1,0,1239,14 -108,1,0,0930,13 -109,1,0,1440,10 -110,1,0,2300,12 -111,1,0,1500,14 -112,1,0,1450,17 -113,1,0,2213,16 -114,1,0,1703,5 -115,1,0,1657,11 -116,1,0,1625,20 -117,1,0,1850,12 -119,1,1,0500,14 -120,1,0,2013,10 -121,1,0,2007,11 -124,1,0,1800,14 -125,1,0,1942,13 -129,1,0,1954,10 -132,1,0,1815,11 -134,1,1,0500,12 -135,1,0,2200,22 -137,1,0,1435,11 -138,1,1,0435,9 -139,1,0,0040,16 -140,1,1,0015,11 -142,1,0,2136,15 -143,1,0,1716,7 -144,1,0,1635,12 -146,1,1,0100,11 -147,1,0,0050,8 -148,1,0,0925,15 -151,1,0,1855,17 -152,1,0,0950,18 -153,1,0,1855,12 -155,1,0,2243,16 -157,1,0,2210,11 -161,1,0,0033,22 -161,2,0,0654,19 -161,3,1,0628,8 -163,1,1,0130,10 -165,1,0,1350,18 -169,1,1,0015,15 -170,1,0,1950,18 -172,1,0,2137,11 -173,1,0,1800,15 -175,1,0,1338,14 -176,1,0,1526,12 -178,1,0,1856,2 -179,1,0,2143,14 -180,1,0,1329,19 -181,1,0,1457,5 -182,1,0,2040,6 -183,1,0,1212,9 -184,1,0,1920,16 -185,1,0,2341,12 -186,1,0,1950,6 -187,1,1,0003,16 -188,1,0,1644,13 -190,1,0,2216,7 -193,1,0,0735,18 -194,1,4,1155,6 -195,1,0,1839,19 -198,1,0,0500,9 -199,1,0,1635,17 -200,1,0,1911,15 -201,1,0,1910,13 -202,1,0,1408,21 -203,1,0,1320,16 -204,1,1,0640,6 -206,1,0,0040,13 -209,1,0,2040,8 -210,1,0,1432,11 -212,1,0,1326,13 -213,1,0,1948,14 -214,1,0,1743,13 -216,1,0,2120,7 -217,1,0,1850,14 -221,1,0,2335,11 -225,1,0,2110,7 -226,1,0,1134,14 -227,1,0,1330,15 -228,1,0,2045,12 -229,1,0,0147,9 -230,1,0,0944,9 -232,1,0,1749,10 -235,1,0,1730,18 -237,1,0,1235,15 -238,1,0,1802,13 -239,1,0,1523,10 -240,1,0,0047,11 -241,1,0,1740,16 -243,1,0,1729,9 -244,1,0,1233,16 -245,1,1,0032,8 -246,1,0,0403,10 -247,1,0,1518,11 -250,1,0,2255,11 -251,1,0,2306,8 -256,1,0,1625,16 -257,1,0,1350,15 -263,1,0,1420,11 -264,1,0,1527,17 -265,1,0,1839,15 -266,1,0,2150,10 -267,1,0,2106,12 -273,1,0,1916,7 -275,1,1,0655,8 -282,1,0,2148,9 -285,1,0,1555,8 -288,1,0,2000,8 -289,1,0,2100,6 -292,1,1,0020,8 -295,1,0,1553,16 -296,1,0,1825,13 -297,1,0,1600,17 -299,1,0,0910,14 -300,1,0,1537,11 -301,1,0,1545,9 -303,1,1,0403,12 -304,1,0,2142,11 -305,1,0,1440,10 -306,1,1,0008,13 -308,1,1,0001,14 -309,1,0,1806,12 -312,1,0,1626,11 -314,1,0,1329,8 -316,1,0,2045,11 -318,1,0,2017,10 -320,1,0,0050,18 -321,1,0,1644,15 -322,1,0,1540,14 -326,1,2,0550,10 -328,1,0,1740,10 -332,1,0,2230,24 -333,1,0,2035,11 -336,1,0,0623,12 -337,1,0,2320,12 -338,1,0,0637,19 -341,1,0,0709,17 -342,1,0,1546,15 -344,1,0,1838,16 -347,1,1,1222,1 -350,1,0,1640,14 -351,1,0,1221,6 -352,1,0,1318,14 -353,1,0,1914,17 -355,1,0,2009,11 -356,1,0,1738,12 -357,1,0,1130,9 -358,1,0,1143,11 -363,1,0,1200,23 -365,1,0,2206,15 -366,1,0,1700,18 -367,1,0,0545,24 -368,1,0,0143,14 -369,1,0,0919,10 -371,1,0,2136,18 -372,1,0,1438,14 -374,1,0,0910,14 -375,1,0,1730,10 -376,1,0,0218,11 -377,1,0,1640,13 -378,1,0,1713,17 -379,1,0,1724,12 -380,1,0,1250,10 -381,1,0,2100,12 -382,1,0,2030,16 -386,1,0,1600,11 -387,1,0,1430,16 -390,1,0,2005,20 -391,1,0,1830,12 -392,1,0,2055,13 -396,1,1,0400,12 -397,1,0,1824,16 -398,1,0,1940,15 -399,1,0,0944,12 -400,1,0,1802,17 -401,1,0,2000,4 -406,1,0,2143,18 -407,1,0,1618,9 -410,1,0,2335,10 -412,1,0,1520,8 -413,1,0,1402,10 -414,1,0,0959,11 -415,1,0,1508,11 -417,1,0,1544,8 -420,1,7,0450,5 -422,1,0,0956,7 -423,1,0,2056,11 -428,1,0,1535,9 -429,1,0,1530,12 -433,1,0,2220,10 -436,1,0,1726,14 -438,1,0,1623,6 -439,1,0,1520,14 -442,1,0,1940,13 -444,1,0,2250,14 -445,1,0,2039,16 -446,1,0,0114,12 -447,1,0,2039,12 -448,1,0,0309,11 -449,1,0,1442,11 -450,1,0,2050,13 -452,1,0,0140,10 -453,1,0,1815,17 -454,1,0,1944,4 -457,1,1,0011,18 -458,1,0,1815,20 -459,1,0,1425,14 -460,1,0,2134,8 -462,1,1,0355,5 -465,1,0,2100,18 -469,1,1,1210,3 -470,1,0,1917,7 -471,1,0,1834,14 -471,2,0,2043,14 -472,1,0,0915,13 -474,1,0,0830,14 -475,1,0,2125,13 -480,1,0,2251,10 -481,1,0,0055,17 -482,1,0,1400,11 -484,1,0,1900,18 -486,1,0,1641,10 -488,1,0,0745,15 -490,1,0,1419,7 -493,1,1,0155,5 -494,1,0,1205,7 -495,1,0,2227,10 -497,1,0,2130,11 -498,1,0,2034,12 -499,1,1,0111,9 -500,1,1,0559,11 -502,1,0,1658,11 -505,1,0,1110,11 -507,1,0,2124,9 -508,1,0,2252,8 -509,1,0,1914,11 -510,1,0,1857,15 -512,1,0,2203,16 -513,1,1,0016,15 -516,1,0,2109,17 -517,1,0,2300,14 -519,1,0,1123,11 -520,1,0,1621,9 -521,1,0,0202,11 -523,1,0,1345,12 -525,1,0,2047,17 -527,1,0,1028,11 -531,1,0,1130,10 -535,1,0,1352,10 -536,1,0,2300,17 -537,1,0,1749,25 -538,1,0,1415,12 -539,1,0,2029,13 -540,1,0,2339,9 -543,1,1,0400,10 -544,1,0,1733,13 -546,1,0,0315,13 -548,1,0,2101,13 -549,1,1,0111,9 -550,1,0,1329,11 -551,1,0,1245,17 -553,1,0,1112,11 -558,1,0,1328,14 -559,1,0,1700,7 -563,1,0,1703,8 -564,1,0,1925,18 -567,1,0,2245,17 -569,1,0,1810,7 -570,1,0,0815,11 -572,1,0,1435,11 -574,1,0,1843,12 -575,1,0,2329,12 -576,1,0,1741,10 -577,1,0,2100,14 -578,1,0,0529,7 -579,1,0,1353,17 -582,1,0,1949,12 -583,1,1,0435,11 -586,1,0,2124,12 -587,1,0,1330,11 -590,1,0,2253,11 -591,1,0,1633,21 -591,2,0,2243,15 -593,1,0,1815,11 -594,1,0,1530,10 -595,1,0,1420,6 -596,1,0,2057,13 -600,1,0,2104,6 -603,1,1,0001,7 -606,1,0,1821,13 -607,1,0,1950,19 -608,1,0,1712,15 -611,1,1,0655,9 -613,1,0,1646,9 -615,1,0,2237,9 -617,1,1,0455,8 -618,1,0,1456,12 -620,1,1,0015,16 -621,1,0,1742,17 -622,1,0,0049,10 -623,1,0,2350,23 -624,1,0,1229,3 -625,1,0,2309,12 -627,1,0,1632,11 -628,1,0,0945,11 -630,1,0,1530,18 -632,1,0,2039,21 -633,1,0,2320,17 -636,1,1,0450,10 -637,1,0,1900,11 -638,1,1,0042,8 -642,1,0,1240,21 -643,1,0,1557,12 -644,1,0,2200,11 -647,1,0,1412,14 -648,1,0,2120,5 -650,1,0,2116,14 -652,1,0,1305,14 -657,1,0,1306,9 -658,1,0,1253,6 -659,1,0,1729,10 -663,1,0,2300,14 -664,1,0,2141,14 -668,1,0,1732,11 -669,1,0,1819,9 -671,1,0,1503,17 -673,1,0,1601,12 -676,1,0,1926,10 -679,1,1,0031,17 -683,1,0,1645,17 -686,1,0,2000,9 -687,1,0,0054,10 -689,1,0,0320,8 -691,1,0,1640,10 -694,1,1,0550,10 -695,1,0,1500,8 -696,1,0,1630,10 -698,1,0,0535,10 -701,1,0,1848,12 -702,1,1,0230,13 -705,1,1,1600,12 -707,1,0,0836,2 -708,1,0,1633,16 -709,1,1,0020,17 -710,1,0,1939,11 -711,1,0,2000,10 -712,1,0,1947,16 -714,1,1,0415,8 -715,1,0,2003,12 -716,1,0,1405,17 -717,1,0,2340,17 -719,1,0,1621,15 -720,1,0,1943,11 -721,1,0,0915,8 -722,1,0,2122,9 -728,1,0,1623,15 -729,1,0,2132,9 -731,1,0,2120,10 -732,1,0,1609,11 -733,1,0,1821,13 -735,1,0,0249,12 -736,1,0,1300,9 -737,1,0,1646,8 -738,1,0,2055,9 -739,1,0,0550,8 -740,1,0,1057,10 -742,1,0,1714,7 -744,1,0,1327,10 -746,1,0,0153,7 -747,1,0,2305,14 -749,1,0,2130,14 -750,1,0,2359,9 -751,1,0,0325,3 -756,1,0,1341,10 -760,1,1,0029,8 -762,1,0,2105,12 -763,1,0,1829,13 -764,1,0,1517,23 -767,1,0,1112,20 -768,1,0,2215,16 -771,1,0,1223,9 -773,1,0,2341,16 -774,1,1,0625,11 -776,1,0,2007,9 -779,1,0,2040,15 -780,1,0,0135,13 -781,1,0,1950,15 -782,1,0,1610,12 -784,1,0,1730,12 -785,1,0,0447,7 -786,1,0,2050,12 -787,1,0,1635,10 -788,1,0,2241,14 -790,1,0,1144,17 -792,1,0,2020,5 -794,1,1,0640,6 -796,1,0,2350,18 -798,1,0,2208,17 -800,1,0,1957,11 -802,1,0,2100,14 -808,1,0,2044,12 -809,1,0,0356,11 -810,1,0,2150,11 -812,1,0,1213,12 -812,2,1,0525,12 -814,1,0,1757,8 -816,1,0,0220,9 -817,1,0,1232,13 -818,1,0,1548,12 -821,1,0,1440,9 -828,1,0,1807,16 -830,1,0,2235,14 -831,1,0,1800,9 -839,1,1,0709,6 -840,1,0,2109,12 -841,1,0,0030,15 -842,1,0,1558,15 -847,1,0,1855,11 -848,1,0,1550,10 -849,1,0,2100,23 -850,1,0,1411,12 -851,1,0,0145,12 -852,1,0,2002,13 -856,1,0,1245,17 -858,1,0,1340,10 -861,1,0,1257,14 -862,1,0,2209,10 -863,1,1,0340,8 -869,1,0,2100,6 -873,1,1,0320,8 -874,1,0,1726,15 -876,1,0,1532,12 -878,1,0,1300,12 -879,1,0,1814,8 -883,1,0,2313,14 -886,1,0,2049,9 -887,1,0,1415,8 -890,1,0,2319,19 -892,1,0,1839,12 -893,1,0,1625,9 -894,1,0,1542,12 -895,1,0,1153,17 -896,1,0,1739,14 -897,1,0,1955,26 -898,1,0,1525,10 -898,2,1,0622,7 -899,1,0,2025,11 -901,1,0,1005,10 -902,1,0,1628,14 -904,1,0,0514,7 -905,1,0,1140,14 -907,1,1,0005,9 -908,1,0,2047,11 -911,1,0,1704,4 -912,1,0,2048,9 -913,1,0,1645,9 -915,1,0,1315,18 -917,1,0,1752,10 -918,1,0,2200,9 -919,1,0,2210,5 -921,1,0,1544,8 -922,1,0,1924,9 -924,1,0,1310,11 -925,1,0,2243,7 -926,1,0,1207,7 -927,1,0,0833,14 -930,1,0,1441,7 -931,1,0,1617,9 -933,1,0,0135,7 -935,1,0,1348,13 -936,1,0,1126,8 -937,1,0,0753,7 -937,2,1,1013,6 -937,3,6,1331,10 -938,1,0,1207,8 -939,1,0,1116,11 -940,1,0,1846,12 -941,1,0,1546,18 -942,1,0,1330,15 -943,1,0,1617,8 -944,1,0,0615,6 -946,1,1,0445,11 -947,1,0,2026,15 -948,1,1,0625,7 -949,1,0,1613,9 -950,1,0,1915,21 -953,1,0,1747,17 -954,1,0,0825,13 -955,1,0,1449,11 -961,1,0,1857,13 -964,1,0,1750,19 -965,1,0,1421,11 -966,1,0,1922,19 -967,1,0,2055,16 -968,1,0,1501,23 -970,1,0,1500,10 -971,1,0,2152,10 -972,1,0,2334,15 -974,1,0,1450,17 -976,1,0,1830,15 -977,1,0,1625,12 -978,1,1,0512,9 -979,1,0,0045,9 -981,1,0,2151,17 -981,2,1,1900,8 -983,1,0,1126,6 -984,1,0,0355,10 -988,1,0,1515,10 -990,1,0,2345,16 -991,1,0,1634,12 -993,1,0,2057,18 -994,1,0,1951,9 -996,1,0,1955,9 -1000,1,0,0241,24 -1001,1,0,1902,6 -1002,1,0,2137,15 -1004,1,0,2310,11 -1006,1,0,2015,18 -1007,1,0,1940,11 -1008,1,0,2109,16 -1009,1,0,1410,6 -1013,1,1,0215,11 -1015,1,0,1920,13 -1018,1,0,2027,10 -1020,1,0,1117,10 -1021,1,0,1551,17 -1023,1,0,2015,17 -1025,1,0,1820,20 -1028,1,0,1800,9 -1030,1,0,1951,7 -1035,1,0,1547,14 -1036,1,0,0203,11 -1038,1,0,2001,15 -1041,1,0,1301,17 -1042,1,0,2255,12 -1043,1,0,1843,12 -1044,1,0,1700,15 -1045,1,1,0457,8 -1049,1,0,1839,8 -1050,1,0,2150,16 -1054,1,0,1450,7 -1056,1,0,1824,16 -1057,1,0,0331,12 -1061,1,0,1539,20 -1062,1,0,1945,13 -1065,1,0,1930,12 -1067,1,0,1920,15 -1068,1,0,1450,10 -1071,1,0,2005,8 -1074,1,0,0857,7 -1075,1,0,1254,14 -1076,1,0,1838,18 -1078,1,1,0138,9 -1080,1,0,0059,17 -1081,1,1,0650,7 -1082,1,0,1916,17 -1085,1,0,1601,11 -1087,1,0,2355,9 -1091,1,0,1746,7 -1092,1,1,0405,11 -1093,1,1,1815,4 -1095,1,0,1140,16 -1097,1,0,1937,13 -1098,1,0,0316,13 -1100,1,0,0120,15 -1101,1,0,1331,14 -1102,1,1,1947,15 -1104,1,0,1610,12 -1105,1,0,2143,13 -1106,1,0,1520,11 -1108,1,1,0535,12 -1109,1,0,1557,10 -1110,1,0,1717,13 -1111,1,0,2057,10 -1117,1,0,1520,12 -1118,1,0,2024,10 -1121,1,0,0634,10 -1122,1,0,1615,17 -1124,1,0,1759,9 -1125,1,1,0350,11 -1129,1,0,1706,11 -1132,1,0,2335,16 -1134,1,0,0959,16 -1136,1,0,1827,18 -1137,1,0,2119,15 -1140,1,0,2243,16 -1141,1,1,0935,12 -1142,1,0,1740,7 -1145,1,0,1250,6 -1146,1,1,0637,6 -1147,1,0,1518,11 -1148,1,0,2350,15 -1149,1,0,0751,9 -1150,1,0,2300,17 -1152,1,0,1610,5 -1153,1,1,0625,7 -1157,1,0,0945,10 -1159,1,0,1500,10 -1160,1,0,1653,14 -1161,1,0,1706,9 -1162,1,0,2059,8 -1165,1,0,1710,15 -1168,1,0,1220,7 -1172,1,0,1134,13 -1173,1,0,1540,14 -1174,1,0,2305,11 -1175,1,0,1902,8 -1177,1,0,1145,11 -1181,1,0,2020,7 -1182,1,0,1139,10 -1185,1,0,1550,14 -1190,1,0,2157,17 -1192,1,0,2052,25 -1193,1,0,1237,7 -1195,1,0,1943,16 -1196,1,0,1655,11 -1197,1,0,1815,12 -1198,1,0,1430,11 -1199,1,0,1908,12 -1201,1,0,1722,12 -1203,1,0,1905,17 -1205,1,0,1100,12 -1206,1,0,0945,8 -1207,1,0,2122,12 -1209,1,0,1720,10 -1211,1,0,1210,16 -1213,1,1,1940,9 -1216,1,0,1501,11 -1217,1,0,2245,9 -1218,1,0,0444,13 -1219,1,0,0717,12 -1220,1,0,1614,11 -1221,1,0,1004,11 -1222,1,0,2140,13 -1224,1,0,1828,25 -1227,1,0,2016,11 -1229,1,0,1917,12 -1230,1,0,1700,19 -1231,1,0,1602,17 -1234,1,0,2306,10 -1235,1,0,1856,13 -1237,1,1,0545,12 -1239,1,1,0500,7 -1240,1,0,1940,19 -1241,1,0,2025,10 -1243,1,0,1510,10 -1245,1,0,1907,14 -1246,1,0,1930,8 -1247,1,0,1955,9 -1249,1,0,2124,14 -1250,1,0,1700,16 -1253,1,0,1014,8 -1254,1,0,2256,9 -1259,1,2,1117,5 -1262,1,0,2244,12 -1263,1,0,1613,11 -1265,1,1,0355,18 -1267,1,1,0450,12 -1269,1,0,2259,13 -1271,1,0,1926,6 -1272,1,0,1915,15 -1273,1,0,2130,9 -1276,1,1,0640,15 -1277,1,0,1857,14 -1279,1,0,1802,13 -1280,1,0,1909,8 -1282,1,0,1828,6 -1283,1,0,1445,13 -1284,1,0,1808,11 -1286,1,0,1845,13 -1289,1,0,1640,12 -1291,1,0,1550,13 -1292,1,0,0655,5 -1295,1,0,1157,10 -1297,1,1,0515,10 -1300,1,0,1628,9 -1303,1,0,1602,12 -1306,1,0,2230,12 -1308,1,0,0027,7 -1309,1,0,2054,13 -1310,1,1,0000,7 -1312,1,0,1711,16 -1313,1,0,2214,11 -1314,1,0,2140,13 -1316,1,1,0530,8 -1320,1,0,2136,12 -1321,1,0,1734,14 -1322,1,0,0056,17 -1323,1,0,1526,10 -1326,1,0,1530,10 -1328,1,0,2228,17 -1331,1,0,1614,21 -1336,1,0,1115,25 -1338,1,1,0944,12 -1338,2,3,0845,7 -1338,3,5,0902,10 -1349,1,0,1831,12 -1350,1,0,0914,10 -1352,1,0,1825,22 -1354,1,0,2216,16 -1355,1,0,1854,13 -1359,1,1,0840,6 -1363,1,0,1348,16 -1364,1,0,2246,11 -1365,1,0,1805,9 -1369,1,0,2206,11 -1370,1,0,1800,14 -1371,1,0,0020,17 -1373,1,0,1047,12 -1374,1,0,1720,11 -1375,1,0,0002,11 -1376,1,0,0021,7 -1377,1,0,0137,8 -1378,1,0,1710,18 -1379,1,0,1734,4 -1382,1,0,0420,19 -1391,1,0,2200,10 -1394,1,0,1917,12 -1395,1,0,1554,11 -1397,1,0,2110,11 -1398,1,0,0017,5 -1400,1,0,2318,8 -1401,1,0,1933,10 -1402,1,0,2230,13 -1403,1,0,2124,7 -1405,1,1,0630,10 -1407,1,0,1600,13 -1409,1,0,1933,20 -1410,1,0,2254,12 -1413,1,0,1742,8 -1414,1,0,1500,8 -1415,1,0,1239,4 -1416,1,0,1542,10 -1417,1,0,0526,13 -1418,1,0,1430,8 -1421,1,0,1310,14 -1422,1,0,2200,12 -1424,1,0,2315,13 -1426,1,0,2040,10 -1429,1,1,0410,9 -1432,1,0,2355,19 -1434,1,0,2020,12 -1436,1,0,1002,11 -1437,1,0,1536,14 -1440,1,0,1920,16 -1442,1,0,0531,10 -1443,1,0,1525,17 -1444,1,0,2113,22 -1445,1,0,1952,14 -1446,1,0,0235,9 -1447,1,0,1419,14 -1449,1,0,2255,7 -1450,1,0,2157,18 -1453,1,0,1727,9 -1454,1,0,1440,15 -1455,1,0,1120,10 -1457,1,0,1730,7 -1459,1,0,1709,12 -1460,1,0,0319,13 -1464,1,0,1635,8 -1465,1,1,1205,8 -1466,1,0,1456,16 -1469,1,0,1339,14 -1472,1,0,2043,15 -1477,1,0,1819,10 -1478,1,0,1312,10 -1482,1,0,0750,12 -1484,1,1,0550,8 -1484,2,0,1909,13 -1484,3,1,0012,8 -1486,1,0,2150,9 -1487,1,0,2230,13 -1490,1,0,1845,11 -1491,1,0,1352,10 -1494,1,1,2005,6 -1495,1,1,0643,13 -1496,1,0,1157,15 -1498,1,0,2303,16 -1499,1,0,2209,15 -1500,1,0,1349,20 -1501,1,1,0805,3 -1502,1,0,1500,12 -1503,1,0,2112,10 -1506,1,1,0000,13 -1508,1,1,0005,14 -1509,1,0,1730,8 -1510,1,0,1352,11 -1512,1,0,1503,14 -1514,1,0,1645,15 -1518,1,0,1807,8 -1521,1,0,1244,11 -1522,1,0,2047,11 -1526,1,0,2306,7 -1527,1,1,0003,10 -1528,1,0,1523,13 -1529,1,1,0648,8 -1533,1,0,1940,11 -1535,1,0,1731,20 -1538,1,0,1733,20 -1539,1,0,1516,8 -1540,1,0,1850,15 -1542,1,0,1450,8 -1543,1,0,1815,12 -1544,1,0,1430,12 -1545,1,0,1620,11 -1546,1,1,0415,10 -1547,1,0,1931,13 -1549,1,1,0410,10 -1551,1,0,2043,19 -1552,1,0,1345,19 -1553,1,0,1013,13 -1554,1,0,0105,14 -1555,1,0,1534,14 -1557,1,0,1520,11 -1560,1,1,0600,5 -1561,1,1,0610,8 -1562,1,1,0545,8 -1564,1,0,1943,8 -1565,1,0,2224,13 -1566,1,0,0759,18 -1567,1,1,0133,13 -1567,2,3,1128,7 -1570,1,0,1709,10 -1574,1,0,1740,16 -1575,1,0,1830,14 -1582,1,1,0100,15 -1583,1,0,2145,16 -1584,1,0,1615,13 -1587,1,0,1940,14 -1588,1,0,1002,7 -1589,1,0,2055,10 -1590,1,0,0845,16 -1591,1,0,1520,11 -1592,1,0,1615,12 -1594,1,0,0039,12 -1595,1,0,1250,8 -1597,1,0,1257,10 -1602,1,1,0024,10 -1605,1,0,1450,14 -1606,1,0,1826,12 -1609,1,0,2118,7 -1613,1,0,2005,19 -1613,2,1,0938,12 -1617,1,0,2105,15 -1620,1,0,1712,10 -1621,1,0,1930,12 -1622,1,0,2335,17 -1623,1,0,0030,9 -1624,1,1,0434,2 -1625,1,0,1145,13 -1626,1,0,2043,9 -1628,1,0,1730,11 -1629,1,1,0520,10 -1632,1,0,2137,14 -1633,1,0,1615,18 -1634,1,0,2139,0.66 -1636,1,0,1305,19 -1637,1,0,1130,11 -1638,1,0,2308,12 -1639,1,0,1340,10 -1640,1,0,0950,11 -1644,1,0,1837,9 -1645,1,1,1000,6 -1649,1,0,1905,12 -1650,1,1,0545,11 -1653,1,0,0832,10 -1654,1,1,0120,8 -1655,1,0,1424,13 -1656,1,0,1256,14 -1657,1,0,0600,10 -1660,1,0,2311,8 -1662,1,0,0500,11 -1665,1,0,2345,16 -1667,1,0,1800,16 -1671,1,0,1530,12 -1673,1,0,2217,12 -1674,1,0,1820,5 -1675,1,0,2303,14 -1676,1,0,1920,10 -1677,1,0,2346,13 -1679,1,0,1050,13 -1680,1,1,0540,6 -1683,1,0,2015,12 -1684,1,0,1725,8 -1686,1,0,1300,18 -1689,1,0,2222,23 -1690,1,0,0223,3 -1691,1,0,2125,10 -1692,1,0,2137,17 -1693,1,1,0515,8 -1696,1,0,1659,11 -1697,1,0,1855,19 -1701,1,0,1636,15 -1707,1,1,0400,9 -1709,1,0,0450,17 -1710,1,1,0550,10 -1711,1,0,1400,15 -1712,1,0,1400,12 -1713,1,0,2023,9 -1714,1,0,1736,23 -1716,1,0,1800,2 -1722,1,0,1634,16 -1723,1,2,0815,8 -1725,1,0,2345,11 -1726,1,0,2133,18 -1727,1,0,1755,13 -1728,1,0,1033,8 -1729,1,0,1940,17 -1730,1,0,0625,5 -1732,1,0,0230,17 -1734,1,1,0030,17 -1735,1,0,2200,13 -1739,1,1,0658,7 -1740,1,0,1642,9 -1744,1,0,1633,15 -1745,1,0,1717,7 -1747,1,0,1935,19 -1748,1,0,2223,11 -1749,1,0,1931,8 -1750,1,0,0214,14 -1756,1,0,2045,19 -1757,1,0,2256,12 -1758,1,0,1633,12 -1759,1,0,1953,13 -1760,1,0,2251,10 -1761,1,0,2325,11 -1763,1,0,1337,13 -1764,1,0,2106,11 -1767,1,0,1930,19 -1768,1,0,1629,13 -1769,1,0,1530,12 -1770,1,0,1922,15 -1775,1,0,1818,10 -1776,1,0,1714,12 -1777,1,0,1939,11 -1778,1,1,0530,7 -1783,1,0,1651,11 -1784,1,0,0929,9 -1785,1,0,1325,16 -1787,1,0,0405,9 -1789,1,0,2020,16 -1790,1,0,1956,19 -1792,1,0,2244,10 -1793,1,0,1929,12 -1794,1,0,1740,17 -1795,1,0,1100,12 -1796,1,0,1500,8 -1797,1,0,2042,17 -1800,1,0,1517,9 -1804,1,0,1814,12 -1805,1,0,1742,8 -1806,1,0,1910,20 -1807,1,0,2003,6 -1811,1,0,1740,12 -1816,1,0,1646,17 -1817,1,0,2020,7 -1819,1,0,2350,12 -1823,1,0,1627,12 -1824,1,0,1300,7 -1825,1,0,0938,17 -1828,1,0,2130,9 -1829,1,0,1739,15 -1831,1,0,2304,17 -1833,1,0,2016,11 -1834,1,0,0825,7 -1835,1,0,2300,14 -1836,1,0,1831,14 -1837,1,0,1938,10 -1838,1,0,2325,13 -1839,1,0,1532,16 -1840,1,0,1748,10 -1843,1,0,2230,8 -1845,1,0,1545,14 -1846,1,0,1121,12 -1851,1,0,1740,17 -1854,1,0,1938,9 -1855,1,0,1615,19 -1856,1,0,2350,19 -1858,1,1,0600,6 -1860,1,0,1119,11 -1861,1,0,1520,7 -1868,1,1,0615,8 -1869,1,0,1604,19 -1870,1,1,0500,7 -1873,1,0,1818,7 -1874,1,0,2040,10 -1876,1,0,2115,12 -1880,1,0,0205,15 -1881,1,0,0145,16 -1882,1,0,2200,10 -1883,1,0,2020,17 -1884,1,1,0030,15 -1886,1,0,1355,9 -1889,1,0,0847,8 -1890,1,0,1730,20 -1891,1,0,2335,13 -1892,1,0,1058,17 -1894,1,0,1940,14 -1895,1,0,2134,12 -1896,1,0,0302,11 -1897,1,0,1800,13 -1899,1,1,0009,9 -1900,1,0,2352,11 -1902,1,0,2002,17 -1904,1,0,2039,12 -1906,1,1,0750,7 -1907,1,0,2147,11 -1909,1,0,2107,14 -1910,1,0,2028,15 -1911,1,1,0530,9 -1912,1,0,1717,12 -1913,1,0,1631,19 -1916,1,0,1715,10 -1917,1,0,1950,12 -1918,1,1,0052,8 -1920,1,0,1338,14 -1921,1,0,1829,12 -1922,1,0,2300,10 -1923,1,0,2055,11 -1929,1,0,1759,10 -1930,1,0,1530,12 -1934,1,0,1642,8 -1937,1,0,1705,15 -1943,1,0,1948,15 -1944,1,0,1511,11 -1945,1,0,2013,11 -1947,1,0,0840,9 -1948,1,0,1449,13 -1949,1,0,1330,8 -1953,1,0,1557,21 -1958,1,1,0255,9 -1959,1,0,0115,9 -1962,1,0,0046,13 -1964,1,0,2205,11 -1965,1,0,1715,16 -1966,1,0,1745,12 -1974,1,0,2130,12 -1975,1,2,0550,5 -1977,1,0,1633,14 -1978,1,0,1728,15 -1981,1,0,2100,13 -1985,1,0,1256,11 -1986,1,0,2000,20 -1987,1,0,2300,7 -1988,1,0,1955,13 -1989,1,0,1348,13 -1990,1,0,1700,14 -1991,1,1,0530,8 -1992,1,0,2045,12 -1993,1,0,1336,11 -1994,1,0,2000,13 -1996,1,0,1845,17 -1997,1,-1,2355,13 -1999,1,1,0620,7 -2000,1,0,2059,4 -2004,1,0,0100,11 -2006,1,0,1932,18 -2007,1,0,0411,9 -2009,1,0,2225,12 -2011,1,0,2144,14 -2014,1,0,0255,5 -2015,1,1,0315,8 -2019,1,0,1720,17 -2020,1,0,2105,9 -2022,1,0,1810,12 -2024,1,0,1946,17 -2025,1,0,1653,14 -2028,1,0,1930,12 -2029,1,0,2054,9 -2030,1,1,0420,4 -2032,1,0,0027,16 -2033,1,0,1925,19 -2035,1,1,0315,14 -2037,1,0,1605,12 -2038,1,0,1428,9 -2039,1,0,2151,9 -2041,1,0,1207,12 -2043,1,0,1314,14 -2044,1,0,1229,7 -2045,1,0,0952,10 -2047,1,0,1959,9 -2049,1,0,1814,14 -2050,1,0,1655,11 -2052,1,0,1617,9 -2053,1,0,1840,18 -2054,1,0,1730,10 -2056,1,0,2010,13 -2057,1,0,1210,9 -2058,1,0,1133,7 -2059,1,0,1351,19 -2061,1,0,1500,9 -2063,1,0,1822,23 -2065,1,0,1640,10 -2070,1,0,2126,14 -2071,1,0,1900,9 -2072,1,0,1305,13 -2073,1,0,2218,11 -2074,1,0,0915,15 -2075,1,0,2150,8 -2076,1,0,2121,14 -2078,1,1,0052,17 -2080,1,0,1932,14 -2082,1,1,0004,16 -2083,1,0,1615,15 -2084,1,1,0620,18 -2086,1,0,1858,8 -2087,1,0,1810,7 -2095,1,0,2002,15 -2096,1,0,1925,14 -2101,1,0,2308,7 -2105,1,0,1500,14 -2106,1,0,1420,14 -2107,1,0,0420,12 -2109,1,0,1915,11 -2113,1,0,2305,9 -2114,1,0,0020,11 -2115,1,0,1830,7 -2116,1,0,1059,9 -2119,1,0,1815,10 -2120,1,0,1333,10 -2122,1,0,1400,12 -2123,1,0,0102,7 -2124,1,0,2126,12 -2125,1,0,2308,16 -2126,1,0,1029,15 -2127,1,0,1551,8 -2128,1,0,1230,18 -2131,1,0,2303,19 -2132,1,0,0711,11 -2133,1,0,1159,8 -2134,1,0,1355,15 -2136,1,0,1530,17 -2137,1,0,2232,16 -2138,1,0,2308,6 -2139,1,0,1724,12 -2140,1,0,0130,6 -2145,1,0,2130,13 -2146,1,1,0528,7 -2147,1,0,1718,13 -2150,1,0,1516,12 -2152,1,0,2120,11 -2153,1,0,2141,16 -2154,1,0,1408,7 -2155,1,0,1653,6 -2156,1,0,1434,8 -2157,1,0,1851,11 -2158,1,2,0540,12 -2159,1,0,1222,8 -2162,1,0,1926,19 -2164,1,0,1748,12 -2168,1,1,0600,7 -2169,1,0,1415,11 -2172,1,1,0456,1 -2174,1,0,1435,11 -2176,1,0,2245,13 -2177,1,0,2303,16 -2178,1,0,2053,13 -2179,1,0,2135,14 -2182,1,0,1335,14 -2183,1,1,1500,5 -2184,1,0,1705,16 -2186,1,1,0601,11 -2188,1,0,1740,16 -2191,1,0,1706,23 -2191,2,1,0017,21 -2191,3,1,1021,20 -2191,4,2,0901,18 -2195,1,0,2023,9 -2197,1,0,0955,19 -2199,1,0,1730,6 -2202,1,1,0850,9 -2203,1,0,1045,14 -2204,1,0,2131,6 -2205,1,0,1850,13 -2207,1,0,0922,16 -2208,1,0,1600,16 -2209,1,0,1957,12 -2210,1,3,0720,5 -2211,1,0,0412,5 -2213,1,0,1950,18 -2214,1,0,2115,17 -2220,1,0,2222,14 -2221,1,0,2250,11 -2223,1,1,0450,10 -2224,1,0,1945,8 -2225,1,0,1840,18 -2226,1,0,1109,11 -2227,1,0,1748,18 -2228,1,0,0846,15 -2230,1,0,1439,14 -2233,1,0,1323,8 -2236,1,0,1856,17 -2237,1,0,1332,19 -2238,1,0,2340,12 -2240,1,0,2155,14 -2244,1,0,1830,11 -2245,1,0,1950,7 -2246,1,1,0520,9 -2247,1,0,1925,10 -2250,1,0,1908,12 -2251,1,1,0345,10 -2253,1,0,0920,14 -2258,1,0,2316,12 -2259,1,0,1650,12 -2263,1,1,0010,13 -2265,1,0,2100,8 -2266,1,0,2125,9 -2269,1,0,1920,15 -2271,1,0,1425,19 -2272,1,0,1440,10 -2273,1,0,1131,7 -2274,1,0,1418,13 -2275,1,1,0200,10 -2276,1,0,2010,16 -2277,1,0,1630,19 -2278,1,0,1711,10 -2286,1,0,2045,15 -2287,1,1,0035,14 -2290,1,0,2142,12 -2295,1,2,0321,8 -2296,1,0,2128,17 -2297,1,0,1255,14 -2298,1,0,1000,17 -2301,1,1,0000,4 -2302,1,0,1815,17 -2303,1,0,1430,12 -2305,1,0,2000,15 -2307,1,1,0550,13 -2310,1,0,1610,10 -2313,1,0,1708,12 -2318,1,0,1733,11 -2319,1,0,2041,13 -2320,1,0,2356,16 -2321,1,0,2151,10 -2322,1,1,0605,11 -2323,1,0,2359,10 -2324,1,0,0150,8 -2326,1,0,2056,15 -2327,1,0,1718,8 -2328,1,0,1450,11 -2332,1,0,1940,11 -2333,1,0,1151,9 -2336,1,0,1600,7 -2337,1,0,1730,12 -2339,1,0,2200,8 -2340,1,0,2352,17 -2342,1,0,1112,10 -2343,1,0,0347,9 -2344,1,0,1630,38 -2345,1,0,1900,20 -2346,1,0,0600,8 -2347,1,0,2036,17 -2348,1,0,1943,9 -2351,1,0,2320,7 -2353,1,0,1452,13 -2354,1,0,2350,19 -2355,1,0,2208,18 -2356,1,0,1657,9 -2359,1,0,1740,11 -2362,1,0,1642,12 -2363,1,1,0049,10 -2364,1,0,1935,8 -2366,1,1,0009,9 -2368,1,0,1220,17 -2369,1,0,2128,12 -2371,1,0,1505,7 -2373,1,0,1314,7 -2374,1,0,1545,5 -2378,1,0,2005,11 -2379,1,0,1844,12 -2381,1,0,2115,10 -2383,1,0,1240,8 -2384,1,0,1827,16 -2384,2,1,0400,11 -2386,1,0,2152,13 -2387,1,0,0450,9 -2392,1,0,2120,13 -2393,1,0,2007,12 -2394,1,0,1914,18 -2395,1,0,0835,10 -2396,1,0,1858,15 -2399,1,0,1810,17 -2400,1,0,1942,15 -2401,1,0,2100,11 -2402,1,0,1521,13 -2403,1,0,0107,11 -2404,1,0,1415,10 -2405,1,0,1910,11 -2409,1,0,2018,12 -2411,1,0,1714,13 -2412,1,0,1741,9 -2417,1,0,1920,15 -2418,1,0,0315,15 -2419,1,0,1815,9 -2423,1,0,1757,14 -2424,1,0,2004,12 -2426,1,0,1905,8 -2427,1,0,0301,10 -2428,1,0,2125,16 -2431,1,0,2130,8 -2434,1,0,1620,7 -2435,1,0,1704,9 -2436,1,1,0043,18 -2437,1,0,2105,15 -2438,1,0,1833,8 -2443,1,0,0610,9 -2446,1,0,1700,20 -2447,1,0,1834,10 -2448,1,0,0130,14 -2449,1,0,1958,8 -2451,1,0,1020,10 -2453,1,0,0123,22 -2454,1,1,0705,14 -2458,1,0,2248,10 -2459,1,0,1405,13 -2462,1,0,1713,16 -2463,1,0,1700,12 -2464,1,0,1135,15 -2466,1,0,2330,10 -2467,1,0,0735,11 -2468,2,0,0630,12 -2471,1,0,1730,13 -2474,1,0,1256,9 -2475,1,0,2154,17 -2476,1,0,0228,12 -2477,1,0,0551,7 -2478,1,0,2008,11 -2479,1,1,0700,11 -2480,1,1,0630,7 -2481,1,0,1206,8 -2482,1,0,2307,14 -2486,1,0,2105,16 -2490,1,1,0011,13 -2491,1,1,0442,13 -2492,1,0,0808,16 -2494,1,0,1650,17 -2495,1,0,1214,8 -2496,1,0,2003,9 -2497,1,0,2030,8 -2498,1,0,1900,12 -2501,1,0,2038,12 -2502,1,0,0900,4 -2503,1,1,0500,7 -2507,1,0,1251,10 -2508,1,0,1559,12 -2509,1,0,1904,12 -2511,1,0,1539,18 -2512,1,0,1748,6 -2513,1,1,0004,9 -2515,1,0,2355,21 -2516,1,0,2028,13 -2517,1,0,0833,8 -2518,1,0,1420,12 -2519,1,0,1955,15 -2521,1,0,2120,10 -2522,1,0,2240,10 -2523,1,0,1206,12 -2524,1,0,0910,17 -2525,1,0,2321,17 -2526,1,0,1525,14 -2530,1,0,1644,8 -2532,1,0,2130,9 -2534,1,0,1308,16 -2536,1,0,1947,10 -2539,1,0,2140,6 -2540,1,0,1106,7 -2541,1,0,2134,24 -2545,1,0,1940,17 -2547,1,0,0207,7 -2548,1,1,0020,11 -2549,1,0,1036,7 -2552,1,0,2041,22 -2554,1,0,0828,10 -2555,1,0,1740,20 -2559,1,0,1626,19 -2561,1,0,1822,9 -2562,1,0,2023,11 -2563,1,0,1315,9 -2564,1,0,2130,13 -2565,1,0,1535,11 -2569,1,0,1900,10 -2572,1,0,1615,15 -2574,1,0,1439,11 -2575,1,0,2243,10 -2576,1,0,0112,16 -2577,1,0,2208,8 -2580,1,0,1450,20 -2581,1,0,1015,15 -2582,1,0,2214,16 -2583,1,0,1900,12 -2587,1,0,1405,11 -2588,1,0,1125,16 -2593,1,0,1200,13 -2594,1,0,1931,7 -2595,1,0,2355,5 -2596,1,0,1147,12 -2599,1,0,1300,11 -2600,1,0,2212,13 -2601,1,0,1454,13 -2602,1,0,1800,11 -2606,1,1,0630,6 -2607,1,0,1220,10 -2608,1,0,2332,14 -2609,1,0,1749,10 -2610,1,0,1922,13 -2611,1,0,1821,11 -2613,1,0,2226,9 -2615,1,0,2355,14 -2616,1,0,1749,11 -2617,1,0,1824,9 -2618,1,0,2152,22 -2621,1,0,2259,16 -2626,1,1,0038,8 -2628,1,0,1409,9 -2629,1,0,2244,11 -2630,1,4,1717,12 -2633,1,0,1745,19 -2635,1,6,1300,9 -2636,1,0,1452,14 -2638,1,0,2025,13 -2640,1,0,2157,18 -2641,1,0,1425,13 -2642,1,0,1315,12 -2643,1,0,2125,6 -2644,1,0,2010,10 -2645,1,0,1423,15 -2648,1,0,1429,15 -2651,1,0,1620,9 -2653,1,0,2234,9 -2654,1,0,2030,20 -2655,1,1,0611,8 -2657,1,0,1335,15 -2659,1,0,1802,15 -2661,1,0,2025,20 -2663,1,0,2115,9 -2664,1,5,0658,8 -2666,1,0,2312,15 -2667,1,0,2250,12 -2668,1,1,0550,9 -2671,1,0,2355,5 -2672,1,0,1513,16 -2673,1,1,0036,11 -2674,1,0,1833,10 -2675,1,0,1840,12 -2677,1,0,1552,9 -2680,1,0,2313,13 -2683,1,0,0600,14 -2684,1,0,2131,12 -2685,1,0,1535,8 -2687,1,0,1700,26 -2688,1,0,1845,18 -2689,1,0,1124,11 -2692,1,0,0032,14 -2694,1,0,2240,7 -2695,1,0,1345,5 -2696,1,0,1933,13 -2699,1,0,1840,10 -2701,1,0,1626,13 -2703,1,0,2140,14 -2705,1,1,0200,4 -2706,1,0,2151,5 -2707,1,0,1800,10 -2710,1,0,0250,12 -2712,1,0,1703,18 -2713,1,0,1551,14 -2714,1,0,1250,15 -2718,1,0,1841,6 -2719,1,0,1150,8 -2720,1,0,1524,19 -2722,1,1,0503,8 -2723,1,0,0210,10 -2725,1,0,1736,13 -2726,1,0,1245,11 -2727,1,0,2115,13 -2729,1,0,1630,6 -2732,1,0,0845,11 -2737,1,0,2030,6 -2740,1,0,1240,20 -2741,1,0,1553,12 -2742,1,1,0850,11 -2743,1,0,1300,13 -2744,1,0,0056,9 -2745,1,0,1450,11 -2746,1,0,2332,18 -2747,1,0,1800,14 -2749,1,0,1425,15 -2750,1,0,1655,9 -2751,1,0,1728,14 -2753,1,0,2146,11 -2754,1,0,0316,9 -2756,1,1,0252,12 -2760,1,0,2100,11 -2762,1,0,1615,16 -2763,1,0,1845,19 -2764,1,0,1713,12 -2765,1,0,1727,7 -2768,1,1,0630,8 -2770,1,0,1447,11 -2772,1,0,2113,9 -2773,1,0,1625,14 -2777,1,0,0647,11 -2778,1,0,1520,22 -2783,1,0,0120,15 -2785,1,0,1840,14 -2786,1,0,1756,13 -2787,1,0,1728,13 -2788,1,0,1658,12 -2792,1,0,0755,12 -2793,1,0,1725,19 -2799,1,0,2123,17 -2803,1,0,1750,14 -2808,1,0,1900,12 -2812,1,0,1740,15 -2815,1,0,1417,17 -2817,1,0,1953,8 -2818,1,0,2110,14 -2819,1,0,1710,9 -2820,1,0,1607,9 -2822,1,0,1958,14 -2824,1,1,0630,10 -2826,1,0,1950,10 -2827,1,0,0500,10 -2829,1,1,0300,11 -2831,1,0,2023,13 -2833,1,1,0530,11 -2837,1,0,1600,18 -2838,1,0,1600,9 -2840,1,1,0019,11 -2841,1,0,0840,5 -2844,1,0,1651,9 -2845,1,0,1323,14 -2847,1,0,1850,10 -2848,1,0,2311,17 -2850,1,0,1720,15 -2852,1,0,1753,10 -2853,1,0,2328,10 -2855,1,0,1428,13 -2856,1,0,1645,14 -2858,1,0,1227,6 -2867,1,0,1340,6 -2868,1,0,1459,14 -2869,1,0,1903,9 -2870,1,0,1910,11 -2871,1,0,1420,14 -2872,1,0,1616,17 -2873,1,0,0115,6 -2874,1,0,1914,16 -2875,1,0,0826,14 -2876,1,0,1735,18 -2877,1,0,1619,15 -2879,1,0,2033,14 -2883,1,0,0425,11 -2884,1,0,1628,14 -2885,1,0,1730,24 -2886,1,0,2205,16 -2887,1,0,1556,13 -2888,1,0,1800,5 -2889,1,0,1838,10 -2891,1,0,1952,8 -2892,1,0,0250,11 -2894,1,0,0935,11 -2897,1,0,2318,8 -2899,1,0,2019,15 -2904,1,0,1623,19 -2906,1,2,1950,3 -2908,1,0,1611,10 -2909,1,0,2000,8 -2909,2,1,0515,12 -2910,1,0,2250,9 -2915,1,0,2335,15 -2916,1,0,1620,11 -2922,1,0,1140,17 -2923,1,0,2300,15 -2926,1,0,2339,14 -2927,1,0,1436,17 -2928,1,0,2124,13 -2929,1,0,1428,12 -2930,1,0,1435,7 -2931,1,0,2100,9 -2933,1,0,2031,9 -2934,1,0,1849,6 -2935,1,1,0530,7 -2937,1,0,1245,13 -2938,1,0,1315,14 -2939,1,2,0650,7 -2945,1,0,0541,13 -2946,1,0,2227,15 -2947,1,0,1735,9 -2948,1,0,1800,10 -2950,1,0,1241,10 -2952,1,0,1556,6 -2953,1,1,0010,11 -2954,1,0,1731,19 -2956,1,0,1734,10 -2958,1,0,2100,16 -2960,1,1,0545,7 -2962,1,5,0340,8 -2963,1,0,1139,12 -2967,1,0,1125,10 -2968,1,0,1829,16 -2969,1,1,0515,11 -2971,1,0,1830,12 -2973,1,0,1800,15 -2975,1,0,1615,14 -2978,1,0,1018,8 -2980,1,0,2359,11 -2982,1,0,0944,15 -2986,1,0,1400,10 -2991,1,2,0800,12 -2992,1,0,1727,9 -2993,1,0,1728,12 -2994,1,0,1938,11 -2995,1,0,1008,7 -2999,1,1,0018,15 -3001,1,0,2330,17 -3002,1,0,1502,13 -3003,1,0,1505,7 -3004,1,0,1555,8 -3005,1,0,1900,19 -3007,1,0,1629,14 -3008,1,0,0333,18 -3009,1,0,1625,13 -3011,1,0,2241,6 -3014,1,0,2215,9 -3015,1,0,0920,16 -3016,1,0,2210,6 -3018,1,0,2359,10 -3019,1,0,2201,11 -3025,1,0,1930,18 -3026,1,0,1534,16 -3027,1,0,1550,7 -3032,1,1,0035,11 -3035,1,0,1421,8 -3036,1,0,1910,13 -3037,1,1,0120,7 -3038,1,0,1633,19 -3039,1,0,1820,18 -3040,1,0,1400,10 -3042,1,0,1819,15 -3043,1,0,1554,10 -3047,1,0,2206,8 -3048,1,0,2014,9 -3049,1,1,0400,12 -3050,1,0,1640,7 -3052,1,0,0121,8 -3054,1,0,1500,14 -3055,1,0,1025,12 -3057,2,0,1535,17 -3059,1,0,1535,9 -3061,1,0,0950,13 -3062,1,1,0810,6 -3065,1,0,1456,12 -3066,1,0,1028,8 -3067,1,0,1622,9 -3069,1,0,1255,6 -3070,1,0,1830,11 -3071,1,0,2131,12 -3073,1,0,2002,11 -3073,2,1,0554,9 -3073,3,2,0622,9 -3073,4,3,0638,9 -3074,1,0,0349,8 -3075,1,0,1551,12 -3077,1,0,0048,8 -3080,1,0,1608,20 -3082,1,0,1600,10 -3083,1,0,1305,11 -3085,1,0,1810,8 -3088,1,0,2215,15 -3091,1,0,1103,10 -3092,1,0,1800,10 -3096,1,0,1830,8 -3098,1,0,2055,11 -3100,1,0,1649,19 -3101,1,0,1500,13 -3105,1,1,0326,9 -3108,1,0,1835,16 -3109,1,0,0025,5 -3110,1,1,0400,9 -3111,1,0,2123,14 -3112,1,1,0309,12 -3114,1,0,2050,24 -3116,1,0,0826,16 -3120,1,0,1628,11 -3122,1,0,1807,7 -3126,1,0,1925,10 -3127,1,0,2318,5 -3128,1,0,2015,13 -3129,1,0,0131,12 -3132,1,0,1347,8 -3134,1,0,1510,12 -3135,1,0,1354,11 -3136,1,0,0604,14 -3138,1,0,1702,6 -3141,1,0,1501,11 -3142,1,0,0910,15 -3144,1,0,1321,8 -3146,1,0,1848,11 -3148,1,1,0345,10 -3151,1,1,0550,7 -3152,1,0,2347,10 -3153,1,0,2225,13 -3155,1,0,2215,8 -3157,1,0,1708,10 -3159,1,1,0230,14 -3161,1,0,1833,25 -3162,1,0,1907,14 -3165,1,1,0649,6 -3166,1,1,0555,5 -3167,1,1,0041,10 -3169,1,1,1939,5 -3170,1,0,1715,13 -3175,1,0,2005,14 -3176,1,0,2258,9 -3177,1,0,1520,8 -3178,1,0,1615,8 -3179,1,0,2000,23 -3180,1,0,2100,14 -3182,1,0,1320,12 -3184,1,1,0030,12 -3185,1,0,2301,10 -3186,1,0,0856,11 -3187,1,0,1530,14 -3188,1,0,1631,9 -3189,1,0,1245,10 -3190,1,0,0323,5 -3192,1,0,1555,17 -3193,1,0,1020,14 -3194,1,0,1136,15 -3195,1,0,1650,6 -3196,1,0,2110,16 -3197,1,1,0530,10 -3198,1,0,2023,11 -3200,1,0,1735,11 -3201,1,0,1606,16 -3202,1,0,2120,9 -3203,1,0,2150,9 -3204,1,0,1939,12 -3207,1,0,1950,14 -3208,1,0,1633,17 -3209,1,0,2145,24 -3210,1,0,1941,13 -3211,1,0,2203,11 -3214,1,0,1515,16 -3214,2,0,1900,13 -3214,3,1,0410,10 -3214,4,2,0450,6 -3214,5,2,1715,4 -3214,6,3,0445,4 -3214,7,3,1630,3 -3214,8,4,0330,4 -3214,9,4,1717,2 -3214,10,5,0150,4 -3214,11,5,0830,5 -3214,12,5,1800,6 -3214,13,6,0355,6 -3219,1,0,1632,8 -3220,1,1,0449,11 -3221,1,0,1815,14 -3222,1,0,1655,9 -3224,1,0,2110,14 -3225,1,0,1851,18 -3226,1,0,1725,16 -3227,1,0,1604,16 -3228,1,0,1724,11 -3230,1,0,1900,12 -3231,1,0,2200,16 -3232,1,0,2330,13 -3233,1,0,0712,12 -3234,1,0,2015,16 -3238,1,1,0215,7 -3240,1,0,1955,11 -3242,1,0,2313,13 -3244,1,0,0820,14 -3247,1,0,2125,9 -3248,1,1,0010,6 -3250,1,0,1826,10 -3251,1,0,1119,11 -3252,1,0,1448,8 -3253,1,0,1649,15 -3255,1,0,2320,16 -3256,1,0,2015,5 -3257,1,0,0840,14 -3258,1,0,2315,11 -3259,1,0,1233,6 -3260,1,0,1345,15 -3261,1,0,1602,14 -3264,1,0,2012,11 -3265,1,0,1806,18 -3267,1,0,0235,11 -3269,1,0,1816,14 -3270,1,0,1750,11 -3272,1,0,1415,10 -3273,1,0,0500,11 -3275,1,0,1732,13 -3280,1,0,1546,11 -3281,1,0,1802,12 -3282,1,0,1030,13 -3283,1,0,2115,1 -3285,1,0,1029,17 -3286,1,0,1859,11 -3292,1,0,2115,10 -3293,1,0,2119,18 -3294,1,0,2107,13 -3295,1,0,0305,14 -3297,1,0,0206,17 -3299,1,0,1400,12 -3301,1,0,1312,13 -3304,1,0,2355,12 -3306,1,0,1852,12 -3309,1,1,0422,18 -3311,1,0,2020,11 -3318,1,0,1719,12 -3319,1,0,2319,6 -3320,1,0,1703,13 -3321,1,0,1356,8 -3322,1,0,1810,19 -3323,1,0,0405,6 -3324,1,0,2117,8 -3329,1,0,1934,10 -3330,1,0,2150,15 -3332,1,0,1925,9 -3337,1,0,0905,9 -3338,1,0,1741,11 -3339,1,0,1617,19 -3340,1,0,1736,12 -3341,1,0,1937,11 -3342,1,1,0200,11 -3344,1,0,1934,12 -3345,1,0,1955,11 -3348,1,0,1740,12 -3349,1,0,1731,13 -3357,1,0,1802,13 -3360,1,0,1711,16 -3363,1,0,1930,12 -3368,1,0,1700,9 -3372,1,0,0745,10 -3373,1,0,1850,11 -3374,1,0,2101,11 -3375,1,0,2111,9 -3377,1,0,0016,14 -3380,1,0,1756,14 -3380,2,1,0630,8 -3381,1,0,1504,10 -3384,1,1,0600,12 -3385,1,0,1612,8 -3388,1,0,1748,14 -3390,1,0,2036,14 -3392,1,0,1500,14 -3393,1,0,1619,12 -3395,1,0,0655,7 -3396,1,0,1447,14 -3398,1,1,0610,7 -3400,1,0,1818,13 -3401,1,0,2008,9 -3402,1,0,1220,10 -3404,1,0,2005,16 -3405,1,1,0420,11 -3406,1,0,1935,10 -3407,1,0,0145,17 -3408,1,0,2246,17 -3409,1,0,0205,6 -3410,1,0,1610,18 -3414,1,0,1228,4 -3415,1,0,1854,7 -3416,1,0,2314,12 -3417,1,0,2214,10 -3418,1,0,1607,14 -3419,1,0,0258,8 -3420,1,0,2052,13 -3421,1,0,1752,17 -3421,2,1,0608,12 -3425,1,0,2042,13 -3426,1,0,1444,13 -3428,1,0,2059,9 -3429,1,0,2015,15 -3430,1,0,2300,16 -3431,1,0,1915,9 -3435,1,0,2359,13 -3437,1,0,2046,13 -3442,1,0,2152,16 -3443,1,0,2235,10 -3445,1,0,1803,14 -3446,1,0,2154,13 -3447,1,0,1619,15 -3449,1,0,0854,14 -3451,1,0,1625,7 -3453,1,0,1012,12 -3454,1,0,1830,10 -3455,1,0,1345,12 -3456,1,0,1105,12 -3459,1,0,1915,18 -3462,1,0,1420,15 -3463,1,0,1915,14 -3465,1,0,2321,10 -3466,1,0,0222,16 -3467,1,0,1344,11 -3468,1,0,1757,13 -3469,1,0,1305,14 -3470,1,0,1546,15 -3471,1,0,1958,13 -3473,1,0,2029,15 -3480,1,0,1756,22 -3480,2,1,0840,15 -3481,1,0,1703,17 -3482,1,0,0154,9 -3483,1,0,1930,11 -3484,1,2,0640,6 -3488,1,0,1212,19 -3489,1,0,2010,10 -3491,1,1,0600,10 -3492,1,0,1812,23 -3494,1,1,0358,9 -3495,1,0,2315,11 -3496,1,1,0041,14 -3497,1,0,1800,9 -3498,1,0,2200,16 -3499,1,0,1731,10 -3500,1,0,1645,7 -3501,1,1,0558,6 -3502,1,0,1940,23 -3503,1,0,2019,8 -3504,1,0,1523,10 -3507,1,0,1539,8 -3508,1,0,2131,10 -3509,1,0,2300,12 -3513,1,0,1944,19 -3517,1,0,1017,15 -3519,1,0,2005,13 -3521,1,0,1603,6 -3522,1,0,2315,10 -3523,1,0,1445,11 -3525,1,0,2315,8 -3526,1,1,0415,7 -3528,1,0,2101,16 -3530,1,0,0105,5 -3531,1,0,1130,12 -3533,1,1,0050,15 -3535,1,0,1610,15 -3536,1,0,1225,13 -3539,1,0,2215,21 -3542,1,0,1945,7 -3543,1,0,1445,16 -3549,1,0,1955,17 -3550,1,0,0930,6 -3552,1,0,1544,13 -3553,1,0,0630,8 -3556,1,0,1300,13 -3557,1,0,1030,15 -3558,1,0,2155,14 -3560,1,0,1838,11 -3562,1,0,1631,12 -3564,1,0,2320,9 -3566,1,0,1520,14 -3567,1,0,2113,13 -3571,1,0,0140,16 -3572,1,0,2222,4 -3573,1,0,1752,12 -3574,1,0,1740,7 -3576,1,0,1035,10 -3582,1,7,0447,10 -3583,1,0,1904,12 -3584,1,0,1634,7 -3585,1,1,0550,10 -3586,1,0,1733,14 -3587,1,0,1907,10 -3588,1,0,2219,7 -3589,1,0,1553,14 -3590,1,0,1930,6 -3591,1,0,2011,10 -3592,1,0,1700,10 -3594,1,0,1824,13 -3595,1,0,1744,15 -3596,1,0,1205,22 -3597,1,0,0957,10 -3598,1,0,1251,11 -3603,1,0,2359,14 -3606,1,0,1830,20 -3610,1,0,1320,11 -3611,1,0,1735,14 -3614,1,0,1515,11 -3615,1,-20,2106,10 -3623,1,0,0202,13 -3628,1,0,1546,17 -3629,1,1,0440,10 -3630,1,1,0540,9 -3631,1,1,1050,5 -3632,1,0,1030,18 -3640,1,0,2215,11 -3642,1,0,2013,15 -3645,1,0,1620,8 -3648,1,0,1826,11 -3650,1,3,1145,15 -3651,1,0,1926,18 -3652,1,0,2035,12 -3657,1,0,1718,14 -3658,1,0,1723,12 -3659,1,0,1828,15 -3664,1,0,1705,11 -3665,1,0,1730,17 -3667,1,1,1030,7 -3669,1,0,1900,16 -3671,1,0,0600,10 -3672,1,0,1652,21 -3674,1,0,1921,7 -3675,1,0,1840,13 -3676,1,1,1010,6 -3679,1,0,1515,17 -3681,1,1,0030,8 -3683,1,1,0540,5 -3684,1,0,2004,8 -3686,1,0,1441,13 -3687,1,0,1050,10 -3689,1,0,1734,4 -3690,1,0,1106,15 -3692,1,0,1500,10 -3695,1,0,2040,13 -3696,1,0,1600,13 -3697,1,0,1550,10 -3698,1,0,1636,9 -3701,1,2,0430,7 -3702,1,0,1302,16 -3704,1,0,1746,18 -3706,1,3,0120,15 -3707,1,0,1950,9 -3711,1,1,0443,8 -3712,1,0,1545,13 -3713,1,0,2200,23 -3714,1,0,0957,11 -3715,1,0,1742,12 -3716,1,0,0604,7 -3719,1,0,1738,7 -3720,1,0,1811,16 -3721,1,0,0714,9 -3722,1,0,2240,8 -3725,1,0,1839,12 -3726,1,0,1741,11 -3729,1,0,0129,21 -3733,1,0,1800,17 -3734,1,0,1633,12 -3735,1,0,1410,18 -3737,1,0,0410,17 -3739,1,0,1838,12 -3744,1,0,1720,17 -3745,1,0,2115,6 -3746,1,1,0400,20 -3747,1,0,2105,13 -3752,1,0,1409,14 -3753,1,0,0714,10 -3754,1,0,0200,11 -3755,1,0,1844,12 -3756,1,0,1125,4 -3761,1,7,0820,6 -3762,1,0,1714,19 -3769,1,0,1600,10 -3771,1,0,2300,19 -3773,1,0,1152,11 -3774,1,0,0600,12 -3776,1,0,0236,12 -3777,1,0,2244,13 -3778,1,1,0842,7 -3779,1,0,2057,12 -3781,1,0,1210,15 -3782,1,0,1350,9 -3785,1,0,1615,14 -3786,1,1,0505,13 -3787,1,0,1915,22 -3792,1,0,0236,13 -3793,1,0,1445,6 -3795,1,0,1940,6 -3798,1,1,0550,10 -3799,1,0,0053,12 -3801,1,0,2230,14 -3807,1,1,0025,14 -3808,1,1,0505,13 -3809,1,0,0630,13 -3810,1,0,1500,13 -3813,1,1,0345,12 -3817,1,0,1850,13 -3818,1,0,0640,17 -3819,1,0,1636,13 -3821,1,0,2020,15 -3824,1,0,1940,11 -3825,1,0,2145,10 -3828,1,1,0605,10 -3831,1,0,2125,8 -3833,1,1,0855,0.8 -3834,1,0,1400,14 -3835,1,0,1613,11 -3838,1,0,1305,6 -3841,1,0,2214,24 -3842,1,0,1900,13 -3843,1,0,1118,7 -3845,1,0,1905,15 -3847,1,0,2042,16 -3849,1,0,2254,12 -3851,1,0,1124,13 -3852,1,0,2040,18 -3855,1,0,1425,10 -3856,1,0,2155,13 -3860,1,0,1652,15 -3861,1,0,1845,8 -3863,1,1,0500,5 -3864,1,0,1953,6 -3865,1,1,0030,17 -3866,1,0,1036,13 -3868,1,0,1620,6 -3870,1,0,1810,14 -3871,1,0,1506,14 -3872,1,0,2208,16 -3874,1,0,2011,9 -3875,1,0,1600,13 -3876,1,1,0006,8 -3879,1,0,1312,17 -3881,1,0,1838,10 -3882,1,0,2105,10 -3885,1,0,2336,10 -3886,1,1,0028,9 -3887,1,0,1559,11 -3890,1,0,0115,13 -3895,1,0,1312,16 -3896,1,0,1714,7 -3898,1,1,1608,5 -3901,1,0,2209,25 -3902,1,0,0750,8 -3903,1,0,1325,16 -3904,1,0,1558,10 -3906,1,1,0325,13 -3908,1,0,1620,16 -3910,1,0,1925,14 -3912,1,0,1543,12 -3913,1,0,0352,14 -3916,1,0,0821,14 -3917,1,0,2135,11 -3920,1,0,1034,13 -3921,1,0,1225,15 -3923,1,0,1703,6 -3924,1,0,0145,8 -3925,1,0,1838,14 -3926,1,0,1650,13 -3928,1,0,0055,14 -3929,1,0,1630,12 -3933,1,0,1617,11 -3936,1,1,0320,15 -3941,1,0,1741,11 -3942,1,0,1603,14 -3945,1,0,1647,14 -3947,1,0,1854,12 -3948,1,0,0819,1 -3949,1,0,1228,11 -3952,1,0,2230,16 -3954,1,1,0405,11 -3955,1,0,2147,8 -3956,1,0,1814,12 -3962,1,0,2350,11 -3964,1,0,1614,12 -3965,1,0,1420,16 -3966,1,0,2050,20 -3967,1,0,1958,9 -3970,1,0,1904,11 -3971,1,0,1616,6 -3974,1,0,1705,17 -3976,1,1,0013,15 -3977,1,0,1717,15 -3978,1,0,2235,11 -3979,1,0,1250,6 -3980,1,0,1936,10 -3981,1,0,0230,7 -3982,1,0,1800,10 -3986,1,0,1954,9 -3988,1,0,1352,13 -3989,1,0,0930,8 -3990,1,0,2325,15 -3992,1,0,1701,13 -3993,1,0,0809,15 -3996,1,0,1950,11 -3997,1,0,2331,10 -3998,1,0,1440,9 -3999,1,0,2100,11 -4001,1,0,2020,10 -4004,1,0,2120,14 -4005,1,0,1330,11 -4008,1,0,1513,11 -4010,1,0,2326,5 -4011,1,1,0745,12 -4014,1,0,1745,17 -4016,1,3,1136,6 -4022,1,0,1900,12 -4025,1,0,1851,11 -4026,1,0,0902,10 -4027,1,0,1801,13 -4028,1,0,2115,13 -4029,1,0,2329,15 -4030,1,0,1702,15 -4031,1,1,0640,11 -4033,1,1,0405,12 -4036,1,0,2131,23 -4038,1,0,2100,7 -4039,1,0,2253,10 -4040,1,0,1830,12 -4041,1,0,2104,27 -4042,1,0,2239,21 -4046,1,0,2230,8 -4047,1,0,1640,14 -4049,1,0,1622,9 -4052,1,0,1329,11 -4054,1,0,1001,12 -4055,1,0,0035,9 -4056,1,0,0548,8 -4057,1,0,2111,15 -4058,1,0,1955,15 -4060,1,0,1455,3 -4062,1,0,1929,12 -4064,1,0,2230,15 -4065,1,1,0530,12 -4073,1,0,1950,14 -4074,1,0,2243,12 -4075,1,0,1853,16 -4076,1,0,1735,12 -4077,1,0,2238,10 -4077,2,1,0320,7 -4078,1,0,1031,12 -4079,1,0,2112,9 -4083,1,0,1102,13 -4084,1,0,1622,7 -4085,1,1,0500,12 -4087,1,0,1605,15 -4088,1,0,1911,13 -4089,1,1,0010,14 -4090,1,0,1530,9 -4093,1,0,2120,11 -4094,1,0,1600,13 -4095,1,0,1433,14 -4100,1,0,2211,11 -4101,1,0,1828,21 -4102,1,0,2057,14 -4104,1,0,2025,13 -4106,1,0,1558,8 -4107,1,0,1917,5 -4112,1,0,1350,10 -4114,1,0,1754,13 -4115,1,0,1620,16 -4117,1,0,2010,10 -4120,1,0,1817,7 -4121,1,0,0134,10 -4122,1,1,0044,10 -4123,1,1,0720,12 -4125,1,1,0019,9 -4126,1,0,1935,12 -4128,1,0,1958,16 -4129,1,0,1922,8 -4135,1,0,1420,9 -4139,1,0,0150,13 -4140,1,0,1535,7 -4141,1,0,2243,13 -4143,1,0,2038,12 -4144,1,0,2101,12 -4146,1,0,1824,4 -4147,1,0,2044,10 -4148,1,0,1521,10 -4150,1,0,1315,12 -4151,1,0,1828,7 -4154,1,0,2215,7 -4156,1,0,2000,12 -4157,1,0,1534,13 -4159,1,0,1657,24 -4161,1,0,2015,19 -4163,1,0,2115,18 -4165,1,0,2031,8 -4169,1,0,1724,11 -4170,1,0,2155,12 -4171,1,0,1505,11 -4173,1,0,2115,9 -4175,1,0,1600,15 -4175,2,1,0406,11 -4179,1,0,2010,15 -4180,1,0,2150,10 -4181,1,0,2135,12 -4183,1,0,1846,11 -4184,1,1,0634,6 -4188,1,0,0706,9 -4189,1,0,2240,11 -4193,1,1,0045,9 -4195,1,0,2300,7 -4198,1,0,1550,14 -4200,1,0,1450,8 -4201,1,0,1530,11 -4202,1,0,2102,16 -4203,1,0,1105,6 -4207,1,0,2055,10 -4209,1,0,1910,10 -4211,1,0,1025,16 -4214,1,0,1830,16 -4215,1,1,0500,7 -4215,2,2,0110,4 -4218,1,0,2125,12 -4219,1,0,1538,12 -4221,1,0,2317,14 -4222,1,0,1640,18 -4223,1,0,2037,16 -4224,1,0,1915,9 -4225,1,0,1723,12 -4226,1,0,2218,12 -4227,1,0,1105,17 -4229,1,0,1515,13 -4231,1,0,1734,12 -4231,2,1,0400,12 -4232,1,0,2059,8 -4233,1,1,0003,11 -4235,1,0,2106,21 -4237,1,0,1537,12 -4238,1,0,0500,12 -4239,1,0,2224,21 -4241,1,1,1210,7 -4244,1,0,2008,7 -4246,1,0,1140,16 -4250,1,1,0425,11 -4251,1,0,1335,14 -4252,1,0,1727,16 -4254,1,0,0829,8 -4256,1,0,0900,9 -4260,1,0,1636,18 -4261,1,0,1425,13 -4265,1,0,2251,16 -4266,1,0,1807,13 -4268,1,0,2020,14 -4269,1,0,2156,8 -4270,1,0,1531,8 -4271,1,0,1754,15 -4273,1,1,0545,13 -4275,1,0,1443,16 -4276,1,1,0240,9 -4277,1,0,0115,24 -4280,1,0,2010,6 -4282,1,0,1944,10 -4283,1,0,1920,16 -4284,1,0,0331,12 -4285,1,0,1729,13 -4286,1,0,2150,11 -4287,1,0,1557,17 -4289,1,0,1915,21 -4291,1,0,2116,22 -4292,1,0,2104,13 -4293,2,0,2121,8 -4294,1,0,0930,8 -4295,1,0,1819,10 -4297,1,0,1045,12 -4298,1,0,1830,12 -4300,1,0,2141,7 -4303,1,0,1534,7 -4305,1,0,2029,16 -4306,1,0,0528,4 -4307,1,0,1545,6 -4308,1,0,2355,12 -4309,1,1,0226,13 -4310,1,1,0600,8 -4311,1,0,1726,12 -4313,1,0,2015,10 -4314,1,0,2024,6 -4315,1,0,1640,19 -4316,1,0,2145,8 -4319,1,0,1838,13 -4323,1,0,1810,13 -4324,1,0,0930,11 -4325,1,0,1815,13 -4330,1,0,1631,16 -4333,1,0,1850,8 -4334,1,0,2018,14 -4336,1,0,1814,9 -4340,1,0,0224,15 -4342,1,0,1956,16 -4343,1,0,0805,9 -4346,1,0,1445,6 -4348,1,0,1848,8 -4350,1,0,1953,14 -4351,1,1,0415,14 -4355,1,0,1609,18 -4356,1,0,2050,13 -4358,1,0,1140,13 -4360,1,0,1920,9 -4361,1,1,0020,13 -4362,1,0,1940,13 -4364,1,0,2230,9 -4365,1,0,2215,21 -4366,1,0,0120,10 -4367,1,0,2241,12 -4368,1,0,1300,10 -4369,1,0,1300,10 -4372,1,0,1651,8 -4373,1,0,2130,13 -4374,1,0,1635,6 -4376,1,0,1817,7 -4379,1,0,2150,13 -4380,1,0,1710,11 -4381,1,0,1634,13 -4382,1,0,2010,14 -4383,1,0,0915,9 -4385,1,0,2000,6 -4387,1,0,2047,8 -4389,1,0,1924,14 -4391,1,0,0847,9 -4394,1,0,1110,9 -4396,1,0,2017,14 -4397,1,0,1506,13 -4399,1,0,2205,20 -4400,1,0,2157,15 -4402,1,0,2229,16 -4403,1,0,2020,11 -4404,1,0,0119,24 -4405,1,0,1707,12 -4406,1,1,0315,9 -4408,1,0,1308,12 -4409,1,0,0855,11 -4412,1,0,1624,12 -4413,1,0,0105,14 -4414,1,0,1725,11 -4415,1,0,1853,17 -4416,1,0,1624,15 -4417,1,0,1140,7 -4418,1,0,2105,11 -4419,1,0,1940,11 -4421,1,0,1708,7 -4423,1,0,1524,11 -4424,1,0,1639,7 -4425,1,0,2309,13 -4426,1,0,2140,11 -4429,1,1,0502,12 -4434,1,0,2048,7 -4435,1,1,0155,12 -4438,1,1,0540,7 -4440,1,0,2000,12 -4441,1,1,0116,16 -4444,1,0,1850,12 -4445,1,1,0300,10 -4448,1,0,1919,12 -4451,1,0,2333,10 -4452,1,1,0414,12 -4453,1,0,1940,18 -4454,1,1,0045,8 -4456,1,0,1200,11 -4460,1,1,0450,11 -4462,1,0,0200,15 -4465,1,0,2047,13 -4467,1,0,0845,11 -4469,1,0,1122,16 -4470,1,0,1552,15 -4471,1,1,0400,13 -4472,1,0,0816,10 -4473,1,0,1828,9 -4474,1,1,1048,3 -4475,1,0,1459,12 -4477,1,0,2049,15 -4480,1,1,0405,12 -4482,1,0,1852,9 -4483,1,0,1315,10 -4484,1,0,2143,21 -4485,1,0,0510,12 -4486,1,0,1925,12 -4487,1,0,2210,15 -4490,1,0,0155,11 -4493,1,0,1726,11 -4494,1,0,2025,14 -4495,1,0,1810,9 -4497,1,0,1322,5 -4498,1,0,1305,10 -4499,1,0,2220,16 -4500,1,0,1904,9 -4501,1,0,0013,12 -4502,1,0,1426,20 -4503,1,0,2000,11 -4505,1,0,1527,11 -4509,1,0,2326,17 -4510,1,0,2313,17 -4515,1,0,1603,11 -4519,1,0,2157,13 -4522,1,0,1621,12 -4524,1,0,1745,14 -4527,1,0,1303,7 -4529,1,1,0006,12 -4530,1,0,0920,21 -4535,1,0,1822,12 -4536,1,0,1356,17 -4537,1,1,0650,8 -4538,1,0,2010,9 -4539,1,0,1925,17 -4540,1,0,2225,11 -4542,1,1,0430,10 -4544,1,0,1258,14 -4545,1,0,1939,15 -4547,1,0,1100,15 -4548,1,0,2253,16 -4550,1,0,1619,12 -4551,1,0,1900,13 -4555,1,0,2113,9 -4556,1,0,2108,12 -4557,1,0,2030,9 -4558,1,0,1440,14 -4560,1,0,1915,19 -4561,1,0,1731,12 -4562,1,1,0531,8 -4563,1,0,1041,15 -4564,1,0,1608,14 -4565,1,1,0700,8 -4566,1,0,2310,16 -4569,1,0,1939,10 -4570,1,0,1355,14 -4573,1,0,1908,3 -4576,1,0,1730,7 -4577,1,0,2318,10 -4579,1,1,0250,11 -4581,1,0,2059,13 -4582,1,0,2200,11 -4583,1,0,1920,20 -4586,1,1,0149,12 -4587,1,0,2250,11 -4589,1,1,0911,4 -4591,1,0,0916,17 -4594,1,0,1610,14 -4595,1,0,1621,6 -4596,1,0,2224,14 -4598,1,0,1047,10 -4599,1,0,2320,9 -4602,1,0,2245,16 -4603,1,0,1528,10 -4605,1,0,2210,15 -4606,1,0,0845,18 -4607,1,0,2136,13 -4608,1,0,2355,5 -4609,1,1,0550,7 -4611,1,0,1910,13 -4613,1,0,1904,9 -4615,1,0,1340,8 -4618,1,0,0700,13 -4619,1,0,0101,10 -4620,1,0,1719,17 -4622,1,0,2016,11 -4624,2,0,2300,9 -4627,1,0,1940,12 -4628,1,0,1825,14 -4629,1,0,0305,14 -4630,1,0,1638,12 -4633,1,1,0500,21 -4634,1,0,1751,11 -4637,1,0,1850,12 -4639,1,0,2225,13 -4640,1,0,2041,15 -4642,1,0,1748,14 -4643,1,0,1539,13 -4644,1,0,1722,14 -4645,1,0,1717,16 -4646,1,0,1505,14 -4650,1,0,1931,11 -4651,1,0,1004,12 -4653,1,0,2150,23 -4655,1,0,2015,10 -4656,1,1,0322,14 -4657,1,0,1740,16 -4658,1,0,0030,14 -4659,1,0,2339,11 -4663,1,0,2044,13 -4664,1,1,0050,14 -4665,1,0,1650,13 -4666,1,0,2010,9 -4667,1,0,1820,15 -4668,1,0,2019,13 -4669,1,0,1516,12 -4671,1,0,2320,11 -4672,1,0,1651,9 -4675,1,0,1718,12 -4676,1,0,1255,10 -4677,1,0,1806,6 -4680,1,1,0001,11 -4683,1,0,1500,11 -4684,1,0,1315,7 -4687,1,0,1311,11 -4688,1,0,2300,10 -4690,1,0,2012,13 -4691,1,0,0950,13 -4692,1,0,1725,12 -4693,1,0,1224,22 -4695,1,0,1617,16 -4698,1,0,1424,13 -4699,1,0,1754,9 -4700,1,0,1913,13 -4702,1,1,0245,12 -4703,1,0,1540,8 -4705,1,0,2111,16 -4706,1,0,1950,16 -4707,1,0,1720,16 -4708,1,0,2249,15 -4709,1,0,2045,10 -4711,1,0,1130,8 -4713,1,0,1440,6 -4714,1,0,2014,21 -4715,1,0,1745,21 -4719,1,0,1858,13 -4720,1,0,1530,9 -4722,1,0,1924,11 -4723,1,0,1656,19 -4724,1,1,0405,10 -4725,1,0,0725,9 -4728,1,0,1829,12 -4729,1,0,1244,9 -4730,1,0,1942,9 -4733,1,0,1625,8 -4734,1,0,1340,13 -4735,1,0,0204,13 -4737,1,0,1007,11 -4740,1,0,1720,12 -4742,1,0,0130,9 -4744,1,0,1744,14 -4745,1,0,2148,16 -4746,1,0,1630,8 -4747,1,0,0823,5 -4749,1,0,1515,22 -4755,1,0,2010,16 -4756,1,1,0558,15 -4757,1,0,1850,10 -4758,1,1,0155,20 -4760,1,1,0100,18 -4762,1,0,1740,13 -4764,1,0,1850,8 -4766,1,1,0655,6 -4767,1,0,1400,11 -4768,1,0,2025,16 -4771,1,0,1511,6 -4772,1,0,0025,11 -4773,1,0,0043,4 -4779,1,0,1745,13 -4786,1,0,1605,6 -4787,1,0,2101,8 -4788,1,0,0215,11 -4789,1,0,1130,8 -4791,1,0,0137,15 -4792,1,0,2238,10 -4793,1,1,0057,13 -4794,1,0,2101,18 -4796,1,0,1754,8 -4797,1,0,1519,9 -4800,1,0,2102,16 -4801,1,0,1421,11 -4804,1,1,0010,6 -4805,1,0,2050,13 -4806,1,0,1842,12 -4806,2,2,0637,9 -4807,1,0,1800,13 -4809,1,0,2156,16 -4810,1,0,1443,14 -4812,1,0,1950,17 -4814,1,0,2215,19 -4816,1,0,1723,23 -4817,1,0,0950,10 -4819,1,0,1513,11 -4820,1,1,0355,12 -4822,1,0,0841,10 -4823,1,0,1945,11 -4824,1,0,1339,5 -4825,1,0,2154,9 -4831,1,0,1745,14 -4832,1,0,2100,19 -4833,1,0,2205,14 -4838,1,0,2045,15 -4839,1,1,0915,7 -4840,1,1,0045,17 -4842,1,0,1730,13 -4843,1,0,1143,20 -4845,1,0,1143,18 -4846,1,0,2058,12 -4847,1,0,0321,8 -4849,1,0,0039,13 -4851,1,0,1911,9 -4852,1,0,1419,7 -4853,1,1,0424,12 -4854,1,0,2131,18 -4856,1,0,2330,11 -4857,1,0,1925,13 -4858,1,0,2300,7 -4859,1,0,1744,22 -4861,1,0,1008,13 -4865,1,0,2010,15 -4866,1,0,1444,13 -4868,1,0,2010,14 -4869,1,0,1848,20 -4870,1,0,1226,13 -4871,1,0,2104,13 -4872,1,0,1050,14 -4873,1,0,1517,11 -4875,1,0,1646,14 -4877,1,0,1548,16 -4879,1,1,0800,12 -4880,1,1,0013,15 -4884,1,0,1338,11 -4887,1,0,1630,16 -4890,1,0,2226,6 -4893,1,0,1648,14 -4894,1,0,1728,12 -4895,1,1,0035,7 -4897,1,0,2150,13 -4898,1,0,1155,14 -4903,1,0,1218,8 -4906,1,0,2310,15 -4908,1,0,1900,14 -4909,1,0,0322,20 -4910,1,0,0431,6 -4911,1,0,0336,8 -4914,1,0,2239,2 -4916,1,0,2033,14 -4918,1,0,0140,12 -4919,1,0,0737,7 -4920,1,0,1610,11 -4921,1,0,1918,15 -4922,1,0,1730,12 -4923,1,0,1741,11 -4924,1,0,2052,12 -4926,1,1,0008,14 -4928,1,0,2046,12 -4929,1,0,1652,13 -4930,1,0,2154,10 -4933,1,0,2010,12 -4935,1,0,2040,10 -4936,1,0,1530,15 -4939,1,0,1735,10 -4940,1,0,1805,12 -4943,1,2,0346,15 -4944,1,0,1613,14 -4945,1,0,2102,8 -4946,1,0,1538,12 -4947,1,0,0045,7 -4950,1,0,0942,8 -4951,1,0,2108,11 -4954,1,0,2020,11 -4955,1,0,1756,16 -4956,1,0,2243,8 -4957,1,0,2240,13 -4960,1,0,2138,15 -4963,1,0,2030,15 -4966,1,0,1015,7 -4967,1,0,1920,15 -4968,1,0,1949,14 -4971,1,1,0818,7 -4974,1,0,2256,13 -4975,1,0,1822,14 -4977,1,1,0220,8 -4979,1,0,0915,12 -4980,1,0,2315,13 -4981,1,0,1045,8 -4982,1,0,1515,15 -4983,1,0,0455,16 -4984,1,0,1909,8 -4985,1,0,1610,8 -4987,1,0,2109,9 -4989,1,0,0306,14 -4990,1,0,0920,13 -4991,1,0,1510,27 -4992,1,0,1306,13 -4993,1,0,1236,15 -4994,1,0,2327,24 -4998,1,0,2224,10 -5000,1,0,1911,7 -5001,1,0,2145,12 -5002,1,1,0630,12 -5003,1,0,1150,7 -5004,1,1,1442,7 -5005,1,0,1355,13 -5008,1,0,1648,14 -5009,1,0,0239,19 -5014,1,0,2237,12 -5015,1,1,0020,13 -5016,1,0,0935,13 -5019,1,0,2245,10 -5020,1,1,0118,13 -5021,1,0,2211,14 -5022,1,0,1000,7 -5023,1,0,2100,16 -5024,1,0,2138,10 -5025,1,0,1725,12 -5026,1,0,0130,12 -5028,1,0,2150,9 -5029,1,0,1702,20 -5030,1,0,1535,15 -5032,1,0,1737,11 -5034,1,0,0126,15 -5035,1,0,2030,13 -5036,1,0,2148,12 -5037,1,0,1410,13 -5039,1,0,0045,16 -5046,1,0,1250,9 -5048,1,0,0939,16 -5050,1,0,1907,7 -5054,1,0,1818,15 -5057,1,0,1803,18 -5059,1,0,2340,17 -5061,1,0,1910,19 -5063,1,0,2020,9 -5064,1,0,1910,18 -5066,1,0,1542,12 -5067,1,0,0820,15 -5068,1,0,2106,13 -5070,1,0,0429,16 -5071,1,0,2343,12 -5072,1,0,2140,7 -5073,1,0,1420,14 -5074,1,1,0330,9 -5075,1,0,1930,11 -5080,1,0,2100,12 -5081,1,0,1448,14 -5083,1,0,1237,12 -5086,1,0,0345,7 -5087,1,-27,2230,9 -5089,1,0,2025,8 -5090,1,0,1810,9 -5092,1,0,1940,15 -5093,1,0,1946,11 -5094,1,0,1158,7 -5096,1,0,1600,9 -5097,1,0,1555,15 -5100,1,0,2159,10 -5107,1,0,1730,14 -5109,1,0,1915,14 -5110,1,0,1722,11 -5111,1,0,1830,14 -5113,1,0,0108,15 -5115,1,0,2103,18 -5116,1,0,0240,6 -5118,1,1,0717,5 -5119,1,0,0850,20 -5123,1,0,0350,2 -5124,1,0,2204,24 -5125,1,0,1805,11 -5126,1,1,0535,9 -5127,1,0,0310,13 -5128,1,0,2030,19 -5130,1,0,1442,4 -5131,1,0,1700,12 -5132,1,0,1500,17 -5133,1,0,1603,7 -5134,1,1,0430,12 -5136,1,0,1942,18 -5138,1,0,2049,12 -5139,1,0,1315,19 -5143,1,0,1845,13 -5146,1,0,2000,15 -5147,1,0,1829,13 -5150,1,0,0837,9 -5152,1,0,1420,15 -5154,1,0,1343,10 -5155,1,0,0005,9 -5157,1,0,2035,13 -5158,1,0,2120,11 -5159,1,0,1215,9 -5161,1,0,1843,9 -5163,1,0,2218,10 -5164,1,1,0400,11 -5165,1,0,1845,6 -5166,1,0,0533,8 -5170,1,0,2330,11 -5171,1,0,0057,4 -5172,1,0,2120,12 -5173,1,0,1550,13 -5174,1,0,1657,7 -5177,1,0,1638,7 -5180,1,0,0920,17 -5181,1,0,1612,17 -5182,1,1,0745,8 -5183,1,0,1342,14 -5184,1,1,0610,11 -5187,1,0,0901,17 -5188,1,0,2057,11 -5189,1,0,2052,15 -5192,1,0,1108,15 -5194,1,0,1640,12 -5195,1,0,1950,9 -5197,1,0,1737,10 -5199,1,0,1119,12 -5204,1,1,0618,4 -5205,1,0,2215,11 -5206,1,0,1751,16 -5212,1,0,1451,10 -5217,1,0,2009,10 -5220,1,0,0157,10 -5221,1,0,2330,15 -5223,1,0,1629,18 -5224,1,0,2019,13 -5231,1,0,2047,16 -5232,1,0,0252,16 -5232,2,0,0255,16 -5235,1,0,1730,11 -5237,1,0,2047,10 -5238,1,0,1704,13 -5239,1,0,1835,16 -5240,1,0,1858,10 -5241,1,0,2025,14 -5243,1,0,1555,12 -5247,1,0,1935,18 -5248,1,0,1906,18 -5249,1,0,1550,9 -5250,1,0,2144,7 -5251,1,0,1645,13 -5252,1,0,2314,12 -5253,1,0,1521,12 -5254,1,0,1800,22 -5257,1,0,2216,15 -5258,1,-1,2320,20 -5262,1,0,2145,14 -5263,1,1,0002,15 -5264,1,0,1737,13 -5266,1,0,0135,15 -5267,1,0,1855,25 -5268,1,0,2219,5 -5269,1,0,1622,11 -5272,1,0,2020,11 -5273,1,0,1906,14 -5275,1,0,2030,11 -5276,1,0,1940,6 -5277,1,0,1224,15 -5278,1,0,1046,11 -5279,1,0,2222,13 -5280,1,0,1350,5 -5283,1,0,0440,11 -5284,1,0,2340,13 -5285,1,0,2256,9 -5286,1,0,1715,20 -5287,1,0,2229,13 -5292,1,0,1930,8 -5294,1,0,2145,19 -5295,1,0,1645,6 -5300,1,0,1340,13 -5301,1,1,0010,16 -5302,1,0,0848,12 -5303,1,0,1500,14 -5304,1,0,0850,11 -5305,1,0,2025,17 -5310,1,0,2010,10 -5313,1,0,1430,13 -5315,1,0,2030,10 -5316,1,0,1705,20 -5318,1,0,1735,16 -5319,1,0,2030,9 -5320,1,0,1420,15 -5324,1,0,0948,14 -5325,1,0,1135,13 -5327,1,0,1645,16 -5329,1,1,0032,14 -5330,1,0,0914,8 -5331,1,0,2004,14 -5333,1,0,1730,10 -5334,1,1,1200,17 -5336,1,0,1931,28 -5337,1,0,1003,9 -5338,1,0,1018,12 -5339,1,0,1526,13 -5340,1,0,1855,12 -5343,1,0,1420,11 -5344,1,1,0705,12 -5345,1,0,1812,13 -5347,1,0,2016,15 -5348,1,0,2340,12 -5350,1,0,0457,13 -5351,1,0,0454,7 -5352,1,0,1205,7 -5354,1,0,1853,14 -5357,1,0,1700,15 -5361,1,0,1230,10 -5362,1,0,1115,9 -5363,1,0,1815,14 -5364,1,0,2111,17 -5365,1,0,1843,6 -5366,1,0,1730,14 -5367,1,0,1457,5 -5368,1,0,2055,6 -5372,1,0,1358,16 -5375,1,0,1002,5 -5376,1,0,1800,15 -5377,1,0,1920,13 -5379,1,0,0129,8 -5385,1,0,1741,11 -5387,1,0,2133,14 -5389,1,0,2313,7 -5390,1,0,2057,12 -5391,1,0,1921,15 -5393,1,1,0403,5 -5394,1,0,1844,13 -5395,1,0,1938,21 -5397,1,0,1750,14 -5399,1,-1,1235,8 -5402,1,0,1856,12 -5404,1,0,1114,8 -5410,1,0,1745,10 -5414,1,0,1817,9 -5417,1,0,0842,13 -5417,2,1,0731,10 -5417,3,1,1203,9 -5418,1,0,0031,14 -5419,1,0,1939,17 -5421,1,0,1755,7 -5422,1,0,1710,16 -5426,1,0,2011,11 -5427,1,0,2200,6 -5428,1,0,2345,10 -5429,1,0,0120,13 -5433,1,0,1800,13 -5435,1,0,1131,20 -5437,1,0,1315,15 -5439,1,0,1437,7 -5440,1,0,1512,13 -5442,1,0,1915,11 -5443,1,0,2034,10 -5445,1,0,1632,15 -5450,1,0,0920,12 -5451,1,0,1754,12 -5453,1,0,1521,14 -5454,1,0,1050,11 -5456,1,6,0545,12 -5458,1,0,1906,17 -5459,1,0,1305,5 -5460,1,0,2030,12 -5462,1,0,1600,8 -5464,1,0,1440,9 -5467,1,0,1734,12 -5469,1,1,0115,11 -5470,1,0,1930,16 -5471,1,0,2011,9 -5472,1,0,2338,14 -5474,1,0,1626,14 -5475,1,0,1101,12 -5476,1,0,1531,9 -5479,1,0,1630,11 -5481,1,0,1414,13 -5483,1,0,0249,14 -5485,1,0,0949,10 -5486,1,0,1640,13 -5488,1,0,1340,16 -5489,1,0,1550,19 -5490,1,0,1656,9 -5491,1,0,2351,16 -5492,1,0,1845,16 -5493,1,0,1950,8 -5494,1,0,1500,7 -5495,1,1,0424,6 -5496,1,0,1132,14 -5499,1,0,2030,11 -5503,1,0,2115,13 -5506,1,0,1331,9 -5507,1,0,1440,12 -5509,1,0,1651,11 -5511,1,0,1422,9 -5513,1,1,0018,10 -5514,1,0,1803,20 -5517,1,0,1948,13 -5521,1,0,2104,21 -5522,1,0,2125,11 -5524,1,0,2057,14 -5528,1,0,1811,13 -5531,1,1,1634,5 -5532,1,0,2230,13 -5534,1,0,0525,9 -5536,1,1,0940,10 -5537,1,1,0630,5 -5538,1,0,1410,9 -5539,1,0,0331,11 -5540,1,0,1250,20 -5541,1,0,1125,12 -5542,1,0,1148,10 -5543,1,0,1805,16 -5544,1,0,1706,11 -5545,1,0,2123,12 -5547,1,0,1235,15 -5549,1,0,2159,5 -5556,1,0,1933,12 -5557,1,0,2211,14 -5559,1,0,2319,22 -5560,1,0,1830,18 -5562,1,0,1940,11 -5567,1,0,1854,12 -5568,1,0,1604,10 -5572,1,0,1926,11 -5573,1,0,1503,11 -5574,1,0,1708,13 -5575,1,0,0235,23 -5576,1,0,1314,20 -5577,1,0,0804,21 -5578,1,0,1757,12 -5579,1,0,0950,12 -5580,1,0,1200,9 -5582,1,0,2006,30 -5584,1,1,0001,12 -5586,1,0,2132,14 -5586,2,1,0451,11 -5586,3,6,0946,10 -5587,1,0,2103,15 -5588,1,0,2350,11 -5590,1,0,2253,12 -5593,1,0,2025,15 -5594,1,0,2222,12 -5595,1,0,2250,7 -5596,1,1,0545,11 -5598,1,0,0649,12 -5599,1,0,0230,5 -5600,1,0,2248,12 -5601,1,0,1608,13 -5603,1,0,1637,4 -5605,1,0,1630,12 -5608,1,0,1833,10 -5609,1,0,1625,9 -5612,1,1,0645,7 -5613,1,0,2029,21 -5615,1,0,2311,15 -5616,1,1,0400,8 -5619,1,0,0025,8 -5620,1,0,1817,12 -5621,1,0,1459,16 -5624,1,0,1455,13 -5625,1,0,2010,7 -5626,1,0,2200,22 -5628,1,1,0340,7 -5630,1,0,1810,12 -5632,1,1,0550,13 -5633,1,0,1928,8 -5634,1,0,1743,11 -5637,1,0,2128,10 -5643,1,0,2100,16 -5644,1,0,2143,14 -5645,1,0,1822,15 -5647,1,0,0434,7 -5649,1,0,2335,13 -5651,1,0,1629,12 -5653,1,0,0410,7 -5655,1,0,1600,14 -5657,1,0,1954,10 -5658,1,0,1609,10 -5660,1,0,2300,9 -5661,1,0,1920,7 -5663,1,0,1900,20 -5668,1,0,0839,15 -5668,2,2,0606,5 -5669,1,0,1030,9 -5671,1,1,0026,11 -5674,1,0,2244,12 -5675,1,0,1739,21 -5676,1,0,1930,11 -5680,1,0,1330,15 -5684,1,0,1553,12 -5687,1,0,1935,21 -5688,1,0,1723,8 -5689,1,0,1810,8 -5690,1,1,0625,10 -5692,1,0,1322,20 -5693,1,0,2255,11 -5694,1,0,1033,14 -5696,1,0,1429,11 -5698,1,0,2139,15 -5700,1,0,2010,5 -5701,1,0,2005,14 -5704,1,2,1010,6 -5705,1,0,1827,10 -5707,1,0,0700,15 -5709,1,0,2240,7 -5710,1,0,1940,11 -5711,1,0,1837,15 -5713,1,0,1005,11 -5714,1,0,1715,13 -5715,1,0,2337,16 -5720,1,0,0848,13 -5724,1,0,1536,13 -5725,1,0,1615,15 -5727,1,0,0838,11 -5731,1,0,1820,10 -5732,1,0,1626,9 -5736,1,0,2147,10 -5737,1,0,2115,19 -5738,1,0,1502,10 -5741,1,0,1615,8 -5742,1,0,2112,12 -5743,1,0,1618,12 -5744,1,0,1920,16 -5746,1,0,1700,12 -5749,1,0,0344,13 -5750,1,0,2049,8 -5751,1,0,1448,13 -5752,1,1,0620,10 -5754,1,1,0130,8 -5754,2,1,0500,6 -5754,3,2,0452,8 -5757,1,0,0130,10 -5758,1,0,1830,13 -5759,1,0,1315,9 -5760,1,0,1410,8 -5763,1,0,1439,15 -5764,1,0,1433,14 -5765,1,0,1832,7 -5766,1,1,0028,15 -5767,1,0,1601,9 -5770,1,3,0435,9 -5771,1,0,1605,12 -5775,1,0,1225,10 -5776,1,0,1950,18 -5778,1,0,2034,16 -5779,1,0,1923,18 -5782,1,0,1420,14 -5783,1,0,1922,16 -5784,1,1,0410,8 -5785,1,0,1338,13 -5786,1,0,1520,14 -5787,1,0,1533,11 -5789,1,0,2230,19 -5792,1,0,1830,9 -5797,1,0,2052,10 -5799,1,0,0850,8 -5800,1,0,1315,7 -5802,1,0,1342,5 -5804,1,1,0535,9 -5807,1,1,0550,12 -5808,1,0,0650,7 -5809,1,0,1657,12 -5810,1,0,2050,8 -5811,1,0,2352,12 -5812,1,0,1625,13 -5815,1,0,1417,4 -5816,1,0,1923,12 -5817,1,1,0351,9 -5820,1,0,2005,13 -5821,1,0,1545,13 -5823,1,0,1614,13 -5824,1,0,1219,13 -5826,1,0,2008,17 -5830,1,1,0615,18 -5833,1,0,1905,15 -5835,1,0,2019,8 -5836,1,0,2051,21 -5837,1,0,0140,12 -5842,1,0,2140,11 -5843,1,0,2128,15 -5844,1,0,1755,11 -5846,1,0,1515,17 -5847,1,1,0445,7 -5848,1,1,0315,14 -5850,1,-3,2350,21 -5852,1,0,2116,12 -5853,1,0,2048,11 -5857,1,0,1836,10 -5858,1,0,2058,13 -5860,1,0,2210,17 -5861,1,0,1941,13 -5863,1,0,1652,12 -5863,2,1,0639,8 -5865,1,0,2312,9 -5866,1,0,2335,16 -5868,1,0,2338,7 -5869,1,0,2228,7 -5870,1,1,0043,8 -5872,1,0,2230,15 -5875,1,0,2200,17 -5879,1,1,0242,11 -5885,1,0,1851,13 -5886,1,0,0033,11 -5889,1,0,2144,10 -5894,1,0,0753,14 -5895,1,0,1440,13 -5898,1,0,2025,6 -5899,1,0,1731,9 -5901,1,0,1545,26 -5904,1,0,1920,14 -5905,1,0,2130,12 -5906,1,0,1946,13 -5907,1,0,2000,10 -5909,1,1,1415,6 -5910,1,0,1855,14 -5911,1,0,0937,12 -5913,1,0,2245,20 -5914,1,0,1046,10 -5915,2,0,0955,8 -5916,1,0,0726,12 -5921,1,0,2058,7 -5922,1,0,1705,9 -5923,1,0,1945,8 -5928,1,0,2107,17 -5929,1,0,0405,13 -5930,1,0,2304,9 -5931,1,0,0838,7 -5932,1,1,0315,8 -5935,1,0,1636,11 -5936,1,0,1734,8 -5938,1,0,2009,14 -5942,1,0,1445,9 -5943,1,0,2005,18 -5946,1,0,1840,15 -5949,1,1,0610,6 -5950,1,0,1404,21 -5951,1,0,1942,9 -5953,1,0,0439,12 -5954,1,0,2327,21 -5957,1,0,2144,17 -5958,1,1,0020,16 -5959,1,0,1820,12 -5960,1,0,1839,14 -5961,1,0,1714,15 -5962,1,0,1926,9 -5963,1,0,1920,15 -5964,1,0,1611,11 -5967,1,0,2108,17 -5968,1,0,2250,9 -5969,1,0,2203,9 -5974,1,0,2100,10 -5976,1,0,0945,12 -5978,1,1,0133,11 -5982,1,1,0206,13 -5983,1,1,0525,12 -5984,1,0,1055,9 -5985,1,1,0623,11 -5986,1,0,1235,13 -5988,1,0,0055,13 -5989,1,0,2339,21 -5990,1,0,2002,12 -5992,1,0,1950,14 -5995,1,0,2001,8 -5996,1,1,0330,15 -5997,1,0,1655,11 -5998,1,0,0530,16 -5999,1,0,0319,15 -6000,1,0,0957,14 -6001,1,0,1630,12 -6002,1,1,0000,11 -6003,1,0,0810,12 -6004,1,0,2005,14 -6005,1,0,1845,13 -6007,1,0,1930,18 -6009,1,0,2034,5 -6011,1,0,1924,16 -6015,1,0,1356,6 -6016,1,1,0057,11 -6019,1,1,0455,14 -6022,1,0,2205,9 -6023,1,0,1739,11 -6024,1,1,0530,14 -6025,1,0,2040,11 -6026,1,1,0530,6 -6027,1,0,0420,5 -6028,1,0,1750,13 -6030,1,0,2035,10 -6032,1,1,0820,16 -6033,1,0,2230,12 -6034,1,0,1911,13 -6035,1,0,1944,14 -6037,1,1,0600,6 -6038,1,0,1919,9 -6040,1,0,1213,13 -6041,1,0,2315,9 -6044,1,0,1925,8 -6046,1,0,1722,11 -6047,1,0,2350,19 -6049,1,0,2145,11 -6050,1,0,2315,15 -6051,1,0,1415,14 -6052,1,0,1115,13 -6054,1,0,1730,23 -6058,1,0,0052,7 -6060,1,0,2225,6 -6064,1,0,1713,11 -6065,1,0,2120,7 -6066,1,0,1524,13 -6068,1,0,1306,7 -6070,1,0,2258,11 -6071,1,0,1255,18 -6075,1,0,1855,19 -6077,1,0,0922,12 -6082,1,0,1950,10 -6083,1,0,1706,13 -6084,1,0,2130,25 -6088,1,0,1345,12 -6089,1,1,0520,6 -6091,1,0,1840,13 -6092,1,0,1438,8 -6093,1,0,1615,19 -6093,2,1,1924,8 -6095,1,1,1045,9 -6096,1,0,1748,10 -6097,1,0,1551,13 -6098,1,0,1937,9 -6101,1,0,1710,13 -6104,1,1,0600,6 -6106,1,1,0605,18 -6109,1,0,1610,12 -6110,1,0,1212,12 -6112,1,0,1535,10 -6113,1,0,1929,12 -6114,1,0,2123,17 -6115,1,0,2201,12 -6116,1,1,0025,11 -6117,1,0,1731,14 -6118,1,0,1401,8 -6120,1,0,2315,16 -6121,1,0,2130,16 -6122,1,0,0145,11 -6123,1,1,0430,9 -6125,1,0,2041,15 -6128,1,0,1133,9 -6129,1,4,1840,7 -6131,1,0,1255,14 -6132,1,0,2247,10 -6133,1,0,1836,11 -6134,1,0,1458,9 -6136,1,0,1841,13 -6140,1,0,2235,19 -6141,1,0,1221,16 -6142,1,0,2022,12 -6143,1,0,1552,8 -6144,1,1,0510,4 -6146,1,0,2044,7 -6147,1,0,1940,15 -6148,1,0,1859,9 -6149,1,0,1931,7 -6150,1,0,2025,19 -6151,1,0,1700,11 -6157,1,0,1949,17 -6161,1,0,2036,17 -6162,1,1,0430,9 -6162,2,1,1408,8 -6162,3,1,1955,6 -6164,1,1,0725,7 -6166,1,1,0450,9 -6167,1,0,2245,11 -6169,1,0,2020,15 -6170,1,0,1619,10 -6171,1,0,2126,15 -6172,1,1,0420,10 -6174,1,0,2254,19 -6176,1,0,1927,10 -6178,1,0,2350,9 -6180,1,0,2313,11 -6181,1,0,1545,14 -6182,1,0,1142,14 -6186,1,0,1303,10 -6189,1,1,0031,10 -6190,1,0,1150,9 -6193,1,0,2005,9 -6196,1,0,1840,17 -6199,1,0,1912,11 -6200,1,0,1610,10 -6201,1,0,2102,9 -6202,1,0,1908,12 -6205,1,0,1828,15 -6206,1,0,1927,10 -6207,1,0,1300,9 -6208,1,0,1617,10 -6210,1,0,1240,7 -6211,1,0,1835,15 -6215,1,0,0115,10 -6216,1,0,2032,17 -6217,1,0,2255,12 -6218,1,1,0115,7 -6224,1,0,2013,14 -6225,1,0,1647,11 -6229,1,1,0126,13 -6231,1,0,1743,12 -6232,1,0,2055,10 -6233,1,0,2330,11 -6234,1,0,2235,15 -6235,1,3,0354,4 -6236,1,0,0634,9 -6240,1,0,1920,12 -6241,1,0,1353,18 -6247,1,0,0108,12 -6250,1,1,0325,14 -6252,1,1,0350,8 -6255,1,0,1839,17 -6256,1,0,2010,13 -6257,1,0,1433,15 -6260,1,0,2119,16 -6261,1,0,0809,11 -6263,1,0,0110,11 -6264,1,0,1347,15 -6267,1,0,2240,21 -6269,1,0,1805,13 -6271,1,0,2230,17 -6272,1,0,2027,12 -6274,1,0,1831,9 -6275,1,0,1946,5 -6276,1,0,0300,8 -6278,1,0,1930,17 -6284,1,0,0708,15 -6285,1,0,0347,17 -6287,1,0,1920,10 -6288,1,0,1200,9 -6289,1,0,0323,13 -6290,1,0,2012,12 -6291,1,1,1705,10 -6292,1,1,0056,12 -6293,1,4,0759,7 -6295,1,0,2040,13 -6297,1,1,0005,18 -6298,1,0,1515,10 -6302,1,0,1330,38 -6303,1,0,1800,12 -6311,1,1,0540,11 -6316,1,0,1625,19 -6318,1,0,1949,19 -6320,1,0,1145,8 -6321,1,0,1405,9 -6322,1,0,1843,10 -6323,1,0,1630,9 -6325,1,0,2225,10 -6327,1,0,1930,13 -6328,1,0,1855,14 -6330,1,0,2359,15 -6332,1,1,0239,9 -6333,1,0,2103,15 -6335,1,0,0946,15 -6336,1,0,1612,9 -6337,1,0,2121,11 -6338,1,0,2055,10 -6339,1,0,1929,15 -6340,1,0,0916,11 -6341,1,1,0600,10 -6342,1,0,1756,10 -6343,1,0,1920,14 -6345,1,0,1528,9 -6347,1,0,2350,11 -6350,1,0,0045,12 -6355,1,0,1241,10 -6359,1,0,1045,12 -6362,1,0,2049,15 -6363,1,0,2127,11 -6367,1,0,1815,15 -6368,1,0,2207,20 -6369,1,0,1758,6 -6370,1,0,2108,11 -6371,1,0,1506,48 -6372,1,0,1741,12 -6373,1,0,1330,7 -6375,1,0,1730,20 -6379,1,0,1213,17 -6380,1,1,0322,8 -6381,1,0,2130,12 -6382,1,0,1850,11 -6383,1,0,1943,17 -6384,1,0,1813,8 -6385,1,0,1128,11 -6386,1,0,1137,9 -6387,1,0,1652,10 -6388,1,0,1840,9 -6389,1,0,2046,10 -6391,1,0,1315,18 -6392,1,0,2207,15 -6393,1,0,1510,12 -6394,1,0,2357,9 -6395,1,1,0148,8 -6398,1,1,0146,12 -6399,1,0,1928,21 -6400,1,1,0655,5 -6401,1,0,1345,15 -6402,1,1,0540,11 -6405,1,0,2233,22 -6406,1,0,1233,14 -6406,2,0,1532,12 -6406,3,0,2253,9 -6407,1,0,2015,13 -6409,1,1,0340,13 -6410,1,1,1014,7 -6411,1,0,1830,14 -6412,1,0,1710,11 -6415,1,1,0415,8 -6417,1,0,1753,11 -6418,1,0,1230,10 -6421,1,1,0600,5 -6422,1,3,2013,19 -6423,1,0,1805,14 -6425,1,0,1309,10 -6426,1,0,1319,8 -6427,1,1,0020,15 -6428,1,0,2203,14 -6430,1,0,1338,14 -6431,1,0,1957,9 -6432,1,0,2300,12 -6433,1,0,1328,9 -6435,1,5,1130,10 -6436,1,0,1630,17 -6439,1,0,2315,12 -6440,1,0,2055,14 -6441,1,1,0315,9 -6442,1,0,1424,15 -6445,1,0,0008,8 -6447,1,1,0006,18 -6448,1,1,0620,6 -6449,1,0,1930,11 -6451,1,0,1722,15 -6454,1,0,1909,11 -6456,1,1,0012,12 -6457,1,0,1554,15 -6462,1,0,0455,6 -6464,1,0,0250,18 -6466,1,0,1500,15 -6473,1,0,0640,15 -6474,1,0,1856,18 -6477,1,0,2117,17 -6479,1,0,0918,11 -6483,1,0,2322,14 -6484,1,0,2214,17 -6485,1,0,1915,10 -6487,1,0,0012,12 -6490,1,0,1434,10 -6491,1,1,0550,6 -6492,1,0,1948,14 -6495,1,0,1412,15 -6496,1,1,0006,7 -6497,1,0,1609,16 -6498,1,0,1728,17 -6500,1,0,2123,16 -6501,1,0,1830,12 -6504,1,0,1850,14 -6505,1,0,1633,10 -6506,1,0,1828,17 -6507,1,0,2210,9 -6508,1,0,1440,8 -6510,1,0,1840,19 -6511,1,0,0800,14 -6514,1,1,0610,10 -6515,1,0,1327,15 -6516,1,1,0441,9 -6517,1,0,0230,20 -6519,1,0,1520,10 -6522,1,0,0715,6 -6525,1,0,1710,9 -6526,1,0,0645,7 -6527,1,0,2344,19 -6528,1,0,1717,10 -6529,1,1,1443,7 -6533,1,0,1000,12 -6536,1,0,1721,11 -6537,1,0,2105,7 -6539,1,0,1328,19 -6541,1,0,0040,18 -6542,1,0,1113,13 -6543,1,1,1110,6 -6548,1,0,2217,24 -6549,1,0,0042,11 -6551,1,0,0121,14 -6553,1,0,1500,9 -6557,1,0,0255,7 -6560,1,0,1119,13 -6564,1,1,0000,10 -6565,1,0,1600,10 -6572,1,1,0550,11 -6573,1,0,1620,15 -6574,1,0,1350,17 -6575,1,0,2157,13 -6576,1,0,1822,14 -6578,1,0,1528,11 -6579,1,0,2024,8 -6581,1,0,2325,15 -6582,1,0,1113,10 -6583,1,0,1930,14 -6584,1,0,1919,14 -6586,1,0,2355,20 -6588,1,0,1901,6 -6589,1,0,0930,17 -6591,1,0,2034,9 -6593,1,0,2002,14 -6594,1,0,2200,14 -6595,1,0,1424,12 -6596,1,0,1357,13 -6597,1,0,0855,7 -6599,1,0,0934,10 -6600,1,0,2220,15 -6602,1,0,2112,14 -6603,1,0,1755,14 -6604,1,0,0455,12 -6605,1,0,1545,12 -6606,1,0,2230,9 -6607,1,0,1828,11 -6614,1,0,2234,11 -6615,1,1,0720,10 -6617,1,0,1830,20 -6619,1,0,1520,10 -6628,1,0,1707,11 -6629,1,0,1700,16 -6630,1,0,1940,13 -6631,1,0,1730,12 -6635,1,0,0020,12 -6636,1,0,1705,10 -6637,1,0,0226,10 -6638,1,0,0220,11 -6639,1,0,0835,12 -6642,1,0,0744,8 -6643,1,0,0125,10 -6644,1,0,1521,15 -6646,1,0,1214,6 -6647,1,0,1700,20 -6648,1,0,0502,11 -6650,1,0,2042,6 -6652,1,0,2059,8 -6653,1,1,0015,10 -6656,1,0,1306,13 -6660,1,0,1656,17 -6661,1,0,0243,8 -6664,1,0,1400,9 -6667,1,0,1832,6 -6669,1,0,1808,15 -6672,1,0,2215,13 -6673,1,0,2306,15 -6674,1,0,2030,14 -6676,1,0,2134,18 -6677,1,0,2203,17 -6680,1,0,0231,12 -6681,1,0,1905,16 -6684,1,0,1910,16 -6685,1,0,1715,12 -6690,1,1,0705,9 -6691,1,0,2001,10 -6694,1,1,0639,8 -6698,1,0,1950,11 -6700,1,1,0035,20 -6701,1,0,1055,8 -6702,1,0,0640,8 -6704,1,0,2050,17 -6705,1,0,2240,5 -6707,1,0,1440,11 -6708,1,0,1509,16 -6713,1,0,2105,12 -6714,1,0,0900,6 -6715,1,0,1930,15 -6718,1,0,1431,10 -6721,1,0,0146,6 -6722,1,0,1232,10 -6723,1,0,1157,9 -6724,1,0,0118,14 -6725,1,0,2345,17 -6726,1,0,2100,22 -6728,1,0,2335,8 -6730,1,0,2220,12 -6734,1,0,1159,11 -6735,1,0,1235,13 -6736,1,0,1630,9 -6737,1,0,1025,10 -6741,1,1,0017,12 -6742,1,1,0030,12 -6743,1,1,0235,17 -6744,1,1,0546,8 -6744,2,0,1944,10 -6745,1,0,2018,10 -6748,1,0,2200,11 -6749,1,0,1340,22 -6750,1,0,1401,17 -6751,1,0,1635,15 -6756,1,0,2311,9 -6758,1,0,1730,12 -6760,1,0,1550,13 -6766,1,0,1703,8 -6767,1,0,1455,15 -6768,1,0,1000,16 -6769,1,0,1613,14 -6773,1,0,0030,16 -6775,1,0,1730,14 -6776,1,0,0558,5 -6778,1,0,1835,15 -6779,1,0,1853,13 -6784,1,0,1404,14 -6790,1,0,1230,13 -6790,2,1,0435,6 -6792,1,0,1515,9 -6795,1,0,1744,8 -6797,1,0,1121,5 -6798,1,0,2026,16 -6799,1,0,1543,4 -6802,1,0,1627,15 -6804,1,0,0840,11 -6805,1,1,0045,14 -6809,1,0,0123,13 -6810,1,0,1654,15 -6814,1,0,2110,14 -6815,1,0,2030,8 -6816,1,0,1903,11 -6817,1,0,1550,6 -6819,1,0,1934,16 -6820,1,0,1540,13 -6821,1,0,0608,14 -6823,1,0,2205,15 -6824,1,0,2346,14 -6826,1,0,1757,12 -6827,1,0,1824,7 -6829,1,0,1110,11 -6830,1,0,2235,13 -6837,1,0,1428,9 -6841,1,0,1244,16 -6842,1,0,1303,12 -6843,1,0,2001,9 -6846,1,0,2132,12 -6848,1,0,2109,11 -6853,1,0,0110,8 -6854,1,0,2213,7 -6857,1,0,0325,7 -6858,1,0,2133,17 -6860,1,0,1021,14 -6861,1,0,2150,16 -6862,1,0,2020,18 -6864,1,0,1835,12 -6865,1,0,0858,8 -6869,1,0,0824,12 -6872,1,0,0747,10 -6873,1,0,0908,9 -6874,1,1,1050,7 -6875,1,0,1759,15 -6876,1,0,2007,8 -6877,1,0,0045,13 -6878,1,0,2141,12 -6879,1,0,1852,16 -6881,1,0,2000,12 -6882,1,0,0703,5 -6886,1,0,0050,16 -6888,1,0,0941,7 -6890,1,1,0014,14 -6891,1,1,0356,8 -6894,1,0,2155,6 -6895,1,0,2145,9 -6898,1,0,1853,17 -6900,1,0,2054,12 -6903,1,0,1908,14 -6904,1,0,1600,17 -6905,1,0,1855,7 -6910,1,0,1430,12 -6914,1,0,1622,16 -6915,1,0,0816,21 -6916,1,0,2045,10 -6917,1,0,1802,11 -6918,1,1,0540,9 -6919,1,0,1753,12 -6920,1,0,1715,18 -6921,1,0,1530,13 -6922,1,0,1817,12 -6924,1,0,1439,12 -6926,1,0,1138,14 -6927,1,0,1540,12 -6929,1,0,1850,15 -6935,1,0,1221,9 -6936,1,1,0525,11 -6937,1,0,1430,14 -6939,1,0,1655,4 -6940,1,0,0624,10 -6944,1,0,1307,19 -6946,1,0,1846,15 -6947,1,0,1652,10 -6948,1,0,1249,9 -6949,1,0,1821,19 -6957,1,0,1143,13 -6959,1,0,1724,9 -6960,1,0,1628,8 -6961,1,2,0555,14 -6962,1,0,2043,12 -6963,1,0,0251,14 -6966,1,0,1900,14 -6967,1,1,0012,8 -6970,1,0,2038,6 -6972,1,0,1210,16 -6973,1,0,1057,9 -6974,1,0,2145,14 -6975,1,1,0605,15 -6977,1,0,1959,9 -6979,1,0,2110,16 -6980,1,0,2130,19 -6981,1,0,1925,19 -6983,1,0,1846,8 -6985,1,0,1820,10 -6986,1,0,2350,19 -6987,1,0,1420,10 -6988,1,0,1619,12 -6992,1,0,1650,11 -6995,1,0,1415,10 -6996,1,0,1720,9 -6997,1,0,2146,10 -6998,1,0,1703,7 -7001,1,0,1801,21 -7003,1,0,1749,17 -7004,1,0,1629,9 -7008,1,0,1904,18 -7009,1,0,1950,12 -7010,1,0,0016,8 -7011,1,0,1816,13 -7015,1,0,2212,12 -7017,1,0,2355,10 -7018,1,0,1842,16 -7020,1,0,2328,7 -7021,1,0,1306,7 -7024,1,0,0140,13 -7025,1,0,1520,14 -7027,1,0,2213,12 -7028,1,0,0155,11 -7029,1,1,0410,14 -7030,1,0,2325,7 -7031,1,1,0410,13 -7032,1,0,2113,15 -7033,1,0,1640,16 -7034,1,0,1515,11 -7035,1,0,1638,12 -7037,1,0,2109,24 -7038,1,0,2001,15 -7044,1,0,0140,7 -7045,1,0,2252,18 -7046,1,0,0955,10 -7050,1,0,2219,26 -7051,1,1,0105,8 -7053,1,0,2300,11 -7056,1,0,1738,9 -7060,1,0,1526,12 -7061,1,0,2054,11 -7062,1,0,0915,16 -7064,1,0,0627,14 -7067,1,1,0011,17 -7070,1,0,2341,18 -7071,1,0,1942,10 -7072,1,0,1647,21 -7074,1,0,1545,11 -7075,1,0,1305,14 -7078,1,0,1300,17 -7079,1,0,2235,13 -7082,1,0,1653,21 -7083,1,0,2242,12 -7084,1,0,1220,11 -7087,1,0,1940,13 -7092,1,0,2000,11 -7094,1,0,2226,12 -7095,1,0,1630,9 -7096,1,0,1845,14 -7097,1,0,0215,16 -7101,1,0,1202,10 -7102,1,0,1630,16 -7103,1,0,0618,9 -7104,1,0,1902,7 -7105,1,0,1640,12 -7109,1,0,1540,9 -7110,1,1,0600,6 -7113,1,0,1718,13 -7114,1,0,1934,7 -7115,1,0,1748,15 -7118,1,0,1747,12 -7119,1,0,1507,13 -7122,1,0,1733,20 -7123,1,0,1850,10 -7124,1,0,0034,11 -7126,1,0,0851,17 -7127,1,0,0853,8 -7129,1,0,2235,6 -7130,1,0,1608,17 -7131,1,1,0615,13 -7134,1,0,2013,14 -7135,1,1,0000,11 -7136,1,1,0220,13 -7138,1,0,0020,11 -7140,1,0,0530,8 -7142,1,0,0730,8 -7145,1,0,1000,9 -7146,1,0,1915,12 -7150,1,0,0736,20 -7151,1,1,0440,9 -7152,1,0,1411,9 -7153,1,0,2137,18 -7154,1,0,1935,13 -7157,1,0,1424,19 -7158,1,0,1520,10 -7159,1,0,2120,9 -7163,1,0,2005,10 -7165,1,0,2230,10 -7166,1,0,1400,14 -7167,1,0,1936,13 -7169,1,1,0550,7 -7170,1,0,1429,14 -7171,1,0,2000,13 -7175,1,0,0940,17 -7177,1,0,2317,14 -7181,1,0,2120,11 -7184,1,0,1836,16 -7185,1,0,1807,8 -7186,1,0,2045,20 -7188,1,0,1703,13 -7189,1,0,1703,8 -7195,1,0,2030,16 -7199,1,1,0004,16 -7200,1,0,1213,11 -7202,1,0,2126,14 -7203,1,0,0910,12 -7205,1,0,1227,14 -7207,1,0,0843,3 -7208,1,0,2256,11 -7211,1,0,2335,13 -7212,1,0,1935,13 -7213,1,0,2030,15 -7214,1,0,1137,12 -7215,1,0,1350,16 -7217,1,0,0810,9 -7219,1,0,1137,19 -7220,1,0,2131,12 -7221,1,0,2028,13 -7224,1,0,0930,12 -7225,1,0,0810,16 -7226,1,0,2250,16 -7227,1,0,2323,8 -7228,1,0,1202,14 -7229,1,0,1603,8 -7230,1,0,2040,16 -7234,1,0,1840,17 -7235,1,0,2230,9 -7237,1,0,0217,13 -7238,1,0,2120,15 -7240,1,0,1501,13 -7241,1,0,1607,13 -7243,1,0,1452,9 -7244,1,0,2114,15 -7245,1,0,2047,12 -7247,1,0,0919,10 -7248,1,2,0020,7 -7249,1,0,1740,12 -7250,1,0,1945,15 -7251,1,0,0026,14 -7252,1,0,1948,10 -7253,1,1,0400,10 -7255,1,0,2030,18 -7256,1,0,1400,21 -7257,1,0,1918,12 -7258,1,0,1011,13 -7259,1,0,1539,19 -7260,1,0,2045,14 -7261,1,0,2250,8 -7263,1,0,1755,14 -7264,1,1,0030,10 -7265,1,0,2240,12 -7266,1,0,0437,9 -7267,1,0,2000,9 -7270,1,0,2315,14 -7271,1,1,0237,9 -7274,1,0,1839,7 -7275,1,0,1838,14 -7276,1,0,0703,18 -7277,1,0,1252,14 -7278,1,0,1505,16 -7279,1,1,0600,12 -7281,1,0,1700,9 -7282,1,0,1204,7 -7285,1,0,1630,8 -7287,1,0,2230,16 -7288,1,0,2227,10 -7292,1,1,0030,12 -7294,1,0,1651,9 -7295,1,0,0920,10 -7296,1,0,0515,9 -7299,1,0,0104,7 -7300,1,0,1913,14 -7302,1,0,1712,13 -7303,1,0,1826,18 -7304,1,0,1300,11 -7305,1,0,0818,9 -7308,1,0,1719,15 -7312,1,0,1605,19 -7313,1,0,1712,11 -7316,1,0,1614,13 -7317,1,0,1142,8 -7319,1,0,2005,17 -7324,1,0,2012,13 -7325,1,0,1741,11 -7327,1,0,1000,13 -7328,1,0,2258,14 -7329,1,0,1000,16 -7332,1,0,2000,19 -7334,1,0,1457,11 -7335,1,0,1904,9 -7337,1,0,1753,9 -7342,1,0,2130,17 -7347,1,0,2220,13 -7349,1,0,1255,11 -7350,1,0,1359,16 -7353,1,1,0110,15 -7356,1,0,1945,17 -7361,1,0,2348,8 -7362,1,0,2210,11 -7363,1,1,0435,8 -7367,1,1,0415,14 -7368,1,0,1652,16 -7371,1,1,0630,8 -7372,1,1,0355,8 -7377,1,0,2104,20 -7380,1,0,1307,19 -7382,1,0,2150,13 -7383,1,0,1603,16 -7384,1,0,1550,6 -7389,1,0,1830,6 -7392,1,0,1811,11 -7394,1,0,1221,16 -7400,1,0,1512,13 -7402,1,0,1910,21 -7403,1,0,1358,11 -7404,1,0,1537,15 -7405,1,0,1536,12 -7406,1,0,1817,9 -7407,1,0,1255,6 -7408,1,1,1152,7 -7409,1,0,1924,7 -7410,1,0,1437,14 -7414,1,0,1458,16 -7415,1,0,0413,13 -7416,1,0,1835,17 -7417,1,0,2205,6 -7418,1,0,1820,11 -7420,1,0,1625,12 -7422,1,0,1732,10 -7425,1,0,2200,10 -7426,1,0,1802,15 -7428,1,0,0727,11 -7429,1,0,2115,15 -7430,1,0,1635,13 -7435,1,0,0359,16 -7436,1,1,0130,12 -7438,1,0,0253,8 -7440,1,0,1205,13 -7441,1,0,2228,12 -7443,1,0,2053,9 -7445,1,0,1656,9 -7446,1,0,1925,27 -7447,1,0,2135,19 -7449,1,0,1927,13 -7450,1,0,1910,13 -7453,1,0,1846,5 -7454,1,1,0425,9 -7455,1,1,0232,8 -7458,1,0,1715,10 -7460,1,0,1827,13 -7462,1,0,1738,6 -7464,1,0,1600,9 -7466,1,0,1916,14 -7469,1,0,1850,18 -7471,1,0,1651,12 -7475,1,0,2315,11 -7478,1,0,1823,19 -7480,1,1,0610,8 -7483,1,0,2153,21 -7484,1,0,2124,9 -7486,1,0,1320,8 -7487,1,1,0140,11 -7490,1,0,1724,7 -7491,1,0,1457,14 -7492,1,0,1611,10 -7493,1,0,1720,8 -7495,1,0,1458,14 -7496,1,0,2137,18 -7497,1,0,1800,19 -7498,1,0,0247,16 -7499,1,0,1450,10 -7501,1,1,0613,11 -7502,1,1,0625,8 -7503,1,0,1040,14 -7504,1,0,0230,10 -7505,1,0,2346,13 -7507,1,0,0252,8 -7508,1,0,1629,14 -7509,1,0,1525,9 -7510,1,0,2010,16 -7513,1,0,1858,13 -7515,1,0,1829,19 -7517,1,0,1503,13 -7518,1,2,0513,3 -7520,1,0,2015,10 -7522,1,0,1516,16 -7524,1,0,2215,11 -7526,1,0,1853,17 -7528,1,0,2348,14 -7529,1,0,2046,18 -7530,1,0,1918,11 -7532,1,0,1752,13 -7533,1,0,1920,10 -7535,1,0,1420,14 -7537,1,0,2112,15 -7538,1,0,1620,13 -7539,1,0,2340,11 -7540,1,0,1605,7 -7541,1,0,1554,9 -7543,1,0,1831,22 -7547,1,0,1145,8 -7549,1,0,1002,12 -7551,1,1,0117,8 -7554,1,0,0200,6 -7555,1,0,1625,12 -7556,1,0,1438,16 -7557,1,0,1147,16 -7558,1,0,1643,10 -7560,1,0,1330,9 -7563,1,0,2218,13 -7564,1,0,0829,15 -7565,1,1,0025,14 -7566,1,0,1110,14 -7568,1,1,0407,14 -7570,1,0,1816,15 -7572,1,0,1428,11 -7573,1,0,2113,12 -7575,1,0,1620,4 -7577,1,0,1056,11 -7578,1,0,1745,14 -7579,1,0,0845,10 -7581,1,0,1757,22 -7582,1,0,2210,9 -7583,1,0,1759,10 -7584,1,1,0126,10 -7585,1,-1,2140,5 -7586,1,0,0818,6 -7589,1,0,2106,13 -7590,1,1,0005,12 -7591,1,0,1550,12 -7592,1,-2,0455,10 -7595,1,0,1800,7 -7598,1,0,1258,10 -7599,1,1,0430,14 -7600,1,0,1830,9 -7602,1,0,1830,13 -7604,1,0,2100,11 -7607,1,0,1224,10 -7608,1,0,1857,7 -7611,1,0,0240,14 -7613,1,0,2121,9 -7614,1,0,1728,10 -7616,1,0,2050,10 -7618,1,0,1658,10 -7619,1,0,1915,9 -7620,1,0,0425,13 -7623,1,0,1728,17 -7624,1,0,1714,14 -7625,1,0,0408,16 -7626,1,0,2003,22 -7627,1,0,1534,10 -7628,1,0,1120,9 -7629,1,0,1630,13 -7630,1,0,1657,4 -7631,1,0,2114,19 -7633,1,0,1630,16 -7634,1,1,0530,9 -7636,1,0,1650,14 -7639,1,0,2100,12 -7641,1,0,1845,24 -7643,1,0,1435,20 -7644,1,0,1824,17 -7645,1,0,2330,12 -7646,1,0,1424,9 -7647,1,0,1546,9 -7648,1,0,2100,10 -7649,1,0,1521,6 -7650,1,0,1535,19 -7651,1,0,1005,21 -7653,1,0,2045,13 -7654,1,0,2021,8 -7656,1,0,1415,13 -7660,1,0,1620,15 -7661,1,0,2102,18 -7663,1,0,2149,12 -7664,1,0,1522,8 -7669,1,0,2001,18 -7671,1,0,2112,7 -7672,1,0,1524,9 -7673,1,0,1714,12 -7675,1,0,1457,18 -7676,1,0,1557,12 -7678,1,0,1736,9 -7679,1,0,2035,7 -7680,1,0,1620,9 -7682,1,2,0510,10 -7683,1,0,2316,10 -7684,1,0,1857,13 -7686,1,0,2134,9 -7687,1,0,1649,18 -7688,1,0,1959,8 -7689,1,0,0505,9 -7690,1,0,2336,10 -7694,1,0,1802,11 -7695,1,0,1646,10 -7696,1,1,1110,8 -7697,1,0,2020,8 -7698,1,0,1550,15 -7699,1,0,1716,10 -7700,1,0,1815,10 -7702,1,0,2130,9 -7703,1,0,1036,7 -7705,1,0,1001,12 -7706,1,0,1550,12 -7707,1,0,1909,14 -7708,1,1,0120,17 -7709,1,0,2245,16 -7711,1,0,2200,9 -7713,1,0,2025,16 -7715,1,1,0045,7 -7719,1,0,2234,17 -7720,1,0,1332,12 -7721,1,0,2155,18 -7723,1,0,2118,9 -7724,1,0,1358,18 -7727,1,0,0323,11 -7729,1,0,1858,14 -7732,1,0,0824,11 -7734,1,0,1635,11 -7736,1,1,0550,9 -7740,1,0,0930,9 -7742,1,0,1850,11 -7743,1,1,0530,5 -7744,1,0,1750,9 -7745,1,0,1743,16 -7746,1,0,2125,14 -7747,1,0,0430,10 -7748,1,0,1556,15 -7750,1,1,0702,7 -7752,1,3,1930,15 -7753,1,0,1850,13 -7754,1,0,1200,9 -7755,1,0,1407,6 -7756,1,0,1035,9 -7757,1,0,2230,18 -7759,1,0,1702,9 -7760,1,0,1243,12 -7761,1,0,2059,9 -7762,1,1,0409,13 -7764,1,0,1636,11 -7766,1,1,0055,11 -7767,1,0,2013,12 -7768,1,0,0442,6 -7770,1,0,1137,6 -7771,1,0,1815,14 -7772,1,0,1340,8 -7773,1,0,2257,15 -7775,1,0,0453,10 -7776,1,0,2121,14 -7777,1,0,1139,12 -7781,1,0,1814,10 -7783,1,0,1643,19 -7784,1,0,1642,15 -7785,1,0,2132,9 -7786,1,0,2057,16 -7787,1,1,0130,16 -7788,1,0,0309,11 -7790,1,0,1500,17 -7793,1,0,0820,13 -7794,1,0,1111,11 -7796,1,0,0920,12 -7799,1,0,1950,20 -7801,1,0,1516,10 -7802,1,1,0440,7 -7803,1,0,1007,21 -7804,1,0,1730,13 -7805,1,0,1745,15 -7812,1,0,1342,14 -7815,1,0,1948,9 -7816,1,0,1900,14 -7817,1,0,1906,16 -7818,1,1,0631,7 -7821,1,0,1621,15 -7822,1,0,0145,15 -7823,1,0,1613,17 -7824,1,0,1128,14 -7825,1,0,1314,14 -7826,1,0,1920,7 -7827,1,0,1828,13 -7831,1,0,1328,24 -7832,1,0,2121,13 -7833,1,0,2037,9 -7836,1,1,0115,15 -7837,1,0,1951,14 -7838,1,0,1744,10 -7839,1,0,0402,5 -7840,1,0,1921,13 -7843,1,0,1052,14 -7848,1,0,1509,7 -7850,1,0,0825,10 -7851,1,0,1951,4 -7853,1,0,1854,9 -7854,1,0,1850,10 -7855,1,0,1653,10 -7856,1,0,2030,16 -7857,1,0,0039,9 -7858,1,0,1348,13 -7859,1,0,2052,21 -7861,1,0,2037,11 -7862,1,0,1925,17 -7862,2,1,0756,11 -7863,1,0,1848,10 -7864,1,0,1911,12 -7865,1,1,0128,14 -7866,1,0,1425,14 -7867,1,0,1950,7 -7868,1,0,1510,10 -7869,1,0,2103,19 -7870,1,0,2035,19 -7871,1,0,0746,12 -7872,1,0,2250,11 -7873,1,0,2251,16 -7875,1,1,0720,14 -7877,1,0,2132,15 -7880,1,0,1050,9 -7881,1,0,1822,12 -7883,1,0,2324,12 -7887,1,0,2251,15 -7888,1,0,1618,14 -7890,1,0,2117,13 -7892,1,0,2259,8 -7893,1,0,2215,10 -7895,1,0,1045,16 -7896,1,0,1337,8 -7899,1,0,0334,8 -7900,1,0,2000,15 -7903,1,0,1658,14 -7904,1,0,1930,16 -7905,1,0,1506,12 -7907,1,0,1609,10 -7908,1,0,2225,12 -7909,1,0,1620,8 -7910,1,0,1803,11 -7911,1,0,1730,14 -7912,1,0,1810,18 -7913,1,0,0418,8 -7914,1,0,1830,9 -7916,1,0,2001,7 -7922,1,0,2300,5 -7924,1,1,0540,13 -7925,1,0,1530,14 -7926,1,0,0248,5 -7927,1,0,1725,18 -7928,1,0,2000,15 -7929,1,0,1711,17 -7930,1,0,0830,14 -7933,1,0,1815,14 -7934,1,0,2005,11 -7935,1,0,2310,8 -7937,1,0,1759,17 -7938,1,0,1655,12 -7939,1,0,1815,7 -7941,1,0,1850,8 -7944,1,0,1801,14 -7946,1,0,1639,12 -7947,1,1,0415,6 -7949,1,0,1840,12 -7950,1,1,0345,16 -7951,1,0,1425,8 -7954,1,0,2025,16 -7956,1,0,0040,8 -7957,1,0,1156,13 -7958,1,0,1245,12 -7960,1,1,0345,5 -7962,1,0,1617,9 -7963,1,0,2328,9 -7965,1,0,2238,15 -7966,1,0,2310,11 -7967,1,1,0530,11 -7969,1,0,2240,9 -7971,1,0,2040,13 -7972,1,0,2138,15 -7974,1,0,1825,8 -7979,1,0,1828,11 -7981,1,0,1523,9 -7983,1,0,2206,7 -7985,1,0,1820,12 -7986,1,0,1441,11 -7988,1,0,0300,9 -7989,1,0,1648,15 -7993,1,0,0111,12 -7995,1,0,0629,11 -7999,1,0,2032,22 -8000,1,0,0934,9 -8005,1,0,2146,10 -8008,1,0,1605,15 -8010,1,0,2010,12 -8011,1,0,0200,19 -8013,1,0,1950,10 -8014,1,0,1655,6 -8016,1,0,1815,12 -8017,1,0,2215,10 -8018,1,0,2059,10 -8019,1,0,2220,7 -8021,1,0,0816,11 -8024,1,0,2200,14 -8031,1,0,2314,12 -8032,1,0,2110,18 -8033,1,0,1530,17 -8037,1,0,2054,13 -8039,1,0,1928,9 -8040,1,0,1706,13 -8041,1,1,0030,7 -8042,1,0,0716,15 -8043,1,0,0940,14 -8045,1,0,2028,13 -8046,1,0,1801,15 -8048,1,1,0350,8 -8049,1,0,0933,15 -8051,1,0,2030,17 -8052,1,1,0038,7 -8055,1,0,1647,10 -8057,1,1,0530,7 -8059,1,0,1850,14 -8061,1,0,1948,13 -8063,1,1,0545,13 -8065,1,0,0537,12 -8068,1,0,1331,12 -8069,1,0,1046,13 -8072,1,0,2345,17 -8073,1,0,2320,7 -8075,1,0,0150,14 -8076,1,2,0545,9 -8078,1,0,1912,14 -8080,1,0,1234,8 -8081,1,0,1112,12 -8083,1,0,1745,13 -8084,1,0,1809,17 -8085,1,0,1747,14 -8086,1,0,2144,16 -8087,1,0,0159,10 -8089,1,1,1600,17 -8091,1,0,1305,10 -8092,1,0,1226,6 -8096,1,0,0050,13 -8097,1,0,1721,3 -8099,1,1,0600,14 -8099,2,1,1254,15 -8100,1,0,1842,10 -8101,1,0,1103,13 -8103,1,0,1615,12 -8106,1,0,1854,10 -8109,1,0,1810,13 -8110,1,0,2305,16 -8112,1,0,2040,14 -8113,1,0,2035,13 -8117,1,0,0856,11 -8119,1,0,1448,9 -8120,1,1,0500,5 -8122,1,0,1617,25 -8123,1,0,1745,7 -8124,1,1,0125,11 -8126,1,0,2031,20 -8127,1,0,0410,18 -8131,1,0,2200,12 -8133,1,0,1742,12 -8139,1,0,1605,8 -8141,1,0,1937,12 -8143,1,0,1357,11 -8145,1,0,2003,10 -8147,1,0,1830,15 -8150,1,1,0615,11 -8154,1,0,1932,6 -8155,1,0,0155,12 -8156,1,1,0048,15 -8159,1,0,1942,9 -8160,1,1,1350,20 -8161,1,0,1955,16 -8162,1,0,1954,11 -8163,1,0,1852,18 -8164,1,1,1139,18 -8165,1,0,1845,9 -8167,1,0,1535,6 -8169,1,0,1633,7 -8175,1,0,1653,13 -8176,1,1,0610,9 -8179,1,0,2030,19 -8180,1,0,2350,15 -8182,1,0,2345,15 -8183,1,0,1905,12 -8184,1,0,1800,12 -8186,1,1,1720,16 -8187,1,0,1819,16 -8189,1,0,1335,9 -8191,1,0,1205,11 -8192,1,1,0200,12 -8193,1,0,1808,15 -8194,1,0,1605,20 -8196,1,0,1745,13 -8198,1,1,0410,3 -8202,1,0,1709,13 -8203,1,0,2137,15 -8204,1,0,1750,10 -8205,1,1,0530,8 -8208,1,0,1521,11 -8209,1,0,1458,14 -8210,1,0,2018,22 -8212,1,0,1758,21 -8213,1,0,1920,14 -8215,1,0,1313,11 -8217,1,0,2300,8 -8220,1,0,1826,12 -8221,1,0,1420,10 -8222,1,0,1557,8 -8223,1,0,1819,12 -8225,1,0,1455,17 -8227,1,0,1530,10 -8228,1,0,1742,8 -8229,1,0,1013,9 -8233,1,0,2158,13 -8234,1,0,1746,9 -8237,1,0,1815,10 -8238,1,0,2010,19 -8239,1,0,2320,13 -8241,1,6,1020,8 -8242,1,0,2100,8 -8243,1,0,1711,15 -8245,1,0,1611,6 -8249,1,0,1549,12 -8250,1,0,1320,14 -8252,1,0,2115,15 -8254,1,0,2325,15 -8255,1,0,1644,8 -8256,1,0,2304,17 -8257,1,0,1446,15 -8258,1,0,1628,11 -8259,1,1,0500,5 -8260,1,0,2106,11 -8261,1,0,1300,16 -8262,1,0,1005,12 -8265,1,0,1536,24 -8267,1,0,2202,10 -8268,1,0,2035,13 -8271,1,1,0355,10 -8272,1,0,2223,15 -8274,1,0,1148,7 -8275,1,0,0840,10 -8276,1,0,2246,14 -8278,1,0,2014,16 -8279,1,1,0715,9 -8281,1,0,1910,14 -8281,2,1,0917,15 -8282,1,0,2215,14 -8283,1,0,1303,12 -8286,1,0,1530,7 -8288,1,0,0110,18 -8289,1,0,0922,19 -8291,1,0,1212,9 -8292,1,0,2222,17 -8293,1,0,1800,8 -8294,1,0,1715,12 -8295,1,0,2035,10 -8298,1,0,1350,12 -8299,1,0,0920,13 -8302,1,0,1825,11 -8304,1,0,1920,17 -8305,1,0,2004,12 -8306,1,0,0624,5 -8310,1,0,1615,16 -8311,1,0,2034,6 -8312,1,0,1500,18 -8315,1,0,1857,14 -8318,1,0,1830,16 -8320,1,0,1812,10 -8321,1,0,1743,17 -8322,1,0,2025,14 -8324,1,0,1800,4 -8325,1,0,1526,29 -8326,1,0,1049,15 -8328,1,0,1825,22 -8329,1,1,2350,6 -8330,1,0,1320,11 -8331,1,0,1935,15 -8333,1,0,2009,7 -8334,1,0,1402,10 -8341,1,0,1415,15 -8344,1,1,0518,11 -8349,1,0,1840,11 -8350,1,0,1400,10 -8351,1,1,0001,15 -8354,1,0,1620,16 -8355,1,0,1558,12 -8358,1,0,1445,15 -8360,1,2,1130,8 -8361,1,0,1710,14 -8362,1,0,2345,14 -8363,1,0,2130,10 -8366,1,0,2358,26 -8369,1,1,0105,10 -8370,1,0,1507,8 -8371,1,0,1837,11 -8372,1,0,0315,9 -8373,1,0,2200,6 -8377,1,1,0137,11 -8378,1,0,1058,19 -8381,1,0,0500,11 -8384,1,0,1246,11 -8386,1,4,0400,9 -8388,1,0,2042,11 -8389,1,0,1137,12 -8391,1,0,1300,10 -8393,1,0,1533,15 -8395,1,1,0700,5 -8396,1,0,1555,11 -8397,1,0,1330,12 -8399,1,0,1555,9 -8400,1,0,1440,14 -8401,1,0,2039,10 -8402,1,0,1930,15 -8403,1,0,2055,16 -8404,1,0,2327,14 -8405,1,0,0704,12 -8408,1,1,0700,7 -8411,1,0,0158,10 -8412,1,0,0326,14 -8414,1,0,2210,12 -8417,1,0,2000,10 -8420,1,0,1825,18 -8422,1,0,2019,14 -8425,1,0,0415,8 -8428,1,0,1847,11 -8429,1,0,1615,10 -8432,1,0,2107,14 -8435,1,0,1911,18 -8436,1,3,1335,5 -8438,1,0,2153,7 -8439,1,0,2201,9 -8440,1,1,0508,7 -8441,1,0,1115,13 -8443,1,0,1208,15 -8444,1,0,1800,10 -8446,1,0,1700,14 -8447,1,0,1926,12 -8450,1,0,1703,6 -8451,1,0,1247,8 -8453,1,0,1731,19 -8455,1,0,1448,9 -8457,1,0,1930,10 -8458,1,0,0855,37 -8460,1,0,1120,7 -8461,1,0,0927,8 -8462,1,0,1326,20 -8466,1,0,1830,9 -8469,1,0,0943,18 -8469,2,0,1015,19 -8471,1,1,0600,10 -8475,1,0,1707,12 -8476,1,0,1550,11 -8481,1,0,2243,10 -8482,1,0,0714,8 -8483,1,0,0643,20 -8485,1,0,1412,9 -8487,1,1,0410,13 -8488,1,1,0130,8 -8489,1,0,2125,10 -8490,1,0,0218,15 -8492,1,0,2123,12 -8493,1,0,0735,14 -8494,1,0,1130,13 -8496,1,0,0300,11 -8498,1,0,1520,6 -8499,1,0,2211,14 -8500,1,0,2020,13 -8501,1,1,0025,7 -8502,1,0,2137,9 -8504,1,0,2224,6 -8505,1,0,1741,7 -8506,1,0,2312,14 -8507,1,0,2306,9 -8508,1,0,0330,11 -8509,1,0,1850,15 -8510,1,0,1646,16 -8513,1,0,2031,8 -8516,1,0,1200,17 -8517,1,0,1640,12 -8520,1,0,0424,9 -8522,1,0,1351,16 -8530,1,0,1316,8 -8531,1,0,1617,13 -8532,1,0,2145,8 -8533,1,0,2114,19 -8535,1,0,1335,15 -8538,1,0,2159,15 -8539,1,0,1623,11 -8540,1,0,1755,17 -8542,1,0,1800,14 -8543,1,0,1550,6 -8544,1,0,2350,11 -8545,1,0,2104,9 -8546,1,0,2310,8 -8547,1,0,1945,10 -8548,1,0,1328,19 -8549,1,0,1734,13 -8553,1,2,0036,12 -8554,1,0,0324,14 -8555,1,0,1700,15 -8558,1,0,1930,16 -8560,1,0,0552,12 -8567,1,0,1655,10 -8568,1,0,2030,15 -8569,1,0,0757,12 -8571,1,0,2028,10 -8572,1,1,0525,22 -8573,1,1,0121,13 -8574,1,0,1644,13 -8576,1,0,1540,17 -8577,1,0,2210,18 -8578,1,0,1700,9 -8580,1,0,1906,21 -8581,1,1,0629,8 -8582,1,0,2133,16 -8584,1,0,1845,11 -8586,1,0,0958,6 -8587,1,0,1841,10 -8588,1,0,2248,14 -8589,1,0,1730,15 -8590,1,0,0538,6 -8594,1,0,1753,15 -8602,1,0,2314,24 -8604,1,0,2153,9 -8605,1,1,0510,2 -8610,1,0,1754,11 -8611,1,0,1510,14 -8612,1,1,0425,10 -8616,1,0,1535,10 -8617,1,0,1548,12 -8618,1,0,1350,10 -8621,1,1,0016,13 -8624,1,0,0348,9 -8626,1,0,1050,11 -8628,1,0,1955,15 -8630,1,0,0824,11 -8634,1,0,1827,14 -8637,1,0,2210,16 -8641,1,0,1328,11 -8642,1,0,0505,14 -8643,1,0,1544,16 -8644,2,0,2037,17 -8646,1,0,1805,11 -8647,1,0,1753,12 -8648,1,0,2131,21 -8649,1,1,0500,10 -8651,1,0,1200,8 -8653,1,0,1830,8 -8656,1,0,2015,11 -8657,1,0,2002,19 -8660,1,0,2108,10 -8663,1,0,1546,10 -8664,1,0,1939,9 -8665,1,0,2050,10 -8668,1,0,1525,10 -8670,1,0,1951,11 -8671,1,0,1908,19 -8671,2,1,1350,11 -8673,1,1,0100,14 -8674,1,0,1317,11 -8676,1,0,1250,9 -8678,1,0,0123,8 -8680,1,0,1600,10 -8683,1,0,1852,7 -8690,1,0,2155,12 -8692,1,0,1510,14 -8694,1,0,1722,15 -8695,1,0,1932,18 -8697,1,0,1440,9 -8698,1,0,1638,8 -8699,1,0,2004,9 -8704,1,0,2300,8 -8705,1,0,1208,8 -8709,1,0,1340,16 -8711,1,0,1435,7 -8713,1,0,1557,7 -8714,1,0,1410,15 -8715,1,0,2019,7 -8716,1,0,1941,10 -8719,1,0,1117,17 -8720,1,0,0836,14 -8721,1,0,1239,11 -8722,1,0,1753,11 -8725,1,0,1430,13 -8727,1,0,0040,10 -8728,1,1,0300,4 -8730,1,0,2140,12 -8732,1,0,1430,18 -8734,1,0,1423,15 -8736,1,0,2028,12 -8737,1,0,1855,9 -8739,1,0,1918,19 -8740,1,0,2059,16 -8741,1,0,0540,8 -8743,1,0,2205,7 -8744,1,1,0210,17 -8745,1,1,0605,8 -8746,1,0,2347,9 -8747,1,0,1447,12 -8748,1,0,1756,12 -8750,1,0,1230,21 -8751,1,0,2230,22 -8754,1,0,0310,14 -8756,1,0,2100,12 -8758,1,0,2032,11 -8759,1,0,0035,14 -8760,1,0,1400,9 -8762,1,1,0505,5 -8764,1,0,2020,13 -8768,1,0,1015,8 -8769,1,0,0230,11 -8770,1,1,0600,8 -8771,1,0,1830,13 -8772,1,0,2359,13 -8776,1,0,2135,21 -8778,1,0,2009,10 -8779,1,0,1650,11 -8780,1,1,0600,14 -8783,1,0,1318,18 -8784,1,0,1100,12 -8785,1,0,2236,8 -8786,1,0,1540,10 -8787,1,0,2120,13 -8788,1,0,2353,12 -8790,1,0,1653,8 -8792,1,0,1958,17 -8793,1,0,1810,31 -8794,1,0,2332,15 -8795,1,0,2125,16 -8796,1,1,0420,10 -8798,1,0,1631,8 -8801,1,0,2248,16 -8802,1,0,0601,7 -8803,1,0,2056,12 -8805,1,0,1735,14 -8807,1,0,0203,14 -8808,1,0,1947,14 -8811,1,0,0320,14 -8814,1,0,1849,11 -8817,1,0,1501,9 -8818,1,0,1537,10 -8820,1,0,1332,11 -8821,1,0,2035,14 -8823,1,0,2156,9 -8824,1,1,0630,5 -8825,1,0,1602,8 -8827,1,0,1701,18 -8829,1,0,1614,10 -8831,1,0,2213,10 -8832,1,0,1033,14 -8834,1,0,2235,9 -8837,1,0,2100,15 -8838,1,0,2200,10 -8839,1,0,0705,5 -8840,1,0,2150,15 -8841,1,1,0548,11 -8844,1,0,1750,15 -8846,1,0,2030,8 -8848,1,0,0839,13 -8850,1,0,2042,17 -8852,1,0,1902,16 -8854,1,0,0110,10 -8856,1,0,1243,11 -8857,1,0,2000,4 -8858,1,0,1747,22 -8859,1,1,0545,7 -8863,1,0,1730,11 -8864,1,0,2135,8 -8865,1,0,1611,7 -8866,1,0,1605,13 -8867,1,0,1745,9 -8868,1,0,1520,14 -8872,1,0,2145,9 -8874,1,1,0058,21 -8875,1,0,1615,9 -8877,1,0,1707,12 -8878,1,0,0114,17 -8881,1,0,1150,13 -8882,1,0,1857,16 -8884,1,0,1316,9 -8885,1,0,1528,9 -8886,1,0,1955,21 -8887,1,0,1925,10 -8889,1,0,0246,8 -8890,1,1,0002,10 -8891,1,0,1550,12 -8893,1,0,1310,13 -8894,1,0,1447,9 -8896,1,0,1554,8 -8901,1,0,2010,13 -8904,1,0,1948,10 -8905,1,0,0724,13 -8906,1,1,0610,3 -8908,1,0,1706,17 -8909,1,0,2030,11 -8910,1,0,0730,12 -8911,1,0,0215,17 -8912,1,0,2133,9 -8913,1,0,1820,7 -8914,1,1,0015,9 -8916,1,0,1825,12 -8918,1,0,1930,11 -8920,1,0,1825,12 -8922,1,1,0410,9 -8923,1,0,1430,11 -8926,1,0,1519,13 -8929,1,0,0453,9 -8931,1,2,0621,5 -8932,1,0,2338,13 -8934,1,0,2325,15 -8938,1,0,1510,12 -8941,1,0,1616,11 -8942,1,0,1841,8 -8944,1,0,0350,10 -8945,1,0,1529,15 -8946,1,0,1942,14 -8948,1,0,1520,11 -8949,1,0,1800,14 -8954,1,0,1641,13 -8955,1,0,1700,10 -8956,1,0,1728,8 -8957,1,0,1619,8 -8958,1,0,1738,12 -8961,1,0,1315,9 -8962,1,0,1722,13 -8964,1,0,0037,13 -8965,1,0,2105,9 -8968,1,1,0110,21 -8971,1,0,1324,11 -8973,1,0,2230,11 -8974,1,0,1819,16 -8975,1,0,0903,16 -8976,1,0,1620,14 -8977,1,0,0354,9 -8982,1,0,1205,18 -8983,1,0,2032,15 -8986,1,0,2201,17 -8989,1,1,0610,8 -8990,1,0,1915,12 -8993,1,1,1200,7 -8995,1,0,2120,8 -8996,1,0,1720,17 -8997,1,0,1620,9 -8999,1,0,1702,8 -9000,1,0,1454,10 -9002,1,0,1755,11 -9004,1,0,2200,10 -9005,1,0,1240,11 -9006,1,0,1250,9 -9009,1,0,0439,8 -9010,1,0,1826,14 -9011,1,0,1430,12 -9012,1,0,1728,10 -9013,1,0,2315,16 -9014,1,0,2048,18 -9015,1,0,0957,17 -9016,1,0,1637,15 -9018,1,0,1815,16 -9019,1,0,0806,11 -9020,1,1,0520,6 -9022,1,1,0730,9 -9023,1,0,1525,12 -9024,1,0,1952,11 -9025,1,0,0205,11 -9026,1,0,1959,15 -9028,1,0,2209,5 -9030,1,0,1620,12 -9033,1,1,0555,5 -9034,1,0,1335,6 -9035,1,0,1427,11 -9036,1,0,2224,12 -9037,1,0,1520,9 -9038,1,1,0620,6 -9039,1,0,1451,16 -9042,1,0,0832,9 -9043,1,0,1411,1 -9045,1,0,1947,10 -9046,1,0,2345,11 -9048,1,0,1320,18 -9049,1,0,1750,7 -9050,1,0,1134,8 -9051,1,0,2051,12 -9052,1,0,1734,12 -9053,1,0,1729,9 -9054,1,0,1519,10 -9057,1,0,1950,19 -9061,1,0,1403,12 -9064,1,0,0932,12 -9065,1,0,1500,21 -9066,1,0,1840,8 -9069,1,0,1644,16 -9070,1,0,2000,18 -9072,1,0,1449,10 -9073,1,0,2219,9 -9074,1,0,2256,11 -9076,1,0,2303,18 -9077,1,0,2250,11 -9078,1,0,0200,9 -9080,1,0,1816,17 -9082,1,1,0310,10 -9083,1,0,1651,12 -9087,1,0,1355,15 -9088,1,0,1345,14 -9089,1,0,1811,13 -9090,1,0,1643,17 -9092,1,1,0605,10 -9093,1,0,2319,11 -9097,1,0,1619,4 -9098,1,0,1125,18 -9100,1,0,2202,13 -9101,1,0,1915,16 -9102,1,0,2215,19 -9103,1,0,2345,10 -9104,1,0,2011,10 -9108,1,0,1631,14 -9109,1,0,2132,10 -9110,1,0,2030,10 -9111,1,0,1625,13 -9112,1,0,1750,12 -9116,1,0,2024,14 -9117,1,0,2200,16 -9118,1,0,1946,12 -9124,1,0,2100,16 -9130,1,0,1605,10 -9132,1,1,0350,11 -9133,1,0,2347,17 -9134,1,0,1639,18 -9135,1,0,2111,15 -9136,1,0,1545,21 -9138,1,0,1020,13 -9139,1,1,0400,5 -9141,1,0,0958,15 -9143,1,0,2020,21 -9145,1,0,1820,16 -9146,1,0,0226,10 -9147,1,0,1909,18 -9148,1,0,0811,9 -9149,1,0,1440,11 -9150,1,0,1940,41 -9153,1,0,1340,9 -9154,1,1,0130,7 -9156,1,0,1500,12 -9158,1,0,1045,7 -9159,1,1,0350,14 -9160,1,0,1816,15 -9161,1,0,1345,10 -9162,1,0,2035,15 -9165,1,0,2313,17 -9166,1,0,2040,21 -9168,1,3,0350,11 -9168,2,6,1025,8 -9170,1,0,0400,13 -9173,1,0,0914,10 -9174,1,0,2157,5 -9177,1,0,1650,12 -9178,1,0,2008,16 -9179,1,0,1410,10 -9181,1,0,2245,10 -9185,1,0,2250,14 -9187,1,0,2050,9 -9188,1,0,1719,15 -9192,1,0,1813,11 -9193,1,0,1450,9 -9194,1,0,1814,15 -9196,1,0,1944,15 -9197,1,1,0600,6 -9198,1,1,0430,8 -9199,1,0,1906,9 -9203,1,0,1606,9 -9206,1,0,1817,10 -9207,1,0,1700,11 -9208,1,0,2315,13 -9211,1,0,1908,19 -9214,1,0,1921,20 -9215,1,0,0128,11 -9216,1,0,1809,8 -9217,1,0,2000,21 -9218,1,0,1051,12 -9221,1,0,2145,15 -9222,1,0,1341,12 -9224,1,0,0750,12 -9225,1,0,1440,14 -9226,1,0,1105,19 -9230,1,1,0610,9 -9231,1,1,0805,7 -9233,1,0,1151,13 -9233,2,1,0157,10 -9233,3,1,0702,7 -9235,1,0,1941,15 -9236,1,0,1536,11 -9237,1,0,1145,15 -9238,1,0,1734,11 -9239,1,0,1800,10 -9242,1,0,1643,11 -9243,1,0,2225,11 -9245,1,0,0547,15 -9246,1,1,0213,13 -9247,1,0,2352,10 -9248,1,0,0921,16 -9250,1,0,2220,16 -9251,1,0,1615,10 -9256,1,0,1652,6 -9257,1,0,1814,15 -9258,1,0,1356,14 -9261,1,0,1817,15 -9265,1,0,1650,12 -9266,1,0,1055,14 -9268,1,0,1802,16 -9269,1,0,1839,11 -9270,1,0,1500,13 -9271,1,0,1600,12 -9272,1,0,1557,12 -9273,1,0,1859,12 -9276,1,0,0958,16 -9277,1,0,1635,9 -9279,1,0,1916,10 -9280,1,0,2245,5 -9282,1,0,0912,15 -9282,2,1,0626,15 -9282,3,1,0924,14 -9283,1,0,2247,3 -9284,1,0,2125,17 -9285,1,0,1820,12 -9286,1,0,1214,13 -9288,1,0,1830,10 -9292,1,0,2248,8 -9293,1,0,1739,17 -9294,1,0,1450,9 -9295,1,0,0442,5 -9296,1,0,1747,17 -9298,1,0,0941,12 -9300,1,1,0448,18 -9301,1,0,1942,11 -9302,1,0,2145,13 -9305,1,0,1522,14 -9307,1,1,0034,6 -9310,1,0,0850,8 -9311,1,0,2145,13 -9312,1,1,0251,11 -9313,1,0,2129,18 -9314,1,0,1650,18 -9315,1,1,0845,12 -9316,1,0,1915,14 -9318,1,0,1645,11 -9319,1,0,2227,4 -9321,1,0,2036,18 -9322,1,1,0515,12 -9323,1,0,1616,19 -9331,1,0,2343,11 -9333,1,0,2352,8 -9335,1,0,2120,12 -9336,1,0,2052,16 -9337,1,0,1845,11 -9338,1,0,1250,11 -9340,1,0,1530,16 -9343,1,0,2205,11 -9344,1,1,0215,18 -9345,1,0,1200,13 -9346,1,0,2345,12 -9347,1,0,1740,9 -9349,1,0,1942,14 -9350,1,0,1350,6 -9351,1,0,1820,10 -9352,1,0,1700,8 -9353,1,0,1740,10 -9354,1,0,1500,11 -9355,1,0,2334,12 -9357,1,0,1600,13 -9358,1,0,2140,19 -9359,1,0,1930,14 -9361,1,0,1526,21 -9362,1,0,1643,12 -9362,2,1,0602,9 -9366,1,0,0105,15 -9369,1,0,0020,11 -9370,1,0,1950,17 -9374,1,1,0215,25 -9376,1,0,1938,20 -9378,1,0,1904,13 -9380,1,0,1753,15 -9382,1,0,1245,11 -9384,1,0,1731,12 -9386,1,0,1356,10 -9393,1,1,0400,13 -9396,1,0,1510,12 -9398,1,0,1515,13 -9399,2,0,2122,8 -9400,1,0,0025,7 -9401,1,0,1816,8 -9402,1,1,0040,11 -9405,1,0,1429,15 -9406,1,0,2035,14 -9409,1,1,0413,8 -9410,1,0,2340,6 -9411,1,0,1925,17 -9415,1,1,0230,13 -9416,1,0,1540,13 -9417,1,1,0600,8 -9418,1,0,1755,19 -9420,1,0,0457,14 -9423,1,0,1758,15 -9426,1,0,0445,8 -9432,1,0,0923,12 -9433,1,0,1222,21 -9435,1,0,1659,15 -9437,1,0,2245,14 -9438,1,0,1913,16 -9439,1,0,1428,9 -9440,1,0,2024,15 -9443,1,0,1825,18 -9444,1,0,1944,10 -9445,1,2,0530,7 -9447,1,0,1750,15 -9449,1,0,1630,15 -9451,1,0,1623,16 -9452,1,0,1712,13 -9453,1,0,2213,19 -9454,1,0,0210,14 -9457,1,0,2055,10 -9463,1,0,2332,7 -9464,1,0,1750,8 -9465,1,0,0020,7 -9466,1,0,1250,17 -9469,1,0,1556,10 -9470,1,0,1615,9 -9471,1,0,2009,9 -9475,1,0,1906,17 -9476,1,0,0740,7 -9477,1,0,2327,10 -9478,1,0,1601,12 -9479,1,0,1926,9 -9481,1,0,1827,11 -9482,1,0,1745,12 -9484,1,0,2037,9 -9485,1,1,0627,14 -9486,1,0,1820,12 -9487,1,0,2145,9 -9488,1,0,2140,8 -9490,1,0,1656,13 -9491,1,0,1809,13 -9492,1,0,1158,13 -9493,1,0,2208,13 -9494,1,1,0415,18 -9497,1,1,0355,8 -9498,1,0,1750,8 -9503,1,0,2249,17 -9504,1,0,1918,12 -9505,1,0,2110,16 -9506,1,0,0408,8 -9507,1,0,1250,15 -9508,1,0,1010,6 -9510,1,0,1900,20 -9511,1,0,1853,19 -9512,1,1,0520,8 -9514,1,0,1457,15 -9517,1,0,0316,13 -9518,1,0,2130,11 -9519,1,0,0934,10 -9521,1,0,2200,15 -9523,1,0,0249,10 -9524,1,0,1638,9 -9525,1,0,1402,15 -9526,1,0,1929,10 -9527,1,0,1733,10 -9529,1,0,1947,16 -9530,1,0,1445,16 -9531,1,0,1735,26 -9532,1,0,2121,10 -9534,1,1,1559,6 -9538,1,0,2230,11 -9539,1,0,2135,12 -9540,1,0,1848,21 -9541,1,0,1726,9 -9542,1,0,1634,10 -9548,1,0,1640,11 -9552,1,1,0545,7 -9558,1,0,2231,10 -9559,1,0,1015,8 -9560,1,0,1827,6 -9561,1,0,1023,8 -9562,1,0,1600,15 -9563,1,0,1505,14 -9567,1,0,1655,15 -9571,1,0,1600,8 -9574,1,0,1209,18 -9575,1,0,1321,15 -9576,1,0,2215,14 -9577,1,0,1259,15 -9579,1,0,1942,15 -9581,1,0,1912,6 -9584,1,1,0115,17 -9586,1,0,1732,13 -9589,1,0,2101,13 -9591,1,0,1945,12 -9592,1,0,0900,10 -9593,1,0,2330,15 -9595,1,0,2154,16 -9599,1,0,1355,10 -9601,1,0,1721,15 -9602,1,0,2017,6 -9603,1,0,2047,15 -9605,1,1,0615,6 -9609,1,0,1555,27 -9611,1,0,2301,11 -9612,1,0,1705,19 -9615,1,0,2245,10 -9620,1,0,1621,8 -9622,1,0,0447,11 -9623,1,0,1946,8 -9624,1,0,1233,11 -9626,1,0,2138,17 -9627,1,1,0555,12 -9628,1,0,1649,18 -9630,1,0,1910,12 -9631,1,1,0530,15 -9632,1,0,2027,13 -9633,1,0,1740,10 -9634,1,0,1830,11 -9636,1,0,2225,14 -9637,1,0,2150,19 -9638,1,0,2214,14 -9641,1,0,1408,12 -9642,1,1,0708,7 -9643,1,0,2022,24 -9644,1,0,2210,15 -9645,1,0,1819,11 -9648,1,0,1718,9 -9649,1,0,2215,7 -9651,1,1,0635,13 -9652,1,0,2252,8 -9657,1,0,2044,8 -9658,1,0,2215,9 -9659,1,0,1850,9 -9660,1,0,2116,7 -9661,1,0,0052,13 -9663,1,0,0954,13 -9664,1,0,2008,7 -9665,1,0,2350,12 -9666,1,0,2243,5 -9669,1,0,1035,11 -9671,1,0,1854,15 -9672,1,0,0031,4 -9673,1,0,1640,6 -9675,1,0,1345,12 -9677,1,1,2313,14 -9678,1,0,1420,17 -9679,1,1,0136,16 -9680,1,0,0015,6 -9681,1,0,0808,9 -9682,1,0,2300,22 -9683,1,0,1950,19 -9686,1,1,0600,9 -9689,1,0,2045,18 -9692,1,0,1925,9 -9697,1,0,1632,9 -9699,1,0,1238,8 -9700,1,0,1905,10 -9701,1,1,0310,8 -9703,1,0,2021,14 -9705,1,1,0600,7 -9706,1,0,1700,7 -9707,1,0,1625,9 -9711,1,0,1726,6 -9714,1,1,0231,12 -9715,1,0,1448,12 -9718,1,0,1907,14 -9723,1,0,1633,14 -9726,1,0,1705,14 -9730,1,0,1257,18 -9731,1,0,1930,17 -9734,1,0,1540,11 -9735,1,0,2033,13 -9736,1,0,1818,7 -9737,1,0,1627,16 -9739,1,0,2156,14 -9741,1,0,0110,14 -9742,1,0,1516,8 -9743,1,0,2110,14 -9751,1,0,2204,15 -9752,1,0,1206,9 -9758,1,0,1717,12 -9760,1,0,0922,8 -9765,1,0,1810,15 -9766,1,0,2119,20 -9768,1,0,1350,12 -9769,1,1,0510,14 -9772,1,0,1901,16 -9775,1,0,2215,12 -9776,1,0,1325,6 -9777,1,1,0540,12 -9778,1,0,2207,13 -9780,1,0,2300,7 -9781,1,0,1755,11 -9782,1,0,1720,14 -9784,1,0,0923,6 -9785,1,0,1815,25 -9787,1,0,0249,16 -9788,1,0,1328,11 -9790,1,0,0156,10 -9791,1,0,0821,11 -9792,1,0,1042,16 -9794,1,0,1610,17 -9795,1,1,0854,9 -9796,1,0,1703,13 -9799,1,0,0800,10 -9801,1,0,2125,7 -9804,1,0,1549,15 -9805,1,0,2119,18 -9807,1,0,0359,21 -9809,1,1,0705,12 -9813,1,1,0450,10 -9817,1,0,2017,13 -9820,1,1,0645,17 -9821,1,0,1625,16 -9822,1,0,2330,17 -9823,1,1,0045,9 -9824,1,0,2116,11 -9827,1,1,0045,5 -9828,1,0,1440,11 -9829,1,0,2131,10 -9835,1,0,1311,8 -9836,1,0,2130,19 -9837,1,0,1936,9 -9838,1,0,1910,6 -9839,1,0,1600,11 -9840,1,0,0226,16 -9841,1,0,1541,13 -9841,2,0,2149,7 -9841,3,1,0631,7 -9843,1,0,1855,14 -9844,1,0,1644,8 -9847,1,0,1850,15 -9848,1,0,1428,13 -9852,1,0,1312,15 -9853,1,0,1631,12 -9854,1,0,1120,11 -9855,1,0,0530,19 -9856,1,0,1845,10 -9858,1,0,0834,13 -9859,1,1,0012,9 -9861,1,0,1930,13 -9862,1,0,2155,10 -9864,1,0,0630,9 -9865,1,0,2200,13 -9866,1,0,0955,13 -9869,1,0,1807,14 -9870,1,0,0903,16 -9871,1,0,1930,12 -9872,1,1,0530,9 -9873,1,0,1225,10 -9874,1,0,1906,12 -9875,1,1,0405,7 -9876,1,0,1750,15 -9877,1,0,2307,13 -9878,1,0,1629,18 -9881,1,0,2024,7 -9882,1,0,1658,26 -9883,1,0,0258,9 -9884,1,0,2025,12 -9885,1,1,0555,7 -9887,1,1,0347,14 -9888,1,0,1331,13 -9889,1,1,1410,10 -9892,1,0,2115,16 -9893,1,0,1116,11 -9894,1,0,1846,13 -9897,1,0,1847,13 -9898,1,0,1700,14 -9899,1,0,1614,12 -9902,1,0,1230,10 -9904,1,0,2325,15 -9909,1,0,1451,10 -9913,1,0,2120,10 -9914,1,0,1520,8 -9915,1,0,1834,12 -9917,1,1,0534,8 -9920,1,0,2015,13 -9921,1,0,1620,17 -9923,1,1,0123,13 -9925,1,0,2339,18 -9926,1,0,2305,19 -9927,1,0,1821,11 -9928,1,0,1120,11 -9929,1,0,1754,16 -9932,1,0,1630,13 -9933,1,0,1435,7 -9934,1,0,1558,14 -9940,1,0,1754,23 -9943,1,1,0405,6 -9944,1,0,1838,8 -9947,1,0,2130,13 -9949,1,0,2225,15 -9950,1,0,0300,7 -9952,1,0,1738,14 -9953,1,0,2116,17 -9954,1,0,2040,17 -9955,1,0,1921,13 -9958,1,0,1620,8 -9961,1,0,1749,18 -9962,1,0,0445,18 -9963,1,0,1645,12 -9964,1,0,1635,11 -9966,1,0,2001,16 -9967,1,0,1855,14 -9969,1,0,1811,12 -9970,1,0,2018,16 -9971,1,0,1629,11 -9972,1,0,2126,8 -9974,1,1,0910,14 -9977,1,0,1305,13 -9979,1,1,0135,12 -9985,1,0,1355,9 -9987,1,0,1439,16 -9990,1,0,1925,12 -9991,1,0,1316,9 -9992,1,0,1023,13 -9995,1,0,1650,15 -9998,1,0,0204,16 -10000,1,0,1040,14 -10001,1,0,2138,13 -10002,1,0,2130,21 -10003,1,0,2025,13 -10004,1,0,0123,8 -10005,1,0,1929,9 -10007,1,0,1637,11 -10008,1,0,1334,14 -10009,1,0,1900,12 -10010,1,1,0000,5 -10012,1,0,0405,14 -10013,1,0,1200,9 -10014,1,0,1725,13 -10015,1,0,1825,5 -10016,1,0,1746,10 -10017,1,0,1536,20 -10019,1,0,0335,12 -10020,1,0,2053,12 -10021,1,0,2215,13 -10026,1,1,0440,10 -10027,1,0,1355,15 -10030,1,0,1835,8 -10032,1,0,1751,9 -10035,1,0,1223,13 -10036,1,0,1310,23 -10038,1,1,0456,6 -10039,1,0,2235,8 -10042,1,0,1720,13 -10043,1,0,2018,11 -10046,1,0,0940,10 -10048,1,2,1800,13 -10050,1,0,0705,14 -10051,1,0,1930,9 -10053,1,0,2250,13 -10054,1,0,2220,10 -10055,1,0,1846,12 -10056,1,1,0040,11 -10057,1,0,0834,10 -10058,1,1,0605,10 -10060,1,0,1355,13 -10061,1,0,1457,17 -10062,1,0,1643,10 -10063,1,1,0448,6 -10064,1,0,1734,7 -10065,1,0,1945,15 -10066,1,0,1720,13 -10067,1,1,0619,5 -10070,1,0,1555,16 -10071,1,0,1843,12 -10072,1,1,0700,5 -10073,1,1,0011,18 -10077,1,0,1830,7 -10079,1,0,1720,12 -10080,1,1,0005,14 -10081,1,1,0610,8 -10083,1,0,2020,23 -10084,1,0,1733,8 -10085,1,0,1927,15 -10086,1,0,1300,5 -10087,1,0,0503,7 -10089,1,0,1857,18 -10093,1,0,1747,19 -10094,1,0,1520,10 -10095,1,1,0830,7 -10096,1,0,0906,10 -10097,1,0,1755,19 -10100,1,0,1019,7 -10101,1,0,2332,6 -10103,1,0,2040,14 -10103,2,1,1114,9 -10103,3,1,2058,10 -10105,1,0,1057,13 -10110,1,0,1745,11 -10113,1,0,2010,17 -10114,1,0,1857,9 -10116,1,0,1620,10 -10117,1,0,2130,8 -10118,1,0,1933,14 -10119,1,0,0810,14 -10121,1,0,0800,14 -10123,1,0,1554,15 -10124,1,0,1751,14 -10126,1,0,2330,15 -10127,1,1,0030,15 -10129,1,0,2051,17 -10131,1,0,0110,12 -10132,1,0,0837,11 -10134,1,0,1917,7 -10135,1,1,0005,7 -10138,1,0,2022,7 -10139,1,0,1921,12 -10140,1,1,0011,12 -10141,1,0,1643,16 -10144,1,0,2243,18 -10146,1,0,2343,12 -10147,1,0,1615,13 -10148,1,0,1623,9 -10150,1,0,1228,9 -10152,1,0,1720,14 -10155,1,0,1928,10 -10158,1,0,1245,14 -10159,1,0,2113,9 -10160,1,0,1425,15 -10161,1,0,1903,12 -10162,1,0,1700,12 -10163,1,0,1634,13 -10165,1,0,1141,13 -10166,1,0,1731,15 -10167,1,0,2154,14 -10172,1,0,2024,14 -10174,1,0,1035,12 -10175,1,0,1557,7 -10176,1,0,2235,9 -10177,1,0,2058,11 -10179,1,0,1845,5 -10181,1,0,2237,10 -10187,1,0,1518,9 -10190,1,1,0010,10 -10198,1,0,2219,14 -10201,1,0,1900,16 -10202,1,0,0018,11 -10211,1,0,1230,14 -10212,1,0,1459,5 -10213,1,0,1440,11 -10214,1,0,1655,13 -10216,1,0,1555,12 -10217,1,0,1937,20 -10218,1,0,1643,15 -10218,2,5,1649,13 -10220,1,0,1717,11 -10221,1,0,2115,9 -10222,1,0,2034,14 -10225,1,0,2025,14 -10226,1,0,2026,9 -10227,1,0,1859,18 -10228,1,0,1743,11 -10230,1,0,1123,14 -10231,1,0,2235,7 -10232,1,0,1420,13 -10233,1,0,1526,14 -10235,1,0,0951,8 -10237,1,0,1747,10 -10238,1,0,1540,16 -10239,1,0,2222,20 -10241,1,1,0930,10 -10243,1,0,2138,17 -10245,1,1,0705,7 -10246,1,0,1846,11 -10247,1,0,1619,9 -10248,1,1,0648,7 -10250,1,0,1551,18 -10258,1,0,1610,11 -10259,1,1,0540,6 -10265,1,0,1602,8 -10268,1,0,1821,14 -10269,1,3,0500,3 -10270,1,0,1653,10 -10272,1,0,2246,10 -10274,1,0,1456,15 -10277,1,0,2154,14 -10281,1,0,1710,14 -10284,1,0,1748,20 -10285,1,0,2145,12 -10287,1,0,2030,13 -10289,1,0,2102,5 -10295,1,1,0410,10 -10296,1,0,0201,9 -10297,1,0,1036,14 -10298,1,0,2241,9 -10300,1,0,1005,9 -10302,1,0,2139,19 -10303,1,0,2350,5 -10304,1,0,2317,9 -10305,1,0,1959,12 -10306,1,0,1112,18 -10309,1,0,1635,18 -10310,1,0,2105,11 -10312,1,0,0201,12 -10313,1,0,1409,14 -10314,1,1,0445,10 -10318,1,0,1816,18 -10319,1,0,1618,13 -10320,1,0,1535,16 -10322,1,1,0600,7 -10323,1,0,2153,10 -10325,1,0,1841,13 -10326,1,0,1645,8 -10331,1,0,1114,15 -10332,1,1,0352,9 -10334,1,0,1741,10 -10335,1,0,2004,11 -10336,1,0,1748,16 -10337,1,0,2154,17 -10339,1,0,2017,27 -10344,1,0,2032,13 -10345,1,0,2153,12 -10346,1,0,2106,15 -10347,1,0,2359,6 -10348,1,0,0905,11 -10349,1,0,0118,4.9 -10350,1,0,2104,17 -10351,1,0,1701,18 -10353,1,0,1135,15 -10354,1,0,2230,14 -10355,1,0,1905,12 -10357,1,0,1300,10 -10358,1,0,1734,13 -10361,1,0,1909,16 -10365,1,0,2302,13 -10366,1,0,1850,10 -10368,1,0,1840,15 -10369,1,0,1647,7 -10370,1,0,1715,11 -10371,1,0,1349,8 -10372,1,0,1230,20 -10374,1,0,1431,10 -10376,1,0,1725,17 -10377,1,0,1655,14 -10379,1,0,2309,18 -10380,1,0,1748,10 -10383,1,0,1526,10 -10384,1,3,1041,6 -10386,1,1,0313,14 -10387,1,1,0356,13 -10388,1,0,2208,12 -10389,1,1,0450,6 -10390,1,0,1615,16 -10391,1,0,1825,9 -10392,1,0,1835,11 -10395,1,0,0125,8 -10396,1,1,1858,4 -10397,1,0,1930,13 -10398,1,0,1430,9 -10399,1,0,1950,15 -10400,1,0,1916,16 -10402,1,0,0742,10 -10404,1,0,0808,10 -10408,1,0,1530,13 -10410,1,0,2340,18 -10417,1,0,1842,10 -10418,1,0,1700,7 -10420,1,0,1742,10 -10421,1,0,2004,12 -10422,1,1,0001,21 -10423,1,0,2200,14 -10424,1,1,0113,11 -10425,1,0,1310,7 -10430,1,1,0013,18 -10431,1,0,1512,13 -10434,1,0,2121,12 -10435,1,0,2348,9 -10436,1,0,1754,16 -10439,1,0,0200,10 -10442,1,0,1925,16 -10444,1,0,1721,13 -10445,1,1,1836,18 -10446,1,0,1615,15 -10448,1,0,1616,7 -10449,1,0,1930,10 -10450,1,0,1737,7 -10454,1,0,1733,18 -10455,1,1,0720,7 -10457,1,0,1600,13 -10458,1,0,1918,16 -10459,1,0,1913,9 -10460,1,0,0545,11 -10462,1,0,1830,13 -10464,1,0,1745,10 -10465,1,0,1629,18 -10467,1,0,1501,7 -10471,1,0,1710,11 -10472,1,0,2310,15 -10474,1,0,0509,8 -10476,1,0,1455,11 -10476,2,1,0837,9 -10476,3,2,0802,5 -10477,1,0,2029,13 -10481,1,0,2139,11 -10484,1,1,0400,16 -10486,1,0,1845,14 -10488,1,1,0155,17 -10492,1,0,2221,16 -10493,1,0,2230,12 -10494,1,0,2150,11 -10496,1,1,0027,11 -10497,1,0,1730,4 -10499,1,0,1855,4 -10500,1,0,2055,8 -10502,1,0,2259,12 -10504,1,0,1522,15 -10505,1,0,1431,13 -10506,1,0,1909,10 -10507,1,1,0145,12 -10511,1,0,1729,10 -10512,1,0,1407,12 -10515,1,0,0215,15 -10517,1,0,0315,8 -10519,1,0,1130,13 -10520,1,0,1309,9 -10521,1,0,1752,8 -10522,1,0,1903,14 -10523,1,1,2013,9 -10524,1,0,1418,13 -10525,1,0,1620,13 -10527,1,0,1712,12 -10529,1,0,2332,12 -10530,1,0,1750,25 -10532,1,0,1310,15 -10533,1,0,0220,9 -10534,1,1,0115,15 -10536,1,0,1643,16 -10538,1,0,1858,10 -10539,1,0,1910,9 -10540,1,0,1805,10 -10542,1,0,0953,15 -10544,1,0,2344,9 -10548,1,0,0401,10 -10549,1,0,1523,9 -10550,1,0,1434,8 -10553,1,0,0800,15 -10554,1,0,2248,10 -10555,1,0,2044,21 -10557,1,0,2136,11 -10559,1,0,1437,14 -10560,1,0,1732,10 -10561,1,0,2113,11 -10563,1,0,1903,9 -10564,1,0,0929,32 -10565,1,0,1135,10 -10566,1,0,2142,10 -10568,1,5,1845,7 -10569,1,1,0055,14 -10570,1,1,0410,14 -10571,1,0,0851,15 -10574,1,0,0041,10 -10575,1,0,1330,12 -10579,1,0,0550,10 -10580,1,0,1736,14 -10584,1,0,0517,5 -10587,1,0,2144,10 -10588,1,0,2327,7 -10589,1,1,0400,11 -10590,1,0,1343,14 -10594,1,0,1250,14 -10595,1,0,2136,17 -10597,1,0,2206,9 -10600,1,0,1646,12 -10601,1,0,2149,13 -10602,1,0,1330,9 -10603,1,0,2050,12 -10604,1,0,1830,11 -10605,1,0,1556,11 -10607,1,0,0920,14 -10608,1,0,2123,11 -10610,1,0,2254,12 -10611,1,1,0620,10 -10614,1,0,0705,11 -10617,1,0,1245,8 -10619,1,0,1748,14 -10620,1,0,1138,9 -10623,1,0,0214,7 -10624,1,0,0440,10 -10625,1,0,0733,11 -10626,1,0,1800,18 -10627,1,0,1300,15 -10628,1,0,1740,13 -10629,1,0,1954,11 -10631,1,0,1612,13 -10631,2,1,0900,7 -10634,1,0,1432,14 -10636,1,0,0837,8 -10637,1,0,0950,14 -10637,2,1,0200,9 -10637,3,1,0923,7 -10637,4,1,2120,6 -10637,5,4,1043,11 -10638,1,0,2355,18 -10639,1,0,1603,7 -10641,1,0,2205,13 -10642,1,0,1115,7 -10643,1,0,1223,17 -10645,1,0,2225,5 -10646,1,0,2113,8 -10647,1,0,1701,11 -10652,1,1,0450,12 -10653,1,0,2105,18 -10656,1,0,2205,5 -10659,1,0,1300,15 -10660,1,0,1938,14 -10661,1,0,1400,5 -10665,1,0,2010,24 -10668,1,0,1955,13 -10669,1,0,1601,10 -10670,1,0,0738,13 -10671,1,1,0605,9 -10673,1,0,2354,12 -10674,1,0,1337,9 -10675,1,0,1045,12 -10676,1,0,2100,13 -10678,1,0,1221,14 -10680,1,0,1335,10 -10689,1,0,1402,9 -10690,1,0,1731,10 -10693,1,0,1145,14 -10696,1,0,2141,17 -10697,1,0,2007,19 -10698,1,0,2237,10 -10699,1,1,0635,6 -10701,1,0,1222,11 -10703,1,0,1759,19 -10704,1,1,1100,11 -10707,1,0,2331,16 -10708,1,0,2021,10 -10712,1,0,2225,12 -10713,1,0,1140,12 -10714,1,0,2208,11 -10722,1,0,2200,15 -10725,1,0,1605,8 -10726,1,1,0730,11 -10727,1,0,1120,12 -10728,1,1,0415,4 -10729,1,0,1939,14 -10730,1,0,1656,4 -10731,1,0,2035,14 -10733,1,1,0000,10 -10735,1,0,1945,13 -10737,1,0,2026,9 -10738,1,0,1845,11 -10739,1,0,1513,12 -10740,1,0,1109,7 -10741,1,0,1945,9 -10743,1,0,1555,14 -10749,1,0,1429,12 -10751,1,0,1623,16 -10752,1,0,1015,19 -10753,1,0,0410,7 -10754,1,0,1039,13 -10756,1,0,1836,12 -10757,1,0,1705,12 -10760,1,0,2320,10 -10761,1,0,1520,13 -10763,1,0,1550,9 -10765,1,0,1605,14 -10770,1,0,1510,17 -10771,1,0,2031,11 -10772,1,1,0056,14 -10773,1,0,2101,17 -10775,1,0,1515,12 -10776,1,0,2050,4 -10777,1,0,1338,10 -10778,1,0,0130,11 -10781,1,0,1817,14 -10783,1,0,2325,10 -10784,1,0,2055,15 -10785,1,0,0144,6 -10786,1,0,2239,11 -10787,1,0,2250,13 -10789,1,0,1006,12 -10790,1,0,2120,9 -10792,1,0,2216,10 -10793,1,0,1235,13 -10794,1,0,1710,14 -10795,1,0,1629,10 -10796,1,0,1525,11 -10798,1,0,1245,10 -10799,1,0,1652,17 -10801,1,0,1813,11 -10803,1,0,2143,10 -10804,1,0,1717,13 -10805,1,0,1420,17 -10810,1,0,2251,18 -10811,1,0,2102,11 -10813,1,0,1620,13 -10816,1,0,0857,9 -10822,1,0,2010,19 -10823,1,0,1504,12 -10825,1,0,1622,16 -10826,1,0,2041,11 -10828,1,0,1855,9 -10830,1,0,1919,18 -10831,1,1,0529,7 -10833,1,1,0040,20 -10835,1,0,2042,15 -10835,2,1,0604,11 -10835,3,3,0934,12 -10839,1,1,0008,12 -10841,1,0,1620,14 -10844,1,0,1925,16 -10847,1,1,1522,7 -10850,1,0,2235,15 -10853,1,0,2027,14 -10855,1,0,2031,14 -10856,1,0,1800,12 -10857,1,0,2040,19 -10858,1,0,1921,22 -10859,1,0,0902,13 -10860,1,0,1719,10 -10861,1,0,2301,8 -10864,1,0,1324,14 -10866,1,0,1941,9 -10870,1,1,0100,18 -10872,1,0,1615,17 -10872,2,1,0925,6 -10873,1,0,2217,11 -10876,1,0,1945,17 -10877,1,0,1743,17 -10878,1,0,1834,6 -10879,1,0,1849,8 -10880,1,0,0847,5 -10881,1,0,1815,10 -10884,1,0,1430,9 -10885,1,0,1132,15 -10887,1,0,1755,12 -10888,1,0,2222,10 -10890,1,1,1645,10 -10892,1,0,1645,16 -10893,1,0,1723,10 -10898,1,0,0845,5 -10903,1,0,0520,17 -10904,1,0,1618,18 -10905,1,0,1720,10 -10906,1,0,1938,11 -10912,1,0,2359,7 -10913,1,0,1814,12 -10914,1,0,2320,16 -10915,1,1,0048,14 -10917,1,0,1230,10 -10918,1,0,2145,21 -10919,1,0,2216,17 -10921,1,0,0845,8 -10922,1,0,1829,11 -10927,1,0,1011,9 -10929,1,1,0400,10 -10930,1,0,1916,7 -10932,1,0,1210,10 -10934,1,0,1758,9 -10935,1,0,1828,12 -10936,1,0,2000,13 -10937,1,0,2104,9 -10938,1,0,0457,16 -10940,1,0,1853,9 -10941,1,0,1205,21 -10942,1,0,1650,12 -10943,1,0,1535,14 -10945,1,0,1715,16 -10948,1,0,1406,12 -10950,1,0,1705,13 -10951,1,1,1040,3 -10956,1,0,1938,8 -10958,1,0,2114,17 -10961,1,0,2041,9 -10962,1,1,0030,10 -10963,1,0,1246,6 -10964,1,0,1826,12 -10966,1,0,1705,14 -10968,1,0,2028,16 -10970,1,0,2028,11 -10973,1,0,1911,9 -10974,1,0,1951,15 -10975,1,0,1207,14 -10979,1,0,2010,12 -10982,1,0,1600,14 -10983,1,0,1636,13 -10985,1,0,1610,8 -10986,1,0,2102,24 -10987,1,0,0652,11 -10991,1,0,1830,7 -10992,1,0,0805,12 -10993,1,0,2234,10 -10994,1,0,2000,10 -10996,1,0,2109,9 -10997,1,0,1337,2 -10999,1,1,0035,11 -11000,1,0,1636,18 -11001,1,0,2332,17 -11003,1,0,1329,15 -11004,1,0,1740,5 -11007,1,0,2229,8 -11008,1,0,1439,10 -11010,1,0,1700,9 -11014,1,0,1914,7 -11015,1,0,1105,9 -11016,1,0,1915,13 -11018,1,0,0253,12 -11019,1,0,2115,6 -11020,1,0,1542,12 -11021,1,1,0630,11 -11023,1,0,1906,8 -11026,1,0,2240,17 -11027,1,1,0615,6 -11032,1,0,1207,14 -11034,1,0,1845,13 -11036,1,0,1530,14 -11037,1,0,2040,9 -11041,1,0,0110,10 -11042,1,1,0028,13 -11043,1,0,1418,16 -11044,1,1,0037,10 -11047,1,0,1940,6 -11049,1,0,0550,20 -11058,1,1,0400,6 -11059,1,0,1922,13 -11060,1,0,2127,18 -11062,1,0,0531,9 -11063,1,0,2135,12 -11064,1,0,1640,7 -11066,1,0,1045,7 -11070,1,0,2310,9 -11071,1,0,2253,12 -11072,1,0,2001,9 -11073,1,0,1837,12 -11074,1,0,1745,13 -11076,1,0,1905,8 -11083,1,0,1112,11 -11084,1,0,2148,11 -11086,1,0,2000,15 -11087,1,1,0130,11 -11089,1,0,1526,6 -11090,1,0,1710,18 -11093,1,0,1600,8 -11094,1,0,2003,14 -11095,1,0,1400,15 -11099,1,0,1625,11 -11101,1,0,1533,16 -11102,1,0,1245,13 -11109,1,0,1012,13 -11111,1,0,1957,8 -11115,1,0,2030,10 -11116,1,0,1225,7 -11117,1,0,1955,12 -11118,1,0,1112,6 -11120,1,0,0043,9 -11123,1,0,1651,12 -11123,2,0,1838,11 -11123,3,1,1700,6 -11124,1,0,1622,10 -11126,1,0,0938,21 -11128,1,0,1844,9 -11129,1,0,1613,9 -11134,1,0,1536,7 -11135,1,0,1550,14 -11136,1,1,0500,4 -11137,1,6,1450,13 -11138,1,0,2332,10 -11144,1,0,1945,6 -11146,1,0,1812,12 -11150,1,0,1600,12 -11152,1,1,0630,8 -11153,1,0,1620,8 -11155,1,0,1736,20 -11156,1,0,1658,7 -11161,1,1,0013,12 -11163,1,0,2052,10 -11164,1,-1,2321,15 -11166,1,0,0335,11 -11167,1,0,1109,16 -11172,1,0,0505,8 -11173,1,0,1915,15 -11175,1,0,1927,7 -11176,1,0,2205,11 -11177,1,0,2250,8 -11178,1,0,2156,8 -11179,1,0,1901,11 -11182,1,0,1734,9 -11183,1,0,0744,9 -11186,1,0,0315,8 -11187,1,0,1842,8 -11192,1,0,1425,15 -11195,1,0,1256,4 -11198,1,0,1852,18 -11199,1,1,0700,13 -11200,1,0,1735,10 -11201,1,0,1930,17 -11202,1,0,2020,18 -11205,1,1,0220,13 -11206,1,1,1220,9 -11207,1,0,0938,14 -11209,1,0,1734,16 -11213,1,1,0550,5 -11214,1,0,0442,9 -11215,1,0,1716,15 -11218,1,1,1610,6 -11219,1,1,0535,12 -11222,1,0,2126,8 -11223,1,0,1701,9 -11224,1,1,0640,5 -11226,1,0,1913,16 -11228,1,0,2153,10 -11229,1,0,2042,6 -11231,1,0,2118,13 -11234,1,0,2025,13 -11235,1,0,1555,8 -11236,1,0,1943,13 -11236,2,0,2355,10 -11236,3,2,1040,5 -11236,4,3,0850,3 -11242,1,0,1658,13 -11243,1,0,1822,13 -11245,1,1,0615,10 -11247,1,0,1803,14 -11248,1,0,0930,11 -11249,1,1,0058,10 -11250,1,0,1930,11 -11253,1,0,2233,8 -11255,1,0,2015,14 -11257,1,0,2125,11 -11258,1,0,0010,14 -11259,1,0,1840,18 -11260,1,0,1434,10 -11261,1,0,1000,11 -11262,1,0,1243,13 -11263,1,0,1645,8 -11264,1,0,1940,14 -11265,1,0,2035,18 -11268,1,0,1504,13 -11269,1,1,0635,10 -11272,1,0,1644,15 -11274,1,0,2010,7 -11275,1,0,0334,7 -11276,1,0,2213,11 -11277,1,0,1626,16 -11278,1,0,1430,13 -11280,1,0,1744,12 -11282,1,0,1339,9 -11286,1,1,0530,12 -11288,1,0,1635,13 -11291,1,0,2217,11 -11293,1,1,0600,7 -11295,1,1,0005,12 -11297,1,0,2234,8 -11298,1,0,2208,15 -11300,1,0,1902,23 -11302,1,-61,0345,17 -11303,1,1,0620,9 -11306,1,0,1916,12 -11307,1,0,1754,13 -11308,1,0,1950,14 -11313,1,0,0330,10 -11314,1,0,0534,11 -11317,1,0,1035,11 -11318,1,0,2246,13 -11320,1,0,2240,11 -11321,1,0,2018,14 -11324,1,0,1430,10 -11326,1,0,1848,23 -11327,1,0,1801,11 -11328,1,0,2220,12 -11329,1,0,1543,12 -11331,1,1,0410,8 -11332,1,0,2144,12 -11334,1,0,2053,14 -11336,1,0,2129,8 -11336,2,1,0500,6 -11336,3,1,1100,5 -11336,4,1,2220,7 -11336,5,2,0410,8 -11336,6,3,0420,4 -11337,1,1,0027,6 -11338,1,0,1700,15 -11339,1,0,0022,13 -11340,1,0,1800,7 -11341,1,0,1849,13 -11343,1,0,1713,16 -11346,1,0,2305,13 -11347,1,0,1921,18 -11348,1,0,2030,9 -11349,1,1,0001,11 -11352,1,0,1615,15 -11355,1,0,1445,11 -11360,1,0,1330,5 -11361,1,0,1643,7 -11362,1,0,2331,12 -11363,1,0,1704,13 -11364,1,0,2330,16 -11368,1,0,1540,13 -11370,1,0,1307,12 -11371,1,0,1817,10 -11373,1,0,1648,14 -11376,1,0,1429,15 -11379,1,1,1045,7 -11382,1,0,1809,12 -11384,1,0,2145,10 -11385,1,0,1540,10 -11386,1,0,1018,11 -11387,1,0,1610,8 -11388,1,0,1730,8 -11389,1,0,2127,13 -11391,1,0,2014,15 -11392,1,0,1753,14 -11394,1,0,2310,19 -11396,1,0,1351,5 -11397,1,0,1417,15 -11398,1,0,1459,18 -11399,1,0,2235,9 -11400,1,0,1218,15 -11401,1,0,1757,22 -11402,1,0,1325,5 -11406,1,0,1355,8 -11408,1,0,2032,21 -11409,1,1,0545,15 -11410,1,0,1807,14 -11411,1,0,1150,4 -11412,1,0,1145,7 -11413,1,0,1545,17 -11414,1,0,1015,9 -11415,1,0,2029,18 -11416,1,0,2120,15 -11419,1,0,0536,6 -11420,1,0,1632,11 -11421,1,0,2325,17 -11422,1,0,2135,17 -11424,1,0,1730,11 -11425,1,1,0400,9 -11426,1,0,0704,12 -11427,1,0,2253,17 -11428,1,0,1701,13 -11431,1,0,2122,6 -11432,1,0,1840,11 -11435,1,0,1820,14 -11437,1,1,0140,10 -11439,1,0,1847,12 -11440,1,0,2148,6 -11445,1,0,0200,12 -11447,1,0,0052,13 -11449,1,0,1854,9 -11452,1,3,0550,6 -11453,1,0,1411,11 -11454,1,1,0005,12 -11455,1,-1,1149,11 -11456,1,1,0325,7 -11457,1,0,1641,12 -11458,1,0,1823,10 -11460,1,0,1759,10 -11461,1,0,1551,12 -11462,1,0,1935,10 -11464,1,0,2110,14 -11466,1,0,1844,15 -11467,1,0,1440,17 -11468,1,0,2131,15 -11470,1,0,1655,8 -11472,1,0,1747,17 -11474,1,0,1517,14 -11475,1,0,0140,11 -11477,1,0,1703,17 -11478,1,0,1555,10 -11481,1,0,1340,16 -11482,1,0,2240,21 -11485,1,0,2204,13 -11489,1,0,0300,16 -11490,1,0,1710,9 -11491,1,0,1545,16 -11492,1,0,1551,7 -11493,1,1,0313,17 -11494,1,0,1240,11 -11496,1,0,2142,9 -11497,1,0,1845,15 -11498,1,0,1538,9 -11499,1,0,1506,13 -11500,1,0,1929,18 -11501,1,0,1703,16 -11502,1,1,1845,3 -11503,1,0,1730,14 -11506,1,0,2037,8 -11511,1,0,2250,11 -11513,1,0,1830,12 -11514,1,0,1900,9 -11515,1,0,2352,9 -11516,1,0,0929,15 -11520,1,0,1306,10 -11521,1,1,0550,12 -11522,1,0,1744,13 -11524,1,0,1620,10 -11526,1,0,2306,9 -11527,1,0,1326,12 -11528,1,0,2223,17 -11529,1,0,1231,9 -11530,1,0,2158,13 -11532,1,0,1631,16 -11533,1,0,1736,10 -11535,1,0,1844,5 -11536,1,0,0841,15 -11537,1,1,0625,9 -11538,1,1,0034,13 -11539,1,0,1152,19 -11540,1,0,1817,7 -11541,1,0,1045,12 -11542,1,0,1220,10 -11548,1,0,1350,15 -11549,1,0,2235,14 -11551,1,0,1831,12 -11552,1,0,2145,10 -11553,1,0,1725,15 -11554,1,0,1446,7 -11555,1,0,2344,9 -11557,1,0,1639,12 -11559,1,0,1615,11 -11561,1,0,2038,16 -11562,1,0,1640,11 -11564,1,0,1445,23 -11565,1,0,2210,10 -11566,1,0,1624,9 -11567,1,0,2052,14 -11570,1,0,2319,21 -11572,1,0,1300,11 -11574,1,0,1730,13 -11576,1,0,1750,12 -11578,1,0,2313,10 -11579,1,0,1503,18 -11580,1,0,0233,9 -11581,1,0,1442,11 -11582,1,0,1912,13 -11583,1,1,0615,5 -11587,1,0,1150,18 -11590,1,0,1831,14 -11590,2,1,0500,10 -11594,1,0,1224,7 -11597,1,0,2329,12 -11599,1,0,0347,11 -11600,1,0,2042,8 -11601,1,0,1845,11 -11602,1,0,0330,20 -11603,1,0,1450,9 -11604,1,0,0811,9 -11607,1,0,2031,23 -11608,1,0,1846,12 -11611,1,0,0556,19 -11612,1,0,1250,15 -11614,1,0,2019,11 -11615,1,0,2120,6 -11616,1,0,0500,13 -11617,1,0,2110,9 -11618,2,0,2334,17 -11619,1,0,0430,9 -11621,1,0,2032,16 -11623,1,0,2017,15 -11624,1,0,1347,16 -11625,1,0,1642,7 -11626,1,0,1010,7 -11628,1,0,0530,11 -11629,1,0,1700,8 -11630,1,0,1253,17 -11632,1,2,0625,10 -11634,1,0,1335,17 -11637,1,1,0604,11 -11638,1,0,1900,9 -11640,1,0,1147,12 -11641,1,0,1253,13 -11643,1,4,1118,9 -11645,1,0,1652,10 -11646,1,0,0913,12 -11648,1,0,1453,17 -11649,1,0,2213,11 -11652,1,0,1939,13 -11656,1,0,1210,14 -11658,1,0,1512,10 -11660,1,0,0255,11 -11661,1,0,1538,18 -11663,1,0,0400,10 -11666,1,0,1818,15 -11669,1,0,1740,17 -11670,1,0,2300,15 -11671,1,0,1615,16 -11672,1,0,1850,11 -11673,1,0,1745,9 -11674,1,0,1622,8 -11675,1,0,1501,12 -11676,1,0,2207,12 -11679,1,0,0941,13 -11681,1,2,0923,10 -11682,1,1,0004,14 -11684,1,0,1500,15 -11686,1,0,0833,13 -11689,1,0,1745,10 -11690,1,0,1610,15 -11691,1,0,0257,10 -11692,1,1,0015,12 -11693,1,2,0600,10 -11695,1,0,1251,11 -11697,1,0,2151,19 -11698,1,0,0907,12 -11699,1,0,2350,7 -11700,1,0,1610,24 -11705,1,0,2038,15 -11706,1,0,1646,15 -11707,1,0,1720,11 -11709,1,0,2025,16 -11711,1,1,0013,11 -11712,1,1,0021,16 -11715,1,0,1830,12 -11718,1,0,2331,9 -11720,1,0,2038,16 -11722,1,2,1238,7 -11730,1,0,1843,9 -11731,1,0,1122,9 -11732,1,0,0319,11 -11733,1,0,1359,15 -11734,1,0,2124,15 -11735,1,0,1411,7 -11736,1,0,1410,10 -11739,1,0,1818,9 -11740,1,0,1115,11 -11742,1,0,1925,15 -11744,1,0,0215,5 -11746,1,0,2355,11 -11748,1,1,0025,8 -11750,1,0,0102,17 -11751,1,0,1030,17 -11752,1,0,1929,11 -11753,1,0,1918,7 -11755,1,0,0817,15 -11757,1,0,1600,10 -11758,1,1,0455,5 -11760,1,0,1623,11 -11761,1,1,0100,10 -11762,1,0,1508,12 -11763,1,0,1215,13 -11764,1,0,1808,7 -11768,1,1,0615,5 -11770,1,0,2315,16 -11772,1,0,1500,7 -11775,1,0,0158,12 -11777,1,0,1105,12 -11778,1,0,2203,8 -11781,1,0,2350,15 -11782,1,0,1914,8 -11783,1,0,1905,28 -11785,1,0,1708,10 -11786,1,0,1540,16 -11787,1,1,0430,19 -11790,1,0,1936,15 -11791,1,0,2213,10 -11792,1,1,0523,10 -11793,1,1,0635,13 -11795,1,0,2336,9 -11798,1,0,2054,6 -11799,1,0,1558,15 -11800,1,0,1335,12 -11801,1,1,0550,7 -11802,1,0,1930,8 -11804,1,0,1935,6 -11810,1,1,0010,15 -11811,1,0,1930,10 -11814,1,0,1939,22 -11817,1,0,1925,11 -11820,1,0,1935,17 -11821,1,3,0400,7 -11822,1,0,1950,14 -11824,1,0,1950,10 -11828,1,0,1642,13 -11831,1,0,1920,15 -11832,1,0,2231,5 -11833,1,1,0002,16 -11836,1,0,2022,10 -11837,1,0,1227,16 -11839,1,0,1650,13 -11841,1,0,1800,13 -11844,1,0,1354,12 -11846,1,0,0148,21 -11847,1,0,2357,11 -11849,1,0,2120,12 -11850,1,0,2238,12 -11852,1,0,2321,19 -11853,1,0,1740,9 -11855,1,1,0308,4 -11856,1,0,2011,18 -11857,1,0,2218,12 -11858,1,0,2050,13 -11859,1,1,1925,14 -11861,1,0,1548,11 -11865,1,0,1910,11 -11867,1,1,0510,6 -11868,1,0,0542,12 -11869,1,0,0922,13 -11870,1,0,1725,12 -11872,1,0,1945,12 -11873,1,0,1545,11 -11876,1,0,2018,7 -11877,1,0,2146,9 -11878,1,1,0349,9 -11883,1,0,1728,16 -11884,1,0,2301,9 -11888,1,0,1608,12 -11889,1,0,2126,12 -11893,1,0,1755,12 -11894,1,0,2310,10 -11899,1,0,1545,9 -11902,1,0,2040,11 -11903,1,0,2139,11 -11905,1,0,1804,8 -11907,1,0,1530,7 -11908,1,0,2150,12 -11909,1,1,0425,10 -11910,1,0,1800,9 -11914,1,0,2025,24 -11915,1,1,0400,15 -11916,1,1,0010,15 -11917,1,0,1510,7 -11918,1,0,0200,22 -11919,1,1,0015,9 -11920,1,0,1907,16 -11923,1,0,2050,5 -11927,1,0,1909,16 -11929,1,0,2212,20 -11935,1,0,2300,15 -11937,1,0,1255,13 -11939,1,1,0400,10 -11945,1,0,1510,7 -11946,1,0,1816,21 -11947,1,0,1351,7 -11949,1,0,1846,17 -11955,1,0,1611,11 -11959,1,0,1003,15 -11962,1,0,1808,13 -11963,1,0,2253,13 -11964,1,0,1843,9 -11967,1,0,1855,11 -11969,1,0,1556,9 -11970,1,1,0440,7 -11971,1,0,1952,16 -11972,1,0,2016,14 -11974,1,0,0850,7 -11978,1,0,1015,12 -11979,1,0,1725,11 -11980,1,0,1742,16 -11981,1,0,1649,9 -11985,1,0,2130,13 -11986,1,0,1422,10 -11987,1,0,2150,10 -11989,1,0,1645,13 -11990,1,0,1858,9 -11991,1,0,2157,18 -11992,1,0,1540,14 -11994,1,1,0400,11 -11995,1,0,1542,9 -11996,1,0,2055,13 -12000,1,0,2345,14 -12003,1,0,1718,11 -12004,1,0,2208,8 -12005,1,0,0400,7 -12007,1,0,1924,8 -12011,1,0,1735,7 -12012,1,0,1147,20 -12018,1,0,1655,8 -12019,1,0,1315,7 -12021,1,0,2030,12 -12023,1,0,1543,12 -12026,1,0,1847,13 -12029,1,0,1548,9 -12030,1,0,1932,15 -12031,1,0,1003,8 -12032,1,0,2133,12 -12033,1,0,1213,12 -12036,1,0,1620,10 -12037,1,0,1439,11 -12039,1,0,2145,10 -12040,1,0,2138,12 -12044,1,0,1630,11 diff --git a/data/iai_pecarn/raw/form5_creatinine.csv b/data/iai_pecarn/raw/form5_creatinine.csv deleted file mode 100644 index 20562515..00000000 --- a/data/iai_pecarn/raw/form5_creatinine.csv +++ /dev/null @@ -1,6769 +0,0 @@ -subjectid,repeat_instance,SerCreatDay,SerCreatTime,SerCreatValue -3,1,0,2018,0.7 -5,1,0,2031,0.9 -6,1,0,0212,0.3 -8,1,0,1809,0.6 -10,1,0,1930,1 -14,1,0,0548,0.8 -16,1,0,0255,0.8 -18,1,0,1455,0.5 -19,1,0,0758,0.7 -20,1,0,0516,0.7 -23,1,0,1755,1.2 -24,1,0,2012,0.4 -30,1,0,1310,0.6 -32,1,0,1648,0.6 -33,1,0,2138,0.9 -34,1,1,0602,0.4 -35,1,0,2115,0.3 -37,1,0,1919,0.5 -40,1,0,2358,1.1 -41,1,0,2045,0.5 -44,1,0,0729,0.3 -45,1,0,1811,0.4 -46,1,0,1213,0.2 -49,1,0,1330,0.9 -50,1,0,1716,0.7 -52,1,0,1648,0.6 -53,1,1,0425,0.5 -55,1,0,1335,0.7 -56,1,0,2150,0.5 -57,1,0,2046,0.9 -60,1,0,1544,1 -62,1,1,0551,0.3 -65,1,1,0530,0.3 -66,1,0,2012,0.8 -66,2,1,0659,0.7 -66,3,1,1406,0.8 -66,4,1,1525,0.7 -67,1,0,1544,0.4 -68,1,0,1845,0.4 -70,1,0,1837,0.6 -71,1,1,0015,0.6 -72,1,1,1750,0.2 -73,1,0,1831,0.6 -74,1,0,2120,0.4 -75,1,0,1514,0.6 -76,1,0,1900,0.4 -81,1,1,0555,0.5 -82,1,0,2000,0.8 -83,1,0,1550,0.6 -85,1,0,1800,0.6 -86,1,0,0825,0.8 -87,1,0,1941,0.7 -88,1,0,1950,0.4 -89,1,0,2208,0.8 -90,1,1,0105,0.4 -91,1,0,0147,0.8 -92,1,0,1802,0.6 -93,1,0,2047,0.8 -99,1,0,2155,0.6 -102,1,0,1616,0.4 -105,1,1,0600,0.6 -106,1,0,1239,0.5 -108,1,0,0930,0.8 -109,1,0,1440,0.6 -110,1,0,2300,0.5 -111,1,0,1500,0.6 -112,1,0,1450,0.8 -113,1,0,2213,1 -114,1,0,1703,0.4 -115,1,0,1657,0.5 -117,1,0,1850,0.8 -119,1,1,0500,0.7 -120,1,0,2013,0.5 -121,1,0,2007,0.8 -124,1,0,1800,0.7 -125,1,0,1942,0.5 -129,1,0,1954,0.2 -132,1,0,1815,0.8 -134,1,1,0500,0.5 -135,1,0,2200,0.7 -137,1,0,1435,0.5 -138,1,1,0435,0.3 -139,1,0,0040,1.3 -140,1,1,0015,0.6 -142,1,0,2136,0.4 -143,1,0,1716,0.2 -144,1,0,1635,0.7 -146,1,1,0100,0.5 -147,1,0,0050,0.5 -148,1,0,0925,0.6 -151,1,0,1855,0.7 -152,1,0,0950,0.8 -153,1,0,1855,0.5 -155,1,0,2243,0.7 -157,1,0,2210,0.6 -161,1,0,0033,0.3 -161,2,0,0654,0.3 -161,3,1,0628,0.2 -163,1,1,0130,0.6 -165,1,0,1350,0.5 -169,1,1,0015,0.6 -170,1,0,1950,0.6 -172,1,0,2137,0.7 -173,1,0,1800,0.8 -175,1,0,1338,0.9 -176,1,0,1526,0.6 -178,1,0,1856,0.4 -179,1,0,2143,0.6 -180,1,0,1329,0.6 -181,1,0,1457,0.3 -182,1,0,2040,0.3 -183,1,0,1212,0.6 -184,1,0,1920,1 -185,1,0,2341,0.8 -186,1,0,1950,0.2 -187,1,1,0003,0.3 -188,1,0,1644,0.7 -190,1,0,2216,0.5 -193,1,0,0735,0.6 -194,1,4,1155,0.8 -195,1,0,1839,0.9 -198,1,1,0500,0.5 -199,1,0,1635,0.3 -200,1,0,1911,0.5 -201,1,0,1910,0.8 -202,1,0,1408,0.4 -203,1,0,1320,0.5 -204,1,1,0640,0.4 -206,1,0,0040,0.8 -209,1,0,2040,0.3 -210,1,0,1432,0.6 -212,1,0,1326,0.5 -213,1,0,1948,0.7 -214,1,0,1743,0.6 -216,1,0,2120,0.5 -217,1,0,1850,1.1 -221,1,0,2335,0.6 -225,1,0,2110,0.5 -226,1,0,1134,0.5 -227,1,0,1330,1 -228,1,0,2045,0.7 -229,1,0,0147,0.9 -230,1,0,0944,0.9 -232,1,0,1749,0.9 -235,1,0,1730,0.9 -237,1,0,1235,1.2 -238,1,0,1802,1.6 -239,1,0,1523,0.6 -240,1,0,0047,0.3 -241,1,0,1740,1 -243,1,0,1729,0.6 -244,1,0,1233,1.1 -245,1,1,0032,0.8 -246,1,0,0403,0.9 -247,1,0,1518,0.4 -250,1,0,2255,0.7 -251,1,0,2306,0.4 -256,1,0,1625,0.7 -257,1,0,1350,0.5 -263,1,0,1420,0.9 -264,1,0,1527,0.7 -265,1,0,1839,0.3 -266,1,0,2150,0.8 -267,1,0,2106,0.6 -273,1,0,1916,0.7 -275,1,1,0655,0.3 -282,1,0,2148,0.9 -285,1,0,1555,0.7 -288,1,0,2000,0.5 -289,1,0,2100,0.6 -292,1,1,0020,0.9 -295,1,0,1553,0.6 -296,1,0,1825,0.7 -297,1,0,1600,0.5 -299,1,0,0910,0.9 -300,1,0,1537,0.5 -301,1,0,1545,0.2 -303,1,1,0403,0.3 -304,1,0,2142,0.5 -305,1,0,1440,0.7 -306,1,1,0008,0.3 -308,1,1,0001,0.6 -309,1,0,1806,0.4 -312,1,0,1626,0.4 -314,1,0,1329,0.4 -316,1,0,2045,0.6 -318,1,0,2017,1 -320,1,0,0050,0.9 -321,1,0,1644,0.9 -322,1,0,1540,0.3 -326,1,2,0550,0.9 -328,1,0,1740,0.7 -332,1,0,2230,0.7 -333,1,0,2035,0.8 -336,1,0,0623,0.3 -337,1,0,2320,0.6 -338,1,0,0637,0.6 -341,1,0,0709,0.4 -342,1,0,1546,1.1 -344,1,0,1838,0.7 -347,1,1,1222,0.2 -350,1,0,1640,0.5 -351,1,0,1221,0.5 -352,1,0,1318,0.4 -353,1,0,1914,0.5 -355,1,0,2009,0.9 -356,1,0,1738,0.4 -357,1,0,1130,1 -358,1,0,1143,0.4 -363,1,0,1200,0.4 -365,1,0,2206,0.8 -366,1,0,1700,0.5 -367,1,0,0545,1.1 -368,1,0,0143,1 -369,1,0,0919,0.5 -371,1,0,2136,0.6 -372,1,0,1438,0.4 -374,1,0,0910,0.9 -375,1,0,1730,0.3 -376,1,0,0218,0.5 -377,1,0,1640,0.9 -378,1,0,1713,0.6 -379,1,0,1724,0.5 -380,1,0,1250,0.6 -381,1,0,2100,0.7 -382,1,0,2030,0.8 -386,1,0,1600,0.8 -387,1,0,1430,0.7 -390,1,0,2005,0.4 -391,1,0,1830,0.8 -392,1,0,2055,1 -396,1,1,0400,0.5 -397,1,0,1824,0.4 -398,1,0,1940,0.5 -399,1,0,0944,0.4 -400,1,0,1802,0.7 -401,1,0,2000,0.2 -406,1,0,2143,0.4 -407,1,0,1618,0.9 -410,1,0,2335,0.5 -412,1,0,1520,0.5 -413,1,0,1402,0.4 -414,1,0,0959,0.6 -415,1,0,1508,0.4 -417,1,0,1544,0.4 -420,1,7,0450,0.4 -422,1,0,0956,0.4 -423,1,0,2056,0.9 -428,1,0,1535,0.5 -429,1,0,1530,0.6 -433,1,-10,2220,0.5 -436,1,0,1726,0.5 -438,1,0,1623,0.3 -439,1,0,1520,0.5 -442,1,0,1940,0.4 -444,1,0,2250,0.5 -445,1,0,2039,0.6 -446,1,0,0114,0.3 -447,1,0,2039,0.7 -448,1,0,0309,0.8 -449,1,0,1442,0.4 -450,1,0,2050,1.1 -452,1,0,0140,0.8 -453,1,0,1815,0.6 -454,1,0,1944,0.2 -457,1,1,0011,0.8 -458,1,0,1815,0.5 -459,1,0,1425,1 -460,1,0,2134,0.3 -462,1,1,0355,0.6 -465,1,0,2100,0.6 -469,1,1,1210,0.2 -470,1,0,1917,0.3 -471,1,0,1834,1 -471,2,0,2043,0.9 -472,1,0,0915,0.7 -474,1,0,0830,0.6 -475,1,0,2125,0.9 -480,1,0,2251,0.5 -481,1,0,0055,1 -482,1,0,1400,0.8 -484,1,0,1900,1 -486,1,0,1641,0.5 -488,1,0,0745,0.3 -490,1,0,1419,0.5 -493,1,1,0155,0.7 -494,1,0,1205,0.4 -495,1,0,2227,0.8 -497,1,0,2130,0.9 -498,1,0,2034,0.9 -499,1,1,0111,0.4 -500,1,1,0559,0.5 -502,1,0,1658,0.7 -505,1,0,1110,0.9 -507,1,0,2124,0.9 -508,1,0,2252,0.4 -509,1,0,1914,1.1 -510,1,0,1857,0.4 -512,1,0,2203,0.4 -513,1,1,0016,0.6 -516,1,0,2109,0.8 -517,1,0,2300,0.8 -519,1,0,1123,0.3 -520,1,0,1621,0.6 -521,1,0,0202,0.8 -523,1,0,1345,0.6 -525,1,0,2047,0.5 -527,1,0,1028,0.4 -531,1,0,1130,0.7 -535,1,0,1352,0.8 -536,1,0,2300,1.2 -537,1,0,1749,0.4 -538,1,0,1415,0.9 -539,1,0,2029,0.5 -540,1,0,2339,1 -543,1,1,0400,0.4 -544,1,0,1733,0.6 -546,1,0,0315,0.8 -548,1,0,2101,0.7 -549,1,1,0111,0.7 -550,1,0,1329,0.6 -551,1,0,1245,0.3 -553,1,0,1112,0.7 -558,1,0,1328,0.6 -559,1,0,1700,0.9 -563,1,0,1703,0.7 -564,1,0,1925,0.8 -567,1,0,2245,0.6 -569,1,0,1810,0.8 -570,1,0,0815,0.6 -572,1,0,1435,0.4 -574,1,0,1843,0.6 -575,1,0,2329,0.4 -576,1,0,1741,0.8 -577,1,0,2100,0.6 -578,1,0,0529,0.6 -579,1,0,1353,0.6 -582,1,0,1949,0.2 -583,1,1,0435,0.4 -586,1,0,2124,1.3 -587,1,0,1330,0.6 -590,1,0,2253,0.4 -591,1,0,1633,1.1 -591,2,0,2243,0.7 -593,1,0,1815,0.8 -594,1,0,1530,0.9 -595,1,0,1420,0.1 -596,1,0,2057,0.4 -600,1,0,2104,0.5 -606,1,0,1821,0.9 -607,1,0,1950,0.4 -608,1,0,1712,0.6 -611,1,1,0655,0.4 -613,1,0,1646,0.4 -615,1,0,2237,0.4 -617,1,1,0455,0.6 -618,1,0,1456,0.5 -620,1,1,0015,0.4 -621,1,0,1742,0.4 -622,1,0,0049,0.7 -623,1,0,2350,0.5 -624,1,0,1229,0.4 -625,1,0,2309,0.5 -627,1,0,1632,0.4 -628,1,0,0945,0.6 -630,1,0,1530,0.5 -632,1,0,2039,0.5 -633,1,0,2320,0.4 -636,1,1,0450,0.5 -637,1,0,1900,0.6 -638,1,1,0042,0.4 -642,1,0,1240,0.9 -644,1,0,2200,0.4 -645,1,0,2052,0.8 -647,1,0,1412,0.3 -648,1,0,2120,0.4 -650,1,0,2116,0.5 -652,1,0,1305,0.5 -657,1,0,1306,0.5 -658,1,0,1253,0.4 -659,1,0,1729,0.9 -663,1,0,2300,1 -664,1,0,2141,0.5 -668,1,0,1732,0.6 -669,1,0,1819,0.7 -671,1,0,1503,1 -673,1,0,1601,0.9 -676,1,0,1926,0.7 -679,1,1,0031,1 -683,1,0,1645,0.4 -686,1,0,2000,1.2 -687,1,0,0054,1 -689,1,0,0320,0.7 -691,1,0,1640,0.4 -694,1,1,0550,0.6 -695,1,0,1500,0.7 -696,1,0,1630,0.3 -698,1,0,0535,0.5 -701,1,0,1848,0.4 -702,1,1,0230,0.4 -705,1,1,1600,0.5 -707,1,0,0836,0.3 -708,1,0,1633,0.5 -709,1,1,0020,0.6 -710,1,0,1939,0.7 -711,1,0,2000,0.8 -712,1,0,1947,0.4 -714,1,1,0415,0.8 -715,1,0,2003,0.7 -716,1,0,1405,0.6 -717,1,0,2340,0.5 -719,1,0,1621,0.5 -720,1,0,1943,0.6 -721,1,0,0940,0.2 -722,1,0,2122,0.5 -728,1,0,1623,0.6 -729,1,0,2132,0.8 -731,1,0,2120,0.4 -732,1,0,1609,0.8 -733,1,0,1821,0.4 -735,1,0,0249,0.4 -736,1,0,1300,0.2 -737,1,0,1646,0.6 -738,1,0,2055,0.5 -739,1,0,0550,0.5 -740,1,0,1057,0.6 -742,1,0,1714,1 -744,1,0,1327,0.4 -746,1,0,0153,0.3 -747,1,0,2305,0.8 -749,1,0,2130,0.7 -750,1,0,2359,0.7 -751,1,0,0325,0.1 -756,1,0,1341,0.6 -760,1,1,0029,0.8 -762,1,0,2105,0.4 -763,1,0,1829,0.5 -764,1,0,1517,0.5 -767,1,0,1112,0.7 -768,1,0,2215,0.5 -771,1,0,1223,0.8 -773,1,0,2341,0.4 -774,1,1,0625,0.7 -776,1,0,2007,1 -779,1,0,2040,1 -780,1,0,0135,0.6 -781,1,0,1950,0.8 -782,1,0,1610,0.7 -784,1,0,1730,0.8 -785,1,0,0447,0.3 -786,1,0,2050,0.5 -787,1,0,1635,0.5 -788,1,0,2241,0.8 -790,1,0,1144,1.1 -792,1,0,2020,0.9 -794,1,1,0640,0.3 -796,1,0,2350,0.7 -798,1,0,2208,0.7 -800,1,0,1957,0.5 -802,1,0,2100,0.6 -808,1,0,2044,0.7 -809,1,0,0356,1 -810,1,0,2150,0.4 -812,1,0,1213,0.3 -812,2,1,0525,0.3 -814,1,0,1757,0.4 -816,1,0,0220,0.8 -817,1,0,1232,0.3 -818,1,0,1548,0.9 -821,1,0,1440,0.6 -828,1,0,1807,0.9 -830,1,0,2235,0.4 -831,1,0,1800,0.6 -839,1,1,0709,0.4 -840,1,0,2109,0.5 -841,1,0,0030,1.1 -842,1,0,1558,0.9 -847,1,0,1855,0.9 -848,1,0,1550,0.8 -849,1,0,2100,0.3 -850,1,0,1411,0.6 -851,1,0,0145,0.9 -852,1,0,2002,0.4 -856,1,0,1245,1.2 -858,1,0,1340,1 -861,1,0,1257,0.8 -862,1,0,2209,0.3 -863,1,1,0340,0.5 -869,1,0,2100,0.3 -873,1,1,0320,0.3 -874,1,0,1726,0.3 -876,1,0,1532,0.9 -878,1,0,1300,0.7 -879,1,0,1814,0.5 -883,1,0,2313,0.6 -886,1,0,2049,0.8 -887,1,0,1415,0.3 -890,1,0,2319,0.8 -892,1,0,1839,0.7 -893,1,0,1625,0.6 -894,1,0,1542,0.5 -895,1,0,1153,0.4 -896,1,0,1739,0.7 -897,1,0,1955,0.7 -898,1,0,1525,0.7 -898,2,1,0622,0.6 -899,1,0,2025,0.6 -901,1,0,1005,0.8 -902,1,0,1628,0.7 -904,1,0,0514,0.6 -905,1,0,1140,0.6 -907,1,1,0005,0.5 -908,1,0,2047,0.5 -911,1,0,1704,0.7 -912,1,0,2048,0.8 -913,1,0,1645,0.4 -915,1,0,1315,0.6 -917,1,0,1752,0.4 -918,1,0,2200,0.6 -919,1,0,2210,0.2 -921,1,0,1544,0.6 -922,1,0,1924,0.6 -924,1,0,1310,0.8 -925,1,0,2243,0.6 -926,1,0,1207,0.2 -927,1,0,0833,1 -930,1,0,1441,0.3 -931,1,0,1617,0.3 -933,1,0,0135,0.8 -935,1,0,1348,0.3 -936,1,0,1126,0.4 -937,1,0,0753,0.3 -937,2,1,1013,0.3 -937,3,6,1331,0.4 -938,1,0,1207,0.5 -939,1,0,1116,1 -940,1,0,1846,0.6 -941,1,0,1546,0.6 -942,1,0,1330,0.7 -943,1,0,1617,0.4 -944,1,0,0615,0.6 -946,1,1,0445,0.6 -947,1,0,2026,0.5 -948,1,1,0625,0.5 -949,1,0,1613,1.1 -950,1,0,1915,0.4 -953,1,0,1747,0.5 -954,1,0,0825,0.6 -955,1,0,1449,0.2 -961,1,0,1857,0.5 -964,1,0,1750,0.6 -965,1,0,1421,0.9 -966,1,0,1922,0.8 -967,1,0,2055,0.8 -968,1,0,1501,1.1 -970,1,0,1500,0.6 -971,1,0,2152,0.7 -972,1,0,2334,0.6 -974,1,0,1450,0.7 -976,1,0,1830,0.9 -977,1,0,1625,0.5 -978,1,1,0512,0.3 -979,1,0,0045,0.6 -981,1,0,2151,0.9 -981,2,1,1900,0.6 -983,1,0,1126,0.2 -984,1,0,0355,0.3 -988,1,0,1515,0.4 -990,1,0,2345,0.7 -991,1,0,1634,0.4 -993,1,0,2057,0.4 -994,1,0,1951,1.1 -996,1,0,1955,0.6 -1000,1,0,0241,0.8 -1001,1,0,1902,0.8 -1002,1,0,2137,1.2 -1004,1,0,2310,0.5 -1006,1,0,2015,0.4 -1007,1,0,1940,0.6 -1008,1,0,2109,0.3 -1009,1,0,1410,0.3 -1013,1,1,0215,0.5 -1015,1,0,1920,0.3 -1018,1,0,2027,0.4 -1020,1,0,1117,0.4 -1021,1,0,1551,0.3 -1023,1,0,2015,0.7 -1025,1,0,1820,0.6 -1028,1,0,1800,0.4 -1030,1,0,1951,0.7 -1035,1,0,1547,1 -1036,1,0,0203,0.8 -1038,1,0,2001,0.7 -1041,1,0,1301,1 -1042,1,0,2255,0.6 -1043,1,0,1843,0.8 -1044,1,0,1700,0.9 -1045,1,1,0457,0.5 -1049,1,0,1839,0.5 -1050,1,0,2150,0.9 -1054,1,0,1450,0.2 -1056,1,0,1824,0.5 -1057,1,0,0331,0.5 -1061,1,0,1539,0.5 -1062,1,0,1945,1.1 -1065,1,0,1930,0.8 -1067,1,0,1920,0.6 -1068,1,0,1450,0.8 -1071,1,0,2005,0.6 -1074,1,0,0857,0.6 -1075,1,0,1254,0.8 -1076,1,0,1838,0.5 -1078,1,1,0138,0.8 -1080,1,0,0059,0.2 -1081,1,1,0650,0.4 -1082,1,0,1916,0.7 -1085,1,0,1601,0.5 -1087,1,0,2355,0.6 -1091,1,0,1746,0.5 -1092,1,1,0405,0.3 -1093,1,1,1815,0.3 -1095,1,0,1140,0.5 -1097,1,0,1937,0.7 -1098,1,0,0316,0.6 -1100,1,0,0120,0.5 -1101,1,0,1331,0.3 -1102,1,1,1947,1 -1104,1,0,1610,1 -1105,1,0,2143,1.2 -1106,1,0,1520,0.6 -1108,1,1,0535,0.6 -1109,1,0,1557,0.8 -1110,1,0,1717,1.6 -1111,1,0,2057,0.9 -1117,1,0,1520,0.8 -1118,1,0,2024,0.7 -1121,1,0,0634,0.8 -1122,1,0,1615,0.3 -1124,1,0,1759,0.6 -1125,1,1,0350,0.4 -1129,1,0,1706,0.4 -1132,1,0,2335,1 -1134,1,0,0959,0.8 -1136,1,0,1827,0.4 -1137,1,0,2119,0.4 -1140,1,0,2243,0.7 -1141,1,1,0935,0.7 -1142,1,0,1740,0.4 -1145,1,0,1250,0.4 -1146,1,1,0637,0.3 -1147,1,0,1518,0.2 -1148,1,0,2350,0.3 -1149,1,0,0751,0.8 -1150,1,0,2300,1.4 -1152,1,0,1610,0.2 -1153,1,1,0625,0.4 -1157,1,0,0945,0.4 -1159,1,0,1500,0.3 -1160,1,0,1653,0.6 -1161,1,0,1706,0.7 -1162,1,0,2059,0.2 -1165,1,0,1710,0.8 -1168,1,0,1220,0.2 -1172,1,0,1134,0.9 -1173,1,0,1540,0.5 -1174,1,0,2305,1 -1175,1,0,1902,0.6 -1177,1,0,1145,0.7 -1181,1,0,2020,0.5 -1182,1,0,1139,0.6 -1185,1,0,1550,0.9 -1190,1,0,2157,0.4 -1192,1,0,2052,0.6 -1193,1,0,1237,0.9 -1195,1,0,1943,0.6 -1196,1,0,1655,1.3 -1197,1,0,1815,0.7 -1198,1,0,1430,0.7 -1199,1,0,1908,0.5 -1201,1,0,1722,0.7 -1203,1,0,1905,1 -1205,1,0,1100,0.6 -1206,1,0,0945,1.2 -1207,1,0,2122,0.6 -1209,1,0,1720,0.7 -1211,1,0,1210,0.8 -1213,1,1,1940,0.4 -1216,1,0,1501,0.4 -1217,1,0,2245,0.5 -1218,1,0,0444,0.3 -1219,1,0,0717,0.5 -1220,1,0,1614,0.7 -1221,1,0,1004,1 -1222,1,0,2140,0.3 -1224,1,0,1828,0.5 -1227,1,0,2016,0.5 -1229,1,0,1917,1 -1230,1,0,1700,0.8 -1231,1,0,1602,0.7 -1234,1,0,2306,0.3 -1235,1,0,1856,0.4 -1237,1,1,0545,0.4 -1239,1,1,0500,0.3 -1240,1,0,1940,0.4 -1241,1,0,2025,0.7 -1243,1,0,1510,0.9 -1245,1,0,1907,0.7 -1246,1,0,1930,0.4 -1247,1,0,1955,0.3 -1249,1,0,2124,0.6 -1250,1,0,1700,0.5 -1253,1,0,1014,1 -1254,1,0,2256,0.7 -1259,1,2,1117,0 -1262,1,0,2244,0.6 -1263,1,0,1613,0.6 -1265,1,1,0355,0.6 -1267,1,1,0450,0.6 -1269,1,0,2259,0.5 -1271,1,0,1926,0.4 -1272,1,0,1915,0.7 -1273,1,0,2130,0.8 -1276,1,1,0640,0.7 -1277,1,0,1857,0.6 -1279,1,0,1802,1 -1280,1,0,1909,0.6 -1282,1,0,1828,1.1 -1283,1,0,1445,0.5 -1284,1,0,1808,0.2 -1286,1,0,1845,0.5 -1289,1,0,1640,0.6 -1291,1,0,1550,0.5 -1292,1,0,0655,0.3 -1295,1,0,1157,0.4 -1297,1,1,0515,0.5 -1300,1,0,1628,0.8 -1303,1,0,1602,0.5 -1306,1,0,2230,0.6 -1308,1,0,0027,0.9 -1309,1,0,2054,0.6 -1310,1,1,0000,0.8 -1312,1,0,1711,0.5 -1313,1,0,2214,0.8 -1316,1,1,0530,0.5 -1320,1,0,2136,0.4 -1321,1,0,1734,0.7 -1322,1,0,0056,0.3 -1323,1,0,1526,0.5 -1326,1,0,1530,0.7 -1328,1,0,2228,0.5 -1331,1,0,1614,0.7 -1336,1,0,1115,0.8 -1338,1,1,0944,1 -1338,2,3,0845,0.8 -1338,3,5,0902,0.8 -1349,1,0,1831,0.4 -1350,1,0,0914,0.7 -1352,1,0,1825,0.5 -1354,1,0,2216,0.7 -1355,1,0,1854,0.5 -1359,1,1,0840,0.4 -1363,1,0,1348,0.3 -1364,1,0,2246,0.8 -1365,1,0,1805,0.6 -1369,1,0,2206,1 -1370,1,0,1800,0.8 -1371,1,0,0020,0.9 -1373,1,0,1047,1.7 -1374,1,0,1720,0.8 -1375,1,0,0002,0.7 -1376,1,0,0021,0.2 -1377,1,0,0137,0.6 -1378,1,0,1710,0.3 -1379,1,0,1734,0.3 -1382,1,0,0420,1.1 -1391,1,0,2200,0.9 -1394,1,0,1917,0.7 -1395,1,0,1554,0.4 -1397,1,0,2110,0.9 -1398,1,0,0017,0.8 -1400,1,0,2318,0.4 -1401,1,0,1933,0.4 -1402,1,0,2230,0.8 -1403,1,0,2124,0.8 -1405,1,1,0630,0.7 -1407,1,0,1600,0.8 -1409,1,0,1933,0.5 -1410,1,0,2254,0.6 -1413,1,0,1742,0.4 -1414,1,0,1500,0.5 -1415,1,0,1239,0.5 -1416,1,0,1542,1.2 -1417,1,0,0526,1 -1418,1,0,1430,0.5 -1421,1,0,1310,0.6 -1422,1,0,2200,0.6 -1424,1,0,2315,0.9 -1426,1,0,2040,0.4 -1429,1,1,0410,0.4 -1432,1,0,2355,0.7 -1434,1,0,2020,0.6 -1436,1,0,1002,0.5 -1437,1,0,1536,0.3 -1440,1,0,1920,0.5 -1442,1,0,0531,1 -1443,1,0,1525,0.8 -1444,1,0,2113,0.4 -1445,1,0,1952,0.6 -1446,1,0,0235,0.8 -1447,1,0,1419,0.8 -1449,1,0,2255,0.4 -1450,1,0,2157,0.8 -1453,1,0,1727,0.7 -1454,1,0,1440,0.3 -1455,1,0,1120,0.8 -1457,1,0,1730,0.6 -1459,1,0,1709,0.5 -1460,1,0,0319,0.6 -1464,1,0,1635,0.3 -1465,1,1,1205,0.6 -1466,1,0,1456,0.6 -1469,1,0,1339,0.8 -1472,1,0,2043,0.3 -1477,1,0,1819,0.9 -1478,1,0,1312,0.5 -1482,1,0,0750,0.9 -1484,1,1,0550,0.6 -1484,2,1,0012,0.6 -1484,3,0,1909,0.6 -1486,1,0,2150,0.9 -1487,1,0,2230,0.7 -1490,1,0,1845,0.8 -1491,1,0,1352,0.6 -1494,1,1,2005,0.5 -1495,1,1,0643,0.6 -1496,1,0,1157,1 -1498,1,0,2303,1.2 -1499,1,0,2209,0.4 -1500,1,0,1349,1 -1501,1,1,0805,0.2 -1502,1,0,1500,0.5 -1503,1,0,2112,0.4 -1506,1,1,0000,1 -1508,1,1,0005,0.9 -1509,1,0,1730,0.4 -1510,1,0,1352,0.8 -1512,1,0,1503,0.3 -1514,1,0,1645,1.3 -1518,1,0,1807,1.1 -1521,1,0,1244,0.4 -1522,1,0,2047,0.2 -1526,1,0,2306,0.3 -1527,1,1,0003,0.3 -1528,1,0,1523,0.8 -1529,1,1,0648,0.2 -1533,1,0,1940,0.9 -1535,1,0,1731,0.9 -1538,1,0,1733,0.8 -1539,1,0,1516,0.7 -1540,1,0,1850,0.3 -1542,1,0,1450,0.8 -1543,1,0,1815,0.4 -1544,1,0,1430,0.4 -1546,1,1,0415,0.4 -1547,1,0,1931,0.6 -1549,1,1,0410,0.3 -1551,1,0,2043,0.9 -1552,1,0,1345,0.4 -1553,1,0,1013,0.7 -1554,1,0,0105,1.3 -1555,1,0,1534,0.4 -1557,1,0,1520,0.7 -1558,1,0,1745,0.7 -1560,1,1,0600,0.3 -1561,1,1,0610,0.4 -1562,1,1,0545,0.4 -1564,1,0,1943,0.9 -1565,1,0,2224,0.3 -1566,1,0,0759,0.6 -1567,1,1,0133,1.1 -1567,2,3,1128,0.9 -1570,1,0,1709,0.6 -1574,1,0,1740,0.3 -1575,1,0,1830,0.3 -1582,1,1,0100,0.5 -1583,1,0,2145,0.8 -1584,1,0,1615,0.7 -1587,1,0,1940,0.6 -1588,1,0,1002,0.3 -1589,1,0,2055,0.4 -1590,1,0,0845,0.9 -1591,1,0,1520,0.8 -1592,1,0,1615,0.8 -1594,1,0,0039,0.4 -1595,1,0,1250,0.5 -1597,1,0,1257,0.3 -1602,1,1,0024,0.2 -1605,1,0,1450,0.5 -1606,1,0,1826,1.1 -1609,1,0,2118,0.5 -1613,1,0,2005,0.7 -1613,2,1,0938,0.7 -1617,1,0,2105,1 -1620,1,0,1712,0.6 -1621,1,0,1930,0.6 -1622,1,0,2335,0.2 -1623,1,0,0030,0.7 -1624,1,1,0434,0.2 -1625,1,0,1145,0.5 -1626,1,0,2043,0.8 -1628,1,0,1730,0.3 -1629,1,1,0520,0.3 -1632,1,0,2137,0.4 -1633,1,0,1615,0.6 -1634,1,0,2139,0.7 -1636,1,0,1305,1.1 -1637,1,0,1130,0.4 -1638,1,0,2308,0.4 -1639,1,0,1340,1 -1640,1,0,0950,0.4 -1644,1,0,1837,1 -1645,1,1,1000,0.5 -1649,1,0,1905,0.4 -1650,1,1,0545,0.3 -1653,1,0,0832,1.1 -1654,1,1,0120,0.4 -1655,1,0,1424,0.9 -1656,1,0,1256,0.3 -1657,1,0,0600,1.1 -1660,1,0,2311,0.7 -1662,1,0,0500,0.3 -1665,1,0,2345,0.5 -1667,1,0,1800,0.7 -1671,1,0,1530,1 -1673,1,0,2217,0.6 -1674,1,0,1820,0.3 -1675,1,0,2303,0.4 -1676,1,0,1920,0.9 -1677,1,0,2346,0.8 -1679,1,0,1050,0.7 -1680,1,1,0540,0.3 -1683,1,0,2015,0.9 -1684,1,0,1725,0.8 -1686,1,0,1300,0.3 -1689,1,0,2222,0.7 -1690,1,0,0223,0.4 -1691,1,0,2125,0.3 -1692,1,0,2137,0.2 -1693,1,1,0515,0.3 -1696,1,0,1659,0.4 -1697,1,0,1855,0.8 -1701,1,0,1636,1 -1707,1,1,0400,0.6 -1709,1,0,0450,1.1 -1710,1,1,0550,0.8 -1711,1,0,1400,0.9 -1712,1,0,1400,1.1 -1713,1,0,2023,0.5 -1714,1,0,1736,0.9 -1716,1,0,1800,0.2 -1722,1,0,1634,0.4 -1723,1,2,0815,0.6 -1725,1,0,2345,1 -1726,1,0,2133,0.5 -1727,1,0,1755,0.4 -1728,1,0,1033,0.6 -1729,1,0,1940,1.2 -1730,1,0,0625,0.3 -1732,1,0,0230,0.8 -1734,1,1,0030,0.7 -1735,1,0,2200,0.5 -1739,1,1,0658,0.7 -1740,1,0,1642,0.4 -1744,1,0,1633,0.6 -1745,1,0,1717,0.7 -1747,1,0,1935,0.5 -1748,1,0,2223,0.5 -1749,1,0,1931,0.9 -1750,1,0,0214,0.4 -1756,1,0,2045,0.4 -1757,1,0,2256,0.6 -1758,1,0,1633,0.4 -1759,1,0,1953,0.9 -1760,1,0,2115,0.9 -1761,1,0,2325,0.7 -1763,1,0,1337,0.5 -1764,1,0,2106,1.1 -1767,1,0,1930,0.5 -1768,1,0,1629,0.7 -1769,1,0,1530,0.5 -1770,1,0,1922,0.8 -1775,1,0,1818,0.6 -1776,1,0,1714,0.5 -1777,1,0,1939,0.3 -1778,1,1,0530,0.5 -1783,1,0,1651,0.5 -1784,1,0,0929,0.5 -1785,1,0,1325,1 -1787,1,0,0405,0.5 -1789,1,0,2020,0.7 -1790,1,0,1956,0.6 -1792,1,0,2244,0.6 -1793,1,0,1929,0.6 -1794,1,0,1740,0.4 -1795,1,0,1100,0.3 -1796,1,0,1500,0.8 -1797,1,0,2042,0.6 -1800,1,0,1517,0.4 -1804,1,0,1814,0.4 -1805,1,0,1742,0.2 -1806,1,0,1910,0.4 -1807,1,0,2003,0.8 -1811,1,0,1740,0.7 -1816,1,0,1646,0.2 -1817,1,0,2020,0.3 -1819,1,0,2350,0.8 -1823,1,0,1627,0.4 -1824,1,0,1300,0.3 -1825,1,0,0938,0.4 -1828,1,0,2130,0.6 -1829,1,0,1739,0.4 -1831,1,0,2304,0.4 -1833,1,0,2016,0.6 -1834,1,0,0825,0.3 -1835,1,0,2300,0.6 -1836,1,0,1831,0.8 -1837,1,0,1938,0.5 -1838,1,0,2325,0.8 -1839,1,0,1532,0.6 -1840,1,0,1748,0.2 -1843,1,0,2230,1.2 -1845,1,0,1545,0.8 -1846,1,0,1121,1 -1851,1,0,1740,0.6 -1854,1,0,1938,0.8 -1855,1,0,1615,0.4 -1856,1,0,2350,0.8 -1858,1,1,0600,0.2 -1860,1,0,1119,0.5 -1861,1,0,1520,0.8 -1868,1,1,0615,0.4 -1869,1,0,1604,1.2 -1870,1,1,0500,0.4 -1873,1,0,1818,0.6 -1874,1,0,2040,0.4 -1876,1,0,2115,0.9 -1880,1,0,0205,0.5 -1881,1,0,0145,1 -1882,1,0,2200,1.1 -1883,1,0,2020,0.5 -1884,1,1,0030,0.3 -1886,1,0,1355,0.5 -1889,1,0,0847,0.3 -1890,1,0,1730,1 -1891,1,0,2335,0.9 -1892,1,0,1058,1.2 -1894,1,0,1940,1 -1895,1,0,2134,0.5 -1896,1,0,0302,0.7 -1897,1,0,1800,0.5 -1899,1,1,0009,0.4 -1900,1,0,2352,1.1 -1902,1,0,2002,1 -1904,1,0,2039,0.4 -1906,1,1,0750,0.4 -1907,1,0,2147,0.7 -1909,1,0,2107,0.5 -1910,1,0,2028,0.6 -1911,1,1,0530,0.3 -1912,1,0,1717,1.2 -1913,1,0,1631,1 -1916,1,0,1715,0.8 -1917,1,0,1950,0.6 -1918,1,1,0052,0.7 -1921,1,0,1829,0.4 -1922,1,0,2300,0.4 -1923,1,0,2055,0.5 -1929,1,0,1759,0.7 -1930,1,0,1530,0.6 -1934,1,0,1642,0.6 -1937,1,0,1705,0.8 -1943,1,0,1948,0.9 -1944,1,0,1511,0.8 -1945,1,0,2013,0.4 -1947,1,0,0840,0.9 -1948,1,0,1449,0.5 -1949,1,0,1330,0.8 -1953,1,1,0431,0.5 -1958,1,1,0255,0.2 -1959,1,0,0115,0.8 -1962,1,0,0046,0.8 -1964,1,0,2205,0.7 -1965,1,0,1715,0.5 -1966,1,0,1745,0.7 -1974,1,0,2130,0.5 -1975,1,2,0550,0.6 -1977,1,0,1633,0.7 -1978,1,0,1728,0.9 -1981,1,0,2100,0.4 -1985,1,0,1256,1.5 -1986,1,0,2000,0.7 -1987,1,0,2300,0.3 -1988,1,0,1955,0.3 -1989,1,0,1348,0.3 -1990,1,0,1700,0.8 -1991,1,1,0530,0.2 -1992,1,0,2045,0.8 -1993,1,0,1336,0.8 -1994,1,0,2000,0.2 -1996,1,0,1845,0.5 -1997,1,-1,2355,0.5 -1999,1,1,0620,0.5 -2000,1,0,2059,0.3 -2004,1,0,0100,0.7 -2006,1,0,1932,0.6 -2007,1,0,0411,0.6 -2009,1,0,2225,0.8 -2011,1,0,2144,0.4 -2014,1,0,0255,0.7 -2015,1,1,0315,0.4 -2019,1,0,1720,0.8 -2020,1,0,2105,0.6 -2022,1,0,1810,0.5 -2024,1,0,1946,0.6 -2025,1,0,1653,0.4 -2028,1,0,1930,0.5 -2029,1,0,2054,0.5 -2030,1,1,0420,0.3 -2032,1,0,0027,0.8 -2033,1,0,1925,1.1 -2035,1,1,0315,0.9 -2037,1,0,1605,0.6 -2038,1,0,1428,0.8 -2039,1,0,2151,0.6 -2041,1,0,1207,0.6 -2043,1,0,1314,0.3 -2044,1,0,1229,0.9 -2045,1,0,0952,1 -2047,1,0,1959,0.7 -2049,1,0,1814,0.6 -2050,1,0,1655,0.7 -2052,1,0,1617,0.8 -2053,1,0,2130,0.6 -2054,1,0,1730,0.6 -2056,1,0,2010,0.4 -2057,1,0,1210,0.5 -2058,1,0,1133,0.7 -2059,1,0,1351,0.2 -2061,1,0,1500,0.3 -2063,1,0,1822,0.2 -2065,1,0,1640,0.8 -2070,1,0,2126,0.4 -2071,1,0,1900,0.4 -2072,1,0,1305,0.3 -2073,1,0,2218,0.4 -2074,1,0,0915,0.6 -2075,1,0,2150,0.9 -2076,1,0,2121,0.2 -2078,1,1,0052,0.7 -2080,1,0,1932,0.6 -2082,1,1,0004,0.5 -2083,1,0,1615,0.3 -2084,1,1,0620,0.4 -2086,1,0,1858,0.4 -2087,1,0,1810,0.3 -2095,1,0,2002,0.4 -2096,1,0,1925,0.6 -2101,1,0,2308,0.6 -2105,1,0,1500,1.2 -2106,1,0,1420,0.7 -2107,1,0,0420,1.1 -2109,1,0,1915,0.6 -2113,1,0,2305,0.8 -2114,1,0,0022,0.4 -2115,1,0,1830,0.6 -2116,1,0,1059,0.4 -2119,1,0,1815,0.7 -2120,1,0,1333,0.7 -2122,1,0,1400,0.6 -2123,1,0,0102,0.7 -2124,1,0,2126,0.4 -2125,1,0,2308,0.4 -2126,1,0,1029,0.8 -2127,1,0,1551,0.6 -2128,1,0,1230,0.3 -2131,1,0,2303,0.6 -2132,1,0,0711,0.5 -2133,1,0,1159,0.3 -2134,1,0,1355,0.4 -2136,1,0,1530,0.9 -2137,1,0,2232,0.7 -2138,1,0,2308,0.7 -2139,1,0,1724,0.5 -2140,1,0,0130,0.8 -2145,1,0,2130,0.5 -2146,1,1,0528,0.8 -2147,1,0,1718,0.9 -2150,1,0,1516,0.6 -2152,1,0,2120,0.6 -2153,1,0,2141,0.4 -2154,1,0,1408,0.3 -2155,1,0,1653,0.5 -2156,1,0,1434,0.8 -2157,1,0,1851,0.6 -2158,1,2,0540,0.7 -2159,1,0,1222,0.8 -2162,1,0,1926,0.3 -2164,1,0,1748,0.5 -2168,1,1,0600,0.3 -2169,1,0,1415,0.8 -2172,1,1,0456,0.2 -2174,1,0,1435,0.6 -2176,1,0,2245,0.3 -2177,1,0,2303,0.9 -2178,1,0,2053,0.6 -2179,1,0,2135,0.4 -2182,1,0,1335,0.8 -2183,1,1,1500,0.3 -2184,1,0,1705,0.7 -2186,1,1,0601,0.6 -2188,1,0,1740,0.4 -2191,1,0,1706,0.6 -2191,2,1,0017,0.6 -2191,3,1,1021,0.8 -2191,4,2,0901,0.7 -2195,1,0,2023,0.7 -2199,1,0,1730,0.3 -2202,1,1,0850,0.6 -2203,1,0,1045,0.5 -2204,1,0,2131,0.7 -2205,1,0,1850,1.4 -2207,1,0,0922,1.1 -2208,1,0,1600,0.9 -2209,1,0,1957,0.5 -2210,1,3,0720,0.3 -2211,1,0,0412,0.3 -2213,1,0,1950,0.6 -2214,1,0,2115,1.3 -2217,1,0,1341,0.6 -2220,1,0,2222,0.7 -2221,1,0,2250,0.5 -2223,1,1,0450,0.8 -2224,1,0,1945,0.4 -2225,1,0,1840,0.5 -2226,1,0,1109,0.6 -2227,1,0,1748,0.2 -2228,1,0,0846,0.4 -2230,1,0,1439,0.5 -2233,1,0,1323,0.5 -2236,1,0,1856,0.6 -2237,1,0,1332,0.9 -2238,1,0,2340,0.7 -2240,1,0,2155,0.6 -2244,1,0,1830,0.7 -2245,1,0,1950,0.5 -2246,1,1,0520,0.3 -2247,1,0,1925,0.5 -2250,1,0,1908,1.5 -2251,1,1,0345,0.7 -2253,1,0,0920,0.7 -2258,1,0,2316,0.8 -2259,1,0,1650,0.7 -2263,1,1,0010,0.5 -2265,1,0,2100,0.2 -2266,1,0,2125,0.3 -2269,1,0,1920,0.6 -2271,1,0,1425,0.4 -2272,1,0,1440,0.6 -2273,1,0,1131,0.7 -2274,1,0,1418,0.8 -2275,1,1,0200,0.3 -2276,1,0,2010,0.8 -2277,1,0,1630,0.9 -2278,1,0,1711,0.9 -2286,1,0,2045,0.4 -2287,1,1,0035,0.3 -2290,1,0,2142,0.6 -2295,1,2,0321,0.4 -2296,1,0,2128,0.7 -2297,1,0,1255,0.9 -2298,1,0,1000,0.4 -2301,1,1,0000,0.3 -2302,1,0,1815,0.6 -2303,1,0,1430,0.5 -2305,1,0,2000,0.3 -2307,1,1,0550,0.4 -2310,1,0,1610,0.6 -2313,1,0,1708,0.7 -2318,1,0,1733,0.6 -2319,1,0,2041,0.6 -2320,1,0,2356,0.7 -2321,1,0,2151,0.9 -2322,1,1,0605,0.4 -2323,1,0,2359,0.4 -2324,1,0,0150,0.8 -2326,1,0,2056,0.6 -2327,1,0,1718,0.5 -2328,1,0,1450,0.7 -2332,1,0,1940,0.3 -2333,1,0,1151,0.8 -2336,1,0,1600,1 -2337,1,0,1730,0.7 -2339,1,0,2200,0.7 -2340,1,0,2352,1 -2342,1,0,1112,0.2 -2343,1,0,0347,1.1 -2344,1,0,1630,0.5 -2345,1,0,1900,0.6 -2346,1,0,0600,0.3 -2347,1,0,2036,0.5 -2348,1,0,1943,0.8 -2351,1,0,2320,0.2 -2353,1,0,1452,0.5 -2354,1,0,2350,0.8 -2356,1,0,1657,0.6 -2359,1,0,1740,0.4 -2362,1,0,1642,0.7 -2363,1,1,0049,0.2 -2364,1,0,1935,0.8 -2366,1,1,0009,0.4 -2368,1,0,1220,1 -2369,1,0,2128,0.3 -2371,1,0,1505,0.2 -2373,1,0,1314,0.4 -2374,1,0,1545,0.4 -2378,1,0,2005,0.3 -2379,1,0,1844,0.5 -2381,1,0,2115,0.6 -2383,1,0,1240,1.1 -2384,1,0,1827,0.7 -2384,2,1,0400,0.5 -2386,1,0,2152,0.4 -2387,1,0,0450,0.8 -2392,1,0,2120,0.9 -2393,1,0,2007,0.4 -2394,1,0,1914,1 -2395,1,0,0835,0.8 -2396,1,0,1858,0.8 -2399,1,0,1810,0.3 -2400,1,0,1942,0.4 -2401,1,0,2100,0.8 -2402,1,0,1521,0.9 -2403,1,0,0107,1 -2404,1,0,1415,1.1 -2405,1,0,1910,0.8 -2409,1,0,2018,0.6 -2411,1,0,1714,0.3 -2412,1,0,1741,0.6 -2417,1,0,1920,0.4 -2418,1,0,0315,0.9 -2419,1,0,1815,0.3 -2423,1,0,1757,0.9 -2424,1,0,2004,0.5 -2426,1,0,1905,0.6 -2427,1,0,0301,0.8 -2428,1,0,2125,0.5 -2431,1,0,2130,0.5 -2434,1,0,1620,0.7 -2435,1,0,1704,0.6 -2436,1,1,0043,0.7 -2437,1,0,2105,0.3 -2438,1,0,1833,0.7 -2443,1,0,0610,0.8 -2446,1,0,1700,0.8 -2447,1,0,1834,0.6 -2448,1,0,0130,0.7 -2449,1,0,1958,0.4 -2451,1,0,1020,0.6 -2453,1,0,0123,1.1 -2454,1,1,0705,0.4 -2458,1,0,2248,0.6 -2459,1,0,1405,0.6 -2462,1,0,1713,0.4 -2463,1,0,1700,0.5 -2464,1,0,1135,0.5 -2466,1,0,2330,0.4 -2467,1,0,0735,0.6 -2468,1,0,0630,0.9 -2471,1,0,1730,0.8 -2474,1,0,1256,0.5 -2475,1,0,2154,0.5 -2476,1,0,0228,0.9 -2477,1,0,0551,0.7 -2478,1,0,2008,1.3 -2479,1,1,0700,0.3 -2480,1,1,0630,0.4 -2481,1,0,1206,0.2 -2482,1,0,2307,0.8 -2486,1,0,2105,0.3 -2490,1,1,0011,0.5 -2491,1,1,0442,0.3 -2492,1,0,0808,0.8 -2494,1,0,1650,0.5 -2495,1,0,1214,0.3 -2496,1,0,2003,0.8 -2497,1,0,2030,0.6 -2498,1,0,1900,0.9 -2501,1,0,2038,0.5 -2502,1,0,0900,0.6 -2503,1,1,0500,0.3 -2507,1,0,1251,0.6 -2508,1,0,1559,0.6 -2509,1,0,1904,0.6 -2511,1,0,1539,0.2 -2512,1,0,1748,0.8 -2513,1,1,0004,0.7 -2515,1,0,2355,0.5 -2516,1,0,2028,1.2 -2517,1,0,0833,0.3 -2518,1,0,1420,0.7 -2519,1,0,1955,0.9 -2521,1,0,2120,0.8 -2522,1,0,2240,1 -2523,1,0,1206,0.4 -2524,1,0,0910,1 -2525,1,0,2321,0.6 -2526,1,0,1525,0.5 -2530,1,0,1644,0.2 -2532,1,0,2130,0.5 -2534,1,0,1308,1 -2536,1,0,1947,0.8 -2539,1,0,2140,0.3 -2540,1,0,1106,0.7 -2541,1,0,2134,0.4 -2545,1,1,0750,0.6 -2547,1,0,0207,1 -2548,1,1,0020,0.8 -2549,1,0,1036,0.6 -2552,1,0,2041,0.7 -2555,1,0,1740,0.9 -2559,1,0,1626,0.6 -2561,1,0,1822,0.8 -2562,1,0,2023,0.6 -2563,1,0,1315,1 -2564,1,0,2130,0.5 -2565,1,0,1535,0.8 -2569,1,0,1900,0.4 -2572,1,0,1615,0.4 -2574,1,0,1439,0.8 -2576,1,0,0112,1 -2577,1,0,2208,0.3 -2580,1,0,1450,0.3 -2581,1,0,1015,0.6 -2582,1,0,2214,0.6 -2583,1,0,1900,0.4 -2587,1,0,1405,0.4 -2588,1,0,1125,0.4 -2593,1,0,1200,0.5 -2594,1,0,1931,0.4 -2595,1,0,2355,0.3 -2596,1,0,1147,0.7 -2599,1,0,1300,0.7 -2600,1,0,2212,0.5 -2601,1,0,1454,1.1 -2602,1,0,1800,0.4 -2606,1,1,0630,0.4 -2607,1,0,1220,0.3 -2608,1,0,2332,0.9 -2609,1,0,1749,0.7 -2610,1,0,1922,0.9 -2611,1,0,1821,0.4 -2613,1,0,2226,0.6 -2615,1,0,2355,0.8 -2616,1,0,1749,0.5 -2617,1,0,1824,0.7 -2618,1,0,2152,0.7 -2621,1,0,2259,1 -2626,1,1,0038,0.6 -2628,1,0,1409,1 -2629,1,0,2244,0.6 -2630,1,4,1717,0.4 -2633,1,0,1745,0.5 -2635,1,6,1300,0.4 -2636,1,0,1452,0.6 -2638,1,0,2025,0.6 -2640,1,0,2157,1 -2641,1,0,1425,0.5 -2642,1,0,1315,0.7 -2643,1,0,2125,0.9 -2644,1,0,2010,0.6 -2645,1,0,1423,0.3 -2648,1,0,1429,0.9 -2651,1,0,1620,0.8 -2653,1,0,2234,0.7 -2654,1,0,2030,1.1 -2655,1,1,0611,0.4 -2657,1,0,1335,0.3 -2659,1,0,1802,0.9 -2661,1,0,2025,0.8 -2663,1,0,2115,0.7 -2664,1,5,0658,0.5 -2666,1,0,2312,0.4 -2667,1,0,2250,0.6 -2668,1,1,0550,0.4 -2671,1,0,2355,0.5 -2672,1,0,1513,0.7 -2673,1,1,0036,0.6 -2674,1,0,1833,0.6 -2675,1,0,1840,0.9 -2677,1,0,1552,0.8 -2680,1,0,2313,0.6 -2683,1,0,0600,0.5 -2684,1,0,2131,1 -2685,1,0,1535,0.7 -2687,1,0,1700,0.3 -2688,1,0,1845,1 -2689,1,0,1124,0.6 -2692,1,0,0032,0.5 -2694,1,0,2240,0.5 -2695,1,0,1345,0.4 -2696,1,0,1933,0.8 -2699,1,0,1840,0.5 -2701,1,0,1626,0.8 -2703,1,0,2140,0.2 -2705,1,1,0200,0.3 -2706,1,0,2151,0.2 -2707,1,0,1800,0.6 -2710,1,0,0250,0.7 -2712,1,0,1703,0.6 -2713,1,0,1551,0.6 -2714,1,0,1250,0.6 -2718,1,0,1841,0.7 -2719,1,0,1150,0.5 -2720,1,0,1524,0.3 -2722,1,1,0503,0.7 -2723,1,0,0210,0.6 -2725,1,0,1736,0.4 -2726,1,0,1245,0.8 -2727,1,0,2115,0.8 -2729,1,0,1630,0.8 -2732,1,0,0845,0.6 -2737,1,0,2030,0.6 -2740,1,0,1240,0.3 -2741,1,0,1553,0.8 -2742,1,1,0850,0.3 -2743,1,0,1300,0.9 -2744,1,0,0056,0.8 -2745,1,0,1450,0.3 -2746,1,0,2332,0.5 -2747,1,0,1800,0.4 -2749,1,0,1425,1 -2750,1,0,1655,0.8 -2751,1,0,1728,0.6 -2753,1,0,2146,0.8 -2754,1,0,0316,1 -2756,1,1,0252,0.4 -2760,1,0,2100,0.7 -2762,1,0,1615,0.4 -2763,1,0,1845,0.6 -2764,1,0,1713,0.6 -2765,1,0,1727,0.6 -2768,1,1,0630,0.5 -2770,1,0,1447,0.6 -2772,1,0,2113,0.9 -2773,1,0,1625,0.7 -2777,1,0,0647,0.5 -2778,1,0,1520,0.7 -2783,1,0,0120,0.4 -2785,1,0,1840,0.8 -2786,1,0,1756,0.6 -2787,1,0,1728,0.4 -2788,1,0,1658,0.5 -2792,1,0,0755,0.9 -2793,1,0,1725,0.4 -2799,1,0,2123,0.3 -2803,1,0,1750,0.4 -2808,1,0,1900,0.4 -2812,1,0,1740,0.4 -2815,1,0,1417,0.8 -2817,1,0,1953,0.3 -2818,1,0,2110,0.6 -2819,1,0,1710,0.2 -2820,1,0,1607,0.8 -2822,1,0,1958,0.5 -2824,1,1,0630,0.6 -2826,1,0,1950,0.4 -2827,1,0,0500,0.9 -2829,1,1,0300,0.5 -2831,1,0,2023,0.4 -2833,1,1,0530,0.6 -2837,1,0,1600,0.5 -2838,1,0,1600,0.4 -2840,1,1,0019,1 -2841,1,0,0840,0.7 -2844,1,0,1651,0.6 -2845,1,0,1323,0.2 -2847,1,0,1850,0.6 -2848,1,0,2311,0.7 -2850,1,0,1720,1.1 -2852,1,0,1753,0.7 -2853,1,0,2328,0.7 -2855,1,0,1428,0.4 -2856,1,0,1645,0.3 -2858,1,0,1227,0.3 -2867,1,0,1340,0.3 -2868,1,0,1459,0.4 -2869,1,0,1903,0.7 -2870,1,0,1910,0.3 -2871,1,0,1420,0.8 -2872,1,0,1616,0.3 -2873,1,0,0115,0.7 -2874,1,0,1914,0.7 -2875,1,0,0826,0.3 -2876,1,0,1735,0.3 -2877,1,0,1619,0.8 -2879,1,0,2033,0.7 -2883,1,0,0425,0.5 -2884,1,0,1628,1.1 -2885,1,0,1730,0.5 -2886,1,0,2205,0.4 -2887,1,0,1556,0.6 -2888,1,0,1800,0.3 -2889,1,0,1838,0.5 -2891,1,0,1952,0.4 -2892,1,0,0250,0.5 -2894,1,0,0415,0.7 -2897,1,0,2318,0.4 -2899,1,0,2019,0.4 -2904,1,0,1623,0.5 -2906,1,2,1950,0.2 -2908,1,0,1611,0.8 -2909,1,0,2000,0.8 -2909,2,1,0515,0.7 -2910,1,0,2250,0.9 -2915,1,0,2335,0.6 -2916,1,0,1620,0.2 -2922,1,0,1140,1.3 -2923,1,0,2300,0.5 -2926,1,0,2339,1 -2927,1,0,1436,0.2 -2928,1,0,2124,1 -2929,1,0,1428,0.7 -2930,1,0,1435,0.3 -2931,1,0,2100,0.3 -2933,1,0,2031,0.8 -2934,1,0,1849,0.5 -2935,1,1,0530,0.3 -2937,1,0,1245,0.7 -2938,1,0,1315,0.5 -2939,1,2,0650,0.3 -2945,1,0,0541,0.8 -2946,1,0,2227,0.7 -2947,1,0,1735,0.7 -2948,1,0,1800,0.4 -2950,1,0,1241,0.3 -2952,1,0,1556,1.1 -2953,1,1,0011,0.2 -2954,1,0,1731,0.4 -2956,1,0,1734,0.4 -2958,1,0,2100,0.5 -2960,1,1,0545,0.5 -2962,1,5,0340,0.4 -2963,1,0,1139,0.6 -2967,1,0,1125,0.7 -2968,1,0,1829,0.6 -2969,1,1,0515,0.8 -2971,1,0,1830,0.9 -2973,1,0,1800,0.5 -2975,1,0,1615,0.7 -2978,1,0,1018,0.3 -2980,1,0,2359,0.2 -2982,1,0,0944,0.6 -2986,1,0,1400,1 -2989,1,1,1056,0.7 -2991,1,2,0800,0.7 -2992,1,0,1727,0.5 -2993,1,0,1728,0.3 -2994,1,0,1938,1 -2995,1,0,1008,0.6 -2999,1,1,0018,0.5 -3001,1,0,2330,0.5 -3002,1,0,1502,0.5 -3003,1,0,1505,0.4 -3004,1,0,1555,0.8 -3005,1,0,1900,0.7 -3007,1,0,1629,1 -3008,1,0,0333,0.8 -3009,1,0,1625,0.5 -3011,1,0,2241,0.4 -3014,1,0,2215,0.8 -3015,1,0,0920,1 -3016,1,0,2210,0.2 -3018,1,0,2359,0.3 -3019,1,0,2201,0.8 -3025,1,0,1930,0.3 -3026,1,0,1534,0.4 -3027,1,0,1550,1 -3032,1,1,0035,0.5 -3035,1,0,1421,0.5 -3036,1,0,1910,0.8 -3037,1,1,0129,0.4 -3038,1,0,1633,1.3 -3039,1,0,1820,0.3 -3040,1,0,1400,0.7 -3042,1,0,1819,0.7 -3043,1,0,1554,1.2 -3047,1,0,2206,0.9 -3048,1,0,2014,0.5 -3049,1,1,0400,0.6 -3050,1,0,1640,0.1 -3052,1,0,0121,0.3 -3054,1,0,1500,0.7 -3055,1,0,1025,0.6 -3057,1,0,1535,1.2 -3059,1,0,1535,0.5 -3061,1,0,0950,0.6 -3062,1,1,0810,0.2 -3065,1,0,1456,0.3 -3066,1,0,1028,0.6 -3067,1,0,1622,0.4 -3069,1,0,1255,0.9 -3070,1,0,1830,0.3 -3071,1,0,2131,0.4 -3073,1,0,2002,0.9 -3073,2,1,0554,0.7 -3073,3,2,0622,0.7 -3073,4,3,0638,0.8 -3074,1,0,0349,1.2 -3075,1,0,1551,0.7 -3077,1,0,0048,0.9 -3080,1,0,1608,0.5 -3082,1,0,1600,0.6 -3083,1,0,1305,0.3 -3085,1,0,1810,0.4 -3088,1,0,2215,0.8 -3091,1,0,1103,0.8 -3092,1,0,1800,0.5 -3096,1,0,1830,0.3 -3098,1,0,2055,0.3 -3100,1,0,1649,1 -3101,1,0,1500,0.7 -3105,1,1,0326,0.6 -3108,1,0,1835,0.4 -3109,1,0,0025,0.8 -3110,1,1,0400,0.9 -3111,1,0,2123,0.9 -3112,1,1,0309,0.9 -3114,1,0,2050,1.2 -3116,1,0,0826,0.6 -3120,1,0,1628,0.6 -3122,1,0,1807,0.7 -3126,1,0,1925,0.3 -3127,1,0,2318,0.2 -3128,1,0,2015,0.6 -3129,1,0,0131,0.9 -3132,1,0,1347,0.4 -3134,1,0,1510,0.5 -3135,1,0,1354,0.6 -3136,1,0,0604,0.5 -3138,1,0,1702,0.5 -3141,1,0,1501,0.3 -3142,1,0,0910,1 -3144,1,0,1321,0.8 -3146,1,0,1848,0.8 -3151,1,1,0550,0.3 -3152,1,0,2347,0.7 -3153,1,0,2225,0.9 -3155,1,0,2215,0.2 -3157,1,0,1708,0.3 -3159,1,1,0230,0.4 -3161,1,0,1833,0.8 -3162,1,0,1907,0.4 -3165,1,1,0649,0.6 -3166,1,1,0555,0.3 -3167,1,1,0041,0.6 -3169,1,1,1939,0.4 -3170,1,0,1715,0.3 -3175,1,0,2005,0.7 -3176,1,0,2258,1 -3177,1,0,1520,0.7 -3178,1,0,1615,0.7 -3179,1,0,2000,0.5 -3180,1,0,2100,0.8 -3182,1,0,1320,0.7 -3184,1,1,0030,0.2 -3185,1,0,2301,0.5 -3186,1,0,0856,1 -3187,1,0,1530,0.5 -3188,1,0,1631,0.5 -3189,1,0,1245,0.8 -3190,1,0,0323,0.9 -3192,1,0,1555,0.4 -3193,1,0,1020,0.9 -3194,1,0,1136,0.7 -3195,1,0,1650,0.8 -3196,1,0,2110,0.5 -3197,1,1,0530,0.3 -3198,1,0,2023,0.4 -3200,1,0,1735,1.2 -3201,1,0,1606,0.5 -3202,1,0,2120,0.4 -3203,1,0,2150,0.5 -3204,1,0,1939,0.3 -3207,1,0,1950,0.6 -3208,1,0,1633,0.4 -3209,1,0,2145,0.5 -3210,1,0,1941,0.9 -3211,1,0,2203,1.4 -3214,1,0,1515,0.3 -3214,2,0,1900,0.3 -3214,3,1,0410,0.3 -3214,4,2,0450,0.3 -3214,5,2,1715,0.2 -3214,6,3,0445,0.2 -3214,7,3,1630,0.2 -3214,8,4,0330,0.2 -3214,9,4,1717,0.2 -3214,10,5,0150,0.2 -3214,11,5,0830,0.2 -3214,12,5,1800,0.2 -3214,13,6,0355,0.2 -3219,1,0,1632,0.6 -3220,1,1,0449,0.6 -3221,1,0,1815,0.6 -3222,1,0,1655,0.5 -3224,1,0,2110,1.2 -3225,1,0,1851,0.4 -3226,1,0,1725,1 -3227,1,0,1604,0.6 -3228,1,0,1724,0.3 -3230,1,0,1900,0.6 -3231,1,0,2200,1 -3232,1,0,2330,0.9 -3233,1,0,0712,0.5 -3234,1,0,2015,0.6 -3238,1,1,0215,0.3 -3240,1,0,1955,0.2 -3242,1,0,2313,1 -3244,1,0,0820,0.7 -3247,1,0,2125,0.5 -3248,1,1,0010,0.5 -3250,1,0,1826,0.5 -3251,1,0,1119,0.7 -3252,1,0,1448,0.2 -3253,1,0,1649,0.5 -3255,1,0,2320,0.6 -3256,1,0,2015,0.3 -3257,1,0,0840,0.9 -3258,1,0,2315,0.5 -3259,1,0,2133,0.7 -3260,1,0,1345,0.8 -3261,1,0,1602,0.3 -3264,1,0,2012,0.5 -3265,1,0,1806,0.4 -3267,1,0,0235,0.3 -3269,1,0,1816,0.8 -3270,1,0,1750,0.4 -3272,1,0,1415,0.4 -3273,1,0,0500,0.6 -3275,1,0,1732,0.7 -3280,1,0,1546,0.5 -3281,1,0,1802,0.5 -3282,1,0,1030,0.4 -3283,1,0,2115,0.4 -3285,1,0,1029,0.7 -3286,1,0,1859,0.9 -3292,1,0,2115,0.9 -3293,1,0,2119,0.7 -3294,1,0,2107,0.5 -3295,1,0,0305,0.9 -3297,1,0,0206,0.5 -3299,1,0,1400,0.2 -3301,1,0,1312,0.3 -3304,1,0,2355,0.3 -3306,1,0,1852,0.2 -3309,1,1,0422,1.1 -3311,1,0,2020,0.6 -3318,1,0,1719,0.3 -3319,1,0,2319,1 -3320,1,0,1703,0.6 -3321,1,0,1356,0.2 -3322,1,0,1810,0.3 -3323,1,0,0405,0.7 -3324,1,0,2117,0.5 -3327,1,0,1519,0.3 -3329,1,0,1934,0.4 -3330,1,0,2150,1.1 -3332,1,0,1925,0.4 -3337,1,0,0905,0.6 -3338,1,0,1741,1 -3339,1,0,1617,0.2 -3340,1,0,1736,0.4 -3341,1,0,1937,0.5 -3342,1,1,0200,0.4 -3344,1,0,1934,0.6 -3345,1,0,1955,0.3 -3348,1,0,1740,0.7 -3349,1,0,1731,1.1 -3357,1,0,1802,0.7 -3360,1,0,1711,0.8 -3363,1,0,1930,0.4 -3368,1,0,1700,1 -3372,1,0,0745,0.6 -3373,1,0,1850,0.6 -3374,1,0,2101,0.9 -3375,1,0,2111,0.7 -3377,1,0,0016,0.6 -3380,1,0,1756,0.6 -3380,2,1,0630,0.5 -3381,1,0,1504,0.2 -3384,1,1,0600,0.6 -3385,1,0,1612,0.8 -3388,1,0,1748,0.5 -3390,1,0,2036,0.8 -3392,1,0,1500,0.6 -3393,1,0,1619,0.4 -3395,1,0,0655,0.4 -3396,1,0,1447,0.5 -3398,1,1,0610,0.3 -3400,1,0,1818,0.5 -3401,1,0,2008,0.8 -3402,1,0,1220,0.7 -3404,1,0,2005,0.7 -3405,1,1,0420,0.5 -3406,1,0,1953,0.4 -3407,1,0,0145,0.8 -3408,1,0,2246,0.4 -3409,1,0,0205,0.7 -3410,1,0,1610,0.7 -3414,1,0,1228,0.4 -3415,1,0,1854,0.3 -3416,1,0,2314,1 -3417,1,0,2214,0.2 -3418,1,0,1607,0.7 -3419,1,0,0258,1 -3420,1,0,2052,0.8 -3421,1,0,1752,0.7 -3421,2,1,0608,0.5 -3425,1,0,2042,0.6 -3426,1,0,1444,0.6 -3428,1,0,2059,0.9 -3429,1,0,2015,0.6 -3430,1,0,2300,0.6 -3431,1,0,1915,1 -3435,1,0,2359,0.6 -3437,1,0,2046,0.2 -3442,1,0,2152,1 -3443,1,0,2235,0.7 -3445,1,0,1803,1.1 -3446,1,0,2154,0.5 -3447,1,0,1619,0.6 -3449,1,0,0854,0.8 -3451,1,0,1625,0.4 -3453,1,0,1012,1 -3454,1,0,1830,0.4 -3455,1,0,1345,0.6 -3456,1,0,1105,0.3 -3459,1,0,1915,0.4 -3462,1,0,1420,0.9 -3463,1,0,1915,0.5 -3465,1,0,2321,0.9 -3466,1,0,0222,0.7 -3467,1,0,1344,0.4 -3468,1,0,1757,0.3 -3469,1,0,1305,1.6 -3470,1,0,1546,0.4 -3471,1,0,1958,0.8 -3473,1,0,2029,0.5 -3480,1,0,1756,0.9 -3480,2,1,0840,0.6 -3481,1,0,1703,0.6 -3482,1,0,0154,0.8 -3483,1,0,1930,0.6 -3484,1,2,0640,0.4 -3488,1,0,1212,0.3 -3489,1,0,2010,0.6 -3491,1,1,0600,0.7 -3492,1,0,1812,0.3 -3494,1,1,0358,0.4 -3495,1,0,2315,0.2 -3496,1,1,0041,0.8 -3497,1,0,1800,0.8 -3498,1,0,2200,0.5 -3499,1,0,1731,0.7 -3500,1,0,1645,0.7 -3501,1,1,0558,0.5 -3502,1,0,1940,0.6 -3503,1,0,2019,0.3 -3504,1,4,1522,0.8 -3507,1,2,1539,0.4 -3508,1,0,2131,0.7 -3509,1,0,2300,1 -3513,1,0,1944,0.6 -3517,1,0,1017,0.4 -3519,1,0,2005,0.6 -3521,1,0,1603,0.6 -3522,1,0,2315,0.6 -3523,1,0,1445,0.2 -3525,1,0,2315,0.2 -3526,1,1,0415,0.3 -3528,1,0,2101,0.6 -3530,1,0,0105,0.5 -3531,1,0,1130,0.3 -3533,1,1,0050,0.5 -3535,1,0,1610,0.5 -3536,1,0,1225,0.5 -3539,1,0,2215,1.2 -3542,1,0,1945,0.4 -3543,1,0,1445,0.3 -3549,1,0,1955,0.3 -3550,1,0,0930,0.4 -3552,1,0,1544,0.4 -3553,1,0,0630,0.4 -3557,1,0,1030,0.7 -3558,1,0,2155,0.5 -3560,1,0,1838,0.3 -3562,1,0,1631,0.6 -3564,1,0,2320,0.6 -3566,1,0,1520,0.6 -3567,1,0,2113,0.6 -3571,1,0,0140,0.8 -3572,1,0,2222,0.8 -3573,1,0,1752,0.9 -3574,1,0,1740,0.2 -3576,1,0,1035,0.7 -3582,1,7,0447,0.6 -3583,1,0,1904,1.1 -3584,1,0,1634,0.4 -3585,1,1,0550,0.7 -3586,1,0,1733,0.7 -3587,1,0,1907,1 -3588,1,0,2219,0.9 -3589,1,0,1553,0.7 -3590,1,-10,1930,0.7 -3591,1,0,2011,1 -3592,1,0,1700,0.3 -3594,1,0,1824,0.6 -3595,1,0,1744,0.4 -3596,1,0,1205,0.4 -3597,1,0,0957,0.4 -3598,1,0,1251,0.5 -3603,1,0,0543,0.5 -3606,1,0,1830,0.6 -3610,1,0,1320,0.7 -3611,1,0,1735,0.9 -3614,1,0,1515,0.5 -3615,1,0,2106,0.8 -3623,1,0,0202,0.9 -3628,1,0,1546,0.9 -3629,1,1,0440,0.5 -3630,1,1,0540,0.6 -3631,1,1,1050,0.4 -3632,1,0,1030,0.3 -3640,1,0,2215,0.8 -3642,1,0,2013,0.7 -3645,1,0,1620,0.5 -3648,1,0,1826,0.6 -3650,1,3,1145,0.4 -3651,1,0,1926,0.6 -3652,1,0,2035,0.5 -3657,1,0,1718,0.6 -3658,1,0,1733,0.7 -3659,1,0,1828,0.5 -3663,1,0,2142,0.5 -3664,1,0,1705,0.6 -3665,1,0,1730,0.8 -3667,1,1,1030,0.5 -3669,1,0,1900,0.9 -3671,1,0,0600,0.3 -3672,1,0,1652,0.5 -3674,1,0,1921,0.7 -3675,1,0,1840,0.3 -3676,1,1,1010,0.8 -3679,1,0,1515,0.6 -3681,1,1,0030,0.6 -3683,1,1,0540,0.3 -3684,1,0,2004,0.8 -3686,1,0,1441,0.4 -3687,1,0,1050,0.4 -3689,1,0,1734,0.3 -3690,1,0,1106,0.7 -3692,1,0,1500,0.4 -3695,1,0,2040,0.5 -3696,1,0,1600,1 -3697,1,0,1550,0.9 -3698,1,0,1636,0.4 -3701,1,2,0430,0.6 -3702,1,0,1302,0.6 -3704,1,0,1746,0.6 -3707,1,0,1950,0.7 -3711,1,1,0443,0.5 -3712,1,0,1545,0.5 -3713,1,0,2200,0.4 -3714,1,0,0957,0.8 -3715,1,0,1742,0.4 -3716,1,0,1848,0.5 -3719,1,0,1738,0.8 -3720,1,0,1811,0.4 -3721,1,0,0714,0.7 -3722,1,0,2240,0.5 -3725,1,0,1839,0.8 -3726,1,0,1741,0.7 -3729,1,0,0129,0.8 -3733,1,0,1800,0.6 -3734,1,0,1633,0.8 -3735,1,0,1410,0.2 -3736,1,0,1549,0.3 -3737,1,0,0410,0.8 -3739,1,0,1838,0.5 -3744,1,0,1720,0.6 -3745,1,0,2115,1 -3746,1,1,0400,0.5 -3747,1,0,2105,0.4 -3752,1,0,1409,0.6 -3753,1,0,0714,0.7 -3754,1,0,0200,0.4 -3755,1,0,1844,0.4 -3756,1,0,1125,0.5 -3761,1,7,0820,0.4 -3762,1,0,1714,0.5 -3769,1,0,1600,0.8 -3771,1,0,2300,0.5 -3773,1,0,1152,1 -3774,1,0,0600,0.7 -3776,1,0,0236,0.3 -3777,1,0,2244,0.8 -3778,1,1,0842,0.3 -3779,1,0,2057,0.4 -3781,1,0,1210,0.8 -3782,1,0,1350,0.8 -3786,1,1,0505,0.5 -3787,1,0,1915,1.4 -3792,1,0,0236,0.3 -3793,1,0,1445,0.7 -3795,1,0,1940,1 -3798,1,1,0550,0.6 -3799,1,0,0053,0.6 -3801,1,0,2230,0.4 -3807,1,1,0025,0.4 -3808,1,1,0505,0.5 -3809,1,0,0630,0.2 -3810,1,0,1500,0.4 -3813,1,1,0345,0.4 -3817,1,0,1850,0.7 -3818,1,0,0640,0.5 -3819,1,0,1636,0.9 -3821,1,0,2020,0.6 -3824,1,0,1940,0.8 -3825,1,0,2145,0.5 -3828,1,1,0605,0.5 -3831,1,0,2125,0.9 -3834,1,0,1400,1 -3835,1,0,1613,0.2 -3838,1,0,1305,0.5 -3841,1,0,2214,1 -3842,1,0,1900,0.6 -3843,1,0,1118,0.2 -3845,1,0,1905,0.6 -3847,1,0,2042,0.7 -3849,1,0,2254,0.6 -3851,1,0,1124,0.4 -3852,1,0,2040,0.6 -3855,1,0,1425,0.4 -3856,1,0,2155,0.4 -3860,1,0,1652,0.6 -3861,1,0,1845,1.1 -3863,1,1,0500,0.2 -3864,1,0,1953,0.3 -3865,1,1,0030,1 -3866,1,0,1036,0.8 -3868,1,0,1620,0.5 -3870,1,0,1810,0.4 -3871,1,0,1506,0.6 -3872,1,0,2208,0.6 -3874,1,0,2011,0.9 -3875,1,0,1600,0.6 -3876,1,1,0006,0.3 -3879,1,0,1312,0.8 -3881,1,0,1838,1 -3882,1,0,2105,0.5 -3885,1,0,2336,1.1 -3886,1,1,0028,0.3 -3887,1,0,1559,0.4 -3890,1,0,0115,1.4 -3895,1,0,1312,1.3 -3896,1,0,1714,0.7 -3898,1,1,1608,0.7 -3901,1,0,2209,0.4 -3902,1,0,0750,0.7 -3903,1,0,1325,0.5 -3904,1,0,1558,0.5 -3906,1,1,0325,0.6 -3908,1,0,1620,1.1 -3910,1,0,1925,0.9 -3912,1,0,1543,1.1 -3913,1,0,0352,0.4 -3916,1,3,0821,0.5 -3917,1,0,2135,0.5 -3920,1,0,1034,0.8 -3921,1,0,1225,0.6 -3923,1,0,1703,0.7 -3924,1,0,0145,0.6 -3926,1,0,1650,0.7 -3928,1,0,0055,0.7 -3929,1,0,1630,0.7 -3933,1,0,1617,0.8 -3936,1,1,0320,0.9 -3941,1,0,1741,0.3 -3942,1,0,1603,0.5 -3945,1,0,1647,0.7 -3947,1,0,1854,0.8 -3949,1,0,1228,0.4 -3952,1,0,2230,0.5 -3954,1,1,0450,0.5 -3955,1,0,2147,0.3 -3956,1,0,1814,0.8 -3962,1,0,2350,0.3 -3964,1,0,1614,0.5 -3965,1,0,1420,0.6 -3966,1,0,2050,0.8 -3967,1,0,1958,0.6 -3970,1,0,1904,0.9 -3971,1,0,1616,0.5 -3974,1,0,1705,0.6 -3976,1,1,0013,0.4 -3977,1,0,1717,0.6 -3978,1,0,2235,0.6 -3979,1,0,1250,0.9 -3980,1,0,1936,1.7 -3981,1,0,0230,0.6 -3982,1,0,1800,0.7 -3986,1,0,1954,0.7 -3988,1,0,1352,0.5 -3989,1,0,0930,0.7 -3990,1,0,2325,0.8 -3992,1,0,1701,0.6 -3993,1,0,0809,0.5 -3996,1,0,1950,0.4 -3997,1,0,2331,1 -3998,1,0,1440,0.9 -3999,1,0,2100,0.7 -4001,1,0,2020,0.6 -4004,1,0,2120,0.4 -4005,1,0,1330,0.2 -4008,1,0,1513,0.4 -4010,1,0,2326,0.5 -4011,1,1,0745,0.4 -4014,1,0,1745,0.5 -4016,1,3,1136,0.5 -4022,1,0,1900,0.5 -4025,1,0,1851,1 -4026,1,0,0902,1.1 -4027,1,0,1801,0.7 -4028,1,0,2115,0.6 -4029,1,0,2329,0.7 -4030,1,0,1702,0.7 -4031,1,1,0640,0.5 -4033,1,1,0405,0.4 -4036,1,0,2131,0.5 -4038,1,0,2100,0.5 -4039,1,0,2253,0.8 -4040,1,0,1830,1 -4041,1,0,2104,0.3 -4042,1,0,2239,0.5 -4046,1,0,2230,0.2 -4047,1,0,1640,0.8 -4052,1,0,1329,0.5 -4054,1,0,1001,0.4 -4055,1,0,0035,0.8 -4056,1,0,0548,0.8 -4057,1,0,2111,0.6 -4058,1,0,1955,0.5 -4060,1,0,1455,0.3 -4062,1,0,1929,0.6 -4064,1,0,2230,0.8 -4065,1,1,0530,0.6 -4073,1,0,1950,0.7 -4074,1,0,2243,0.5 -4075,1,0,1853,0.6 -4076,1,0,1735,0.8 -4077,1,0,2238,0.9 -4077,2,1,0320,0.7 -4078,1,0,1031,0.4 -4079,1,0,2112,0.6 -4083,1,0,1102,0.8 -4084,1,0,1622,0.6 -4085,1,1,0500,0.6 -4087,1,0,1605,0.5 -4088,1,0,1911,0.7 -4089,1,1,0010,0.6 -4090,1,0,1530,0.8 -4093,1,0,2120,0.8 -4094,1,0,1600,0.6 -4095,1,0,1433,0.7 -4100,1,0,2211,1 -4101,1,0,1828,0.7 -4102,1,0,2057,0.5 -4104,1,0,2025,0.6 -4106,1,0,1558,0.5 -4107,1,0,1917,0.6 -4112,1,0,1350,0.4 -4114,1,0,1754,0.4 -4115,1,0,1620,0.8 -4117,1,0,2010,0.4 -4120,1,0,1817,1 -4121,1,0,0134,0.7 -4122,1,1,0044,0.6 -4123,1,1,0720,0.4 -4125,1,1,0019,0.6 -4126,1,0,1935,0.3 -4128,1,0,1958,0.4 -4129,1,0,1922,0.9 -4135,1,0,1429,0.9 -4139,1,0,0150,0.5 -4140,1,0,1535,0.3 -4141,1,0,2243,1.1 -4143,1,0,2038,0.6 -4144,1,0,2101,1 -4146,1,0,1824,0.2 -4147,1,0,2044,0.4 -4148,1,0,1521,0.5 -4150,1,0,1315,0.4 -4151,1,0,1828,0.9 -4154,1,0,2215,0.3 -4156,1,0,2000,0.7 -4157,1,0,1534,0.4 -4159,1,0,1657,0.8 -4161,1,0,2015,0.5 -4163,1,0,2115,0.4 -4165,1,0,2031,0.5 -4169,1,0,1724,0.7 -4170,1,0,2155,0.6 -4171,1,0,1505,0.4 -4173,1,0,2115,0.4 -4175,1,0,1600,0.4 -4175,2,1,0406,0.3 -4179,1,0,2010,0.6 -4180,1,0,2150,1 -4181,1,0,2135,0.4 -4183,1,0,1846,0.4 -4184,1,1,0634,0.3 -4188,1,0,0706,0.4 -4189,1,0,2240,0.8 -4193,1,1,0045,0.4 -4195,1,0,2300,0.8 -4198,1,0,1550,0.2 -4200,1,0,1450,0.5 -4201,1,0,1530,0.4 -4202,1,0,2102,0.8 -4203,1,0,1105,0.7 -4207,1,0,2055,0.7 -4209,1,0,1910,0.5 -4211,1,0,1025,0.7 -4214,1,0,1830,0.5 -4215,1,1,0500,0.8 -4215,2,2,0110,0.7 -4218,1,0,2125,0.5 -4219,1,0,1538,1 -4221,1,0,2317,0.8 -4222,1,0,1640,0.4 -4223,1,0,2037,0.8 -4224,1,0,1915,1.2 -4225,1,0,1723,0.8 -4226,1,0,2218,0.9 -4227,1,0,1105,0.4 -4229,1,0,1515,0.9 -4231,1,0,1734,1 -4231,2,1,0400,0.9 -4232,1,0,2059,0.6 -4233,1,1,0003,0.3 -4235,1,0,2106,0.7 -4237,1,0,1537,0.6 -4238,1,0,0500,0.3 -4239,1,0,2224,0.4 -4241,1,1,1210,0.3 -4244,1,0,2008,0.4 -4246,1,0,1140,0.8 -4250,1,1,0425,0.5 -4251,1,0,1335,0.5 -4252,1,0,1727,0.9 -4254,1,0,0829,0.5 -4256,1,0,0900,0.4 -4260,1,0,1636,0.6 -4261,1,0,1425,0.7 -4263,1,0,1210,0.3 -4265,1,0,2251,0.3 -4266,1,0,1807,0.4 -4268,1,0,2020,0.7 -4269,1,0,2156,0.7 -4270,1,0,1531,0.4 -4271,1,0,1754,1.1 -4273,1,1,0545,0.5 -4275,1,0,1443,0.7 -4276,1,1,0240,0.5 -4277,1,0,0115,0.6 -4280,1,0,2010,0.5 -4282,1,0,1944,0.9 -4283,1,0,1920,0.8 -4284,1,0,0331,0.9 -4285,1,0,1729,0.7 -4286,1,0,2150,0.5 -4287,1,0,1557,0.3 -4289,1,0,1915,0.9 -4291,1,0,2116,0.4 -4292,1,0,2104,0.7 -4293,1,0,2121,0.4 -4294,1,0,0930,0.9 -4295,1,0,1819,0.6 -4297,1,0,1045,0.3 -4298,1,0,1830,0.5 -4300,1,0,2141,0.5 -4303,1,0,1534,0.4 -4305,1,0,2029,0.4 -4306,1,0,0528,0.7 -4307,1,0,1545,0.7 -4308,1,0,2355,0.4 -4309,1,1,0226,0.5 -4310,1,1,0600,0.4 -4311,1,0,1726,0.5 -4313,1,0,2015,0.5 -4314,1,0,2024,0.5 -4315,1,0,1640,0.5 -4316,1,0,2145,0.3 -4317,1,0,1354,0.6 -4319,1,0,1838,0.3 -4323,1,0,1810,0.9 -4324,1,0,0930,0.5 -4325,1,0,1815,0.5 -4330,1,0,1631,0.8 -4333,1,0,1850,0.7 -4334,1,0,2018,1 -4336,1,0,1814,0.5 -4340,1,0,0224,1.4 -4342,1,0,1956,0.7 -4343,1,0,0805,0.6 -4346,1,0,1445,0.4 -4348,1,0,1848,0.5 -4350,1,0,1953,0.5 -4351,1,1,0415,0.4 -4355,1,0,1609,0.8 -4356,1,0,2050,0.8 -4358,1,0,1140,0.5 -4360,1,0,1920,0.9 -4361,1,1,0020,0.5 -4362,1,0,1940,0.2 -4364,1,0,2230,1.2 -4366,1,0,0120,0.8 -4367,1,0,2241,0.8 -4368,1,0,1300,0.3 -4369,1,0,1300,0.6 -4372,1,0,1651,0.2 -4373,1,0,2130,0.3 -4374,1,0,1635,0.5 -4376,1,0,1817,0.3 -4379,1,0,2150,0.8 -4380,1,0,1710,0.6 -4381,1,0,1634,0.5 -4382,1,0,2010,0.7 -4383,1,0,0915,1.1 -4385,1,0,2000,1 -4387,1,0,2047,0.5 -4389,1,0,1924,0.3 -4391,1,0,0847,0.7 -4394,1,0,1110,0.4 -4396,1,0,2017,0.8 -4397,1,0,1506,0.5 -4399,1,0,2205,0.5 -4400,1,0,2157,0.3 -4402,1,0,2229,0.8 -4403,1,0,2020,0.6 -4404,1,0,0119,0.9 -4405,1,0,1707,0.4 -4406,1,1,0315,0.7 -4408,1,0,1308,0.7 -4409,1,0,0855,0.3 -4412,1,0,1624,0.5 -4413,1,0,0105,0.5 -4414,1,0,1725,0.7 -4415,1,0,1853,0.4 -4416,1,0,1624,0.6 -4417,1,0,1140,0.6 -4418,1,0,2105,0.7 -4419,1,0,1940,0.5 -4421,1,0,1708,0.4 -4423,1,0,1524,0.4 -4424,1,0,1639,0.4 -4425,1,0,2309,0.6 -4426,1,0,2140,1 -4429,1,1,0502,0.3 -4434,1,0,2048,0.3 -4435,1,1,0155,0.4 -4438,1,1,0540,0.5 -4440,1,0,2000,0.7 -4441,1,1,0116,0.8 -4444,1,0,1850,0.5 -4445,1,1,0300,0.5 -4448,1,0,1919,0.8 -4451,1,0,2333,0.5 -4452,1,1,0414,0.3 -4453,1,0,1940,0.6 -4454,1,1,0045,0.4 -4456,1,0,1200,0.8 -4459,1,0,1505,0.4 -4460,1,1,0450,0.4 -4462,1,0,0200,0.9 -4465,1,0,2047,0.9 -4467,1,0,0845,0.3 -4469,1,0,1122,0.9 -4470,1,0,1552,0.5 -4471,1,1,0400,0.4 -4472,1,0,0816,0.8 -4473,1,0,1828,0.6 -4474,1,1,1048,0.3 -4475,1,0,1459,1 -4477,1,0,2049,0.4 -4480,1,1,0405,0.8 -4482,1,0,1852,0.9 -4483,1,0,1315,0.6 -4484,1,0,2143,0.4 -4485,1,0,0510,0.4 -4486,1,0,1925,0.6 -4487,1,0,2210,0.3 -4490,1,0,0155,0.6 -4493,1,0,1726,0.7 -4494,1,0,2025,0.7 -4495,1,0,1810,0.4 -4497,1,0,1322,0.2 -4498,1,0,1305,0.4 -4499,1,0,2220,0.3 -4500,1,0,1904,0.6 -4501,1,0,0013,1.2 -4502,1,0,1426,0.8 -4503,1,0,2000,0.6 -4505,1,0,1527,0.5 -4509,1,0,2326,0.7 -4510,1,0,2313,0.7 -4515,1,0,1603,0.9 -4519,1,0,2157,0.6 -4522,1,0,1621,0.2 -4524,1,0,1745,0.6 -4527,1,0,1303,0.6 -4529,1,1,0006,0.6 -4530,1,0,0920,0.3 -4535,1,0,1827,0.3 -4536,1,0,1356,0.8 -4537,1,1,0650,0.6 -4538,1,0,2010,0.7 -4539,1,0,1925,0.5 -4540,1,0,2225,0.6 -4542,1,1,0430,0.2 -4544,1,0,1258,0.6 -4545,1,0,1939,1 -4547,1,0,1100,0.8 -4548,1,0,2253,1.2 -4551,1,0,1900,0.7 -4555,1,0,2113,1 -4556,1,0,2108,0.8 -4557,1,0,2030,1.1 -4558,1,0,1440,0.5 -4560,1,0,1915,1.1 -4561,1,0,1731,0.6 -4562,1,1,0531,0.7 -4563,1,0,1041,0.6 -4564,1,0,1608,0.6 -4565,1,1,0700,0.3 -4566,1,0,2310,0.9 -4569,1,0,1939,0.9 -4570,1,0,1355,0.3 -4573,1,0,1908,0.3 -4576,1,0,1730,0.6 -4577,1,0,2318,0.3 -4579,1,1,0250,0.5 -4581,1,0,2059,0.8 -4582,1,0,2200,0.9 -4583,1,0,1920,0.3 -4586,1,1,0149,1 -4587,1,0,2250,0.7 -4589,1,1,0911,0.4 -4591,1,0,0916,0.4 -4594,1,0,1610,0.5 -4595,1,0,1621,0.6 -4596,1,0,2224,0.4 -4598,1,0,1047,0.5 -4599,1,0,2320,0.7 -4602,1,0,2245,0.4 -4603,1,0,1528,0.4 -4605,1,0,1510,0.7 -4606,1,0,0845,0.5 -4607,1,0,2136,0.4 -4608,1,0,2355,0.6 -4609,1,1,0550,0.5 -4611,1,0,1910,0.8 -4613,1,0,1904,0.5 -4615,1,0,1340,0.7 -4618,1,0,0700,1 -4619,1,0,0101,0.6 -4620,1,0,1719,0.5 -4622,1,0,2016,0.8 -4624,1,0,2300,0.5 -4627,1,0,1940,0.7 -4628,1,0,1825,0.5 -4629,1,0,0305,0.3 -4630,1,0,1638,0.6 -4633,1,1,0500,0.4 -4634,1,0,1751,0.6 -4637,1,0,1850,0.7 -4639,1,0,2225,0.4 -4640,1,0,2041,0.5 -4642,1,0,1748,0.9 -4643,1,0,1539,0.5 -4644,1,0,1722,0.7 -4645,1,0,1717,0.5 -4646,1,0,1505,0.6 -4650,1,0,1931,0.9 -4651,1,0,1004,0.5 -4653,1,0,2150,0.4 -4655,1,0,2015,1.1 -4656,1,1,0322,0.7 -4657,1,0,1740,0.6 -4658,1,0,0030,0.8 -4659,1,0,2339,1 -4663,1,0,2044,1.1 -4664,1,1,0050,0.6 -4665,1,0,1650,0.7 -4666,1,0,2010,0.5 -4667,1,0,1820,0.5 -4668,1,0,2019,0.5 -4669,1,0,1516,0.6 -4671,1,0,2320,0.5 -4672,1,0,1651,0.7 -4675,1,0,1718,0.7 -4676,1,0,1255,0.6 -4677,1,0,1806,0.3 -4680,1,1,0001,0.9 -4683,1,0,1500,0.8 -4684,1,0,1315,0.3 -4687,1,0,1311,0.4 -4688,1,0,2300,0.5 -4690,1,0,2012,0.5 -4692,1,0,1725,0.5 -4693,1,0,1224,0.6 -4695,1,0,1617,0.5 -4698,1,0,1424,0.4 -4699,1,0,1754,0.9 -4700,1,0,1913,0.2 -4702,1,1,0245,0.5 -4703,1,0,1540,0.2 -4705,1,0,2111,0.8 -4706,1,0,1950,0.7 -4707,1,0,1720,0.6 -4708,1,0,2249,0.7 -4709,1,0,2045,1 -4711,1,0,1130,0.6 -4713,1,0,1440,0.2 -4714,1,0,2014,0.8 -4715,1,0,1745,0.5 -4719,1,0,1858,0.6 -4720,1,0,1530,0.7 -4722,1,0,1924,1.3 -4723,1,0,1656,0.7 -4724,1,1,0405,0.7 -4725,1,0,0725,0.9 -4728,1,0,1829,0.6 -4729,1,0,1244,1.3 -4730,1,0,1942,0.6 -4733,1,0,1625,0.6 -4734,1,0,1340,0.7 -4735,1,0,0204,0.6 -4737,1,-1,1007,0.8 -4740,1,0,1720,0.5 -4742,1,0,0130,0.4 -4744,1,0,1744,0.9 -4745,1,0,2148,0.5 -4746,1,0,1630,0.5 -4747,1,0,0823,0.4 -4749,1,0,1515,0.4 -4754,1,0,2319,0.5 -4755,1,0,2010,0.8 -4756,1,1,0558,0.8 -4757,1,0,1850,1.2 -4758,1,1,0155,0.5 -4760,1,1,0100,0.6 -4762,1,0,1740,0.8 -4764,1,0,1850,0.6 -4766,1,1,0655,0.3 -4767,1,0,1400,0.7 -4768,1,0,2025,0.4 -4771,1,0,1511,0.3 -4772,1,0,0025,0.9 -4773,1,0,0043,0.2 -4779,1,0,1745,0.7 -4786,1,0,1605,0.6 -4787,1,0,2101,0.3 -4788,1,0,0215,0.7 -4789,1,0,1130,0.4 -4791,1,0,0137,0.1 -4792,1,0,2238,1 -4793,1,1,0057,0.4 -4794,1,0,2101,0.4 -4796,1,0,1754,0.3 -4797,1,0,1519,0.5 -4800,1,0,2102,1 -4801,1,0,1421,1 -4804,1,1,0010,0.8 -4805,1,0,2050,0.3 -4806,1,0,1842,1.1 -4806,2,2,0637,1 -4807,1,0,1800,0.5 -4809,1,0,2156,0.8 -4810,1,0,1443,0.8 -4812,1,0,1950,0.7 -4814,1,0,2215,0.4 -4816,1,0,1723,0.5 -4817,1,0,0950,0.5 -4819,1,0,1513,0.3 -4820,1,1,0355,0.6 -4822,1,0,0841,0.7 -4823,1,0,1945,0.5 -4824,1,0,1339,0.3 -4825,1,0,2154,0.3 -4831,1,0,1745,0.6 -4832,1,0,2100,0.3 -4833,1,0,2205,0.3 -4838,1,0,2045,0.4 -4839,1,1,0915,0.2 -4840,1,1,0045,1 -4842,1,0,1730,0.3 -4843,1,0,1143,0.3 -4845,1,0,1143,0.8 -4846,1,0,2058,0.8 -4847,1,0,0321,0.5 -4849,1,0,0039,0.7 -4851,1,0,1911,0.4 -4852,1,0,1419,0.2 -4853,1,1,0424,0.1 -4854,1,0,2131,0.9 -4856,1,0,2330,0.7 -4857,1,0,1925,0.8 -4858,1,0,2300,0.9 -4859,1,0,1744,0.5 -4861,1,0,1008,1.1 -4865,1,0,2010,1 -4866,1,0,1444,0.5 -4868,1,0,2010,0.4 -4869,1,0,1848,1 -4870,1,0,1226,0.6 -4871,1,0,2104,0.2 -4872,1,0,1050,0.5 -4873,1,0,1517,0.9 -4875,1,0,1646,0.5 -4877,1,0,1548,0.6 -4879,1,1,0800,0.4 -4880,1,1,0013,0.7 -4884,1,0,1338,1 -4887,1,0,1630,0.5 -4890,1,0,2226,0.5 -4893,1,0,1648,1 -4894,1,0,1728,0.7 -4895,1,1,0035,0.5 -4897,1,0,2150,0.6 -4898,1,0,1155,1.1 -4903,1,0,1218,0.5 -4906,1,0,2310,0.3 -4908,1,0,1900,0.5 -4909,1,0,0322,1.4 -4910,1,0,0431,0.9 -4911,1,0,0336,0.8 -4914,1,0,2239,0.3 -4916,1,0,2033,0.6 -4918,1,0,0140,0.8 -4919,1,0,0737,0.7 -4920,1,0,1610,1 -4921,1,0,1918,0.5 -4922,1,0,1730,0.4 -4923,1,0,1741,0.5 -4924,1,0,2052,0.4 -4926,1,1,0008,1.1 -4928,1,0,2046,0.7 -4929,1,0,1652,0.7 -4930,1,0,2154,1 -4933,1,0,2010,0.4 -4935,1,0,2040,0.6 -4936,1,0,1530,0.5 -4939,1,0,1735,0.6 -4943,1,2,0346,0.3 -4944,1,0,1613,0.7 -4945,1,0,2102,0.5 -4946,1,0,1538,0.3 -4947,1,0,0045,1 -4950,1,0,0942,1.2 -4951,1,0,2108,1 -4954,1,0,2020,0.5 -4955,1,0,1756,0.3 -4956,1,0,2243,0.7 -4957,1,0,2240,0.5 -4960,1,0,2138,0.4 -4963,1,0,2030,0.5 -4966,1,0,1015,0.5 -4967,1,0,1920,0.9 -4968,1,0,1949,0.7 -4971,1,1,0818,0.6 -4974,1,0,2256,0.8 -4975,1,0,1822,0.5 -4977,1,1,0220,0.5 -4979,1,0,0915,0.6 -4980,1,0,2315,0.6 -4981,1,0,1045,0.7 -4982,1,0,1515,0.3 -4983,1,0,0455,1.1 -4984,1,0,1909,0.3 -4985,1,0,1610,0.8 -4987,1,0,2109,0.6 -4989,1,0,0306,0.2 -4990,1,0,0920,0.5 -4991,1,0,1610,2 -4992,1,0,1425,0.7 -4993,1,0,1236,0.6 -4994,1,0,2327,0.7 -4998,1,0,2224,0.9 -5000,1,0,1911,0.2 -5001,1,0,2145,1 -5002,1,1,0630,0.6 -5003,1,0,1150,0.9 -5004,1,1,1442,0.4 -5005,1,0,1355,1.1 -5008,1,0,1648,0.3 -5009,1,0,0239,1.3 -5014,1,0,2237,0.3 -5015,1,1,0020,0.5 -5016,1,0,0935,0.6 -5019,1,0,2245,0.3 -5020,1,1,0118,0.5 -5021,1,0,2211,1 -5022,1,0,1000,0.3 -5023,1,0,2100,0.7 -5024,1,0,2138,0.4 -5025,1,0,1725,0.6 -5026,1,0,0130,0.8 -5028,1,0,2150,0.7 -5029,1,0,1702,0.8 -5030,1,0,1535,0.6 -5032,1,0,1737,0.4 -5034,1,0,0126,1 -5035,1,0,2030,0.5 -5036,1,0,2148,0.7 -5037,1,0,1410,1.3 -5039,1,0,0045,0.7 -5046,1,0,1250,0.3 -5048,1,0,0939,0.7 -5050,1,0,1907,0.7 -5054,1,0,1818,0.7 -5057,1,0,1803,0.9 -5059,1,0,2340,0.8 -5061,1,0,1910,1 -5063,1,0,2020,0.5 -5064,1,0,1910,1.2 -5066,1,0,1542,0.8 -5067,1,0,0820,0.8 -5068,1,0,2106,0.8 -5070,1,0,0429,0.4 -5071,1,0,2343,0.6 -5072,1,0,2140,0.8 -5073,1,0,1420,0.7 -5074,1,1,0330,0.9 -5075,1,0,1930,0.4 -5080,1,0,2100,1 -5081,1,0,1448,0.5 -5083,1,0,1237,0.3 -5086,1,0,0345,1.1 -5087,1,0,2230,0.8 -5089,1,0,2025,0.3 -5090,1,0,1810,0.8 -5092,1,0,1940,0.3 -5093,1,0,1946,0.7 -5094,1,0,1158,0.6 -5096,1,0,1600,0.8 -5097,1,0,1555,1 -5100,1,0,2159,1 -5107,1,0,1730,0.7 -5109,1,0,1915,0.4 -5110,1,0,1722,0.6 -5111,1,0,1830,0.7 -5113,1,0,0108,0.8 -5115,1,0,2103,1.3 -5116,1,0,0240,0.5 -5118,1,1,0717,0.5 -5119,1,0,0850,0.8 -5123,1,0,0350,0.4 -5124,1,0,2204,0.5 -5125,1,0,1805,0.4 -5126,1,1,0535,0.7 -5127,1,0,0310,0.8 -5128,1,0,2030,0.6 -5130,1,0,1442,0.7 -5131,1,0,1700,0.8 -5132,1,0,1500,0.7 -5133,1,0,1603,0.6 -5134,1,1,0430,0.5 -5136,1,0,1942,0.6 -5138,1,0,2049,0.6 -5139,1,0,1315,0.6 -5143,1,0,1845,0.5 -5146,1,0,2000,1.4 -5147,1,0,1829,0.8 -5150,1,0,0837,0.8 -5152,1,0,1420,0.4 -5154,1,0,1343,0.7 -5155,1,0,0005,0.4 -5157,1,0,2035,0.5 -5158,1,0,2120,0.3 -5159,1,0,1215,1 -5161,1,0,1843,0.6 -5163,1,0,2218,0.5 -5164,1,1,0400,0.6 -5165,1,0,1845,0.9 -5166,1,0,0533,0.7 -5170,1,0,2330,0.5 -5171,1,0,0057,0.3 -5172,1,0,2120,1.1 -5173,1,0,1550,1 -5174,1,0,1657,0.3 -5177,1,0,1638,0.7 -5180,1,0,0920,0.4 -5181,1,0,1612,0.3 -5182,1,1,0745,0.5 -5183,1,0,1342,0.7 -5184,1,1,0610,0.6 -5187,1,0,0901,0.6 -5188,1,0,2057,0.6 -5189,1,0,2052,0.8 -5192,1,0,1108,0.2 -5194,1,0,1640,0.5 -5195,1,0,1950,0.8 -5197,1,0,1737,0.7 -5199,1,0,1119,0.8 -5204,1,1,0618,0.2 -5205,1,0,2215,0.7 -5206,1,0,1751,0.5 -5212,1,0,1451,0.9 -5217,1,0,2009,0.9 -5220,1,0,0157,1 -5221,1,0,2330,0.4 -5223,1,0,1629,0.9 -5224,1,0,2019,0.3 -5231,1,0,2047,0.4 -5232,1,0,0252,1.1 -5232,2,0,0255,1 -5235,1,0,1730,0.6 -5237,1,0,2047,0.7 -5238,1,0,1704,0.6 -5239,1,0,1835,0.6 -5240,1,0,1858,1.2 -5241,1,0,2025,0.5 -5243,1,0,1555,0.4 -5247,1,0,1935,1 -5248,1,0,1906,0.3 -5249,1,0,1550,0.8 -5250,1,0,2144,0.2 -5251,1,0,1645,0.5 -5252,1,0,2314,0.8 -5253,1,0,1521,1 -5254,1,0,1800,1.1 -5257,1,0,2216,0.5 -5258,1,-1,2320,0.7 -5262,1,0,2145,0.9 -5264,1,0,1737,0.3 -5266,1,0,0135,1 -5267,1,0,1855,0.3 -5268,1,0,2219,0.4 -5269,1,0,1622,0.8 -5272,1,0,2020,0.7 -5273,1,0,1906,0.2 -5275,1,0,2030,1.1 -5276,1,0,1940,0.3 -5277,1,0,1224,0.8 -5278,1,0,1046,0.9 -5279,1,0,2222,0.7 -5280,1,0,1350,0.4 -5283,1,0,0440,0.4 -5284,1,0,2340,0.5 -5285,1,0,2256,0.8 -5286,1,0,1715,0.7 -5287,1,0,2229,0.8 -5292,1,0,1930,0.7 -5294,1,0,2145,0.4 -5295,1,0,1645,0.8 -5300,1,0,1340,0.5 -5301,1,1,0010,0.4 -5302,1,0,1848,0.7 -5303,1,0,1500,1.1 -5304,1,0,0850,0.6 -5305,1,0,2025,0.5 -5310,1,0,2010,0.7 -5313,1,0,1430,0.8 -5315,1,0,2030,0.7 -5316,1,0,1705,0.6 -5318,1,0,1735,0.6 -5319,1,0,2030,1 -5320,1,0,1420,0.8 -5324,1,0,0948,1 -5325,1,0,1135,0.7 -5327,1,0,1645,1.3 -5329,1,1,0032,0.7 -5330,1,0,0914,1 -5331,1,0,2004,0.5 -5333,1,0,1730,0.8 -5334,1,1,1200,0.8 -5336,1,0,1931,0.3 -5337,1,0,1003,0.3 -5338,1,0,1018,0.7 -5339,1,0,1526,0.4 -5340,1,0,1855,0.8 -5343,1,0,1420,0.6 -5344,1,1,0705,0.4 -5345,1,0,1812,0.6 -5347,1,0,2016,0.3 -5348,1,0,2340,0.6 -5350,1,0,0457,0.2 -5351,1,0,0454,0.9 -5352,1,0,1205,0.6 -5354,1,0,1853,0.6 -5357,1,0,1700,0.8 -5361,1,0,1230,0.3 -5362,1,0,1115,1 -5363,1,0,1815,0.8 -5364,1,0,2111,0.4 -5365,1,0,1843,0.3 -5366,1,0,1730,0.5 -5367,1,0,1457,0.4 -5368,1,0,2055,0.2 -5372,1,0,1358,0.4 -5375,1,0,1002,0.4 -5376,1,0,1800,0.6 -5377,1,0,1920,0.4 -5379,1,0,0129,0.6 -5385,1,0,1741,0.6 -5387,1,0,2133,0.4 -5389,1,0,2313,0.5 -5390,1,0,2057,0.7 -5391,1,0,1921,0.7 -5393,1,1,0403,0.7 -5394,1,0,1844,0.6 -5395,1,0,1938,0.7 -5397,1,0,1750,0.8 -5399,1,-1,1235,0.4 -5402,1,0,1856,0.7 -5404,1,0,1114,0.3 -5410,1,0,1745,0.6 -5414,1,0,1817,0.3 -5417,1,0,0842,1.1 -5417,2,1,0731,0.7 -5418,1,0,0031,0.8 -5419,1,0,1939,0.3 -5421,1,0,1755,0.9 -5422,1,0,1710,0.6 -5426,1,0,2011,0.3 -5427,1,0,2200,0.1 -5428,1,0,2345,0.6 -5429,1,0,0120,1 -5435,1,0,1131,0.4 -5437,1,0,1315,0.4 -5439,1,0,1437,0.8 -5440,1,0,1512,0.8 -5442,1,0,1915,1 -5443,1,0,2034,0.9 -5445,1,0,1632,0.8 -5450,1,0,0920,0.5 -5451,1,0,1754,0.3 -5453,1,0,1521,0.4 -5454,1,0,1050,0.4 -5456,1,6,0545,0.7 -5458,1,0,1906,0.4 -5459,1,0,1305,0.8 -5460,1,0,2030,0.6 -5462,1,0,1600,0.5 -5464,1,0,1440,0.9 -5467,1,0,1734,0.7 -5469,1,1,0115,0.8 -5470,1,0,1930,0.4 -5471,1,0,2011,0.8 -5472,1,0,2338,0.8 -5474,1,0,1626,0.5 -5475,1,0,1101,1.2 -5476,1,0,1531,0.3 -5479,1,0,1630,0.5 -5481,1,0,1414,0.5 -5483,1,0,0249,0.9 -5485,1,0,0949,0.6 -5486,1,0,1640,0.5 -5488,1,0,1340,1.1 -5489,1,0,1550,0.4 -5490,1,0,1656,0.7 -5491,1,0,2351,1.2 -5492,1,0,1843,0.4 -5493,1,0,1950,0.3 -5494,1,0,1500,0.5 -5495,1,1,0424,0.6 -5496,1,-2,1132,0.4 -5499,1,0,2030,0.9 -5503,1,0,2115,1 -5506,1,0,1331,0.5 -5507,1,0,1440,0.5 -5509,1,0,1651,0.5 -5511,1,0,1422,0.8 -5513,1,1,0018,0.6 -5514,1,0,1803,0.7 -5517,1,0,1948,0.4 -5521,1,0,2104,0.4 -5522,1,0,2125,0.4 -5524,1,0,2057,0.8 -5528,1,0,1811,0.7 -5531,1,1,1634,0.4 -5532,1,0,2230,0.8 -5534,1,0,0525,0.8 -5536,1,1,0940,0.8 -5537,1,1,0630,0.5 -5538,1,0,1419,0.6 -5539,1,0,0331,1 -5540,1,0,1250,0.5 -5541,1,0,1125,0.4 -5542,1,0,1148,0.6 -5543,1,0,1805,0.6 -5544,1,0,1706,1 -5545,1,0,2123,0.5 -5547,1,0,1235,0.6 -5549,1,0,2159,0.5 -5556,1,0,1933,0.4 -5557,1,0,2211,0.6 -5559,1,0,2319,0.4 -5560,1,0,1830,0.3 -5562,1,0,1940,0.4 -5567,1,0,1854,0.6 -5568,1,0,1604,0.8 -5572,1,0,1926,0.4 -5573,1,0,1503,0.7 -5574,1,0,1708,0.3 -5575,1,0,0235,1 -5576,1,0,1314,0.9 -5577,1,0,0804,0.6 -5578,1,0,1757,0.8 -5579,1,0,0950,0.5 -5580,1,0,1200,1 -5582,1,0,2006,0.9 -5584,1,1,0001,0.9 -5586,1,0,2132,1 -5586,2,1,0451,0.5 -5586,3,6,0946,0.5 -5587,1,0,2103,0.8 -5588,1,0,2350,0.4 -5590,1,0,2253,0.7 -5593,1,0,2025,0.6 -5594,1,0,2222,0.6 -5595,1,0,2250,0.7 -5596,1,1,0545,1 -5598,1,0,0649,0.4 -5599,1,0,0230,0.2 -5600,1,0,2248,0.8 -5601,1,0,1608,0.9 -5603,1,0,1637,0.6 -5605,1,0,1630,0.6 -5608,1,0,1833,0.9 -5609,1,0,1625,0.3 -5612,1,1,0645,0.5 -5613,1,0,2029,0.6 -5615,1,0,2311,0.7 -5616,1,1,0400,0.5 -5619,1,0,0025,0.7 -5620,1,0,1817,0.5 -5621,1,0,1459,0.8 -5624,1,0,1455,0.6 -5625,1,0,2010,1 -5626,1,0,2200,0.7 -5628,1,1,0340,0.4 -5630,1,0,1810,0.6 -5632,1,1,0550,0.4 -5633,1,0,1928,0.3 -5634,1,0,1743,0.4 -5637,1,0,2128,0.7 -5643,1,0,2100,0.9 -5644,1,0,2143,0.6 -5645,1,0,1822,0.3 -5647,1,0,0434,0.9 -5649,1,0,2335,1.1 -5651,1,0,1629,1 -5653,1,0,0410,0.7 -5655,1,0,1600,1 -5657,1,0,1954,0.3 -5658,1,0,1609,0.8 -5660,1,0,2300,0.9 -5661,1,0,1920,0.6 -5663,1,0,1900,0.5 -5668,1,0,0839,0.9 -5668,2,2,0606,0.6 -5669,1,0,1030,0.5 -5671,1,1,0026,0.3 -5674,1,0,2244,0.5 -5675,1,0,1739,0.4 -5676,1,0,1930,0.4 -5680,1,0,1330,0.4 -5684,1,0,1553,0.6 -5687,1,0,1935,1 -5688,1,0,1723,0.4 -5689,1,0,1810,0.8 -5690,1,1,0625,0.4 -5692,1,0,1322,0.8 -5693,1,0,2255,0.6 -5694,1,0,1033,0.8 -5696,1,0,1429,0.4 -5698,1,0,2139,1.1 -5700,1,0,2010,0.6 -5701,1,0,2005,0.4 -5704,1,2,1010,0.6 -5705,1,0,1827,0.9 -5707,1,0,0700,0.6 -5709,1,0,2240,0.5 -5710,1,0,1940,0.6 -5711,1,0,1837,0.7 -5713,1,0,1005,0.6 -5714,1,0,1715,0.9 -5715,1,0,2337,0.6 -5716,1,0,2359,0.5 -5720,1,0,0848,0.6 -5724,1,0,1536,0.6 -5725,1,0,1615,0.5 -5727,1,0,0838,0.4 -5731,1,0,1820,0.9 -5732,1,0,1626,0.7 -5736,1,0,2147,0.7 -5737,1,0,2115,0.3 -5738,1,0,1502,0.5 -5741,1,0,1615,0.7 -5742,1,0,2112,0.4 -5743,1,0,1618,0.5 -5744,1,0,1920,0.4 -5746,1,0,1700,0.7 -5749,1,0,0344,1 -5750,1,0,2049,0.7 -5751,1,0,1448,0.3 -5752,1,1,0620,0.3 -5754,1,1,0130,0.5 -5754,2,1,0500,0.5 -5754,3,2,0452,0.5 -5754,4,4,0930,0.5 -5757,1,0,0130,0.9 -5758,1,0,1830,0.5 -5759,1,0,1315,0.6 -5760,1,0,1410,0.3 -5763,1,0,1439,0.8 -5764,1,0,1433,0.5 -5765,1,0,1832,0.6 -5766,1,0,2059,0.5 -5767,1,0,1601,0.8 -5770,1,3,0435,0.7 -5771,1,0,1605,0.4 -5775,1,0,1225,0.6 -5776,1,0,1950,0.4 -5778,1,0,2034,0.6 -5779,1,0,1923,0.3 -5782,1,1,0825,0.6 -5783,1,0,1922,0.8 -5784,1,1,0410,0.4 -5785,1,0,1338,0.5 -5786,1,0,1520,0.8 -5787,1,0,1533,0.8 -5792,1,0,1830,0.7 -5797,1,0,2052,0.4 -5799,1,0,0850,0.6 -5800,1,0,1315,0.5 -5802,1,0,1342,0.8 -5804,1,1,0535,0.6 -5807,1,1,0550,0.4 -5808,1,0,0650,0.4 -5809,1,0,1657,0.6 -5810,1,0,2050,0.9 -5811,1,0,2352,0.3 -5812,1,0,1625,0.4 -5815,1,0,1417,0.5 -5816,1,0,1923,0.5 -5817,1,1,0351,0.5 -5820,1,0,2005,0.7 -5821,1,0,1545,0.8 -5823,1,0,1614,0.6 -5824,1,0,1219,0.9 -5826,1,0,2008,0.8 -5830,1,1,0615,0.7 -5833,1,0,1905,0.8 -5835,1,0,2019,0.3 -5836,1,0,2051,0.6 -5837,1,0,0140,0.8 -5842,1,0,2140,0.3 -5843,1,0,2128,0.9 -5844,1,0,1755,0.6 -5846,1,0,1515,0.6 -5848,1,1,0315,0.5 -5850,1,-3,2350,0.5 -5852,1,0,2116,0.7 -5853,1,0,2048,0.9 -5857,1,0,1836,0.8 -5858,1,0,2058,0.7 -5860,1,0,2210,0.5 -5861,1,0,1941,0.9 -5863,1,0,1652,0.5 -5863,2,1,0639,0.4 -5865,1,0,2312,0.6 -5866,1,0,2335,0.5 -5868,1,0,2338,0.7 -5869,1,0,2228,0.6 -5870,1,1,0043,1.1 -5872,1,0,2230,0.5 -5875,1,0,2200,0.3 -5879,1,1,0242,0.3 -5885,1,0,1851,0.4 -5886,1,0,0033,0.8 -5889,1,0,2144,0.4 -5894,1,0,0753,0.4 -5895,1,0,1440,0.4 -5898,1,0,2025,0.3 -5899,1,0,1731,1.2 -5901,1,0,1545,0.7 -5904,1,0,1920,0.5 -5906,1,0,1946,0.6 -5907,1,0,2000,0.4 -5909,1,1,1415,0.8 -5910,1,0,1855,0.4 -5911,1,0,0937,0.5 -5913,1,0,2245,0.5 -5914,1,0,1046,0.3 -5915,1,0,0955,0.4 -5916,1,0,0726,0.8 -5921,1,0,2058,0.2 -5922,1,0,1705,0.5 -5923,1,0,1945,0.6 -5928,1,0,2107,0.7 -5929,1,0,0405,0.8 -5930,1,0,2304,0.3 -5931,1,0,0838,0.7 -5932,1,1,0315,0.4 -5935,1,0,1636,0.5 -5936,1,0,1734,0.4 -5938,1,0,2009,1 -5942,1,0,1445,0.8 -5943,1,0,2005,0.8 -5946,1,0,1840,0.6 -5949,1,1,0610,0.4 -5950,1,0,1404,0.8 -5951,1,0,1942,0.5 -5953,1,0,0439,0.5 -5954,1,0,2327,0.2 -5957,1,0,2144,0.5 -5958,1,1,0020,0.3 -5959,1,0,1820,0.6 -5960,1,0,1839,0.6 -5961,1,0,1714,0.6 -5962,1,0,1926,1.2 -5963,1,0,1920,0.7 -5964,1,0,1611,0.8 -5967,1,0,2108,0.9 -5968,1,0,2250,0.8 -5969,1,0,2203,0.4 -5974,1,0,2100,0.5 -5976,1,0,0945,0.3 -5978,1,1,0133,1 -5982,1,1,0206,0.3 -5983,1,1,0525,0.4 -5984,1,0,1055,0.4 -5985,1,1,0623,0.7 -5986,1,0,1235,0.4 -5988,1,0,0055,0.8 -5989,1,0,2339,0.4 -5990,1,0,2002,0.2 -5992,1,0,1950,0.5 -5995,1,0,2001,0.5 -5996,1,1,0330,0.5 -5997,1,0,1655,0.6 -5998,1,0,0530,0.8 -5999,1,0,0319,0.8 -6000,1,0,0957,0.4 -6001,1,0,1630,0.5 -6002,1,1,0000,0.3 -6003,1,0,0810,0.8 -6004,1,0,2005,0.4 -6005,1,0,1845,0.4 -6007,1,0,1930,0.3 -6009,1,0,2034,0.4 -6011,1,0,1924,0.6 -6015,1,0,1356,0.9 -6016,1,1,0057,0.5 -6019,1,1,0455,0.5 -6022,1,0,2205,1.1 -6023,1,0,1739,1 -6024,1,1,0530,0.5 -6025,1,0,2040,1 -6026,1,1,0530,0.5 -6027,1,0,0420,0.4 -6028,1,0,1750,0.7 -6030,1,0,2035,0.4 -6032,1,1,0820,0.8 -6033,1,0,2230,0.3 -6034,1,0,1911,0.8 -6035,1,0,1944,0.4 -6037,1,1,0600,0.5 -6038,1,0,1919,0.7 -6040,1,0,1213,0.5 -6041,1,0,2315,1.2 -6044,1,0,1925,0.6 -6046,1,0,1722,0.7 -6047,1,0,2350,0.3 -6049,1,0,2145,0.5 -6050,1,0,2315,1 -6051,1,0,1415,0.6 -6052,1,0,1115,0.6 -6054,1,0,1730,0.6 -6058,1,0,0052,0.2 -6060,1,0,2225,0.7 -6064,1,0,1713,0.5 -6065,1,0,2120,0.5 -6066,1,0,1524,0.8 -6068,1,0,1306,0.4 -6070,1,0,2258,0.5 -6071,1,0,1255,0.4 -6075,1,0,1855,0.5 -6077,1,0,0922,0.8 -6082,1,0,1950,0.2 -6083,1,0,1706,0.5 -6084,1,0,2130,0.3 -6088,1,0,1345,0.3 -6089,1,1,0520,0.4 -6091,1,0,1840,0.9 -6092,1,0,1438,1 -6093,1,0,1615,0.6 -6093,2,1,1924,0.4 -6095,1,1,1045,0.5 -6096,1,0,1748,0.8 -6097,1,0,1551,0.8 -6098,1,0,1937,0.4 -6101,1,0,1710,0.6 -6104,1,1,0600,0.3 -6106,1,1,0605,0.5 -6109,1,0,1610,0.4 -6110,1,0,1212,0.4 -6112,1,0,1535,0.9 -6113,1,0,1929,0.6 -6114,1,0,2123,0.6 -6115,1,0,2201,0.6 -6116,1,1,0025,1 -6117,1,0,1731,0.6 -6118,1,0,1401,0.8 -6120,1,0,2315,0.8 -6121,1,0,2130,0.5 -6122,1,0,0145,1 -6123,1,1,0430,1 -6125,1,0,2041,0.4 -6128,1,0,1133,0.5 -6129,1,4,1840,0.7 -6131,1,0,1255,0.7 -6132,1,0,2247,0.8 -6133,1,0,1836,0.6 -6134,1,0,1458,0.8 -6136,1,0,1841,0.6 -6140,1,0,2235,0.5 -6141,1,0,1221,0.8 -6142,1,0,2022,0.4 -6143,1,0,1552,0.8 -6144,1,1,0510,0.8 -6146,1,0,2044,0.8 -6147,1,0,1940,0.4 -6148,1,0,1859,0.6 -6149,1,0,1931,0.9 -6150,1,0,2025,1.2 -6151,1,0,1700,0.8 -6157,1,0,1949,0.4 -6161,1,0,2036,0.5 -6162,1,1,0430,0.4 -6162,2,1,1408,0.3 -6162,3,1,1955,0.3 -6164,1,1,0725,0.5 -6166,1,1,0450,0.5 -6167,1,0,2245,0.6 -6169,1,0,2020,0.5 -6171,1,0,2126,0.6 -6172,1,1,0420,0.4 -6174,1,0,2254,0.5 -6176,1,0,1927,0.6 -6178,1,0,2350,0.7 -6180,1,0,2313,0.6 -6181,1,0,1545,0.8 -6182,1,0,1142,0.9 -6186,1,0,1303,0.7 -6189,1,1,0031,0.7 -6190,1,0,1150,0.5 -6193,1,0,2005,0.8 -6196,1,0,1840,0.9 -6199,1,0,1912,0.2 -6200,1,0,1610,0.3 -6201,1,0,2102,0.5 -6202,1,0,1908,1 -6205,1,1,1730,0.6 -6206,1,0,1927,0.3 -6207,1,0,1300,0.6 -6208,1,0,1617,0.5 -6210,1,0,1240,0.7 -6211,1,0,1835,0.7 -6215,1,0,0115,0.3 -6216,1,0,2032,0.8 -6217,1,0,2255,0.8 -6218,1,1,0115,0.8 -6224,1,0,2013,0.5 -6225,1,0,1647,1.2 -6229,1,1,0126,0.4 -6231,1,0,1743,0.9 -6232,1,0,2055,0.8 -6233,1,0,2330,0.7 -6234,1,0,2235,0.3 -6235,1,3,0354,0.5 -6236,1,0,0634,1.2 -6240,2,0,1920,0.6 -6241,1,0,1353,0.7 -6247,1,0,0108,0.7 -6250,1,1,0325,0.3 -6252,1,1,0350,0.5 -6255,1,0,1839,1.1 -6256,1,0,2010,0.6 -6260,1,0,2119,0.6 -6261,1,0,0809,0.7 -6263,1,0,0110,0.7 -6264,1,0,1347,0.7 -6267,1,0,2240,1.1 -6269,1,0,1805,0.5 -6271,1,0,2230,0.8 -6272,1,0,2027,0.6 -6274,1,0,1831,0.6 -6275,1,0,1946,0.5 -6276,1,0,0300,0.5 -6278,1,0,1930,0.6 -6284,1,0,0708,0.3 -6285,1,0,0347,0.7 -6287,1,0,1920,0.4 -6288,1,0,1200,0.7 -6289,1,0,0323,0.7 -6290,1,0,2012,0.7 -6291,1,0,1705,0.5 -6292,1,1,0056,0.7 -6293,1,4,0759,0.7 -6295,1,0,2040,0.9 -6297,1,1,0005,1 -6298,1,0,1515,0.6 -6302,1,0,1330,1.2 -6303,1,0,1800,0.4 -6311,1,1,0540,0.3 -6316,1,0,1625,0.6 -6318,1,0,1949,0.5 -6320,1,0,1145,0.7 -6321,1,0,1405,0.7 -6322,1,0,1843,0.9 -6323,1,0,1630,0.5 -6325,1,0,2225,0.7 -6327,1,0,1930,0.6 -6328,1,0,1855,0.7 -6330,1,0,2359,0.3 -6332,1,1,0520,0.6 -6333,1,0,2103,0.3 -6335,1,0,0946,1 -6336,1,0,1612,0.2 -6337,1,0,2121,0.7 -6338,1,0,2055,0.9 -6339,1,0,1929,0.5 -6340,1,0,0916,0.4 -6341,1,1,0600,0.4 -6342,1,0,1756,1.1 -6343,1,0,1920,0.5 -6345,1,0,1528,0.9 -6347,1,0,2350,0.7 -6350,1,0,0045,0.8 -6355,1,0,1241,0.5 -6359,1,0,1045,0.3 -6362,1,0,2049,0.6 -6363,1,0,2127,1 -6367,1,0,1037,0.9 -6368,1,0,2207,0.5 -6369,1,0,1758,0.2 -6370,1,0,2108,0.6 -6371,1,0,1506,1.8 -6372,1,0,1741,0.6 -6373,1,0,1330,0.4 -6375,1,0,1730,0.4 -6379,1,0,1213,0.5 -6380,1,1,0322,0.8 -6381,1,0,2130,0.5 -6382,1,0,1850,0.3 -6383,1,0,1943,0.7 -6384,1,0,1813,0.6 -6385,1,0,1128,0.6 -6386,1,0,1137,0.5 -6387,1,0,1652,0.8 -6388,1,0,1840,0.4 -6389,1,0,2046,0.8 -6391,1,0,1315,0.7 -6392,1,0,2207,0.3 -6393,1,0,1510,0.4 -6394,1,0,2357,0.9 -6395,1,1,0148,0.5 -6398,1,1,0146,0.2 -6399,1,0,1928,0.7 -6400,1,1,0655,0.6 -6401,1,0,1345,0.4 -6402,1,1,0540,0.3 -6405,1,0,2233,1 -6406,1,0,1233,0.8 -6406,2,0,1532,0.8 -6406,3,0,2253,0.5 -6407,1,0,2015,0.5 -6409,1,1,0340,0.4 -6410,1,1,1014,1.2 -6411,1,0,1830,0.3 -6412,1,0,1710,0.4 -6415,1,1,0415,0.4 -6417,1,0,1753,0.5 -6418,1,0,1230,0.4 -6421,1,1,0600,0.8 -6422,1,0,2013,0.4 -6423,1,0,1805,0.6 -6425,1,0,1309,0.7 -6426,1,0,1319,0.5 -6427,1,1,0020,0.4 -6428,1,0,2203,0.7 -6430,1,0,1338,0.7 -6431,1,0,1957,0.6 -6432,1,0,2300,0.7 -6433,1,0,1328,0.4 -6435,1,5,1130,0.4 -6436,1,0,1630,0.5 -6439,1,0,2315,0.5 -6440,1,0,2055,0.3 -6441,1,1,0315,0.4 -6442,1,0,1424,0.5 -6445,1,0,0008,0.8 -6447,1,1,0006,0.6 -6448,1,1,0620,0.5 -6449,1,0,1930,0.3 -6451,1,0,1722,0.6 -6454,1,0,1909,0.5 -6456,1,1,0012,1.1 -6457,1,0,1554,0.4 -6462,1,0,0455,0.9 -6464,1,0,0250,0.3 -6466,1,0,1500,0.7 -6473,1,0,0640,0.5 -6474,1,0,1856,0.9 -6477,1,0,2117,0.6 -6479,1,-1,0918,0.6 -6483,1,0,2322,0.2 -6484,1,0,2214,0.4 -6485,1,0,1915,0.9 -6487,1,0,0012,1.3 -6491,1,1,0550,0.3 -6492,1,0,1948,0.7 -6495,1,0,1412,0.5 -6496,1,1,0006,0.5 -6497,1,0,1609,0.7 -6498,1,0,1728,0.5 -6500,1,0,2123,0.6 -6501,1,0,1830,1 -6504,1,0,1850,0.6 -6505,1,0,1633,0.5 -6506,1,0,1828,0.4 -6507,1,0,2210,0.5 -6508,1,0,1440,0.8 -6510,1,0,1840,0.4 -6511,1,0,0800,0.8 -6514,1,1,0610,0.5 -6515,1,0,1327,0.4 -6516,1,1,0441,0.2 -6517,1,0,0230,0.5 -6519,1,0,1520,1.1 -6522,1,0,0715,0.2 -6525,1,0,1710,0.6 -6526,1,0,0645,0.6 -6527,1,0,2355,0.4 -6528,1,0,1717,0.2 -6529,1,1,1443,0.4 -6533,1,0,1000,0.5 -6536,1,0,1721,0.5 -6537,1,0,2105,0.6 -6539,1,0,1328,0.5 -6541,1,0,0040,0.8 -6542,1,0,1113,1.2 -6543,1,1,1110,0.3 -6548,1,0,2217,1.3 -6549,1,0,0042,0.4 -6551,1,0,0121,0.4 -6553,1,0,1500,0.6 -6557,1,0,0255,0.8 -6560,1,0,1119,0.3 -6564,1,1,0000,0.4 -6565,1,0,1600,0.6 -6572,1,1,0550,0.5 -6573,1,0,1620,0.3 -6574,1,0,1350,0.3 -6575,1,0,2157,0.8 -6576,1,0,1822,1 -6578,1,0,1528,0.7 -6579,1,0,2024,0.8 -6581,1,0,2325,1.4 -6582,1,0,1113,0.4 -6583,1,0,1930,0.6 -6584,1,0,1919,0.5 -6586,1,0,2355,1 -6588,1,0,1901,0.4 -6589,1,0,0930,0.5 -6591,1,0,2034,0.5 -6593,1,0,2002,0.3 -6594,1,0,2200,0.5 -6595,1,0,1424,0.7 -6596,1,0,1357,0.2 -6597,1,0,0855,0.5 -6599,1,0,0934,0.8 -6600,1,0,2220,1 -6602,1,0,2112,0.8 -6603,1,0,1755,0.8 -6604,1,0,0455,0.8 -6605,1,0,1545,0.4 -6606,1,0,2230,0.8 -6607,1,0,1828,0.4 -6614,1,0,2234,0.5 -6615,1,1,0720,0.7 -6617,1,0,1830,0.6 -6619,1,0,1520,0.6 -6628,1,0,1707,0.8 -6629,1,0,1700,0.6 -6630,1,0,1940,0.5 -6631,1,0,1730,0.6 -6635,1,0,0020,1 -6636,1,0,1705,0.6 -6637,1,0,0226,0.4 -6638,1,0,0220,0.5 -6639,1,0,0835,1.4 -6642,1,0,0744,0.8 -6643,1,0,0125,0.6 -6644,1,0,1521,0.6 -6646,1,0,1214,0.4 -6647,1,0,1700,0.4 -6648,1,0,0502,0.4 -6650,1,0,2042,0.3 -6652,1,0,2059,0.5 -6653,1,1,0015,0.3 -6656,1,0,1306,0.9 -6660,1,0,1656,0.9 -6661,1,0,0243,0.7 -6664,1,0,1400,0.4 -6667,1,0,1832,0.4 -6669,1,0,1808,1.1 -6672,1,0,2215,0.6 -6673,1,0,2306,0.6 -6674,1,0,2030,1 -6676,1,0,2134,0.6 -6677,1,0,2203,1 -6680,1,0,0231,0.5 -6681,1,0,1905,0.4 -6684,1,0,1910,0.6 -6685,1,0,1715,0.8 -6690,1,1,0705,0.9 -6691,1,0,2001,0.5 -6694,1,1,0639,0.6 -6698,1,0,1950,0.6 -6700,1,1,0035,0.4 -6701,1,0,1055,0.9 -6702,1,0,0640,0.9 -6704,1,0,2050,0.9 -6705,1,0,2240,0.4 -6707,1,0,1440,0.5 -6708,1,0,1509,0.6 -6713,1,0,2105,0.8 -6714,1,0,0900,0.4 -6715,1,0,1930,0.5 -6718,1,0,1431,0.3 -6721,1,0,0146,0.3 -6722,1,0,1232,0.9 -6723,1,0,1157,0.3 -6724,1,0,0118,1 -6725,1,0,2345,0.5 -6726,1,0,2100,0.6 -6728,1,0,2335,0.5 -6730,1,0,2220,0.7 -6734,1,0,1159,0.8 -6735,1,0,1235,0.4 -6736,1,0,1630,0.5 -6737,1,0,1025,0.5 -6741,1,1,0017,0.7 -6742,1,1,0030,0.3 -6743,1,1,0235,0.4 -6744,1,1,0546,0.7 -6744,2,0,1944,1 -6745,1,0,2018,0.3 -6748,1,0,2200,0.6 -6749,1,0,1340,0.3 -6750,1,0,1401,0.7 -6751,1,0,1635,0.8 -6756,1,0,2311,0.6 -6758,1,0,1730,0.5 -6760,1,0,1550,0.6 -6766,1,0,1703,1 -6768,1,0,1000,0.4 -6769,1,0,1613,0.6 -6773,1,0,0030,0.9 -6775,1,0,1730,0.4 -6776,1,0,0558,0.7 -6778,1,0,1835,0.3 -6779,1,0,1853,0.5 -6784,1,0,1404,0.3 -6790,1,0,1230,0.2 -6790,2,1,0435,0.2 -6792,1,0,1515,0.5 -6795,1,0,1744,0.3 -6797,1,0,1121,0.3 -6798,1,0,2026,0.6 -6799,1,0,1543,0.7 -6802,1,0,1627,0.4 -6804,1,0,0840,1 -6805,1,2,0045,1.1 -6809,1,0,0123,1.3 -6810,1,0,1654,1.1 -6814,1,0,2110,0.8 -6815,1,0,2030,0.4 -6816,1,0,1903,0.4 -6817,1,0,1550,0.8 -6819,1,0,1934,0.3 -6820,1,0,1540,0.7 -6821,1,0,0608,0.8 -6823,1,0,2205,0.3 -6824,1,0,2346,0.6 -6826,1,0,1757,0.3 -6827,1,0,1824,0.6 -6829,1,0,1110,1 -6830,1,0,2235,0.4 -6837,1,0,1428,0.7 -6841,1,0,1244,0.4 -6842,1,0,1303,0.4 -6843,1,0,2001,0.8 -6846,1,0,2132,1.2 -6848,1,0,2109,0.5 -6853,1,0,0110,0.8 -6854,1,0,2213,0.5 -6857,1,0,0325,1 -6858,1,0,2133,0.5 -6860,1,0,1021,1.2 -6861,1,0,2150,0.4 -6862,1,0,2020,0.4 -6864,1,0,1835,0.5 -6865,1,0,0858,0.9 -6869,1,0,0824,0.3 -6872,1,0,0747,0.9 -6873,1,0,0908,0.7 -6874,1,1,1050,0.3 -6875,1,0,1759,0.8 -6876,1,0,2007,0.6 -6877,1,0,0045,0.4 -6878,1,0,2141,1.1 -6879,1,0,1852,0.5 -6881,1,0,2000,0.5 -6882,1,0,0703,0.3 -6886,1,0,0050,0.9 -6888,1,0,0941,0.6 -6890,1,1,0014,1 -6891,1,1,0356,0.2 -6894,1,0,2155,0.4 -6895,1,0,2145,0.6 -6898,1,0,1853,0.7 -6900,1,0,2054,0.4 -6903,1,0,1908,0.6 -6904,1,0,1600,0.6 -6905,1,0,1855,0.5 -6910,1,0,1430,0.3 -6914,1,0,1622,0.6 -6915,1,0,0816,0.3 -6916,1,0,2045,1 -6917,1,0,1802,0.4 -6918,1,1,0540,0.6 -6919,1,0,1753,0.7 -6920,1,0,1715,0.7 -6921,1,0,1530,0.9 -6922,1,0,1817,0.4 -6924,1,0,1439,0.5 -6926,1,0,1138,0.4 -6927,1,0,1540,0.5 -6929,1,0,1850,0.6 -6935,1,0,1221,0.8 -6936,1,1,0525,0.6 -6937,1,0,1430,1 -6939,1,0,1655,0.4 -6940,1,0,0624,0.5 -6944,1,0,1307,0.8 -6946,1,0,1846,0.4 -6947,1,0,1652,0.7 -6948,1,0,1249,0.2 -6949,1,0,1821,0.3 -6957,1,0,1143,0.5 -6959,1,0,1724,0.5 -6960,1,0,1628,0.6 -6961,1,2,0555,0.5 -6962,1,0,2043,0.7 -6963,1,0,0251,0.7 -6966,1,0,1900,0.6 -6967,1,1,0012,0.6 -6970,1,0,2038,0.3 -6972,1,0,1210,0.3 -6973,1,0,1057,0.3 -6974,1,0,2145,0.6 -6975,1,1,0605,0.4 -6977,1,0,1959,0.8 -6979,1,0,2110,0.4 -6980,1,0,2130,0.9 -6981,1,0,1925,0.8 -6983,1,0,1846,0.3 -6985,1,0,1820,0.5 -6986,1,0,2350,0.6 -6987,1,0,1420,0.9 -6988,1,0,1619,0.6 -6992,1,0,1650,0.7 -6995,1,0,1415,0.3 -6996,1,0,1720,0.3 -6997,1,0,2146,0.8 -6998,1,0,1703,0.8 -7001,1,0,1801,0.8 -7003,1,0,1749,0.6 -7004,1,0,1629,0.7 -7008,1,0,1904,1.2 -7009,1,0,1950,0.4 -7010,1,0,0016,0.7 -7011,1,0,1816,0.4 -7015,1,0,2212,0.9 -7017,1,0,2355,0.8 -7018,1,0,1842,0.8 -7020,1,0,2328,0.6 -7021,1,0,1306,0.5 -7024,1,0,0140,0.9 -7025,1,0,1520,0.7 -7027,1,0,2213,0.5 -7028,1,0,0155,0.8 -7029,1,1,0410,0.5 -7030,1,0,2325,0.5 -7031,1,1,0410,0.8 -7032,1,0,2113,0.9 -7033,1,0,1640,0.6 -7034,1,0,1515,0.6 -7035,1,0,1638,0.7 -7037,1,0,2109,0.8 -7038,1,0,2001,1 -7044,1,0,0140,1 -7045,1,0,2252,0.5 -7046,1,0,0955,1 -7050,1,0,2219,0.6 -7051,1,1,0105,0.9 -7053,1,0,2300,0.4 -7056,1,0,1738,0.7 -7060,1,0,1526,0.5 -7061,1,0,2054,0.5 -7062,1,0,0915,0.6 -7064,1,0,0627,0.4 -7067,1,1,0011,1.2 -7070,1,0,2341,1.1 -7071,1,0,1942,0.5 -7072,1,0,1647,0.5 -7074,1,0,1545,1.2 -7075,1,0,1305,0.4 -7078,1,0,1300,0.7 -7079,1,0,2235,0.8 -7082,1,0,1653,0.6 -7083,1,0,2242,0.5 -7084,1,0,1220,0.3 -7087,1,0,1940,1.2 -7092,1,0,2000,0.4 -7094,1,0,2226,0.3 -7095,1,0,1630,0.7 -7096,1,0,1845,0.5 -7097,1,0,0215,0.3 -7101,1,0,1202,0.9 -7102,1,0,1630,1 -7103,1,0,0618,0.8 -7104,1,0,1902,0.3 -7105,1,0,1640,0.6 -7109,1,0,1540,0.9 -7110,1,1,0600,0.6 -7114,1,0,1934,0.4 -7115,1,0,1748,0.7 -7118,1,0,1747,0.8 -7119,1,0,1507,0.6 -7122,1,0,1733,1.2 -7123,1,0,1850,0.7 -7124,1,0,0034,0.4 -7126,1,0,0851,0.9 -7127,1,0,0853,0.6 -7129,1,0,2235,0.9 -7130,1,0,1608,0.6 -7131,1,1,0615,0.8 -7134,1,0,2013,1.1 -7135,1,1,0000,0.6 -7136,1,1,0220,0.6 -7138,1,0,0020,0.8 -7140,1,0,0530,0.7 -7142,1,0,0730,0.8 -7145,1,0,1000,0.2 -7146,1,0,1915,0.3 -7150,1,0,0736,0.5 -7151,1,1,0440,0.6 -7152,1,0,1411,0.3 -7153,1,0,2137,1.2 -7154,1,0,1935,1 -7157,1,0,1424,0.7 -7158,1,0,1520,0.8 -7159,1,0,2120,0.6 -7163,1,0,2005,0.4 -7165,1,0,2230,0.2 -7166,1,0,1400,0.5 -7167,1,0,1936,0.6 -7169,1,1,0550,0.5 -7170,1,0,1429,0.8 -7175,1,0,1310,0.6 -7177,1,0,2317,0.7 -7181,1,0,2120,0.3 -7184,1,0,1836,0.6 -7186,1,0,2045,0.7 -7188,1,0,1703,0.4 -7189,1,0,1703,0.7 -7195,1,0,2030,0.5 -7199,1,1,0004,0.5 -7200,1,0,1213,0.6 -7202,1,0,2126,0.4 -7203,1,0,0910,0.7 -7205,1,0,1227,0.8 -7207,1,0,0843,1 -7208,1,0,2256,0.3 -7211,1,0,2335,1 -7212,1,0,1935,0.6 -7213,1,0,2030,0.3 -7214,1,0,1137,0.9 -7215,1,0,1350,0.5 -7217,1,0,0810,0.6 -7219,1,0,1137,0.6 -7220,1,0,2131,0.7 -7221,1,0,2028,0.8 -7224,1,0,0930,0.4 -7225,1,0,0810,0.8 -7226,1,0,2250,0.8 -7227,1,0,2323,0.6 -7228,1,0,1202,0.8 -7229,1,0,1603,0.6 -7230,1,0,2040,0.4 -7234,1,0,1840,0.9 -7235,1,0,2230,0.7 -7237,1,0,0217,0.8 -7238,1,0,2120,0.7 -7240,1,0,1501,0.3 -7241,1,0,1607,0.6 -7243,1,0,1452,0.9 -7244,1,0,2114,0.5 -7245,1,0,2047,0.6 -7247,1,0,0919,0.4 -7248,1,2,0020,0.9 -7249,1,0,1740,0.8 -7250,1,0,1945,1 -7251,1,0,0026,0.8 -7252,1,0,1948,0.7 -7253,1,1,0400,0.9 -7255,1,0,2030,1.1 -7256,1,0,1400,0.3 -7257,1,0,1918,0.5 -7258,1,0,1011,0.3 -7259,1,0,1539,0.6 -7260,1,0,2045,0.7 -7261,1,0,2250,0.4 -7263,1,0,1755,0.7 -7264,1,1,0030,0.7 -7265,1,0,2240,0.4 -7266,1,0,0437,1 -7267,1,0,2000,0.5 -7270,1,0,2315,0.4 -7271,1,1,0237,0.3 -7274,1,0,1839,0.7 -7275,1,0,1838,0.7 -7276,1,0,0703,0.5 -7277,1,0,1252,1 -7278,1,0,1505,0.8 -7279,1,1,0600,0.7 -7281,1,0,1700,0.4 -7282,1,0,1204,0.8 -7285,1,0,1630,0.6 -7287,1,0,2230,1 -7288,1,0,2227,0.8 -7292,1,1,0030,0.5 -7294,1,0,1651,0.8 -7295,1,0,0920,0.6 -7299,1,0,0104,0.9 -7300,1,0,1913,0.5 -7302,1,0,1712,0.7 -7303,1,0,1826,0.4 -7304,1,0,1300,0.7 -7305,1,0,0818,0.8 -7308,1,0,1719,1.1 -7312,1,0,1605,1 -7313,1,0,1712,0.8 -7316,1,0,1614,0.7 -7317,1,0,1142,0.5 -7319,1,0,2005,0.7 -7324,1,0,2012,0.8 -7325,1,0,1741,0.8 -7327,1,0,1000,0.3 -7328,1,0,2258,0.7 -7329,1,-15,1000,0.3 -7332,1,0,2000,0.2 -7334,1,0,1457,0.6 -7335,1,0,1904,0.4 -7337,1,0,1753,0.6 -7342,1,0,2130,0.5 -7347,1,0,2220,0.4 -7349,1,0,1255,0.8 -7350,1,0,1359,0.5 -7353,1,1,1001,1 -7356,1,0,1945,0.5 -7361,1,0,2348,0.4 -7362,1,0,2210,0.5 -7363,1,1,0435,0.3 -7367,1,1,0415,1.1 -7368,1,0,1652,0.5 -7371,1,1,0630,0.6 -7372,1,1,0355,0.3 -7377,1,0,2104,1.1 -7380,1,0,1307,0.8 -7382,1,0,2150,0.8 -7383,1,0,1603,1.2 -7384,1,0,1550,0.4 -7389,1,0,1830,0.3 -7392,1,0,1811,1 -7394,1,0,1221,0.5 -7400,1,0,1512,0.5 -7402,1,0,1910,0.5 -7403,1,0,1358,0.8 -7404,1,0,1537,0.4 -7405,1,0,1536,0.4 -7406,1,0,1817,0.7 -7407,1,0,1255,0.4 -7408,1,1,1152,0.5 -7409,1,0,1924,0.2 -7410,1,0,1437,0.5 -7414,1,0,1458,0.3 -7415,1,0,0413,1.4 -7416,1,0,1835,0.3 -7417,1,0,2205,0.4 -7418,1,0,1820,0.6 -7420,1,0,1625,0.7 -7422,1,0,1732,0.7 -7425,1,0,2200,0.7 -7426,1,0,1802,0.5 -7428,1,0,0727,1 -7429,1,0,2115,0.7 -7430,1,0,1635,0.9 -7435,1,0,0359,1 -7436,1,1,0130,0.9 -7438,1,0,0253,0.7 -7440,1,0,1205,0.7 -7441,1,0,2228,1 -7443,1,0,2053,0.5 -7445,1,0,1656,0.6 -7446,1,0,1925,1.3 -7447,1,0,2135,0.7 -7449,1,0,1927,0.3 -7450,1,0,1910,0.4 -7453,1,0,1846,0.4 -7454,1,1,0425,0.3 -7455,1,1,0232,0.4 -7458,1,0,1715,0.9 -7460,1,0,1827,0.5 -7462,1,0,1738,0.7 -7464,1,0,1600,0.6 -7466,1,0,1916,0.7 -7469,1,0,1850,0.7 -7471,1,0,1651,0.5 -7475,1,0,2315,0.7 -7478,1,0,1823,0.7 -7480,1,1,2120,0.5 -7483,1,0,2153,0.7 -7484,1,0,2124,1 -7487,1,1,0140,0.9 -7490,1,0,1724,0.2 -7491,1,0,1457,0.5 -7492,1,0,1611,0.9 -7493,1,0,1720,0.7 -7495,1,0,1458,0.8 -7496,1,0,2137,0.7 -7497,1,0,1800,0.1 -7498,1,0,0247,1.1 -7499,1,0,1450,1.2 -7501,1,1,0613,0.5 -7502,1,1,0625,0.4 -7503,1,0,1040,0.5 -7504,1,0,0230,0.6 -7505,1,0,2346,0.9 -7507,1,0,0252,0.7 -7508,1,0,1629,0.3 -7509,1,0,1525,0.6 -7510,1,0,2010,0.4 -7513,1,0,1858,0.4 -7515,1,0,1829,0.4 -7517,1,0,1503,0.7 -7518,1,2,0513,0.3 -7520,1,0,2015,0.6 -7522,1,0,1516,0.6 -7524,1,0,2215,0.8 -7526,1,0,1853,0.6 -7528,1,0,2348,0.5 -7529,1,0,2046,1.3 -7530,1,0,1918,0.7 -7532,1,0,1725,0.3 -7533,1,0,1920,0.2 -7535,1,0,1420,0.4 -7538,1,0,1620,0.6 -7539,1,0,2340,0.2 -7540,1,0,1605,0.5 -7541,1,0,1554,0.9 -7543,1,0,1831,0.2 -7549,1,0,1002,0.6 -7551,1,1,0117,0.4 -7554,1,0,0200,0.3 -7555,1,0,1625,0.8 -7556,1,0,1438,0.4 -7557,1,0,1147,0.9 -7558,1,0,1643,0.4 -7560,1,0,1330,0.8 -7563,1,0,2218,1 -7564,1,0,0829,0.4 -7565,1,1,0025,1.1 -7566,1,0,1110,0.4 -7568,1,1,0407,0.3 -7570,1,0,1816,0.9 -7572,1,0,1428,0.4 -7573,1,0,2113,0.9 -7575,1,0,1620,0.3 -7577,1,0,1056,0.4 -7578,1,0,1745,0.7 -7579,1,0,0845,0.6 -7581,1,0,1757,0.8 -7582,1,0,2210,0.6 -7583,1,0,1759,0.8 -7584,1,1,0126,0.8 -7585,1,-1,2140,0.7 -7586,1,0,0818,0.3 -7589,1,0,2106,0.6 -7590,1,1,0005,0.8 -7591,1,0,1550,1.1 -7592,1,1,0455,0.7 -7595,1,0,1800,0.8 -7598,1,0,1258,0.6 -7599,1,1,0430,0.5 -7600,1,0,1830,0.6 -7602,1,0,1830,0.5 -7604,1,0,2100,0.4 -7607,1,0,1224,0.3 -7608,1,0,1857,0.9 -7611,1,0,0240,0.4 -7614,1,0,1728,0.7 -7616,1,0,2050,0.6 -7618,1,0,1658,0.7 -7619,1,0,1915,0.8 -7620,1,0,0425,0.6 -7623,1,0,1728,0.7 -7624,1,0,1714,0.7 -7625,1,0,0408,1 -7626,1,0,2003,0.7 -7627,1,0,1534,0.8 -7628,1,0,1120,0.3 -7629,1,0,1630,0.4 -7630,1,0,1657,0.2 -7631,1,0,2114,0.3 -7633,1,0,1630,0.5 -7634,1,1,0530,0.6 -7636,1,0,1650,0.4 -7639,1,0,2100,0.4 -7641,1,0,1845,0.3 -7643,1,0,1435,0.7 -7644,1,0,1824,0.8 -7645,1,0,2330,0.3 -7646,1,0,1424,0.6 -7647,1,0,1546,0.3 -7648,1,0,2100,0.6 -7649,1,0,1521,0.4 -7650,1,0,1535,0.9 -7651,1,0,1005,0.4 -7653,1,0,2045,0.7 -7654,1,0,2021,0.7 -7656,1,0,1415,0.4 -7660,1,0,1620,0.4 -7661,1,0,2102,0.4 -7663,1,0,2149,0.4 -7664,1,0,1522,0.7 -7669,1,0,2001,0.4 -7671,1,0,2112,0.6 -7672,1,0,1524,0.7 -7673,1,0,1714,0.7 -7675,1,0,1457,0.3 -7676,1,0,1557,0.6 -7678,1,0,1736,0.7 -7679,1,0,2035,0.4 -7680,1,0,1620,0.8 -7682,1,2,0510,0.3 -7683,1,0,2316,0.6 -7684,1,0,1857,0.3 -7686,1,0,2134,0.4 -7687,1,0,1649,0.6 -7688,1,0,1959,0.7 -7689,1,0,0505,0.7 -7690,1,0,2336,0.3 -7694,1,0,1802,1.1 -7695,1,0,1646,0.3 -7696,1,1,1110,0.3 -7697,1,0,2020,0.7 -7698,1,0,1550,0.3 -7699,1,0,1716,0.8 -7700,1,0,1815,0.5 -7702,1,0,2130,0.3 -7703,1,0,1036,0.7 -7705,1,0,1001,0.3 -7706,1,0,1550,0.3 -7707,1,0,1909,0.8 -7708,1,1,0120,0.4 -7709,1,0,2245,0.6 -7711,1,0,2200,0.3 -7713,1,0,2025,0.4 -7715,1,1,0045,0.4 -7719,1,0,2234,0.9 -7720,1,0,1332,0.6 -7721,1,0,2155,1.1 -7723,1,0,2118,0.4 -7724,1,0,1358,0.3 -7727,1,0,0323,0.5 -7729,1,0,1858,0.6 -7732,1,0,0824,1.3 -7734,1,0,1635,0.8 -7736,1,1,0550,0.5 -7740,1,0,0930,0.5 -7742,1,0,1850,0.4 -7743,1,1,0530,0.3 -7744,1,0,1750,0.3 -7745,1,0,1743,0.3 -7746,1,0,2125,0.6 -7747,1,0,0430,0.3 -7748,1,0,1556,0.7 -7750,1,1,0702,0.2 -7752,1,0,1930,0.5 -7753,1,0,1850,0.7 -7754,1,0,1200,0.3 -7755,1,0,1407,0.2 -7756,1,0,1035,0.6 -7757,1,0,2230,0.7 -7759,1,0,1702,0.6 -7760,1,0,1243,0.5 -7761,1,0,2059,0.9 -7762,1,1,0409,0.4 -7764,1,0,1636,0.3 -7766,1,1,0055,0.4 -7767,1,0,2013,0.3 -7768,1,0,0442,0.4 -7770,1,0,1137,0.4 -7772,1,0,1340,0.5 -7773,1,0,2257,0.5 -7775,1,0,0453,0.7 -7776,1,0,2121,0.8 -7777,1,0,1139,0.6 -7781,1,0,1814,0.4 -7783,1,0,1643,0.8 -7784,1,0,1642,0.9 -7785,1,0,2132,0.8 -7786,1,0,2057,1 -7787,1,1,0130,0.7 -7788,1,0,0309,0.7 -7790,1,0,1500,0.7 -7793,1,0,0820,0.8 -7794,1,0,1111,0.4 -7796,1,0,0920,0.5 -7799,1,0,1950,0.4 -7801,1,0,1516,0.7 -7802,1,1,0440,0.5 -7803,1,0,1007,0.4 -7804,1,0,1730,0.4 -7805,1,0,1745,0.4 -7812,1,0,1342,0.4 -7815,1,0,1948,0.5 -7816,1,0,1900,0.5 -7817,1,0,1906,0.8 -7818,1,1,0631,0.3 -7821,1,0,1621,1.1 -7822,1,0,0145,0.8 -7823,1,0,1613,0.4 -7824,1,0,1128,0.2 -7825,1,0,1314,0.3 -7826,1,0,1920,0.8 -7827,1,0,1828,0.6 -7831,1,0,1328,0.7 -7832,1,0,2121,0.9 -7833,1,0,2037,0.3 -7836,1,1,0115,0.5 -7837,1,0,1951,0.7 -7838,1,0,1744,0.7 -7839,1,0,0402,0.8 -7840,1,0,1921,0.4 -7843,1,0,1052,0.9 -7848,1,0,1509,0.5 -7850,1,0,0825,0.7 -7851,1,0,1951,0.4 -7853,1,0,1854,0.4 -7854,1,0,1850,0.7 -7855,1,0,1653,0.8 -7856,1,0,2030,1 -7857,1,0,0039,0.4 -7858,1,0,1348,0.7 -7859,1,0,2052,0.5 -7861,1,-1,2037,0.7 -7862,1,0,1925,0.5 -7862,2,1,0756,0.4 -7863,1,0,1848,0.5 -7864,1,0,1911,0.4 -7865,1,1,0128,0.4 -7866,1,0,1425,0.9 -7867,1,0,1950,0.8 -7868,1,0,1510,0.3 -7869,1,0,2103,0.6 -7870,1,0,2035,0.4 -7871,1,0,0746,0.6 -7872,1,0,2250,0.5 -7873,1,0,2251,1.1 -7875,1,1,0720,0.4 -7877,1,0,2132,0.8 -7880,1,0,1050,0.6 -7881,1,0,1822,0.5 -7883,1,0,2324,0.6 -7887,1,0,2251,1.2 -7888,1,0,1618,0.9 -7890,1,0,2117,0.7 -7892,1,0,2259,0.6 -7893,1,0,2215,0.8 -7895,1,0,1045,0.8 -7896,1,0,1337,0.6 -7899,1,0,0334,0.2 -7903,1,0,1658,0.8 -7904,1,0,1930,0.5 -7905,1,0,1506,1 -7907,1,0,1609,0.7 -7908,1,0,2200,0.9 -7909,1,0,1620,0.9 -7910,1,0,1614,0.3 -7911,1,0,1730,0.9 -7912,1,0,1810,0.5 -7913,1,0,0418,0.6 -7914,1,0,1830,0.9 -7916,1,0,2001,0.6 -7922,1,0,2300,0.6 -7924,1,1,0540,0.3 -7925,1,0,1530,0.4 -7926,1,0,0248,0.5 -7927,1,0,1725,0.7 -7928,1,0,2000,0.5 -7929,1,0,1711,0.4 -7930,1,0,0830,0.8 -7933,1,0,1815,0.5 -7934,1,0,2005,1 -7935,1,0,2310,0.8 -7937,1,0,1759,0.6 -7938,1,0,1655,0.7 -7939,1,0,1815,0.2 -7941,1,0,1850,0.8 -7944,1,0,1801,0.6 -7946,1,0,1639,0.6 -7947,1,1,0415,0.4 -7949,1,0,1840,0.6 -7950,1,1,0345,0.8 -7951,1,0,1425,0.7 -7954,1,0,2025,0.5 -7956,1,0,0040,0.3 -7957,1,0,1156,0.9 -7958,1,0,1245,0.9 -7960,1,1,0345,0.4 -7962,1,0,1617,0.9 -7963,1,0,2328,0.7 -7965,1,0,2238,0.3 -7966,1,0,2310,0.9 -7967,1,1,0530,0.4 -7969,1,0,2240,0.3 -7971,1,0,2040,1 -7972,1,0,2138,0.6 -7974,1,0,1825,0.3 -7979,1,0,1828,0.6 -7981,1,0,1523,0.5 -7983,1,0,2206,0.6 -7985,1,0,1820,0.6 -7986,1,0,1441,0.5 -7988,1,0,0300,0.3 -7989,1,0,1648,0.8 -7993,1,0,0111,1 -7995,1,0,0629,0.6 -7999,1,0,2032,1 -8000,1,0,0934,0.8 -8005,1,0,2146,0.6 -8008,1,0,1605,0.7 -8010,1,0,2010,0.7 -8011,1,0,0200,0.5 -8013,1,0,1950,0.7 -8014,1,0,1655,0.7 -8016,1,0,1815,0.9 -8017,1,0,2215,0.6 -8018,1,0,2059,0.6 -8019,1,0,2220,0.3 -8021,1,0,0816,0.8 -8024,1,0,2200,0.5 -8031,1,0,2314,0.5 -8032,1,0,2110,0.4 -8033,1,0,1530,0.4 -8037,1,0,2054,0.5 -8039,1,0,1928,0.4 -8040,1,0,1706,0.5 -8041,1,1,0030,0.6 -8042,1,0,0716,0.6 -8043,1,0,0940,0.6 -8044,1,0,0936,0.4 -8045,1,0,2028,0.8 -8046,1,0,1801,0.4 -8048,1,1,0350,0.7 -8049,1,0,0933,0.9 -8051,1,0,2030,0.5 -8052,1,1,0038,0.2 -8055,1,0,1647,0.5 -8057,1,1,0530,0.4 -8059,1,0,1850,0.6 -8061,1,0,1948,0.5 -8063,1,1,0545,0.6 -8068,1,0,1331,0.9 -8069,1,0,1046,0.6 -8072,1,0,2345,0.8 -8073,1,0,2320,0.3 -8075,1,0,0150,0.4 -8076,1,2,0545,0.4 -8078,1,0,1912,0.9 -8080,1,0,1234,0.3 -8081,1,0,1112,0.5 -8083,1,0,1745,0.3 -8084,1,0,1809,0.6 -8085,1,0,1747,0.5 -8086,1,0,2144,0.3 -8087,1,0,0159,0.9 -8089,1,1,1600,0.4 -8091,1,0,1305,0.4 -8091,2,1,0230,0.3 -8092,1,0,1226,0.7 -8096,1,0,0050,0.4 -8097,1,0,1721,0.3 -8099,1,1,0600,0.6 -8099,2,1,1254,0.6 -8100,1,0,1842,0.9 -8101,1,0,1103,0.6 -8103,1,0,1615,0.9 -8106,1,0,1854,0.7 -8109,1,0,1810,0.4 -8110,1,0,2305,0.5 -8112,1,0,2040,1 -8113,1,0,2035,0.7 -8117,1,0,0856,0.8 -8119,1,0,1448,0.7 -8120,1,1,0500,0.2 -8122,1,0,1617,0.5 -8123,1,0,1745,0.5 -8124,1,1,0125,0.6 -8127,1,0,0410,0.8 -8131,1,0,2200,0.4 -8133,1,0,1742,0.4 -8139,1,0,1605,0.6 -8141,1,0,1937,0.6 -8143,1,0,1357,0.3 -8145,1,0,2003,0.7 -8147,1,0,1830,0.7 -8150,1,1,0615,0.3 -8154,1,0,1932,0.3 -8155,1,0,0155,0.8 -8156,1,1,0048,1 -8159,1,0,1942,0.8 -8160,1,1,1350,0.9 -8161,1,0,1955,0.7 -8162,1,0,1954,0.7 -8163,1,0,1852,0.7 -8164,1,0,2120,0.9 -8165,1,0,1845,0.3 -8167,1,0,1535,0.6 -8168,1,1,0523,0.6 -8169,1,0,1633,0.5 -8175,1,0,1653,0.9 -8176,1,1,0610,0.4 -8179,1,0,2030,0.4 -8180,1,0,2350,0.6 -8182,1,0,2345,0.6 -8183,1,0,1905,0.4 -8184,1,0,1800,0.5 -8186,1,0,1720,0.6 -8187,1,0,1819,0.6 -8189,1,0,1335,0.8 -8191,1,0,1205,0.5 -8192,1,0,2210,0.6 -8193,1,0,1808,1 -8194,1,0,1605,0.8 -8196,1,0,1745,0.3 -8198,1,1,0410,0.2 -8202,1,0,1709,0.9 -8203,1,0,2137,0.8 -8204,1,0,1750,0.7 -8205,1,1,0530,0.7 -8208,1,0,1521,0.5 -8209,1,0,1458,0.6 -8210,1,0,2018,0.4 -8212,1,0,1758,0.5 -8213,1,0,1920,0.4 -8215,1,0,1313,0.4 -8220,1,0,1826,0.4 -8221,1,0,1420,0.6 -8222,1,0,1557,0.7 -8223,1,0,1819,0.3 -8225,1,0,1455,0.8 -8227,1,0,1530,0.9 -8228,1,0,1742,0.7 -8229,1,0,1013,0.8 -8233,1,0,2158,0.3 -8234,1,0,1746,0.6 -8237,1,0,1815,0.4 -8238,1,0,2010,0.6 -8241,1,6,1020,0.6 -8242,1,0,2100,0.7 -8243,1,0,1711,1 -8245,1,0,1611,0.4 -8249,1,0,1549,0.6 -8250,1,0,1320,0.3 -8252,1,0,2115,0.5 -8254,1,0,2325,0.7 -8255,1,0,1644,0.7 -8256,1,0,2304,1 -8257,1,0,1446,0.6 -8258,1,0,1628,0.3 -8259,1,1,0500,0.4 -8260,1,0,2106,0.3 -8261,1,0,1300,0.3 -8262,1,0,1005,0.9 -8265,1,0,1536,0.9 -8267,1,0,2202,0.5 -8268,1,0,2035,0.5 -8271,1,1,0355,0.4 -8272,1,0,2223,0.4 -8274,1,0,1148,0.7 -8275,1,0,0840,0.5 -8276,1,0,2246,1.1 -8278,1,0,2014,0.3 -8279,1,1,0715,0.3 -8281,1,0,1910,1.1 -8281,2,1,0917,0.8 -8282,1,0,2215,0.9 -8283,1,0,1303,0.6 -8286,1,0,1530,0.9 -8288,1,0,0110,0.8 -8289,1,0,0922,0.9 -8291,1,0,1212,0.4 -8292,1,0,2222,0.6 -8293,1,0,1800,0.7 -8294,1,0,1715,0.7 -8295,1,0,2035,0.7 -8298,1,0,1350,0.5 -8299,1,0,0920,0.6 -8302,1,0,1825,0.8 -8304,1,0,1920,0.5 -8305,1,0,2004,0.5 -8306,1,0,0624,0.7 -8310,1,0,1615,0.6 -8311,1,0,2034,0.2 -8312,1,0,1500,0.6 -8315,1,0,1857,0.6 -8318,1,0,1830,0.4 -8320,1,0,1812,0.4 -8321,1,0,1743,1 -8322,1,0,2025,0.6 -8324,1,0,1800,1 -8325,1,0,1526,0.8 -8326,1,0,1049,0.3 -8328,1,0,1825,0.3 -8329,1,1,2350,0.9 -8330,1,0,1320,0.6 -8331,1,0,1935,0.8 -8333,1,0,2009,0.6 -8334,1,0,1402,0.6 -8341,1,0,1415,0.4 -8344,1,1,0518,0.5 -8349,1,0,1840,0.3 -8350,1,0,1400,1 -8351,1,1,0001,0.7 -8354,1,0,1620,0.6 -8355,1,0,1558,0.6 -8358,1,0,1445,0.8 -8360,1,2,1130,0.6 -8361,1,0,1710,0.8 -8362,1,0,2345,0.7 -8363,1,0,2130,0.3 -8366,1,0,2358,0.9 -8369,1,1,0105,0.6 -8370,1,0,1507,0.7 -8371,1,0,1837,0.9 -8372,1,0,0315,0.5 -8373,1,0,2200,0.9 -8377,1,1,0137,0.7 -8378,1,0,1058,0.9 -8381,1,0,0500,0.7 -8384,1,0,1246,0.6 -8386,1,4,0400,0.7 -8388,1,0,2042,1 -8389,1,0,1137,0.5 -8391,1,0,1300,0.7 -8393,1,0,1533,0.7 -8395,1,1,0700,0.3 -8396,1,0,1555,0.4 -8397,1,0,1330,0.3 -8399,1,0,1555,0.8 -8400,1,0,1440,0.3 -8401,1,0,2039,0.8 -8402,1,0,1930,0.4 -8403,1,0,2055,0.5 -8404,1,0,2327,0.3 -8405,1,0,0704,1 -8408,1,1,0700,0.4 -8411,1,0,0158,0.4 -8412,1,0,0326,0.9 -8414,1,0,2210,0.6 -8417,1,0,2000,0.5 -8420,1,0,1825,0.3 -8422,1,0,2019,1 -8425,1,0,1025,1.2 -8428,1,0,1847,0.7 -8429,1,0,1615,0.2 -8432,1,0,2107,0.8 -8435,1,0,1911,0.7 -8436,1,3,1335,0.3 -8438,1,0,2153,0.7 -8439,1,0,2201,0.8 -8440,1,1,0508,0.6 -8441,1,0,1115,0.9 -8443,1,0,1208,0.6 -8444,1,0,1800,0.4 -8446,1,0,1700,0.5 -8447,1,0,1926,0.8 -8450,1,0,1703,0.5 -8451,1,0,1247,0.3 -8453,1,0,1731,0.3 -8455,1,0,1448,0.9 -8457,1,0,1930,0.8 -8458,1,0,0855,1 -8460,1,0,1120,0.7 -8461,1,0,0927,0.6 -8462,1,0,1326,0.8 -8466,1,0,1830,0.5 -8469,1,0,0943,0.3 -8469,2,0,1015,0.2 -8471,1,1,0600,0.6 -8475,1,0,1707,0.5 -8481,1,0,2243,0.5 -8482,1,0,0714,0.3 -8483,1,0,0643,0.3 -8485,1,0,1412,0.9 -8487,1,1,0410,0.5 -8488,1,1,0130,0.5 -8489,1,0,2125,1 -8490,1,0,0218,0.8 -8492,1,0,2123,0.4 -8493,1,0,0735,0.5 -8494,1,0,1130,0.5 -8496,1,0,0300,0.8 -8498,1,0,1520,0.4 -8499,1,0,2211,0.5 -8500,1,0,2020,0.4 -8501,1,1,0025,0.7 -8502,1,0,2137,0.6 -8504,1,0,2224,0.6 -8505,1,0,1741,1.1 -8506,1,0,2312,0.6 -8507,1,-182,2306,0.8 -8508,1,0,0330,0.5 -8509,1,0,1850,0.7 -8510,1,0,1646,0.5 -8513,1,0,2031,0.4 -8516,1,0,1200,0.4 -8517,1,0,1640,0.6 -8520,1,0,0424,0.6 -8522,1,0,1351,0.4 -8530,1,0,1316,0.7 -8531,1,0,1617,0.7 -8532,1,0,2145,0.6 -8533,1,0,2114,0.6 -8535,1,0,1335,0.9 -8538,1,0,2159,0.7 -8539,1,0,1623,1 -8540,1,0,1755,0.5 -8542,1,0,1800,0.5 -8543,1,0,1550,1 -8544,1,0,2350,0.7 -8545,1,0,2104,0.5 -8546,1,0,2310,0.4 -8547,1,0,1945,0.3 -8548,1,0,1328,0.4 -8549,1,0,1734,0.5 -8553,1,2,0036,0.5 -8554,1,0,0324,0.8 -8555,1,0,1700,0.6 -8558,1,0,1930,1.1 -8560,1,0,0552,0.6 -8567,1,0,1655,0.8 -8568,1,0,2030,0.7 -8569,1,0,0757,0.5 -8571,1,0,2028,0.2 -8572,1,1,0525,0.6 -8573,1,1,0121,0.3 -8574,1,0,1644,0.5 -8576,1,0,1540,0.4 -8577,1,0,2210,1.1 -8578,1,0,1700,0.3 -8580,1,0,1906,0.6 -8581,1,1,0629,0.5 -8582,1,0,2133,1.1 -8584,1,0,1845,0.9 -8586,1,0,0958,0.6 -8587,1,0,1841,0.6 -8588,1,0,2248,0.4 -8589,1,0,1730,0.7 -8590,1,0,0538,0.9 -8594,1,0,1753,0.6 -8602,1,0,2314,0.9 -8604,1,0,2153,0.4 -8605,1,1,0510,0.4 -8610,1,0,1754,0.3 -8611,1,0,1510,0.8 -8612,1,1,0425,0.5 -8616,1,0,1535,0.6 -8617,1,0,1548,0.5 -8618,1,0,1350,0.4 -8621,1,1,0016,0.8 -8624,1,0,0348,1.2 -8626,1,0,1050,0.7 -8628,1,0,1955,0.4 -8630,1,0,0824,0.5 -8634,1,0,1827,1.1 -8637,1,0,2210,1 -8641,1,0,1328,0.8 -8642,1,0,0505,0.4 -8643,1,0,1544,0.3 -8644,1,0,2037,1 -8646,1,0,1805,0.5 -8647,1,0,1753,0.3 -8649,1,1,0500,0.8 -8651,1,0,1200,0.6 -8653,1,0,1830,0.4 -8656,1,0,2015,0.7 -8657,1,0,2002,0.5 -8660,1,0,2108,0.3 -8663,1,0,1546,0.6 -8664,1,0,1939,0.4 -8665,1,0,2050,0.2 -8668,1,0,1525,0.4 -8670,1,0,1951,0.3 -8671,1,0,1908,0.7 -8671,2,1,1350,0.7 -8673,1,1,0100,0.4 -8674,1,0,1317,0.5 -8676,1,0,1250,0.9 -8678,1,0,0123,0.9 -8680,1,0,1600,0.8 -8683,1,0,1852,0.8 -8690,1,0,2155,1.2 -8692,1,0,1510,0.6 -8694,1,0,1722,0.6 -8695,1,0,1932,0.4 -8697,1,0,1440,0.3 -8698,1,0,1638,0.7 -8699,1,0,2004,0.6 -8704,1,0,2300,1 -8705,1,0,1208,0.7 -8709,1,0,1340,0.9 -8711,1,0,1435,1 -8713,1,0,1557,0.7 -8714,1,0,1410,0.4 -8715,1,0,2019,0.2 -8716,1,0,1941,0.8 -8719,1,-31,1117,0.5 -8720,1,0,0836,0.8 -8721,1,0,1239,0.8 -8722,1,0,1753,0.6 -8725,1,0,1430,0.6 -8727,1,0,0040,1 -8728,1,1,0300,0.3 -8730,1,0,2140,1.1 -8732,1,0,1430,0.4 -8734,1,0,1423,0.4 -8736,1,0,2028,0.6 -8737,1,0,1855,1.1 -8739,1,0,1918,0.6 -8740,1,0,2059,0.6 -8741,1,0,0540,0.3 -8743,1,0,2205,1 -8744,1,1,0210,0.7 -8745,1,1,0605,0.4 -8746,1,0,2347,0.6 -8747,1,0,1447,0.4 -8748,1,0,1756,0.9 -8750,1,0,1230,1 -8751,1,0,2230,0.5 -8754,1,0,0310,0.5 -8756,1,0,2100,0.5 -8758,1,0,2032,0.3 -8759,1,0,0035,0.6 -8760,1,0,1400,0.5 -8762,1,1,0505,0.5 -8764,1,0,2020,0.5 -8768,1,0,1015,0.8 -8769,1,0,0230,0.7 -8770,1,1,0600,1 -8771,1,0,1830,0.7 -8776,1,0,2135,0.8 -8778,1,0,2009,0.7 -8779,1,0,1650,0.9 -8780,1,1,0600,0.6 -8783,1,0,1318,0.5 -8784,1,0,1100,0.7 -8785,1,0,2236,0.8 -8786,1,0,1540,0.9 -8787,1,0,2120,0.4 -8788,1,0,2353,0.9 -8790,1,0,1653,0.7 -8792,1,0,1958,1 -8793,1,0,1810,0.4 -8794,1,0,2332,0.8 -8795,1,0,2125,1.2 -8796,1,1,0420,0.3 -8798,1,0,1631,0.5 -8801,1,0,2248,1.1 -8802,1,0,0601,0.7 -8803,1,0,2056,0.4 -8805,1,0,1735,0.7 -8807,1,0,0203,0.8 -8808,1,0,1947,0.4 -8811,1,0,0320,0.4 -8814,1,0,1849,0.9 -8817,1,0,1501,0.2 -8818,1,0,1537,0.2 -8820,1,0,1332,0.8 -8821,1,0,2035,0.3 -8823,1,0,2156,0.9 -8824,1,1,0630,0.5 -8825,1,0,1602,0.4 -8827,1,0,1701,0.9 -8830,1,2,1215,0.2 -8831,1,0,2213,1 -8832,1,0,1033,0.5 -8834,1,0,2235,0.9 -8837,1,0,2100,0.5 -8838,1,0,2200,0.4 -8839,1,0,0705,0.7 -8840,1,0,2150,0.6 -8841,1,1,0548,0.7 -8844,1,0,1750,0.6 -8846,1,0,2030,0.9 -8848,1,0,0839,0.9 -8850,1,0,2042,0.6 -8852,1,0,1902,1.7 -8854,1,0,0110,0.9 -8856,1,0,1243,0.9 -8857,1,0,2000,0.3 -8858,1,0,1747,0.5 -8859,1,1,0545,0.4 -8863,1,0,1730,0.9 -8864,1,0,2135,0.4 -8865,1,0,1611,0.7 -8866,1,0,1605,0.7 -8867,1,0,1745,0.8 -8868,1,0,1520,0.9 -8872,1,0,2145,0.4 -8874,1,1,0058,0.4 -8875,1,0,1615,0.8 -8877,1,0,1707,0.6 -8878,1,0,0114,0.7 -8881,1,0,1150,0.5 -8882,1,0,1857,0.4 -8884,1,0,1316,0.8 -8885,1,0,1528,0.9 -8886,1,0,1955,0.6 -8887,1,0,1925,0.4 -8889,1,0,0246,0.4 -8890,1,1,0002,0.4 -8891,1,0,1550,0.7 -8893,1,0,1310,0.7 -8894,1,0,1447,0.3 -8896,1,0,1554,0.3 -8901,1,0,2010,0.7 -8904,1,0,1948,0.4 -8905,1,0,0724,0.4 -8906,1,1,0610,0.3 -8908,1,0,1706,0.7 -8909,1,0,2030,0.6 -8910,1,0,0730,0.6 -8911,1,0,0215,0.5 -8912,1,0,2133,0.4 -8913,1,0,1820,0.6 -8914,1,1,0015,1.1 -8916,1,0,1825,0.6 -8918,1,0,1930,0.5 -8920,1,0,1825,0.5 -8922,1,1,0410,0.4 -8923,1,0,1430,0.6 -8926,1,0,1519,0.6 -8929,1,0,0453,1 -8931,1,2,0621,0.2 -8932,1,0,2338,0.3 -8934,1,0,2325,0.5 -8938,1,0,1510,0.4 -8941,1,0,1616,1.2 -8942,1,0,1841,0.3 -8944,1,0,0350,0.6 -8945,1,0,1529,1 -8946,1,0,1942,0.7 -8948,1,0,1520,0.6 -8949,1,0,1800,0.6 -8954,1,0,1641,0.4 -8955,1,0,1700,0.9 -8956,1,0,1728,0.2 -8957,1,0,1619,0.8 -8958,1,0,1738,0.8 -8961,1,0,1315,0.9 -8962,1,0,1722,0.4 -8964,1,0,0037,0.8 -8965,1,0,2105,0.7 -8968,1,1,0110,0.8 -8971,1,0,1324,0.2 -8973,1,0,2230,0.5 -8974,1,0,1819,1.4 -8975,1,0,0903,0.7 -8976,1,0,1620,0.6 -8977,1,0,0354,0.7 -8982,1,0,1205,0.3 -8983,1,0,2032,0.4 -8986,1,0,2201,1.6 -8989,1,1,0610,0.5 -8990,1,0,1915,0.5 -8993,1,1,1200,0.8 -8995,1,0,2120,0.8 -8996,1,0,1720,0.2 -8997,1,0,1620,0.6 -8999,1,0,1702,0.9 -9000,1,0,1454,1.1 -9002,1,0,1755,0.5 -9004,1,0,2200,0.8 -9005,1,0,1240,0.6 -9006,1,0,1250,0.6 -9009,1,0,0439,0.7 -9010,1,0,1826,0.6 -9011,1,0,1430,0.7 -9012,1,0,1728,0.3 -9013,1,0,2315,0.7 -9014,1,0,2048,0.5 -9015,1,0,0957,0.6 -9016,1,0,1637,0.5 -9018,1,0,1815,0.4 -9019,1,0,0806,1 -9020,1,1,0520,0.5 -9022,1,1,0730,0.9 -9023,1,0,1525,0.9 -9024,1,0,1952,0.5 -9025,1,0,0205,1 -9026,1,0,1959,0.6 -9028,1,0,2209,0.2 -9030,1,0,1620,0.7 -9033,1,1,0555,0.4 -9034,1,0,1335,0.4 -9035,1,0,1427,0.5 -9036,1,0,2224,1.4 -9037,1,0,1520,0.6 -9038,1,1,0620,0.5 -9039,1,0,1451,0.3 -9042,1,0,0832,0.4 -9043,1,0,1411,0.4 -9045,1,0,2020,0.8 -9046,1,0,2345,0.3 -9048,1,0,1320,0.6 -9049,1,0,1750,0.6 -9050,1,0,1134,0.6 -9051,1,0,2051,0.9 -9052,1,0,1734,0.8 -9053,1,0,1729,0.8 -9054,1,0,1519,0.5 -9056,1,0,2203,0.7 -9057,1,0,1950,0.5 -9061,1,0,1403,0.9 -9064,1,0,0932,0.4 -9065,1,0,1500,0.3 -9066,1,0,1840,0.4 -9069,1,0,1644,1.1 -9070,1,0,2000,0.8 -9072,1,0,1449,0.7 -9073,1,0,2219,0.1 -9074,1,0,2256,1 -9076,1,0,2303,0.4 -9077,1,0,2250,0.6 -9078,1,0,0200,0.5 -9080,1,0,1816,0.3 -9082,1,1,0310,0.6 -9083,1,0,1651,0.9 -9087,1,0,1355,0.3 -9088,1,0,1345,0.5 -9089,1,0,1811,0.8 -9090,1,0,1643,0.7 -9092,1,1,0605,0.5 -9093,1,0,2319,0.3 -9097,1,0,1619,0.3 -9098,1,0,1125,0.9 -9100,1,0,2202,0.4 -9101,1,0,1915,0.5 -9102,1,0,2215,1.1 -9103,1,0,2345,0.7 -9104,1,0,2011,0.8 -9108,1,0,1631,0.8 -9109,1,0,2132,0.4 -9110,1,0,2030,1.3 -9111,1,0,1625,0.5 -9112,1,0,1750,0.7 -9116,1,0,2024,0.7 -9117,1,0,2200,0.8 -9118,1,0,1946,0.7 -9124,1,0,2100,0.7 -9130,1,0,1605,0.6 -9132,1,1,0350,0.3 -9133,1,0,2347,0.8 -9134,1,0,1639,0.4 -9135,1,0,2111,0.5 -9136,1,0,1545,0.4 -9138,1,0,1020,0.6 -9139,1,1,0400,0.2 -9141,1,0,0958,0.3 -9143,1,0,2020,0.8 -9145,1,0,1820,0.8 -9146,1,0,0226,1.1 -9147,1,0,1909,1 -9148,1,0,0811,0.7 -9149,1,0,1440,0.8 -9150,1,0,1940,1.7 -9153,1,0,1340,0.5 -9154,1,1,0130,0.5 -9156,1,0,1500,0.4 -9158,1,0,1045,0.7 -9159,1,1,0350,0.4 -9160,1,0,1816,0.5 -9161,1,0,1345,0.7 -9162,1,0,2035,0.5 -9165,1,0,2313,0.4 -9166,1,0,2040,0.4 -9168,1,3,0350,0.3 -9168,2,6,1025,0.2 -9170,1,0,0400,0.6 -9173,1,0,0914,0.4 -9174,1,0,2157,0.5 -9177,1,0,1650,0.8 -9178,1,0,2008,0.8 -9179,1,0,1410,0.2 -9181,1,0,2245,0.3 -9185,1,0,2250,0.6 -9187,1,0,2057,0.6 -9188,1,0,1719,0.5 -9192,1,0,1813,1 -9193,1,0,1450,1 -9194,1,0,1814,0.6 -9196,1,0,1944,0.5 -9197,1,1,0600,0.7 -9198,1,1,0430,0.3 -9199,1,0,1906,0.5 -9203,1,0,1606,0.3 -9206,1,0,1817,0.3 -9207,1,0,1700,0.7 -9208,1,0,2315,0.4 -9211,1,0,1908,0.9 -9214,1,0,1921,0.7 -9215,1,0,0128,1.1 -9216,1,0,1809,0.2 -9217,1,0,2000,0.5 -9218,1,0,1051,0.9 -9221,1,0,2145,0.3 -9222,1,0,1341,0.4 -9224,1,0,0750,0.7 -9225,1,0,1440,0.4 -9226,1,0,1105,0.4 -9230,1,1,0610,0.3 -9231,1,1,0805,0.6 -9233,1,0,1151,0.4 -9233,2,1,0157,0.4 -9233,3,1,0702,0.3 -9235,1,0,1941,0.8 -9236,1,0,1536,0.2 -9237,1,0,1145,0.4 -9238,1,0,1734,0.6 -9239,1,0,1800,0.6 -9242,1,0,1643,1 -9243,1,0,2225,0.5 -9245,1,0,0547,1.1 -9246,1,1,0213,0.8 -9247,1,0,2352,0.8 -9248,1,0,0921,1 -9250,1,0,2220,0.7 -9251,1,0,1615,0.7 -9256,1,0,1652,0.3 -9257,1,0,1814,0.6 -9258,1,0,1356,1.2 -9261,1,0,1817,0.5 -9265,1,0,1650,0.7 -9266,1,0,1055,0.7 -9268,1,0,1802,0.7 -9269,1,0,1839,0.3 -9270,1,0,1500,0.5 -9271,1,0,1600,0.5 -9272,1,0,1557,0.3 -9273,1,0,1859,0.4 -9276,1,0,0958,0.7 -9277,1,1,0330,0.7 -9279,1,3,1916,0.6 -9280,1,0,2245,0.6 -9282,1,0,0912,0.6 -9282,2,1,0626,0.5 -9282,3,1,0924,0.4 -9283,1,0,2247,0.2 -9284,1,0,2125,1.1 -9285,1,0,1820,0.2 -9286,1,0,1214,0.6 -9288,1,0,1830,0.9 -9292,1,0,2248,0.8 -9293,1,0,1739,0.7 -9294,1,0,1450,0.4 -9295,1,0,0442,0.5 -9296,1,0,1747,0.4 -9298,1,0,0941,0.5 -9300,1,1,0448,0.7 -9301,1,0,1942,0.7 -9302,1,0,2145,0.6 -9305,1,0,1522,0.7 -9307,1,1,0034,0.7 -9310,1,0,0850,0.5 -9311,1,0,2145,0.8 -9312,1,1,0251,0.6 -9313,1,0,2129,1.2 -9314,1,0,1650,0.6 -9315,1,1,0845,0.4 -9316,1,0,1915,0.7 -9318,1,0,1645,0.5 -9319,1,0,2227,0.4 -9321,1,0,2036,0.5 -9322,1,1,0515,0.5 -9323,1,0,1616,0.6 -9331,1,0,2343,0.5 -9333,1,0,2352,0.6 -9335,1,0,2120,0.5 -9336,1,0,2052,0.4 -9337,1,0,1845,0.3 -9338,1,0,1250,0.4 -9340,1,0,1530,0.8 -9343,1,0,2205,0.4 -9344,1,1,0215,0.5 -9345,1,0,1200,0.4 -9346,1,0,2345,0.6 -9347,1,0,1740,0.3 -9349,1,0,1942,1 -9350,1,0,1350,0.5 -9351,1,0,1820,0.6 -9352,1,0,1700,0.4 -9353,1,0,1740,0.9 -9354,1,0,1500,0.6 -9355,1,0,2334,0.3 -9357,1,0,1600,0.4 -9358,1,0,2140,0.6 -9359,1,0,1930,1.1 -9361,1,0,1526,0.5 -9362,1,0,1643,0.7 -9362,2,1,0602,0.5 -9366,1,0,0105,0.3 -9369,1,0,0020,0.8 -9370,1,0,1950,0.2 -9374,1,1,0215,0.6 -9376,1,0,1938,0.6 -9378,1,0,1904,1 -9380,1,0,1753,0.4 -9382,1,0,1245,0.6 -9384,1,0,1731,0.9 -9386,1,1,0005,0.8 -9393,1,1,0400,0.8 -9396,1,1,0410,0.5 -9398,1,0,1515,0.6 -9399,1,0,2122,0.7 -9400,1,0,0025,0.6 -9401,1,0,1816,1.5 -9402,1,1,0040,0.5 -9405,1,0,1429,0.6 -9406,1,0,2035,0.8 -9409,1,1,0413,0.8 -9410,1,0,2340,0.4 -9411,1,0,1925,0.9 -9415,1,1,0230,0.5 -9416,1,0,1540,0.8 -9417,1,1,0600,0.5 -9418,1,0,1755,0.6 -9420,1,0,0457,1.1 -9423,1,0,1758,0.4 -9426,1,0,0445,0.7 -9432,1,0,0923,1 -9433,1,0,1222,1 -9435,1,0,1659,0.8 -9437,1,0,2245,1 -9438,1,0,1913,0.4 -9439,1,0,1428,0.5 -9440,1,0,2024,0.5 -9443,1,0,1825,0.5 -9444,1,0,1944,0.4 -9445,1,2,0530,0.4 -9447,1,0,1750,0.6 -9449,1,0,1630,0.5 -9451,1,0,1623,0.6 -9452,1,0,1712,0.9 -9453,1,0,2213,0.5 -9454,1,0,0210,0.8 -9457,1,0,2055,0.3 -9463,1,0,2332,0.4 -9464,1,0,1750,0.6 -9465,1,0,0020,1 -9466,1,0,1250,0.7 -9469,1,0,1556,1 -9470,1,0,1615,0.7 -9471,1,0,2009,0.7 -9475,1,0,1906,0.7 -9476,1,0,0740,0.2 -9477,1,0,2327,0.6 -9478,1,0,1601,0.5 -9479,1,0,1926,0.3 -9481,1,0,1827,0.5 -9482,1,0,1745,0.4 -9484,1,0,2037,0.8 -9485,1,1,0627,0.4 -9486,1,0,1820,0.4 -9487,1,0,2145,0.9 -9488,1,0,2140,0.7 -9490,1,0,1656,0.9 -9491,1,-365,1811,0.8 -9492,1,0,1158,0.7 -9493,1,0,2208,0.7 -9494,1,1,0415,0.4 -9497,1,1,0355,0.4 -9498,1,0,1750,0.2 -9503,1,0,2249,1 -9504,1,0,1805,0.4 -9505,1,0,2110,0.6 -9506,1,0,0408,0.7 -9507,1,0,1250,0.6 -9508,1,0,1010,0.6 -9510,1,0,1900,0.7 -9511,1,0,1853,1 -9512,1,1,0520,0.5 -9514,1,0,1457,0.6 -9517,1,0,0316,1 -9518,1,0,2130,0.4 -9519,1,0,0934,0.8 -9521,1,0,2200,0.9 -9523,1,0,0249,0.8 -9524,1,0,1638,0.9 -9525,1,0,1402,0.5 -9526,1,0,1929,0.6 -9527,1,0,1733,0.7 -9529,1,0,1947,0.5 -9530,1,0,1445,0.5 -9531,1,0,1735,0.8 -9532,1,0,2121,0.6 -9534,1,1,1559,0.5 -9538,1,0,2230,0.4 -9539,1,0,2135,0.5 -9540,1,0,1848,0.6 -9541,1,0,1726,0.7 -9542,1,0,1634,0.6 -9547,1,0,1339,0.4 -9548,1,0,1640,0.6 -9552,1,1,0545,0.4 -9558,1,0,2231,0.6 -9559,1,0,1015,0.4 -9560,1,0,1827,0.3 -9561,1,0,1023,0.4 -9562,1,0,1600,0.9 -9563,1,0,1505,0.7 -9567,1,0,1655,0.5 -9571,1,0,1600,0.8 -9574,1,0,1209,0.7 -9575,1,0,1321,1 -9576,1,0,2215,0.3 -9577,1,0,1259,1.2 -9579,1,0,1942,0.7 -9581,1,0,1912,0.7 -9584,1,1,0115,0.6 -9586,1,0,1732,0.8 -9589,1,0,2101,1.4 -9591,1,0,1945,0.3 -9592,1,0,0900,0.9 -9593,1,0,2330,0.4 -9599,1,0,1355,0.9 -9601,1,0,1721,0.5 -9602,1,0,2017,1 -9603,1,0,2047,0.7 -9605,1,1,0615,0.4 -9609,1,0,1555,1.1 -9611,1,0,2301,0.8 -9612,1,0,1705,0.4 -9615,1,0,2245,0.9 -9620,1,0,1621,0.4 -9622,1,0,0447,1 -9623,1,0,1946,0.8 -9624,1,0,1233,0.6 -9626,1,0,2138,1 -9627,1,1,0555,0.7 -9628,1,0,1649,0.4 -9630,1,0,1910,1 -9631,1,1,0530,0.7 -9632,1,0,2027,0.5 -9633,1,0,1740,0.8 -9634,1,0,1830,0.6 -9636,1,0,2225,0.8 -9637,1,0,2150,0.6 -9638,1,0,2214,0.6 -9641,1,0,1408,0.7 -9642,1,1,0708,0.3 -9643,1,0,2022,0.4 -9644,1,0,2210,1.1 -9648,1,0,1718,0.2 -9649,1,0,2215,0.4 -9651,1,1,0635,0.7 -9652,1,0,2252,0.7 -9657,1,0,2044,0.4 -9658,1,0,2215,0.6 -9659,1,0,1850,0.8 -9660,1,0,2116,0.8 -9661,1,0,0052,0.9 -9663,1,0,0954,0.6 -9664,1,0,2008,0.5 -9665,1,0,2350,0.9 -9666,1,0,2243,0.4 -9669,1,0,1035,0.4 -9671,1,0,1854,0.6 -9672,1,0,0031,0 -9673,1,0,1640,0.4 -9675,1,0,1345,0.5 -9677,1,1,2313,0.5 -9678,1,0,1420,0.4 -9679,1,1,0136,0.8 -9680,1,0,0015,0.7 -9681,1,0,0808,0.9 -9682,1,0,2300,0.6 -9683,1,0,1950,0.4 -9686,1,1,0600,0.4 -9689,1,0,2045,1.1 -9692,1,0,1925,0.7 -9697,1,0,1632,0.7 -9699,1,0,1238,0.6 -9700,1,0,1905,0.8 -9701,1,1,0310,0.4 -9703,1,0,2021,1 -9705,1,1,0600,0.3 -9706,1,0,1700,0.6 -9707,1,0,1625,0.5 -9711,1,0,1726,0.9 -9714,1,1,0231,0.6 -9715,1,0,1448,0.8 -9718,1,0,1907,0.6 -9723,1,0,1633,0.4 -9726,1,0,1705,0.7 -9730,1,0,1257,0.4 -9731,1,0,1930,0.6 -9734,1,0,1540,0.4 -9735,1,0,2033,1.1 -9736,1,0,1818,0.3 -9737,1,0,1627,0.8 -9739,1,0,2156,1.1 -9741,1,0,0110,0.9 -9742,1,0,1516,0.5 -9743,1,0,2110,0.4 -9751,1,0,2204,0.6 -9752,1,0,1206,1 -9758,1,0,1717,0.3 -9760,1,0,0922,0.9 -9765,1,0,1810,0.6 -9766,1,0,2119,0.3 -9768,1,0,1350,0.6 -9769,1,1,0510,0.4 -9772,1,0,1901,0.9 -9775,1,0,2215,0.8 -9776,1,0,1325,0.8 -9777,1,1,0540,0.3 -9778,1,0,2207,0.4 -9780,1,0,2300,0.6 -9781,1,0,1755,0.4 -9782,1,0,1720,0.5 -9784,1,1,0923,0.6 -9785,1,0,1815,0.9 -9787,1,0,0249,0.8 -9788,1,0,1328,0.5 -9790,1,0,0156,0.3 -9791,1,0,0821,0.8 -9792,1,0,1042,0.9 -9794,1,0,1610,1.1 -9795,1,1,0854,0.4 -9796,1,0,1703,0.3 -9799,1,0,0800,0.7 -9801,1,0,2125,0.4 -9804,1,0,1549,0.8 -9805,1,0,2119,1.1 -9807,1,0,0359,0.6 -9809,1,1,0705,0.6 -9813,1,1,0450,0.4 -9817,1,0,2017,0.4 -9820,1,1,0230,1 -9821,1,0,1625,0.8 -9822,1,0,2330,0.3 -9823,1,1,0045,0.3 -9824,1,0,2116,0.4 -9827,1,1,0045,0.5 -9828,1,0,1440,0.6 -9829,1,0,2131,0.4 -9835,1,0,1311,0.8 -9836,1,0,2130,0.6 -9837,1,0,1936,1 -9838,1,0,1910,0.8 -9839,1,0,1600,0.4 -9840,1,0,0226,0.9 -9841,1,0,1541,0.7 -9841,2,0,2149,0.4 -9841,3,1,0631,0.4 -9843,1,0,1855,0.4 -9844,1,0,1644,0.6 -9847,1,0,1850,0.4 -9848,1,0,1428,0.9 -9852,1,0,1312,0.4 -9853,1,0,1631,1 -9854,1,0,1120,0.7 -9855,1,0,0530,0.4 -9856,1,0,1845,0.8 -9858,1,0,0834,0.5 -9859,1,1,0012,0.3 -9861,1,0,1930,0.6 -9862,1,0,2155,0.5 -9864,1,0,0630,0.5 -9865,1,0,2200,0.4 -9866,1,0,0955,0.5 -9869,1,0,1807,0.8 -9870,1,0,0903,0.7 -9871,1,0,1930,0.7 -9872,1,1,0530,0.5 -9873,1,0,1225,0.5 -9874,1,0,1906,0.5 -9875,1,1,0405,0.3 -9876,1,0,1750,0.4 -9877,1,0,2307,0.8 -9878,1,0,1629,0.7 -9881,1,0,2024,0.4 -9882,1,0,1658,0.5 -9883,1,0,0258,0.9 -9884,1,0,2025,0.5 -9885,1,1,0555,0.4 -9887,1,1,0347,0.5 -9888,1,0,1331,0.6 -9889,1,1,1410,0.6 -9892,1,0,2115,1.1 -9893,1,0,1116,0.3 -9894,1,0,1846,0.5 -9897,1,0,1847,0.9 -9898,1,0,1700,1.1 -9899,1,0,1614,1 -9902,1,0,1230,0.8 -9904,1,0,2325,1.1 -9909,1,0,1451,0.7 -9910,1,0,2006,0.3 -9913,1,0,2120,0.3 -9914,1,0,1520,0.6 -9915,1,0,1834,0.5 -9917,1,1,0534,0.4 -9920,1,0,2015,0.6 -9921,1,0,1620,0.4 -9923,1,1,0123,1.1 -9925,1,0,2339,0.9 -9926,1,0,2305,0.4 -9927,1,0,1821,0.6 -9928,1,0,1120,0.4 -9929,1,0,1754,0.6 -9932,1,0,1630,0.3 -9933,1,0,1435,0.3 -9934,1,0,1558,0.5 -9940,1,0,1754,0.5 -9943,1,1,0405,0.6 -9944,1,0,1838,0.7 -9947,1,0,2130,0.4 -9949,1,0,2225,0.5 -9950,1,0,0300,0.9 -9952,1,0,1738,0.6 -9953,1,0,2116,0.4 -9954,1,0,2040,0.7 -9955,1,0,1921,0.4 -9958,1,0,1145,0.3 -9961,1,0,1749,0.9 -9962,1,0,0445,0.4 -9963,1,0,1645,0.6 -9964,1,0,1635,0.6 -9966,1,0,2001,0.5 -9967,1,0,1855,0.7 -9969,1,0,1811,0.5 -9970,1,0,2018,0.7 -9971,1,0,1629,1.1 -9972,1,0,2126,1 -9974,1,1,0910,0.8 -9977,1,0,1305,0.2 -9979,1,1,0135,0.4 -9985,1,0,1355,0.7 -9987,1,0,1439,0.4 -9990,1,0,1925,0.5 -9991,1,0,1316,0.5 -9992,1,0,1023,0.7 -9995,1,0,1650,0.7 -9998,1,0,0204,0.3 -10000,1,0,1040,0.9 -10001,1,0,2138,0.7 -10002,1,0,2130,0.8 -10003,1,0,2025,0.2 -10004,1,0,0123,0.5 -10005,1,0,1929,0.3 -10007,1,0,1637,0.7 -10008,1,0,1334,0.5 -10009,1,0,1900,0.9 -10010,1,1,0000,0.4 -10012,1,0,0405,0.6 -10013,1,0,1200,0.7 -10014,1,0,1725,0.7 -10015,1,0,1825,0.7 -10016,1,0,1746,0.3 -10017,1,0,1536,0.6 -10019,1,0,0335,1 -10020,1,0,2053,0.8 -10021,1,0,2215,0.9 -10026,1,1,0440,0.4 -10027,1,0,1355,0.7 -10030,1,0,1835,0.9 -10032,1,0,1751,0.8 -10035,1,0,1223,1.1 -10036,1,0,1310,1 -10038,1,1,0456,0.4 -10039,1,0,2235,0.2 -10042,1,0,1720,1.1 -10043,1,0,2018,0.7 -10046,1,0,0940,0.6 -10048,1,2,1800,1.1 -10050,1,0,0705,0.5 -10051,1,0,1930,0.5 -10053,1,0,2250,1.3 -10054,1,0,2220,0.4 -10055,1,0,1846,0.5 -10056,1,1,0040,0.5 -10057,1,0,0834,0.9 -10058,1,1,0605,0.7 -10060,1,0,1355,0.4 -10061,1,0,1457,0.4 -10062,1,0,1643,0.6 -10063,1,1,0448,0.4 -10064,1,0,1734,0.6 -10066,1,0,1720,0.5 -10067,1,1,0619,0.6 -10070,1,0,1555,0.7 -10071,1,0,1843,0.4 -10072,1,1,0700,0.2 -10073,1,1,0011,0.5 -10077,1,0,1830,0.9 -10079,1,0,1720,0.8 -10080,1,1,0005,0.5 -10081,1,1,0610,0.7 -10083,1,0,2020,0.7 -10084,1,0,1733,0.2 -10085,1,0,1927,0.3 -10086,1,0,1300,0.3 -10087,1,0,0503,0.7 -10089,1,0,1857,0.3 -10093,1,0,1747,1 -10094,1,0,1520,0.4 -10095,1,1,0830,0.6 -10096,1,0,0906,1.2 -10097,1,0,1755,1.1 -10100,1,0,1019,0.7 -10101,1,0,2332,0.3 -10103,1,0,2040,0.6 -10103,2,1,1114,0.4 -10103,3,1,2058,0.5 -10105,1,0,1057,0.3 -10110,1,0,1745,0.5 -10113,1,0,2010,0.7 -10114,1,0,1857,0.7 -10116,1,0,1620,0.7 -10117,1,0,2130,0.9 -10118,1,0,1933,0.8 -10119,1,0,0810,0.7 -10121,1,0,0800,0.7 -10123,1,0,1554,0.3 -10124,1,0,1751,0.8 -10126,1,0,2330,0.4 -10127,1,1,0030,0.8 -10129,1,0,2051,0.5 -10131,1,0,0110,0.3 -10132,1,0,0837,0.8 -10134,1,0,1917,0.6 -10135,1,1,0005,0.6 -10138,1,0,2022,0.8 -10139,1,0,1921,0.4 -10140,1,1,0011,0.9 -10141,1,0,1643,0.9 -10144,1,0,2243,0.3 -10146,1,0,2343,0.3 -10147,1,0,1615,1.2 -10148,1,0,1623,0.7 -10150,1,0,1228,0.6 -10152,1,0,1720,0.4 -10155,1,0,1928,0.7 -10158,1,0,1245,0.5 -10159,1,0,2213,0.2 -10160,1,0,1425,0.4 -10161,1,0,1903,0.8 -10162,1,0,1700,0.8 -10163,1,0,1634,1.1 -10165,1,0,1141,0.3 -10166,1,0,1731,1.1 -10167,1,0,2154,0.3 -10172,1,0,2024,0.6 -10174,1,0,1035,0.8 -10175,1,0,1557,0.2 -10176,1,0,2235,0.2 -10177,1,0,2058,0.4 -10179,1,0,1845,0.7 -10181,1,0,2237,0.7 -10187,1,0,1518,0.6 -10190,1,1,0010,0.7 -10198,1,0,2219,0.6 -10201,1,0,1900,0.8 -10202,1,0,0018,0.6 -10211,1,0,1230,0.7 -10212,1,0,1459,0.3 -10213,1,0,1440,0.9 -10214,1,0,1655,1.1 -10216,1,0,1555,0.6 -10217,1,0,1937,0.5 -10218,1,0,1643,0.8 -10218,2,5,1649,0.9 -10220,1,0,1717,0.4 -10221,1,0,2115,0.7 -10222,1,0,2034,0.7 -10225,1,0,2025,0.2 -10226,1,0,2026,0.4 -10227,1,0,1859,0.8 -10228,1,0,1743,1.1 -10230,1,0,2123,0.3 -10231,1,0,2235,0.4 -10232,1,0,1420,0.9 -10233,1,0,1526,0.4 -10235,1,0,0951,0.5 -10237,1,0,1747,0.6 -10238,1,0,1540,0.6 -10239,1,0,2222,0.7 -10241,1,1,0930,0.2 -10243,1,0,2138,0.6 -10245,1,1,0705,0.4 -10246,1,0,1846,0.3 -10247,1,0,1619,0.4 -10248,1,1,0648,0.8 -10250,1,0,1551,0.8 -10258,1,0,1610,0.6 -10259,1,1,0540,0.6 -10265,1,0,1602,0.9 -10268,1,0,1821,0.6 -10269,1,3,0500,0.5 -10270,1,0,1653,0.5 -10272,1,0,2246,0.7 -10274,1,0,1456,0.6 -10277,1,0,2154,0.7 -10281,1,0,1710,0.7 -10284,1,0,1748,0.3 -10285,1,0,2145,0.9 -10287,1,0,2030,0.8 -10289,1,0,2102,0.5 -10295,1,1,0410,0.8 -10296,1,0,0201,0.3 -10297,1,0,1036,0.3 -10298,1,0,2241,0.6 -10300,1,0,1005,0.4 -10302,1,0,2139,0.7 -10303,1,0,2350,0.8 -10304,1,0,2317,0.7 -10305,1,0,1959,0.5 -10306,1,0,1112,0.5 -10309,1,0,1635,0.2 -10310,1,0,2105,0.4 -10312,1,0,0201,1.1 -10313,1,0,1409,0.4 -10314,1,1,0445,0.2 -10318,1,0,1816,0.6 -10319,1,0,1618,0.3 -10320,1,0,1535,0.9 -10322,1,1,0600,0.5 -10323,1,0,2153,0.5 -10325,1,0,1841,0.4 -10326,1,0,1645,0.8 -10331,1,0,1114,0.6 -10332,1,7,0605,0.5 -10334,1,0,1741,0.4 -10335,1,0,2004,0.5 -10336,1,0,1748,1 -10337,1,0,2154,0.9 -10339,1,0,2017,0.5 -10344,1,0,2032,0.8 -10345,1,0,2153,1 -10346,1,0,2106,0.4 -10347,1,0,2359,0.3 -10348,1,0,0905,0.3 -10349,1,0,0118,0.3 -10350,1,0,2104,1.6 -10351,1,0,1701,0.4 -10353,1,0,1135,0.4 -10354,1,0,2230,0.8 -10355,1,0,1905,1.2 -10357,1,0,1300,0.6 -10358,1,0,1734,0.9 -10361,1,0,1909,0.3 -10365,1,0,2302,0.8 -10366,1,0,1850,0.2 -10368,1,0,1840,0.6 -10369,1,0,1647,0.5 -10370,1,0,1715,0.8 -10371,1,0,1349,0.7 -10372,1,0,1230,0.6 -10374,1,0,1431,0.6 -10376,1,0,1725,1.2 -10377,1,0,1655,0.7 -10379,1,0,2309,1.2 -10380,1,0,1748,0.7 -10383,1,0,1526,0.4 -10384,1,0,1041,0.5 -10386,1,1,0313,0.8 -10387,1,1,0356,0.8 -10388,1,0,2208,0.3 -10389,1,1,0450,0.3 -10390,1,0,1615,0.6 -10391,1,0,1825,0.4 -10392,1,0,1835,0.4 -10395,1,0,0125,0.7 -10396,1,1,1858,0.6 -10397,1,0,1930,0.4 -10398,1,0,1430,0.5 -10399,1,0,1950,0.6 -10400,1,0,1916,1.1 -10402,1,0,0742,0.6 -10404,1,0,0808,0.4 -10408,1,0,1530,0.8 -10410,1,0,2340,0.4 -10417,1,0,1842,0.6 -10418,1,0,1700,1 -10420,1,0,1742,0.5 -10421,1,0,2004,0.7 -10422,1,1,0001,0.6 -10423,1,0,2200,0.6 -10424,1,1,0113,0.7 -10425,1,0,1310,0.8 -10430,1,1,0013,0.4 -10431,1,0,1512,0.4 -10434,1,0,2121,0.4 -10435,1,0,2348,0.8 -10436,1,0,1754,0.6 -10439,1,0,0200,0.8 -10442,1,0,1925,0.6 -10444,1,0,1721,0.6 -10445,1,1,1836,0.7 -10446,1,0,1615,1 -10448,1,0,1616,0.3 -10449,1,0,1030,0.4 -10450,1,0,1737,0.4 -10454,1,0,1733,0.3 -10455,1,1,0720,0.6 -10457,1,0,1600,0.8 -10458,1,0,1918,0.7 -10459,1,0,1913,0.3 -10460,1,0,0545,0.3 -10462,1,0,1830,0.7 -10464,1,0,1745,1.1 -10465,1,0,1629,0.6 -10467,1,0,1501,0.7 -10471,1,0,1710,0.7 -10472,1,0,2310,0.7 -10474,1,0,0509,0.7 -10476,1,0,1455,0.6 -10476,2,1,0837,0.4 -10476,3,2,0802,0.4 -10477,1,0,2029,0.8 -10481,1,0,2139,1 -10484,1,1,0400,0.4 -10486,1,0,1845,0.5 -10488,1,1,0155,0.6 -10492,1,0,2221,1.2 -10493,1,0,2230,0.5 -10494,1,0,2150,0.5 -10496,1,1,0027,0.3 -10497,1,0,1730,0.9 -10499,1,0,1855,0.3 -10500,1,0,2055,0.8 -10502,1,0,2259,0.5 -10504,1,0,1522,0.9 -10505,1,0,1431,0.4 -10506,1,0,1909,0.7 -10507,1,1,0145,0.5 -10511,1,0,1729,0.4 -10512,1,0,1407,0.5 -10515,1,0,0215,1 -10517,1,0,0315,0.5 -10519,1,0,1130,0.8 -10520,1,0,1309,0.2 -10521,1,0,1752,0.8 -10522,1,0,1903,0.5 -10523,1,1,2013,0.6 -10524,1,0,1418,0.5 -10525,1,0,1620,0.2 -10527,1,0,1712,0.7 -10529,1,0,2332,0.8 -10530,1,0,1750,0.9 -10532,1,0,1310,0.4 -10533,1,0,0220,0.5 -10534,1,1,0115,0.4 -10536,1,0,1643,1 -10538,1,0,1858,0.7 -10539,1,0,1910,0.5 -10540,1,0,1805,0.4 -10542,1,0,0953,0.6 -10544,1,0,2344,0.8 -10548,1,0,0401,0.8 -10549,1,0,1523,0.5 -10550,1,0,1434,0.4 -10553,1,0,0800,1.1 -10554,1,0,2248,0.4 -10555,1,0,2044,0.5 -10557,1,0,2136,0.4 -10559,1,0,1437,0.5 -10560,1,0,1732,0.8 -10561,1,0,2113,0.6 -10563,1,0,1903,0.9 -10564,1,0,0929,0.7 -10565,1,0,1135,0.5 -10566,1,0,2142,0.6 -10568,1,5,1845,0.4 -10569,1,0,0055,0.7 -10570,1,1,0410,0.4 -10571,1,0,0851,0.6 -10574,1,0,0041,0.4 -10575,1,0,1330,0.6 -10579,1,0,0550,0.5 -10580,1,0,1736,0.7 -10584,1,0,0517,0.7 -10587,1,0,2144,0.5 -10588,1,0,2327,0.4 -10589,1,1,0400,0.7 -10590,1,0,1343,0.7 -10594,1,0,1250,0.4 -10595,1,0,2136,0.7 -10597,1,0,2206,0.6 -10600,1,0,1646,0.5 -10601,1,0,2149,0.6 -10602,1,0,1330,0.5 -10603,1,0,2050,0.8 -10604,1,0,1830,0.7 -10605,1,0,1556,0.7 -10607,1,0,0920,0.7 -10608,1,0,2123,0.3 -10610,1,0,2254,1 -10611,1,1,0620,0.5 -10614,1,0,1534,0.7 -10617,1,0,1245,0.7 -10619,1,0,1748,0.4 -10620,1,0,1138,1 -10623,1,0,0214,0.8 -10624,1,0,0440,0.7 -10625,1,0,0733,0.9 -10626,1,0,1800,0.9 -10627,1,0,1300,0.8 -10628,1,0,1740,0.3 -10629,1,0,1954,0.7 -10631,1,0,1612,0.5 -10631,2,1,0900,0.4 -10634,1,0,1432,1.1 -10636,1,0,0837,0.2 -10637,1,0,0950,0.7 -10637,2,1,0200,0.6 -10637,3,1,0923,0.5 -10637,4,1,2120,0.5 -10637,5,4,1043,0.4 -10638,1,0,2355,0.6 -10639,1,0,1603,0.5 -10641,1,0,2205,0.4 -10642,1,0,1115,0.5 -10643,1,0,1223,0.6 -10645,1,0,2225,0.3 -10646,1,0,2113,0.3 -10647,1,0,1701,0.4 -10652,1,1,0450,0.5 -10653,1,0,2105,0.9 -10656,1,0,2205,0.2 -10659,1,0,1300,0.9 -10660,1,0,1938,0.5 -10661,1,0,1400,0.2 -10665,1,0,2010,1.1 -10668,1,0,1955,0.6 -10669,1,0,1601,0.4 -10670,1,0,0738,0.6 -10671,1,1,0605,0.5 -10673,1,0,2354,0.6 -10675,1,0,1045,0.6 -10676,1,0,2100,0.8 -10678,1,0,1221,0.7 -10680,1,0,1335,0.5 -10689,1,0,1402,0.7 -10690,1,0,1731,0.6 -10693,1,0,1145,0.4 -10693,2,1,0515,0.4 -10696,1,0,2141,0.4 -10697,1,0,2007,0.5 -10698,1,0,2237,0.3 -10699,1,1,0635,0.5 -10701,1,0,1222,0.4 -10703,1,0,1759,1 -10704,1,1,1100,0.3 -10707,1,0,2331,0.8 -10708,1,0,2021,0.8 -10712,1,0,2225,0.4 -10713,1,0,1140,0.7 -10714,1,0,2208,0.7 -10722,1,0,2200,0.3 -10725,1,0,1605,0.4 -10726,1,1,0730,0.6 -10727,1,0,1120,0.6 -10728,1,1,0415,0.2 -10729,1,0,1939,0.5 -10730,1,0,1656,0.2 -10731,1,0,2035,0.3 -10733,1,1,0000,0.8 -10735,1,0,1945,0.6 -10737,1,0,2026,0.7 -10738,1,0,1845,0.7 -10739,1,0,1513,0.7 -10740,1,0,1109,0.8 -10741,1,0,1945,0.7 -10743,1,0,1555,0.5 -10749,1,0,1429,0.8 -10751,1,0,1623,1 -10752,1,0,1015,0.8 -10753,1,0,0410,0.5 -10754,1,0,1039,0.3 -10756,1,0,1836,0.9 -10757,1,0,1705,0.9 -10760,1,0,2320,0.6 -10761,1,0,1520,1.1 -10763,1,0,1550,0.4 -10765,1,0,1605,0.4 -10770,1,0,1510,0.2 -10771,1,0,2031,0.4 -10772,1,1,0056,0.4 -10773,1,0,2101,0.4 -10775,1,0,1515,0.7 -10776,1,0,2050,0.6 -10777,1,0,1338,0.3 -10778,1,0,0130,0.6 -10781,1,0,1817,0.8 -10783,1,0,2325,1.1 -10784,1,0,2055,1.1 -10785,1,0,0144,0.6 -10786,1,0,2239,1 -10787,1,0,2250,0.7 -10789,1,0,1006,0.4 -10790,1,0,2120,0.4 -10792,1,0,2216,0.8 -10793,1,0,1235,0.9 -10794,1,0,1710,0.5 -10795,1,0,1629,0.9 -10796,1,0,1525,1 -10798,1,0,1245,0.7 -10799,1,0,1652,0.5 -10801,1,0,1813,0.6 -10803,1,0,2143,0.5 -10804,1,0,1717,0.6 -10805,1,0,1420,0.8 -10810,1,0,2251,0.5 -10811,1,0,2102,0.9 -10813,1,0,1620,1.1 -10816,1,0,0857,0.8 -10822,1,0,2010,0.4 -10823,1,0,1504,1 -10825,1,0,1622,0.2 -10826,1,0,2041,0.9 -10828,1,0,1855,0.8 -10830,1,0,1919,0.5 -10831,1,1,0529,0.6 -10833,1,1,0040,0.5 -10835,1,0,2042,0.5 -10835,2,1,0604,0.4 -10835,3,3,0934,0.4 -10839,1,1,0008,0.8 -10841,1,0,1620,0.9 -10844,1,0,1925,0.7 -10847,1,1,1522,0.5 -10850,1,0,2235,0.4 -10853,1,0,2027,0.9 -10855,1,0,2031,0.6 -10856,1,0,1800,0.5 -10857,1,0,2040,1 -10858,1,0,1921,0.5 -10859,1,0,0902,1 -10860,1,0,1719,0.7 -10861,1,0,2301,0.6 -10864,1,0,1324,0.4 -10866,1,0,1941,1.1 -10870,1,1,0100,0.4 -10871,1,1,0525,0.9 -10872,1,0,1615,0.5 -10872,2,1,0925,0.4 -10873,1,0,2217,0.5 -10876,1,0,1945,0.4 -10877,1,0,1743,0.6 -10878,1,0,1834,0.7 -10879,1,0,1849,0.5 -10880,1,0,0847,0.5 -10881,1,0,1815,0.8 -10884,1,0,1430,0.6 -10885,1,0,1132,0.3 -10887,1,0,1755,0.8 -10888,1,0,2222,0.5 -10890,1,1,1645,0.6 -10892,1,0,1645,0.5 -10893,1,0,1723,0.3 -10898,1,0,0845,0.2 -10903,1,0,0520,0.9 -10904,1,0,1618,0.6 -10905,1,0,1720,0.8 -10906,1,0,1938,0.6 -10912,1,0,2359,0.3 -10913,1,0,1814,0.7 -10914,1,0,2320,0.4 -10915,1,1,0048,0.9 -10917,1,0,1230,0.8 -10918,1,0,2145,0.8 -10919,1,0,2216,0.4 -10921,1,0,0845,0.9 -10922,1,0,1829,0.5 -10927,1,0,1011,0.5 -10929,1,1,0400,0.4 -10930,1,0,1916,0.6 -10932,1,0,1210,0.7 -10934,1,0,1758,0.3 -10935,1,0,1828,0.9 -10936,1,0,2000,0.7 -10937,1,0,2104,0.8 -10938,1,0,0457,0.9 -10940,1,0,1853,0.7 -10941,1,0,1205,1.5 -10942,1,0,1650,0.9 -10943,1,0,1535,0.2 -10945,1,0,1715,0.6 -10948,1,0,1406,0.4 -10950,1,0,1705,0.8 -10951,1,1,1040,0.2 -10956,1,0,1938,0.4 -10958,1,0,2114,1.1 -10961,1,0,2041,0.5 -10962,1,1,0030,0.4 -10963,1,0,1246,0.3 -10964,1,0,1826,0.1 -10966,1,0,1705,0.6 -10968,1,0,2028,0.5 -10970,1,0,2028,0.4 -10973,1,0,1911,0.4 -10974,1,0,1951,0.5 -10975,1,0,1207,1 -10979,1,0,2010,0.6 -10982,1,0,1600,1 -10983,1,0,1636,0.3 -10985,1,0,1610,0.4 -10986,1,0,2102,0.8 -10987,1,0,0652,0.3 -10991,1,0,1830,0.2 -10992,1,0,0805,0.4 -10993,1,0,2234,0.6 -10994,1,0,2000,0.8 -10996,1,0,2109,0.3 -10997,1,0,1337,0.3 -10999,1,1,0035,0.6 -11000,1,0,1636,0.6 -11001,1,0,2332,0.4 -11003,1,0,1329,0.6 -11004,1,0,1740,0.4 -11007,1,0,2229,0.4 -11008,1,0,1439,0.7 -11010,1,0,1700,0.7 -11014,1,0,1914,0.7 -11015,1,0,1105,0.4 -11016,1,0,1915,0.7 -11018,1,0,0253,0.8 -11019,1,0,2115,0.8 -11020,1,0,1542,1.1 -11021,1,1,0630,0.5 -11023,1,0,1906,1 -11026,1,0,2240,0.9 -11027,1,1,0615,0.3 -11032,1,0,1207,0.8 -11034,1,0,1845,0.8 -11036,1,0,1530,0.4 -11037,1,0,2040,0.5 -11041,1,0,0110,1 -11042,1,1,0028,0.3 -11043,1,0,1418,0.6 -11044,1,1,0037,0.6 -11047,1,0,1940,0.4 -11049,1,0,0550,1.6 -11058,1,1,0400,0.6 -11059,1,0,1922,0.3 -11060,1,0,2127,0.8 -11062,1,0,0531,0.6 -11063,1,0,2135,0.6 -11064,1,0,1640,0.4 -11066,1,0,1045,0.6 -11070,1,0,2310,0.7 -11071,1,0,2253,0.4 -11072,1,0,2001,0.6 -11073,1,0,1837,0.2 -11074,1,0,1745,0.7 -11076,1,0,1905,0.6 -11083,1,0,1112,0.4 -11084,1,0,2148,1.4 -11086,1,0,2000,0.6 -11087,1,1,0130,0.6 -11089,1,0,1526,0.3 -11090,1,0,1710,0.5 -11093,1,0,1600,0.7 -11094,1,0,2003,0.4 -11095,1,0,1400,0.6 -11099,1,0,1625,1 -11101,1,0,1533,1 -11102,1,0,1245,0.8 -11109,1,0,1012,0.8 -11111,1,0,1957,0.5 -11115,1,0,2030,0.6 -11116,1,0,1225,0.8 -11117,1,0,1955,0.5 -11118,1,0,1112,0.7 -11120,1,0,0043,0.8 -11123,1,0,1651,0.6 -11123,2,0,1838,0.6 -11123,3,1,1700,0.4 -11124,1,0,1622,0.5 -11126,1,0,0938,0.8 -11128,1,0,1844,0.7 -11129,1,0,1613,0.9 -11134,1,0,1536,0.4 -11135,1,0,1550,1.1 -11136,1,1,0500,0.4 -11137,1,6,1450,0.5 -11138,1,0,2332,0.9 -11144,1,0,1945,0.5 -11146,1,0,1812,0.4 -11150,1,0,1600,0.8 -11152,1,1,0630,0.3 -11153,1,0,2155,0.6 -11155,1,0,1736,0.6 -11156,1,0,1658,0.6 -11161,1,1,0013,1 -11163,1,0,2052,0.1 -11164,1,-1,2321,0.4 -11166,1,0,0335,0.8 -11167,1,0,1109,1 -11172,1,0,0505,0.6 -11173,1,0,1915,0.5 -11175,1,0,1927,1.1 -11176,1,0,2205,0.3 -11177,1,0,2250,0.6 -11178,1,0,2156,0.6 -11179,1,0,1901,0.4 -11182,1,0,1734,0.7 -11183,1,0,0744,0.9 -11186,1,0,0315,0.9 -11187,1,0,1842,0.4 -11192,1,0,1425,0.4 -11195,1,0,1256,0.1 -11198,1,0,1852,0.4 -11199,1,1,0700,0.3 -11200,1,0,1735,0.7 -11201,1,0,1930,0.8 -11205,1,1,0220,0.5 -11206,1,1,1220,0.4 -11207,1,0,0938,0.2 -11209,1,0,1734,0.8 -11213,1,1,0550,0.3 -11214,1,0,0442,0.8 -11215,1,0,1716,0.4 -11218,1,1,1610,0.3 -11219,1,1,0535,0.5 -11222,1,0,2126,1.1 -11223,1,0,1701,0.8 -11224,1,1,0640,0.4 -11226,1,0,1913,0.6 -11228,1,0,2153,0.6 -11229,1,0,2042,0.1 -11231,1,0,2118,0.8 -11234,1,0,2025,1 -11236,1,0,1943,0.5 -11236,2,0,2355,0.5 -11236,3,2,1040,0.5 -11236,4,3,0850,0.4 -11242,1,0,1658,0.6 -11243,1,0,1822,1 -11245,1,1,0615,0.4 -11247,1,0,1803,0.6 -11248,1,0,0930,0.8 -11249,1,1,0058,0.7 -11250,1,0,1930,0.6 -11253,1,0,2104,0.5 -11255,1,0,2015,0.6 -11257,1,0,2125,0.6 -11258,1,0,0010,0.6 -11259,1,0,1840,0.4 -11260,1,0,1434,0.8 -11261,1,0,1000,0.9 -11262,1,0,1243,0.6 -11263,1,0,1645,0.1 -11264,1,0,1940,0.6 -11265,1,0,2035,0.9 -11268,1,0,1504,0.5 -11269,1,1,0635,0.4 -11272,1,0,1644,0.4 -11274,1,0,2010,0.6 -11275,1,0,0334,1 -11276,1,0,2213,1.1 -11277,1,0,1626,0.6 -11278,1,0,1430,0.5 -11280,1,0,1744,0.7 -11282,1,0,1339,0.6 -11286,1,1,0530,0.7 -11288,1,0,1635,0.4 -11291,1,0,2217,0.6 -11293,1,1,0600,0.6 -11295,1,1,0005,0.7 -11297,1,0,2234,0.5 -11298,1,0,2208,0.7 -11302,1,-61,0345,0.9 -11303,1,1,0620,0.5 -11306,1,0,1916,0.5 -11307,1,0,1754,0.7 -11308,1,0,1950,0.9 -11313,1,0,0330,0.2 -11314,1,0,0534,0.5 -11317,1,0,1035,0.5 -11318,1,0,2246,0.7 -11320,1,0,2240,0.8 -11321,1,0,2018,0.5 -11324,1,0,1430,0.5 -11326,1,0,1848,0.7 -11327,1,0,1801,0.9 -11328,1,0,2220,0.8 -11329,1,0,1543,0.7 -11331,1,1,0410,0.6 -11332,1,0,2144,0.7 -11334,1,0,2053,0.8 -11336,1,0,2129,0.5 -11336,2,1,0500,0.5 -11336,3,1,1100,0.4 -11336,4,1,2220,0.4 -11336,5,2,0410,0.5 -11336,6,3,0420,0.5 -11337,1,1,0027,0.3 -11338,1,0,1700,0.5 -11339,1,0,0022,0.9 -11340,1,0,1800,0.6 -11341,1,0,1849,0.6 -11343,1,0,1713,1 -11346,1,0,2305,0.7 -11347,1,0,1921,0.5 -11348,1,0,2030,0.7 -11349,1,1,0001,1 -11352,1,0,1615,0.6 -11355,1,0,1445,0.4 -11360,1,0,1330,0.3 -11361,1,0,1643,0.3 -11362,1,0,2331,0.7 -11363,1,0,1704,0.5 -11364,1,0,2330,0.4 -11368,1,0,1540,0.4 -11370,1,0,1307,0.6 -11371,1,0,1817,0.9 -11373,1,0,1648,0.7 -11376,1,0,1429,0.7 -11379,1,1,1045,0.4 -11382,1,0,1809,0.6 -11384,1,0,2145,1 -11385,1,0,1540,0.6 -11386,1,0,1018,0.5 -11387,1,0,1610,0.8 -11388,1,0,1730,0.3 -11389,1,0,2127,0.8 -11391,1,0,2014,0.6 -11392,1,0,1753,0.3 -11394,1,0,2310,0.5 -11396,1,0,1351,0.5 -11397,1,0,1417,0.4 -11398,1,0,1459,0.6 -11399,1,0,2235,0.4 -11400,1,0,1218,0.7 -11401,1,0,1757,0.4 -11402,1,0,1325,0.6 -11406,1,0,1355,0.5 -11408,1,0,2032,0.5 -11409,1,1,0545,0.3 -11410,1,0,1807,0.2 -11411,1,0,1150,0.2 -11412,1,0,1145,0.2 -11413,1,0,1545,0.8 -11414,1,0,1015,0.6 -11415,1,0,2029,0.7 -11416,1,0,2120,0.6 -11419,1,0,0536,1.1 -11420,1,0,1632,0.3 -11421,1,0,2325,1.1 -11422,1,0,2135,0.5 -11424,1,0,1730,0.6 -11425,1,1,0400,0.4 -11426,1,0,0704,1 -11427,1,0,2253,0.6 -11428,1,0,1701,0.5 -11431,1,0,2122,0.4 -11432,1,0,1840,0.8 -11435,1,0,1820,0.7 -11437,1,1,0140,0.5 -11439,1,0,1847,0.5 -11440,1,0,2148,0.9 -11445,1,0,0200,0.8 -11447,1,0,0052,0.9 -11449,1,0,1854,0.6 -11452,1,3,0550,0.7 -11453,1,0,1411,1 -11454,1,1,0005,0.5 -11455,1,0,1149,0.7 -11456,1,1,0325,0.3 -11457,1,0,1641,0.8 -11458,1,0,1823,0.8 -11460,1,0,1759,0.4 -11461,1,0,1551,1 -11462,1,0,1935,0.6 -11464,1,0,2110,0.4 -11466,1,0,1844,0.5 -11467,1,0,1440,0.5 -11468,1,0,2131,1 -11470,1,0,1655,0.4 -11472,1,0,1747,0.8 -11474,1,0,1517,0.7 -11475,1,0,0140,0.6 -11477,1,0,1703,0.4 -11478,1,0,1555,0.4 -11481,1,0,1340,0.3 -11482,1,0,2240,0.4 -11485,1,0,2204,1.3 -11489,1,0,0300,1 -11491,1,0,1545,0.9 -11492,1,0,1551,0.6 -11493,1,1,0313,0.5 -11494,1,0,1240,0.6 -11496,1,0,2142,0.7 -11497,1,0,2155,0.4 -11498,1,0,1538,0.5 -11499,1,0,1506,0.6 -11500,1,0,1929,0.6 -11501,1,0,1703,0.5 -11502,1,1,1845,0.3 -11503,1,0,1730,0.4 -11506,1,0,2037,0.4 -11511,1,0,2250,0.7 -11513,1,0,1830,0.9 -11514,1,0,1900,0.3 -11515,1,0,2352,0.4 -11516,1,0,0929,0.5 -11520,1,0,1306,0.3 -11521,1,1,0550,0.6 -11522,1,0,1744,0.4 -11524,1,0,1620,0.6 -11526,1,0,2306,0.7 -11527,1,0,1326,0.7 -11528,1,0,2223,1 -11529,1,0,1231,0.4 -11530,1,0,2158,0.9 -11532,1,0,1631,0.5 -11533,1,0,1736,0.6 -11535,1,0,1844,0.4 -11536,1,0,0841,1 -11537,1,1,0625,0.6 -11538,1,1,0034,0.8 -11539,1,0,1152,0.5 -11540,1,0,1817,0.3 -11541,1,0,1045,0.2 -11542,1,0,1220,1 -11548,1,0,1350,0.3 -11549,1,0,2235,0.8 -11551,1,0,1831,0.4 -11552,1,0,2145,0.7 -11553,1,0,1725,0.6 -11554,1,0,1446,0.8 -11555,1,0,2344,0.7 -11557,1,0,1639,0.4 -11559,1,0,1615,0.8 -11561,1,0,2038,0.4 -11562,1,0,1640,0.7 -11564,1,0,1445,0.5 -11565,1,0,2210,0.1 -11566,1,0,1624,1 -11567,1,0,2052,0.9 -11570,1,0,2319,0.6 -11572,1,0,1300,0.7 -11574,1,0,1730,0.7 -11576,1,0,1750,0.6 -11578,1,0,2313,1 -11579,1,0,1503,0.3 -11580,1,0,0233,0.6 -11581,1,0,1442,0.5 -11582,1,0,1912,0.5 -11583,1,1,0615,0.3 -11587,1,0,1150,0.7 -11590,1,0,1831,0.8 -11590,2,1,0500,0.7 -11594,1,0,1224,0.4 -11597,1,0,2329,0.4 -11599,1,0,0347,0.5 -11600,1,0,2042,0.8 -11601,1,0,1845,0.6 -11602,1,0,0330,0.3 -11603,1,0,1450,0.4 -11604,1,0,0811,0.7 -11607,1,0,2031,1.2 -11608,1,0,1846,0.3 -11611,1,0,0556,0.8 -11612,1,0,1250,0.5 -11614,1,0,2019,0.7 -11615,1,0,2120,0.9 -11616,1,0,0500,0.5 -11617,1,0,2110,0.7 -11618,2,0,2334,0.3 -11619,1,0,0430,0.5 -11621,1,0,2032,1 -11623,1,0,2017,0.2 -11624,1,0,1347,0.6 -11625,1,0,1642,0.8 -11626,1,0,1010,0.6 -11628,1,0,0530,0.7 -11629,1,0,1700,0.6 -11630,1,0,1253,0.5 -11632,1,2,0625,0.6 -11634,1,0,1335,0.7 -11637,1,1,0604,0.3 -11638,1,0,1900,0.3 -11640,1,0,1147,0.3 -11641,1,0,1253,0.5 -11643,1,4,1118,0.5 -11645,1,0,1652,0.8 -11646,1,0,0913,0.8 -11648,1,0,1453,0.5 -11649,1,0,2213,0.3 -11652,1,0,1939,0.3 -11656,1,0,1210,0.7 -11658,1,0,1512,0.6 -11660,1,0,0255,0.6 -11661,1,0,1538,0.2 -11663,1,0,0400,0.7 -11666,1,0,1818,0.4 -11669,1,0,1740,1.1 -11670,1,0,2300,0.8 -11671,1,0,1615,0.5 -11672,1,0,1850,0.7 -11673,1,0,1745,0.5 -11674,1,0,1622,0.6 -11675,1,0,1501,0.6 -11676,1,0,2207,0.9 -11679,1,0,0941,0.6 -11681,1,2,0923,0.5 -11682,1,1,0004,1 -11684,1,0,1500,1.1 -11686,1,0,0833,0.3 -11689,1,0,1745,0.6 -11690,1,0,1610,0.6 -11691,1,0,0257,0.3 -11692,1,1,0015,0.5 -11693,1,2,0600,0.6 -11695,1,0,1251,0.4 -11697,1,0,2151,1.1 -11698,1,0,0907,0.4 -11699,1,0,2350,0.4 -11700,1,0,1610,0.7 -11705,1,0,2038,0.8 -11706,1,0,1646,0.8 -11707,1,0,1720,0.6 -11709,1,0,2025,0.9 -11711,1,1,0013,0.8 -11712,1,1,0021,0.5 -11715,1,0,1830,0.4 -11718,1,0,2331,0.8 -11720,1,0,2038,0.5 -11722,1,2,1238,0.5 -11730,1,0,1843,0.3 -11731,1,0,1122,0.4 -11732,1,0,0319,0.2 -11733,1,0,1359,0.5 -11734,1,0,2124,0.3 -11735,1,0,1411,0.3 -11736,1,0,1410,0.7 -11739,1,0,1815,0.5 -11740,1,0,1115,1 -11742,1,0,1925,0.5 -11744,1,0,0215,0.8 -11746,1,0,2355,0.6 -11748,1,1,0025,0.8 -11750,1,0,0102,0.6 -11751,1,0,1030,0.5 -11752,1,0,1929,1.1 -11753,1,0,1918,0.7 -11755,1,0,0817,0.9 -11757,1,0,1600,0.7 -11758,1,1,0455,0.3 -11760,1,0,1623,1 -11761,1,1,0100,0.8 -11762,1,0,1508,0.7 -11763,1,0,1215,0.4 -11764,1,0,1808,0.6 -11768,1,1,0615,0.7 -11770,1,0,2315,0.8 -11772,1,0,1500,0.8 -11775,1,0,0158,1.1 -11777,1,0,1105,0.8 -11778,1,0,2203,0.4 -11781,1,0,2350,0.9 -11782,1,0,1914,0.5 -11783,1,0,1905,0.4 -11785,1,0,1708,1 -11786,1,0,1540,0.3 -11787,1,1,0450,0.7 -11790,1,0,1936,0.8 -11791,1,0,2213,0.7 -11792,1,1,0523,0.3 -11793,1,1,0635,0.9 -11795,1,0,2336,0.7 -11798,1,0,2054,0.4 -11799,1,0,1558,0.2 -11800,1,0,1335,0.5 -11801,1,1,0550,0.3 -11802,1,0,1930,0.3 -11804,1,0,1935,0.2 -11810,1,1,0010,0.7 -11811,1,0,1930,0.9 -11814,1,0,1939,0.6 -11817,1,0,1925,0.6 -11820,1,0,1935,0.7 -11822,1,0,1950,0.6 -11824,1,0,1950,0.8 -11828,1,0,1642,0.7 -11831,1,0,1920,0.6 -11832,1,0,2231,0.2 -11833,1,1,0002,0.9 -11836,1,0,2022,0.3 -11837,1,0,1227,0.2 -11839,1,0,1650,0.7 -11841,1,0,1800,0.4 -11844,1,0,1354,1 -11846,1,0,0148,0.5 -11847,1,0,2357,0.6 -11849,1,0,2120,0.5 -11850,1,0,2238,1.1 -11852,1,0,2321,0.5 -11853,1,0,1740,0.3 -11855,1,1,0308,0.4 -11856,1,0,2011,0.5 -11857,1,0,2218,1.5 -11858,1,0,2050,0.6 -11859,1,0,1925,0.4 -11861,1,0,1548,0.9 -11865,1,0,1910,0.5 -11867,1,1,0510,0.3 -11868,1,0,0542,0.8 -11869,1,0,0922,0.5 -11870,1,0,1725,0.8 -11872,1,0,1945,0.6 -11873,1,0,1545,0.4 -11876,1,0,2018,0.3 -11877,1,0,2146,0.3 -11878,1,1,0349,0.4 -11883,1,0,1728,0.8 -11884,1,0,2301,0.7 -11888,1,0,1608,1.8 -11889,1,0,2126,0.4 -11893,1,0,1755,0.9 -11894,1,0,2310,0.3 -11899,1,0,1545,0.6 -11902,1,0,2040,1 -11903,1,0,2139,0.4 -11905,1,0,1804,0.8 -11907,1,0,1530,0.8 -11908,1,0,2150,0.5 -11909,1,1,0425,0.7 -11910,1,0,1800,0.4 -11914,1,0,2025,0.3 -11915,1,1,0400,0.4 -11916,1,1,0010,1.1 -11917,1,0,1510,0.2 -11918,1,0,0200,0.3 -11919,1,1,0015,0.6 -11920,1,0,1907,0.9 -11923,1,0,2050,0.3 -11927,1,0,1909,1 -11929,1,0,2212,0.5 -11935,1,0,2300,0.5 -11939,1,1,0400,0.3 -11941,1,1,0939,0.5 -11945,1,0,1510,0.3 -11946,1,0,1816,0.5 -11947,1,0,1351,1.1 -11949,1,0,1846,0.7 -11955,1,0,1611,0.3 -11959,1,0,1003,0.9 -11962,1,0,1808,0.7 -11963,1,0,2253,0.6 -11964,1,0,1843,0.6 -11967,1,0,1855,0.6 -11969,1,0,1556,0.3 -11970,1,1,0440,0.6 -11971,1,0,1952,0.6 -11972,1,0,2016,0.5 -11974,1,0,0850,0.7 -11978,1,0,1015,0.4 -11979,1,0,1725,0.9 -11980,1,0,1742,0.7 -11981,1,0,1649,0.4 -11985,1,0,2130,0.9 -11986,1,0,1422,0.6 -11987,1,0,2150,1.1 -11989,1,0,1645,0.6 -11990,1,0,1858,0.2 -11991,1,0,2157,0.5 -11992,1,0,1540,0.6 -11994,1,1,0400,0.8 -11995,1,0,1542,0.9 -11996,1,0,2055,0.5 -12000,1,0,2345,0.7 -12003,1,0,1718,0.8 -12004,1,0,2208,0.7 -12005,1,0,0400,0.2 -12007,1,0,1924,0.9 -12011,1,0,1735,0.3 -12012,1,0,1147,0.6 -12018,1,0,1655,0.8 -12019,1,0,1315,0.6 -12021,1,0,2030,0.7 -12023,1,0,1543,0.5 -12026,1,0,1847,0.5 -12029,1,0,1548,0.8 -12030,1,0,1932,0.3 -12031,1,0,1003,0.8 -12032,1,0,2133,0.7 -12033,1,0,1213,0.6 -12036,1,0,1620,0.2 -12037,1,0,1439,1 -12039,1,0,2145,0.4 -12040,1,0,2138,0.7 -12044,1,0,1630,0.7 diff --git a/data/iai_pecarn/raw/form5_hematocrit.csv b/data/iai_pecarn/raw/form5_hematocrit.csv deleted file mode 100644 index 06b50e22..00000000 --- a/data/iai_pecarn/raw/form5_hematocrit.csv +++ /dev/null @@ -1,15197 +0,0 @@ -subjectid,repeat_instance,HCTDay,HCTTime,HCTValue -1,2,0,0940,32.3 -3,1,0,1835,38.2 -3,2,0,1928,39 -3,3,0,2018,34.5 -5,1,0,2031,41.1 -5,2,0,2254,39 -5,3,1,0018,38.7 -6,1,0,0212,38.3 -7,1,0,0519,42.2 -8,1,0,1809,33 -8,2,0,2348,30.4 -8,3,2,0419,26.6 -10,1,0,1930,43.2 -11,1,0,1310,41.3 -13,1,0,1832,36.5 -14,1,0,0548,35.4 -16,1,0,0255,37.1 -16,2,0,0556,36 -16,3,0,0825,37.6 -19,1,0,0758,40.9 -20,1,0,0516,40 -21,1,0,2309,33.1 -23,1,0,1755,46.7 -24,1,0,2012,36.6 -25,1,0,1459,36.1 -30,1,0,1310,37.9 -31,1,1,0002,35.5 -32,1,0,1648,34.4 -32,2,0,1807,32.8 -32,3,0,1930,32.4 -33,1,0,2138,46.8 -34,1,0,2243,35 -34,2,1,0602,29.5 -34,3,2,0600,31.5 -35,1,0,2115,32 -37,1,0,1918,38.3 -40,1,1,0550,39.1 -40,2,0,2358,42.4 -41,1,0,2045,35.8 -41,2,0,2205,32.4 -41,3,1,0021,33.3 -42,1,0,1915,39 -42,2,1,0615,35.5 -44,1,0,0729,34.7 -45,1,0,1811,35.4 -46,1,0,1213,34 -47,1,0,1718,32.3 -48,1,0,1710,35.5 -49,1,0,1218,24 -49,2,0,1257,36 -49,3,0,1330,34.1 -50,1,0,1716,38.1 -50,2,0,2349,33.5 -50,3,1,0432,31.7 -52,1,0,1648,34.2 -53,1,0,2105,34.2 -53,2,0,2215,32.5 -53,3,1,0425,32.7 -55,1,0,1335,39.1 -55,2,0,1612,39.5 -55,3,0,1745,37.8 -56,1,0,2150,39.7 -57,1,0,2046,41.1 -57,2,0,2135,34 -57,3,0,2236,33.7 -60,1,0,1544,38.2 -60,2,0,1559,29.6 -60,3,0,2342,25.5 -62,1,0,2141,39 -62,2,1,0551,34.4 -62,3,1,2005,33.7 -63,1,3,0755,31.6 -64,1,1,0100,38.8 -65,1,0,1746,37 -65,2,1,0530,34.2 -66,2,0,2012,44 -66,3,1,0659,43 -67,1,0,1544,31.9 -67,2,1,0408,27 -68,1,0,1845,37.2 -68,2,1,0440,35.6 -69,1,0,1830,33.7 -70,1,0,1837,38.2 -71,1,1,0015,38.5 -72,1,0,1902,28 -72,2,1,0425,24.5 -72,3,2,0600,24.6 -73,1,0,1831,37.5 -74,1,0,2120,34.2 -74,2,0,2305,34 -74,3,1,0130,34.8 -75,1,0,1514,37.7 -75,2,1,0143,36.7 -75,3,1,0609,36.1 -76,1,0,1811,37 -76,2,1,0610,32.4 -78,1,0,2324,35.9 -81,1,0,1708,37 -82,1,0,2000,34.9 -83,1,0,1550,35.5 -83,2,0,1740,36.6 -85,1,0,1800,34.4 -85,2,0,1728,37 -85,3,0,2005,27.1 -86,1,0,0825,44.7 -86,2,1,0639,42 -87,1,0,1941,38.4 -87,2,2,0642,29.5 -88,1,0,1950,28.1 -88,2,0,2120,22.6 -88,3,0,2310,23 -89,1,0,2208,39.1 -89,2,1,1537,47.9 -90,1,1,0005,30.5 -90,2,1,0343,29.2 -90,3,1,0810,28 -91,1,0,0147,36.4 -91,2,0,0259,35.3 -92,1,0,1802,38.1 -93,1,0,2047,39.2 -95,1,0,1437,44 -96,1,1,0006,41.1 -99,1,0,2155,36.3 -99,2,0,2200,35.5 -99,3,1,0145,33.6 -101,1,0,1912,44 -101,2,1,0345,37.5 -101,3,1,1921,40 -102,1,0,1616,35.2 -102,2,0,1824,35.4 -102,3,0,2145,34.4 -103,1,0,2023,29 -105,1,0,1510,41 -105,2,1,0600,38.5 -106,1,0,1239,38 -108,1,0,0930,42.9 -109,1,0,1440,34.4 -109,2,2,0015,22.8 -109,3,2,1143,25.3 -110,1,0,2300,33.5 -110,2,1,0030,33.2 -110,3,1,0230,34 -111,2,0,0925,25.5 -111,3,0,1500,23.3 -111,4,0,2048,21.3 -112,1,0,1450,45.7 -113,1,0,2213,45.1 -114,1,0,1703,34.1 -115,1,0,1657,32.7 -116,1,0,1625,38.9 -116,2,0,1810,34 -116,3,0,2010,34 -117,1,0,1850,40.1 -118,1,0,1710,39.6 -118,2,0,2035,38.9 -119,1,0,1829,40 -119,2,0,1922,42 -119,3,1,1322,35.6 -120,1,0,2013,35.9 -120,2,1,1520,33.1 -121,1,0,2007,42 -121,2,0,2243,40.9 -123,1,0,1730,42.1 -124,1,0,1800,38.7 -124,2,1,0540,36.1 -125,1,0,1828,39.8 -125,2,1,0444,33.1 -129,1,0,1954,39.1 -130,1,0,2234,37 -131,1,0,2249,39 -131,2,0,2305,42.7 -131,3,1,0123,38.8 -132,1,0,1815,41.1 -132,2,0,1900,40.1 -132,3,0,1956,41.8 -133,1,0,1332,41.6 -134,1,0,2355,42 -134,2,1,0500,38.1 -135,1,0,2200,37.9 -135,2,0,2330,36.9 -135,3,1,0155,36.5 -136,1,0,1957,37.4 -137,1,0,1435,39.1 -138,1,0,2240,32.8 -138,2,0,2243,32 -138,3,1,0435,30.3 -139,1,0,0040,42.4 -140,1,0,2217,21.8 -140,2,1,0015,25.3 -140,3,1,0405,29.1 -141,1,0,2143,37.3 -142,1,0,2136,33.6 -142,2,1,0654,33.1 -143,1,0,1716,37.1 -144,1,0,1635,33.5 -145,1,0,1915,43.8 -145,2,1,0430,41.1 -146,1,1,0100,38.9 -147,1,0,0050,38 -147,2,0,0211,36 -147,3,0,0353,32.7 -148,1,0,0925,39.6 -148,2,0,1343,21.2 -148,3,0,2000,46.2 -148,4,1,0515,44.2 -150,1,0,1200,37.8 -151,1,0,1855,36.1 -151,2,1,0457,33.5 -151,3,2,0357,30.8 -152,1,0,0830,38.8 -152,2,0,0930,38.4 -152,3,0,1030,38.3 -153,1,0,1855,32.8 -155,1,0,2243,41.7 -157,1,0,2210,34.4 -157,2,1,0005,33.2 -158,1,0,1741,43.6 -159,1,0,1849,35.6 -161,1,0,0033,30 -161,2,0,0654,25.9 -161,3,1,0628,22.2 -161,4,2,0558,19.4 -163,1,0,2323,48 -163,2,1,0012,30 -163,3,1,0109,39 -165,1,0,1350,34.6 -166,1,0,1416,37.4 -167,1,0,1230,37.5 -168,1,0,1430,36.6 -168,2,0,1455,30 -169,1,1,0015,39.2 -169,2,2,0746,40.9 -170,1,0,1950,38 -170,2,1,0626,26.6 -170,3,2,0508,22.8 -171,1,0,2228,33.5 -172,1,0,2137,35.4 -173,1,0,1800,30.1 -173,2,0,1959,10.9 -173,3,0,2207,40.6 -174,1,0,0022,36.8 -175,1,0,1338,44 -176,1,0,1526,30.5 -176,2,0,1825,31.9 -176,3,0,2030,31.6 -177,1,0,0013,39 -177,2,0,0020,38.3 -178,1,0,1540,29.3 -178,2,0,1637,32 -178,3,0,2308,27 -179,1,0,2143,36.2 -179,2,1,1358,31.5 -180,1,0,1329,39.6 -181,1,0,1457,27.7 -182,1,0,1512,25 -182,2,0,1605,24 -182,3,0,1734,21 -183,1,0,1212,36 -183,2,0,2230,23.3 -183,3,1,0420,21.8 -184,1,0,1920,47.2 -184,2,1,0411,30.2 -184,3,1,0537,43.7 -185,1,0,2341,39.1 -186,2,0,1701,22 -186,3,0,2256,22 -187,1,1,0003,35.1 -188,1,0,1644,39.2 -188,2,1,0351,35.3 -189,1,0,1935,38.2 -190,1,0,2216,35.7 -193,1,0,0735,36.8 -193,2,0,0832,36.4 -193,3,0,1150,36.8 -194,1,0,1930,39.2 -197,1,0,2140,38.4 -197,2,1,0858,29.4 -197,3,2,0658,26.1 -198,1,0,2201,38 -198,2,1,0500,33.1 -198,3,2,0705,33.3 -199,1,0,1631,32.8 -200,1,0,1911,36 -201,1,0,1910,37.7 -201,2,0,2005,36 -202,1,0,1408,34.3 -203,1,0,1320,43 -204,1,0,1156,34 -204,2,0,1525,29.9 -204,3,1,0025,29.5 -206,1,0,0040,38.3 -209,1,1,1233,36 -210,1,0,1432,40.3 -211,1,0,0146,46 -212,1,0,1326,39.4 -212,2,0,1438,36.4 -213,1,0,1948,34.1 -214,1,0,1743,41.5 -215,1,2,0532,35 -216,1,0,2120,39 -217,1,0,1850,43.3 -219,1,0,1910,36.4 -220,1,0,0637,34.1 -220,2,0,0720,38 -220,3,1,0811,31.7 -221,1,0,2335,35.2 -225,1,0,2110,25 -225,2,0,2117,37 -226,1,0,1134,34.1 -227,1,0,1330,39.6 -227,2,0,1515,38.3 -227,3,0,1730,38 -228,1,0,2045,37.3 -229,1,0,0147,46.3 -230,1,0,0944,39.5 -232,1,0,1739,37.3 -235,1,0,1730,42 -235,2,0,1900,40 -235,3,0,2310,38 -237,1,0,1235,41.8 -237,2,0,1330,41.1 -237,3,0,1515,40.7 -238,1,0,1802,23.3 -239,1,0,1523,38.6 -239,2,1,0606,37 -239,3,2,0545,39.5 -240,1,0,0047,36.6 -241,1,0,1740,39.8 -241,2,0,1925,35.8 -243,1,0,1729,37.5 -244,1,0,1233,40.1 -244,2,1,0015,30.5 -244,3,1,0624,29.6 -245,1,0,2225,45 -245,2,0,2238,43.8 -245,3,1,0415,41.4 -246,1,0,0403,39.1 -246,2,1,0936,35.2 -246,3,1,1357,35.6 -247,1,0,1518,35.5 -247,2,0,1819,34.2 -248,1,0,1753,38.4 -250,1,0,2255,37.6 -250,2,1,0540,38.6 -250,3,1,1434,39.7 -250,4,2,0620,41.6 -251,1,0,2306,35.9 -256,1,0,1625,36 -256,2,0,2003,34.9 -256,3,1,0500,33.3 -257,1,0,1350,37.4 -258,1,0,1705,37.5 -259,1,0,1941,37 -261,1,0,1441,34.2 -261,2,1,0615,33.2 -263,1,0,1420,36.8 -263,2,0,1545,38 -263,3,0,1730,35.2 -264,1,0,1527,35.5 -265,1,0,1839,38 -266,1,0,2150,40.1 -267,1,0,2106,36.6 -269,1,0,2330,41.3 -273,1,0,1916,39.3 -275,1,0,2120,35 -275,2,1,0205,33.5 -275,3,1,0655,33.8 -276,1,0,1152,44.3 -282,1,0,2148,39.5 -284,1,0,2008,39.9 -285,1,0,1555,36 -286,1,0,1600,39.2 -287,1,0,1036,35.8 -288,1,0,2000,35.1 -289,1,0,2100,36.5 -290,1,0,2225,35.2 -291,1,0,2215,31.9 -292,1,1,0020,40 -293,1,0,1955,42.9 -293,2,1,0001,26.4 -293,3,1,0330,34.2 -295,1,0,1553,41.4 -295,2,1,0540,39 -296,1,0,1825,33.3 -296,2,0,2345,30.1 -296,3,1,0400,29.5 -297,1,0,1600,34 -297,2,1,0530,25 -297,3,2,0935,27 -299,1,0,0910,48.2 -299,2,0,1030,42.2 -299,3,0,1200,46.6 -300,1,0,1540,42.9 -301,1,0,1545,43.9 -301,2,0,1825,34 -302,1,0,0902,38 -302,2,0,0910,39.2 -303,1,1,0434,36.4 -304,1,0,2142,34.3 -304,2,1,0428,33.8 -305,1,0,1440,38 -306,1,0,2011,32 -306,2,1,0008,26 -306,3,1,0427,21.8 -307,1,0,1750,39.1 -308,1,1,0001,35.3 -309,1,0,1806,39.3 -310,1,0,2108,43 -311,1,1,0005,39 -312,1,1,0710,35.8 -313,1,0,1742,42 -314,1,0,1329,36.8 -314,2,0,1650,37.6 -314,3,0,2000,35 -316,1,0,2045,38.9 -316,2,0,2205,38.3 -316,3,1,0035,36.9 -317,1,0,1735,39 -319,1,0,1704,35.3 -320,1,0,0050,42 -320,2,1,0435,32 -320,3,2,0445,33 -321,1,0,1644,41.7 -321,2,1,0528,35.4 -322,1,0,1845,35 -322,2,0,2045,34.4 -322,3,1,0345,30.7 -323,1,0,2250,42.4 -326,1,0,0104,45 -326,2,0,1115,40 -326,3,1,0620,38.3 -328,1,0,1740,40 -328,2,0,1845,35.5 -328,3,0,1950,37.5 -329,1,0,0930,38.3 -332,1,0,1904,39.6 -332,2,1,0520,38.8 -333,1,0,2035,42 -333,2,0,2203,41.2 -333,3,1,0024,41.1 -335,1,0,0219,33.4 -336,1,0,0556,36.2 -337,1,0,2223,19 -337,2,0,2248,28 -337,3,0,2320,40.5 -338,1,0,0637,26.1 -338,2,0,1505,22.2 -338,3,0,2230,31.5 -340,1,0,2024,46 -341,1,0,0709,36.3 -341,2,1,0655,35.1 -342,1,0,1546,46.1 -343,1,0,2039,39 -344,1,0,1838,33 -344,2,2,0752,28.3 -345,1,0,1404,37.5 -346,1,0,1613,31.7 -347,1,0,1340,34.8 -350,1,0,1640,37.4 -350,2,0,2240,29.1 -350,3,1,0155,27.7 -351,1,0,1221,37.6 -352,1,0,1318,32.6 -352,2,1,0111,26.8 -353,1,0,1914,36 -354,1,1,0150,45.4 -355,1,0,1942,46.3 -355,2,1,0630,43.6 -355,3,2,0615,41.2 -356,1,0,1727,36.9 -356,2,0,2336,33.5 -356,3,1,0705,31.3 -357,1,0,1130,46.5 -358,1,0,1143,37.8 -358,2,0,1336,36.8 -358,3,1,1609,37 -359,2,0,1753,47.7 -363,1,0,1200,33.5 -363,2,0,2117,30.2 -363,3,1,0537,28.6 -364,1,0,2140,41.6 -364,2,0,2144,46 -365,1,0,2206,41.6 -366,1,0,1700,36.1 -367,1,0,0545,39.7 -367,2,0,1019,38.5 -367,3,0,1948,40.2 -368,1,0,0143,43.1 -369,1,0,0919,36.3 -370,1,0,1315,38.1 -370,2,0,1935,37.2 -370,3,1,0545,35 -371,1,0,2136,45 -372,1,0,1438,36.2 -374,1,0,0910,34.8 -374,2,0,1005,33 -374,3,0,1200,34.1 -375,1,0,1730,42.2 -376,1,0,0218,31.8 -376,2,0,1759,31.1 -376,3,1,0654,30.1 -377,1,0,1640,40.8 -377,2,0,1938,42.6 -378,1,0,1725,39 -379,1,0,1724,33.3 -379,2,0,2002,31.5 -379,3,1,0004,29.6 -380,1,0,1250,37.3 -381,1,0,2100,36.3 -381,2,0,2220,36.7 -382,1,0,2030,41.1 -384,1,0,1638,40.7 -385,1,0,0950,39.2 -386,1,0,1600,40.1 -387,1,0,1430,37 -388,1,0,1224,33.7 -389,1,0,1705,37.6 -390,1,0,2005,37.7 -391,1,0,1830,37.5 -391,2,0,1940,36 -391,3,0,2340,37.9 -392,1,0,2055,39.4 -396,1,0,2242,39 -396,2,2,0615,36.1 -396,3,1,0400,34.5 -397,1,0,1824,38.9 -398,1,0,1940,39.5 -399,1,0,0944,29.1 -399,2,0,1108,25.8 -399,3,0,1833,22.9 -400,1,0,1802,43.8 -400,2,1,0652,37.1 -400,3,2,1045,36.8 -401,1,0,2000,32 -401,2,1,0415,27.6 -405,1,0,1403,37.8 -406,1,0,2143,32 -406,2,2,0700,30 -407,1,0,1618,47 -409,1,0,1850,35.9 -410,1,0,2335,34 -410,2,1,0700,28 -410,3,1,1240,29 -412,1,0,1520,40 -413,1,0,1402,34.6 -414,1,0,0959,37.8 -414,2,0,2228,34.1 -415,1,0,1651,31.5 -415,2,1,0140,30.2 -415,3,1,0835,32.2 -416,1,0,2355,35.8 -417,1,0,1544,37.3 -420,1,0,2111,35 -420,2,1,0540,27.1 -420,3,2,0415,45.2 -421,1,0,1745,44.4 -422,1,0,0956,38.5 -423,1,0,2056,43.1 -425,1,0,1726,39.5 -428,1,0,1535,33.3 -428,2,1,0700,29.2 -429,1,0,1530,38.4 -429,2,0,1643,38.3 -429,3,0,1855,36.4 -430,1,0,0830,40.3 -431,1,0,1745,35 -433,1,0,2220,30.3 -433,2,0,2345,31.9 -433,3,1,0210,31.5 -434,1,0,2039,35.6 -435,1,0,2120,35 -435,2,0,2127,35.5 -435,3,1,0903,30.9 -436,1,0,1726,32.2 -438,1,0,1633,33.3 -439,1,0,1521,42 -439,2,0,1520,39.2 -439,3,0,2030,37 -440,1,1,0800,40.1 -442,1,0,1940,30.3 -442,2,0,2125,33.1 -442,3,0,2235,30.9 -444,1,0,1859,36 -444,2,1,0840,34.2 -445,1,0,2039,36.1 -445,2,4,1420,38.8 -446,1,0,0114,35.5 -447,1,0,2051,40.6 -448,1,0,0309,42.1 -449,1,0,1442,33 -450,1,0,2050,40.3 -450,2,0,2245,39 -450,3,1,0045,39.5 -451,1,0,1915,44.1 -451,2,1,0835,34.3 -452,1,0,0300,31 -452,2,0,0500,30 -452,3,0,1055,31.1 -453,1,0,1815,37.6 -453,2,0,2010,36.5 -454,1,0,1944,36.2 -457,1,1,0011,27.7 -457,2,1,0320,25.4 -457,3,2,0448,16.2 -458,1,0,1815,35 -459,1,0,1425,43.8 -460,1,0,2020,42.2 -460,2,1,0555,34.5 -460,3,1,1000,39 -462,1,0,1254,33.3 -462,2,0,1517,28.8 -462,3,1,0035,33.4 -464,1,0,1815,36.9 -465,1,0,2100,32.4 -465,2,1,0122,28.6 -465,3,1,0518,26.4 -466,1,0,2051,28.5 -466,2,1,0143,23.8 -469,1,0,2010,26.5 -469,2,1,0015,27.1 -469,3,1,0404,28.4 -470,1,0,1917,33.7 -470,2,1,0636,32.3 -470,3,2,1613,31.9 -471,1,0,1834,48 -472,1,0,1110,37.6 -472,2,0,1220,36.1 -472,3,0,1830,35 -473,1,0,2244,39.1 -474,1,0,0830,34.3 -474,2,0,1730,32.7 -474,3,1,0555,30.2 -475,1,0,2155,38.8 -475,2,0,2300,38 -476,1,0,1248,41 -477,1,0,1838,42.2 -477,2,0,2255,35 -477,3,1,0920,31.4 -478,1,0,1704,44.7 -480,1,0,2251,40 -481,1,0,0055,45.6 -482,1,0,1400,40.9 -482,2,0,1500,39.6 -482,3,0,1845,39.7 -484,1,0,1900,39 -484,2,0,2305,35 -484,3,1,0430,35 -485,1,0,1738,38.7 -486,1,0,1641,38.8 -486,2,0,1859,38.8 -486,3,0,2350,34.9 -488,1,0,0745,36.4 -490,1,0,1419,37.3 -490,2,0,2120,32.4 -490,3,1,0826,29.8 -491,1,1,0235,36.3 -491,2,1,0930,35.4 -493,1,1,0155,33.1 -494,1,0,1247,39 -494,2,0,1318,73 -494,3,0,1339,69 -495,1,0,2227,36.2 -496,1,0,1646,39.3 -497,1,0,2130,43.5 -498,1,0,2035,47.9 -499,1,1,0111,33.5 -499,2,1,1038,34.6 -500,1,1,0559,36.4 -501,1,0,1848,34.3 -502,1,0,1658,35.1 -503,1,0,1647,39 -505,1,0,1110,40.3 -506,1,0,1804,35.5 -507,1,0,2124,41 -507,2,1,0500,37.4 -508,1,0,2252,37.8 -508,2,1,0607,35.3 -509,1,0,1914,44.4 -510,1,0,1857,34.6 -510,2,1,0600,33.1 -511,1,0,0439,38 -512,1,0,2203,33.9 -512,2,1,0402,32.4 -513,1,1,0016,39.5 -514,1,0,2102,36.6 -515,1,0,1301,40.6 -516,1,0,2109,38.9 -516,2,2,0610,34.9 -517,1,0,2300,42.6 -518,1,0,1549,43 -519,1,0,1102,35 -519,2,0,1123,30.9 -519,3,0,2155,32 -520,1,0,1621,36.5 -520,2,0,1907,34.6 -520,3,1,0150,32.5 -521,1,0,0202,44.2 -521,2,0,0300,40.9 -522,1,0,2044,40 -523,1,0,1345,40.3 -525,1,0,2047,34.8 -525,2,0,2200,32.5 -527,1,0,1029,35 -527,2,0,1147,33.8 -527,3,0,1340,34.4 -528,1,0,1224,38 -531,1,0,1130,37.6 -531,2,0,1235,36.3 -531,3,0,1430,37.7 -534,1,0,2208,44 -535,1,0,1352,43.2 -535,2,0,1855,36.8 -535,3,0,2343,35 -536,1,0,2300,39.9 -537,1,1,0715,35.8 -538,1,0,1415,49.4 -539,1,0,2029,33.1 -540,1,0,2339,42.3 -542,1,0,1712,36 -543,2,1,0400,33.7 -543,3,2,0510,34.2 -544,1,0,1736,40 -545,1,0,2313,35.2 -546,1,0,0046,22 -546,2,0,0400,17 -546,3,0,0530,20.7 -548,1,0,2101,33.1 -549,1,0,2146,37.8 -550,1,0,1329,34.5 -551,1,0,1245,35.7 -551,2,0,1331,38 -551,3,1,0600,35.7 -553,1,0,1112,39.1 -557,1,0,0100,37.2 -558,1,0,1525,37.5 -559,1,0,1700,40.2 -559,2,0,1913,38 -559,3,0,2235,37.6 -560,1,0,1700,39.9 -563,1,0,1703,34.3 -563,2,1,0314,34 -563,3,1,0913,33.2 -564,1,0,1925,42 -567,1,0,2245,31.5 -567,2,1,0030,29.4 -567,3,1,0215,30.1 -568,1,0,1749,38.8 -569,1,0,1810,39.2 -569,2,1,0714,39.8 -570,1,0,0815,39 -570,2,0,0845,26.8 -570,3,0,1000,44.3 -572,1,0,1435,39.4 -572,2,0,1550,35.2 -572,3,0,1950,37.1 -574,1,0,1842,27.8 -574,2,0,2112,20.7 -574,3,1,0502,44.8 -575,1,0,2329,30.6 -576,1,0,1741,43.1 -576,2,1,0500,38 -577,1,0,2119,36 -577,2,1,0000,34.3 -577,3,1,0645,30.9 -578,1,0,0529,34.3 -579,1,0,1353,41.4 -579,2,1,0625,33.1 -579,3,2,0500,35.7 -580,1,0,1728,32.2 -580,2,2,0945,32.6 -582,1,0,1949,32.4 -583,1,1,0435,35.2 -583,2,0,2355,42 -583,3,2,0620,32.1 -586,1,0,2145,37.5 -587,1,0,1330,36.3 -587,2,0,1738,31.9 -587,3,0,2225,27.5 -588,1,0,1900,34.5 -589,1,0,2034,32 -590,1,0,2253,34 -591,1,0,1633,35.4 -591,2,0,2243,21.8 -591,3,1,0155,21.8 -592,1,0,2010,37.1 -593,1,0,1815,39.9 -594,1,0,1530,41.3 -594,2,0,1830,40.1 -595,1,0,1225,25.1 -595,2,0,1420,19.9 -595,3,0,1830,34.5 -596,1,0,1728,32 -596,2,0,1810,24 -596,3,0,2031,27 -600,1,0,2104,36.5 -602,1,0,1940,37.4 -603,1,1,0001,36.2 -604,1,0,1644,43.3 -605,1,0,2252,34.1 -606,1,0,1821,43.4 -607,1,0,1950,33.5 -607,2,1,0025,36 -608,1,0,1712,35.9 -611,1,0,2111,35 -611,2,1,0655,30.8 -612,1,0,1459,33 -612,2,1,0630,33.6 -613,1,0,1646,41.7 -614,1,0,1404,23.3 -615,1,0,2237,35.4 -615,2,0,2359,30.4 -615,3,1,0620,28.7 -616,1,0,1440,38.4 -617,1,0,0952,38 -618,1,0,1456,36.7 -620,1,1,0015,35.5 -621,1,0,1742,34.1 -622,1,0,0049,40.6 -622,2,0,1340,34.6 -622,3,0,0515,35.5 -623,1,0,2350,39 -623,2,1,0400,34.6 -623,3,1,1200,34.2 -624,1,0,1229,30.9 -624,2,0,2156,26.5 -624,3,1,0111,25.2 -625,1,0,2309,38.7 -627,1,0,1632,34.5 -628,1,0,0945,38.6 -629,1,0,1350,34 -630,1,0,1530,35 -630,2,0,1635,34.5 -630,3,0,1935,36.3 -631,1,0,1956,40.6 -632,1,0,2039,37 -632,2,1,0100,21.6 -632,3,1,0600,28.3 -633,1,0,2320,35.1 -635,1,0,1723,35.7 -635,2,2,0830,26.3 -636,1,1,0450,36.5 -636,2,0,1236,40 -637,1,0,1900,34.7 -637,2,0,1958,33.8 -637,3,0,2235,35.2 -638,1,1,0042,34 -641,1,0,2041,31.6 -642,1,0,1241,44.2 -643,1,0,1557,34.1 -644,1,0,2200,35.7 -645,1,0,2052,45.7 -646,1,0,1351,40 -648,1,0,2120,30.9 -648,2,0,2305,30.6 -648,3,1,0835,29.9 -649,1,1,0346,33.4 -650,1,0,2116,34 -650,2,2,0815,28 -652,1,0,1325,36.3 -653,1,0,1824,37.9 -654,2,0,1628,38.1 -654,3,1,0325,34.6 -655,1,0,2225,41.4 -657,1,0,1306,32.8 -657,2,1,0915,22.4 -658,1,0,1249,37.8 -658,2,0,1522,35.5 -659,1,0,1729,43.7 -659,2,0,2030,40.9 -659,3,1,0102,41.9 -660,1,0,1607,37.4 -661,1,0,2010,33.1 -663,1,0,2300,42.3 -664,1,0,2141,35.8 -664,2,1,0331,34.1 -665,1,0,1507,36.2 -667,1,0,1405,33.6 -668,1,0,1732,38.1 -668,2,1,0500,31.1 -668,3,1,1409,33.1 -669,1,0,1859,31.2 -669,2,0,2159,28.5 -669,3,1,0028,27.7 -671,1,0,1503,39.2 -672,1,0,2028,40.5 -673,1,0,1601,42.7 -673,2,1,0630,37.2 -674,1,0,1743,34.3 -674,2,1,0125,30 -675,1,0,1800,45.6 -675,2,0,1812,47 -675,3,1,0445,39.9 -676,1,0,1926,40.1 -676,2,1,0615,39.5 -677,1,0,2121,33.5 -679,1,1,0031,37.9 -681,1,0,1635,37 -682,1,0,1940,37.6 -683,1,0,1645,36.2 -686,1,0,2000,42.7 -687,1,0,0054,36.3 -689,1,0,0320,42 -691,1,0,1640,35.7 -691,2,0,1725,35 -692,1,0,1642,34.3 -693,1,0,2235,35.2 -694,1,0,1951,40 -694,2,1,0550,33 -694,3,3,1705,24.5 -695,1,0,1500,35.7 -695,2,0,2128,32.8 -695,3,1,0707,31.8 -696,1,0,1314,36 -696,2,0,1419,32 -696,3,0,1639,30 -698,1,0,0535,34.9 -699,1,0,0136,42 -700,1,0,1625,36.7 -701,1,0,1843,38 -702,1,0,2255,31.1 -703,1,0,1929,41.1 -705,1,0,1025,34 -706,1,0,1753,40.5 -707,1,0,0836,37.7 -708,1,0,1634,33.7 -708,3,1,2249,34.5 -708,4,2,1454,28.6 -709,1,1,0020,34.5 -710,1,0,1939,39 -711,1,0,2000,35.5 -711,2,0,2110,31.6 -711,3,0,2310,34.2 -712,1,0,1947,37.4 -712,2,0,2038,34.4 -713,1,0,1735,34.9 -714,1,0,0856,37.4 -714,2,1,1735,46.3 -714,3,1,2000,44 -715,1,0,2003,39.2 -716,1,0,1405,36.9 -716,2,0,1529,34.7 -716,3,0,1845,36.4 -717,1,1,0105,38.5 -717,2,1,0235,36 -717,3,1,0800,34.9 -719,1,0,1621,35.3 -719,2,1,0627,30.3 -720,1,0,1917,33.4 -720,2,1,0228,29.8 -721,1,0,0940,23 -721,2,0,1153,28 -721,3,0,1658,33 -722,1,0,2122,34.9 -722,2,0,2327,36.6 -722,3,1,0248,35.5 -726,1,0,1220,41 -727,1,0,1755,36.7 -728,1,0,1621,39.4 -728,2,0,1720,36.9 -728,3,0,2010,36.7 -729,1,0,2132,35.8 -729,2,0,2347,33.3 -729,4,1,0140,33 -731,1,0,2120,37.9 -732,1,0,1609,36.9 -733,1,0,1821,34.1 -734,1,0,1812,33 -735,1,0,0251,33.9 -736,1,0,1300,33.2 -737,1,0,1649,42.6 -737,2,0,2032,40.8 -737,3,0,2234,39.6 -738,1,0,2055,37.7 -738,2,1,0702,35.7 -739,1,0,1553,42 -740,1,0,1057,38 -742,1,0,1714,40.5 -744,1,0,1327,35.1 -746,1,0,0153,30.6 -746,2,0,1044,28.2 -746,3,0,1711,26.3 -747,1,0,2305,39.2 -748,1,0,1720,37.4 -749,1,0,2130,36.3 -749,2,5,0645,34.2 -750,1,0,2359,36.7 -750,2,1,0941,33.1 -750,3,2,0440,35.3 -751,1,0,0325,30.3 -755,1,0,2237,32.3 -756,1,0,1341,35.9 -756,2,0,1805,34.4 -756,3,0,2135,30.2 -758,1,0,2232,42 -759,1,0,1514,43.2 -760,1,1,0029,34.6 -760,2,1,0308,33.3 -760,3,1,0900,35.9 -761,1,0,1445,44.6 -762,1,0,2104,37.8 -763,1,0,1829,37.5 -764,1,0,1517,36 -766,1,0,1625,32 -766,2,1,0555,27.9 -766,3,2,0605,27.1 -767,1,0,1112,38.6 -768,1,0,2215,36.5 -770,1,0,1020,43.4 -771,1,0,1223,39 -771,2,1,0914,27.4 -772,1,0,1850,36.9 -773,1,0,2340,33 -774,1,0,1830,37.7 -776,1,0,2007,48.9 -778,1,0,0200,39 -779,2,1,0759,39 -779,3,2,0440,34.8 -780,1,0,0135,38.4 -781,1,0,1950,33.6 -781,2,1,0350,30.8 -781,3,1,0730,31.6 -782,1,0,1610,41.4 -782,2,0,1720,39.5 -782,3,0,1850,40.2 -783,1,0,1755,35.1 -784,1,0,1730,43.3 -785,1,0,0447,30 -786,1,0,2050,36.7 -787,1,0,1635,35.3 -787,2,0,1752,36.7 -787,3,0,2003,31.1 -788,1,0,2241,37.5 -788,2,0,2358,36.2 -790,1,0,1144,42.4 -791,1,0,1144,35.6 -792,1,0,2020,34.8 -792,2,0,2324,31.3 -792,3,1,0400,31.5 -794,1,0,0947,42 -794,2,1,0640,35.5 -796,1,0,2350,39.4 -796,2,1,0900,34.9 -796,3,1,1500,37.2 -796,4,2,0642,35.3 -798,1,0,2208,37.7 -800,1,0,1957,37.5 -801,1,0,1957,42.5 -802,1,0,2100,43.3 -803,1,0,1600,41.3 -804,1,0,1158,41 -805,1,0,1908,29.2 -806,1,0,1949,41 -808,1,0,2044,42.4 -809,1,0,0356,41 -810,1,0,2032,20.5 -810,2,0,2150,28.9 -810,3,1,0405,29.2 -812,1,0,1213,34.1 -812,2,1,0525,31.4 -814,1,0,1757,34.5 -814,2,0,1845,34.7 -814,3,0,2057,30.9 -815,1,0,1715,36.2 -815,2,1,0853,33.9 -816,1,0,0220,41.9 -816,2,0,0420,38.1 -816,3,0,0610,38.5 -817,1,0,1232,37.4 -818,1,0,1548,37.3 -819,1,0,1840,30.9 -819,2,1,1030,23.6 -819,3,1,1912,22.7 -820,1,0,0940,41.2 -821,1,0,1438,34.8 -823,1,0,2310,40.3 -824,1,0,0324,36 -827,1,0,1236,36.3 -828,1,0,1807,35 -828,2,0,2354,32 -828,3,1,0600,33 -830,1,0,2235,39.1 -831,1,0,1649,26 -831,2,0,1702,14 -831,3,0,1703,14 -832,1,0,0849,36 -834,1,0,1906,37.6 -835,1,0,2210,41 -838,1,0,1926,45.3 -839,1,1,0709,33.8 -840,1,0,2109,37.5 -841,1,0,0030,47.1 -841,2,0,0320,42.5 -841,3,0,0510,44.3 -842,1,0,1558,38.8 -842,2,1,0320,35.4 -842,3,2,0600,35.8 -843,1,0,1426,40 -846,1,0,1315,40.6 -847,1,0,1855,39.6 -847,2,0,1958,35.3 -847,3,0,2215,36 -848,1,0,1550,41.5 -848,2,1,0810,40.9 -849,1,0,2100,33 -850,1,0,1408,42.1 -851,1,0,0145,38.8 -851,2,0,0245,35.7 -851,3,0,0510,36.5 -852,1,0,2001,34.4 -853,1,0,2100,33.7 -853,2,1,0700,32.5 -854,1,0,0613,36 -856,1,0,1245,45.7 -856,2,0,1440,43.1 -856,3,0,1230,41.8 -857,1,0,2258,44 -858,1,0,1340,45.5 -858,2,0,1405,46 -858,3,0,1600,45.8 -860,1,0,1808,42.8 -861,1,0,1257,38.1 -861,2,0,1735,24.2 -861,3,1,0125,24.8 -862,1,0,2209,31.6 -863,1,0,1742,42 -863,2,1,0340,31 -863,3,1,1555,35.2 -864,1,0,0857,40.5 -865,1,0,0139,40.1 -868,1,0,1851,37 -869,1,0,2100,27 -869,2,0,2220,30.5 -869,3,1,0520,21.5 -871,1,0,2105,35.8 -873,1,1,0320,35.1 -873,2,0,2331,38 -874,1,0,1726,33.8 -876,1,0,1528,43.2 -877,1,0,2201,24.5 -877,2,1,0807,22.9 -877,3,1,1835,22.1 -878,1,0,1300,42 -878,2,0,1812,39 -878,3,1,0023,36 -879,1,0,1814,38 -880,1,0,0030,42.4 -883,1,1,0157,35 -886,1,0,2020,40 -886,2,1,0330,37.7 -886,3,2,0400,37.9 -887,1,0,1415,45.2 -888,1,0,1621,37.8 -888,2,1,0925,38 -888,3,2,0610,38.7 -890,1,0,2319,38.7 -890,2,1,0652,36.4 -890,3,1,1127,37.8 -892,1,0,1839,43 -893,1,0,1625,34.6 -893,2,0,1720,33.4 -893,3,0,1954,33.4 -894,1,0,1542,40.9 -895,1,0,1149,37 -895,2,0,1153,37.8 -896,1,0,1739,39.7 -897,1,0,1955,36 -897,2,1,1005,30.1 -897,3,2,1027,30.8 -898,1,0,1525,37.4 -898,2,1,0143,34 -898,3,1,0622,33.2 -899,1,0,2025,38 -899,2,0,2130,36.8 -899,3,1,0045,34.8 -900,1,0,1706,35.6 -901,1,0,1005,40.1 -902,1,0,1417,48.2 -904,1,0,0514,40.3 -904,2,1,1300,41.2 -904,3,2,0400,38.2 -905,1,0,1140,41 -907,1,0,2307,40 -907,2,1,0005,36.4 -907,3,1,0525,34.2 -910,1,0,1705,35.1 -911,1,0,1704,38.6 -912,1,0,2048,38.6 -913,1,0,1645,30.4 -915,1,0,1315,36.8 -915,2,1,0632,33.5 -915,3,2,0703,34.2 -917,1,0,1752,33.3 -917,2,1,0007,24.9 -917,3,1,0631,23.4 -918,1,0,2200,37.7 -918,2,1,0100,37.6 -918,3,1,0310,35.6 -919,1,0,1928,30.8 -919,2,0,2105,25.5 -919,3,0,2210,23.7 -921,1,0,1544,41.2 -921,2,0,1647,41.8 -921,3,0,1948,40.5 -922,1,0,1924,40.6 -922,2,0,2023,38.7 -924,1,0,1310,42.1 -925,1,0,2243,38.8 -926,1,0,1207,35.2 -927,1,0,0833,48.1 -930,1,0,1441,32.9 -931,1,0,1617,30.4 -931,2,0,1801,35 -931,3,0,2140,27.2 -932,1,0,1811,33 -933,1,0,0135,38 -933,2,0,0300,38.3 -933,3,0,0630,38 -935,1,0,1348,34 -935,2,1,0430,30 -936,1,0,1126,37 -936,2,0,1138,39 -937,1,0,0916,35.4 -938,1,0,1207,38 -939,1,0,1116,39.9 -939,2,0,1840,35.6 -939,3,1,0400,36.2 -940,1,0,1846,35.8 -940,2,0,2021,33.7 -941,1,0,1050,37.4 -942,1,0,1330,37.3 -942,2,0,1555,34.5 -943,1,0,2215,31.5 -943,2,1,2110,27.3 -944,1,0,0615,43 -944,2,1,0515,41 -945,1,0,2200,43.3 -946,1,0,1130,35.6 -946,2,1,0445,35.1 -947,1,0,2026,39.9 -948,1,0,1005,40 -948,2,1,0625,26.1 -949,1,0,1613,39.7 -949,2,1,0723,29.4 -949,3,2,0750,31.6 -950,1,0,1915,32.1 -950,2,1,0521,28.2 -950,3,2,0412,26.3 -953,1,0,1747,38.3 -954,1,0,0826,35.4 -955,1,0,1449,29.5 -955,2,1,0556,26 -955,3,1,1215,25.9 -956,1,0,1701,40.8 -957,1,0,1152,38.9 -961,1,0,1857,32.1 -962,1,0,0119,39 -964,1,0,1750,34.8 -964,2,1,0530,28.7 -964,3,2,0800,23.9 -965,1,0,1348,43.8 -965,2,0,1454,43.8 -965,3,0,1656,43 -966,1,0,1922,32.3 -967,1,0,2055,39 -967,2,1,0100,36 -967,3,1,0634,34 -968,1,0,1501,44.1 -970,1,0,1500,40.9 -970,2,0,2140,39.5 -970,3,1,0540,38.7 -971,1,0,2152,36.4 -972,1,0,2334,38.4 -973,1,0,2120,36.2 -974,1,0,1450,39.8 -975,1,0,1705,35.6 -976,1,0,1830,45.9 -977,1,0,1625,37 -977,2,0,1810,33.3 -977,3,0,1940,33 -978,1,0,1959,33 -978,2,1,0705,30.9 -978,3,2,0530,28.1 -979,1,0,0045,37.3 -981,1,0,2151,30.2 -981,2,1,0412,29.7 -981,3,1,1000,29.5 -981,4,1,1900,27.7 -982,1,0,1545,39.1 -982,2,2,0003,28.8 -982,3,2,0625,28.5 -983,1,0,1126,35.9 -983,2,6,1247,35.2 -984,1,0,0355,38.4 -988,1,0,1719,31.1 -988,2,1,0017,29.6 -988,3,1,1013,30.3 -990,1,0,2345,29.7 -990,2,1,0230,28.9 -990,3,1,0815,23.6 -991,1,0,1634,34.3 -992,1,0,1848,39.4 -993,1,0,2057,37 -993,2,0,2251,33.1 -993,3,0,2353,34.9 -994,1,0,1951,44.1 -995,1,0,1935,39.4 -996,1,0,1955,38.7 -997,1,0,2313,34.8 -999,1,0,2109,37.7 -1000,1,0,0240,36.9 -1001,1,0,1902,40.7 -1001,2,0,2345,34.1 -1001,3,1,0235,35.8 -1002,1,0,2137,45.9 -1002,2,1,0008,44 -1002,3,1,0510,44.2 -1003,1,0,1148,37.4 -1004,1,0,2310,35.2 -1006,1,0,2015,36.3 -1006,2,0,2135,36.5 -1006,3,1,0105,33.8 -1007,1,0,1940,40 -1008,1,0,2109,34.4 -1009,1,0,1410,39.5 -1011,1,1,0545,36.8 -1011,2,0,1604,37 -1012,1,0,1652,35.3 -1013,1,0,2020,38.4 -1013,2,0,2329,32 -1013,3,1,0430,35 -1015,1,0,1920,30.3 -1015,2,0,2025,32.6 -1015,3,0,2220,32 -1018,1,0,2027,37.5 -1020,1,0,1117,32.1 -1021,1,0,1551,36.6 -1022,1,0,2014,38 -1023,1,0,2025,38 -1025,1,0,1820,41.1 -1025,2,1,1405,35.6 -1025,3,1,1921,36.9 -1026,1,1,0045,30.5 -1027,1,0,0938,42.2 -1028,1,0,1800,35.3 -1028,2,0,1915,35.3 -1028,3,0,2110,35.2 -1030,1,0,1951,44.2 -1030,2,1,0430,41.7 -1030,3,2,0350,42.4 -1032,1,0,2016,44 -1034,1,0,1700,38.1 -1035,1,0,1547,46.9 -1035,2,1,0706,41.8 -1035,3,2,0815,39.3 -1036,1,0,0203,39.8 -1038,1,0,2001,29.3 -1038,2,0,2306,22.6 -1038,3,1,0422,29 -1039,1,0,2200,39.7 -1039,2,1,0600,34.6 -1041,1,0,1135,46 -1041,2,1,0105,40 -1041,3,1,0954,41 -1042,1,0,2255,33.8 -1043,1,0,1843,44 -1044,1,0,1700,46 -1044,2,1,0615,40 -1044,3,2,0530,34 -1045,1,0,1924,44 -1045,2,1,0457,39.3 -1047,1,0,1853,46 -1048,1,0,2007,36.9 -1049,1,0,1839,35.8 -1049,2,1,1100,31.3 -1050,1,0,2150,42.3 -1050,2,0,2301,41.1 -1051,1,0,0738,34.5 -1053,1,0,2024,35.4 -1053,2,0,2045,35.4 -1054,1,0,1016,36.3 -1056,1,0,1824,38.7 -1057,1,0,0331,36.4 -1060,1,0,1730,36.9 -1061,1,0,1539,35.3 -1062,1,0,1945,41.1 -1065,1,0,1930,36.1 -1065,2,0,2150,36 -1065,3,1,1708,25 -1067,2,0,1920,37.9 -1068,1,0,1450,42.3 -1068,2,0,1625,39.6 -1068,3,0,1820,40 -1071,1,0,2005,36.8 -1071,2,1,1107,36.1 -1074,1,0,0857,41.2 -1075,1,0,1254,41.9 -1076,1,0,1838,33.8 -1077,1,0,2000,38 -1078,1,0,2310,34.8 -1080,1,0,0059,34.8 -1081,1,0,1516,36 -1081,2,1,0650,32 -1082,1,0,1916,41.6 -1084,1,0,2052,34 -1084,2,2,0625,30.3 -1085,1,0,1601,39.4 -1087,1,0,2355,37.7 -1088,1,0,1728,40 -1088,2,0,1747,39 -1091,1,0,1746,38.9 -1091,2,0,1828,36.6 -1091,3,0,1956,37.4 -1092,1,1,0405,36.7 -1092,2,0,1957,37 -1093,1,1,1815,23.3 -1093,2,3,0530,26.4 -1093,3,4,0625,28.5 -1095,1,0,1140,33.4 -1095,2,0,1301,32.4 -1095,3,1,0240,30.4 -1097,1,0,1937,38.4 -1098,1,0,0316,31.9 -1098,2,0,0716,30.1 -1098,3,0,1306,29 -1099,1,0,1820,41.4 -1100,1,0,0120,22.5 -1100,2,0,0300,30.6 -1100,3,0,0536,29.6 -1101,1,0,1331,40.4 -1102,1,0,1420,42.3 -1102,2,0,1530,47 -1102,3,0,1945,44.1 -1103,1,0,1420,38.9 -1104,1,0,1610,43 -1104,2,1,0045,37.9 -1104,3,1,1200,36.6 -1105,1,0,2143,28.5 -1105,2,1,0013,22.4 -1105,3,1,0250,28.4 -1106,1,0,1520,41.5 -1106,2,0,1746,40 -1106,3,0,2051,37.3 -1108,1,0,1854,40 -1108,2,0,2325,40.8 -1108,3,1,0535,38.1 -1109,1,0,1557,30.8 -1109,2,0,1656,31.2 -1109,3,0,1900,29.9 -1110,1,0,1717,50.4 -1110,2,0,2227,42.5 -1110,3,1,0958,38.2 -1111,1,0,2057,42.4 -1112,1,0,1645,37.5 -1116,1,0,2117,41 -1116,2,0,2118,43.4 -1117,1,0,1520,51.6 -1118,1,0,2024,42.7 -1119,1,0,1704,38.3 -1120,1,0,0153,42 -1121,1,0,0634,45 -1122,1,0,1615,35.8 -1123,1,0,2052,43.8 -1124,1,0,1759,33.1 -1125,1,0,2218,32.9 -1125,2,1,0350,28.7 -1125,3,1,0930,27.7 -1128,1,0,2305,36.1 -1128,2,1,0545,34.3 -1128,3,2,1310,38 -1129,1,0,1706,31 -1132,1,0,2335,41.9 -1134,1,0,0958,39.5 -1136,1,0,1827,39.4 -1139,1,0,2049,36.6 -1140,1,0,2243,37.5 -1140,2,1,1035,35.1 -1140,3,2,0430,37.6 -1141,1,0,2139,34.5 -1141,2,1,0823,31.8 -1141,3,1,1118,30.2 -1142,1,0,1155,59.6 -1142,2,0,1740,56.5 -1142,3,0,2155,63.7 -1145,1,0,1045,30.6 -1145,2,0,1250,27.5 -1145,3,0,1750,23.6 -1146,1,0,1620,37 -1146,2,1,0637,36.4 -1147,1,0,1518,28 -1148,1,0,2350,34.7 -1149,1,0,0751,40.6 -1149,2,0,1015,39.5 -1149,3,0,1547,36.6 -1150,1,0,2300,43 -1150,2,1,0610,40 -1150,3,1,1135,43 -1152,1,0,1711,33.3 -1153,1,0,1249,43 -1153,2,0,1250,40.4 -1153,3,1,0625,37.2 -1154,1,0,1540,34 -1154,2,1,0505,25.9 -1154,3,1,1135,28.1 -1156,1,0,1051,39.5 -1156,2,1,0415,37.9 -1157,1,0,0945,38.7 -1157,2,0,1120,34 -1157,3,0,1345,35.1 -1159,1,0,1500,34.4 -1159,2,1,0621,29.8 -1160,1,0,1653,29.9 -1160,2,1,0347,29.3 -1160,3,1,1530,23.9 -1161,1,0,1706,39.8 -1162,1,0,2059,31.8 -1162,2,0,2345,29.8 -1162,3,1,0530,30.8 -1163,1,0,1944,38 -1164,1,0,1424,48 -1165,1,0,1710,37 -1165,2,1,0426,34 -1167,1,0,1620,32 -1168,1,0,1220,30.4 -1168,2,2,0415,26.1 -1168,3,3,0407,29.8 -1170,1,0,1744,39 -1170,2,0,1800,38.6 -1171,1,0,2212,34.8 -1172,1,0,1133,43.4 -1173,1,0,1540,40 -1173,2,1,0033,37 -1173,3,1,0632,36 -1174,1,0,2305,36.7 -1175,1,0,1902,39.9 -1175,2,1,0353,34.8 -1175,3,2,2350,30.7 -1177,1,0,1145,38.2 -1179,1,0,1418,34 -1181,1,0,2020,35.9 -1181,2,0,2230,35.6 -1181,3,1,0055,35.8 -1182,1,0,1140,35 -1183,2,0,1825,35 -1185,1,0,1550,45 -1189,1,0,1511,35.3 -1190,1,0,2157,36.9 -1191,1,0,2237,35.5 -1192,1,0,2052,38.3 -1193,1,0,1237,48.1 -1193,2,0,1400,44.5 -1194,1,0,1203,43 -1195,1,0,1943,36.6 -1196,1,0,1655,36.3 -1196,2,0,1815,36 -1196,3,0,1940,36.4 -1197,1,0,1815,39.6 -1198,1,0,1430,35 -1198,2,0,1739,36.5 -1198,3,0,1848,37.9 -1199,1,0,1908,34.5 -1201,1,0,1721,36.2 -1201,2,0,1921,32.9 -1201,3,1,0211,30.9 -1202,1,0,0750,42.8 -1202,2,0,1425,39.8 -1203,1,0,1905,41 -1204,1,0,2302,32.2 -1205,1,0,0447,37 -1206,1,0,0945,45.2 -1206,2,0,1315,45.3 -1206,3,0,2155,43.5 -1207,1,0,2145,38 -1208,1,0,0910,39.6 -1209,1,0,1720,34.7 -1209,2,0,1830,31.8 -1209,3,0,2035,32.7 -1210,1,0,1450,38.3 -1211,1,0,1210,38.7 -1211,2,0,1410,37 -1211,3,0,1540,37.6 -1213,1,1,1221,25.2 -1213,2,1,1815,34.7 -1213,3,1,1436,29 -1214,1,0,2210,40.5 -1216,1,0,1501,33.2 -1216,2,0,1955,29.9 -1216,3,1,0315,30.3 -1217,1,0,1400,33.2 -1217,2,0,2245,32.9 -1217,3,1,0542,32.9 -1218,1,0,0444,31 -1218,2,0,0659,24.7 -1218,3,0,0753,35.5 -1219,1,0,0717,37.4 -1219,2,1,0004,29.2 -1219,3,4,1253,30.7 -1220,1,0,1614,39.6 -1221,1,0,0952,36.7 -1222,1,0,2140,33.7 -1223,1,0,2357,36.2 -1224,1,0,1828,33.8 -1224,2,0,2345,30.7 -1224,3,1,0453,28.7 -1227,1,0,2016,33.7 -1228,1,0,1334,38.7 -1229,1,0,1917,33 -1229,2,1,0000,27.8 -1229,3,1,0500,27 -1230,1,0,1700,31.8 -1230,2,0,1750,24.6 -1230,3,0,1925,27.7 -1231,1,0,1602,40.4 -1232,1,1,0355,31 -1232,2,1,1749,34.1 -1232,3,2,0418,33.9 -1233,1,0,1441,37.1 -1234,1,0,2306,28.5 -1234,2,1,0430,27.4 -1234,3,1,1835,29.1 -1235,1,0,1857,33.4 -1235,2,0,2157,32.6 -1237,1,0,1646,36 -1237,2,1,0545,32.6 -1239,1,0,2320,35.1 -1239,2,1,0105,27.5 -1239,3,1,0500,36.1 -1240,1,0,1940,40.3 -1240,2,0,2200,38.1 -1240,3,0,2330,38.3 -1241,1,0,2025,38.1 -1242,1,0,0855,39.1 -1243,1,0,1510,45.2 -1243,2,0,1605,41.2 -1243,3,0,1810,40.7 -1244,1,0,2000,39.4 -1245,1,0,1907,39.4 -1246,1,0,1930,32.1 -1246,2,0,2124,31.5 -1246,3,1,0830,31.5 -1247,1,0,1955,33.4 -1249,1,0,2115,35.4 -1249,2,1,0944,33.3 -1250,1,0,1700,36.9 -1250,2,1,0001,34.8 -1250,3,1,0650,32.6 -1251,1,0,1411,38.1 -1253,1,0,1014,47.1 -1254,1,0,2256,40 -1257,1,0,2330,37.9 -1258,1,0,1845,35 -1261,1,0,1435,29.5 -1261,2,0,2215,20.3 -1261,3,1,0030,27.6 -1263,1,0,1613,33.8 -1263,2,0,2140,19.2 -1263,3,1,0056,23.3 -1265,1,0,1958,32 -1265,2,0,2000,43.1 -1265,3,1,0220,29.6 -1266,1,0,2105,45 -1267,1,0,1944,43 -1267,2,0,2249,40 -1267,3,2,0535,36.2 -1269,1,0,2259,39.7 -1271,1,0,1926,33.5 -1272,1,0,1915,37.1 -1272,2,1,0535,33 -1272,3,2,0421,36.4 -1273,1,0,2130,41.3 -1275,1,0,2036,31.6 -1275,2,1,0439,28.5 -1275,3,2,0440,24.3 -1276,1,0,2138,45 -1276,2,1,0640,40.6 -1277,1,0,1857,32.4 -1279,1,0,1802,34.8 -1279,2,0,1947,30.3 -1279,3,0,2126,31.2 -1280,1,0,1803,15 -1280,2,0,1902,20 -1280,3,0,1842,18 -1281,1,0,1938,34.1 -1282,1,0,1828,40.8 -1282,2,0,2035,41.1 -1282,3,0,2235,40.5 -1283,1,0,1445,38.6 -1283,2,0,1600,38.2 -1283,3,1,0005,33.5 -1284,1,0,1808,37.2 -1285,1,0,2141,37.1 -1286,1,0,1849,37 -1286,2,0,1845,37.2 -1288,1,0,1706,32.3 -1289,1,0,1608,35 -1289,2,0,1626,30 -1289,3,0,1705,30 -1290,1,0,1425,31.2 -1291,1,0,1655,37.7 -1292,1,0,0655,31 -1292,2,0,0825,28.6 -1292,3,0,1000,29.2 -1293,1,0,1803,39 -1294,1,0,2021,39.3 -1295,1,0,1157,35.8 -1296,1,0,1550,38.3 -1297,1,0,1811,44 -1297,2,0,1915,42 -1297,3,1,0039,38 -1300,1,0,1628,42.8 -1300,2,0,1744,44.7 -1300,3,0,2217,42.1 -1302,1,0,1425,42.6 -1302,2,0,1538,41.7 -1303,1,0,1602,38.8 -1305,1,0,1732,31.7 -1306,1,0,2230,39 -1306,2,1,0003,37.4 -1308,1,0,0027,42.3 -1308,2,0,0420,35.1 -1308,3,0,1050,35.6 -1309,1,0,2054,32.6 -1309,2,1,0022,32 -1309,3,1,0209,31.6 -1310,1,0,2140,36.5 -1310,2,0,2245,35.1 -1310,3,1,0000,35.6 -1311,1,0,2143,36.2 -1312,1,0,1711,35.8 -1313,1,0,2214,40.1 -1313,2,1,0148,34.7 -1313,3,1,0548,32.9 -1314,1,0,2140,36.5 -1315,1,0,2130,29.4 -1316,1,0,1339,36 -1316,2,1,0530,30.9 -1316,3,2,0620,31.8 -1317,1,0,1802,43 -1320,1,0,2136,34.5 -1321,1,0,1734,42 -1321,2,1,0344,39.4 -1321,3,1,1810,42.3 -1322,1,0,0056,35.3 -1322,2,0,0136,38.8 -1323,1,0,1526,38.4 -1324,1,0,2037,34.2 -1324,2,1,0410,33 -1325,1,0,1844,39.5 -1326,1,0,1530,37.6 -1327,1,0,2207,42 -1328,1,0,2228,38.1 -1330,1,0,1700,37 -1331,1,0,1614,41.5 -1332,1,0,1409,36.8 -1334,1,0,0855,37.3 -1335,1,0,1646,41.8 -1336,1,0,1115,32.3 -1336,2,0,1300,16.9 -1336,3,0,1540,22.6 -1337,1,0,1341,36.6 -1338,1,0,1838,44.1 -1338,2,1,0944,39.7 -1338,3,3,1318,37 -1338,4,5,0902,39.2 -1341,1,0,0745,31.4 -1342,1,0,1859,37 -1346,1,0,1825,32.5 -1346,2,1,0430,30.4 -1347,1,0,1055,42 -1347,2,0,1100,40.7 -1349,1,0,1831,33 -1349,2,0,2018,31.7 -1349,3,0,2106,31.7 -1350,1,0,0914,44.7 -1352,1,0,1825,31.8 -1352,2,1,0131,28.9 -1352,3,1,0756,28.9 -1354,1,0,2216,33.1 -1354,2,1,0656,34.8 -1355,1,0,1854,37.5 -1356,1,0,1613,33.8 -1359,1,0,2046,41 -1359,2,2,0604,40.5 -1361,1,0,1637,45 -1363,1,0,1348,38.3 -1365,1,0,1805,43.9 -1367,1,0,1638,43 -1368,1,0,2217,35.9 -1369,1,0,2206,43.8 -1370,1,0,1800,40.8 -1371,1,0,0020,44.3 -1373,1,0,1047,38.7 -1373,2,0,1635,27.6 -1373,3,1,0848,24.1 -1374,1,0,1720,45.6 -1374,2,1,0828,43.4 -1375,1,0,0002,36 -1376,1,0,0021,37.5 -1377,1,0,0137,40.6 -1378,1,0,1710,33.6 -1379,1,0,1730,35.1 -1379,2,0,1901,35.9 -1381,1,0,1458,36 -1382,1,0,0420,44.1 -1382,2,0,0508,41.1 -1382,3,0,0759,40.6 -1383,1,0,1417,40 -1384,1,0,1545,36.4 -1385,1,0,1535,43 -1391,1,0,2200,36.1 -1393,1,0,2000,34.4 -1394,1,0,1917,37.7 -1395,1,0,2118,34.9 -1397,1,0,2110,43.6 -1398,1,0,0017,36.9 -1398,2,0,0130,36 -1399,1,0,1031,38 -1400,1,0,2318,39.4 -1401,1,0,1933,38 -1401,2,0,2119,37.1 -1401,3,0,2337,35.5 -1402,1,0,2225,45 -1402,2,0,2230,43.7 -1403,1,0,2124,40.3 -1403,2,0,2230,36.6 -1403,3,1,0145,32 -1405,1,0,2253,39 -1405,2,1,0630,37.3 -1405,3,2,0650,38.1 -1407,1,0,1600,45 -1409,1,0,1933,36.7 -1410,1,0,2253,39.5 -1413,1,0,1742,35.8 -1414,1,0,1500,28.9 -1415,1,0,1239,37.3 -1416,1,0,1542,41.3 -1416,2,1,0145,41.3 -1416,3,1,1625,34.2 -1417,1,0,0526,43.5 -1417,2,0,0627,39.3 -1418,1,0,1430,28.6 -1418,2,0,1445,20.3 -1418,3,0,1520,20.5 -1421,1,0,1310,34.2 -1422,1,0,2200,35 -1424,1,0,2315,37.7 -1424,2,1,0604,36.9 -1424,3,2,0510,33.8 -1425,1,0,1650,35.2 -1425,2,0,1706,33 -1426,1,0,2040,33.5 -1426,2,0,2330,34.7 -1426,3,1,1200,33.7 -1427,1,0,1601,43.7 -1429,1,0,1335,36.4 -1429,2,1,0635,33.7 -1430,1,0,1125,38.4 -1431,1,0,2207,35.8 -1432,1,0,2355,32.7 -1433,1,0,1525,36 -1434,1,0,2020,40 -1436,1,0,1002,35.9 -1436,2,0,1150,31 -1436,3,0,1305,34.3 -1437,1,0,1536,35.4 -1440,1,0,1920,36.5 -1440,2,0,2035,36.1 -1440,3,0,2325,32.6 -1442,1,0,0531,41.9 -1443,1,0,1525,47.4 -1444,1,0,2113,38.9 -1445,1,0,1952,29 -1446,1,0,0255,44 -1446,2,0,0335,40.4 -1446,3,0,0540,41.5 -1447,1,0,1419,41.2 -1447,2,1,0750,39.9 -1448,1,0,1845,35 -1448,2,1,0605,30.3 -1448,3,4,0800,29.5 -1449,1,0,2255,31.4 -1449,2,1,0200,31.3 -1449,3,1,0530,31 -1450,1,0,2157,37.3 -1453,1,0,1719,34.4 -1454,1,0,1440,38.1 -1455,1,0,1120,38.5 -1455,2,0,1311,36.4 -1455,3,0,1432,36.5 -1456,1,0,2044,40.8 -1457,1,0,1723,39.5 -1459,1,1,0008,33.5 -1459,2,1,0603,32.1 -1459,3,0,1709,34.5 -1460,1,0,0319,32.8 -1460,2,0,1945,30.9 -1460,3,1,0625,29.5 -1461,2,0,1710,24.4 -1464,1,0,1701,25 -1464,2,0,1635,33.7 -1465,1,0,2109,36.4 -1465,2,1,0430,30.7 -1465,3,1,0945,31.9 -1466,1,0,1457,33.7 -1469,1,0,1339,39.7 -1471,1,0,2027,32.3 -1472,1,0,2043,32.2 -1473,1,0,1855,38.9 -1474,1,0,2106,38.4 -1476,1,0,1748,35.5 -1477,1,0,1818,43 -1478,1,0,1312,39 -1480,1,0,1425,48 -1480,2,0,1506,45.3 -1482,1,0,0750,39 -1484,1,1,1143,11.3 -1484,2,1,1310,33.6 -1484,3,1,0550,31.9 -1484,4,0,1909,36.2 -1484,5,1,0012,32.9 -1485,1,0,1440,41.4 -1486,1,0,2337,45.1 -1486,2,1,0120,42.7 -1486,3,1,0345,40.8 -1487,1,0,2230,38.3 -1489,1,0,2230,36.2 -1490,1,0,1845,39.9 -1490,2,0,1950,37.9 -1490,3,0,2150,39.4 -1491,1,0,1352,36.8 -1492,1,0,1430,29.5 -1494,1,0,2005,37 -1494,2,0,2125,37.7 -1495,1,0,1024,47 -1495,2,0,1900,40.8 -1495,3,1,0100,39.9 -1496,1,0,1157,45.6 -1496,2,0,2000,41.2 -1497,1,0,1828,36.9 -1498,1,0,2302,35.5 -1499,1,0,2209,37.1 -1499,2,0,2300,37 -1500,1,0,1349,39.1 -1501,1,0,0941,39 -1501,2,1,0805,36.5 -1502,1,0,1050,37.3 -1503,1,0,2112,38.6 -1505,1,0,1030,37.4 -1506,1,1,0000,42.9 -1506,2,1,0145,41.5 -1507,1,0,1632,40 -1507,2,0,1646,39.1 -1507,3,1,0300,33.3 -1508,1,1,0005,42 -1509,1,0,1630,34 -1509,2,1,1155,37 -1510,1,0,1352,40.7 -1510,2,1,0600,36.5 -1510,3,2,0610,33.7 -1512,1,0,1503,31 -1513,1,0,2149,35.8 -1514,1,0,1540,39.5 -1514,2,0,1807,33.7 -1514,3,1,0230,31.7 -1515,1,0,1251,39 -1518,1,0,1807,43.2 -1518,2,1,0118,39.8 -1518,3,1,0849,40.7 -1519,1,0,1240,38 -1519,2,1,0650,36.1 -1520,1,0,1816,33.6 -1521,1,0,1244,37.8 -1522,1,0,2047,39.8 -1523,1,0,0926,35.3 -1523,2,0,1038,35.5 -1523,3,0,1234,34.2 -1525,1,0,2053,39.1 -1526,1,0,2306,32.5 -1527,1,1,0003,37 -1527,2,1,0116,35.8 -1527,3,1,0353,35.3 -1528,1,0,1523,38.1 -1528,2,1,0632,30.2 -1528,3,1,1631,30.4 -1529,1,1,0010,37 -1529,2,1,0648,35.1 -1530,1,1,1220,31.4 -1531,1,0,1935,34.2 -1532,1,0,2354,35.2 -1533,1,0,1940,40 -1534,1,0,1346,37.2 -1535,1,0,1731,45.9 -1536,1,0,1400,47.2 -1537,2,1,0605,29.4 -1538,1,0,1733,32.8 -1538,2,1,0545,30.4 -1539,1,0,1516,38.5 -1540,1,0,1850,33 -1540,2,0,2026,34.9 -1540,3,1,0023,29.4 -1542,1,0,1450,37 -1543,1,0,1815,44.6 -1544,1,0,1430,35.3 -1545,1,0,1620,35.2 -1546,1,0,1815,42.1 -1546,2,1,0105,46.8 -1546,3,1,0415,46.2 -1547,1,0,1931,33.5 -1548,1,0,1317,48 -1549,1,0,1705,28.3 -1549,2,1,0410,24.4 -1550,1,0,1720,32.2 -1551,1,0,2043,37.1 -1552,1,0,1345,40 -1552,2,1,1220,26 -1552,3,2,0500,27 -1553,1,0,1013,41 -1554,1,0,0105,38.2 -1555,1,0,1534,34.2 -1555,2,1,0840,34.2 -1556,1,0,1912,48 -1556,2,0,1921,47.9 -1557,1,0,1520,34 -1559,1,0,1200,41.1 -1559,2,0,2100,38.2 -1560,1,1,0007,38 -1560,2,1,0600,33 -1561,1,1,0610,26.7 -1561,2,0,1452,35 -1561,3,1,1046,32 -1562,1,0,1814,39 -1562,2,1,0545,34.6 -1562,3,2,0530,36.5 -1564,1,0,2039,39.8 -1564,2,0,2240,39 -1565,1,0,2224,35.7 -1566,1,0,0759,40.2 -1566,2,0,2035,34.9 -1566,3,1,0810,33.5 -1567,1,1,0137,42.3 -1567,2,2,1100,32.3 -1567,3,3,1108,27.9 -1569,1,0,1916,34.9 -1570,1,0,1709,36.9 -1574,1,0,1715,27.9 -1574,2,0,1740,26.1 -1574,3,0,2220,22.6 -1575,1,0,1830,33.8 -1575,2,1,0326,28.8 -1578,1,0,1056,37 -1578,2,0,1059,37.2 -1582,1,1,0100,41 -1583,1,0,2145,39.2 -1583,2,0,2311,39 -1583,3,1,0100,40.2 -1584,1,0,1615,37.7 -1584,2,0,2030,37.8 -1584,3,1,0001,35.8 -1585,1,0,1355,38.3 -1587,1,0,1940,36.2 -1587,2,5,1707,34.9 -1588,1,0,1002,34.9 -1589,1,0,2055,37.3 -1589,2,0,2058,35 -1590,1,0,0828,44.9 -1591,1,0,1520,43.9 -1592,1,0,1615,40.6 -1594,1,0,0231,34 -1595,1,0,1249,39.3 -1597,1,0,1257,36.9 -1598,1,1,0000,39.8 -1600,1,0,1156,36.3 -1601,1,1,0744,37.3 -1602,1,1,0052,30.4 -1602,2,2,0436,19.7 -1602,3,2,0700,19.4 -1603,1,0,0015,33.7 -1605,1,0,1450,37.7 -1606,1,0,1826,35.8 -1606,2,1,1131,35.1 -1606,3,1,1703,35.4 -1609,1,0,2118,35.5 -1609,2,1,0132,32 -1609,3,1,0644,30.9 -1611,1,0,2225,36.6 -1611,2,1,0557,33.1 -1612,1,0,1711,38.2 -1613,1,0,2005,40.4 -1613,2,1,0938,35.6 -1614,1,0,1645,36.2 -1616,1,0,1707,44 -1616,2,1,0555,39.4 -1616,3,2,0520,40.8 -1617,1,0,2105,39.3 -1617,2,1,0143,32.7 -1617,3,1,0632,27.9 -1618,1,0,2227,42 -1620,1,0,1712,31.9 -1620,2,0,1930,30.7 -1620,3,0,2130,30.8 -1621,1,0,1930,33.8 -1622,1,0,2335,30.1 -1623,1,0,0030,35.1 -1623,2,0,0847,32.7 -1623,3,1,0340,27.4 -1624,1,0,0440,19 -1624,2,0,0645,30.1 -1625,1,0,1145,40.5 -1625,2,0,1420,39.7 -1625,3,0,2035,37.6 -1626,1,0,2043,45.7 -1628,1,0,1730,37.8 -1628,2,0,2125,37.9 -1629,1,0,1502,34 -1629,2,1,0638,29 -1631,1,0,1605,36.3 -1632,1,0,2137,35 -1633,1,0,1615,28.8 -1633,2,0,1805,29.8 -1633,3,0,1903,28.8 -1633,4,1,0250,27.6 -1634,1,0,2139,37.5 -1636,1,0,1108,40.7 -1637,1,0,1130,39 -1637,2,0,1150,36.4 -1637,3,0,1430,37 -1638,1,0,2308,37.9 -1638,2,1,0710,32 -1639,1,0,1340,46.6 -1640,1,0,0950,37.2 -1642,1,0,1655,40 -1642,2,1,0600,35.9 -1644,1,0,1837,45.7 -1645,1,0,2042,39.4 -1645,2,1,0415,35.9 -1645,3,1,1000,39.3 -1645,4,1,1000,33.5 -1647,1,1,0826,32.2 -1648,1,0,1433,32.7 -1649,1,0,1905,33.4 -1649,2,1,0615,31.3 -1649,3,2,0550,27.7 -1650,1,0,2056,38 -1650,2,1,0545,33 -1653,1,0,0832,44.6 -1653,2,1,0330,40.1 -1654,1,0,1923,32 -1654,2,0,2013,29 -1654,3,0,2115,32 -1655,1,0,1424,42.7 -1656,1,0,1256,36.5 -1656,2,0,1432,38 -1657,1,0,0600,45.7 -1657,2,0,0745,42.5 -1657,3,0,0915,42.4 -1659,1,0,1215,36.7 -1660,1,0,2311,38.1 -1661,1,0,0040,41 -1662,1,0,0500,38.6 -1663,1,1,0015,36.5 -1663,2,1,0825,35.1 -1664,1,0,2246,38 -1665,1,0,2005,33.2 -1665,2,0,2049,27.5 -1665,3,0,2242,30.2 -1667,1,0,1757,45 -1669,1,0,1856,47.1 -1670,1,0,1750,44.4 -1670,2,0,1758,44 -1671,1,0,1530,43.5 -1673,1,0,2217,35.6 -1674,1,0,1820,32.2 -1675,1,0,2303,38.9 -1675,2,1,0220,40.4 -1676,1,0,1920,38.6 -1676,2,2,0851,28.1 -1677,1,0,2346,35.4 -1679,1,0,0845,39 -1679,2,0,1835,36 -1679,3,1,0608,29 -1680,1,0,1510,34.3 -1680,2,1,0700,29.3 -1681,1,0,0246,30.3 -1683,1,0,2015,40.2 -1683,2,0,2245,35.1 -1683,3,1,0030,40.5 -1684,1,0,1725,39.3 -1685,1,0,0910,39.4 -1686,1,0,1300,34 -1687,1,0,2144,27.2 -1687,2,1,0434,23.6 -1687,3,1,1801,26.7 -1688,1,0,0356,34.8 -1690,1,0,0223,37.8 -1691,1,0,2125,36 -1691,2,1,1043,31.6 -1692,1,0,1910,27.3 -1692,2,0,2137,20.1 -1692,3,1,0005,17.2 -1693,1,0,1720,37 -1693,2,1,0515,32.3 -1696,1,0,1659,34 -1697,1,0,1855,35.1 -1698,1,0,1908,35.8 -1701,1,0,1636,42.6 -1702,1,0,1650,41.7 -1703,1,0,2224,38 -1704,1,0,1646,40.5 -1705,1,0,1100,37 -1707,1,0,1010,34.7 -1707,2,1,0400,32.4 -1708,1,0,1830,29.4 -1709,1,0,0031,44 -1709,2,0,0209,36 -1709,3,0,0450,37.5 -1710,1,0,1946,39 -1710,2,1,0550,32.8 -1711,1,0,1400,44.4 -1711,2,0,1512,44.1 -1711,3,0,1650,42.4 -1712,1,0,1400,40 -1712,2,0,1630,37.1 -1712,3,0,1946,36 -1713,1,0,2023,37.6 -1713,2,0,2153,35.5 -1714,1,0,1736,39.5 -1715,1,0,1631,37.5 -1716,1,0,1800,36.1 -1720,1,0,2034,43.1 -1722,1,0,1634,36.3 -1723,1,1,2320,30.8 -1723,2,1,0015,43 -1723,3,2,0815,30.1 -1724,1,0,2230,37.9 -1725,1,0,2345,42.4 -1725,2,1,0050,38.4 -1725,3,1,0249,40 -1726,1,0,2216,37.1 -1727,1,0,1755,41 -1727,2,1,0715,38.7 -1728,1,0,1033,41.7 -1729,1,0,1940,41.7 -1730,1,0,0625,37 -1732,1,0,0230,39 -1734,1,1,0030,36.2 -1734,2,1,0450,40.3 -1734,3,2,1408,36.4 -1735,1,0,1941,39 -1735,2,0,2044,34 -1735,3,0,2200,34.3 -1736,1,0,1335,11.6 -1739,1,1,0658,39.6 -1740,1,0,1642,33.6 -1740,2,0,1806,34.2 -1740,3,0,1924,33.7 -1744,1,0,1633,36.2 -1745,1,0,1717,35.5 -1745,2,1,0425,34.4 -1747,1,0,1935,34.5 -1748,1,0,2223,38.2 -1748,2,1,0459,32.6 -1749,1,0,1931,38.4 -1750,1,0,0214,34.4 -1754,1,0,2207,41 -1756,1,0,2045,40.9 -1757,1,0,2256,37.5 -1757,2,1,1603,35.4 -1758,1,0,1633,35.1 -1759,1,0,1953,39.1 -1760,1,0,1955,38.4 -1760,2,1,0310,36.7 -1760,3,1,0936,36.7 -1761,1,0,2026,42 -1761,2,0,2036,40 -1761,3,1,0430,39.8 -1763,1,0,1337,38.9 -1764,1,0,2106,26 -1764,2,0,2344,12.1 -1764,3,1,0230,16.7 -1766,1,0,1632,38.8 -1767,1,0,1930,32.6 -1767,2,0,2050,31.4 -1767,3,1,0600,30.4 -1768,1,0,1629,44.1 -1769,1,0,1530,39.2 -1769,2,0,2200,35.7 -1769,3,1,0420,35.5 -1769,4,3,1051,39.8 -1770,1,0,1922,34.7 -1770,2,1,0158,36.4 -1770,3,1,0547,34.5 -1772,1,0,1457,39 -1774,1,0,0133,40 -1775,1,0,1818,39.5 -1775,2,0,2007,34.2 -1775,3,1,0112,35.1 -1776,1,0,1714,38.2 -1777,1,0,1935,34 -1778,1,0,2154,40 -1778,2,1,0530,37.2 -1781,1,0,0923,39 -1782,1,0,0046,39 -1783,1,0,1651,36.3 -1783,2,0,1810,38.2 -1783,3,0,1950,35.4 -1784,1,0,0929,34.1 -1785,1,0,1325,45.3 -1785,2,2,0650,40.5 -1786,1,0,1220,47.8 -1787,1,0,0405,36.8 -1789,1,0,2020,39 -1790,1,0,1956,20 -1790,2,0,2317,29.9 -1790,3,1,0345,24.4 -1792,1,0,2244,37.6 -1793,1,0,1929,37.4 -1793,2,1,0600,33.1 -1794,1,0,1740,41.7 -1794,2,0,2000,38.9 -1794,3,0,2140,39.4 -1795,1,0,1100,39.6 -1796,1,0,1500,40.2 -1797,1,0,2042,39 -1799,1,0,1426,35.6 -1800,1,0,1517,31.9 -1802,1,0,2117,38 -1804,1,0,1749,34.5 -1805,1,0,1742,34.8 -1806,1,0,1910,37.1 -1806,2,1,0711,36.1 -1807,1,0,2003,35.8 -1810,1,0,0757,36.3 -1811,1,0,1740,34 -1811,2,0,1918,34.7 -1812,1,0,1752,36.7 -1813,1,0,1740,40.3 -1814,1,0,1346,47 -1816,1,0,1646,38.2 -1816,2,0,1844,31.4 -1816,3,0,2007,34.7 -1817,1,0,1452,26 -1817,2,0,1545,22.9 -1817,3,0,2050,21 -1819,1,0,2350,38.6 -1819,2,1,0215,38.5 -1820,1,0,1840,32.6 -1822,1,0,0220,34.7 -1823,1,0,1627,36.8 -1824,1,0,1300,37.7 -1824,2,0,1415,35.2 -1824,3,1,0330,34.8 -1825,1,0,0938,41.6 -1828,1,0,2130,43.9 -1828,2,0,2231,40.3 -1828,3,1,0245,37.8 -1829,1,0,1739,40.7 -1831,1,0,2304,35.9 -1833,1,0,2016,43.1 -1834,1,0,0825,25.5 -1834,2,0,0925,23.5 -1834,3,0,1300,22.9 -1835,1,0,2300,37.9 -1835,2,0,2300,37.9 -1835,3,1,0158,23.4 -1836,1,0,1013,39.3 -1837,1,0,1938,33.2 -1837,2,1,0024,29.9 -1837,3,1,0530,27.2 -1838,1,0,2325,47 -1839,1,0,1532,36.5 -1840,1,0,1750,35 -1841,1,0,1745,39.1 -1843,1,0,2230,40.7 -1845,1,0,1545,38.1 -1846,1,0,1121,44.5 -1846,2,0,1755,40 -1849,1,0,2008,35.2 -1851,1,0,1740,34.2 -1851,2,0,1903,33.7 -1851,3,0,2157,34 -1852,1,0,0342,38 -1854,1,0,1938,39.7 -1855,1,0,1615,35.3 -1855,2,0,1818,38.8 -1855,3,0,1915,35.8 -1856,1,0,2350,35 -1857,1,0,1937,37 -1858,1,1,0600,31.1 -1858,2,0,1954,36 -1859,1,2,0435,38.4 -1859,2,0,1200,40.4 -1859,3,1,2315,36.9 -1860,1,0,1119,35.1 -1860,2,1,0701,33.7 -1861,1,0,1520,34.5 -1862,1,0,1121,38.6 -1863,1,0,0922,42 -1866,1,0,1836,32.8 -1868,1,1,0615,34.2 -1868,2,0,2003,40 -1869,1,0,1604,44.8 -1870,1,0,1024,38 -1870,2,0,1025,35.2 -1871,1,0,1925,36.5 -1873,1,0,1818,38.8 -1874,1,0,2040,33.4 -1876,1,0,2115,39 -1878,1,0,1052,48.8 -1879,1,0,1215,34.5 -1880,1,0,0205,34.9 -1881,1,0,0145,44.3 -1882,1,0,2200,40.9 -1882,2,1,0247,39.6 -1883,1,0,2020,33.3 -1884,1,1,0030,37.4 -1886,1,0,1355,37 -1889,1,0,0847,35.5 -1889,2,0,1256,33.2 -1889,3,0,2010,34.9 -1890,1,0,1730,38.1 -1890,2,0,1820,36.6 -1890,3,0,1950,37.4 -1891,1,0,2335,37.6 -1892,1,0,1058,47.8 -1893,1,0,1305,38 -1893,2,2,0650,40.4 -1894,1,0,1940,43 -1894,2,1,0005,39 -1894,3,4,0610,37 -1895,1,0,2134,40.5 -1896,1,0,0302,37.2 -1897,1,0,1800,38.8 -1897,2,0,2309,39.7 -1897,3,1,0605,37.8 -1899,1,1,0009,29.8 -1899,2,1,0645,26.9 -1899,3,1,1300,25.5 -1900,1,0,2352,38.5 -1900,2,2,0606,32.1 -1901,1,0,1615,39 -1902,1,0,2002,44.7 -1902,2,1,0849,41.7 -1904,1,0,2030,35.2 -1906,1,0,2018,38 -1906,2,1,0750,34.9 -1907,1,0,2147,41.6 -1908,1,0,1755,36.8 -1909,1,0,2107,35.8 -1909,2,1,0027,34.3 -1909,3,1,0443,33.9 -1910,1,0,2028,37.9 -1911,1,1,0530,24.6 -1911,2,0,2044,26 -1911,3,0,2030,25.8 -1912,1,0,1717,48.9 -1913,1,0,1631,44.1 -1915,1,0,2030,36 -1916,1,0,1715,37 -1916,2,0,1815,36.5 -1916,3,0,2100,36.5 -1917,1,0,1556,22 -1917,2,0,1950,42.8 -1918,1,1,0052,36.4 -1920,1,0,1338,38.9 -1921,1,0,1829,34.8 -1921,2,1,1049,35.7 -1922,1,0,1755,34 -1922,2,0,2300,32 -1922,3,1,0520,30.8 -1923,1,0,2055,44 -1923,2,1,0545,39 -1925,1,0,1401,35 -1926,1,0,0845,37.6 -1929,1,0,1759,38.7 -1930,1,0,1530,11.9 -1930,2,0,1755,11.9 -1930,3,0,1950,11.9 -1931,1,0,1801,41.4 -1933,1,0,0505,38.7 -1934,1,0,1642,35.1 -1934,2,0,1945,32.4 -1934,3,0,2105,32.3 -1935,1,0,1625,42.4 -1937,1,0,1705,35.8 -1939,1,0,1913,39 -1943,1,0,1948,44.4 -1944,1,0,1511,36.7 -1944,2,1,0600,33.3 -1945,1,0,2013,31.2 -1945,2,0,2145,30.1 -1945,3,0,2315,30.2 -1947,1,0,0840,44.6 -1948,1,0,1449,36.9 -1948,2,0,1547,37 -1949,1,0,1330,39.4 -1949,2,1,0805,35 -1952,1,0,1300,37.2 -1953,1,0,1508,33.5 -1953,2,0,2136,32.7 -1953,3,1,0431,26.6 -1954,1,0,2300,38.9 -1955,1,0,2049,33.1 -1956,1,0,1535,30.9 -1957,1,0,1953,39.9 -1958,1,0,1820,31.5 -1958,2,0,2058,30.3 -1958,3,1,0255,30.1 -1959,1,0,0218,42 -1959,2,0,0255,40.6 -1959,3,0,0525,41.7 -1960,1,0,1425,39.2 -1962,1,0,0046,41.7 -1964,1,0,2205,40.5 -1965,1,0,1715,36.1 -1966,1,0,1745,37.9 -1969,1,0,0416,36.7 -1970,1,0,0305,45 -1971,1,0,1236,36.2 -1975,1,0,2241,34 -1975,2,1,0526,35.3 -1975,3,2,0550,36 -1977,1,0,1633,38.8 -1977,2,0,1752,38.8 -1978,1,0,1728,39.5 -1978,2,0,1836,30.9 -1978,3,0,1927,37.7 -1979,1,0,2000,40.8 -1980,1,0,2057,44.8 -1981,1,0,2100,38.3 -1981,2,0,2220,37.2 -1981,3,1,0015,37.2 -1982,1,0,1820,44.9 -1985,1,0,1256,27.6 -1985,2,0,1653,20.6 -1985,3,1,0306,40.7 -1986,1,0,2000,36.5 -1986,2,0,2115,36.3 -1987,1,0,2023,16 -1987,2,0,2033,18 -1987,3,0,2135,17.1 -1988,1,0,1955,31.4 -1989,1,0,1348,38.5 -1990,1,0,1700,38.7 -1990,2,0,2229,33 -1990,3,1,0220,33 -1991,1,0,1623,30 -1991,2,1,0715,26.3 -1991,3,2,0635,25 -1992,1,0,2045,40.7 -1993,1,0,1336,38.4 -1994,1,0,2000,40.5 -1994,2,0,2040,36.3 -1994,3,0,2308,34.5 -1996,1,0,1845,33.4 -1997,1,-1,2355,37 -1999,1,0,1530,45 -1999,2,1,0620,37.8 -2000,1,0,2059,34.1 -2000,2,1,0635,29.9 -2000,3,1,1243,31.8 -2001,1,0,0145,40.8 -2004,1,0,0100,35.7 -2004,2,0,0240,34.2 -2004,3,0,0350,33.6 -2006,1,0,1932,41.2 -2007,1,0,0411,41.2 -2008,1,0,1313,37.8 -2008,2,1,0600,38.5 -2009,1,0,2225,40.1 -2009,2,0,2305,37.4 -2009,3,1,0158,34.4 -2011,1,0,2144,37 -2011,2,1,0424,34.3 -2011,3,1,1121,34.8 -2012,1,0,1945,36.7 -2014,1,0,0255,36.1 -2015,1,1,0130,14.1 -2015,2,1,0315,26.3 -2015,3,1,0800,22.9 -2016,1,0,2129,37.1 -2019,1,0,1720,41.4 -2019,2,0,2316,34.8 -2019,3,1,0411,32.6 -2020,1,0,2105,36.3 -2020,2,1,0005,35.1 -2021,1,0,1818,37.3 -2022,1,0,1810,39.1 -2022,2,0,2130,38.1 -2022,3,1,0016,34 -2023,1,0,1150,37.2 -2023,2,0,1201,39 -2024,1,0,1946,34.9 -2024,2,0,2215,27.3 -2024,3,1,0610,29.6 -2025,1,0,1653,34.3 -2028,1,0,1930,35.6 -2028,2,0,2020,35.8 -2028,3,0,2315,36.4 -2029,1,0,2054,37.5 -2030,1,4,1525,30.9 -2030,2,1,0420,26.3 -2030,3,0,2305,30 -2032,1,0,0027,38.8 -2032,2,0,0313,36.6 -2033,1,0,1925,28.2 -2033,2,1,0030,39.4 -2033,3,1,0155,18.8 -2035,1,1,0315,42.2 -2035,2,1,0600,41.5 -2035,3,1,0945,42.9 -2037,1,0,1605,40 -2037,2,0,1820,41.4 -2037,3,0,2000,40.1 -2038,1,0,1428,39.9 -2038,2,0,1630,37.9 -2038,3,0,1730,38.6 -2039,1,0,2151,41.6 -2041,1,0,1207,41.6 -2043,1,0,1314,27.1 -2043,2,0,1530,19.6 -2043,3,0,2000,39.1 -2044,1,0,1229,46.5 -2045,1,0,0952,47.6 -2045,2,0,1150,44 -2045,3,0,1409,43.9 -2046,1,0,1837,34.8 -2047,1,0,1959,35.8 -2047,2,0,2255,35.3 -2047,3,1,0443,33.1 -2048,1,0,1544,38.5 -2049,1,0,1814,35.6 -2051,1,0,1551,38.7 -2052,1,0,1617,41.2 -2053,1,0,1840,38.8 -2054,1,0,1730,13.9 -2054,2,0,1845,13.5 -2054,3,0,2015,13 -2056,1,0,2010,33.3 -2056,2,0,2117,32.5 -2056,3,0,2307,33.3 -2057,1,0,1210,39 -2057,2,0,1600,36 -2058,1,0,1133,37.6 -2058,2,0,1851,35.1 -2058,3,1,0720,31.9 -2059,1,0,1351,32.2 -2059,2,1,0400,29.7 -2059,3,2,0400,29.4 -2061,1,0,1500,28.2 -2061,3,0,1915,21.9 -2061,4,1,0330,27.9 -2062,1,0,1652,40 -2062,2,1,0717,40 -2063,1,0,1822,36 -2063,2,1,0007,35 -2063,3,1,0330,36 -2064,1,0,1428,37.4 -2064,2,1,1035,36.5 -2065,1,0,1640,42.7 -2065,2,0,1745,42.4 -2065,3,0,1945,40.8 -2066,1,1,0530,28.6 -2067,1,0,1639,33.2 -2069,1,0,1345,43.1 -2070,1,0,2126,30.6 -2070,2,0,2253,32.4 -2070,3,1,0030,31.9 -2071,1,0,1045,41.1 -2071,2,1,0500,31.4 -2071,3,2,0500,29.2 -2072,2,0,1547,38 -2073,1,0,2218,33.9 -2074,1,0,0915,36.7 -2074,2,0,1003,37.5 -2074,3,0,1315,34.7 -2075,1,0,2150,38.8 -2075,2,1,0005,39.2 -2075,3,1,0140,39.5 -2076,1,0,2121,32.3 -2080,1,0,1932,39.5 -2081,1,0,1857,45 -2082,1,1,0004,36.7 -2082,2,1,0550,27.2 -2082,3,1,0645,28.4 -2083,1,0,1615,33 -2083,2,1,0610,28 -2084,1,0,1709,35 -2084,2,0,2230,32.2 -2084,3,1,0620,31 -2086,1,0,1858,35 -2087,1,0,1810,33.6 -2089,1,0,1730,38.5 -2093,1,0,1110,11.3 -2095,1,0,2002,38.5 -2095,2,0,2143,32.4 -2095,3,0,2313,31.9 -2096,1,0,1925,39.3 -2099,1,0,0949,44 -2099,2,0,1000,44.4 -2100,1,0,2216,40.7 -2101,1,0,2308,33.8 -2101,2,1,0325,34.5 -2101,3,1,1420,32.6 -2102,1,0,2045,45 -2103,1,0,1701,37.7 -2105,1,0,1500,43 -2106,1,0,1420,45 -2107,1,0,0420,39.9 -2107,2,0,0530,40 -2108,1,0,1130,42.2 -2109,1,0,1915,35.8 -2109,2,1,0740,30.1 -2112,1,0,2100,42.9 -2113,1,0,2305,36.1 -2113,2,1,0500,33.1 -2113,3,1,1415,29.8 -2114,1,0,0023,32.8 -2115,1,0,1828,35.1 -2116,1,0,1059,39.6 -2117,1,0,1425,38.7 -2119,1,0,1815,34.2 -2119,2,0,2020,33.2 -2119,3,0,2220,30.7 -2120,1,0,1333,43.2 -2121,1,0,1720,35.5 -2121,2,0,2102,39 -2121,3,1,0540,28.9 -2122,1,0,1400,31.5 -2122,2,0,2020,20.1 -2122,3,1,0210,29.1 -2123,1,0,0102,36.2 -2124,1,0,2126,35.7 -2125,1,0,2308,36.4 -2126,1,0,1029,44.9 -2126,2,0,2200,35.8 -2126,3,1,0653,32.6 -2127,1,0,1551,41 -2127,2,1,0616,36.2 -2128,1,0,1230,39 -2128,2,0,2219,37 -2128,3,1,0645,35 -2130,1,0,1710,34.2 -2130,2,0,1807,35 -2131,1,0,2252,37.5 -2132,1,0,0713,38.4 -2132,2,0,0943,35.1 -2132,3,0,1159,36.2 -2133,1,0,1159,39.6 -2133,2,0,1300,37.1 -2134,1,0,1355,37.6 -2135,1,0,2251,31.3 -2136,1,0,1530,32.3 -2136,2,0,1755,35.6 -2136,3,0,1853,36 -2137,1,0,2232,35.4 -2138,1,0,2308,36.6 -2139,1,0,1724,38.1 -2140,1,0,0130,43.3 -2141,1,0,1825,37.3 -2142,1,0,1650,32.3 -2143,1,0,1434,30.6 -2143,2,1,0357,30.1 -2143,3,2,0421,31.9 -2144,1,0,1832,42.1 -2145,1,0,2130,36.8 -2145,2,0,2355,35.9 -2145,3,1,0800,36.4 -2146,1,0,2141,46 -2146,2,1,0528,42.8 -2147,1,0,1715,41.8 -2148,1,0,1845,35.3 -2149,1,0,2100,37.8 -2150,1,0,1516,40.4 -2152,1,0,1950,40 -2153,1,0,2141,34 -2154,1,0,1408,33 -2154,2,1,0706,31.4 -2155,1,0,1653,39.2 -2156,1,0,1434,43 -2157,1,0,1851,36.9 -2157,2,1,0522,33.5 -2157,3,2,0550,31.7 -2158,1,0,1850,35.8 -2158,2,0,1930,33 -2158,3,1,0307,27.6 -2159,1,0,1222,38.8 -2159,2,0,1735,34.6 -2159,3,1,0523,33 -2162,1,0,1926,37.4 -2163,1,0,2124,35.5 -2164,1,0,1745,30.7 -2166,1,0,2359,41.4 -2168,1,0,1518,41 -2168,2,1,0600,36.5 -2169,1,0,1415,40.4 -2172,1,0,1346,30.9 -2172,2,1,0456,25.4 -2172,3,1,1119,24.9 -2174,1,0,1435,36.8 -2174,2,0,1530,33.5 -2174,3,0,1750,33.2 -2176,1,0,2249,37 -2177,1,0,2303,44.7 -2178,1,0,2053,32 -2179,1,0,2135,36.6 -2181,1,0,1759,36.1 -2182,1,0,1335,32.2 -2182,2,1,0015,29.3 -2183,1,1,1500,32.2 -2184,1,0,1705,41.8 -2186,1,1,0601,40.5 -2187,1,0,2225,35.8 -2188,1,0,1740,39 -2189,1,0,2113,39 -2191,1,0,1706,38 -2191,2,0,1750,30.6 -2191,3,0,1852,31.2 -2191,4,1,0017,31.2 -2191,5,1,0442,29.6 -2191,6,1,1021,28.9 -2191,7,1,1822,29.4 -2191,8,2,0901,27.6 -2193,1,0,1849,44 -2193,2,1,0415,37.6 -2193,3,2,0525,29.8 -2194,1,0,2022,42.1 -2195,1,0,2023,41 -2195,2,1,0652,37 -2195,3,5,1235,40.7 -2197,1,0,0955,36.1 -2197,2,0,1155,36.8 -2197,3,0,1535,34.8 -2198,1,0,2151,39.2 -2199,1,0,1730,34.9 -2199,2,0,1923,31 -2199,3,0,2043,33.6 -2202,1,1,0010,36.7 -2203,1,0,1045,39.9 -2204,1,0,2131,37.5 -2205,1,0,1850,48 -2205,2,0,2000,42.8 -2206,1,0,2304,34.3 -2207,1,0,0922,42.5 -2207,2,0,1814,37.6 -2207,3,1,0635,39.2 -2208,1,0,1600,33.4 -2208,2,0,1720,31.9 -2208,3,0,1930,33.2 -2209,1,0,1957,32.4 -2209,2,0,2230,34.3 -2209,3,1,0224,36.7 -2210,1,0,1910,29 -2210,2,0,2022,28.3 -2210,3,1,0005,24.4 -2211,1,0,0412,36.7 -2211,2,0,0556,32.7 -2211,3,0,0823,31.4 -2212,1,0,2233,39.7 -2212,2,1,0600,39.6 -2213,1,0,1950,35 -2213,2,0,2110,35.3 -2214,1,0,2115,46 -2214,2,1,0500,40.4 -2216,1,0,1150,38 -2217,1,0,1341,36.4 -2219,1,0,1135,37.3 -2220,1,0,2222,38.7 -2220,2,0,2355,36.2 -2220,3,1,0300,36.6 -2221,1,0,2250,34.7 -2222,1,0,1108,39.5 -2223,1,0,1415,44 -2223,2,0,1552,44 -2223,3,0,2242,35 -2224,1,0,1945,38.9 -2225,1,0,1840,33.2 -2225,2,0,2025,35.6 -2226,1,0,0804,40.7 -2226,2,0,1109,33.3 -2226,3,0,1800,34.2 -2227,1,0,1748,29.8 -2228,1,0,0847,36.4 -2230,1,0,1439,37 -2230,2,0,1540,37.3 -2230,3,0,1900,35.3 -2231,1,0,2209,37.1 -2233,1,0,1323,41.8 -2236,1,0,1856,37.2 -2237,1,0,1332,44 -2237,2,0,1501,39.9 -2237,3,0,1756,41.4 -2238,1,0,2339,31.5 -2240,1,0,2155,40.8 -2240,2,1,0030,38.4 -2240,3,1,0405,36.5 -2241,1,0,1928,31.9 -2244,1,0,1815,44.5 -2245,1,0,1950,31.6 -2245,2,0,2112,32 -2245,3,0,2245,31 -2246,1,0,1706,39 -2246,2,1,0520,32.1 -2247,1,0,1925,34.6 -2248,1,0,1134,44.5 -2250,1,0,1908,46.2 -2251,1,0,2227,37 -2251,2,0,2310,41 -2251,3,5,0415,37 -2253,1,0,0920,39.7 -2253,2,0,2100,42.9 -2253,3,1,0210,37.3 -2258,1,0,2316,35.9 -2258,2,1,0501,31.5 -2258,3,1,1103,32.4 -2259,1,0,1650,40.7 -2260,1,0,1702,40 -2260,2,0,1703,36.9 -2260,3,0,2330,31.5 -2263,1,1,0010,39.4 -2264,1,0,1230,38 -2265,1,0,1750,36 -2265,2,0,1904,33.1 -2265,3,1,0325,26.5 -2266,1,0,2215,23.9 -2266,2,1,0050,22.7 -2266,3,1,0950,24 -2267,1,0,2359,38.9 -2269,1,0,1920,42.2 -2270,1,1,0047,34.9 -2271,1,0,1425,31.8 -2272,1,0,1440,37.9 -2273,1,0,1310,35.3 -2273,2,0,1415,35.4 -2273,3,0,1521,34.9 -2274,1,0,1418,40.7 -2274,2,1,0445,32.2 -2274,3,2,0435,31.4 -2275,1,0,2051,30 -2275,2,1,0200,27.3 -2275,3,2,0600,23.7 -2276,1,0,2010,38.2 -2277,1,0,1630,40 -2277,2,0,1533,43 -2278,1,0,1711,38.5 -2278,2,0,1950,36 -2278,3,0,2112,34.9 -2279,1,0,1628,38.6 -2280,1,0,1846,33.2 -2281,1,0,2032,34.4 -2282,1,0,1910,33.9 -2283,1,0,2053,38 -2285,1,0,1233,42 -2286,1,0,2045,32 -2286,2,0,2140,28.2 -2286,3,1,0015,30 -2287,1,1,0035,36.2 -2288,1,0,2019,43 -2290,1,0,2142,39.2 -2290,2,1,0019,37.4 -2290,3,1,0154,37.2 -2295,1,0,1843,35.1 -2295,2,1,0255,35.6 -2295,3,1,1600,29.5 -2296,1,0,2128,36.3 -2297,1,0,1255,44 -2297,2,0,1445,42.8 -2297,3,0,1608,40.6 -2298,1,0,1000,29.8 -2298,2,0,1055,28 -2298,3,0,1305,28.4 -2301,1,1,0000,37.6 -2301,2,1,0200,33.8 -2302,1,0,1815,30.7 -2302,2,1,0210,22.1 -2302,3,1,0525,22.4 -2303,1,0,1430,36.8 -2305,1,0,2000,36.5 -2307,1,0,1841,34 -2307,2,1,0010,30.6 -2307,3,1,0550,27.7 -2310,1,0,1610,37.2 -2311,1,0,1445,35 -2313,1,0,1708,36.8 -2313,2,0,2342,33.9 -2313,3,1,0521,32.7 -2315,1,0,2025,40.6 -2318,1,0,1733,38.9 -2319,1,0,2041,34.8 -2320,1,0,2356,38.2 -2321,1,0,2151,37.4 -2322,1,0,1640,39 -2322,2,1,0605,35.4 -2323,1,0,1646,30 -2323,2,0,1701,32.9 -2323,3,0,1945,47.1 -2324,1,0,0150,39 -2324,2,0,0725,35.5 -2326,1,0,2056,36.1 -2327,1,0,1718,35.3 -2328,1,0,1450,42 -2330,1,1,0915,34 -2332,1,0,1940,33.2 -2333,1,0,1151,41.9 -2335,1,0,1936,46.5 -2336,1,0,1600,38.8 -2336,2,0,1710,40.3 -2336,3,0,1900,39.2 -2337,1,0,1730,40.2 -2337,2,1,0030,34.3 -2337,3,1,0545,34.2 -2338,1,0,2301,35.1 -2339,1,0,2200,35.3 -2339,2,1,0827,32.9 -2340,1,0,2350,37.9 -2340,2,1,0741,31 -2340,3,1,1610,25.1 -2342,1,0,1112,33.6 -2343,1,0,0347,42.5 -2343,2,0,1104,40.2 -2343,3,0,1920,38.6 -2344,1,0,1630,35.7 -2344,2,1,0615,29.1 -2345,1,0,1900,36.8 -2345,2,0,2017,33.1 -2345,3,1,0130,30.9 -2346,1,0,0104,39 -2346,2,0,0600,34.6 -2346,3,1,0440,36 -2347,1,0,2035,38.7 -2348,1,0,1943,40.8 -2349,1,0,1825,32.9 -2351,1,0,2320,34 -2353,1,0,1452,39.3 -2354,1,0,2350,43.7 -2354,2,1,0640,44.3 -2354,3,1,1310,44.5 -2356,1,0,1657,40.7 -2356,2,2,0452,37.1 -2356,3,3,0450,33.1 -2357,1,0,1556,32.7 -2359,1,0,1740,35.2 -2359,2,0,1900,35.5 -2359,3,0,2100,35 -2360,1,0,2024,40.4 -2361,1,0,1640,33 -2362,1,0,1642,34.8 -2362,2,0,1800,33.5 -2362,3,0,1943,33.5 -2363,1,1,0001,42.9 -2363,2,1,0117,13 -2363,3,1,0138,42 -2364,1,0,1935,40.5 -2366,1,1,0009,35.7 -2368,1,0,1220,42.6 -2369,1,0,2138,35.4 -2371,1,0,1504,8.2 -2371,2,0,1800,26.6 -2371,3,1,0000,23.9 -2372,1,0,1713,44.8 -2373,1,0,1314,33.8 -2374,1,0,1545,19 -2374,2,1,0020,28.4 -2374,3,1,0211,31 -2375,1,0,1445,35.6 -2376,1,0,1717,40.3 -2377,1,0,1650,45.8 -2377,2,0,1815,43.5 -2377,3,0,2000,41.9 -2378,1,0,2005,37 -2379,1,0,1837,40.6 -2380,1,0,1245,40 -2381,1,0,2115,36.5 -2381,2,0,2240,35.4 -2381,3,1,0115,33.8 -2383,1,0,1240,44.1 -2384,1,0,1827,42 -2384,2,1,0400,40.4 -2385,1,0,1609,44.3 -2386,1,0,2152,33.5 -2387,1,0,0450,39.8 -2387,2,0,0643,34.9 -2387,3,0,0755,35.3 -2388,1,0,1525,37.3 -2389,1,0,1550,37.2 -2390,1,0,1702,36.2 -2390,2,0,1753,28.5 -2390,3,1,0347,34.6 -2391,1,0,2056,38 -2392,1,0,2120,35.5 -2392,2,1,0550,32.4 -2392,3,2,0249,29.9 -2393,1,0,2007,34.4 -2394,1,0,1914,41.1 -2395,1,0,0835,44.8 -2396,1,0,1858,41.8 -2397,1,0,1800,39 -2399,1,0,1810,37 -2400,1,0,1942,35.6 -2400,2,1,0234,30.1 -2400,3,1,1042,28.6 -2401,1,0,2100,41.2 -2401,2,1,0735,36.3 -2402,1,0,1521,31.9 -2402,2,1,0139,26 -2402,3,1,0754,27.6 -2403,1,0,0107,45.4 -2404,1,0,1415,46.1 -2405,1,0,1910,41 -2409,1,0,2018,38.4 -2409,2,0,2133,36.5 -2409,3,0,2312,34.5 -2411,1,0,1714,33.5 -2411,2,0,1831,30.8 -2411,3,0,2028,30.7 -2412,1,0,1741,36.3 -2413,1,0,2000,38.2 -2414,1,0,2143,27.7 -2416,1,0,1550,39 -2417,1,0,1920,37.5 -2417,2,0,2110,35.8 -2417,3,0,2330,35.8 -2418,1,0,0315,39.9 -2421,2,0,2031,31.2 -2423,1,0,1757,38.3 -2424,1,0,2004,33.8 -2425,1,0,0055,34.2 -2426,1,0,1905,36.4 -2426,3,1,0610,27.2 -2426,4,1,1433,23.3 -2427,1,0,0301,38.6 -2428,1,0,2125,33.6 -2430,1,0,2210,34.2 -2431,1,0,2130,34.4 -2431,2,0,2325,35 -2431,3,1,0030,33.9 -2434,1,0,1620,39.4 -2435,1,0,1658,37.2 -2436,1,1,0600,38.3 -2437,1,0,2127,34.6 -2438,1,0,1833,39.8 -2438,2,1,0123,34.8 -2443,1,0,0036,49 -2443,2,0,0610,44.1 -2445,1,0,1458,35.4 -2445,2,0,2308,31.9 -2446,1,0,1700,46.4 -2446,2,2,1717,37.6 -2447,1,0,1834,34.3 -2448,1,0,0130,36 -2448,2,0,1003,32 -2448,3,1,0700,31 -2449,1,0,1958,36.4 -2450,1,0,0354,34.5 -2451,1,0,1020,41 -2453,1,0,0123,39.2 -2453,2,0,0933,36.1 -2454,1,0,1802,45 -2455,1,0,0144,38.2 -2456,1,0,1518,39 -2456,2,0,1537,40.7 -2457,1,0,1734,34.9 -2458,1,0,2232,33.1 -2459,1,0,1405,35.5 -2460,1,0,2036,31.9 -2462,1,0,1713,34.7 -2462,2,1,1338,33 -2462,3,3,0510,31.3 -2463,1,0,1700,35.9 -2463,2,0,1815,34.7 -2463,3,0,2000,34.3 -2464,1,0,1135,29.5 -2464,2,0,1706,23.2 -2464,3,0,1810,24.6 -2466,1,0,2330,38.1 -2467,1,0,0735,33.7 -2467,2,0,1015,29.4 -2467,3,0,1240,30 -2468,1,0,0314,36.8 -2468,2,0,0630,20.5 -2468,3,0,1000,23 -2471,1,0,1730,37.5 -2474,1,0,1256,38.6 -2475,1,0,2154,35.1 -2475,2,1,0001,32.1 -2475,3,1,0133,35.2 -2476,1,0,0228,37 -2477,1,0,0551,36.8 -2478,1,0,2008,43 -2478,2,1,0330,35.6 -2478,3,1,1425,32.1 -2479,1,0,1722,34.3 -2480,1,0,2156,38 -2480,2,1,0630,34.5 -2481,2,1,0225,33.4 -2482,1,0,1911,40.6 -2482,2,0,2307,49.3 -2482,3,1,0341,41.3 -2483,1,0,1635,34.9 -2484,1,0,1541,38.3 -2485,1,0,2152,37.5 -2486,1,0,2105,33.9 -2488,1,0,1229,47 -2490,1,1,0011,35.4 -2491,1,2,0530,27.2 -2491,2,1,0216,38 -2491,3,0,2343,37 -2492,1,0,0808,42.8 -2492,2,0,2251,27.9 -2492,3,1,1135,25.9 -2494,1,0,1650,34.3 -2495,1,0,1213,37.4 -2496,1,0,2003,39.3 -2496,2,1,0007,37.5 -2496,3,1,0415,37.9 -2497,1,0,2030,36.5 -2497,2,0,2130,35.6 -2497,3,0,2320,35.3 -2498,1,0,1900,41.1 -2498,2,1,0630,35.9 -2499,1,0,1926,39 -2501,1,0,2038,36.1 -2502,1,0,0900,37.2 -2502,2,0,1105,37.7 -2502,3,0,1200,38 -2503,1,0,1530,43 -2503,2,0,1701,41 -2503,3,1,0500,35.4 -2504,1,0,0849,51 -2505,1,0,1843,33.5 -2507,1,0,1251,36.6 -2508,1,0,1558,38.5 -2509,1,0,1904,35.3 -2509,2,1,0924,36.9 -2511,1,0,1539,20.1 -2511,2,0,2031,25.4 -2511,3,1,0015,27.4 -2512,1,0,1748,35 -2512,2,0,2129,34.2 -2512,3,0,2324,32 -2513,1,1,0004,38.2 -2513,2,1,1838,26 -2513,3,2,0544,24.6 -2515,1,1,0002,39 -2515,2,0,2355,38.7 -2515,3,1,0650,33.6 -2516,1,0,2028,43 -2517,1,0,0833,41.9 -2518,1,0,1420,35.7 -2518,2,0,1605,35.4 -2518,3,0,1720,34 -2519,1,0,1955,40.9 -2521,1,0,2120,42.9 -2521,2,1,0119,39.3 -2521,3,2,0350,37.6 -2522,1,0,2240,40.2 -2522,2,1,0000,39.4 -2522,3,1,0210,36.6 -2523,1,0,1206,40.8 -2524,1,0,0910,45 -2525,1,0,2321,40.5 -2526,1,0,1525,34.9 -2526,2,0,1735,32.4 -2526,3,0,1835,33 -2528,1,0,1755,40.5 -2529,1,0,1631,45.6 -2530,1,0,1644,35.3 -2531,1,0,1855,34.2 -2532,1,0,2130,33.8 -2533,1,0,1701,36.8 -2534,1,0,1308,41.8 -2534,2,0,1400,35.4 -2534,3,0,1640,31 -2535,1,1,0032,40.7 -2536,1,0,1947,42.8 -2538,1,0,1410,41.9 -2539,1,0,2140,35.6 -2540,1,0,1106,41 -2541,1,0,2134,36.3 -2541,2,1,0710,28.6 -2545,1,0,1940,39.5 -2545,2,0,2125,38.5 -2545,3,1,0140,37.1 -2547,1,0,0207,47.5 -2548,1,0,2117,36.8 -2548,2,0,2247,35.3 -2548,3,1,0020,34.9 -2549,1,0,1036,36 -2550,1,0,2216,26.1 -2551,1,0,1920,36.6 -2552,1,0,2041,38.6 -2552,2,0,2140,33 -2552,3,0,2341,31.2 -2554,1,0,0828,37.8 -2554,2,1,0631,29.3 -2555,1,0,1740,37.8 -2555,2,0,1835,36.3 -2555,3,1,0400,35.6 -2556,1,0,1300,37.6 -2556,2,0,1308,38 -2556,3,1,0440,32.9 -2559,1,0,1626,39.3 -2559,2,1,0507,37.2 -2560,1,1,0245,30.9 -2560,2,1,0958,29.3 -2561,1,0,1822,35.8 -2562,1,0,2023,32 -2562,2,1,0050,30 -2562,3,2,0500,28 -2563,1,0,1315,42.8 -2563,2,1,0430,33.4 -2564,1,0,2130,37.9 -2565,1,0,1535,40.3 -2565,2,1,0812,37.1 -2567,1,0,1900,35.8 -2569,1,0,1900,32.4 -2569,2,0,2110,30.5 -2570,1,0,1217,40 -2570,2,0,1224,41.4 -2571,1,0,0400,36.6 -2571,2,0,0548,33.7 -2571,3,0,0746,33.3 -2572,1,0,1615,38.3 -2572,2,0,1830,32.7 -2572,3,0,2025,36.3 -2574,1,0,1439,32.8 -2574,2,2,0430,31.9 -2575,1,0,2243,32.6 -2575,2,1,1153,31.3 -2576,1,0,0112,35.5 -2577,1,0,2208,28.7 -2580,1,0,1450,36 -2580,2,1,0411,31 -2580,3,2,0405,31 -2581,1,0,1015,39 -2581,2,1,0535,34 -2582,1,0,2214,39 -2583,1,0,1900,34.2 -2587,1,0,1405,36.5 -2587,2,0,1505,33 -2588,1,0,1125,37.2 -2590,1,0,0700,36.8 -2591,1,0,2215,34 -2592,1,0,1640,40.6 -2593,1,0,1155,36.8 -2594,1,0,1931,32.3 -2595,1,1,0002,37 -2595,2,1,0037,29 -2595,3,1,0245,35.7 -2596,1,0,1147,40.2 -2598,1,1,0005,44.1 -2599,1,0,1300,38.8 -2600,1,0,2212,37.5 -2601,1,0,1454,41.7 -2602,1,0,1800,36.1 -2605,1,0,1900,41.2 -2605,2,7,1350,38.7 -2606,1,0,0844,39 -2606,2,1,0630,35.6 -2607,1,0,1220,34.4 -2608,1,0,2332,39.2 -2609,1,0,1749,40.1 -2610,1,0,1922,40 -2611,1,0,1749,33.4 -2613,1,0,2226,39.3 -2613,2,1,0025,36.8 -2613,3,1,0610,37.7 -2614,1,0,2025,42.5 -2615,1,0,2355,36.9 -2616,1,0,1749,37.8 -2617,1,0,1824,34.3 -2618,1,0,2152,43.3 -2619,1,0,1745,40.5 -2620,1,0,1514,44.9 -2621,1,0,2259,39.4 -2621,2,1,1815,35 -2621,3,2,0600,34.8 -2623,1,0,1410,39.6 -2624,1,0,2300,35.1 -2624,2,2,0515,28.9 -2625,1,0,1702,33.9 -2625,2,0,2323,31.8 -2626,1,1,0038,36 -2626,2,1,0349,37.6 -2628,1,0,1409,43.6 -2629,1,0,2244,36 -2629,2,1,1040,35.7 -2630,1,0,1810,36.7 -2632,1,0,1824,36 -2633,1,0,1610,36.3 -2633,2,0,1745,29.4 -2633,3,0,1930,24.3 -2634,1,0,1145,43.8 -2635,1,0,2034,32.2 -2635,2,1,0100,27.8 -2635,3,1,0530,27.1 -2636,1,0,1452,30.1 -2636,2,0,2052,26.6 -2636,3,1,0028,27.4 -2638,1,0,2025,39.4 -2639,1,0,1518,37.7 -2640,1,0,2157,41.7 -2641,1,0,1425,39 -2641,2,0,1520,38.7 -2641,3,0,1740,38.9 -2642,1,0,1315,39.8 -2643,1,0,2125,42 -2643,2,0,2208,40.8 -2643,3,0,2351,40.4 -2644,1,0,2107,33.1 -2644,2,0,2244,34.4 -2644,3,1,0445,33.1 -2645,1,0,1423,40.4 -2647,1,0,1853,36 -2647,2,0,1900,35.4 -2648,1,0,1429,39.8 -2648,2,0,1518,35.2 -2648,3,0,1809,36.1 -2651,1,0,1620,39 -2653,1,0,2234,34.9 -2654,1,0,2030,40.4 -2655,1,0,2102,33.9 -2655,2,1,0610,28.9 -2656,1,0,2045,36.4 -2656,2,2,0420,34.6 -2657,1,0,1335,33.6 -2659,1,0,1802,40.5 -2659,2,0,2334,37.5 -2659,3,1,0529,36.8 -2661,1,0,2025,36.7 -2662,1,0,1840,36.5 -2662,2,0,1839,39 -2663,1,0,2115,43 -2664,1,0,1845,31.8 -2664,2,5,0658,28.6 -2666,1,0,2312,35.6 -2666,2,1,0654,31.7 -2667,1,0,2250,39.2 -2668,1,0,1303,39 -2668,2,0,1749,32.5 -2668,3,1,0020,32.8 -2669,1,0,1854,36.5 -2669,2,0,1944,40 -2671,1,0,1500,32.5 -2671,2,0,1345,34 -2671,3,0,1422,37 -2672,1,0,1513,39.4 -2672,2,1,0831,35.9 -2672,3,6,1402,36 -2673,1,0,2324,41 -2673,2,1,0120,40.5 -2674,1,0,1833,33.7 -2674,2,1,0100,32.8 -2674,3,1,1629,30.7 -2675,1,0,1840,34.6 -2675,2,1,0332,33.8 -2675,3,1,1701,30 -2677,1,0,1552,43.7 -2680,1,0,2313,41 -2683,1,0,0600,35 -2684,1,0,2131,41.7 -2684,2,2,0715,36.1 -2684,3,3,0800,35.2 -2685,1,0,1535,39.8 -2686,1,0,2140,45.3 -2687,1,0,1700,30.6 -2687,2,0,2200,26 -2687,3,1,0610,26.9 -2687,4,1,1034,27.1 -2688,1,0,1845,40.4 -2689,1,0,1124,37.9 -2689,2,0,1334,37.2 -2689,3,0,2030,27.9 -2690,1,0,1557,34.7 -2692,1,0,0032,34.9 -2694,1,0,2240,37.5 -2694,2,0,2355,35.8 -2695,1,0,1345,36.3 -2695,2,0,1630,34.9 -2696,1,0,1933,37.5 -2696,2,0,2120,36.7 -2696,3,0,2241,36.5 -2699,1,0,1320,34.9 -2699,2,0,1840,34.8 -2699,3,1,0430,30.3 -2700,1,0,0650,34.7 -2701,1,0,1626,38.2 -2703,1,0,2140,18.4 -2703,2,1,0044,42.6 -2703,3,1,0457,40.4 -2705,1,1,0200,26.8 -2705,2,1,0330,30.1 -2705,3,1,0640,21.8 -2706,1,0,2151,37.3 -2707,1,0,1800,40.9 -2707,2,0,1752,43 -2708,1,0,2023,34.6 -2710,1,0,0250,37.8 -2712,1,0,1703,32.2 -2712,2,1,0810,32.3 -2713,1,0,1551,41.8 -2714,1,0,1250,36.9 -2719,1,0,1150,36.8 -2719,2,0,1245,37.9 -2719,3,0,1700,35.8 -2720,1,0,1524,38 -2722,1,0,1249,37.3 -2722,2,1,0114,19.4 -2722,3,1,0503,22.2 -2723,1,0,0210,32.8 -2723,2,0,0325,31 -2723,3,0,0530,30.2 -2724,1,0,0231,35 -2724,2,0,0615,32.5 -2724,3,0,1230,31.8 -2725,1,0,1736,36.4 -2726,1,0,1245,38.4 -2727,1,0,2115,38.5 -2728,1,0,1617,37.5 -2729,1,0,1700,38.8 -2729,2,0,1850,39.2 -2731,1,1,0551,42.2 -2732,1,0,0845,37.8 -2733,1,0,0044,37.3 -2734,1,0,0730,37.1 -2735,1,0,2300,32.1 -2736,1,0,1820,45.5 -2737,1,0,2030,39 -2738,1,0,1556,41 -2739,1,0,1624,37 -2739,2,0,1625,36.9 -2740,1,0,1240,35 -2741,1,0,1553,36 -2741,2,0,2037,26.8 -2741,3,1,0210,25.2 -2742,1,0,1918,36.9 -2743,1,0,1240,44 -2744,1,0,0056,42.2 -2744,2,0,0549,36.4 -2744,3,0,1200,38.3 -2745,1,0,1329,29.8 -2745,2,0,1441,31 -2745,3,0,1450,32.2 -2746,1,0,2330,25.1 -2746,2,1,0135,24.5 -2746,3,1,0836,22 -2747,1,0,1800,34.9 -2747,2,0,1950,32.2 -2747,3,0,2135,33.2 -2749,1,0,1425,41.9 -2750,1,0,1655,37.7 -2751,1,0,1728,41 -2751,2,1,1014,36.4 -2752,1,0,1608,31.5 -2752,2,0,2200,30.7 -2752,3,1,0351,30.2 -2753,1,0,2146,41.9 -2754,1,0,0316,48.3 -2754,2,0,0400,45.9 -2756,1,1,0252,33.7 -2756,2,1,0357,33.1 -2756,3,1,0551,31.2 -2757,1,0,1503,32.7 -2758,1,0,1342,43.6 -2759,1,0,1553,43 -2760,1,0,2100,35.6 -2762,1,0,1615,38.3 -2762,2,0,1740,36.1 -2762,3,0,2000,36.2 -2763,1,0,2330,35.2 -2764,1,0,1713,36.3 -2765,1,0,1727,45.1 -2765,2,0,2325,41.1 -2765,3,1,0400,42.1 -2768,1,0,1715,43 -2768,2,1,0630,32.5 -2770,1,0,1447,36 -2772,1,0,2113,36.8 -2773,1,0,1625,37.1 -2774,1,2,0650,26.5 -2775,1,0,1145,41.3 -2776,1,0,1128,40.9 -2777,1,0,0648,36 -2778,1,0,1520,38 -2778,2,0,1647,37.7 -2778,3,0,1950,37.4 -2780,1,0,2116,43.3 -2783,1,0,0120,33.5 -2784,1,0,1801,32.9 -2785,1,0,1935,41.1 -2785,2,1,2107,31.3 -2785,3,2,0844,25.2 -2786,1,0,1756,35.9 -2787,1,0,1728,40.5 -2788,1,0,1658,36.8 -2788,2,0,1807,36.5 -2788,3,0,1815,39.3 -2791,1,0,2130,42.2 -2791,2,0,2143,45 -2792,1,0,0754,46.9 -2793,1,0,1701,35 -2793,2,0,2237,30 -2793,3,0,2335,28 -2795,1,0,1843,40.1 -2799,1,0,2123,32.2 -2800,1,0,1119,41.7 -2802,1,0,1730,40.4 -2803,1,0,1750,33.4 -2804,1,0,1759,37.9 -2805,1,0,2132,41.4 -2806,1,0,1824,38 -2810,1,0,1051,43 -2810,2,0,1315,39 -2811,1,0,1636,36.5 -2812,1,0,1740,34 -2812,2,2,1030,36 -2815,1,0,1417,38.1 -2816,1,0,1337,38.9 -2817,1,0,1953,36.7 -2818,1,0,2110,41 -2819,1,0,1710,38.5 -2820,1,0,1607,34.3 -2820,2,1,0658,29.1 -2820,3,4,0555,29.4 -2822,1,0,1958,38.4 -2823,1,0,1945,46.1 -2824,1,0,1957,37 -2824,2,0,2319,36 -2824,3,1,0630,26.9 -2825,1,0,2203,43 -2826,2,0,1950,37.3 -2827,1,0,0500,46 -2829,1,0,1947,36.1 -2829,2,1,0300,34.9 -2829,3,2,0420,27.9 -2830,1,0,2013,36.9 -2831,1,0,2023,35.6 -2832,1,0,1629,39.8 -2833,1,0,2340,41 -2833,2,1,0530,36.2 -2835,1,0,2137,40 -2837,1,0,1600,31.3 -2837,2,0,1730,28.2 -2837,3,0,1910,28.3 -2838,1,0,1600,36 -2838,2,1,0540,30 -2838,3,2,0420,26 -2839,1,0,1724,36.3 -2840,1,1,0019,44.7 -2841,1,0,0940,45.7 -2841,2,0,1140,45.6 -2841,3,0,1320,46.8 -2844,1,0,1651,34.9 -2845,1,0,1323,36.2 -2847,1,0,1850,39 -2848,1,0,2311,32.5 -2848,2,1,0503,27.4 -2848,3,1,1145,23.9 -2850,1,0,1720,42.6 -2852,1,0,1753,35.1 -2852,2,0,1900,35.9 -2852,3,0,2200,34.1 -2853,1,0,2328,35.9 -2853,2,1,0439,35.5 -2855,1,0,1428,34.4 -2856,1,0,1645,35.1 -2856,2,0,1745,34.3 -2856,3,0,2130,35.8 -2857,1,0,2004,40.9 -2858,1,0,1227,36.6 -2858,2,0,1321,34.3 -2858,3,0,1554,35.6 -2861,1,0,0500,35.4 -2863,1,1,0100,39.8 -2864,1,0,1720,41.1 -2867,1,0,1340,34.5 -2868,1,0,1459,34.6 -2869,1,0,1903,44.1 -2870,1,0,1910,30.5 -2870,2,0,2105,31.9 -2870,3,0,2310,30.6 -2871,1,0,1420,37.2 -2871,2,1,0440,27.2 -2871,3,2,0551,26.1 -2872,1,0,1616,35.9 -2872,2,1,1113,34.2 -2872,3,2,0728,35.8 -2873,1,0,0115,33.5 -2873,2,0,0140,34.1 -2874,1,0,1914,44.5 -2875,1,0,0826,37 -2876,1,0,1819,28.3 -2877,1,0,1619,35.1 -2877,2,0,1820,22.8 -2877,3,1,0437,32.2 -2879,1,0,2033,44.1 -2882,1,0,1154,39.2 -2883,1,0,0425,41 -2883,2,0,0620,42 -2883,3,1,0732,36 -2884,1,0,1628,43.8 -2884,2,0,1720,41.9 -2884,3,0,1940,39.6 -2885,1,0,1730,35 -2885,2,0,2357,31.6 -2885,3,1,0730,32.6 -2886,1,0,2205,34.3 -2887,1,0,1556,36.8 -2888,1,0,1800,38.3 -2888,2,1,0021,32.3 -2888,3,1,0150,33.5 -2889,1,0,1838,34.8 -2890,1,0,1337,36.9 -2891,1,0,1952,35.3 -2892,1,0,0252,40 -2894,1,0,0415,39.2 -2894,2,0,0950,33.2 -2894,3,0,1630,32 -2895,1,0,1804,46 -2897,1,0,2318,36.5 -2897,2,2,0848,32.9 -2899,1,0,2019,36 -2899,2,0,2209,32.2 -2899,3,0,2354,33 -2900,1,0,1800,35.7 -2901,1,0,2025,42.1 -2904,1,0,1623,37.2 -2905,1,0,1646,44 -2906,1,0,1525,36.4 -2906,2,2,1950,31.2 -2906,3,3,0401,33.2 -2908,1,0,1611,37.1 -2909,1,0,1640,42.8 -2909,2,1,0515,36.5 -2910,1,0,2250,38.4 -2912,1,0,1445,35 -2915,1,0,2335,43.1 -2916,1,0,1332,28 -2916,2,0,1413,21 -2916,3,0,1437,31 -2917,1,0,1515,35.3 -2920,1,0,2201,11.6 -2922,1,0,1140,33.9 -2922,2,1,0035,28.1 -2922,3,1,0200,30.4 -2925,1,0,2305,39 -2926,1,0,2235,43.4 -2927,1,0,1436,35.7 -2928,1,0,2211,37.5 -2929,1,0,1428,39.8 -2930,1,0,1435,42 -2931,1,0,2100,31.7 -2933,1,0,2031,40.1 -2934,1,0,1849,41.1 -2934,2,0,2020,36.6 -2934,3,0,2207,34.9 -2935,1,0,2026,40 -2935,2,1,0530,35.5 -2935,3,2,0605,34.2 -2937,1,0,1245,36 -2938,1,0,1315,39.9 -2939,1,0,1906,38 -2939,2,1,0204,31 -2939,3,1,0820,31 -2941,1,0,0709,40.8 -2943,1,0,1609,45 -2943,2,0,1621,43.8 -2945,1,0,0205,14.5 -2945,2,0,0330,22.7 -2945,3,0,0535,19.2 -2946,1,0,2227,36.5 -2947,1,0,1735,36.4 -2947,2,1,0247,32.9 -2947,3,1,0805,27.3 -2948,1,0,1800,37.8 -2950,1,0,1241,37.2 -2952,1,0,1556,43.4 -2953,1,1,0010,35.6 -2954,1,0,1731,26.4 -2954,2,1,1030,23.2 -2955,1,0,1927,37.9 -2956,1,0,1734,34.9 -2958,1,0,2100,34 -2958,2,1,0457,29.3 -2960,1,0,1607,36 -2960,2,1,0545,33.4 -2960,3,2,0605,32.3 -2962,1,0,1629,30 -2962,2,0,1823,24.7 -2962,3,1,0110,29 -2963,1,0,1139,39.2 -2967,1,0,1125,42.5 -2967,2,0,1335,40.4 -2967,3,0,1605,39.6 -2968,1,0,2130,36.1 -2969,1,0,1955,38.1 -2969,2,1,0515,35.3 -2969,3,1,1500,36.7 -2970,1,0,1950,34.7 -2971,1,0,1830,38.2 -2971,2,0,2328,31.1 -2971,3,1,0411,30.6 -2972,1,0,1848,46.6 -2973,1,0,1800,38.2 -2974,1,0,0024,44 -2975,1,0,1615,42.1 -2978,1,0,1018,33.1 -2980,1,0,2055,27.9 -2980,2,0,2056,27 -2980,3,1,0850,21.09 -2981,1,0,2255,38.5 -2981,2,1,0555,38.4 -2982,1,0,0944,35.9 -2982,2,1,0827,31.5 -2982,3,1,2041,27.2 -2983,1,0,1745,37.4 -2985,1,0,1621,33.4 -2986,1,0,1400,40.8 -2986,2,0,1500,41 -2986,3,0,1700,42.3 -2988,1,0,0933,38.9 -2989,1,0,1611,38.5 -2991,1,0,2300,41 -2991,2,1,1455,37.3 -2991,3,2,0800,35.2 -2992,1,0,1727,43.6 -2992,2,0,1946,42.5 -2993,1,0,1634,35.8 -2994,1,0,1938,43.6 -2994,2,1,0116,39.5 -2994,3,1,0529,38.9 -2995,1,0,1008,38.5 -2999,1,1,0312,30.7 -3001,1,0,2144,36.5 -3002,1,0,1502,41.4 -3002,2,0,1941,32.6 -3002,3,1,0036,33.3 -3004,1,0,1555,34.9 -3005,1,0,1900,40.5 -3005,2,0,2349,32.6 -3005,3,1,1400,28.2 -3007,1,0,1629,44.3 -3008,1,0,0333,44.6 -3008,2,0,0421,42.1 -3008,3,0,0645,37.6 -3009,1,0,1625,35.6 -3009,2,0,2124,35.7 -3009,3,1,0300,34 -3011,1,0,2238,39.3 -3014,1,0,2214,31.3 -3014,2,1,0003,30.3 -3014,3,1,0556,29.2 -3015,1,0,0920,42.9 -3015,2,0,1116,41.3 -3015,3,0,1320,38.7 -3016,1,0,2210,31.2 -3016,2,1,0215,30.9 -3016,3,1,0540,29.8 -3018,1,0,2359,36.9 -3019,1,0,2201,39.7 -3019,2,1,0600,35.6 -3022,1,0,0957,37.7 -3022,2,0,1053,38 -3023,1,0,1355,30.5 -3025,1,0,1930,34 -3025,2,0,2100,30.1 -3025,3,0,2245,33 -3026,1,0,1534,37.5 -3026,2,0,1547,37 -3027,1,0,1550,43.1 -3030,1,0,2006,39.4 -3030,2,1,0005,38.9 -3030,3,1,0617,37.2 -3032,1,1,0035,41.8 -3032,2,1,0300,37.4 -3032,3,1,0415,35.9 -3033,1,0,2242,38.9 -3034,1,0,2309,37.6 -3035,1,0,1420,39.3 -3036,1,0,1910,38.2 -3037,1,1,0015,36.2 -3037,2,1,0120,31.2 -3037,3,1,0341,33.2 -3038,1,0,1633,31.2 -3039,1,0,1820,33.8 -3040,1,0,1400,41.2 -3040,2,0,1520,38.2 -3040,3,0,1650,39.5 -3042,1,0,1819,36 -3042,2,1,0924,21.8 -3042,3,1,1431,19.8 -3043,1,0,1554,43 -3043,2,0,2015,43.9 -3043,3,1,0520,40.2 -3044,1,0,1253,37.4 -3045,1,0,1859,37 -3047,1,0,2206,45.2 -3047,2,0,2355,43.2 -3047,3,1,0130,43.6 -3048,1,0,2012,36.9 -3049,1,0,2220,36 -3049,2,1,0105,34.4 -3049,3,1,0400,33 -3050,1,0,1640,26.6 -3051,1,0,1644,41 -3051,2,0,1630,38.9 -3054,1,0,1500,38 -3055,1,0,1025,41.1 -3056,1,0,1444,39.8 -3057,1,0,1535,43 -3057,2,1,0415,35.7 -3057,3,2,0400,36.9 -3059,1,0,1535,41.5 -3059,2,0,1635,38.3 -3059,3,0,1750,39.3 -3061,1,0,0950,37 -3061,2,0,1615,36.8 -3061,3,0,1701,36.2 -3062,1,1,0334,30.2 -3062,2,0,2357,20.9 -3062,3,0,1630,25.6 -3063,1,0,2310,33.8 -3064,1,0,1612,41 -3064,2,1,0120,33.9 -3064,3,1,0605,34 -3065,1,0,1456,31.1 -3066,1,0,1028,37 -3066,2,0,1202,34 -3066,3,0,1407,34.9 -3067,1,0,1622,33.5 -3068,1,0,2132,36.9 -3069,1,0,1255,42.3 -3069,2,0,1620,43.6 -3069,3,0,2340,38.7 -3070,1,0,1830,34.1 -3070,2,1,0613,32.6 -3071,1,0,2001,37.6 -3073,1,0,2002,41.7 -3073,2,1,0554,39 -3073,3,2,0622,37.5 -3073,4,3,0638,39.3 -3074,1,0,0349,32.5 -3074,2,0,0431,21.6 -3074,3,0,0844,31.4 -3075,1,0,1551,39.1 -3076,1,0,0851,45.5 -3077,1,0,0048,41.2 -3077,2,0,0533,43.1 -3077,3,0,1628,44.1 -3078,1,0,1130,42.5 -3079,1,0,1245,42.9 -3080,1,0,1608,36.1 -3082,1,0,1600,36.1 -3082,2,0,1700,36.5 -3082,3,0,1900,36.8 -3083,1,0,1305,37 -3085,1,0,1732,42 -3085,2,0,1810,36.4 -3088,1,0,2215,39.6 -3089,1,0,1230,39.6 -3091,1,0,1103,39.7 -3092,1,0,1800,38.1 -3092,2,0,1915,36.7 -3092,3,0,2056,37.6 -3093,1,0,1836,35.3 -3093,2,5,0747,27.6 -3096,1,0,1830,32.4 -3096,2,0,2135,39.2 -3096,3,2,0850,34.2 -3098,1,0,1615,32.6 -3098,2,0,2055,32.7 -3098,3,1,1615,31.6 -3099,1,0,1555,40.8 -3100,1,0,1649,46.9 -3101,1,0,1500,37.3 -3101,2,0,1650,36.8 -3101,3,1,0440,33.8 -3102,1,0,1535,36.6 -3105,1,0,1220,40 -3105,2,0,2249,17.7 -3105,3,1,0326,25.5 -3108,1,0,1835,39 -3109,1,0,0025,43.2 -3110,1,0,2247,32.2 -3110,2,1,0400,32.3 -3111,1,0,2123,46.5 -3111,2,1,0012,44.3 -3112,1,0,1231,34.6 -3112,2,0,1830,29 -3112,3,1,0309,25.4 -3113,1,0,1849,37 -3114,1,0,2050,42.1 -3114,2,1,0823,37.2 -3114,3,2,0430,35.7 -3115,1,0,2100,29.8 -3116,1,0,0826,38.8 -3120,1,0,1628,38.9 -3120,2,1,0600,36.4 -3122,1,0,1807,39 -3124,1,1,0600,36.7 -3126,1,0,1400,37.9 -3127,1,0,2318,26.1 -3127,2,0,2320,24 -3127,3,1,0405,24.5 -3128,1,0,2015,39.4 -3128,2,0,2120,36.6 -3128,3,1,0045,36.2 -3129,1,0,0131,48.8 -3129,2,0,0826,42.4 -3129,3,1,0400,40.4 -3131,1,0,1846,42 -3132,1,0,1347,39.9 -3134,1,0,1510,37.9 -3135,1,0,1354,41 -3136,1,0,0055,45 -3136,2,0,0604,41.1 -3137,1,0,1400,40 -3138,1,0,1207,35.4 -3138,2,0,1702,32.6 -3138,3,1,0400,31 -3141,1,0,1501,35.2 -3142,1,0,0910,44.7 -3145,1,0,2007,42 -3146,1,0,1848,42.5 -3146,2,0,1914,42 -3147,1,0,1233,36.8 -3148,1,0,1648,46.6 -3148,2,1,0345,49.3 -3149,1,0,1510,38.5 -3151,1,1,0550,31 -3151,2,0,1903,40 -3152,1,0,2347,38.2 -3153,1,0,2225,41.9 -3154,1,0,1106,33.4 -3155,1,1,0027,18 -3155,2,0,1938,29 -3155,3,1,0750,40.7 -3157,1,0,1708,37.7 -3159,1,0,1705,35.7 -3159,2,1,0230,30.9 -3161,1,0,1833,42.3 -3162,1,0,1907,35.4 -3164,1,0,1816,43.1 -3165,1,1,0649,33 -3166,1,0,1343,35 -3166,2,1,0555,31.1 -3166,3,2,0020,31 -3167,1,1,0625,25.8 -3167,2,2,0555,22.9 -3167,3,3,0600,22.9 -3169,1,0,0530,26 -3170,1,0,1715,37.1 -3170,2,1,0645,32.8 -3172,1,0,2251,43 -3174,1,0,1842,37.3 -3175,1,0,2005,40.6 -3176,1,0,2258,35 -3177,1,0,1456,42.2 -3177,2,0,1520,41.2 -3178,1,0,1615,39.3 -3178,2,0,1715,38.7 -3178,3,0,1930,37.4 -3179,1,0,2000,36 -3180,1,0,2100,41 -3181,1,0,2243,37.9 -3182,1,0,1320,36.9 -3184,1,0,1623,33 -3184,2,0,2015,26 -3184,3,1,0030,24 -3185,1,0,2301,36.5 -3186,1,0,0856,38.9 -3186,2,0,1831,32.4 -3186,3,1,0354,29.2 -3187,1,0,1530,33.9 -3188,1,0,1631,33.6 -3189,2,0,1245,43.8 -3189,3,1,0815,32.6 -3189,4,1,1500,33.5 -3190,1,0,0323,44.6 -3190,2,1,0500,37.3 -3190,3,2,0520,35.6 -3191,1,0,1959,31 -3193,1,0,1020,44.1 -3194,1,0,1136,43.5 -3195,1,0,1650,43.4 -3196,1,0,2110,36.9 -3196,2,0,2247,37.6 -3197,1,1,0530,33.3 -3197,2,0,2108,38 -3198,1,0,2023,32.3 -3199,1,0,1227,39.5 -3199,2,0,1815,34.7 -3200,1,0,1735,44.8 -3200,2,0,1845,42.8 -3201,1,0,1626,29.6 -3201,2,1,0418,27.6 -3202,1,0,2120,34.7 -3203,1,0,2150,39.1 -3204,1,0,1939,36.9 -3207,1,0,1950,36.3 -3208,1,0,1633,34.7 -3208,2,0,1759,35.1 -3208,3,0,2031,35.2 -3209,1,0,2145,31.1 -3209,2,0,2355,30 -3210,1,0,1803,43.9 -3211,1,0,2203,40.5 -3211,2,0,2307,37.9 -3211,3,1,0200,36.2 -3212,1,0,0945,37.7 -3213,1,0,1735,40.2 -3213,2,1,0700,39 -3214,1,0,1515,29.9 -3214,2,0,2030,26 -3214,3,1,0410,23.6 -3214,4,1,1140,20.7 -3214,5,2,0225,25 -3214,6,2,0450,24 -3214,7,2,1715,24.8 -3214,8,3,0445,23.5 -3214,9,3,1630,25 -3214,10,5,0150,27.7 -3214,11,6,0355,29.7 -3216,1,0,1216,36.6 -3217,1,0,1411,41.6 -3218,1,1,1423,44.4 -3219,1,0,1632,38 -3220,1,0,2020,38 -3220,2,1,0449,32.7 -3220,3,1,0648,35 -3221,1,0,1815,43 -3222,1,0,1655,25.8 -3222,2,0,1845,28.4 -3222,3,0,2040,29.2 -3224,1,0,2110,37.4 -3225,1,0,1851,35.2 -3226,1,0,1725,43.4 -3227,1,0,1604,42 -3228,1,0,1724,32.4 -3229,1,0,1335,41.2 -3230,1,0,1900,41.2 -3230,2,0,2035,39.4 -3230,3,0,2200,39.7 -3231,1,0,2200,44 -3232,1,0,2330,28.9 -3232,2,1,0432,24.1 -3232,3,1,0947,20.8 -3233,1,0,0712,36.4 -3233,2,0,0841,31.5 -3233,3,0,1330,29.4 -3234,1,0,2015,34.3 -3234,2,0,2252,34.3 -3237,1,0,2340,35.7 -3238,1,0,1113,38.7 -3238,2,1,0215,33.8 -3238,3,1,1810,34.4 -3240,1,0,1955,34.7 -3240,2,0,2142,35.1 -3240,3,0,2326,32.4 -3242,1,0,2313,38.2 -3242,2,1,0530,32.5 -3242,3,1,1600,25.5 -3243,1,0,2213,36.2 -3244,1,0,0815,39 -3244,2,0,0820,41.1 -3244,3,0,1004,43 -3246,1,0,2252,41.6 -3247,1,0,2125,36.6 -3248,1,1,0500,35.9 -3248,2,0,2015,41 -3248,3,1,0010,37.3 -3249,1,0,1737,34.6 -3250,1,0,1826,30.7 -3250,2,0,2210,28.2 -3250,3,1,0419,26.2 -3251,1,0,1119,43.6 -3251,2,0,1214,43 -3251,3,0,1417,42.2 -3252,1,0,1448,38.1 -3253,1,0,1649,39.3 -3255,1,0,2320,37.5 -3255,2,1,0143,34.4 -3255,3,1,0244,33.9 -3256,1,0,1526,32 -3256,2,0,1637,34 -3256,3,0,2015,28.7 -3257,1,0,0840,37.5 -3257,2,0,1035,36.5 -3258,1,0,2106,41 -3258,2,0,2110,38.9 -3258,3,0,2332,32 -3259,1,0,2133,41 -3260,1,0,1345,42.4 -3261,1,0,1602,33.2 -3264,1,0,2011,35.9 -3265,1,0,1806,32.5 -3265,2,0,1937,31.3 -3265,3,0,2345,28.9 -3267,1,0,0235,33.1 -3268,1,0,1740,45.7 -3269,1,0,1816,42.5 -3270,1,0,1748,35 -3270,2,0,1750,35.5 -3270,3,1,0600,25.2 -3271,1,0,1850,40.2 -3272,1,0,1415,32.9 -3273,1,0,0420,39.5 -3275,1,0,1732,38.7 -3276,1,0,1533,38 -3280,1,0,1546,39.6 -3280,2,1,0915,35 -3280,3,2,0650,32.7 -3281,1,0,1802,31.3 -3281,2,1,0012,29.3 -3281,3,1,0327,30.2 -3282,1,0,1030,39.7 -3283,1,0,2115,32.3 -3283,2,0,2215,28.4 -3283,3,1,0205,27.6 -3284,1,0,2045,36.3 -3285,1,0,1029,41.3 -3286,1,0,1859,42.7 -3287,1,0,2040,34.3 -3292,1,0,2059,35.5 -3292,2,1,0043,31.7 -3292,3,1,0503,29.8 -3293,1,0,2119,37 -3294,1,0,2107,37.8 -3295,1,0,0305,36 -3295,2,0,0500,36 -3295,3,1,0315,35 -3297,1,0,0206,39.5 -3297,2,0,0801,35.2 -3297,3,0,1200,33.5 -3299,1,0,1400,33.1 -3299,2,0,1539,34.8 -3301,1,0,1312,40.1 -3302,1,0,1710,35.8 -3304,1,1,0235,30.2 -3304,2,1,0800,30.2 -3304,3,1,2016,31.7 -3306,1,0,1852,32.5 -3307,1,0,1806,39.6 -3308,1,0,2301,35.3 -3309,1,0,1915,17 -3309,2,0,2114,28.5 -3309,3,1,0118,12.3 -3310,1,0,0153,37.8 -3311,1,0,2020,36.6 -3312,1,0,1058,37.6 -3314,1,0,1520,41.9 -3314,2,1,0545,33.3 -3314,3,1,2030,24.9 -3317,1,0,1351,36.4 -3318,1,0,1719,33.1 -3319,1,0,2319,40.8 -3319,2,1,0130,30.7 -3319,3,1,0530,24 -3320,1,0,1703,40.5 -3322,1,0,1810,38 -3323,1,0,0405,40.8 -3323,2,0,0520,39.8 -3323,3,0,0805,37.8 -3324,1,0,2117,31.5 -3326,1,0,1820,40.8 -3327,1,0,1519,35.8 -3329,1,0,1934,33.9 -3329,2,0,2205,31.6 -3329,3,1,0045,29.2 -3330,1,0,2150,41.1 -3330,2,1,1001,40.4 -3331,1,0,1240,36.4 -3332,1,0,1943,38.3 -3332,2,0,2130,36.8 -3332,3,1,0430,35.7 -3334,1,2,1750,23.7 -3334,2,3,0430,22.7 -3334,3,3,1800,24 -3335,1,0,2041,42 -3337,1,0,0900,33.4 -3337,2,0,1407,26.1 -3337,3,0,1730,32.5 -3338,1,0,1741,41.7 -3338,2,0,2107,36 -3338,3,1,0001,35.1 -3339,1,0,1617,35.6 -3340,1,0,1736,32.1 -3341,1,0,1937,38 -3342,1,0,1948,32.6 -3342,2,1,0200,26.9 -3342,3,1,0455,25.3 -3344,1,0,1933,37 -3344,2,0,2049,35.3 -3344,3,1,0630,31.8 -3345,1,0,1955,40.7 -3346,1,0,2040,34.8 -3347,1,0,2233,45 -3348,1,0,1740,37 -3349,1,0,1731,42.5 -3350,1,1,0008,18.9 -3351,1,0,1925,42.8 -3351,2,1,0350,36.5 -3351,3,2,0703,31.8 -3354,1,0,0322,37.5 -3356,1,0,2038,38 -3357,1,0,1802,40.1 -3358,1,0,1707,32.3 -3359,1,0,1824,42.8 -3360,1,0,1711,41 -3361,2,0,1635,42 -3361,3,1,0530,38.3 -3362,1,0,2310,37.6 -3363,1,0,1930,39.4 -3365,1,0,1530,42.3 -3368,1,0,1700,40.7 -3371,1,0,2248,33.8 -3372,1,0,0745,43 -3372,2,1,0400,39 -3372,3,2,0445,42 -3373,1,0,1850,39.9 -3373,2,0,2220,35.1 -3373,3,1,0020,37.2 -3374,1,0,2101,40.1 -3374,2,1,0723,31.5 -3375,1,0,2111,37.5 -3377,1,0,0016,33.1 -3377,2,0,0110,32.6 -3379,1,0,1749,41 -3379,2,0,1800,39.3 -3379,3,1,0118,30.1 -3379,4,1,0350,30.6 -3380,1,0,1756,34.9 -3380,2,0,2123,21.9 -3380,3,1,0630,23 -3380,4,1,1423,24.7 -3380,5,1,2052,24 -3380,6,2,0539,23.8 -3380,7,4,0843,20.2 -3381,1,0,1512,32.8 -3384,1,0,1910,16.3 -3384,2,0,2327,41 -3384,3,1,0600,25.8 -3385,1,0,1612,38.9 -3385,2,0,2017,41.2 -3386,1,0,1900,40.9 -3388,1,0,1748,34.3 -3388,2,0,1918,27 -3388,3,0,2003,28 -3389,1,0,1614,35.7 -3390,1,0,1627,35.6 -3390,2,0,2037,35.1 -3390,3,1,0321,35.4 -3392,1,0,1500,37.7 -3393,1,0,1619,34.4 -3395,1,0,0259,23 -3395,2,0,0407,31 -3395,3,0,0425,44 -3396,1,0,1415,38.9 -3397,1,0,1400,39.6 -3398,1,0,1905,41 -3398,2,1,0610,30.9 -3398,3,1,1800,33.4 -3399,1,0,2330,40.4 -3400,1,0,1818,36.4 -3401,1,0,2007,33.6 -3401,2,1,0500,29 -3401,3,1,1715,33.7 -3402,1,0,1200,43 -3402,2,1,0423,43.2 -3404,1,0,2005,36.9 -3404,2,0,2145,36.1 -3404,3,0,2311,36.3 -3405,1,1,0420,40.6 -3406,1,0,1953,38.7 -3406,2,0,2120,36.5 -3406,3,0,2245,39.3 -3407,1,0,0145,46 -3408,1,0,2246,35.1 -3409,1,0,0205,36 -3410,1,0,1610,42.5 -3410,2,0,1815,41.7 -3410,3,0,2120,43.7 -3414,1,0,1345,44 -3414,2,0,2040,48.5 -3414,3,1,0210,47.7 -3415,1,0,1404,31 -3415,2,0,1439,32 -3415,3,0,1515,32.4 -3416,1,0,2314,41.3 -3417,1,0,2214,33.6 -3418,1,0,1607,38.9 -3419,1,0,0258,36.1 -3420,1,0,2052,37.9 -3420,2,1,0700,37.5 -3421,1,0,1752,35.4 -3421,2,1,0608,36.9 -3421,3,2,0613,35.7 -3422,1,0,1426,39 -3424,1,0,1852,37.1 -3425,1,0,2042,35.8 -3425,2,0,2214,34.7 -3425,3,1,0520,32.7 -3426,1,0,1446,35.9 -3427,1,0,2152,36.3 -3428,1,0,2059,44.6 -3429,1,0,2015,37 -3430,1,0,2300,37.4 -3431,1,0,1915,30.6 -3431,2,1,0520,27.7 -3432,1,0,1817,42.6 -3433,1,0,2150,39.9 -3434,1,0,1950,43.4 -3435,1,0,2359,40.4 -3436,1,0,1346,38 -3436,2,1,0535,35.7 -3436,3,1,1430,33.5 -3437,1,0,2046,35 -3438,1,0,0113,36.1 -3439,1,1,0217,39.7 -3440,1,0,1518,39.4 -3441,1,0,1615,42.2 -3442,1,0,2152,44.9 -3442,2,1,0639,39.9 -3442,3,2,0642,39.7 -3443,1,0,2235,44.8 -3444,1,0,2149,40 -3445,1,0,1803,40.3 -3446,1,0,2154,38 -3447,1,0,1619,41.9 -3448,1,0,1416,34.8 -3449,1,0,0854,46.1 -3450,1,0,1652,39.3 -3451,1,0,1625,33.5 -3451,2,1,0600,30.7 -3452,1,0,1740,37.6 -3453,1,0,1012,46 -3454,1,0,1830,38.3 -3454,2,1,0613,36.1 -3455,1,0,1345,40.5 -3456,1,0,1105,22.3 -3456,2,0,1430,41.6 -3456,3,0,2000,37 -3457,1,0,1600,39 -3459,1,0,1915,38.2 -3461,1,0,1230,33 -3462,1,0,1420,42 -3463,1,0,1912,34.4 -3463,2,1,0300,32.9 -3463,3,1,1550,36.8 -3465,1,0,2321,44.7 -3466,1,0,0222,38.5 -3466,2,0,2128,30.1 -3466,3,5,0555,29.8 -3467,1,0,1344,35.5 -3468,1,0,1757,40.5 -3469,1,0,1305,37.3 -3469,2,0,1438,33.9 -3469,3,0,1904,44.1 -3470,1,0,1546,36 -3472,1,0,2031,33.5 -3473,1,0,2029,36.1 -3473,2,0,2322,35.6 -3473,3,1,0128,32.9 -3474,1,0,1520,37.7 -3480,1,0,1756,40.9 -3480,2,1,0840,36.8 -3481,1,0,1703,37.2 -3482,1,0,0154,41.9 -3483,1,0,1842,33.4 -3484,1,0,0032,42 -3484,2,0,0103,36 -3484,3,0,0206,30 -3485,1,0,1628,34.8 -3486,1,0,2304,42 -3486,2,3,0655,36.1 -3488,1,0,1212,34.1 -3488,2,1,0823,27.6 -3488,3,1,2035,25.9 -3489,1,0,2010,37.3 -3491,1,0,1443,39 -3491,2,1,0600,32.5 -3492,1,0,1812,33.9 -3494,1,1,0138,22.8 -3494,2,1,0356,31.4 -3494,3,1,0800,30.3 -3495,1,0,2315,35.4 -3495,2,1,1238,33.9 -3495,3,2,0645,34.2 -3496,1,1,0041,42.5 -3497,1,0,1720,41 -3497,2,1,0123,37 -3497,3,1,0934,38 -3498,1,0,2200,33.3 -3498,2,1,2300,32.4 -3498,3,1,0130,33.4 -3499,1,0,1731,39.7 -3500,1,0,1645,42 -3500,2,1,0642,36.3 -3501,1,1,0558,37.1 -3501,2,0,2247,37.1 -3501,3,0,1809,40 -3502,1,0,1940,40.7 -3503,1,0,2019,36 -3504,1,0,1522,36.3 -3506,1,1,0533,33 -3507,1,0,1539,38.5 -3508,1,0,2131,43 -3509,1,0,2300,45 -3512,1,0,1530,39.4 -3513,1,0,1944,39.3 -3514,1,0,2314,35.9 -3517,1,0,1017,34 -3517,2,0,1406,31.8 -3517,3,1,0612,28.4 -3518,1,0,1818,43.4 -3519,1,0,2005,37 -3520,1,0,0940,38.3 -3521,1,0,1603,41.2 -3522,1,0,1910,43 -3523,1,0,1445,34.5 -3525,1,0,2111,32 -3525,2,0,2153,29 -3525,3,0,2315,30.2 -3526,1,0,2058,30 -3526,2,1,0415,28.2 -3527,1,0,1948,37.8 -3528,1,0,2101,36.4 -3528,2,0,2326,34.7 -3528,3,1,0433,22 -3529,1,0,0307,37.3 -3530,1,0,0105,37.5 -3530,2,0,0320,36.9 -3530,3,1,0200,34.7 -3531,1,0,1130,22.1 -3531,2,0,1311,19.3 -3531,3,0,1507,15.7 -3532,1,0,1047,32.1 -3533,1,0,1649,41 -3533,2,0,1902,32 -3533,3,1,0405,28.1 -3535,1,0,1610,34.8 -3535,2,0,1745,32.6 -3535,3,0,1950,33.7 -3536,1,0,1225,37.6 -3536,2,0,1615,26.8 -3536,3,0,2041,28.1 -3538,1,1,0355,36.2 -3539,1,0,2215,48.3 -3539,2,1,0645,27.5 -3539,3,2,0950,45 -3541,1,0,2020,45 -3542,1,0,1945,38.3 -3543,1,0,1445,38.4 -3543,2,0,1600,34 -3543,3,0,1630,35.6 -3544,1,0,1747,45.2 -3546,1,0,2227,36.6 -3548,1,0,2109,33 -3549,1,0,1955,39.2 -3550,1,0,0930,41.6 -3551,1,0,1817,33.8 -3551,2,1,0435,22.4 -3551,3,1,0640,22.1 -3552,1,0,1544,36 -3553,1,0,0515,52 -3553,2,0,0630,51.6 -3553,3,1,0630,49.1 -3556,1,0,1745,24.5 -3556,2,0,2117,30.7 -3556,3,1,0720,29.8 -3557,1,0,0450,46 -3557,2,0,1030,38.7 -3557,3,0,1555,36.2 -3558,1,0,1800,42.1 -3558,3,0,2155,48.4 -3558,4,1,0330,43 -3559,1,0,1128,41 -3560,1,0,1838,35.5 -3560,2,0,1945,34.8 -3560,3,0,2155,33 -3562,1,0,1631,36.6 -3562,2,1,0605,35.3 -3564,1,0,2320,46.7 -3564,2,0,2145,11.6 -3566,1,0,1520,35.9 -3567,1,0,2113,39.4 -3568,1,0,2204,40 -3570,1,0,1446,33.5 -3571,1,0,0140,44 -3572,1,0,2113,37.2 -3572,2,0,2222,36 -3573,1,0,1752,44.9 -3574,1,0,1740,36.6 -3574,2,1,0655,34.7 -3575,1,0,1722,34.4 -3576,1,0,1035,32.5 -3576,2,0,1554,27.7 -3576,3,0,2043,25.2 -3580,1,0,2040,33.9 -3581,1,0,2000,38.4 -3582,1,0,2121,33.1 -3582,2,7,0447,30.7 -3583,1,0,1904,39.5 -3584,1,0,1634,32.5 -3585,1,0,1536,47 -3585,2,1,0550,39.3 -3586,1,0,1733,35.4 -3587,1,0,1907,41.7 -3587,2,1,0430,38.1 -3587,3,2,0500,37 -3588,1,0,2219,42.1 -3588,2,0,2310,38.6 -3588,3,1,0113,42.6 -3589,1,0,1553,40.6 -3590,1,0,1930,39.3 -3591,1,0,2011,40.6 -3591,2,0,2200,41 -3591,3,1,0600,37.1 -3592,1,0,1700,33.7 -3594,1,0,1824,41 -3595,1,0,1744,34.2 -3595,2,1,0728,34.1 -3596,1,0,1205,37.7 -3597,1,0,0957,39.7 -3598,1,0,1251,38 -3599,1,0,2007,38 -3603,1,0,2337,38.6 -3603,2,0,2359,39 -3603,3,1,0543,35.3 -3606,1,0,1830,37.2 -3606,2,0,2050,36.9 -3606,3,1,0100,37.1 -3607,1,0,1238,42.3 -3608,1,0,2115,37.2 -3610,1,0,1320,40.2 -3610,2,1,0659,31.6 -3610,3,2,0726,28.9 -3611,1,0,1735,42.8 -3614,1,0,1515,33.9 -3615,1,0,2106,29 -3615,2,0,2328,29.5 -3615,3,1,0146,36.4 -3618,1,0,1936,40.1 -3621,1,0,1345,38.4 -3623,1,0,0202,40.1 -3627,1,0,2044,37.3 -3628,1,0,1546,39.2 -3629,1,0,1618,43 -3629,2,1,0440,38 -3630,1,0,1707,40 -3630,2,1,0540,37 -3631,1,0,2150,35.4 -3631,2,1,1050,36.7 -3632,1,0,1030,33 -3632,2,0,1119,32.4 -3632,3,0,1318,32.9 -3634,1,0,1919,40.8 -3635,1,0,0827,42.4 -3640,1,0,2215,35 -3641,1,0,2045,36.8 -3642,1,0,2013,41 -3643,1,0,1700,37.8 -3644,1,0,1501,37.2 -3645,1,0,1620,37.2 -3648,1,0,1826,35.4 -3649,1,0,1601,38.1 -3650,1,0,0146,27 -3650,2,0,1600,26.3 -3650,3,2,0549,26.4 -3651,1,0,1926,37.4 -3652,1,0,2035,38 -3657,1,0,1946,36.2 -3658,1,0,1736,42.3 -3658,2,1,0436,30.9 -3658,3,2,0421,32.3 -3659,1,0,1828,30 -3659,2,1,0651,32.4 -3662,1,0,1740,35.5 -3663,1,0,2142,35.3 -3664,1,0,1705,39.4 -3664,2,0,1810,37.4 -3664,3,0,1939,35.3 -3665,1,0,1730,35.1 -3665,2,0,1953,32.4 -3666,1,0,2008,41.7 -3667,1,0,2023,38 -3667,2,1,1030,35.8 -3667,3,2,0215,35.1 -3668,1,0,1539,38.4 -3669,1,0,1900,38.3 -3671,1,0,1204,31.3 -3672,1,0,1652,35 -3672,2,1,0800,22.5 -3674,1,0,1921,37.3 -3675,1,0,1656,45 -3675,2,0,1802,42 -3675,3,0,1840,40.3 -3676,1,0,0945,31.6 -3676,2,1,0355,27.3 -3677,1,0,2359,34.2 -3678,1,0,2100,35.6 -3679,1,0,1515,38.9 -3679,2,0,1710,38.5 -3679,3,0,1940,39.6 -3681,1,1,0030,41 -3682,1,0,1640,40.8 -3683,1,0,1613,39 -3683,2,1,0540,32.7 -3684,1,0,1448,34.3 -3686,1,0,1441,36.7 -3687,1,0,1050,42.5 -3689,1,0,1734,33.3 -3690,1,0,1106,39.5 -3691,1,0,1245,37.9 -3692,1,0,1500,36 -3695,1,0,2040,34.2 -3695,2,0,2235,38.5 -3695,3,0,2355,37.5 -3696,1,0,1600,46 -3696,2,0,1755,44.3 -3696,3,0,2035,44.6 -3697,1,0,1550,40.2 -3698,1,0,1636,34.9 -3698,2,0,1822,35 -3698,3,0,2107,29.6 -3699,1,0,1516,34.4 -3701,1,0,2102,38 -3701,2,1,0359,35.3 -3701,3,2,0430,36.6 -3702,1,0,1308,36.2 -3702,2,0,1353,36.3 -3704,1,0,1746,38.2 -3707,1,0,1950,41.8 -3707,2,1,0430,37.4 -3707,3,2,0400,35.2 -3710,1,0,1546,35.6 -3711,1,1,0443,37.2 -3712,1,0,1545,36.8 -3713,1,0,2100,35.8 -3713,2,2,2125,22.8 -3714,1,0,0957,44.6 -3715,1,0,1742,34.7 -3716,1,2,0650,31.2 -3716,2,1,0604,32.1 -3716,3,0,1848,32.8 -3717,1,0,1000,39.5 -3719,1,0,1719,35.5 -3719,2,0,2053,32.1 -3719,3,1,0234,29.9 -3720,1,0,1811,42.2 -3720,2,1,1036,35.7 -3720,3,2,0330,29.7 -3721,1,0,0714,32.7 -3721,2,0,0857,31.1 -3721,3,0,1106,29.5 -3722,1,0,2240,38 -3723,1,0,1715,30.5 -3724,1,0,1758,39.6 -3725,1,0,1839,38 -3726,1,0,1741,38.1 -3727,1,0,2159,35 -3728,1,0,1530,38 -3729,1,0,0129,37 -3729,2,0,0529,37 -3729,3,0,1351,38.1 -3730,1,0,1550,42 -3730,2,1,0635,30.4 -3731,1,0,2106,38.9 -3733,1,0,1800,33.4 -3734,1,0,1633,40.6 -3735,1,0,1410,37.6 -3735,2,0,1500,36.9 -3736,1,0,1549,31.2 -3737,1,0,0410,37.3 -3739,1,0,1838,33 -3739,2,0,2322,33 -3739,3,1,0346,31.1 -3741,1,0,1210,42.3 -3741,2,1,0620,44.9 -3744,1,0,1720,40.7 -3744,2,0,1825,40.1 -3744,3,0,2050,41.5 -3746,1,0,1930,34 -3746,2,1,1815,26.5 -3746,3,2,0536,25.6 -3747,1,0,2105,36 -3748,1,0,2011,45 -3748,2,1,0440,40.3 -3752,1,0,1409,39.1 -3753,1,0,0714,34.5 -3753,2,1,0843,27.2 -3753,3,2,1124,27.8 -3754,1,0,0200,41.7 -3754,2,0,0320,38.3 -3755,1,0,1844,34 -3756,1,0,1125,33.5 -3756,2,0,1720,33.3 -3756,3,0,2230,32.3 -3757,1,0,1640,40 -3761,1,0,1721,39.9 -3761,2,0,2005,40.4 -3761,3,1,0800,38.5 -3762,1,0,1714,34.8 -3762,2,0,2045,31.9 -3762,3,1,0147,29.6 -3763,1,0,1415,40.6 -3767,1,0,2002,21 -3767,2,0,2048,63 -3767,3,0,2110,17 -3768,1,0,1006,40.6 -3769,1,0,1600,32.8 -3771,1,0,2300,34.1 -3771,2,1,0600,35.3 -3773,1,0,1152,42 -3774,1,0,0308,41 -3774,2,0,0600,38 -3775,1,0,0248,41.3 -3776,1,0,0236,32.3 -3777,1,0,2244,35.8 -3778,1,0,1642,36.1 -3779,1,0,2057,35.3 -3780,1,0,2250,41.1 -3781,1,0,1210,37.4 -3782,1,0,1350,47.4 -3785,1,0,1615,26.6 -3785,2,0,1710,20.2 -3785,3,0,2240,32.4 -3787,1,0,1915,44.2 -3787,2,1,0542,36.4 -3788,1,0,1800,33.2 -3788,2,1,0725,34.3 -3790,1,0,2140,37 -3792,1,0,0236,35.5 -3793,1,0,1421,41.3 -3795,1,0,1940,42.1 -3797,1,0,2030,37 -3798,1,0,0903,47 -3798,2,1,0550,39.6 -3799,1,0,0053,37.8 -3800,1,0,2044,35 -3801,1,0,1719,42.2 -3801,2,0,2230,34.7 -3801,3,1,0350,31.9 -3802,1,0,2218,34.9 -3803,1,0,1305,47 -3803,2,0,1310,45.1 -3807,1,1,0025,34.3 -3807,2,1,0245,31.3 -3807,3,1,0930,31.9 -3808,1,0,2344,43 -3808,2,3,0606,39.6 -3808,3,1,0505,39.8 -3809,1,0,0630,27.4 -3810,1,0,1500,33.8 -3811,1,0,1841,39 -3812,1,0,1150,39.5 -3812,2,1,1106,27.8 -3812,3,2,0705,27.2 -3813,1,0,1653,34 -3813,2,1,0345,30.1 -3813,3,4,1200,31.1 -3815,1,0,1721,38.2 -3817,1,0,1850,40 -3818,1,0,0640,41.7 -3819,1,0,1635,36.5 -3821,1,0,2020,34.9 -3823,1,0,1607,34.2 -3824,1,0,1940,36.5 -3824,2,0,2130,39 -3824,3,0,2345,34.1 -3825,1,0,2145,37.1 -3828,1,1,0605,33.4 -3830,1,0,2006,34.6 -3831,1,0,2125,40.1 -3831,2,0,2220,38.9 -3832,1,0,1430,39.2 -3834,1,0,1400,44.1 -3834,2,0,1505,41.5 -3834,3,0,1720,42.4 -3835,1,0,1613,36.7 -3836,1,0,1840,39 -3836,2,0,1845,40.1 -3838,1,0,1305,35.9 -3838,2,0,1535,37.5 -3839,1,0,2009,40 -3839,2,1,0247,37 -3840,1,0,1354,38.9 -3841,1,0,2214,39.5 -3842,1,0,1900,41.2 -3843,1,0,1118,29.6 -3845,1,0,1905,43.5 -3846,1,0,1708,31.7 -3847,1,0,2034,38.9 -3848,1,0,1857,39.3 -3849,1,0,2254,43.1 -3851,1,0,1124,35.7 -3852,1,0,2248,37.4 -3854,1,0,1915,41 -3854,2,0,1929,37.5 -3855,1,0,1425,34 -3856,1,0,2155,34.3 -3857,1,0,1320,39.9 -3858,1,0,0758,39.3 -3860,1,0,1652,36.3 -3860,2,0,1755,33.6 -3860,3,0,2000,30.8 -3861,1,0,1845,44 -3862,1,0,1905,42.1 -3863,1,0,1921,30 -3863,2,1,2220,23.3 -3863,3,1,0500,27.8 -3864,1,0,1955,38.2 -3865,1,0,2310,37.4 -3865,2,0,2239,46 -3865,3,0,2304,37 -3866,1,0,1036,33.9 -3866,2,0,1401,32.6 -3866,3,0,2015,30.7 -3868,1,0,1620,39.8 -3868,2,5,1230,33.3 -3868,3,7,1750,34.8 -3869,1,0,1943,38.7 -3870,1,0,1810,38 -3870,2,1,1127,33.7 -3871,1,0,1506,42.8 -3871,2,0,1613,42.4 -3871,3,0,1759,40.4 -3872,1,0,2208,40.3 -3872,2,0,2250,35.1 -3872,3,1,0144,37.3 -3873,1,0,1517,36.1 -3874,1,0,2011,36.9 -3874,2,0,2110,35.3 -3875,1,0,1600,39.2 -3876,1,1,0540,32.9 -3876,2,1,0400,32 -3876,3,0,1959,36 -3878,1,0,1641,39.9 -3879,1,0,1312,40.1 -3880,1,0,1835,37.2 -3881,1,0,1838,44 -3882,1,0,2100,37 -3882,2,1,1139,27 -3882,3,1,1250,27.3 -3885,1,0,2336,40.2 -3886,1,0,2005,34 -3886,2,0,2048,33.3 -3886,3,1,0115,29.5 -3887,1,0,1559,36.1 -3887,2,0,1709,38.7 -3888,1,0,1643,40.1 -3889,1,0,2240,38 -3890,1,0,0115,46.4 -3895,1,0,1312,43.5 -3896,1,0,1714,38.4 -3897,1,0,1105,36 -3897,2,0,1200,40 -3898,1,0,0820,28.7 -3898,2,1,1230,16.1 -3898,3,1,1608,15.7 -3901,1,0,2209,31.4 -3901,2,1,0234,25.4 -3901,3,1,0630,36.6 -3902,1,0,0750,42 -3902,2,0,0920,41.5 -3902,3,0,1050,40.5 -3903,1,0,1325,35.8 -3903,2,0,1415,32.1 -3903,3,0,2145,38.3 -3904,1,0,1558,34.4 -3904,2,0,1705,32.2 -3904,3,0,1859,31.4 -3905,1,0,1400,40.8 -3905,2,1,0630,36.6 -3905,3,2,0531,32 -3906,1,0,2159,23 -3906,2,1,0156,38 -3906,3,1,0325,35.7 -3907,1,0,1525,37.3 -3908,1,0,1620,44.1 -3908,2,0,1745,42.5 -3908,3,0,1930,42.6 -3910,1,0,1925,41.4 -3910,2,1,1212,32.9 -3910,3,1,0215,30.8 -3911,1,0,1655,45.8 -3912,1,0,1543,46.3 -3913,1,0,0352,32.3 -3913,2,0,0804,29.5 -3913,3,0,1356,28.6 -3914,1,0,2130,38.1 -3916,1,0,0821,38.1 -3917,1,0,2135,36.6 -3917,2,0,2235,32.3 -3917,3,1,0350,31.9 -3918,1,0,1551,37.3 -3919,1,0,2159,38.6 -3920,1,0,1034,36.7 -3921,1,0,1225,38.2 -3921,2,0,1340,37 -3923,1,0,1703,36.8 -3923,2,0,2115,37.4 -3923,3,1,0331,34 -3924,1,0,0145,37.9 -3924,2,0,0330,30.2 -3924,3,0,0510,28.7 -3925,1,0,1838,35.2 -3926,1,0,1646,38.3 -3928,1,0,0054,34.5 -3929,1,0,1630,38.4 -3929,2,1,0550,34.5 -3929,3,1,1511,37 -3931,1,0,1500,44 -3933,1,0,1617,34.7 -3936,1,0,2104,44.6 -3940,1,0,2329,37.4 -3941,1,0,1741,33.6 -3942,1,0,1603,32.5 -3942,2,0,2250,31.3 -3942,3,1,0458,31.8 -3945,1,0,1647,39.2 -3945,2,1,0846,37.7 -3946,1,0,1431,36.4 -3947,1,0,1854,34.8 -3947,2,1,0656,30.4 -3948,1,0,0819,48.2 -3949,1,0,1228,31.3 -3950,1,0,2213,32.5 -3952,1,0,2230,38.1 -3952,2,1,0040,36.7 -3952,3,1,0120,36.1 -3953,1,0,1832,36.3 -3954,1,0,2215,28.3 -3954,2,1,0450,32.3 -3954,3,1,0913,29.4 -3955,1,0,2247,36.6 -3956,1,0,1814,39.1 -3957,1,0,1835,38.4 -3958,1,0,0851,38.9 -3960,1,0,2128,39.6 -3961,1,0,2050,38 -3962,1,0,2127,39 -3962,2,0,1927,9 -3962,3,0,2029,47 -3963,1,0,1746,30.7 -3964,1,0,1614,40.3 -3965,1,0,1420,35.7 -3965,2,0,1535,34.2 -3965,3,1,0615,33.7 -3966,1,0,2111,35.8 -3966,2,1,0740,32.9 -3966,3,7,0806,29.1 -3967,1,0,1958,37.2 -3969,1,0,1950,35.7 -3970,1,0,1904,42.6 -3971,1,0,1616,39.4 -3972,1,0,2041,39.8 -3974,1,0,1705,38.3 -3974,2,0,1850,38.8 -3974,3,0,2118,35.9 -3975,1,0,1832,37.2 -3976,1,1,0013,33.5 -3976,2,1,0936,33 -3977,1,0,1717,37.8 -3978,1,0,1706,35.6 -3978,2,0,1709,37 -3978,3,0,2235,32.6 -3978,4,1,0400,31.8 -3979,1,0,1250,40.4 -3980,1,0,1936,29.7 -3980,2,0,2000,23.7 -3980,3,0,2126,14.3 -3981,1,0,0230,37.9 -3981,2,0,0432,34.3 -3981,3,0,1315,35.7 -3982,1,0,1800,42 -3982,2,0,1934,41.8 -3982,3,0,2115,40.5 -3986,1,0,1954,45.7 -3988,1,0,1352,36.2 -3989,1,0,0930,39 -3990,1,0,2325,28 -3990,2,1,0050,19.4 -3990,3,1,0630,25.1 -3992,1,0,1654,37.2 -3993,1,0,0809,38.4 -3993,2,0,1123,33.2 -3993,3,0,1849,35.5 -3994,1,0,1959,45 -3995,1,0,1605,38.7 -3996,1,0,1839,30 -3996,2,0,1952,12 -3996,3,0,2015,16 -3997,1,0,2331,45.2 -3998,1,0,1552,35.1 -3999,1,0,2100,38.5 -4001,1,0,2020,38.1 -4001,2,0,2150,35.6 -4001,3,1,0000,36.2 -4002,1,0,2043,39.6 -4005,1,0,1330,30.3 -4005,2,0,2215,26.1 -4005,3,1,0355,24 -4006,1,0,1950,38.4 -4007,1,0,0119,35.2 -4008,1,0,1513,40.7 -4008,2,0,1710,39.3 -4009,1,0,2110,39.4 -4010,1,0,2312,42.3 -4011,1,0,2250,32.4 -4011,2,1,0745,33.7 -4013,1,0,2247,41 -4014,1,1,0644,30.9 -4014,2,2,0005,30.4 -4014,3,0,1745,33.4 -4016,1,0,2051,32.7 -4016,2,3,1136,20.5 -4018,1,0,2011,37 -4019,1,0,1823,32.9 -4019,2,1,0420,30.4 -4019,3,0,1832,34 -4021,1,0,1301,42.2 -4022,1,0,1641,34.1 -4022,2,1,0329,30.8 -4022,3,2,0330,30.3 -4023,1,0,1601,31.6 -4025,1,0,1851,42.4 -4025,2,1,0930,40.7 -4025,3,2,0400,40 -4026,1,0,0902,42.6 -4027,1,0,1801,29.4 -4027,2,1,2025,24.7 -4028,1,0,2115,38.9 -4028,2,1,0915,32.3 -4029,1,0,2322,35.4 -4030,1,0,1702,35.1 -4031,1,0,2213,35.9 -4031,2,1,0640,36.8 -4033,1,0,1924,35.7 -4033,2,1,0405,30.7 -4036,1,0,2131,36.7 -4036,2,0,2306,34.5 -4036,3,1,0036,35.9 -4037,1,0,1434,36.7 -4038,1,0,2100,40 -4039,1,0,2253,32.8 -4039,2,1,0050,28.2 -4039,3,1,0200,18.6 -4040,1,0,1830,36.8 -4040,2,0,1950,35.8 -4041,1,0,2104,37.5 -4042,1,0,2239,34.8 -4046,1,0,2115,32.5 -4046,2,0,2230,31.2 -4046,3,1,0945,24.3 -4047,1,0,1640,39.1 -4047,2,2,0430,41 -4049,1,0,1622,38.1 -4052,1,0,1329,32.8 -4052,2,0,1611,25.5 -4052,3,0,1831,29.2 -4054,1,0,1001,35.5 -4055,1,0,0035,42.5 -4055,2,0,0552,37.1 -4056,1,0,0548,42.8 -4057,1,0,2111,34.6 -4058,1,0,1949,38.1 -4058,2,0,2316,37.4 -4058,3,1,0143,38 -4060,1,0,1455,35.8 -4062,1,0,1929,35.3 -4062,2,1,0034,31.7 -4062,3,1,0556,28.5 -4064,1,0,2230,41.8 -4064,2,1,0025,41.8 -4064,3,1,0215,41.8 -4065,1,0,1839,46 -4066,1,0,2114,39.9 -4067,1,0,2343,35 -4068,1,0,0908,38 -4068,2,0,0915,37.8 -4068,3,0,1930,33.8 -4070,1,0,1704,37.6 -4071,1,0,2140,39 -4072,1,0,1948,39.2 -4073,1,0,1950,35.3 -4074,1,0,2243,36.3 -4075,1,0,1853,39.8 -4075,2,1,0509,36.5 -4076,1,0,1735,39.7 -4076,2,1,2124,35 -4077,1,0,2238,39.9 -4077,2,1,0320,36.1 -4077,3,1,1216,36.6 -4078,1,0,1035,33.2 -4079,2,0,2112,36.8 -4081,1,0,1841,38.5 -4083,1,0,1046,43 -4084,1,0,1622,37.1 -4085,1,0,2313,38 -4085,2,1,0500,37.8 -4085,3,2,0325,35.1 -4086,1,0,1526,38.2 -4087,1,0,1605,42 -4088,1,0,1911,31.4 -4088,2,1,0220,29.5 -4088,3,1,0600,31.6 -4089,1,1,0010,39.1 -4090,1,0,1530,41.7 -4090,2,0,1730,41.3 -4090,3,0,1855,34.3 -4091,1,0,1841,39.9 -4093,1,0,2120,40 -4094,1,0,1600,35.6 -4094,2,0,1730,31.1 -4095,1,0,1433,39.6 -4100,1,0,2211,41 -4100,2,0,2300,41 -4101,1,0,1828,33 -4101,2,0,2113,28.9 -4101,3,1,0006,32.8 -4102,1,1,0020,30.7 -4104,1,0,2025,34.3 -4106,1,0,1558,37.7 -4107,1,0,1917,43.2 -4107,2,1,0515,37.3 -4110,1,0,1841,36.8 -4110,2,1,1110,33.2 -4111,1,0,2201,41 -4112,1,0,1234,34.9 -4112,2,0,1350,35.5 -4112,3,0,1540,35.6 -4113,1,0,1717,34.2 -4114,1,0,1754,35.1 -4114,2,1,1410,29.1 -4114,3,1,2036,28.9 -4115,1,0,1620,39 -4116,1,0,2325,35.4 -4117,1,0,2010,39.4 -4117,2,0,2150,35.8 -4117,3,0,2345,34.9 -4118,1,0,1441,36.4 -4120,1,0,1817,47.5 -4121,1,0,0134,36.1 -4121,2,0,0430,31.9 -4122,1,1,0044,38.7 -4123,1,1,0720,32.5 -4125,1,1,0019,38.6 -4126,1,0,1936,35.7 -4126,2,0,2119,35.1 -4126,3,1,0250,33.6 -4127,1,0,2100,37.8 -4128,1,0,1958,35.7 -4129,1,0,1922,43.6 -4132,1,0,0620,42.6 -4135,1,0,1420,43.4 -4135,2,1,0655,38.8 -4139,1,0,0150,39.5 -4139,2,0,0300,37 -4141,1,0,2243,34.3 -4143,1,0,2038,32.2 -4143,2,5,0550,29.9 -4144,1,0,2101,43.3 -4146,1,0,1824,35 -4146,2,1,0850,32.1 -4147,1,0,2044,35.7 -4148,1,0,1521,32.5 -4148,2,0,2128,29.1 -4148,3,1,0528,26.6 -4150,1,0,1315,36.4 -4151,1,0,1828,45.2 -4151,2,1,0143,40.8 -4151,3,1,0530,42 -4154,1,0,2215,23.1 -4154,2,1,1100,23.6 -4154,3,2,1537,23.8 -4155,1,0,1803,37 -4156,1,0,2000,34.8 -4156,2,0,2130,35.3 -4157,1,0,1425,36.8 -4157,2,0,1800,31.4 -4157,3,0,1902,32.5 -4159,1,0,1657,32.9 -4159,2,1,0038,28.6 -4159,3,1,0400,24.2 -4161,1,0,2015,37.4 -4163,1,0,2115,36.7 -4165,1,0,1744,28.8 -4165,2,0,1920,19.4 -4165,3,1,0200,18.3 -4168,1,0,2314,45 -4169,1,0,1724,38.3 -4170,1,0,2155,40.3 -4171,1,0,1505,31.7 -4172,1,0,0834,40.1 -4173,1,0,2115,34.1 -4173,2,0,2213,32.7 -4173,3,1,0024,32.4 -4175,1,0,1600,36.1 -4175,2,1,0406,34.7 -4179,1,0,2010,39 -4179,2,1,0610,33 -4179,3,1,1215,35 -4180,1,0,2150,39.3 -4180,2,1,0137,36.8 -4180,3,1,0641,37.2 -4181,1,0,2013,26 -4181,2,0,2345,31.9 -4181,3,0,2135,34.5 -4183,1,0,1846,37.1 -4184,1,0,1239,34.4 -4187,1,0,1029,35 -4188,1,0,0706,37.2 -4188,2,1,0736,36.2 -4189,1,0,1739,41.1 -4189,2,0,1747,46 -4189,3,0,2240,34.9 -4190,1,0,1532,34.2 -4190,2,0,2045,30.5 -4190,3,1,0400,30.8 -4193,1,0,1830,41.2 -4193,2,3,0120,26.8 -4193,3,3,0855,26.5 -4195,1,0,2300,40.8 -4195,2,1,0015,38 -4197,1,0,1600,37.3 -4198,1,0,1550,46.7 -4200,1,0,1450,35.5 -4201,1,0,1530,35.8 -4201,2,0,1843,33.3 -4201,3,1,0051,32.1 -4202,1,0,2102,38.6 -4203,1,0,1105,36.7 -4207,1,0,2055,41.1 -4208,1,0,1215,32.3 -4209,1,0,1910,37.1 -4211,1,0,1025,34.5 -4211,2,0,1238,33 -4211,3,0,1630,30.6 -4214,1,0,1830,37 -4215,1,0,1916,42 -4215,2,1,0500,42.1 -4215,3,2,0110,43.3 -4218,1,0,2125,24.3 -4218,2,0,2203,18.7 -4218,3,1,0000,39.8 -4219,1,0,1538,27.3 -4219,2,0,1640,36 -4220,1,0,1940,36.9 -4221,1,0,2317,43.4 -4222,1,0,1640,28.3 -4223,1,0,2036,43.3 -4224,1,0,1915,45.5 -4225,1,0,1723,40 -4225,2,1,0943,39.8 -4225,3,1,1346,39.3 -4226,1,0,2218,39.3 -4227,1,0,1105,38.1 -4227,2,1,0605,35 -4228,1,0,2010,42 -4229,1,0,1515,45 -4230,1,0,1039,32.8 -4231,1,0,1734,41.5 -4231,2,1,0400,38.1 -4232,1,0,2059,41.4 -4233,1,1,0003,34.4 -4233,2,1,0615,33.8 -4234,1,0,2039,38.9 -4235,1,0,2106,41 -4236,1,0,1742,39.2 -4237,1,0,1537,41.1 -4238,1,0,0500,27.4 -4238,2,0,0655,21.6 -4238,3,0,1645,32.8 -4238,4,1,0430,33.6 -4239,1,0,2224,32 -4239,2,0,2319,33 -4239,3,1,0015,33.4 -4241,1,1,0020,32.6 -4243,1,0,1924,40 -4243,2,0,1944,40.1 -4246,1,0,1140,40.7 -4250,1,0,1317,40 -4250,2,0,1343,28 -4250,3,0,1353,34 -4251,1,0,1335,33.2 -4251,2,0,1510,28.5 -4251,3,0,1650,31.5 -4252,1,0,1727,44.6 -4254,1,0,0829,40 -4254,2,0,0946,39.8 -4255,1,0,2032,46 -4256,1,0,0900,39.7 -4259,1,0,2019,46 -4260,1,0,1636,35 -4261,1,0,1425,41.9 -4263,1,0,1210,36.1 -4263,2,0,1557,33.5 -4265,1,0,2251,35.7 -4266,1,0,1807,36.1 -4266,2,1,0533,32.3 -4267,1,1,0058,27.1 -4268,1,0,2020,46.2 -4269,1,0,1847,36.3 -4270,1,0,1531,25 -4270,2,0,1639,41.3 -4270,3,1,0345,33.2 -4271,1,0,1754,42.4 -4273,1,1,0545,36.4 -4273,2,0,2247,42 -4275,1,0,1443,40.6 -4275,2,0,1542,39.9 -4276,1,0,2050,32 -4276,2,1,0240,34.3 -4276,3,1,0045,34 -4277,1,0,0115,38 -4277,2,1,0541,34 -4279,1,0,1834,30.2 -4279,2,1,0605,29.9 -4280,1,0,2010,36 -4282,1,0,1944,36.3 -4283,1,0,2056,48 -4283,2,0,1920,45 -4284,1,0,0331,42.7 -4284,2,0,0433,40.1 -4284,3,0,0650,41.5 -4285,1,0,1028,40.9 -4286,1,0,2150,35.6 -4286,2,1,0001,34.9 -4286,3,1,0155,34.6 -4287,1,0,1557,41.1 -4289,1,0,1915,43 -4289,2,1,0953,38.3 -4291,1,0,2116,33.6 -4292,1,0,2104,40.5 -4292,2,1,0420,33.3 -4293,1,0,2121,29.3 -4293,2,4,0421,25 -4293,3,6,1609,29.2 -4294,1,0,0930,34.7 -4294,2,0,1105,30.6 -4294,3,0,1545,27.3 -4295,1,0,1819,40.6 -4297,1,0,1045,36.6 -4297,2,0,1227,35.3 -4298,1,0,1830,32.6 -4300,1,0,2141,38.4 -4300,2,0,2314,36.5 -4300,3,1,0130,35.8 -4302,1,0,1753,39.9 -4305,1,0,2029,32.9 -4305,2,0,2203,30.5 -4306,1,0,0528,41.4 -4306,2,0,0945,41.2 -4306,3,1,0430,41.2 -4307,1,0,1545,38.3 -4307,2,0,1925,36.7 -4307,3,1,0000,38.4 -4308,1,0,1957,36 -4308,2,0,2031,32 -4308,3,0,2037,40 -4309,1,1,0226,35.6 -4309,2,1,2116,32.4 -4309,3,2,1101,33.9 -4310,1,0,1622,39 -4310,2,1,0600,35.5 -4311,1,0,1726,34.4 -4312,1,0,1734,39 -4312,2,0,1750,39.1 -4313,1,0,1828,31.4 -4313,2,1,0005,30 -4313,3,1,0600,29.3 -4314,1,0,2024,33.5 -4315,1,0,1640,32.5 -4316,1,0,2145,33.2 -4317,1,0,1354,34.8 -4317,2,1,0830,26.8 -4317,3,1,1830,24.5 -4319,1,0,1838,40.3 -4321,1,0,0117,39.1 -4322,1,0,1720,37.8 -4323,1,0,1810,44.3 -4324,1,0,0930,36.9 -4324,2,0,1040,35 -4325,1,0,1815,33.4 -4326,1,0,1805,44.5 -4327,1,0,1846,39 -4328,1,1,0900,32.5 -4329,1,0,1647,42.4 -4330,1,0,1631,42.9 -4330,2,1,0500,39.3 -4332,1,0,0723,34.8 -4333,1,0,1850,42.4 -4334,1,0,2018,38.1 -4334,2,0,2232,39.2 -4334,3,1,0258,37 -4335,1,0,1934,43.1 -4335,2,-3,2114,42 -4336,1,0,1814,33.8 -4337,1,0,1852,35.7 -4339,1,1,0200,39.8 -4340,1,0,0224,39.5 -4340,2,0,0518,40 -4342,1,0,1956,32.2 -4342,2,0,2224,30.5 -4342,3,1,0046,31 -4343,1,0,0805,42.5 -4343,2,0,0855,39.8 -4343,3,0,1725,32.7 -4344,1,0,1803,41.8 -4346,1,0,1445,35.6 -4348,1,0,1848,35.7 -4350,1,0,1810,35 -4350,2,0,1812,35 -4350,3,0,2100,26.4 -4351,1,0,1241,33.1 -4351,2,0,1645,19.8 -4351,3,1,0414,25.1 -4353,1,0,1917,39.1 -4354,1,0,1437,37 -4354,2,1,1100,30.6 -4354,3,2,0515,33.1 -4355,1,0,1609,37.8 -4355,2,1,0026,28.1 -4355,3,1,0552,26 -4356,1,0,2050,12.2 -4356,2,0,2235,12.2 -4356,3,0,2345,11.4 -4357,1,0,1749,37.4 -4358,1,0,1140,37 -4360,1,0,1627,44 -4360,2,0,1630,42.5 -4360,3,0,1650,35 -4361,1,0,2025,20 -4361,2,0,2041,30 -4361,3,1,0005,46 -4362,1,0,1940,36.8 -4363,1,0,1801,38.1 -4364,1,0,2230,40 -4364,2,1,0500,33.1 -4364,3,1,1230,20 -4365,1,0,2215,39.9 -4365,2,0,2315,37.3 -4365,3,1,0100,36.8 -4366,1,0,0120,38.8 -4366,2,0,0947,35.2 -4366,3,1,0600,33.2 -4367,1,0,2053,46.2 -4368,1,0,1300,34.7 -4369,1,0,1300,42.7 -4372,1,0,1651,40.1 -4373,1,0,2130,35 -4374,1,0,1635,38.3 -4374,2,0,1820,36.5 -4379,1,0,2050,44.4 -4379,2,0,2150,38.2 -4380,1,0,1710,35 -4381,1,0,1634,36.9 -4383,1,0,0915,46.8 -4383,2,1,0430,35.2 -4383,3,2,0430,30.9 -4385,1,0,2000,37.4 -4385,2,2,0520,30.4 -4386,1,0,2033,41.8 -4387,1,1,0105,36.1 -4389,1,0,1612,33 -4389,2,0,1651,34 -4389,3,0,1738,37 -4391,1,0,0847,44.3 -4392,1,0,2337,40 -4395,1,0,1420,39.9 -4396,1,0,2017,39.3 -4397,1,0,1506,28.2 -4399,1,0,2205,37.1 -4400,1,0,2158,27.4 -4400,2,1,0400,24.9 -4400,3,2,0655,25.7 -4402,1,0,2229,34.7 -4402,2,1,0218,30.5 -4402,3,1,0816,29.1 -4403,1,0,2020,34.9 -4403,2,1,0400,28.3 -4403,3,1,1420,30.6 -4404,1,0,0119,40 -4404,2,0,0428,33.8 -4404,3,0,0910,32.4 -4405,1,0,1707,39 -4406,1,0,2311,37.8 -4406,2,1,0315,32.7 -4406,3,1,1145,33.1 -4408,1,0,1308,38.6 -4409,1,0,0855,36 -4410,1,0,0957,33.8 -4411,1,0,1400,41 -4412,1,0,1624,37.4 -4413,1,0,0105,35.8 -4414,1,0,1725,40 -4415,1,0,1856,35.5 -4415,2,0,2003,34 -4415,3,0,2255,33.5 -4416,1,0,1625,38.7 -4417,1,0,1140,27 -4417,2,0,1642,21.8 -4417,3,0,1845,25.3 -4418,1,0,2105,40.8 -4418,2,0,2220,40.9 -4418,3,1,0005,40.3 -4419,1,0,1940,40.7 -4419,2,1,0228,37.9 -4419,3,1,0829,36.8 -4420,1,0,1300,37.8 -4421,1,0,1708,38.5 -4422,1,0,2028,35.2 -4422,2,1,0645,31.2 -4422,3,1,0930,29.6 -4424,1,0,1639,33.9 -4425,1,0,2305,42 -4425,2,0,2309,41.7 -4426,1,0,2140,32 -4426,2,1,0530,27.7 -4426,3,2,0500,23.5 -4427,1,0,1445,34.3 -4429,1,0,1834,40 -4429,2,1,0502,33.7 -4430,1,0,0923,42.7 -4430,2,0,1644,30.7 -4432,1,0,1638,34.1 -4432,2,1,0510,32 -4434,1,0,2048,38.9 -4435,1,1,0155,34.4 -4436,1,0,2000,37.1 -4438,1,0,1257,37 -4438,2,0,1419,36 -4438,3,1,0825,32.7 -4439,1,0,1854,41.8 -4440,1,0,2000,42.1 -4441,1,1,0116,42.2 -4441,2,1,0706,40.3 -4441,3,1,1312,40 -4444,1,0,1636,35 -4444,2,0,1721,38 -4444,3,0,1850,37.1 -4445,1,0,2102,37 -4445,2,1,0300,35.9 -4447,1,0,1626,36.5 -4448,1,0,1919,39.1 -4451,1,0,2333,37 -4452,1,1,0710,34.1 -4453,1,0,1940,36.2 -4454,1,1,0045,33.1 -4454,2,1,0200,30.1 -4454,3,1,0905,29.9 -4455,1,1,0131,36.7 -4456,1,0,1200,43.9 -4456,2,0,1300,41.5 -4456,3,0,1510,41 -4457,1,0,1917,37.1 -4458,1,0,1856,42 -4458,2,0,1907,41 -4459,1,0,1505,40.2 -4460,1,0,1947,37 -4460,2,1,0450,33 -4460,3,1,1550,33.5 -4462,1,0,0200,31.2 -4462,2,0,1310,27.6 -4465,1,0,2047,36.8 -4466,1,0,1155,39.8 -4467,1,0,0845,28 -4467,2,0,1820,35 -4467,3,1,0630,31 -4469,1,0,1122,43.6 -4470,1,0,1552,33.9 -4471,1,0,2219,38 -4471,2,1,0400,36.1 -4471,3,2,0555,35.2 -4472,1,0,0816,37.3 -4473,1,0,1828,37.6 -4473,2,0,1929,36.2 -4473,3,0,2127,35 -4474,1,1,0003,37.5 -4475,1,0,1459,48 -4477,1,0,2049,36.6 -4478,1,0,2347,40.6 -4480,1,0,2054,41 -4480,2,1,0405,38.9 -4480,3,2,0525,41.4 -4482,1,0,1852,38.6 -4483,1,0,1315,36.3 -4483,2,0,1600,32.7 -4483,3,0,1735,31.6 -4484,1,0,2143,38.9 -4485,1,-1,2319,42 -4485,2,0,0015,39.3 -4485,3,0,0210,38 -4486,1,0,1925,41.3 -4486,2,0,2015,42.3 -4487,1,0,2210,42 -4490,1,0,0155,27 -4490,2,0,0300,26.3 -4490,4,0,0455,28.9 -4491,1,0,0345,41.5 -4493,1,0,1726,30.7 -4493,2,0,1922,41.1 -4493,3,1,0515,35.8 -4494,1,0,2025,32.8 -4495,1,0,1803,23 -4495,2,0,1810,21.8 -4495,3,0,1834,21.8 -4496,1,0,1930,32.5 -4497,1,0,1322,37.3 -4498,1,0,1305,37.6 -4499,1,0,2220,37.1 -4500,1,0,1904,37.9 -4500,2,1,0344,36.6 -4501,1,0,0013,43.6 -4502,1,0,1426,37.6 -4502,2,0,1713,35.7 -4502,3,0,2035,34.6 -4503,1,0,2000,37 -4503,2,0,2115,36.5 -4503,3,0,2258,35.2 -4505,1,0,1527,41.2 -4509,1,0,2340,40.9 -4510,1,0,2313,35.3 -4510,2,1,0553,29.7 -4511,1,0,1945,11.7 -4512,1,0,1810,37.6 -4515,1,0,1601,33.1 -4518,1,0,2045,40.6 -4519,1,0,2157,38.2 -4521,1,0,0900,41.7 -4524,1,0,1745,41 -4525,1,0,0043,36.8 -4527,1,0,1303,36.2 -4529,1,1,0006,36.1 -4530,1,0,0920,37.4 -4530,2,0,1020,32.9 -4531,1,0,2055,31 -4533,1,0,1958,39 -4536,1,0,1356,40 -4537,1,0,2230,39 -4537,2,1,2000,38.2 -4538,1,0,2345,35.3 -4539,1,0,1925,35.3 -4539,2,0,2235,34.4 -4539,3,1,0042,34.6 -4540,1,0,1947,41 -4540,2,0,2000,36.9 -4540,3,0,2225,33.9 -4541,1,0,1946,40.2 -4542,1,0,1900,31 -4542,2,1,0711,26 -4542,3,2,0645,29.2 -4544,1,0,1258,37.1 -4544,2,0,1413,36.8 -4544,3,0,1549,35.5 -4545,1,0,1939,39.9 -4546,1,0,2300,36.3 -4547,1,0,1100,39.4 -4547,2,0,1530,47.4 -4547,3,1,0500,35.4 -4548,1,0,1725,48.7 -4549,1,0,2037,48.6 -4550,1,0,1619,30.5 -4550,2,0,1841,38.7 -4551,1,0,1911,43 -4551,2,0,1900,42.3 -4552,1,0,2008,39.6 -4553,1,0,2211,36.2 -4553,2,1,0216,27 -4553,3,1,0740,25.6 -4555,1,0,2113,42.5 -4555,2,1,0400,42 -4555,3,1,0452,41.7 -4557,1,0,2030,39.3 -4557,2,1,0229,28.4 -4557,3,1,0446,28.9 -4558,1,0,1440,36.2 -4558,2,1,0709,31.1 -4559,1,0,1719,39.9 -4559,2,0,1815,41 -4560,1,0,1915,45.8 -4561,1,0,1731,37.9 -4562,1,0,1711,34.7 -4562,2,0,2157,32.5 -4562,3,1,0531,31.1 -4563,1,0,1610,39.8 -4563,2,1,0010,39.7 -4563,3,1,0355,38.5 -4564,1,0,1608,38.3 -4564,2,0,1749,35.1 -4564,3,0,1944,35.6 -4565,1,0,1902,29 -4565,2,1,0700,28.6 -4566,1,0,2310,38 -4566,2,2,0800,24 -4566,3,3,0715,23 -4567,1,0,1610,35.5 -4567,2,0,1611,35 -4568,1,0,1157,35.4 -4569,1,0,1939,41.8 -4570,1,0,1355,32.4 -4571,1,0,1840,34 -4571,2,0,1852,33.1 -4572,1,0,1528,39 -4572,2,0,1736,38.5 -4572,3,1,1553,40.3 -4573,1,0,1908,52.4 -4573,2,0,2020,50.4 -4573,3,1,0045,48.9 -4574,1,0,0503,35 -4576,1,0,1730,30 -4576,2,0,1855,43 -4577,1,0,2318,34.6 -4577,2,1,0412,27.7 -4577,3,1,1000,28.5 -4579,1,1,0250,35.6 -4580,1,0,1527,42.5 -4581,1,0,2059,37.1 -4581,2,1,1917,34.1 -4582,1,0,1547,49 -4582,2,0,1559,49 -4582,3,0,2200,46.9 -4583,1,0,1920,35 -4586,1,1,0149,38.8 -4586,2,1,0600,33.4 -4587,1,0,2250,39.3 -4587,2,1,0006,34.8 -4587,3,1,0208,35.6 -4589,1,0,1327,35.8 -4590,1,0,0807,46.6 -4591,1,0,0916,35.2 -4592,1,0,2029,42 -4593,1,0,1441,41 -4594,1,0,1610,38.1 -4594,2,0,1745,37.6 -4595,1,0,1621,39.8 -4596,1,0,2224,35 -4598,1,0,1047,36.1 -4598,2,0,1318,34.4 -4599,1,0,2320,46 -4600,1,0,1130,43.7 -4602,1,0,2245,34.9 -4602,2,1,0436,30.1 -4603,1,0,1528,38.4 -4604,1,0,2211,31.2 -4604,2,1,2015,31.9 -4605,1,0,1510,36.9 -4605,2,0,1630,35.8 -4605,3,0,1800,34.8 -4606,1,0,0845,39.5 -4607,1,0,2136,35.7 -4608,1,0,2355,38.3 -4609,1,0,1708,43 -4609,2,1,0550,38.4 -4610,1,0,1447,39.9 -4611,1,0,1910,36.1 -4611,2,0,2030,37.5 -4611,3,0,2320,36.4 -4613,1,0,1904,34.6 -4615,1,0,1340,41.7 -4615,2,1,0414,33.2 -4617,1,0,2350,42 -4617,2,0,2358,41.9 -4618,1,0,0700,42.6 -4619,1,0,0101,41.7 -4620,1,0,1719,34.4 -4620,2,1,0530,31.4 -4622,1,0,2016,40.1 -4622,2,0,2105,40.3 -4622,3,0,2319,41.2 -4623,1,0,1705,37.2 -4624,1,0,2300,43.4 -4625,1,0,2015,29.9 -4626,1,1,0510,30.8 -4627,1,0,1940,41 -4627,2,1,0629,37.6 -4628,1,0,1825,36.9 -4628,2,1,0400,35.8 -4630,1,0,1638,37.2 -4631,1,0,2123,32.9 -4632,1,0,1418,43 -4633,1,1,0500,36.2 -4633,2,0,2345,40 -4633,3,1,1700,36.9 -4634,1,0,1751,36 -4634,2,1,0047,39.6 -4634,3,1,0945,38.4 -4635,1,0,1341,35.3 -4636,1,0,2045,25.6 -4637,1,0,1850,43.2 -4639,1,0,2225,34.8 -4640,1,0,2041,37 -4640,2,1,0005,30 -4640,3,1,1255,26 -4642,1,0,1748,31.5 -4642,2,0,2314,32.8 -4642,3,0,2322,33.6 -4643,1,0,1539,32.3 -4643,2,0,1628,33.3 -4644,1,0,1722,37.7 -4645,1,0,1717,36.2 -4646,1,0,1505,36 -4646,2,1,0605,28 -4646,3,1,1230,30 -4648,1,0,2205,38 -4650,1,0,1931,39.1 -4650,2,1,0422,34.5 -4651,1,0,1004,28.8 -4651,2,0,1627,24.5 -4651,3,1,0000,20.9 -4653,1,0,2150,37.1 -4653,2,1,0045,35.4 -4653,3,1,0423,31.9 -4654,1,0,1614,35.8 -4654,2,1,0356,35 -4655,1,0,2015,44.7 -4655,2,0,2125,42.8 -4655,3,0,2325,40.8 -4656,1,1,0322,33 -4656,2,1,0628,30.7 -4656,3,1,1141,30.6 -4657,1,0,1740,34.5 -4658,1,0,0030,39 -4659,1,0,2339,42.9 -4659,2,1,0615,41.6 -4660,1,0,2034,34.9 -4660,2,1,0615,32.9 -4663,1,0,2044,44 -4663,2,1,0710,43.2 -4664,1,0,1940,40.5 -4664,2,0,2035,44 -4664,3,0,2228,31 -4665,1,0,1650,39.8 -4666,1,0,1710,31.8 -4667,1,0,1820,38.1 -4668,1,0,2006,32.1 -4669,1,0,1516,38.8 -4671,1,0,2320,35.5 -4671,2,1,0130,32.4 -4671,3,1,0330,31.2 -4672,1,0,1651,35 -4674,1,0,2037,41.2 -4674,2,1,0535,36.6 -4674,3,1,1850,31.4 -4675,1,0,1706,39.8 -4676,1,0,1255,36.7 -4676,2,0,1435,37.5 -4677,1,0,1806,32.2 -4680,1,0,1725,29.4 -4680,2,0,1851,20.5 -4680,3,0,1916,22.9 -4682,1,0,0743,43.1 -4683,1,0,1500,40.9 -4684,1,0,1315,33.5 -4685,1,0,1525,38.5 -4687,1,0,1311,33.1 -4688,1,0,2300,38.2 -4688,2,1,0100,36.3 -4690,1,0,2012,37.6 -4690,2,1,0241,33 -4691,1,0,0950,43.6 -4692,1,0,1725,38.1 -4692,2,0,1845,36.9 -4692,3,0,2020,37 -4693,1,0,1223,31.8 -4693,2,3,1420,23.7 -4693,3,3,2347,24.2 -4694,1,0,2232,34.7 -4695,1,0,1617,36.7 -4698,1,0,1424,36 -4698,2,0,1522,32.4 -4698,3,0,1734,32.4 -4699,1,0,1754,42 -4699,2,0,1934,38.9 -4699,3,0,2239,39.4 -4700,1,0,1913,33.8 -4701,1,0,1251,36 -4701,2,0,1315,34.9 -4702,1,1,0245,37.7 -4702,2,1,0410,37.9 -4702,3,1,0610,35.3 -4703,1,0,1540,34.5 -4705,1,0,2111,33.8 -4705,2,0,2240,33.7 -4706,1,0,1950,36.8 -4707,1,0,1207,39.2 -4707,2,2,0515,38.4 -4708,1,0,2249,21.2 -4708,2,1,0446,33.3 -4708,3,2,0400,26.1 -4709,1,0,2045,48.4 -4711,1,0,1130,41.8 -4711,2,0,1600,42.1 -4711,3,0,2145,42.8 -4712,1,0,1850,38.2 -4713,1,0,1440,36.1 -4714,1,0,2014,41 -4715,1,0,1745,37.5 -4715,2,1,0200,32.3 -4715,3,1,1020,32.5 -4715,4,1,1825,33.2 -4715,5,2,1205,33.5 -4715,6,3,1515,32.1 -4716,1,0,1753,32.7 -4717,1,0,1800,39.8 -4719,1,0,1858,36.9 -4719,2,0,2130,35 -4719,3,1,0005,32.9 -4720,1,0,1530,41.2 -4721,1,0,1623,37 -4722,1,0,1924,39.4 -4722,2,1,1245,27 -4722,3,1,0336,25.1 -4723,1,0,1656,41 -4724,1,0,1323,38.5 -4724,2,0,1610,36.6 -4724,3,1,0405,34.7 -4725,1,0,0725,35.2 -4728,1,0,1829,38.5 -4729,1,0,1244,47.5 -4729,2,0,1353,45.8 -4729,3,0,1625,45.5 -4733,1,0,1625,34.7 -4733,2,0,1725,33.8 -4734,1,0,1500,40.8 -4734,2,0,1620,41.2 -4734,3,0,1950,39.1 -4735,1,0,0204,33.4 -4735,2,0,0455,33.1 -4735,3,0,0645,33.7 -4737,1,0,1007,41.3 -4738,1,0,0125,32 -4740,1,0,1720,36.6 -4740,2,0,1900,39 -4740,3,1,1430,34 -4741,1,0,1414,35.5 -4742,1,0,0000,21.1 -4742,2,0,0130,29.8 -4742,3,0,0345,30 -4743,1,0,0157,32 -4743,2,0,0200,32.5 -4743,3,0,0935,31.6 -4744,1,0,1744,44 -4745,1,0,1929,32.7 -4745,2,2,0952,27.4 -4745,3,2,1804,26.7 -4746,1,0,1630,35.5 -4746,2,0,1940,33.8 -4747,1,0,0823,25 -4749,1,0,1515,35 -4749,2,1,0424,25.8 -4749,3,1,0620,26.1 -4752,1,1,0025,38.9 -4753,1,0,1925,40.1 -4755,1,0,2010,38.5 -4755,2,0,2220,37.6 -4755,3,1,0001,37.4 -4756,1,0,1859,42.1 -4756,2,1,0558,40.4 -4756,3,1,1211,41.4 -4757,1,0,1850,40.2 -4757,2,0,2325,38 -4757,3,1,0505,35.1 -4758,1,1,0155,38.3 -4760,1,0,2304,34 -4760,2,0,2355,28 -4760,3,1,0100,22.3 -4762,1,0,1740,35.2 -4764,1,0,1850,39.8 -4764,2,0,2000,38.1 -4765,1,0,1340,37.4 -4766,1,0,1521,37 -4766,2,1,0655,33.4 -4767,1,0,1400,40 -4768,1,0,2025,37.3 -4768,2,0,2155,35.8 -4770,1,0,1910,37.2 -4772,1,0,0025,41 -4772,2,0,0700,40 -4772,3,0,1145,40 -4773,1,0,0043,33 -4777,1,0,0857,33.1 -4779,1,0,1745,41.5 -4779,2,0,1851,37.2 -4779,3,0,2103,37.2 -4781,1,0,1901,40 -4786,1,0,0036,36.9 -4786,2,0,0500,32.5 -4786,3,0,1605,30.7 -4787,1,0,2243,29.9 -4787,2,1,0855,28.4 -4788,1,0,0220,41 -4788,2,0,0406,34 -4788,3,0,0215,40 -4789,1,0,1130,37.2 -4789,2,0,1250,38.1 -4790,1,0,1656,40.9 -4791,1,0,0137,36.5 -4791,2,0,0313,34.1 -4792,1,0,2238,44.6 -4792,2,1,0044,36 -4792,3,1,0323,32.4 -4793,1,1,0057,38.4 -4794,1,0,2101,35.7 -4796,1,0,1755,33.4 -4797,1,0,1519,35.5 -4798,1,0,1131,46 -4800,1,0,2102,41.1 -4801,1,0,1421,40.9 -4804,1,1,0010,38.6 -4805,1,0,2050,37.7 -4805,2,0,2320,36 -4805,3,1,0145,30.5 -4806,1,0,1842,40.8 -4806,2,2,0637,39.9 -4806,3,4,1127,40.7 -4807,1,0,1800,32.7 -4807,2,1,0845,25.2 -4809,1,0,2156,44 -4810,1,0,1443,38.9 -4810,2,0,2253,34.1 -4810,3,1,0117,31.6 -4812,1,0,1950,35.4 -4813,1,0,1435,39.6 -4814,1,0,2215,34.7 -4815,1,0,2158,38 -4816,1,0,1723,39.1 -4817,1,0,0950,40.4 -4817,2,0,1050,38.3 -4817,3,0,1305,40 -4818,1,0,1504,43.7 -4820,1,0,2038,44 -4820,2,0,2257,38 -4820,3,1,0355,34.3 -4821,1,0,1321,44.3 -4822,1,0,0841,34.8 -4822,2,0,1001,35.5 -4822,3,0,1117,34 -4823,1,0,1945,37.9 -4824,1,0,1339,32.7 -4825,1,0,2154,30.5 -4825,2,1,0150,31.8 -4828,1,1,0001,44 -4828,2,1,0010,43.5 -4828,3,1,0600,38.3 -4829,1,0,2134,39.9 -4830,1,0,1737,40 -4831,1,0,1106,35 -4831,2,0,1215,21.2 -4831,3,0,1223,18 -4832,1,0,2100,33 -4833,1,0,2205,35.1 -4833,2,0,2252,33.8 -4833,3,1,0054,34.4 -4834,1,1,0147,40.2 -4837,1,0,0755,40.6 -4838,1,0,2045,35.3 -4838,2,0,2150,31.4 -4838,3,1,0000,31.7 -4839,1,0,1940,34 -4839,2,1,0420,30.5 -4839,3,0,2142,33.1 -4840,1,1,0045,41.9 -4841,1,0,1740,38 -4842,1,0,1645,36.9 -4842,2,0,2030,37.8 -4843,1,0,1143,35.1 -4843,2,1,0600,28.9 -4844,1,0,1728,43 -4845,1,0,1142,35.2 -4845,2,0,1642,16.4 -4845,3,0,1716,15.8 -4846,1,0,2109,38.3 -4846,2,0,2236,36.3 -4847,1,0,0321,27.5 -4847,2,0,2113,25.5 -4847,3,1,0446,22.8 -4848,1,0,0721,42.7 -4849,1,0,0039,38.8 -4849,2,0,0135,36.3 -4849,3,0,0339,35.6 -4851,1,0,1911,37.8 -4851,2,1,0733,36.5 -4852,1,0,1419,30.7 -4852,2,1,0019,28.5 -4852,3,2,1240,28.3 -4853,1,1,0424,29.2 -4854,1,0,2131,44.4 -4856,1,0,2330,42.7 -4857,1,0,1925,38 -4857,2,0,2126,38.5 -4857,3,1,0315,38.1 -4858,1,0,2223,42.6 -4859,1,0,1744,33.4 -4860,1,0,1434,40.6 -4861,1,0,1008,39.3 -4861,2,0,1044,28.2 -4861,3,0,1429,28.1 -4865,1,0,2010,42.4 -4865,2,1,0400,41.1 -4865,3,2,0500,40.9 -4866,1,0,1444,38.7 -4866,2,1,0150,35.6 -4866,3,1,1013,34.8 -4868,1,0,2010,33.5 -4869,1,0,1848,40 -4870,1,0,1226,41.3 -4871,1,0,2104,40.6 -4872,1,0,1050,41.4 -4872,2,1,0725,39 -4873,1,0,1517,41.3 -4873,2,1,0614,37.3 -4874,1,0,1726,33.4 -4875,1,0,1646,31 -4875,2,0,1859,33 -4875,3,1,0900,32.8 -4877,1,0,1548,35.1 -4879,1,0,2101,31 -4879,2,0,2139,30 -4879,3,1,0158,26.6 -4880,1,0,2319,26.4 -4880,2,1,0040,22.4 -4880,3,1,0220,33 -4883,1,0,1204,36.9 -4884,1,0,1338,45.1 -4885,1,0,2015,33 -4887,1,0,1630,36.1 -4888,1,0,2320,34 -4888,2,1,1135,28.5 -4889,1,0,1503,43 -4889,2,0,1515,42.2 -4890,1,0,2226,38 -4891,1,0,1030,38 -4893,1,0,1648,37.4 -4894,1,0,1728,38 -4895,1,1,0035,38.8 -4895,2,1,0130,38.3 -4898,1,0,1155,44.8 -4898,2,0,1300,42.3 -4898,3,0,1530,44.7 -4902,1,0,1704,38.4 -4903,1,0,1218,36.4 -4904,1,0,2050,38.8 -4905,1,0,2035,38.7 -4906,1,0,2310,33.2 -4909,1,0,0322,40 -4909,2,0,0742,32.6 -4909,3,0,1600,30.4 -4910,1,0,0431,38.1 -4911,1,0,0336,34.7 -4911,2,0,0927,32.4 -4913,1,0,1229,38.9 -4914,1,0,2239,30.9 -4915,1,0,2210,41.3 -4916,1,0,2033,40.3 -4917,1,0,2015,46.5 -4918,1,0,0140,38.7 -4918,2,0,0400,38.8 -4918,3,0,0745,37.1 -4919,1,0,0737,42.3 -4919,2,0,0855,40.5 -4920,1,0,1610,39 -4921,1,0,1918,40.7 -4922,1,0,1730,35.5 -4923,1,0,1741,38.6 -4924,1,0,2052,34.2 -4924,2,2,0727,29.4 -4925,1,0,0200,44.2 -4926,1,1,0011,46 -4927,1,1,0010,39.9 -4928,1,0,2046,34.3 -4929,1,0,1652,42.3 -4929,2,1,0810,33.2 -4929,3,2,0641,34.1 -4930,1,0,2154,43.7 -4931,1,0,0928,47.2 -4933,1,0,2010,39.7 -4935,1,0,2040,35.4 -4936,1,0,1710,36.2 -4936,2,1,1545,38.9 -4938,1,0,1938,38.6 -4939,1,0,1735,36.4 -4939,2,0,2245,37 -4939,3,1,0120,36.1 -4940,1,0,1805,40.4 -4942,1,0,2000,35 -4943,1,0,2126,27 -4944,1,0,1613,41.1 -4944,2,1,0512,30.2 -4944,3,1,1129,30 -4945,1,0,2102,39 -4945,2,1,0558,38.2 -4945,3,2,0625,34.7 -4946,1,0,1506,36.7 -4946,2,0,1531,33.6 -4947,1,0,0045,38.9 -4948,1,0,2150,41 -4948,2,0,2205,39.9 -4950,1,0,1630,41.2 -4950,2,0,2151,38 -4950,3,0,0942,41.4 -4951,1,0,2108,42 -4951,2,0,2210,38.8 -4951,3,1,0030,39.5 -4952,1,0,1800,43.8 -4954,1,0,2020,39.1 -4955,1,0,1756,46.3 -4956,1,0,2243,46 -4957,1,0,2240,35.4 -4960,1,0,2138,36.1 -4963,1,0,2030,32.6 -4963,2,1,0430,31.3 -4963,3,1,2045,27.1 -4966,1,0,1015,37.3 -4967,1,0,1920,30 -4967,2,1,0220,25.9 -4968,1,0,1609,42.9 -4969,1,0,2250,28.7 -4969,2,1,0110,28 -4969,3,1,0825,27.3 -4969,4,1,1455,29.2 -4970,1,0,2304,41 -4971,1,1,0818,32.4 -4974,1,0,2256,42 -4975,1,0,1822,34.5 -4975,2,0,2009,24.1 -4975,3,1,0930,17.3 -4975,4,1,1055,17.2 -4975,5,1,2032,26.1 -4976,1,0,2230,36.2 -4977,1,1,0220,26.1 -4977,2,1,0120,24 -4977,3,0,2023,34 -4978,1,0,0007,35.4 -4979,1,0,0915,37.4 -4980,1,0,2315,39.3 -4980,2,1,0008,37.9 -4980,3,1,0248,38.9 -4981,1,0,1045,39.7 -4981,2,0,1215,40.5 -4982,1,0,1515,32.2 -4982,2,0,1715,27.3 -4982,3,0,1800,26.8 -4983,1,0,0455,39.7 -4983,2,1,0430,35.3 -4984,1,0,1815,37.4 -4984,2,1,0735,30 -4985,1,0,1610,40.3 -4986,1,0,1712,46 -4987,1,0,1705,32.7 -4989,1,0,0306,32 -4989,2,0,0950,28 -4989,3,0,1545,30 -4990,1,0,0920,43.2 -4990,2,0,1545,39.5 -4991,1,0,1510,45.2 -4992,1,0,1425,39.4 -4992,2,0,1309,43 -4992,3,0,1333,36 -4993,1,0,1236,39.6 -4994,1,0,2327,33.1 -4994,2,1,0213,26.2 -4994,3,1,0755,26.1 -4998,1,0,2224,38.4 -5000,1,0,1911,31.2 -5001,1,0,2145,43.1 -5002,1,0,2127,40 -5002,2,1,0630,34.7 -5003,1,0,1139,37 -5004,1,0,2005,38.9 -5004,2,1,1442,34.8 -5005,1,0,1355,46.3 -5006,1,0,2253,46.1 -5007,1,0,1743,34 -5008,1,0,1648,33.8 -5009,1,0,0239,39.2 -5009,2,0,1201,42.2 -5009,3,1,0930,41.1 -5010,1,0,2212,37.6 -5010,2,1,0504,29.9 -5010,3,1,1719,33 -5013,1,0,1908,34.4 -5014,1,0,2237,37 -5015,1,1,0020,33.8 -5016,1,0,0215,32.2 -5016,2,0,0935,36.8 -5018,1,0,1313,42 -5019,1,0,2245,34.6 -5020,1,0,1840,31.8 -5020,2,0,2046,30.7 -5020,3,1,0118,30.8 -5021,1,0,2211,44.2 -5021,2,1,0808,41.5 -5021,3,2,0430,42.7 -5022,1,0,1000,35.1 -5022,2,0,1530,33.7 -5023,1,0,2100,36.9 -5024,1,0,2138,35.4 -5025,1,0,1725,33.8 -5025,2,0,1850,34.4 -5025,3,0,2030,33.8 -5026,1,0,0130,44 -5026,2,0,0600,43 -5026,3,0,0420,40 -5027,1,0,0910,43 -5028,1,0,2150,39.5 -5029,1,0,1702,41.5 -5030,1,0,1535,37.8 -5031,1,0,1419,37.3 -5032,1,0,1737,36.2 -5032,2,0,2150,34.6 -5032,3,1,0857,33.8 -5033,1,0,0159,31.8 -5034,1,0,0126,45.6 -5034,2,0,0354,38.2 -5034,3,0,0521,38.4 -5035,1,0,2030,33.6 -5036,1,0,2018,42.9 -5037,1,0,1410,28.4 -5037,2,0,1505,18.4 -5037,3,0,1549,15.2 -5038,1,0,1438,42 -5039,1,0,0045,36.7 -5039,2,0,0048,38 -5041,1,0,1652,39.2 -5043,1,0,2032,41 -5044,1,0,2157,34 -5045,1,0,2348,34.5 -5046,1,0,1250,35.8 -5047,1,0,2041,41.1 -5047,2,1,0700,38.4 -5048,1,0,0939,37.3 -5048,2,1,0643,33.4 -5049,2,0,0825,44.1 -5049,3,0,0827,43 -5050,1,0,1907,37.9 -5050,2,0,2001,37 -5050,3,1,0400,35.6 -5051,1,0,1630,31.7 -5052,1,0,0841,43 -5052,2,0,0842,40.1 -5052,3,0,1925,36.1 -5053,1,0,2243,41.9 -5054,1,0,1818,37.1 -5055,1,0,0038,21 -5055,2,0,0233,9 -5057,1,0,1803,42.2 -5059,1,0,2340,39.6 -5060,1,0,1920,36.7 -5060,2,1,0615,34.6 -5060,3,1,0955,36.3 -5061,1,0,1910,39.8 -5061,2,0,2010,37.4 -5061,3,1,0400,39 -5063,1,0,2020,33 -5064,1,0,1910,45.6 -5064,2,1,0620,41.7 -5065,1,0,1249,40.8 -5066,1,0,1542,44.7 -5067,1,0,0820,43 -5067,2,0,2000,38 -5067,3,1,0530,36 -5068,1,0,2106,35.7 -5070,1,0,0527,34 -5071,1,0,2343,37 -5071,2,1,1514,25 -5071,3,1,2058,23 -5072,1,0,2140,35.8 -5072,2,0,2323,36.8 -5073,1,0,1420,41 -5074,1,0,2030,45.6 -5074,2,1,0330,37.9 -5074,3,2,0355,41.1 -5075,1,0,1930,37.2 -5077,1,0,2329,32 -5080,1,0,2100,44.2 -5080,2,1,0604,34.8 -5080,3,1,1245,33.2 -5081,1,0,1448,35.4 -5081,2,0,2116,33.8 -5082,1,0,1637,34.4 -5083,1,0,1237,39.5 -5085,1,0,1455,36.6 -5086,1,0,0345,47.3 -5086,2,1,0345,37.8 -5087,1,0,2230,35.6 -5087,2,1,0038,34.3 -5087,3,1,0137,32.4 -5089,1,0,2025,38.1 -5089,2,0,2142,38.1 -5089,3,0,2320,36.5 -5090,1,0,1810,37.7 -5090,2,1,0629,38.6 -5092,1,0,1940,36.1 -5093,1,0,1946,43.5 -5094,1,0,1158,45.2 -5095,1,0,1214,42.2 -5096,1,0,1600,36.3 -5096,2,0,1705,33.9 -5097,1,0,1555,41.7 -5097,2,0,1708,41.4 -5097,3,0,1850,41.2 -5100,1,0,2159,38.4 -5103,1,0,1938,34.8 -5104,1,0,1333,44.2 -5105,1,0,1645,37.8 -5105,2,1,0705,34.4 -5107,1,0,1730,40 -5109,1,0,1916,32.1 -5110,1,0,1722,36.6 -5111,1,0,1830,37.6 -5111,2,0,2050,36.9 -5111,3,1,0205,33.8 -5113,1,0,0108,38.9 -5114,1,0,1444,40.2 -5115,1,0,2103,40.8 -5115,2,1,0230,36.4 -5115,3,1,1110,32.1 -5116,1,0,0240,36.2 -5116,2,0,0442,34.3 -5116,3,0,0632,35.3 -5118,1,0,1917,44 -5119,1,0,0850,42 -5119,2,1,0640,32 -5119,3,2,0655,31 -5123,1,0,0350,40.5 -5123,2,0,0455,34.5 -5123,3,0,0805,37.6 -5124,1,0,2204,36.7 -5125,1,0,1805,36 -5125,2,1,0628,32.2 -5126,1,1,0535,33.9 -5126,2,0,1330,44 -5127,1,0,0310,38.8 -5128,1,0,2030,38.1 -5129,1,0,2159,40 -5129,2,1,0300,38.7 -5130,1,0,1442,46.7 -5131,1,0,1700,40.9 -5132,1,0,1500,37.7 -5132,2,0,1600,35.9 -5132,3,0,1745,35.4 -5133,1,0,1603,39 -5134,1,0,2127,39 -5134,2,0,2222,41 -5134,3,1,0430,34.3 -5136,1,0,1942,35.4 -5136,2,6,0716,27.6 -5137,1,0,1728,38.8 -5138,1,0,2049,42 -5139,1,0,1307,29.4 -5139,2,0,2025,21 -5139,3,1,0409,21.4 -5140,1,0,2121,36 -5141,1,0,2140,39.8 -5143,1,0,1845,36 -5146,1,0,2000,46.8 -5146,2,0,2335,45.3 -5146,3,1,0220,43.5 -5147,1,0,1829,36.8 -5147,2,1,0400,32 -5147,3,2,0400,30.7 -5150,1,0,0837,39.6 -5151,1,0,1810,37 -5151,2,0,2213,31 -5151,3,0,1815,34.9 -5152,1,0,1420,34.6 -5154,1,0,1338,33.1 -5155,1,0,0005,33.5 -5155,2,0,0943,36.8 -5157,1,0,2035,37 -5158,1,0,1940,31.1 -5158,2,1,0420,31.3 -5158,3,2,0315,24.9 -5159,1,0,1215,37.4 -5159,2,0,2040,17 -5159,3,0,2255,17.1 -5161,1,0,1843,34.4 -5161,2,2,1038,34.3 -5163,1,0,2215,34.9 -5164,1,0,1420,41 -5164,2,1,0400,38 -5165,1,0,1845,40.4 -5166,1,0,0404,44.1 -5170,1,0,2330,38.7 -5171,1,0,0057,33.6 -5172,1,0,2120,41 -5173,1,0,1550,42.2 -5174,1,0,1657,34.5 -5175,1,0,1544,37.8 -5176,1,0,2022,41.9 -5177,1,0,1638,40.2 -5177,2,0,1819,40 -5177,3,0,2127,38.6 -5180,1,0,0920,34.6 -5180,2,1,0002,28.7 -5180,3,1,1358,31 -5181,1,0,1612,31.3 -5181,2,0,1720,31.4 -5181,3,0,1930,31 -5182,1,1,0745,37.3 -5183,1,0,1342,38.5 -5184,1,0,1635,37.3 -5187,1,0,0901,30.8 -5187,2,0,1435,29.6 -5188,1,0,2057,31.7 -5188,2,0,2310,31.3 -5188,3,1,0040,32.7 -5189,1,0,2052,43.3 -5190,1,0,2242,37.1 -5192,1,0,1108,33.7 -5193,1,0,1335,34.6 -5194,1,0,1642,44 -5194,2,0,1640,43.3 -5195,1,0,2340,37.6 -5195,2,1,0345,37.9 -5195,3,1,1020,37.9 -5197,1,0,1737,34.9 -5198,1,0,0112,38.1 -5199,1,0,1119,36.9 -5201,1,1,0035,38.7 -5204,1,0,2213,41 -5204,2,1,0618,36.9 -5205,1,0,2215,44.4 -5206,1,0,1751,38 -5207,1,0,1858,38.3 -5208,1,0,1722,38.3 -5210,1,0,1634,40.6 -5211,1,0,1325,35 -5211,2,0,1330,34.1 -5212,1,0,1451,42.4 -5212,2,0,1605,41.4 -5213,1,0,1924,38.1 -5214,1,0,1930,40 -5217,1,0,2009,41.7 -5218,1,0,2145,39.2 -5220,1,0,0157,48.8 -5221,1,0,2330,39.8 -5221,2,1,0023,39.5 -5221,3,1,0208,40 -5222,1,0,1415,35 -5223,1,0,1629,44.3 -5223,2,1,0508,39.7 -5223,3,3,0311,35.2 -5224,1,0,2019,39.5 -5227,1,0,1642,37.4 -5228,1,1,0018,39.1 -5229,1,0,1710,36.4 -5230,1,0,1430,36.6 -5230,2,0,1442,36 -5231,1,0,2047,35.1 -5231,2,0,2232,33.5 -5231,3,1,0142,32.6 -5232,1,0,0255,45.3 -5234,1,1,0439,40.3 -5235,1,0,1730,33.7 -5237,1,0,2007,39 -5237,2,1,0506,36.1 -5238,1,0,1704,38.6 -5239,1,0,1835,40 -5240,1,0,1858,45.9 -5241,1,0,2025,38.1 -5243,1,0,1555,37.7 -5244,1,0,1200,26.9 -5244,2,4,0752,26.8 -5245,1,0,1903,37.3 -5247,1,0,1935,38.9 -5248,1,0,1906,32.9 -5249,1,0,1550,41.2 -5250,1,0,2117,34 -5251,1,0,1645,36.9 -5252,1,0,2314,33.8 -5252,2,2,0553,25.9 -5252,3,3,0430,28.1 -5253,1,0,1521,24.1 -5253,2,0,1849,32.8 -5253,3,0,2151,32.3 -5254,1,0,1800,38.6 -5254,2,0,2022,34.5 -5254,3,1,0105,29.5 -5257,1,0,2205,32.8 -5258,1,-1,2320,37.2 -5258,2,0,0200,30.4 -5258,3,0,0415,35.4 -5259,1,0,1739,41 -5262,1,0,2145,45 -5263,1,1,0002,37 -5264,1,0,1737,31.6 -5265,1,0,1452,34.8 -5266,1,0,0135,46 -5267,1,0,1855,29.9 -5267,2,0,2219,27.1 -5267,3,1,0615,27.6 -5268,1,0,2219,35.3 -5269,1,0,1622,39.8 -5269,2,1,1711,38.4 -5271,1,0,2100,35 -5272,1,0,2020,45 -5272,2,0,2151,40.2 -5272,3,1,0014,40.4 -5273,1,0,1906,36 -5273,2,0,2010,35.1 -5273,3,0,2213,29.5 -5275,1,0,2030,43.1 -5275,2,2,0600,38.9 -5276,1,0,1834,25 -5276,2,0,1940,24.2 -5276,3,0,2324,22.5 -5278,1,0,1046,43.8 -5279,1,0,2222,36 -5279,2,1,0019,34.3 -5279,3,1,0126,35.3 -5280,1,0,1350,36.4 -5280,2,0,1600,37 -5280,3,0,2000,35.7 -5283,1,0,0440,35.3 -5283,2,0,2220,33 -5284,1,0,2340,34.1 -5284,2,1,0045,31.8 -5284,3,1,0215,31.1 -5285,1,0,2256,39.3 -5286,1,0,1715,31.8 -5286,2,0,1920,30.2 -5286,3,0,2225,29 -5287,1,0,2229,37.6 -5288,1,0,2204,36 -5290,1,0,1909,36.9 -5290,2,2,0615,27.4 -5291,1,0,2345,45 -5292,1,0,1930,37.8 -5293,1,0,1613,37.6 -5294,1,0,2145,34.9 -5295,1,0,1645,44.1 -5296,1,0,1910,33.1 -5298,1,0,1220,38.6 -5300,1,0,1340,34.2 -5300,2,0,1520,33.3 -5300,3,0,1700,33 -5301,1,1,0010,36.4 -5302,1,0,0843,33.5 -5303,1,0,1500,44.2 -5303,2,1,0620,40.5 -5303,3,2,0550,39.2 -5304,1,0,0850,37.2 -5305,1,0,2025,35.4 -5305,2,0,2130,35.8 -5305,3,0,2320,36.6 -5306,1,0,2300,34.6 -5308,1,0,1551,36 -5310,1,0,2010,45.8 -5313,1,0,1430,38.4 -5315,1,0,2030,34 -5316,1,0,1705,39.4 -5316,2,0,1819,40.4 -5316,3,0,1944,40.2 -5318,1,0,1735,37 -5319,1,0,2030,43.4 -5319,2,0,2210,43.4 -5319,3,1,0001,43 -5320,1,0,1420,39.3 -5322,1,0,1410,37.7 -5323,1,0,2130,37.2 -5324,1,0,0948,44.4 -5324,2,0,1620,42.4 -5324,3,1,0430,40.8 -5325,1,0,1135,36.9 -5325,2,0,1310,39.5 -5325,3,0,1700,36.1 -5326,1,0,1736,40.1 -5327,1,0,1645,40 -5327,2,0,1745,40.9 -5327,3,0,2000,41.8 -5329,1,1,0032,34.9 -5330,1,0,0914,47.1 -5331,1,0,2004,38 -5331,2,0,2104,35.5 -5331,3,0,2150,36 -5333,1,0,1730,44.2 -5333,2,0,1825,43.7 -5333,3,0,2100,42.6 -5334,1,1,1200,32.8 -5334,2,1,0100,30.9 -5334,3,1,0255,33.2 -5336,1,0,1931,33.5 -5336,2,0,2132,32 -5336,3,1,0505,28.6 -5337,1,0,1003,38.9 -5338,1,0,1018,35.9 -5339,1,0,1526,35.4 -5340,1,0,1854,32.8 -5341,1,0,2051,42.6 -5343,1,0,1420,32.2 -5343,2,0,1735,32.4 -5344,1,0,2210,38 -5344,2,1,0705,32.7 -5344,3,2,1255,33.1 -5345,1,0,1746,36 -5347,1,0,1912,41 -5347,2,0,2016,34.9 -5348,1,0,2149,29 -5348,2,0,2340,28.2 -5348,3,1,0345,26.3 -5350,1,0,0505,33.7 -5350,2,2,0452,27.7 -5351,1,0,0454,41.3 -5351,2,0,1045,39.5 -5351,3,1,1240,39 -5352,1,0,1205,37.1 -5352,2,1,0720,35.2 -5353,1,0,1743,45.3 -5354,1,0,1853,40.2 -5355,1,0,2141,30 -5357,1,0,1700,43.5 -5361,1,0,1230,35.8 -5362,1,0,1115,42.8 -5362,2,0,1245,36.2 -5362,3,0,1456,36.7 -5363,1,0,1815,35.5 -5363,2,0,2129,37.4 -5363,3,1,0130,36.3 -5364,1,0,2111,34.3 -5364,2,1,0342,30.8 -5364,3,2,0649,32 -5365,1,0,1843,26.6 -5365,2,1,0320,34.1 -5365,3,2,0412,28.9 -5366,1,0,1730,37 -5367,1,2,0423,28.2 -5368,1,0,2055,31.2 -5368,2,1,0359,28.2 -5369,1,0,1855,38 -5369,2,0,1858,38.7 -5370,1,0,1133,38.8 -5371,1,0,1538,35 -5372,1,0,1358,35.2 -5372,2,1,0520,33.8 -5373,1,0,0856,43 -5375,1,0,1002,32.9 -5375,2,0,1115,30.9 -5376,1,0,1800,38 -5376,2,0,2030,37.5 -5376,3,0,2240,37.7 -5377,1,0,1920,34 -5377,2,0,2030,32.2 -5377,3,0,2230,32.3 -5378,1,0,1955,39.1 -5379,1,0,0129,38.1 -5379,2,0,0316,35.9 -5379,3,0,0945,34 -5380,1,0,0010,36.5 -5383,1,0,0930,39.9 -5385,1,0,1741,34.2 -5385,2,1,0810,31.8 -5386,1,0,1140,37 -5387,1,0,2133,34 -5387,2,2,0500,24 -5388,1,0,1707,37 -5389,1,0,2304,33.3 -5390,1,0,2057,41.3 -5390,2,1,0728,36.6 -5391,1,0,1921,40.3 -5393,1,0,1717,41.4 -5394,1,0,1844,38.3 -5395,1,0,1938,36 -5397,1,0,1750,39.6 -5398,1,0,2338,32.1 -5399,1,0,1235,36.2 -5400,1,0,1554,44.4 -5401,1,0,1557,53 -5402,1,0,1856,40.9 -5402,2,0,2120,40 -5403,1,0,2027,37.2 -5404,1,0,1112,31.6 -5406,1,0,1024,44.7 -5408,1,0,1939,38.7 -5409,1,0,2146,36.6 -5410,1,0,1745,34.3 -5411,1,0,1249,38.8 -5413,1,0,2355,39.7 -5414,1,0,1817,32.3 -5416,1,0,1631,35.5 -5417,1,0,2044,35.3 -5417,2,1,0058,34 -5417,3,1,0731,33.5 -5417,4,1,1435,33.6 -5417,5,2,0842,34.9 -5418,1,0,0150,35.6 -5418,2,0,0444,43.3 -5419,1,0,1939,34.1 -5420,1,0,0954,34 -5420,2,0,1000,36.6 -5421,1,0,1755,45 -5421,2,1,0040,37.9 -5421,3,1,0600,39.8 -5422,1,0,1710,36.7 -5425,1,0,1615,34.1 -5426,1,0,2011,39 -5427,1,0,1440,30.8 -5427,2,1,0600,24.9 -5427,3,1,1219,21.7 -5428,1,0,2345,36.6 -5428,2,1,0045,35.2 -5428,3,1,0235,34.8 -5429,1,0,0120,45 -5429,2,0,0530,38.9 -5429,3,0,1122,36.4 -5430,1,0,2054,34.4 -5431,1,0,2156,36.9 -5432,1,0,2009,36.1 -5433,1,0,1800,35 -5435,1,0,1131,40.2 -5435,2,0,1616,34.6 -5435,3,1,0011,34.3 -5437,1,0,1315,39.3 -5438,1,0,1512,38.9 -5439,1,0,1437,44.2 -5440,1,0,1512,51.4 -5441,1,0,1952,44.7 -5442,1,0,1915,43 -5442,2,2,0520,35.6 -5443,1,0,2034,44.4 -5444,1,0,1456,43 -5445,1,0,1632,40.1 -5446,1,0,2143,41.3 -5448,1,0,1741,38.2 -5450,1,0,0920,42 -5451,1,1,1007,30.7 -5452,1,0,2208,36 -5453,1,0,1521,35.2 -5454,1,0,1050,35.1 -5454,2,0,1155,32.5 -5454,3,0,1414,34.3 -5456,1,0,1629,42.5 -5456,2,6,0545,26.3 -5457,1,0,1649,44.1 -5458,1,0,1915,23.6 -5458,2,0,2018,30.2 -5458,3,0,2314,37.3 -5459,1,0,1305,45.9 -5460,1,0,2030,35.6 -5460,2,0,2145,26.6 -5460,3,0,2235,29.4 -5462,1,0,1600,26.7 -5462,2,0,1724,44.4 -5462,3,0,1900,44 -5464,1,0,0800,34.5 -5464,2,0,1440,32.2 -5464,3,0,2025,28.9 -5467,1,0,1734,41.3 -5468,1,0,0825,41 -5468,2,0,1638,33.8 -5470,1,0,1748,36 -5470,2,0,1835,37 -5470,3,0,1930,34.6 -5471,1,0,2011,41.5 -5472,1,0,2338,30.9 -5472,2,1,0155,33.8 -5472,3,1,0506,32.3 -5473,1,0,2235,37.8 -5474,1,0,1626,38.7 -5475,1,0,1101,34 -5475,2,0,1440,29.1 -5475,3,0,1954,25 -5476,1,0,1531,41.2 -5476,2,0,1657,41.4 -5476,3,0,1934,39.9 -5477,1,0,2058,42.2 -5479,1,0,1630,28.7 -5479,2,1,0521,25.6 -5483,1,0,0249,39.6 -5483,2,1,0300,28.9 -5483,3,2,0455,26.8 -5485,1,0,0949,38.3 -5486,1,0,1640,36.9 -5487,1,0,1836,42.3 -5488,1,0,1337,47 -5488,2,0,1445,47 -5488,3,0,1709,45 -5489,1,0,1550,32.3 -5489,2,1,1612,32.4 -5489,3,2,1035,34.2 -5490,1,0,1656,36.6 -5491,1,0,2351,38 -5491,2,1,0513,36.6 -5491,3,1,1525,38.5 -5492,1,0,1843,35.6 -5493,1,0,1950,34.2 -5493,2,1,0720,35.7 -5494,1,0,1500,41.5 -5495,1,0,2255,27.9 -5495,2,1,0400,37.4 -5495,3,1,0857,35.8 -5496,1,0,1132,38.2 -5497,1,0,1506,35.7 -5499,1,0,2030,40.4 -5499,2,0,2300,37.1 -5499,3,1,0400,36.9 -5501,1,0,2024,35.4 -5502,1,0,1802,39.7 -5503,1,0,2115,40.3 -5503,2,2,0516,30.1 -5506,1,0,1331,36.3 -5507,1,0,1440,39.1 -5508,1,0,1255,38.9 -5509,1,0,1651,37.9 -5511,1,0,1422,44.2 -5513,1,1,0018,39.1 -5514,1,0,1803,35.6 -5515,1,0,2229,33.3 -5516,1,0,2356,35.6 -5517,1,0,1959,33.4 -5517,2,1,0526,31.4 -5520,1,0,1906,32.5 -5520,2,1,0920,29.7 -5521,1,0,2104,35.9 -5522,1,0,2125,34.7 -5523,1,0,2109,36.4 -5523,2,1,0230,31.2 -5524,1,0,2100,39 -5524,2,0,2236,36.4 -5526,1,0,0512,34.4 -5528,1,0,1811,38 -5528,2,1,0515,36 -5531,1,0,2330,29.4 -5531,2,1,1634,29.6 -5531,3,2,0849,32.1 -5532,1,0,2230,28.5 -5536,1,0,2127,41.1 -5536,2,1,0940,39.7 -5537,1,0,1627,42 -5538,1,0,1410,38.5 -5538,2,0,1513,36.4 -5538,3,0,1715,37.7 -5539,1,0,0331,51.4 -5539,2,0,0448,47.9 -5539,3,0,0658,45.4 -5540,1,0,1250,36.6 -5540,2,1,0705,37 -5541,1,0,1125,36.6 -5542,1,0,1148,36.4 -5543,1,0,1805,34.9 -5543,2,0,2004,33.3 -5544,1,0,1706,47.2 -5544,2,0,1814,46.2 -5544,3,0,2009,46.5 -5545,1,0,2123,33.4 -5547,1,0,1235,41 -5547,2,0,1345,37.8 -5549,1,0,2159,44.3 -5553,1,0,1602,47 -5555,1,0,1842,40.2 -5556,1,0,1933,35.7 -5557,1,0,2329,35.4 -5557,2,1,0535,47.6 -5557,3,1,1609,38.1 -5559,1,0,2149,31.6 -5560,1,0,1830,38 -5561,1,0,0141,41 -5562,1,0,1940,34.1 -5562,2,0,2055,32.9 -5562,3,1,0005,34.5 -5564,1,0,1835,41.4 -5565,1,0,1705,35.8 -5565,2,1,0930,34.4 -5566,1,0,1829,34.4 -5566,2,1,1015,32.5 -5567,1,0,1854,42 -5568,1,0,1604,43 -5568,2,0,1702,40.8 -5572,1,0,1926,32.5 -5573,1,0,1503,39.6 -5574,1,0,1708,38.5 -5575,1,0,0235,41 -5576,1,0,1314,43 -5577,1,0,0804,36.4 -5578,1,0,1757,39.6 -5579,1,0,0950,36.7 -5580,1,0,1200,43.5 -5580,2,0,1305,41.5 -5580,3,0,1520,41.3 -5581,1,0,0137,35.1 -5582,1,0,2006,42.5 -5583,1,0,1800,36.8 -5584,1,0,2252,37.9 -5585,1,0,2121,32.4 -5586,1,0,2132,32.2 -5586,2,1,0004,26.8 -5586,3,1,0136,26.7 -5586,4,1,0450,23.9 -5586,5,1,1144,23.1 -5586,6,1,1605,24.2 -5586,7,1,2329,23.6 -5586,8,2,0727,23.9 -5587,1,0,2103,36.2 -5588,1,0,2350,33.8 -5590,1,0,2253,43.2 -5590,2,1,0243,36.5 -5590,3,2,0445,35.6 -5591,1,0,2249,41 -5593,1,0,2025,44 -5594,1,0,2222,39.5 -5594,2,1,0650,36.6 -5596,1,0,1514,48 -5596,2,1,0545,43 -5597,1,0,2010,42 -5597,2,1,0200,35.7 -5597,3,1,1400,35.6 -5598,1,0,0649,36.1 -5598,2,0,0101,39 -5599,1,0,0230,31.8 -5600,1,0,2248,46 -5601,1,0,1608,39.9 -5602,1,0,1830,44.9 -5603,1,0,1637,40.5 -5605,1,0,1630,37.2 -5605,2,0,1800,32.7 -5605,3,0,1930,36.7 -5606,1,0,0945,35.8 -5607,1,0,1823,39.7 -5608,1,0,1440,40.8 -5609,1,0,1625,33.5 -5611,1,0,1600,46 -5612,1,0,1611,36 -5612,2,1,0645,34.9 -5613,1,0,2029,35.3 -5613,2,1,0648,30.4 -5613,3,1,0307,18.2 -5614,1,0,1730,39.7 -5615,1,0,2311,40.5 -5616,1,0,1659,44 -5616,2,0,1741,29 -5616,3,0,1808,34 -5617,1,0,1651,39.3 -5618,1,0,1848,40.5 -5619,1,0,0025,40.7 -5620,1,0,1816,35.5 -5621,1,0,1459,43.2 -5621,2,0,1603,41.1 -5621,3,0,1813,42.4 -5624,1,0,1455,37.4 -5624,2,0,1700,38.7 -5624,3,0,1840,36.8 -5625,1,0,2010,31.5 -5625,2,0,2200,31.6 -5625,3,1,0125,31.5 -5626,1,0,2200,37.9 -5626,2,0,2330,36.9 -5626,3,1,0155,36.5 -5627,1,0,2045,38.1 -5628,1,0,1553,36 -5628,2,1,0340,37.8 -5630,1,0,1810,23.3 -5632,1,2,0550,36.6 -5632,2,0,2221,37 -5632,3,1,0550,35.3 -5633,1,0,1927,38 -5634,1,0,1748,38.2 -5635,1,0,2023,41.4 -5637,1,0,2127,40.3 -5638,1,0,2107,37 -5638,2,0,2120,35.9 -5639,1,0,2219,34.4 -5642,1,0,0805,31.4 -5642,2,0,1609,25.9 -5642,3,1,0505,24.4 -5643,1,0,2100,44.1 -5643,2,2,1650,22.2 -5643,3,4,0114,20.4 -5644,1,0,2142,36.8 -5645,1,0,1822,36.4 -5647,1,0,0434,42.2 -5647,2,0,0757,39.7 -5649,1,0,2335,42.7 -5650,1,0,2133,40 -5651,1,0,1629,42 -5651,2,1,0643,38.7 -5653,1,0,0410,48.6 -5655,1,0,1600,48 -5655,2,2,0400,41 -5658,1,0,1609,39.8 -5660,1,0,2300,38.3 -5660,2,1,0000,37.6 -5661,1,0,1920,35.8 -5663,1,0,1900,37.6 -5664,1,0,2329,43 -5667,1,0,1600,40.2 -5668,1,0,0839,38.8 -5668,2,2,0606,31.9 -5668,3,2,1331,32.8 -5669,1,0,1030,36.9 -5669,2,0,1130,38.5 -5669,3,0,1330,36.4 -5671,1,0,1954,30 -5673,1,0,1714,39.4 -5673,2,0,1742,38.3 -5674,1,0,2244,33.5 -5675,1,0,1739,38.6 -5676,1,0,1930,35.3 -5676,2,0,2045,33.2 -5677,1,0,2128,39.3 -5680,1,0,1330,35.6 -5680,2,0,1440,33 -5680,3,0,1635,31.9 -5684,1,0,1615,38.5 -5684,2,0,1743,38.1 -5684,3,0,2006,36.7 -5685,1,0,1900,39.6 -5687,1,0,1935,34.9 -5687,2,0,2221,37.1 -5687,3,1,0215,37.2 -5688,1,0,1723,37.2 -5688,2,0,2139,34.9 -5689,1,0,1810,40 -5689,2,0,1945,35.5 -5689,3,0,2225,33.7 -5690,1,0,1825,34 -5690,2,1,1200,32.8 -5692,1,0,1322,40.9 -5692,2,0,1343,44 -5693,1,0,2255,34.6 -5694,1,0,1033,44.5 -5694,2,0,1130,42.7 -5694,3,0,1350,43 -5696,1,0,1429,37.2 -5698,1,0,2139,39.3 -5698,2,1,0305,36 -5698,3,1,1445,37.4 -5699,1,0,1819,37.3 -5700,1,0,2010,40 -5700,2,1,0504,34.6 -5701,1,0,2005,33 -5701,2,0,2114,35.3 -5701,3,0,2319,30.8 -5703,1,0,0402,34.2 -5703,2,1,0141,32.1 -5703,3,2,0505,35.3 -5704,1,0,1950,45 -5704,2,7,1220,46.2 -5705,1,0,1827,43.8 -5707,1,0,0700,38 -5707,2,0,1600,34 -5707,3,1,0030,32 -5709,1,0,1842,30.9 -5709,2,0,2240,31.7 -5709,3,1,0400,29.6 -5710,1,0,1940,37.8 -5711,1,0,1837,36.8 -5712,2,0,2044,38.1 -5713,1,0,1005,41.3 -5713,2,0,1131,38.3 -5713,3,0,1401,39.5 -5714,1,0,1715,40.6 -5715,1,0,2337,37.5 -5715,2,1,0045,34.8 -5716,1,0,2359,35.1 -5720,1,0,0848,31.9 -5720,2,0,1036,31.2 -5720,3,0,1509,29.7 -5722,1,0,2114,36 -5724,1,0,1536,35 -5725,1,0,1615,38.5 -5725,2,0,1740,38.3 -5725,3,0,1950,12 -5727,1,0,0838,40.7 -5727,2,0,0937,37.4 -5729,1,1,0145,37.5 -5731,1,0,1913,35.7 -5731,2,1,0600,33.7 -5731,3,1,2030,44.7 -5732,1,0,1626,35.9 -5732,2,0,1747,35.7 -5732,3,0,1945,35.3 -5734,1,0,2241,35.8 -5736,1,0,2147,36.3 -5736,2,0,2250,34.3 -5736,3,1,0050,36.1 -5737,1,0,2115,34.3 -5737,2,0,2310,35.5 -5737,3,1,0230,32.8 -5738,1,0,1502,36.5 -5740,1,0,1400,39.1 -5741,1,0,1615,39.1 -5742,1,0,2112,36.6 -5743,1,0,1618,37 -5744,1,0,1920,33.9 -5744,2,0,2020,34.8 -5744,3,1,0140,31.6 -5746,1,0,1546,33.3 -5746,2,0,1700,51 -5746,3,1,0400,44.5 -5749,1,0,0344,43.9 -5750,1,0,2049,32.5 -5750,2,1,0550,28.6 -5751,1,0,1448,36.8 -5752,1,0,1921,38.8 -5754,1,0,2057,34.6 -5754,2,1,0100,30.9 -5754,3,1,0135,29.4 -5754,4,1,0500,28.2 -5754,5,1,1323,25.2 -5754,6,1,1910,23.5 -5754,7,2,0030,26.5 -5754,8,2,0452,27.7 -5754,9,2,1305,25.4 -5754,10,3,1000,26.6 -5754,11,4,0930,23.8 -5754,12,5,0536,26.6 -5755,1,0,1053,35.9 -5756,1,0,1920,32.4 -5756,2,1,0720,29.9 -5757,1,0,0130,40.5 -5757,2,0,0245,39.7 -5758,1,0,1830,31.7 -5758,2,1,0110,31.2 -5758,3,1,0430,30.6 -5759,1,0,1315,33.1 -5759,2,0,2030,29.8 -5759,3,1,0501,26.9 -5760,1,0,1410,32 -5760,2,0,2333,29.8 -5760,3,1,0555,30 -5761,1,0,2111,39 -5763,1,0,1434,38.5 -5763,2,1,0413,34.3 -5764,1,0,1433,37.7 -5765,1,0,1832,42.9 -5765,2,0,2155,39.7 -5766,1,0,2023,33.1 -5766,2,0,2129,32.3 -5766,3,0,2345,34.8 -5767,1,0,1601,40.1 -5768,1,0,1555,38 -5768,2,0,1658,37.5 -5770,1,0,2145,40.2 -5770,2,2,1215,36.8 -5770,3,3,0435,30.8 -5771,1,0,1605,33.2 -5775,1,0,1225,38.5 -5775,2,0,1321,35.2 -5775,3,0,1856,35.5 -5776,1,0,1920,38.4 -5776,2,0,2219,35.9 -5778,1,0,2034,32.2 -5779,1,0,1923,35 -5781,1,0,1804,40.1 -5782,1,0,1420,44 -5782,2,1,0500,35 -5783,1,0,1922,37 -5783,2,1,0450,32.5 -5783,3,2,0430,25.6 -5784,1,0,2002,37 -5784,2,0,2115,33 -5784,3,1,0215,35.9 -5785,1,0,1305,37 -5785,2,1,0655,35.2 -5786,1,0,1520,40.9 -5786,2,1,0321,34.8 -5786,3,1,1550,35.5 -5787,1,0,1533,40.3 -5791,1,0,1906,34.6 -5792,1,0,1830,38.4 -5793,1,0,1954,46.6 -5794,1,0,1847,43.3 -5795,1,0,2207,40 -5797,1,0,2052,36.7 -5798,1,0,1925,34 -5798,2,1,0600,31.7 -5799,1,0,0850,35.6 -5799,2,0,0950,34.5 -5799,3,0,1205,33.7 -5800,1,0,1315,32.6 -5800,2,0,1515,31.1 -5800,3,0,1700,29.1 -5802,1,0,1342,40.4 -5802,2,0,1442,41.3 -5804,1,1,0535,36.2 -5804,2,0,1634,39 -5806,1,0,0113,35 -5807,1,1,0550,37.2 -5807,2,0,1440,41 -5808,1,0,0650,37.6 -5808,2,0,0127,40 -5809,1,0,1657,39.1 -5809,2,1,0841,38.6 -5810,1,0,2050,39.2 -5810,2,0,2220,36.2 -5810,3,0,2320,33.8 -5811,1,0,2354,32.4 -5812,1,0,1625,37.9 -5815,1,0,1417,37.2 -5816,1,0,1932,31.6 -5816,2,0,2021,30.7 -5816,3,0,2242,30.1 -5817,1,1,0351,41.9 -5820,1,0,2005,35 -5820,2,0,2130,35.8 -5820,3,0,2315,35.7 -5821,1,0,1545,39.1 -5821,2,0,1650,37.3 -5821,3,0,1845,38.7 -5822,1,0,2119,38.6 -5823,1,0,1614,31.9 -5824,1,0,1219,40.6 -5824,2,1,0045,40 -5824,3,1,0400,42.7 -5826,1,0,2008,38.1 -5826,2,3,0715,32.2 -5829,1,0,2143,36.3 -5830,1,0,1607,42 -5830,2,1,0615,32.9 -5830,3,2,0605,33.1 -5831,1,0,2054,36.5 -5833,1,0,1905,37.3 -5833,2,0,2020,37.2 -5833,3,0,2145,36.9 -5834,1,0,1419,38.2 -5834,2,1,0557,35.3 -5835,1,0,2019,34.4 -5836,1,0,2051,33.6 -5836,2,1,1052,33 -5836,3,3,0337,39.9 -5837,1,0,0140,43.7 -5840,1,0,2300,34.1 -5841,1,0,2255,32.8 -5842,1,0,2140,41.5 -5843,1,0,2128,39.3 -5843,2,1,0703,35.9 -5844,1,0,1755,37 -5844,2,0,1928,36.9 -5844,3,0,2125,36.5 -5846,1,0,1515,33.3 -5847,1,0,2219,37.4 -5847,2,1,0445,33.8 -5848,1,0,2232,41.7 -5848,2,1,0315,38.3 -5848,3,1,0925,39.6 -5849,1,0,1504,31.5 -5850,1,0,2350,33.9 -5852,1,0,2116,39.9 -5853,1,0,2044,38 -5853,2,1,0600,33.1 -5855,1,0,1335,37.2 -5856,1,1,0030,36.9 -5857,1,0,1836,35.8 -5857,2,0,1952,30.4 -5857,3,0,2111,28.8 -5858,1,0,1559,41.1 -5858,2,1,0545,34.7 -5860,1,0,2210,36.3 -5861,1,0,1941,40.1 -5863,1,0,1652,35.6 -5863,2,1,0639,34.2 -5863,3,2,1455,34.2 -5865,1,0,2312,39.4 -5865,2,1,0500,39.6 -5865,3,1,2229,36.6 -5866,1,0,2335,39.4 -5868,1,0,2338,35.4 -5869,1,0,2228,34.6 -5869,2,0,2320,32.4 -5869,3,1,0224,32 -5870,1,1,0043,43.1 -5870,2,1,0333,41.3 -5870,3,1,0851,42 -5872,1,0,2230,27.4 -5873,1,0,2356,35.4 -5874,1,0,1504,39 -5874,2,0,1500,36.1 -5875,1,0,2200,39.2 -5876,1,0,1623,35.3 -5877,1,0,0448,36.6 -5879,1,0,2108,25.5 -5879,2,1,0502,25.1 -5879,3,6,1328,29 -5881,1,0,2123,36.9 -5883,1,0,1435,47 -5883,2,0,1905,42.5 -5884,1,1,0118,32 -5885,1,0,1852,33.6 -5886,1,0,0033,35 -5886,2,0,0638,35.2 -5887,1,0,0858,40 -5887,2,0,0955,37.3 -5888,1,0,1658,36.2 -5889,1,0,2144,33.8 -5889,2,0,2341,30.3 -5889,3,1,0255,32.7 -5890,1,0,2217,31.8 -5893,1,0,0935,43.6 -5894,1,0,0753,30.07 -5894,2,0,1021,20.8 -5894,3,0,1226,20.8 -5895,1,0,1440,35.9 -5897,1,0,2224,33.7 -5898,1,0,2025,38.3 -5899,1,0,1731,44.1 -5899,2,0,2046,44.2 -5899,3,1,0116,43.2 -5901,1,0,1545,43 -5903,1,0,1608,40.7 -5904,1,0,1920,38.3 -5905,1,0,2130,37.8 -5905,2,0,2250,35 -5906,1,0,1946,43 -5907,1,0,2000,38.3 -5907,2,0,2235,36.7 -5908,1,0,1250,36.2 -5909,1,0,1424,31.7 -5909,2,0,1726,27.9 -5909,3,0,1855,25.6 -5910,1,0,1855,34.7 -5911,1,0,0937,35.5 -5911,2,0,1330,30.3 -5911,3,0,1550,31.6 -5912,1,0,1835,40.2 -5913,1,0,2245,33.2 -5913,2,0,2350,33.8 -5914,1,0,1037,33.1 -5914,2,1,0538,26.1 -5915,1,0,0955,17.1 -5915,2,0,1100,15.3 -5916,1,0,0726,39.2 -5916,2,0,0928,38.7 -5917,1,0,1715,37.5 -5917,2,1,1450,28.7 -5917,3,6,1133,28 -5918,1,0,0845,30.4 -5921,1,0,2058,36.2 -5922,1,0,1705,38.1 -5922,2,0,1814,33.6 -5922,3,0,1936,32.9 -5923,1,0,1945,40 -5925,1,1,0321,38.5 -5925,2,1,1501,39.6 -5926,1,1,0540,31.8 -5926,2,1,0040,31.5 -5926,3,0,2159,35 -5928,1,0,2058,36.7 -5929,1,0,0405,38.4 -5929,2,0,0537,34.2 -5929,3,0,0738,36.6 -5930,1,1,0019,29.4 -5931,1,0,0838,35.4 -5932,1,1,0315,32.7 -5934,1,0,1805,36 -5935,1,0,1636,20.4 -5935,2,0,1917,37.1 -5936,1,0,1627,34 -5936,2,0,1656,29 -5936,3,0,1734,33.6 -5937,1,0,1724,43.1 -5938,1,0,2009,37.6 -5938,2,0,2109,34.5 -5938,3,1,0230,42.2 -5938,4,1,1605,38.3 -5941,1,1,0350,28.8 -5942,1,0,1445,42 -5943,1,0,2005,37.8 -5944,1,0,1732,38.7 -5946,1,0,1900,37 -5946,2,0,1930,39.7 -5946,3,0,2030,38.2 -5947,1,0,2109,40.2 -5949,1,0,1538,40 -5949,2,1,0002,31 -5949,3,1,0610,29.5 -5950,1,0,1404,44 -5951,1,0,1942,25.1 -5951,2,0,2244,25.4 -5951,3,1,0400,22.8 -5952,1,0,1449,40.5 -5953,1,0,0439,34.1 -5954,1,0,2327,34.9 -5954,2,1,0553,29.6 -5954,3,1,1140,29.5 -5955,1,0,1517,36.2 -5957,1,0,2144,35.5 -5958,1,1,0020,40 -5959,1,0,1820,33.3 -5959,2,0,2010,24.9 -5959,3,0,2102,22.4 -5960,1,0,1839,33.7 -5961,1,0,1714,37.6 -5961,2,1,0145,31.7 -5961,3,1,1545,32.6 -5962,1,0,1926,39.9 -5963,1,0,1920,39.3 -5963,2,0,2030,38.6 -5963,3,0,2200,37.4 -5964,1,0,1611,38.5 -5964,2,0,1806,37.4 -5964,3,0,1947,37.5 -5967,1,0,2108,44.4 -5968,1,0,2250,37.7 -5969,1,0,2203,34.4 -5969,2,0,2301,32.1 -5969,3,1,0042,34.2 -5970,1,0,1540,37.6 -5971,1,0,2151,36.4 -5972,1,0,1638,16.9 -5973,1,0,1925,35.5 -5974,1,0,2100,36.9 -5976,1,0,0945,36.9 -5977,1,0,1830,34 -5978,1,1,0133,33.8 -5978,2,1,0456,32.9 -5978,3,1,0812,30.4 -5980,1,1,1800,42.5 -5981,1,0,2141,43.2 -5982,1,1,0206,33.4 -5983,1,0,2015,41 -5983,2,1,0525,36.6 -5984,1,0,1055,35.4 -5984,2,1,0551,31.6 -5985,1,0,1724,41.6 -5985,2,1,0026,37.1 -5985,3,1,0623,38 -5986,1,0,1235,36.8 -5987,1,0,2332,29.6 -5988,1,0,0210,41.3 -5989,1,0,2339,35.5 -5990,1,0,2002,41.4 -5992,1,0,1950,36 -5992,2,0,2150,39 -5992,3,1,0415,37 -5993,1,0,2010,37.3 -5995,1,0,2001,36.7 -5996,1,0,2004,33.7 -5996,2,1,0330,28.3 -5996,3,1,0900,27.5 -5997,1,0,1655,34.8 -5997,2,1,0726,36.4 -5998,1,0,0530,41.9 -5998,2,0,1606,38.2 -5998,3,1,0114,35.5 -5999,1,0,0319,38.5 -6000,1,0,0957,32.4 -6001,1,0,1630,39.5 -6002,1,1,0000,24.9 -6002,2,1,0410,21.9 -6002,3,1,0954,21.3 -6003,1,0,0810,23.3 -6003,2,0,0945,25.2 -6003,3,0,1145,24.6 -6004,1,0,2005,31.2 -6005,1,0,1845,41.3 -6005,2,0,2129,40.1 -6005,3,1,0230,39.5 -6007,1,0,1930,42.6 -6009,1,0,2034,34 -6009,2,1,0720,31.9 -6009,3,1,1700,29.2 -6010,1,0,2115,47.7 -6011,1,0,1924,33.6 -6015,1,0,1356,37.3 -6015,2,0,1812,29.7 -6015,3,1,0513,27.4 -6016,1,1,0057,38.2 -6018,1,0,1945,36 -6019,1,0,2130,30.8 -6019,2,1,0455,30.1 -6019,3,2,0525,28.3 -6022,1,0,2205,42.2 -6023,1,0,1739,37.5 -6023,2,0,1910,37 -6023,3,0,2055,36.6 -6024,1,0,2109,42 -6026,1,0,1618,38.3 -6026,2,1,0530,35.5 -6027,1,0,0030,37.1 -6028,1,0,1750,27.6 -6028,2,1,0140,33.8 -6028,3,1,0620,27.5 -6030,1,0,2035,32.2 -6030,2,1,0432,36.8 -6030,3,1,1245,26.8 -6031,1,0,0833,39.9 -6032,1,0,2245,33 -6032,2,1,0540,33.7 -6032,3,1,1205,33.1 -6033,1,0,2230,31.3 -6033,2,1,0530,27.7 -6033,3,1,1216,33.1 -6034,1,0,1934,38.1 -6035,1,0,1944,37.8 -6036,1,0,1739,31.5 -6037,1,0,2159,39 -6037,2,0,2247,39 -6037,3,1,0600,36.3 -6038,1,0,1919,34.3 -6040,1,0,1213,32.9 -6041,1,0,2315,41.2 -6041,2,1,0020,39.3 -6041,3,1,0220,40.7 -6042,1,0,1245,36.8 -6044,1,0,1925,35.3 -6046,1,0,1722,37.4 -6047,1,0,2248,36.4 -6047,2,1,0500,30.6 -6047,3,1,0650,30.9 -6049,1,0,2145,40.7 -6050,1,0,2350,43.3 -6051,1,0,1415,39.2 -6051,2,0,2115,35.6 -6051,3,1,0315,34.7 -6052,1,0,1115,37.6 -6054,1,0,1730,25.4 -6054,2,0,1832,30.7 -6054,3,0,1916,35.6 -6055,1,0,0824,43 -6057,1,0,1910,42.1 -6058,1,0,0052,35.1 -6058,2,0,0148,33.7 -6058,3,0,0750,33.1 -6060,1,0,2225,36.6 -6060,2,1,0440,34.6 -6060,3,1,1150,34.4 -6061,1,0,1800,39.3 -6063,1,0,2130,38.9 -6064,1,0,1713,37.6 -6065,1,0,2120,32.4 -6066,1,0,1524,42.4 -6067,1,0,2204,41 -6068,1,0,1306,35.6 -6068,2,1,0353,25.6 -6069,1,0,2235,35.2 -6070,1,0,2300,34.5 -6071,1,0,1255,32.8 -6071,2,0,1525,34.4 -6071,3,0,1820,38.7 -6073,1,0,1800,36.9 -6074,1,0,1042,33 -6075,1,0,1855,42.1 -6075,2,0,2035,37.1 -6075,3,0,2215,36.1 -6077,1,0,0922,40.5 -6081,1,0,1715,36 -6081,2,0,1725,36.4 -6082,1,0,1950,38.5 -6083,1,0,1706,35.7 -6083,2,0,2214,37.7 -6083,3,1,0627,33.7 -6084,1,0,2130,37.2 -6085,1,0,1821,41.9 -6088,1,0,1345,41 -6089,1,1,0025,35.1 -6089,2,1,0520,35 -6091,1,0,1840,39.4 -6092,1,0,1438,44 -6092,2,1,0519,40.8 -6092,3,1,1721,40.9 -6093,1,0,1615,35.6 -6093,2,1,0636,35.6 -6093,3,1,1924,30.7 -6094,1,0,1453,36.3 -6095,1,0,0055,39 -6095,2,0,0115,38.3 -6095,3,0,1150,35.9 -6096,1,0,1748,42.3 -6097,1,0,1551,39.7 -6098,1,0,1937,28.9 -6098,2,1,0001,25.7 -6098,3,1,0454,23.7 -6101,1,0,1710,32.4 -6101,2,0,1930,36.5 -6101,3,0,2232,38.2 -6102,1,0,1654,38.3 -6103,1,0,1430,39.3 -6104,1,0,1859,34.9 -6106,1,1,0605,32 -6107,1,0,1814,42.1 -6109,1,0,1610,33.5 -6109,2,0,1830,35.8 -6109,3,1,0230,31.3 -6109,4,1,0911,29.8 -6109,5,2,0445,32.1 -6110,1,0,1212,35.6 -6111,1,0,1221,39.8 -6112,1,0,1535,41.4 -6112,2,0,1650,40.8 -6112,3,0,1835,40.9 -6113,1,0,1929,34.9 -6114,1,0,2123,38.5 -6115,1,0,2201,23.8 -6116,1,1,0025,43 -6117,1,0,1731,37.9 -6118,1,0,1401,48.2 -6119,1,0,2028,44.1 -6120,1,0,2315,45 -6121,1,0,2130,35.3 -6121,2,1,0431,35.6 -6122,1,0,0145,45.7 -6122,2,0,0610,42.5 -6122,3,0,1025,41.8 -6123,1,0,2200,38.5 -6123,2,1,0110,32.5 -6123,3,1,0430,28.5 -6125,1,0,2041,35.3 -6127,1,1,0001,37.6 -6128,1,0,1133,36.7 -6129,1,0,1800,28.8 -6129,2,0,1442,34 -6129,3,1,0245,26.6 -6130,1,0,2215,34.9 -6131,1,0,1255,35.9 -6131,2,0,1441,34.7 -6131,3,1,0210,34.4 -6132,1,0,2247,40.3 -6132,2,1,0027,35.8 -6132,3,1,0228,37.6 -6133,1,0,1836,34.3 -6134,1,0,1458,36.9 -6135,1,0,1840,43.1 -6136,1,0,1841,31 -6136,2,0,2049,31.4 -6136,3,0,2158,28.9 -6138,1,0,1602,38.6 -6140,1,0,2235,36.8 -6141,1,0,1221,40 -6141,2,0,1238,36.5 -6141,3,0,1630,28.5 -6142,1,0,2240,39 -6142,2,1,0143,35.9 -6142,3,1,0530,34.2 -6143,1,0,1552,42.6 -6144,1,1,0510,31.4 -6144,2,0,1141,34 -6146,1,0,2044,38.5 -6146,2,1,0330,36 -6147,1,0,1818,36 -6147,2,0,1824,40 -6147,3,0,1830,37 -6148,1,0,1859,38 -6149,1,0,1931,40.7 -6149,2,1,0435,34.5 -6149,3,2,0400,28 -6150,1,0,2025,40 -6151,1,0,1700,38.6 -6153,1,0,1911,35.3 -6154,1,0,0910,40.5 -6157,1,0,1949,28.5 -6161,1,0,2036,36 -6161,2,1,0818,35.2 -6161,3,1,0204,35.9 -6162,1,0,1324,34.3 -6162,2,1,0430,32.2 -6164,1,0,1308,37 -6164,2,1,1230,32.7 -6166,1,0,1942,40 -6166,2,0,2236,38.6 -6166,3,1,0550,31.7 -6167,1,0,2245,37.7 -6167,2,1,1130,36 -6168,1,0,2136,36.3 -6169,1,0,2020,33.7 -6170,1,0,1619,34.1 -6171,1,0,2126,35.8 -6172,1,0,2158,30 -6172,2,1,0420,29.4 -6174,1,0,2254,38.1 -6175,1,0,1407,32 -6175,2,0,1423,32.9 -6175,3,0,1653,30 -6176,1,0,1803,37.9 -6176,2,1,0058,35.4 -6176,3,1,0614,32.8 -6177,1,0,1329,32.3 -6178,1,0,2350,36.2 -6178,2,1,0130,27.9 -6178,3,1,0413,31 -6179,1,0,1245,34.6 -6179,2,0,1247,34 -6179,3,2,0645,23.7 -6180,1,0,2313,23.7 -6180,2,1,0041,12.2 -6180,3,1,0440,24 -6181,1,0,1545,36.9 -6181,2,0,1645,37.2 -6181,3,0,1830,36.2 -6182,1,0,1142,45.9 -6182,2,0,1752,43.5 -6182,3,1,0116,41.5 -6184,1,0,1500,34.9 -6186,1,0,1303,41.3 -6187,1,0,2014,32.5 -6189,1,1,0031,40.1 -6190,1,0,1150,38.2 -6192,1,0,1804,39 -6193,1,0,2005,38 -6195,1,0,1514,40 -6195,2,0,1520,39.2 -6196,1,0,1840,44.5 -6198,1,1,0020,40.4 -6198,2,1,0543,37.9 -6198,3,1,1800,36.7 -6199,1,0,1912,35.9 -6199,2,1,0600,32 -6200,1,0,1610,36.6 -6200,2,1,0957,32.7 -6201,1,0,2102,36.5 -6202,1,0,1908,33.4 -6205,1,0,1828,39 -6205,2,1,1730,36 -6205,3,2,1015,41 -6206,1,0,1927,33.7 -6206,2,0,2201,34.4 -6206,3,1,0300,32.4 -6207,1,0,1300,38.1 -6207,2,0,1450,36.3 -6207,3,0,1610,35.4 -6208,1,0,1617,36.3 -6209,1,0,2001,37.9 -6209,2,1,0535,34.2 -6210,1,0,1240,35.7 -6211,1,0,1835,40.3 -6214,1,0,0100,34.7 -6215,1,0,0100,37.4 -6216,1,0,2031,34.8 -6217,1,0,2033,43.5 -6217,2,0,2255,39.5 -6217,3,1,0505,36.3 -6218,1,1,0115,46.3 -6218,2,1,0230,44.4 -6223,1,0,2230,36 -6224,1,0,2013,38.8 -6225,1,0,1647,42.6 -6225,2,0,2230,40.5 -6225,3,1,0355,38.4 -6229,1,1,0126,36.5 -6229,2,1,0650,37 -6231,1,0,1743,36 -6232,1,0,2055,37.1 -6232,2,0,2235,35.3 -6232,3,1,0023,35.2 -6233,1,0,2330,44.9 -6234,1,0,2235,37 -6235,1,0,1530,35.6 -6235,2,0,1758,29 -6235,3,0,1925,27 -6236,1,0,0634,44.2 -6236,2,0,1406,39.5 -6236,3,0,1943,38.8 -6239,1,0,1213,34.4 -6240,1,0,1920,41.8 -6241,1,0,1352,41.1 -6243,1,0,1734,35.2 -6244,1,0,1912,37.8 -6245,1,0,2159,37.1 -6247,1,0,0108,37.7 -6248,1,0,2246,39 -6250,1,0,2122,39 -6250,2,1,0830,32.8 -6250,3,1,1540,27.4 -6251,1,0,1745,37.1 -6251,2,2,0540,31.2 -6251,3,4,1046,33.6 -6252,1,0,1204,35.4 -6252,2,0,1500,31.9 -6252,3,1,0350,32.2 -6255,1,0,1839,45.6 -6255,2,0,1935,40.7 -6255,3,0,2220,39.4 -6256,1,0,2010,36.6 -6257,1,0,1433,43.4 -6258,1,0,2030,25.4 -6260,1,0,2111,41 -6261,1,0,0809,40.9 -6263,1,0,0110,40 -6264,1,0,1347,44 -6264,2,2,0600,38 -6267,1,0,2240,39 -6269,1,0,1805,36.4 -6269,2,1,0922,34.9 -6269,3,1,2118,33.2 -6270,1,0,2018,36.3 -6271,1,0,2230,42.7 -6272,1,0,2027,33.4 -6273,1,0,2150,38.6 -6274,1,0,1831,40.8 -6275,1,0,1414,34.1 -6275,2,0,1615,32 -6275,3,0,1946,18.8 -6276,1,0,0300,36.4 -6278,1,0,1930,36 -6278,2,1,0535,32 -6278,3,3,0515,36 -6281,1,0,2007,38 -6282,1,0,2015,36.6 -6283,1,0,2052,32 -6284,1,0,0708,33.4 -6285,1,0,0347,41.2 -6286,1,0,2030,41.1 -6287,1,0,1920,38.6 -6288,1,0,1200,37.9 -6288,2,0,1430,36.5 -6288,3,0,2200,36.8 -6289,1,0,0323,39.5 -6289,2,0,0459,37.7 -6290,1,0,2012,34.9 -6291,1,0,1705,31.8 -6292,1,0,1824,38.2 -6293,1,4,0759,29.8 -6293,2,5,0603,31.9 -6295,1,0,2040,47.1 -6295,2,0,2155,45.2 -6295,3,1,0015,43 -6297,1,1,0005,42.6 -6298,1,0,1515,37.9 -6300,1,0,1220,38.9 -6300,2,0,1237,41 -6300,3,3,0905,34.4 -6302,1,0,1315,27.8 -6302,2,0,1945,28 -6302,3,0,2205,15.9 -6303,1,0,1541,36 -6303,2,0,1800,35.7 -6303,3,1,1022,32.4 -6306,1,0,2120,35.2 -6307,1,0,1900,40.5 -6309,1,0,1935,32.4 -6310,1,0,2151,33.8 -6311,1,0,2023,33 -6311,2,0,2200,36 -6311,3,1,0540,30.8 -6316,1,0,1625,34 -6317,1,0,1100,41 -6317,2,0,1102,44 -6318,1,0,1949,38.1 -6318,2,0,2055,36.1 -6318,3,0,2230,35.2 -6319,1,0,2005,35.7 -6320,1,0,1145,42.5 -6321,1,0,1406,38.6 -6322,1,0,1843,41.3 -6323,1,0,1630,37 -6323,2,1,1000,36 -6325,1,0,2120,41.1 -6325,2,0,2225,40.7 -6325,3,1,0046,39.4 -6326,1,0,2203,41 -6326,2,1,0640,35.7 -6327,1,0,1930,38.8 -6327,2,0,2051,36.7 -6327,3,0,2344,37.3 -6328,1,0,1855,39.5 -6329,1,0,1920,42.1 -6330,1,0,2359,33.1 -6332,1,0,2344,36.4 -6332,2,1,0520,33.5 -6332,3,1,1141,32.4 -6333,1,0,2103,37.9 -6335,1,0,0946,41 -6335,2,0,1324,38 -6335,3,0,1846,37.1 -6336,1,0,1612,37.5 -6337,1,0,2121,42.1 -6338,1,0,2055,43.4 -6339,1,0,1928,36.8 -6340,1,0,0916,26.2 -6341,1,0,1734,40 -6341,2,0,2200,37.1 -6341,3,1,0600,37.4 -6342,1,0,1756,45.1 -6343,1,0,1920,35.9 -6345,1,0,1528,36.5 -6345,2,0,2117,36.4 -6345,3,1,0430,34.1 -6346,1,0,1332,37 -6347,1,0,2350,38.6 -6347,2,1,0102,35.3 -6347,3,1,0350,38 -6350,1,0,0045,37 -6352,1,0,1206,28 -6352,2,0,1800,27.4 -6352,3,0,2330,26.1 -6354,1,0,1851,37.2 -6355,1,0,1241,37.6 -6356,1,0,2231,40.5 -6358,1,0,2003,38.3 -6359,1,0,1045,36.9 -6362,1,0,1950,33.1 -6362,2,0,2100,31.7 -6362,3,0,2252,28.7 -6363,1,0,2127,42.3 -6367,1,0,1037,39.2 -6367,2,0,1308,35 -6367,3,0,1617,34 -6368,1,0,2207,36.8 -6369,1,0,1758,20.4 -6369,2,1,1140,19.5 -6369,3,2,0805,18.8 -6370,1,0,2108,32.7 -6370,2,1,0610,32 -6371,1,0,1506,27 -6372,1,0,1741,35.4 -6373,1,0,1330,38.8 -6375,1,0,1730,37 -6375,2,0,1900,33.1 -6375,3,1,0030,33.5 -6377,1,0,2139,33.6 -6379,1,0,1213,32.3 -6380,1,0,1333,41.3 -6380,2,0,1343,40.4 -6381,1,0,2130,34.7 -6382,1,0,1850,36.2 -6383,1,0,1943,40.7 -6384,1,0,1813,40.8 -6384,2,0,2109,38.4 -6385,1,0,1128,38.3 -6386,1,0,1137,39.7 -6387,1,0,1652,41.1 -6387,2,1,0430,38.4 -6387,3,1,1430,36.2 -6388,1,0,1840,37.2 -6388,2,0,2135,28 -6388,3,1,0400,31.6 -6389,1,0,2046,35 -6389,2,2,0530,33.7 -6391,1,0,1315,39 -6392,1,0,2207,32.2 -6393,1,0,1510,40.7 -6393,2,1,0655,36.8 -6394,1,0,2357,41.2 -6395,1,1,0205,36.4 -6398,1,1,1157,36.7 -6399,1,0,1928,33.2 -6400,1,1,0655,32.6 -6400,2,0,2337,36.1 -6400,3,0,1710,39.5 -6401,1,0,1345,36.9 -6402,1,0,2056,34 -6402,2,1,0540,33.2 -6405,1,0,2233,38.6 -6405,2,1,0418,32.1 -6405,3,1,0900,30.5 -6406,1,0,1233,38.6 -6406,2,0,1532,28.5 -6406,3,0,2253,24.9 -6407,1,0,2015,37.2 -6407,2,1,1026,33.4 -6410,1,0,0716,45.4 -6411,1,0,1830,31.5 -6411,2,1,0445,28.9 -6412,1,0,1710,34.3 -6415,1,0,1306,31.6 -6415,2,0,1637,26.8 -6415,3,1,0415,26.9 -6416,1,0,2150,37 -6416,2,0,2203,36 -6417,1,0,1753,36.8 -6418,1,0,1230,30.8 -6418,2,0,1600,25.8 -6418,3,1,0355,27.3 -6418,4,1,2100,27.2 -6418,5,2,1335,26.6 -6419,1,0,2007,44.5 -6420,1,0,2118,33.8 -6421,1,0,1443,46 -6421,2,1,0600,40 -6422,1,0,2016,39 -6422,2,0,2013,36.1 -6423,1,0,1805,36.1 -6423,2,0,1945,34.9 -6423,3,1,0130,32 -6425,1,0,1309,37.4 -6426,1,0,1319,41 -6427,1,1,0630,39.4 -6427,2,2,0407,34.8 -6427,3,3,0600,34.9 -6428,1,0,2203,37.8 -6428,2,1,0627,31.8 -6428,3,1,2015,31.4 -6430,1,0,1338,32.7 -6431,1,0,1957,35.3 -6431,2,1,0549,34.7 -6432,1,0,2300,47 -6433,1,0,1328,37.2 -6433,2,0,1423,36.4 -6433,3,0,1600,35.2 -6435,1,5,1130,36 -6436,1,0,1630,34.8 -6436,2,1,0613,30.8 -6436,3,2,0616,29.4 -6437,1,0,1315,36.7 -6438,1,0,2317,32.6 -6439,1,0,2315,36 -6440,1,0,2055,30.5 -6440,2,1,0228,31.2 -6440,3,2,0408,26 -6441,1,0,2020,28.4 -6441,2,1,0020,26.2 -6441,3,1,0915,24.3 -6442,1,0,1424,31.4 -6444,1,0,1850,37.3 -6445,1,0,0008,40.5 -6447,1,1,0006,34.4 -6447,2,1,0625,32.6 -6447,3,2,0545,35.2 -6448,1,0,1009,39 -6448,2,1,0620,34.4 -6449,1,0,1930,39.2 -6450,1,0,1825,34.4 -6451,1,0,1722,36 -6452,2,0,1815,41.3 -6454,1,0,1909,35.3 -6456,1,1,0012,39.5 -6457,1,0,1554,36.9 -6460,1,0,1410,35.1 -6461,1,0,1800,41.7 -6462,1,0,0455,43.6 -6463,1,0,1339,35.9 -6464,1,0,0250,39 -6465,1,0,2313,38 -6466,1,0,1500,38.1 -6466,2,0,2240,26.2 -6466,3,1,0240,28.1 -6467,1,0,1800,36.7 -6470,1,0,2127,37.1 -6471,1,0,1337,38.9 -6473,1,0,0640,37 -6473,2,0,0901,32.1 -6473,3,1,1149,33.7 -6474,1,0,1856,41.3 -6474,2,0,2314,36 -6474,3,1,0814,26.8 -6477,1,0,2117,37.4 -6478,1,0,1150,44.9 -6479,1,0,0918,42.7 -6480,1,1,0030,39.3 -6483,1,0,2322,35.5 -6484,1,0,2214,34.7 -6484,2,0,2216,31.6 -6484,3,1,0029,33.1 -6485,1,0,1915,29.4 -6485,2,0,2040,32.3 -6485,3,0,2200,32.2 -6486,1,0,1745,36 -6486,2,1,0645,30.7 -6486,3,2,0650,29.9 -6487,1,0,0012,39.9 -6487,2,0,0410,35.3 -6487,3,0,1400,24 -6488,1,0,1552,39 -6490,1,0,1434,40 -6491,1,0,1853,39 -6491,2,1,0550,34.9 -6492,1,0,1948,40.2 -6493,1,0,1918,35 -6495,1,0,1412,37.9 -6496,1,0,2259,42.3 -6497,1,0,1609,36.5 -6498,1,0,1728,34 -6499,1,0,1844,32.9 -6500,1,0,2123,36.3 -6501,1,0,1830,41 -6501,2,0,1940,40 -6501,3,0,2140,40 -6503,1,0,1506,39.8 -6504,1,0,1850,39.8 -6505,1,0,1633,36.4 -6506,1,0,1828,36.6 -6506,2,1,0648,35 -6507,1,0,1759,34.8 -6507,2,0,2210,32.6 -6507,3,1,0355,31 -6508,1,0,1440,45 -6509,1,0,2044,38.5 -6510,1,0,1840,37 -6511,1,0,0800,38.3 -6511,2,0,1224,18.5 -6511,3,0,1800,33.2 -6512,1,1,0503,32.4 -6513,1,0,2201,33.3 -6513,2,1,0345,32.7 -6514,1,0,0955,44 -6514,2,1,0610,37.9 -6515,1,0,1327,33.6 -6516,1,0,2224,30 -6516,2,0,2225,29.1 -6516,3,1,0440,28.9 -6517,1,0,0230,21 -6517,2,0,0345,22.5 -6517,3,0,0815,39.3 -6518,1,0,2339,34.7 -6519,1,0,1520,40.7 -6522,1,0,0715,32.4 -6525,1,0,1710,37.3 -6526,1,0,0645,42 -6526,2,0,1135,44 -6526,3,0,2352,41 -6527,1,0,2355,35 -6528,1,0,1715,31 -6529,1,0,2207,37 -6529,2,1,0140,27 -6529,3,1,0425,44.1 -6532,1,0,1353,39.5 -6533,1,0,1000,35.8 -6533,2,0,1135,25.6 -6533,3,0,1330,26.3 -6536,1,0,1721,37.1 -6537,1,0,2105,36.5 -6539,1,0,1318,36.8 -6541,1,0,0040,36.1 -6541,2,0,0130,35.4 -6541,3,0,0632,39.1 -6542,1,0,1113,44.6 -6542,2,1,0502,36.8 -6542,3,2,0700,32.1 -6543,1,0,1905,31.9 -6548,1,0,2217,46.4 -6548,2,1,0648,42.5 -6548,3,1,1115,41.8 -6549,1,0,0042,34.5 -6550,1,0,1637,36.2 -6550,2,1,0735,33.2 -6551,1,0,0121,36.9 -6553,1,0,1433,25 -6553,2,0,1500,30.9 -6553,3,0,1533,30 -6554,1,0,1317,39 -6557,1,0,0255,40.6 -6558,1,0,1849,42.7 -6559,1,0,0941,11.4 -6560,1,0,1119,33.9 -6563,1,0,2217,41.2 -6564,1,1,0000,38.8 -6564,2,2,0115,37.9 -6564,3,1,0445,34.9 -6565,1,0,1600,31.4 -6565,2,0,1754,32 -6566,1,0,1138,36.6 -6567,1,0,1655,37.5 -6572,1,0,1602,41 -6572,2,1,0550,35.8 -6572,3,1,1400,36.5 -6573,1,0,1620,36.4 -6574,1,0,1350,37 -6575,1,0,2157,31.2 -6575,2,1,0304,39.8 -6576,1,0,1822,43 -6576,2,0,2002,39.5 -6576,3,0,2222,41 -6577,1,0,2049,39.3 -6578,1,0,1528,40 -6578,2,0,2300,35.1 -6578,3,1,0455,35 -6579,1,0,1931,35.3 -6579,2,0,2342,29 -6579,3,1,0404,27.1 -6581,1,0,2325,43.4 -6581,2,1,1300,40.8 -6582,1,0,1113,37.3 -6582,2,1,2120,27 -6582,3,2,0405,23.8 -6583,1,0,1930,35.2 -6584,1,0,1919,34.2 -6584,2,1,0558,32.9 -6584,3,1,1218,29.3 -6586,1,0,2355,41 -6587,1,0,1849,40.4 -6588,1,0,1901,37.8 -6588,2,0,1951,36.1 -6588,3,0,2134,35.4 -6589,1,0,0930,39.2 -6590,1,0,1545,35.5 -6591,1,0,2034,41.4 -6592,1,0,1000,48 -6593,1,0,2002,32.9 -6594,1,0,2200,38.1 -6594,2,1,0155,34.3 -6594,3,2,0020,26.1 -6595,1,0,1424,36.7 -6596,1,0,1357,40.2 -6597,1,0,0855,35.6 -6599,1,0,0934,20 -6599,2,0,1420,22.7 -6599,3,0,1800,34.1 -6600,1,0,2220,33.6 -6600,2,1,0540,31.8 -6600,3,2,0639,30.7 -6601,1,0,2335,38 -6602,2,0,2112,38.1 -6603,1,0,1755,37.7 -6603,2,0,1900,35.3 -6604,1,0,0455,43.2 -6604,2,0,0558,42.1 -6604,3,0,1205,41.5 -6605,1,0,1545,36.8 -6606,1,0,2230,42.7 -6606,2,1,0005,39.4 -6606,3,1,0200,39.7 -6607,1,0,1835,34.8 -6608,1,0,2320,47.7 -6611,1,0,1559,35.9 -6612,1,0,2205,37.8 -6614,1,0,2228,34.4 -6615,1,0,1738,38 -6615,2,0,1730,35.5 -6615,3,5,0550,23.1 -6616,1,0,2014,38.4 -6617,1,0,1830,37.9 -6619,1,0,1520,35.4 -6619,2,0,2130,35.1 -6619,3,1,0240,32.9 -6620,1,0,1134,37.1 -6623,1,0,2221,45 -6623,2,0,2231,37.6 -6623,3,2,0930,33.7 -6628,1,0,1707,38.6 -6629,1,0,1700,35.5 -6630,1,0,1940,33.8 -6630,2,0,2053,31.2 -6630,3,1,1700,29.6 -6631,1,0,1545,37 -6631,2,0,1730,35 -6631,3,0,1930,36.1 -6632,1,0,2229,31.1 -6635,1,0,0020,43 -6636,1,0,1705,36 -6636,2,1,0548,34.1 -6637,1,0,0226,36.9 -6638,1,0,0220,33.8 -6638,2,0,0500,32.4 -6638,3,0,0600,32.8 -6639,1,0,0835,41.7 -6641,1,1,1359,40.8 -6642,1,0,0744,37.8 -6642,2,1,0545,34.6 -6642,3,2,0500,32.9 -6643,1,0,0125,39.6 -6644,1,0,1513,36.6 -6644,2,3,1902,32.3 -6645,1,0,0932,41 -6646,1,0,1214,38.7 -6647,1,0,1700,13.5 -6647,2,0,1734,12.8 -6647,3,0,2045,22.5 -6650,1,0,2042,30 -6650,2,1,1154,29.7 -6650,3,2,0807,31.1 -6652,1,0,2059,33.4 -6653,1,1,0015,34.3 -6654,1,0,1945,40.3 -6654,2,1,0840,35 -6655,1,0,1938,44.2 -6656,1,0,1306,41.8 -6659,1,0,1041,45.8 -6660,1,0,1656,47.9 -6661,1,0,0243,39.6 -6661,2,0,1055,38.7 -6664,1,0,1400,18.2 -6664,2,0,1725,31.2 -6664,3,1,0532,37.7 -6667,1,0,1832,42 -6668,1,0,2033,35.8 -6669,1,0,1808,36.9 -6672,1,0,1944,45 -6672,2,0,2215,39 -6672,3,1,0440,36.6 -6673,1,0,2306,46.1 -6673,2,1,0705,44.6 -6674,1,0,2030,39.4 -6674,2,0,2130,36.2 -6674,3,0,2350,37.5 -6676,1,0,2133,44.5 -6677,1,0,2203,40.2 -6679,1,0,0935,40.3 -6680,1,0,0231,36.4 -6681,1,0,1905,35.2 -6682,1,0,2220,38.2 -6683,1,0,1130,43.9 -6684,1,0,1910,36.7 -6684,2,0,2040,36.1 -6685,1,0,1715,38.7 -6685,2,1,0558,35.3 -6686,1,0,1546,36.8 -6686,2,2,0646,29.8 -6687,1,0,1806,46 -6687,2,0,2010,41 -6690,1,0,2100,50 -6690,2,1,0705,42.8 -6691,1,0,2006,21.9 -6691,2,0,2340,29.9 -6692,1,1,0123,33.2 -6694,1,0,1615,38.4 -6694,2,1,0639,40.4 -6697,1,0,1008,37.2 -6698,1,0,1950,36.9 -6700,1,1,0035,37 -6701,1,0,1055,38 -6701,2,0,1429,28.4 -6701,3,0,1922,27.5 -6702,1,0,0640,46.6 -6702,2,0,0750,44.7 -6702,3,0,1020,43.5 -6703,1,0,1855,35.9 -6704,1,0,2050,39.4 -6704,2,1,0550,39.9 -6705,1,0,1710,26.8 -6705,2,0,2240,24 -6705,3,1,0350,25.7 -6706,1,0,2221,43.9 -6707,1,0,1440,40.6 -6708,1,0,1509,35.7 -6709,1,0,1703,34.9 -6713,1,0,2105,36 -6714,1,0,0900,33.2 -6714,2,2,0914,20.3 -6714,3,2,1440,21.4 -6715,1,0,1930,42.1 -6716,1,0,1751,34 -6718,1,0,1431,38.4 -6718,2,0,1545,34.7 -6719,1,1,0009,34.8 -6719,2,1,1300,34.2 -6721,1,0,0147,39.7 -6722,1,0,1232,39.6 -6723,1,0,1157,34.9 -6724,1,0,0118,38.7 -6724,2,0,0215,38.8 -6725,1,0,2345,42.2 -6725,2,1,0715,41.7 -6726,1,0,2229,36.4 -6727,1,0,1606,35.5 -6728,1,0,2335,33 -6730,1,0,2220,35 -6731,1,0,2249,36.5 -6734,1,0,1159,40.9 -6734,2,0,1247,38.8 -6734,3,0,1643,37.4 -6735,1,0,1235,44.3 -6736,1,0,1630,37.2 -6737,1,0,1025,35.1 -6738,1,0,2014,45.8 -6740,1,0,1815,32.6 -6741,1,1,0017,37 -6741,2,1,1110,39.9 -6742,1,0,1902,41 -6742,2,0,2001,41 -6742,3,0,2134,39 -6743,1,1,0235,38 -6744,1,1,0546,35.6 -6744,2,0,1944,36.6 -6745,1,0,2018,30.6 -6746,1,0,1200,35.8 -6748,1,0,1755,37 -6748,2,1,0710,37.7 -6749,1,0,1340,38.4 -6750,1,0,1401,40.2 -6750,2,1,0400,35.2 -6750,3,1,1945,32.4 -6751,1,0,1635,37.2 -6751,2,0,1825,36.2 -6755,1,0,1755,37 -6755,2,0,2120,32.8 -6755,3,1,0820,30.5 -6756,1,0,2311,37.3 -6758,1,0,1730,35.3 -6758,2,0,2000,35 -6759,1,0,2251,36.8 -6760,1,0,1550,36.5 -6761,1,0,1610,33.1 -6763,1,0,1842,36.7 -6764,1,0,1749,39.1 -6766,1,0,1703,47.6 -6767,1,0,1454,27.7 -6768,1,0,1000,38.4 -6768,2,1,0635,31.8 -6768,3,4,0625,30.1 -6769,1,0,1624,40.6 -6771,1,0,1418,38 -6772,1,0,2207,36 -6773,1,0,0030,38.5 -6774,1,1,0012,36 -6775,1,0,1730,38.6 -6776,1,0,0558,37 -6777,1,0,1700,36 -6778,1,0,1835,33.6 -6779,1,0,1852,33.9 -6780,1,0,1340,35 -6781,1,0,1449,33.6 -6782,1,0,1954,36 -6784,1,0,1404,38.7 -6784,2,0,1456,36.6 -6784,3,0,1732,36.9 -6786,1,0,1916,37 -6786,2,0,1925,38.9 -6790,1,0,1230,33.6 -6790,2,1,0435,30 -6791,1,0,2012,37 -6792,1,0,1515,32.2 -6795,1,0,1744,38.6 -6797,1,0,1024,38.3 -6797,2,0,1324,38.8 -6797,3,0,2009,34.2 -6798,1,0,2026,36.7 -6799,1,0,1543,34.1 -6800,1,0,1445,38.6 -6802,1,0,1627,33.4 -6803,1,0,2145,39.8 -6803,2,2,0621,30.4 -6804,1,0,0840,40.1 -6804,2,0,1345,37.2 -6804,3,0,1530,38.4 -6805,1,1,0045,42 -6806,1,0,1945,39.8 -6806,2,1,0410,39.5 -6809,1,0,0123,37.8 -6809,2,0,2100,30.2 -6809,3,1,0630,27.7 -6810,1,0,1654,40.8 -6810,2,1,0554,30.6 -6810,3,3,2114,24.5 -6812,1,0,1422,47 -6814,1,0,2110,45 -6815,1,0,1645,38.3 -6815,2,1,0500,33.9 -6815,3,0,2030,37 -6816,1,0,1902,37.2 -6816,2,1,0310,31.7 -6817,1,0,1840,38 -6819,1,0,1934,36.6 -6820,1,0,1450,35.8 -6820,2,0,1955,35.8 -6821,1,0,0608,45.8 -6823,1,0,2205,36.7 -6824,1,0,2346,41 -6824,2,2,0700,37.4 -6825,1,0,1349,35.4 -6826,1,0,1858,34.7 -6827,1,0,1824,37.2 -6827,2,1,0806,33.6 -6828,1,0,2245,40.6 -6829,1,0,1110,46.4 -6830,1,0,1809,41 -6830,2,0,1818,40.5 -6830,3,0,2003,22 -6837,1,0,1428,33.2 -6837,2,0,1610,29 -6837,3,0,1745,30.4 -6838,1,0,1805,41.1 -6839,1,0,1809,37.8 -6841,1,0,1244,32.9 -6842,1,0,1302,35.4 -6843,1,0,1942,37.3 -6846,1,0,2132,38.5 -6847,1,0,1435,38.9 -6848,1,0,2109,35 -6849,1,0,1803,38.6 -6850,1,0,1514,37.9 -6851,1,0,1843,40.7 -6853,1,0,0110,37.6 -6853,2,0,0832,33.7 -6853,3,0,1427,32.2 -6854,1,0,2213,40.5 -6854,2,0,2356,39.4 -6854,3,1,0148,38.6 -6855,1,1,0039,36.9 -6856,1,0,2133,38 -6857,1,0,0325,45.4 -6858,1,0,2133,37.7 -6859,1,0,1931,37 -6860,1,0,1021,38.1 -6860,2,0,1620,42.4 -6860,3,0,1815,47.2 -6861,1,0,2150,34.4 -6862,1,0,1927,38.2 -6862,2,0,2020,28.3 -6862,3,1,0301,29.6 -6863,1,0,1237,40.9 -6864,1,0,1835,36.5 -6865,1,0,0858,29.3 -6865,2,1,1929,23.8 -6867,1,0,0352,37.2 -6868,1,0,2048,39 -6869,1,0,0810,32.8 -6870,1,0,1323,36 -6871,1,0,2355,37.6 -6872,1,0,0747,47.9 -6872,2,0,0846,45.3 -6872,3,0,1108,43.9 -6873,1,0,0908,35.5 -6873,2,0,1025,33.6 -6873,3,0,1630,34 -6874,1,0,1521,38 -6875,1,0,1759,37.7 -6876,1,0,2007,34.6 -6877,1,0,0045,31.7 -6877,2,0,0145,30.8 -6877,3,0,0550,30.7 -6878,1,0,2141,41.4 -6879,1,0,1852,33.9 -6881,1,0,2000,37.6 -6881,2,0,2345,38.9 -6881,3,1,0850,36.4 -6882,1,0,0703,32.3 -6882,2,1,0653,34.6 -6884,1,0,2014,33.1 -6886,1,0,0050,45 -6888,1,0,0941,43.1 -6890,1,1,0014,41.2 -6890,2,1,0445,39.2 -6890,3,2,0517,38.9 -6891,1,0,1755,35 -6891,2,1,0147,32 -6891,3,1,0356,32.9 -6894,1,0,2155,28.1 -6895,1,0,2145,34 -6897,1,0,1821,33.9 -6898,1,0,1853,36.8 -6898,2,0,2219,33.1 -6898,3,1,0336,31.9 -6900,1,0,2056,36 -6901,1,0,2150,33.8 -6902,1,0,1616,31.2 -6902,2,0,1918,29 -6902,3,0,2235,28.3 -6903,1,0,1908,38.5 -6904,1,0,1546,38.7 -6904,2,3,0630,39.8 -6905,1,0,1855,37.9 -6909,1,0,1227,39 -6909,2,0,1229,38.8 -6910,1,0,1430,31.8 -6910,2,0,2220,27.4 -6910,3,1,1005,27.3 -6911,1,0,1912,35 -6913,1,0,1647,35.7 -6914,1,0,1622,42 -6916,1,0,2045,44.9 -6916,2,0,2135,44.1 -6917,1,0,1802,33.6 -6918,1,0,2145,49 -6918,2,1,0540,37.5 -6919,1,0,1753,32.7 -6919,2,1,0538,31.4 -6919,3,2,0423,30.7 -6920,1,0,1715,37.7 -6920,2,1,0719,36.6 -6921,1,0,1530,40.3 -6922,1,0,1817,36.7 -6924,1,0,1439,39.4 -6925,1,0,2042,37 -6926,1,0,1138,31.7 -6926,2,0,1822,28.1 -6926,3,1,0347,37.6 -6927,1,0,1542,34.7 -6928,1,0,2000,36.1 -6928,2,0,2315,35.1 -6929,1,0,1859,39.8 -6930,1,0,1845,36.1 -6934,1,0,1550,37 -6935,1,0,1221,39 -6936,1,0,1715,41.7 -6936,2,1,0525,36.8 -6937,1,0,1430,45.3 -6937,2,0,1605,43.8 -6937,3,0,1740,41.3 -6939,1,0,1655,33.9 -6940,1,0,0624,37.2 -6942,1,0,1904,37 -6944,1,0,1307,39 -6944,2,0,1616,36.4 -6946,1,0,1846,34.8 -6946,2,0,2118,32.3 -6946,3,0,2245,30 -6947,1,0,1652,36.2 -6948,1,0,1249,37.6 -6949,1,0,1821,38.8 -6957,1,0,1143,39.4 -6957,2,2,0624,28.6 -6959,1,0,1718,36.8 -6959,2,1,0602,33.5 -6960,1,0,1628,32.3 -6960,2,1,1026,35.3 -6961,1,2,0555,33.4 -6961,2,0,1810,37 -6961,3,3,0013,33 -6962,1,0,2043,45.9 -6962,2,1,0156,44.3 -6963,1,0,0251,34.7 -6963,2,1,0630,29.8 -6964,1,0,2010,33.8 -6965,1,0,1544,32.4 -6966,1,0,1900,36.9 -6967,1,1,0012,38.8 -6971,1,0,0930,37.9 -6972,1,0,1210,32.4 -6972,2,0,1530,32.3 -6972,3,0,1630,32.1 -6973,1,0,1039,34.3 -6974,1,0,2145,38.5 -6975,1,0,1939,40 -6975,2,1,0605,35.9 -6976,1,0,1412,33.7 -6976,2,4,1320,35.1 -6977,1,0,1959,39.2 -6979,1,0,2110,38.7 -6980,1,0,2130,40.3 -6981,1,0,1925,39.4 -6982,1,0,2206,35.7 -6983,1,0,1805,35.8 -6983,2,1,0031,32.7 -6983,3,1,0547,32.8 -6984,1,0,1810,37.1 -6985,1,0,1820,36.3 -6986,1,0,2350,41 -6987,1,0,1420,43.5 -6988,1,0,1619,37.7 -6989,1,0,2050,35.2 -6992,1,0,1650,39.9 -6992,2,1,0557,35.3 -6992,3,5,0543,39.7 -6995,1,0,1415,34.4 -6996,1,0,1757,26.7 -6997,1,0,2146,39.9 -6998,1,0,1701,38.3 -7000,1,0,2325,40.3 -7001,1,0,1801,35.4 -7001,2,1,0421,31.1 -7001,3,1,0955,31.2 -7003,1,0,1749,37.1 -7003,2,1,0450,32.7 -7004,1,0,1745,37.5 -7004,2,0,1849,35.2 -7004,3,0,2054,31.7 -7006,1,0,2300,32.9 -7008,1,0,1904,40.4 -7008,2,1,0021,30 -7008,3,1,0610,33.7 -7009,1,0,1950,37.7 -7010,1,0,0016,42 -7010,2,0,0142,41.7 -7010,3,0,0335,39.3 -7011,1,0,1810,39.6 -7016,1,0,1415,32.7 -7017,1,0,2040,40.1 -7017,2,1,0600,33 -7018,1,0,1842,41.5 -7019,1,0,1627,40 -7020,1,0,2328,39.7 -7020,2,1,0500,38.5 -7021,1,0,1306,38 -7022,1,0,2126,38.6 -7023,1,0,1846,39.7 -7024,1,0,0140,42 -7025,1,0,1520,34.5 -7025,2,0,1645,36.3 -7026,1,0,1920,32.9 -7027,1,0,1902,42 -7027,2,0,2003,44 -7027,3,0,2213,39 -7028,1,0,0155,40.1 -7029,1,0,1913,42 -7029,2,1,0410,33.8 -7030,1,0,2325,33.6 -7030,2,1,0205,29.4 -7030,3,1,0330,29.1 -7031,1,0,1925,38 -7031,2,0,2034,34 -7031,3,0,2109,34 -7032,1,0,2113,35.8 -7033,1,0,1640,37.4 -7034,1,0,1515,37 -7034,2,0,1631,37.4 -7034,3,0,1834,37 -7035,1,0,1637,41.6 -7037,1,0,2109,39.8 -7038,1,0,2001,43.3 -7043,1,0,1942,32.1 -7044,1,0,0140,37.9 -7044,2,0,0445,35 -7045,1,0,2252,38.1 -7046,1,0,0955,40 -7047,1,0,2108,40.3 -7050,1,0,2219,34.6 -7050,2,1,0417,30.6 -7050,3,2,0400,29.4 -7051,1,1,0105,35.5 -7053,1,0,2350,29.8 -7053,2,1,0130,31.7 -7053,3,1,0600,31.7 -7056,1,0,1738,43.9 -7056,2,1,0530,37.3 -7056,3,1,1430,36.8 -7057,1,0,0900,38 -7057,2,0,0921,38.7 -7060,1,0,1526,36.5 -7060,2,0,1630,34.8 -7060,3,0,1830,37.2 -7061,1,0,2054,41.4 -7061,2,4,0035,36.7 -7062,1,0,0915,42 -7062,2,0,1005,39.8 -7062,3,0,1300,37 -7063,1,0,1000,39 -7064,1,0,0225,40 -7064,2,0,0627,35 -7066,1,0,0947,39.4 -7067,1,1,0011,36.3 -7067,2,1,0612,32.5 -7067,3,1,2135,22.8 -7068,1,0,1045,38.3 -7069,1,0,2110,45.1 -7070,1,0,2342,48.4 -7070,2,1,0054,43.8 -7070,3,1,0345,47.2 -7071,1,0,1942,37.3 -7071,2,0,2048,30.4 -7071,3,1,0400,30.3 -7072,1,0,1647,36.5 -7073,1,0,2041,41.6 -7074,1,0,1545,44.7 -7075,1,0,1305,36.1 -7078,1,0,1300,38.1 -7079,1,0,2235,38.3 -7082,1,0,1653,37.2 -7083,1,0,2242,34.5 -7084,1,0,1220,18.9 -7084,2,0,1800,27.2 -7085,1,0,1804,39.4 -7086,1,0,1442,32.5 -7087,1,0,1940,36.2 -7087,2,0,2050,31.2 -7087,3,1,0445,30.5 -7090,1,0,1100,35.3 -7090,2,1,0725,30.2 -7091,1,0,1657,36.3 -7092,1,0,2000,38.9 -7094,1,0,2226,34.9 -7095,1,0,1630,38.5 -7096,1,0,1845,36.3 -7097,1,0,0215,35.5 -7101,1,0,1202,42.9 -7102,1,0,1630,42.1 -7103,1,0,0618,43.9 -7104,1,0,1902,30.6 -7105,1,0,1640,36.7 -7109,1,0,1540,46.5 -7110,1,0,1549,33.5 -7110,2,0,1930,31.9 -7110,3,1,0120,23.3 -7113,1,0,1718,35.8 -7114,1,0,1934,38.2 -7115,1,0,1748,40.9 -7118,1,0,1747,38.3 -7119,1,0,1734,40.6 -7119,2,0,1938,37.1 -7119,3,0,2227,36.9 -7122,1,0,1733,45 -7122,2,1,0413,36.8 -7122,3,1,0921,33.9 -7123,1,0,1850,46 -7123,2,0,2000,35 -7123,3,1,0013,34 -7124,1,0,0209,28.7 -7124,2,0,0515,26.8 -7126,1,0,0851,44.3 -7127,1,0,0853,40.3 -7129,1,0,2235,40 -7129,2,0,2335,37.2 -7130,1,0,1608,36.6 -7131,1,0,1852,45 -7131,2,1,0615,40.3 -7132,1,0,0440,38.2 -7134,1,0,2013,36.8 -7134,2,0,2037,34.6 -7135,1,1,0000,40.9 -7135,2,1,0510,38.1 -7135,3,2,0555,40.9 -7136,1,0,1815,32.7 -7136,2,1,0220,32 -7136,3,1,0300,36.8 -7137,1,1,0006,45.4 -7138,1,0,0020,40.5 -7140,1,0,0530,40.8 -7140,2,1,0430,34.9 -7141,1,0,2345,36.3 -7142,1,0,0730,41.2 -7142,2,0,1106,36.7 -7142,3,0,1319,34.1 -7143,1,0,1119,35.4 -7145,1,0,1000,32.7 -7146,1,0,1820,33.5 -7146,2,1,0415,30.5 -7147,1,0,2222,25.9 -7150,1,0,0736,28.9 -7150,2,0,1027,28.5 -7150,3,0,1351,21.9 -7151,1,1,0005,14.6 -7151,2,1,0719,39 -7151,3,2,0540,35.6 -7152,1,0,1411,38.5 -7152,2,0,1537,33.4 -7152,3,0,1707,32.9 -7153,1,0,2137,42.3 -7154,1,0,1935,43 -7154,2,1,0705,37 -7157,1,0,1336,38.8 -7157,2,0,1424,38.7 -7158,1,0,1520,34.7 -7158,2,0,1840,33.7 -7158,3,1,0826,31.2 -7159,1,0,2120,36.8 -7162,1,0,1915,37.2 -7163,1,0,2005,39 -7165,1,0,2230,27.9 -7165,2,1,0535,31.1 -7165,3,2,0824,28.7 -7166,1,0,1400,33.8 -7166,2,1,0500,29.5 -7166,3,2,0500,26.6 -7167,1,0,1936,38 -7167,2,1,0855,32.6 -7169,1,0,1442,35 -7169,2,1,0550,33.7 -7170,1,0,1429,39.8 -7171,1,0,1807,13.6 -7171,2,1,0400,12.7 -7173,1,0,0930,39.2 -7173,2,1,0700,36.2 -7174,1,0,1128,39.7 -7175,1,0,0940,37.8 -7175,2,0,1050,33.9 -7175,3,0,1300,35.6 -7177,1,0,2317,37 -7177,2,2,0600,30.1 -7177,3,3,0440,28.2 -7178,1,0,2023,32.6 -7180,1,0,0955,37.5 -7181,1,0,2120,23.6 -7181,2,1,0818,27.1 -7181,3,2,0425,22.8 -7182,1,0,2358,34.7 -7183,1,1,0642,30.8 -7184,1,0,1836,40.1 -7185,1,0,1807,42.8 -7186,1,0,2045,34.9 -7186,2,2,0711,26.8 -7186,3,3,0703,23.7 -7188,1,0,1703,40.3 -7188,2,0,1843,39.2 -7188,3,0,2309,39.1 -7189,1,0,1702,33.1 -7190,1,0,1506,40.6 -7193,1,0,2009,34.1 -7193,2,0,2345,29.2 -7193,3,1,0600,28.5 -7195,1,0,2030,32.1 -7195,2,1,0020,33 -7195,3,1,0820,28 -7199,1,1,0004,37.1 -7200,1,0,1213,37.8 -7200,2,0,1406,35.1 -7200,3,0,1545,37.5 -7202,1,0,2126,37.7 -7202,2,0,2211,36.1 -7203,1,0,0910,40 -7203,2,1,0750,38.7 -7205,1,0,1227,37.4 -7207,1,0,0843,38.8 -7208,1,0,2256,35.2 -7209,1,0,1111,43.5 -7210,1,0,1454,33.7 -7211,1,0,2335,41.3 -7211,2,1,0142,40 -7211,3,1,0250,39.5 -7212,1,0,1637,33.4 -7213,1,0,2030,36 -7214,1,0,1231,37.5 -7214,2,0,1930,38.6 -7214,3,0,1938,37.3 -7215,1,0,1350,34.8 -7215,2,0,1519,33.2 -7215,3,0,1815,31.6 -7217,1,0,0810,35.6 -7217,2,2,0555,25.7 -7217,3,7,1614,25.8 -7218,1,0,2100,38 -7218,2,0,2107,36.5 -7219,1,0,1137,34.6 -7220,1,0,2131,34.3 -7221,1,0,2028,37.5 -7221,2,0,2156,37 -7221,3,1,0011,36.9 -7222,1,0,1845,37.5 -7223,1,0,1641,37.1 -7224,1,0,0456,36 -7224,2,0,1640,36.7 -7225,1,0,0810,39.2 -7225,2,0,0954,33.2 -7225,3,0,1218,33.4 -7226,1,0,2250,39.9 -7227,1,0,1744,32.1 -7227,2,0,2323,23 -7227,3,1,0334,27.5 -7228,1,0,1108,34.8 -7228,2,0,1111,35 -7228,3,0,1145,23 -7229,1,0,1214,41.6 -7229,2,0,1508,38 -7229,3,0,2100,37.6 -7230,1,0,2040,37.5 -7231,1,0,1704,33.6 -7232,1,0,1601,34.2 -7234,1,0,1840,44.6 -7235,1,0,2230,40.2 -7237,1,0,0217,40.3 -7238,1,0,2120,36.5 -7240,1,0,1501,38.6 -7240,2,0,1614,36.8 -7240,3,0,1819,36.7 -7241,1,0,1607,35.5 -7242,1,0,2117,39 -7242,2,1,0020,37.6 -7242,3,1,0634,35.4 -7243,1,0,1452,38.4 -7243,2,0,1930,40.9 -7244,1,0,2114,39.5 -7245,1,0,2047,33 -7245,2,1,0715,30.5 -7245,3,1,2229,32.2 -7246,1,0,1913,43.6 -7247,1,0,0919,35.9 -7248,1,0,1519,35.7 -7248,2,2,0020,28.3 -7249,1,0,1740,45 -7250,1,0,1945,38.3 -7251,1,0,0026,40.2 -7252,1,0,1948,39 -7252,2,1,1323,35.2 -7253,1,0,2240,34 -7253,2,1,0400,32 -7253,3,1,1000,28.7 -7254,1,0,1845,34.9 -7255,1,0,2030,37.1 -7256,1,0,1400,35 -7257,1,0,1918,36.6 -7258,1,0,0948,24.7 -7259,1,0,1539,37.1 -7259,2,1,0653,35.1 -7260,1,0,2047,38.5 -7260,2,0,2305,32.4 -7260,3,1,0423,30.9 -7261,1,0,2250,39.8 -7262,1,0,1539,33.9 -7263,1,0,1755,43.8 -7264,1,1,0030,39.3 -7264,2,1,0225,38.1 -7264,3,1,0325,37.2 -7265,1,0,2240,33.2 -7265,2,1,0140,28.6 -7266,1,0,0437,49.6 -7267,1,0,2000,36.5 -7269,1,0,2034,34 -7270,1,0,2315,27.5 -7270,2,1,0040,26.8 -7270,3,1,0218,27 -7271,1,1,0237,38.6 -7274,1,0,1839,31.4 -7274,2,0,2250,25.6 -7274,3,1,0553,30.7 -7275,1,0,1838,33.3 -7275,2,1,1010,29.2 -7275,3,2,0200,30.2 -7276,1,0,0203,34 -7276,2,0,0329,22 -7276,3,0,0440,31 -7277,1,0,1252,43.3 -7278,1,0,1505,38.5 -7278,2,0,1530,34.3 -7278,3,0,1830,36.1 -7279,1,0,1505,35.3 -7279,2,1,0600,26.9 -7281,1,0,1700,29.8 -7281,2,1,0945,30.7 -7282,1,0,1204,31.7 -7282,2,2,0610,26.3 -7282,3,2,1600,25.8 -7284,1,0,1542,31.2 -7285,1,0,1948,39.8 -7285,2,1,0400,43.2 -7287,1,0,2230,41.5 -7288,1,0,2035,31 -7288,2,0,2157,38 -7288,3,0,2227,41.2 -7290,1,0,2152,44.8 -7292,1,1,0030,39.5 -7292,2,0,1839,42 -7293,1,0,1504,43 -7294,1,0,1651,40.4 -7294,2,0,2105,38.6 -7295,1,0,0920,37.8 -7296,1,0,0004,42.7 -7296,2,0,0515,42.4 -7297,1,0,2131,38.9 -7299,1,0,0024,41.4 -7300,1,0,1913,37.8 -7302,1,0,1712,38.2 -7302,2,1,0407,30.6 -7302,3,1,1637,30.7 -7303,1,0,1826,37.2 -7304,1,0,1300,37 -7304,2,5,1930,22.4 -7304,3,7,0705,25.2 -7305,1,0,0818,39.6 -7306,1,0,0121,32.3 -7308,1,0,1719,39.4 -7308,2,1,0715,41 -7311,1,0,1110,45.7 -7312,1,0,1605,45.1 -7313,1,0,1712,45.5 -7313,2,0,1815,44.5 -7313,3,0,2020,41.5 -7314,1,0,1302,40.5 -7315,1,0,1722,44.3 -7316,1,0,1614,41.9 -7316,2,0,1726,39.3 -7316,3,0,1931,38.5 -7317,1,0,1142,38.7 -7318,1,0,1946,36 -7319,1,0,2005,37.2 -7319,2,0,2215,35.6 -7319,3,1,0015,33.9 -7320,1,0,2210,43 -7320,2,1,1205,37.8 -7320,3,2,0600,36.4 -7321,1,0,1942,38.5 -7323,1,0,1917,38.5 -7324,1,0,2012,39.4 -7325,2,0,1741,40.5 -7327,1,0,1000,34.2 -7327,2,0,1110,35 -7327,3,0,1415,34.1 -7328,1,0,2258,36.6 -7329,1,0,1000,37 -7332,1,0,2000,34.6 -7334,1,0,1457,39.1 -7335,1,0,1904,34.2 -7337,1,0,1753,38 -7339,1,0,1753,38.9 -7341,1,0,2110,37.9 -7342,1,0,2126,31.4 -7346,1,0,2026,39 -7347,1,0,2158,21 -7347,2,0,2222,37 -7347,3,0,2220,36.7 -7348,1,0,2155,26.3 -7349,1,0,0750,37.2 -7350,1,0,1359,36.9 -7350,2,0,1522,33.1 -7350,3,0,2115,32.2 -7351,1,0,1615,39.6 -7351,2,0,1715,39.8 -7353,1,0,2315,38.8 -7353,2,1,0750,37.8 -7353,3,1,1825,34.7 -7354,1,0,1800,35.1 -7356,1,0,1945,40.4 -7356,2,0,2128,36.7 -7356,3,0,2240,36.2 -7360,1,0,0533,32.5 -7361,1,0,2348,35.1 -7362,1,0,2210,37 -7363,1,0,1500,36 -7364,1,0,2026,37.6 -7364,2,1,0212,34.9 -7366,1,0,2102,36.6 -7367,1,0,2230,31.8 -7367,2,0,2359,15.8 -7367,3,1,0415,15.9 -7368,1,0,1652,34.1 -7369,1,0,1754,37.2 -7371,1,0,1643,39 -7371,2,1,0630,34.8 -7372,2,2,0200,26.6 -7372,3,1,0355,29.7 -7373,1,0,2045,40 -7374,1,0,1900,32.8 -7375,1,0,1902,35.9 -7377,1,0,2104,39.2 -7378,1,0,1721,38 -7380,1,0,1307,42.2 -7381,1,0,1740,32.5 -7382,1,0,2150,31.2 -7382,2,0,2258,27.2 -7382,3,1,0015,25.9 -7383,1,0,1603,44.1 -7383,2,0,2234,32.9 -7383,3,1,0558,29.9 -7384,1,0,1550,35.8 -7386,1,0,1744,43 -7387,1,0,2016,23 -7387,2,2,0655,20.8 -7388,1,0,1114,37 -7389,1,0,1830,37.6 -7392,1,0,1811,43.1 -7394,1,0,1221,36.8 -7394,2,1,0650,33.5 -7398,1,0,1149,37.6 -7399,3,0,2025,32.8 -7399,4,1,0450,34.4 -7399,5,1,1300,32.9 -7400,1,0,1512,39.5 -7401,1,0,1746,43.5 -7402,1,0,1910,38 -7403,1,0,1358,39.2 -7404,1,0,1317,39 -7404,2,0,1326,39.8 -7404,3,0,1740,31.1 -7405,1,0,1535,35.8 -7406,1,0,1817,36.9 -7407,1,0,1255,35.8 -7407,2,0,1445,34.8 -7407,3,0,1740,33.4 -7408,1,0,2214,35 -7409,1,0,1924,32.6 -7410,1,0,1437,36.5 -7414,1,0,1458,41.4 -7415,1,0,0413,42.5 -7416,1,0,1850,30.6 -7417,1,0,2205,35.2 -7417,2,1,0700,33.8 -7418,1,0,1820,40.3 -7420,1,0,1625,41 -7420,2,0,1730,39.7 -7421,1,0,1037,40.1 -7422,1,0,1732,37.3 -7425,1,0,2200,40 -7425,2,0,2322,38.7 -7425,3,1,0125,36.6 -7426,1,0,1802,32.5 -7426,2,0,2205,31.4 -7426,3,1,0214,29.9 -7427,1,0,1816,41.1 -7428,1,0,0705,37.5 -7428,2,0,0727,36.7 -7429,1,0,2115,41 -7429,2,1,0843,35.7 -7429,3,2,0900,38.7 -7430,1,0,1635,45.7 -7431,1,0,0554,31.3 -7432,1,0,2015,40.4 -7432,2,1,0213,36.4 -7432,3,1,0810,37.6 -7433,1,0,2140,29.1 -7433,2,1,0122,29.9 -7433,3,1,0648,32.1 -7434,1,0,1242,38 -7435,1,0,0359,47.8 -7436,1,0,2011,27.5 -7436,2,0,2112,23.4 -7436,3,0,2145,38.3 -7438,1,0,0253,35.4 -7440,1,0,1205,42 -7440,2,0,1800,38 -7440,3,1,0016,34 -7441,1,0,2228,44.9 -7442,1,0,1612,42 -7443,1,0,2053,35.6 -7445,1,0,1656,41 -7446,1,0,1925,30.2 -7446,2,4,1333,33.4 -7447,1,0,2135,39.3 -7449,1,0,1927,34.2 -7449,2,0,2049,32.8 -7449,3,0,2211,32.5 -7450,1,0,1910,35.3 -7450,2,1,1230,35.3 -7451,1,0,2333,32.3 -7453,1,0,1846,35.8 -7454,1,0,1330,37 -7454,2,0,1610,31 -7454,3,0,1815,29.1 -7455,1,1,0607,23.9 -7455,2,1,1204,20 -7455,3,2,0505,28.4 -7456,1,0,1349,36.1 -7458,1,0,1715,38 -7459,1,0,1509,32.5 -7460,1,0,1835,39.2 -7460,2,0,1911,32.1 -7460,3,0,2056,33.8 -7462,1,0,1738,43.2 -7464,1,0,1632,29.9 -7465,1,0,2239,36 -7466,1,0,1915,38.3 -7467,1,0,0739,34.5 -7468,1,0,2103,35.1 -7469,1,0,1850,43.8 -7469,2,0,2015,37.4 -7469,3,0,2150,39.6 -7471,1,0,1651,40.5 -7471,2,0,1815,38.6 -7472,1,0,2242,48 -7473,1,0,1724,36 -7474,1,0,1730,34 -7475,1,0,2315,38.3 -7476,1,0,2327,42 -7478,1,0,1822,33.2 -7478,2,1,0400,31.9 -7478,3,1,1730,30 -7480,1,0,2022,23 -7480,2,0,2120,22.5 -7480,3,0,2305,36.2 -7483,1,0,2153,36 -7484,1,0,2124,37.3 -7484,2,1,0143,32 -7484,3,1,0607,30.3 -7486,1,0,0817,36.7 -7486,2,0,1320,32.4 -7486,3,1,0050,29.8 -7487,1,1,0140,46.2 -7488,1,0,1746,41 -7489,1,0,1745,42 -7489,2,0,1800,39.1 -7490,1,0,1724,32.3 -7491,1,0,1456,35.6 -7492,1,0,1611,47.9 -7493,1,0,1604,38 -7493,2,0,1556,35 -7493,3,0,1701,42 -7496,1,0,2137,38.4 -7496,2,1,0505,35.5 -7496,3,2,0451,36.6 -7497,1,0,1800,30.7 -7497,2,1,1153,27.1 -7497,3,1,2046,26.7 -7498,1,0,0247,39.7 -7499,1,0,1450,44 -7499,2,0,1620,42.5 -7499,3,0,1815,44.3 -7501,1,0,2151,36 -7501,2,1,0613,33.6 -7502,1,1,2210,36 -7502,2,1,0625,32.5 -7503,1,0,1040,38.5 -7503,2,0,1130,34.9 -7503,3,0,1350,35.6 -7504,1,0,0230,40 -7504,2,1,0250,27 -7504,3,2,0625,25 -7505,1,0,2346,40.3 -7505,2,2,0415,41.1 -7507,1,0,0250,38.5 -7507,2,0,0504,35.8 -7508,1,0,1629,33.8 -7509,1,0,1525,37.7 -7510,1,0,2010,32.3 -7512,1,0,1341,41.8 -7513,1,0,1858,34.7 -7515,1,0,1829,33.8 -7515,2,0,2027,30.8 -7515,3,0,2212,30.5 -7517,1,0,1503,38.3 -7517,2,0,2321,32.4 -7517,3,1,0754,31 -7518,1,0,2112,37.2 -7520,1,0,2015,39.3 -7520,2,0,2120,37.7 -7520,3,0,2345,36 -7521,1,0,2200,32.3 -7522,1,0,1516,43 -7524,1,0,2215,39.8 -7524,2,1,0953,39.5 -7526,1,0,1853,39.3 -7527,1,0,1718,39.3 -7528,1,0,2348,34.7 -7528,2,1,0549,33.4 -7529,1,0,2046,34.7 -7529,2,0,2200,21.5 -7529,3,0,2235,25.5 -7530,1,0,1918,40.1 -7531,1,0,1940,36 -7531,2,1,0530,33.3 -7531,3,1,1642,31.4 -7532,1,0,1250,23.7 -7532,2,0,1500,36.9 -7532,3,0,1725,45 -7533,1,0,1920,33.3 -7535,1,0,1420,36.8 -7537,1,0,2112,36.4 -7538,1,0,1620,39.7 -7538,2,0,1720,40.4 -7538,3,0,1925,38.2 -7539,1,0,2340,34.8 -7540,1,0,1605,37.3 -7540,2,0,2045,33 -7540,3,1,0007,34.1 -7541,1,0,1554,41.2 -7543,1,0,1831,38.6 -7543,2,0,1941,33.6 -7543,3,0,2154,34.3 -7544,1,0,1033,38 -7545,1,0,1945,40 -7545,2,1,0530,31.5 -7547,1,0,1145,42.7 -7549,1,0,1002,33.8 -7551,1,0,2350,34.2 -7551,2,1,0431,28.5 -7552,1,0,0616,36.5 -7554,1,0,0200,31.4 -7555,1,0,1625,43.2 -7555,2,1,0539,36.5 -7556,1,0,1438,36.1 -7557,1,0,1147,41.8 -7558,1,0,1648,38.7 -7558,2,0,1817,34.8 -7558,3,0,2035,35.4 -7560,1,0,1330,40.4 -7560,2,0,1550,39.8 -7563,1,0,2218,44.1 -7564,1,0,0829,32.9 -7564,2,0,0914,32.6 -7564,3,0,1118,29.6 -7565,1,1,0025,41 -7565,2,1,0325,40.7 -7565,3,1,0725,39.7 -7566,1,0,1110,37.7 -7567,1,0,1833,38 -7567,2,0,1854,40.2 -7568,1,0,2017,35 -7568,2,0,2020,33.5 -7568,3,1,0405,33.5 -7570,1,0,1816,36.3 -7572,1,0,1428,37.1 -7573,1,0,2113,39.6 -7575,1,0,1302,28 -7575,2,0,1325,27.4 -7575,3,0,1444,28 -7577,1,0,1235,37.4 -7578,1,0,1745,35.8 -7579,1,0,0845,35 -7579,2,0,0947,33 -7579,3,0,1305,30.4 -7581,1,0,1757,41.5 -7582,1,0,1714,33.3 -7582,2,0,2210,24 -7582,3,1,0350,30.1 -7583,1,0,1759,39.3 -7583,2,0,1900,40 -7583,3,0,2345,39 -7584,1,1,0012,40.1 -7584,2,6,0008,31 -7585,1,-1,2140,34.4 -7585,2,-1,2240,33.9 -7585,3,0,0050,34.9 -7586,1,0,0038,33 -7586,2,0,0458,41 -7586,3,0,0455,40.4 -7587,1,0,1339,32.6 -7588,1,0,1630,34.5 -7589,1,0,2106,41.7 -7590,1,1,0005,38.2 -7591,1,0,1550,43.3 -7592,1,0,2049,41 -7592,2,1,0455,37.5 -7594,1,0,1741,43 -7594,2,0,1740,40.3 -7595,1,0,1800,43 -7595,2,1,0400,39.7 -7598,1,0,1258,41.6 -7599,1,0,1831,36.5 -7599,2,1,0430,33.8 -7600,1,0,1830,41 -7600,2,0,2010,36.8 -7601,1,0,1620,38.4 -7602,1,0,1830,35.8 -7602,2,1,1056,32.8 -7604,1,0,2100,34.8 -7605,1,0,2030,40.2 -7607,1,0,1224,33 -7608,1,0,1857,42.9 -7608,2,1,0651,36.2 -7608,3,1,1214,39.2 -7609,1,0,2014,45 -7610,1,0,1117,35.2 -7611,1,0,0240,35.5 -7611,2,0,0426,32.9 -7611,3,0,0559,31.5 -7612,1,0,2355,37.4 -7613,1,0,2121,37.7 -7614,1,0,1728,34.5 -7614,2,0,1905,31.2 -7614,3,1,0100,42.4 -7616,1,0,1950,35.4 -7616,2,0,2050,34.8 -7616,3,0,2310,33 -7617,1,0,0750,42.9 -7618,1,0,1658,40.4 -7619,1,0,1915,41.2 -7620,1,0,0425,37.2 -7623,1,0,1728,42.3 -7623,2,1,0600,35.2 -7624,1,0,1714,34.8 -7624,2,1,1923,33.8 -7625,1,0,0408,41.9 -7626,1,0,2003,36 -7627,1,0,1534,38.8 -7627,2,0,1800,34.3 -7627,3,0,1925,37.3 -7628,1,0,1120,39 -7628,2,0,1330,37.8 -7629,1,0,1630,37.9 -7629,2,0,1745,30.7 -7629,3,0,1921,34.4 -7630,1,0,1657,35 -7630,2,1,0615,28.7 -7630,3,1,1630,29.9 -7631,1,0,2114,33.2 -7631,2,0,2218,29.8 -7631,3,1,0006,32.1 -7633,1,0,1630,37.6 -7633,2,1,1730,35.8 -7634,1,0,1947,41 -7634,2,1,0530,37.4 -7636,1,0,1650,40.5 -7636,2,0,1800,37.9 -7637,1,0,2035,40 -7638,1,0,2349,46 -7638,2,1,0615,44 -7639,1,0,2100,37.8 -7641,1,0,1845,33.2 -7641,2,0,2230,31.5 -7641,3,1,2205,29.4 -7642,1,0,1608,36.8 -7643,1,0,0924,35.8 -7643,2,0,1139,36.8 -7643,3,0,1435,32.6 -7644,1,0,1824,32.2 -7645,1,0,2330,36.2 -7645,2,1,1345,39.2 -7646,1,0,1424,33.9 -7647,1,0,1546,30.2 -7648,1,0,2100,37.5 -7649,1,0,1521,35.9 -7650,1,0,1535,40.5 -7651,1,0,1005,34.4 -7653,1,0,2045,39.8 -7654,1,0,2021,38.5 -7656,1,0,1415,36.3 -7656,2,0,1740,33 -7656,3,0,2330,32.7 -7657,1,0,2138,37.5 -7658,1,0,1515,40 -7660,1,0,1620,35.5 -7660,2,1,0449,31.4 -7661,1,0,2102,38.6 -7662,1,0,2130,44 -7663,1,0,2149,40.6 -7664,1,0,1522,35.4 -7664,2,0,1939,30 -7664,3,0,2002,32 -7665,1,0,2249,39 -7669,1,0,2001,34.5 -7671,1,0,2112,30.9 -7671,2,1,0515,31.9 -7672,1,0,1524,41.3 -7673,1,0,1714,42.4 -7673,2,0,1929,41 -7673,3,0,2049,42.1 -7674,1,0,0900,36.9 -7675,1,0,1457,35.7 -7676,1,0,1557,39 -7676,2,0,2026,31.8 -7676,3,1,0400,29 -7678,1,0,1736,38.2 -7679,1,0,2035,31.6 -7679,2,0,2220,30.5 -7679,3,1,1410,26.8 -7680,1,0,1620,42.8 -7680,2,1,0346,38.5 -7681,1,0,1556,42.7 -7682,1,0,2338,32.3 -7682,2,2,0510,27.2 -7683,1,0,2316,32.9 -7684,1,0,1857,37.2 -7686,1,0,2125,38.5 -7687,1,0,1649,33.3 -7687,2,0,2050,30.5 -7687,3,1,0343,26.2 -7688,1,0,1959,43 -7689,1,0,0505,43.5 -7689,2,0,1909,42.3 -7690,1,0,2336,35.2 -7691,1,0,2118,42.5 -7692,1,0,1825,35.6 -7692,2,1,1336,33.4 -7694,1,0,1802,47.3 -7695,1,0,1646,37.1 -7696,1,0,2001,37 -7696,2,0,2017,34.1 -7697,1,0,2020,40.6 -7698,1,0,1550,39 -7699,1,0,1716,37.1 -7700,1,0,1815,37.7 -7700,2,1,0708,36.6 -7702,1,0,2130,29.1 -7703,1,0,1036,36.1 -7705,1,0,0828,32.1 -7705,2,0,1001,32.8 -7705,3,0,1302,31.1 -7706,1,0,1550,34.3 -7706,2,1,0709,28.7 -7707,1,0,1909,39.8 -7707,2,0,2029,34.4 -7707,3,0,2232,36.4 -7708,1,1,0120,37.8 -7709,1,0,2245,37.5 -7711,1,0,2200,33.4 -7711,2,1,0712,30.3 -7712,1,0,1133,39.1 -7713,1,0,2030,36.2 -7714,1,0,1820,37.4 -7715,1,1,0045,37.8 -7715,2,1,0200,33.8 -7715,3,1,0400,25.2 -7716,1,0,1957,36.8 -7717,1,0,1849,35.5 -7718,1,0,1319,34.5 -7719,1,0,2234,42 -7720,1,0,1332,42.8 -7721,1,0,2155,43.2 -7723,1,0,2118,34.4 -7724,1,0,1358,37 -7726,1,0,1717,38.7 -7727,1,0,0323,33.4 -7729,1,0,1858,38.9 -7729,2,6,0915,38.9 -7732,1,0,0824,44.1 -7732,2,0,1349,42.6 -7732,3,1,0320,43 -7733,1,0,1340,40 -7733,2,1,1335,33.4 -7735,1,0,1718,32.2 -7736,1,1,0550,39.3 -7737,1,0,1728,35.9 -7739,1,0,1045,47.2 -7739,2,1,2340,39.8 -7740,1,0,0930,37.8 -7742,1,0,1831,37.1 -7743,1,0,1224,32.1 -7744,1,0,1748,29.7 -7745,1,0,1743,36.3 -7745,2,0,1858,32.9 -7745,3,0,2058,34.8 -7746,1,0,2240,39.4 -7746,2,1,0125,37.8 -7746,3,1,0337,36.7 -7747,1,0,0430,32.8 -7748,1,0,1545,41.4 -7750,1,0,1848,41 -7750,2,1,0705,39 -7750,3,1,1045,37.5 -7751,1,0,1920,44.6 -7752,1,0,1929,36.8 -7753,1,0,1850,40.1 -7754,1,0,1200,37 -7754,2,0,1346,33.4 -7755,1,0,1407,34.6 -7756,1,0,1035,39.4 -7756,2,0,1320,35.4 -7756,3,0,1630,37.1 -7757,1,0,2230,37 -7758,1,0,0245,37 -7759,1,0,1702,31.7 -7760,1,0,1243,42.4 -7761,1,0,2059,39.7 -7762,1,0,1827,40 -7762,2,0,2314,34.1 -7762,3,1,0409,32.9 -7764,1,0,1636,33.1 -7764,2,0,1727,34.1 -7766,1,1,0205,38.7 -7767,1,0,2009,37.6 -7768,1,0,0442,28.6 -7770,1,0,1137,35.4 -7770,2,0,1315,34.9 -7770,3,1,0830,34.5 -7772,1,0,1340,13.1 -7772,2,0,1500,14.9 -7772,3,0,1645,13.3 -7773,1,0,2337,24.3 -7773,2,1,0016,21.3 -7773,3,1,0345,28.5 -7775,1,0,0453,41.6 -7776,1,0,2121,39.1 -7777,1,0,1139,34.3 -7778,1,0,1854,38 -7779,1,0,1650,41.6 -7780,1,0,2212,35.8 -7781,1,0,1814,39.2 -7783,1,0,1638,39.6 -7783,2,1,0450,34.6 -7784,1,0,1642,42.6 -7785,1,0,2132,43.2 -7785,2,0,2246,40.2 -7785,3,1,0102,41.6 -7786,1,0,2057,39.1 -7787,1,1,0130,37 -7787,2,2,0315,35 -7788,1,0,0309,40.1 -7789,1,0,2054,35.6 -7789,2,1,1730,32.7 -7790,1,0,1500,30.2 -7790,2,0,1610,28.8 -7790,3,0,2010,24.3 -7791,1,0,1536,35.5 -7793,1,0,0820,40 -7794,1,0,1111,35.6 -7796,1,0,0920,40.5 -7796,2,0,1400,37.5 -7796,3,0,1710,38.3 -7799,1,0,1930,32.2 -7799,2,0,2230,29 -7799,3,1,0320,29.9 -7800,1,0,1738,36.7 -7801,1,0,1516,33.8 -7802,1,0,1217,35.6 -7802,2,1,0440,31.1 -7803,1,0,1007,34.7 -7804,1,0,1730,30.8 -7804,2,0,2155,26 -7804,3,1,0045,36.5 -7805,1,0,1745,39.7 -7805,2,0,1844,35 -7805,3,0,2119,35.3 -7806,1,0,2250,37.1 -7808,1,0,1320,42.3 -7808,2,0,1324,43 -7809,1,0,1436,42 -7811,1,0,1608,38 -7812,1,0,1342,39.2 -7813,1,0,1617,37.3 -7815,1,0,1948,34.1 -7815,2,2,1136,36.1 -7816,1,0,1900,36.4 -7816,2,0,2235,35.7 -7816,3,6,1230,36.7 -7818,1,0,1834,40 -7818,2,1,0631,34 -7821,1,0,1621,46.1 -7822,1,0,0145,39.9 -7822,2,0,0241,37.5 -7822,3,0,0428,36.4 -7823,1,0,1613,36.4 -7823,2,0,1742,35.7 -7823,3,0,1921,36.7 -7824,1,0,1128,37.3 -7825,1,0,1314,36.4 -7825,2,0,1545,34.9 -7825,3,0,1700,31.3 -7826,1,0,1920,36.7 -7827,1,0,1828,42.5 -7828,1,0,2044,32.2 -7829,1,0,1338,37.4 -7829,2,0,1342,39 -7831,1,0,1328,35.5 -7831,2,0,2302,26.5 -7831,3,1,1500,28.7 -7831,4,1,2235,27.2 -7832,1,0,2121,43.8 -7832,2,1,0441,38.1 -7832,3,1,1140,36.7 -7833,1,0,2037,37.9 -7833,2,0,2130,37.6 -7833,3,0,2315,35.7 -7836,1,1,0115,34.4 -7837,1,0,1951,35.6 -7837,2,0,2209,33.2 -7837,3,1,0053,28.4 -7838,1,0,1744,36.6 -7838,2,1,0251,35.6 -7838,3,1,1222,36.7 -7839,1,0,0402,45.8 -7840,1,0,1921,31.4 -7842,1,0,1310,36.4 -7843,1,0,1052,41.7 -7843,2,1,1422,40.7 -7848,1,0,1500,35.9 -7849,1,0,1532,42.5 -7850,1,0,0825,37 -7851,1,0,1951,33.2 -7851,2,3,2310,34.8 -7852,1,0,2153,33.9 -7853,1,0,1854,38.7 -7853,2,0,2223,34.5 -7853,3,1,0430,33.1 -7854,1,0,1850,33.7 -7854,2,1,0646,27.6 -7855,1,0,1653,42.3 -7856,1,0,2030,37.9 -7856,2,0,2300,38 -7856,3,1,0027,36.9 -7857,1,0,0039,34.7 -7858,1,0,1348,39.3 -7859,1,0,2052,29.7 -7859,2,0,2211,22.7 -7859,3,1,0036,25.8 -7861,1,0,2037,40.6 -7861,2,0,2214,34.7 -7861,3,1,0012,37.2 -7862,1,0,1924,36.8 -7862,2,2,1006,30.5 -7863,1,0,1848,35.3 -7864,1,0,1911,41.3 -7865,1,1,0128,35.7 -7866,1,0,1425,43.6 -7867,1,0,1950,35.6 -7867,2,0,2215,34.3 -7868,1,0,1510,34.6 -7868,2,0,1631,35 -7869,1,0,2103,34.5 -7870,1,0,2035,36.2 -7871,1,0,0746,39.6 -7871,2,0,0909,35 -7871,3,0,1215,37.5 -7872,1,0,2250,32 -7873,1,0,2251,39.5 -7873,2,1,0051,38.4 -7873,3,1,0614,36.1 -7875,1,1,0720,35.8 -7875,2,1,0031,37 -7877,1,0,2132,41.4 -7880,1,0,1050,38.2 -7881,1,0,1822,32.4 -7881,2,0,1955,26.2 -7881,3,1,0045,31.1 -7882,1,0,1739,37.2 -7882,2,1,0510,37.5 -7883,1,0,2324,39 -7883,2,1,0657,34.8 -7885,1,0,2230,37 -7887,1,0,2251,38.2 -7888,1,0,1618,36 -7888,2,1,0626,36.8 -7888,3,2,0605,31.1 -7890,1,0,2117,37.5 -7890,2,1,0722,33 -7890,3,2,0556,34.1 -7891,1,0,1413,33.3 -7892,1,0,2113,37.8 -7893,1,0,2215,41.7 -7893,2,0,2350,40.6 -7893,3,1,0210,39.6 -7895,1,0,1045,42.8 -7896,1,0,1337,39.6 -7896,2,0,1649,37.4 -7898,1,0,1339,38.3 -7899,1,0,0334,19.9 -7899,2,0,0423,19.4 -7899,3,0,1130,33.5 -7900,1,0,2000,35.3 -7900,2,0,2150,33.3 -7902,1,0,1649,38.7 -7903,1,0,1658,40.1 -7903,2,1,0300,33.5 -7904,1,0,1930,33.2 -7904,2,1,0020,27.8 -7904,3,1,0415,26.6 -7905,1,0,1506,42.5 -7907,1,0,1609,37.7 -7908,1,0,2225,43 -7909,1,0,1620,42 -7909,2,1,0652,38.9 -7910,1,0,1614,32.8 -7911,1,0,1730,45.7 -7911,2,0,2010,43.6 -7911,3,1,0630,38 -7912,1,0,1810,37.1 -7913,1,0,0418,33.4 -7914,1,0,1830,41.1 -7914,2,0,2145,39.4 -7914,3,1,0155,39 -7916,1,0,2001,34.1 -7919,1,0,1812,46 -7920,1,0,2044,39 -7920,2,0,2105,35 -7922,1,0,2300,44.5 -7923,1,0,1613,37.6 -7924,1,0,2332,40 -7925,1,0,1530,34 -7925,2,0,1645,32.5 -7925,3,0,1932,32 -7926,1,0,0248,37.8 -7926,2,0,0431,33.6 -7926,3,0,0618,34 -7927,1,0,1725,37 -7927,2,0,1952,36.1 -7927,3,0,2216,36.7 -7928,1,1,1446,36.8 -7929,1,0,1711,36.1 -7930,1,0,0830,38.9 -7933,1,0,1815,35 -7933,2,1,0618,35 -7934,1,0,1945,40.4 -7935,1,0,2310,36.8 -7936,1,0,2021,38 -7937,1,0,1759,30.9 -7937,2,0,1941,33.5 -7938,1,0,1655,40.1 -7938,2,0,1815,38.1 -7938,3,0,2043,38.5 -7939,1,0,1815,29.1 -7939,2,0,1940,24.5 -7939,3,0,2120,22.6 -7940,1,0,2027,38.7 -7941,1,0,1850,46.8 -7942,1,0,1600,42.9 -7944,1,0,1801,37.2 -7946,1,0,1639,35.1 -7947,1,1,0415,35.3 -7947,2,3,0615,37.9 -7949,1,0,1840,38.7 -7950,1,0,1820,40.9 -7950,2,0,2015,36.5 -7950,3,1,0345,35.7 -7951,1,0,1425,43.5 -7951,2,0,1600,42.6 -7953,1,0,1640,33.5 -7953,2,0,2245,30.6 -7953,3,1,0550,30.6 -7954,1,0,2025,40 -7956,1,0,0040,34 -7957,1,0,1156,41.1 -7957,2,1,0926,39.3 -7958,1,0,1220,39.3 -7958,2,1,0600,31.9 -7958,3,2,0600,31.5 -7960,1,0,0929,41 -7960,2,0,1615,36.1 -7960,3,0,2210,36.5 -7961,1,0,1634,40.7 -7962,1,0,1617,36.7 -7962,2,1,0410,33.3 -7963,1,0,2328,35.3 -7964,1,0,2321,38 -7965,1,0,2238,31.2 -7966,1,0,2310,43.9 -7967,1,0,2319,40 -7967,2,1,0530,34.1 -7968,1,0,2000,34.9 -7969,1,0,2300,36.1 -7970,1,0,0140,33.4 -7971,1,0,2040,44.5 -7971,2,0,2145,41.9 -7971,3,1,0007,41.9 -7972,1,0,2138,37.3 -7974,1,0,1900,34.8 -7974,2,0,2020,27.6 -7974,3,0,2230,30.9 -7975,1,0,2125,38 -7975,2,0,2142,39.2 -7978,1,0,1849,35.6 -7979,1,0,1757,37.6 -7979,2,0,1934,34.5 -7981,1,0,1523,37.5 -7983,1,0,2206,41.1 -7984,1,0,1729,35.8 -7985,1,0,1820,41.6 -7985,2,0,2351,37.4 -7985,3,1,0558,34.6 -7986,1,0,1441,38.7 -7986,2,0,1540,35.2 -7986,3,0,1848,34.7 -7988,1,0,0027,31 -7988,2,0,0424,33 -7988,3,2,0543,35.7 -7989,1,0,1648,44.2 -7989,2,1,0400,39.6 -7990,1,0,2112,35.2 -7991,1,0,1853,38 -7993,1,0,0111,40.1 -7995,1,0,0629,28.1 -7997,1,0,2005,40 -7999,1,0,2032,38.1 -7999,2,0,2327,33.6 -7999,3,1,0421,33.2 -8000,1,0,0934,48 -8000,2,0,1150,50.1 -8001,1,0,1106,35.1 -8002,1,0,1815,35.4 -8003,1,0,1612,46.6 -8005,1,0,2146,38.4 -8006,1,0,1626,34.2 -8008,1,0,1605,34.5 -8010,1,0,2010,34.8 -8010,2,0,2225,33.5 -8010,3,1,0020,31.5 -8011,1,0,0200,34.7 -8013,1,0,1950,40.7 -8013,2,0,2040,34.7 -8013,3,0,2235,34.9 -8014,1,0,1655,41.5 -8014,2,0,1800,36.8 -8014,3,0,2020,36.4 -8016,1,0,1815,39.4 -8016,2,1,0811,42.9 -8017,1,0,2215,37.4 -8017,2,1,0035,37 -8017,3,1,0600,35.7 -8018,1,0,2059,39.2 -8018,2,0,2239,35.4 -8019,1,0,2220,34.9 -8019,2,0,2338,34.9 -8019,3,1,0120,33.6 -8021,1,0,0816,37.1 -8022,1,0,2214,35 -8023,1,0,2013,39.8 -8024,1,0,2100,39.5 -8026,1,0,0523,37.1 -8031,1,0,2314,41.2 -8032,1,0,2105,24.6 -8032,2,0,2110,22.3 -8032,3,0,2350,34 -8033,1,0,1530,36.1 -8033,2,0,1720,34 -8034,1,0,1658,35.7 -8034,2,4,1120,31.4 -8034,3,6,0708,32.4 -8036,1,0,1926,35 -8037,1,0,2054,35.6 -8037,2,1,1743,36.9 -8039,1,0,1927,34.2 -8040,1,0,1810,35.6 -8040,2,0,2002,32.3 -8040,3,0,2141,31.5 -8041,1,1,0030,36.3 -8041,2,1,0430,34.3 -8041,3,1,0515,32.9 -8042,1,0,0716,36.7 -8042,2,0,0914,37.4 -8042,3,0,1307,35.7 -8043,1,0,0940,37.7 -8044,1,0,0936,37.8 -8045,1,0,2028,40.4 -8046,1,0,1800,39.7 -8047,1,0,1401,39.7 -8048,1,0,2010,35.9 -8048,2,1,0350,30.5 -8049,1,0,0934,39.2 -8050,1,0,2106,37.4 -8051,1,0,2030,37 -8052,1,0,2030,25 -8052,2,1,0540,26 -8052,3,1,1545,26.8 -8054,1,0,2026,35.5 -8055,1,0,1647,37.5 -8057,1,0,1845,41 -8057,2,1,0530,35.6 -8058,1,0,1258,36.3 -8059,1,0,1850,38.1 -8060,1,0,1651,35.2 -8061,1,0,1750,38.6 -8061,2,0,1948,36.7 -8061,3,1,0600,34.2 -8062,1,0,1825,29.2 -8063,1,0,2110,38 -8063,2,1,0545,34.3 -8063,3,6,2335,29.3 -8065,1,0,0537,40 -8067,1,1,0219,34.2 -8068,1,0,1331,36.5 -8069,1,0,1046,36 -8070,1,0,2246,40 -8072,1,0,2345,40 -8073,1,0,2320,32.1 -8074,1,0,2143,38.1 -8075,1,0,0049,31.4 -8075,2,0,0120,31.7 -8075,3,0,0247,28.3 -8076,1,1,0300,33.4 -8076,2,2,0545,34.5 -8077,1,0,1546,45.3 -8078,1,0,1912,38.3 -8078,2,2,0604,26.3 -8080,1,0,1234,31.7 -8081,1,0,1112,35.9 -8083,1,0,1745,34.2 -8083,2,0,1845,32.6 -8084,1,0,1809,34.5 -8085,1,0,1747,38.1 -8085,2,0,2001,34.9 -8086,1,0,2144,37.6 -8087,1,0,0159,46.8 -8088,1,0,1835,39.4 -8089,1,1,1600,38.4 -8090,1,0,0235,43.7 -8091,1,0,1305,30.9 -8091,2,1,0230,31.2 -8092,1,0,1226,44.9 -8094,1,0,1105,39.3 -8096,1,0,0050,31.8 -8097,1,0,1721,36.8 -8099,1,0,1738,39.7 -8099,2,1,0600,37.1 -8099,3,1,1254,34.4 -8100,2,0,1842,39.4 -8100,3,1,2110,36.1 -8101,1,0,1103,37.5 -8103,1,0,1615,41.7 -8106,1,0,1854,32.8 -8107,1,0,1859,32.7 -8107,2,0,1904,34 -8107,3,0,2035,29.1 -8109,1,0,1810,32.1 -8110,1,0,2305,34.3 -8112,1,0,2040,38 -8112,2,0,2211,31.9 -8112,3,0,2300,38 -8113,1,0,2035,36.3 -8115,1,0,1945,40 -8117,1,0,0855,33 -8118,1,0,2214,33.5 -8119,1,0,1449,36 -8120,1,0,1532,35 -8120,2,1,0500,32 -8120,3,2,1600,31.7 -8121,1,0,2146,33.1 -8122,1,0,1617,38 -8123,1,0,1745,38.2 -8123,2,0,1835,32.2 -8124,1,0,1641,29 -8124,2,0,1747,30 -8124,3,0,2357,15 -8125,1,0,2127,40.7 -8126,1,0,2258,34.9 -8127,1,0,0410,41.1 -8129,1,0,1817,41.1 -8130,1,0,2048,35 -8131,1,0,2200,37 -8133,1,0,1742,35.2 -8134,1,0,1108,37.7 -8137,1,0,1946,33.7 -8139,1,0,1605,30.4 -8139,2,0,1720,27.3 -8139,3,0,1949,28.2 -8141,1,0,1937,39.3 -8141,2,2,0435,34.9 -8142,1,0,1933,39 -8143,1,0,1357,32.1 -8145,1,0,2003,34.2 -8146,1,0,1426,39.5 -8147,2,0,1408,36.6 -8147,3,0,1653,29 -8147,4,0,1830,28.6 -8150,1,1,0003,40 -8150,2,1,0615,37.8 -8151,1,0,1010,38.8 -8152,1,0,2009,42.8 -8154,1,0,1932,32.3 -8154,2,0,2200,31.6 -8154,3,0,2345,30.1 -8155,1,0,0155,43.3 -8155,2,0,0234,42.1 -8155,3,0,0407,41.6 -8156,1,1,0048,38.6 -8157,1,0,1804,31.3 -8158,1,0,2027,36.8 -8159,1,0,1942,42.4 -8159,2,1,0050,39.2 -8159,3,1,0433,37.1 -8160,1,0,2242,41.2 -8160,2,1,1613,26.2 -8161,1,0,1955,36.3 -8161,2,1,0011,33.5 -8161,3,2,0545,30.1 -8162,1,0,1954,35.3 -8163,1,0,1900,37.6 -8163,2,0,2057,34.4 -8163,3,0,2300,36 -8164,1,0,2056,47 -8164,2,0,2121,41 -8164,3,0,2120,41 -8165,1,0,1712,30 -8165,2,0,1828,27 -8165,3,1,0405,26.6 -8166,1,0,2105,37.9 -8167,1,0,1535,33 -8168,1,0,1644,39.7 -8168,2,1,0523,34.2 -8169,1,0,1633,37.8 -8169,2,1,0723,31.3 -8169,3,1,1145,30.3 -8170,1,0,1505,41.5 -8172,1,0,1908,34.4 -8174,1,0,1921,40 -8175,1,0,1653,40.8 -8175,2,1,0427,26.7 -8175,3,1,0803,27.1 -8176,1,1,0610,29.5 -8176,2,2,0630,28.1 -8177,1,0,1836,35.7 -8178,1,0,1557,44 -8178,2,1,0637,43.3 -8179,1,0,2029,37.8 -8180,1,0,2350,42.3 -8180,2,1,0850,39.4 -8182,1,0,2345,36 -8183,1,0,1905,27.1 -8183,2,1,0645,30.1 -8183,3,2,0140,26 -8184,1,0,1800,38.8 -8185,1,0,1940,36.7 -8186,1,0,1720,38.1 -8186,2,0,1925,37.5 -8186,3,0,2109,36.9 -8187,1,0,1819,40.2 -8187,2,0,1925,38.5 -8187,3,0,2121,37.2 -8189,1,0,1335,38.8 -8189,2,0,1425,40 -8189,3,0,1615,40.6 -8191,1,0,1205,38.3 -8192,1,0,2210,36 -8192,2,1,0200,26 -8192,3,1,1218,26 -8193,1,0,1808,40.4 -8194,1,0,1605,42.4 -8194,2,1,0736,38.6 -8194,3,1,1455,40.4 -8195,1,0,1838,38.8 -8196,1,0,1745,35.8 -8196,2,0,2030,34.1 -8197,1,0,2010,37.4 -8198,1,0,1553,26 -8198,2,1,0850,21 -8198,3,2,0400,31 -8201,1,0,0115,34.8 -8202,1,0,1709,41.2 -8202,2,0,2253,32.4 -8202,3,1,0210,31.9 -8203,1,0,2137,46 -8204,1,0,1750,38.2 -8204,2,0,1910,42.2 -8204,3,0,2135,42 -8205,1,0,2204,46 -8205,2,1,0610,40.5 -8205,3,2,0610,39.2 -8206,1,0,2131,37.4 -8207,1,0,1913,38 -8208,1,0,1521,41.4 -8208,2,0,1729,38.7 -8209,1,0,1458,41.6 -8210,1,0,2018,33.1 -8210,2,1,0650,33.7 -8212,1,0,1758,28 -8212,2,1,0428,33.2 -8212,3,1,1217,32.4 -8213,1,0,1920,36 -8214,1,0,2206,36.3 -8215,1,0,1312,35.6 -8216,1,0,1327,33 -8217,1,0,2300,39 -8220,1,0,1826,37.5 -8220,2,0,1926,37.2 -8220,3,1,0930,32.9 -8221,1,0,1420,39.7 -8221,2,0,1530,37.4 -8221,3,0,1800,34.9 -8222,1,0,1557,36.9 -8222,2,0,2106,36.3 -8223,1,0,1819,34.7 -8225,1,0,1455,37.2 -8225,2,0,1620,33.9 -8225,3,0,1810,34 -8227,1,0,1530,43 -8227,2,0,1730,40.6 -8228,1,0,1742,26.2 -8228,2,1,0109,22.5 -8228,3,1,0419,22.7 -8229,1,0,1013,44.8 -8229,2,0,1117,42.3 -8229,3,0,1319,43.6 -8232,1,0,1609,38.9 -8233,1,0,2158,35.5 -8235,1,0,1746,40 -8237,1,0,1815,37.4 -8238,1,0,2010,41.6 -8238,2,1,0120,40 -8238,3,1,0650,39.4 -8239,1,0,2320,38.4 -8239,2,1,0020,37 -8241,1,0,1338,35.9 -8241,2,6,1030,23.2 -8242,1,0,2100,36.3 -8243,1,0,1711,42.7 -8245,1,0,1610,36.1 -8248,1,0,2217,37.8 -8249,1,0,1140,31.5 -8249,2,0,1549,22.1 -8249,3,0,1948,16.8 -8250,1,0,1320,27.3 -8250,2,2,1030,26.6 -8250,3,1,0540,32.3 -8252,1,0,2115,37.3 -8254,1,0,2325,40.1 -8255,1,0,1653,42.3 -8255,2,0,2101,40.7 -8255,3,0,2301,39.8 -8256,1,0,2304,45.5 -8257,1,0,1446,39.4 -8257,2,1,0500,28.4 -8257,3,1,1701,29.5 -8258,1,0,1628,33.9 -8258,2,1,2053,34.4 -8259,1,2,0649,39.1 -8259,2,1,0500,38.2 -8260,1,0,2106,32.9 -8260,2,1,0205,30.4 -8260,3,1,0630,30.8 -8261,1,0,1300,35.2 -8261,2,0,1555,34.1 -8261,3,0,1730,32.8 -8262,1,0,1005,29 -8262,2,0,1130,21.4 -8262,3,0,1608,23.2 -8265,1,0,1536,41.9 -8266,1,1,0049,35.5 -8267,1,0,2202,37 -8268,1,0,2035,38.8 -8271,1,0,2042,31 -8271,2,1,0355,27.8 -8271,3,1,1054,27.7 -8272,1,0,2155,28.6 -8272,2,0,2223,29.3 -8272,3,0,2313,26.8 -8273,1,0,1300,34.6 -8274,1,0,1148,39.9 -8275,1,0,0840,38.2 -8275,2,0,1000,34.6 -8275,3,0,1155,34.5 -8276,1,0,2246,41.5 -8278,1,0,1903,29 -8278,2,0,1912,29 -8279,1,0,2140,37 -8279,2,1,0715,32.5 -8280,1,0,1237,33 -8280,2,0,1249,36.3 -8281,1,0,1910,42.5 -8281,2,0,2307,39.7 -8281,3,1,0917,39.7 -8282,1,0,2215,41.7 -8283,1,0,1303,41.8 -8284,1,0,1544,39.6 -8284,2,1,0508,37 -8286,1,0,1530,41 -8286,2,0,1630,37.7 -8286,3,0,1815,36.5 -8287,1,0,1630,36.9 -8288,1,0,0110,39 -8288,2,0,0245,36 -8288,3,1,0400,37 -8289,1,0,0922,49.9 -8291,1,0,1212,37.1 -8292,1,0,2222,36.3 -8293,1,3,0435,34.4 -8293,2,2,0420,35.3 -8293,3,0,1800,45 -8294,1,0,1715,45.6 -8294,2,0,1838,40.1 -8294,3,0,2035,39.2 -8295,1,0,2035,41.2 -8297,1,0,1205,37.3 -8297,2,0,1400,37.1 -8298,1,0,1350,39 -8298,2,0,2000,35 -8298,3,1,0200,32 -8299,1,0,0920,41.3 -8299,2,0,1100,41.5 -8299,3,0,1530,40.7 -8300,1,0,1305,39.4 -8301,1,0,1846,37.9 -8302,1,0,1825,37.4 -8303,1,0,2045,36.1 -8304,1,0,1920,34.3 -8304,2,0,2030,32.8 -8305,1,0,2004,38.4 -8306,1,0,0624,41 -8307,1,0,1808,37 -8309,1,0,1527,39 -8309,2,0,1516,37.6 -8310,1,0,1615,35.7 -8310,2,1,0700,32.7 -8311,1,0,2034,28.7 -8311,2,0,2213,28.2 -8311,3,1,0400,26.2 -8312,1,0,1500,33.5 -8314,1,1,0004,41.5 -8314,2,4,1640,37.7 -8315,1,0,1857,35.9 -8317,1,0,1935,36.1 -8318,1,0,1830,39.4 -8318,2,0,1950,38 -8318,3,1,0910,37.4 -8320,1,0,1812,38 -8321,1,0,1743,40.2 -8321,2,0,1843,38.1 -8321,3,0,2100,38.8 -8322,1,0,2036,48 -8322,2,1,1025,37 -8322,3,1,1612,35.8 -8323,1,0,1920,38.4 -8324,1,0,1800,33.3 -8324,2,0,1905,32.8 -8324,3,0,2255,33.3 -8325,1,0,1926,31.2 -8325,2,1,0050,27.1 -8325,3,1,0400,27.5 -8326,1,0,1049,34.6 -8328,1,0,1825,36.2 -8329,1,0,1700,41.3 -8329,2,1,2000,27.1 -8329,3,2,0330,32.3 -8330,1,0,1320,36.3 -8331,1,0,1935,38.6 -8331,2,0,2200,36.2 -8333,1,0,2009,39.6 -8334,1,0,1402,38.5 -8335,1,0,1704,44.4 -8336,1,0,1402,40.7 -8337,1,1,0005,40.1 -8339,1,0,2043,39.6 -8340,1,0,1639,37.9 -8341,1,0,1415,35.5 -8341,2,0,1603,31.1 -8341,3,1,0850,30.5 -8344,1,0,1709,38 -8344,2,1,0518,33 -8346,1,0,1606,33 -8347,1,0,2148,35 -8348,1,0,2220,36 -8349,1,0,1840,33.3 -8350,1,0,1400,43.6 -8351,1,1,0001,43 -8354,1,0,1620,35.7 -8355,1,0,1558,41 -8358,1,0,1445,39.9 -8358,2,1,0600,35.3 -8360,1,0,1650,36.6 -8360,2,0,1655,37 -8361,1,0,1626,18 -8361,2,0,1710,31 -8361,3,0,1720,33 -8362,1,0,2345,37.1 -8363,1,0,1640,32.6 -8363,2,0,2130,22.1 -8363,3,1,0330,37.9 -8365,1,0,1624,36 -8366,1,0,2358,42.2 -8366,2,2,0707,23.3 -8366,3,2,0835,23 -8368,1,1,1503,36.2 -8368,2,1,2103,32.9 -8368,3,2,0423,30.6 -8369,1,1,0105,30 -8369,2,1,0200,28.4 -8369,3,1,0410,27.8 -8370,1,0,1507,47.3 -8371,1,0,1837,39 -8372,1,0,0315,29.9 -8372,2,0,0435,31.6 -8372,3,0,0950,29 -8373,1,0,2200,47.2 -8373,2,0,2309,42.9 -8373,3,1,0103,43 -8375,1,0,0301,36.6 -8377,1,1,0137,37 -8378,1,0,1058,42.1 -8378,2,0,1233,41 -8378,3,1,0100,39 -8379,2,1,0930,29.3 -8379,3,2,0535,28.2 -8381,1,0,0500,39 -8384,1,0,1246,41.4 -8384,2,0,1726,32.3 -8384,3,0,1851,30.8 -8386,1,1,0125,40.2 -8386,2,1,2025,34.8 -8386,3,2,0400,34.9 -8388,1,0,2042,39.9 -8389,1,0,0911,20.4 -8389,2,0,1137,36.4 -8389,3,0,1945,33 -8391,1,0,1300,39.9 -8392,1,0,1745,39.5 -8393,1,0,1533,35 -8393,2,0,1800,34 -8393,3,1,0210,32 -8395,1,0,1915,34 -8395,2,1,0700,30.2 -8397,1,0,1330,39.6 -8398,1,0,1528,30.9 -8399,1,0,1555,28 -8399,2,0,1745,28.6 -8399,3,0,1940,26.8 -8401,1,0,2039,42.2 -8402,1,0,1930,37.5 -8403,1,0,2055,34.5 -8404,1,0,2327,36.8 -8405,1,0,0704,38.8 -8408,1,1,0700,28.3 -8408,2,0,1714,33 -8409,1,0,1631,39 -8410,1,0,2000,37.3 -8411,1,0,0158,39.8 -8411,2,0,1015,38.7 -8411,3,1,0500,43.7 -8412,1,0,0326,39.9 -8413,1,0,2258,44.3 -8414,1,0,1912,38.2 -8415,1,0,1943,36.1 -8417,1,0,2000,37.2 -8419,1,0,1745,38 -8420,1,0,1825,35.6 -8422,1,0,2019,42.8 -8422,2,0,2122,41 -8422,3,0,2307,40.4 -8424,1,0,2239,37.8 -8425,1,0,0130,33 -8425,2,0,0327,35 -8425,3,0,0415,29.6 -8428,1,0,1730,41.6 -8428,2,0,1847,42 -8428,3,0,2030,43.2 -8429,1,0,1615,34.9 -8429,2,0,1710,32.1 -8429,3,0,1915,33.4 -8430,1,0,1602,38.5 -8431,1,0,2001,39.6 -8432,1,0,2107,41.1 -8435,1,0,1911,40.3 -8436,1,0,1702,32.7 -8436,2,0,2113,33.6 -8436,3,2,1835,33.1 -8438,1,0,2153,35.2 -8438,2,1,0423,35.8 -8438,3,2,0709,36.6 -8439,1,0,2201,35.6 -8440,1,0,1531,46 -8441,1,0,1115,42 -8441,2,0,1738,39.9 -8442,1,0,1646,43 -8443,1,0,1208,39.1 -8444,1,0,1800,27.6 -8444,2,0,1940,23.8 -8444,3,0,2200,21.4 -8446,1,0,1700,39.4 -8447,1,0,1926,41.4 -8448,1,0,1944,35 -8450,1,0,1644,34.6 -8451,1,0,1124,30.4 -8451,2,0,1217,30.7 -8451,3,0,1414,30 -8453,1,0,1731,31.5 -8455,1,0,1545,34.7 -8455,2,1,1230,29.6 -8455,3,4,1100,21.8 -8457,1,0,1930,37.1 -8458,1,0,0753,29.2 -8458,2,0,1927,26.9 -8458,3,1,0400,25.6 -8460,1,0,1120,36.7 -8460,2,1,0010,35.3 -8460,3,1,1200,33.8 -8461,1,0,0927,39.3 -8462,1,0,1326,43.8 -8464,1,0,2332,31 -8466,1,0,1909,37 -8469,1,0,0943,36.5 -8470,1,1,0530,31.5 -8471,1,0,1618,41 -8471,2,1,0600,37.5 -8474,1,0,1727,37.7 -8475,1,0,1707,40.2 -8476,1,0,1550,37 -8476,2,0,1700,35.2 -8476,3,0,1915,36.5 -8477,1,0,1517,36.3 -8480,1,0,2026,33 -8481,1,0,2340,27.8 -8481,2,1,0136,28.3 -8481,3,1,0800,27 -8482,1,0,0714,35.1 -8483,1,0,0643,36.9 -8484,1,0,1214,41 -8484,2,1,0555,35.2 -8485,1,0,1412,42.3 -8485,2,0,1716,39 -8485,3,0,2036,38.5 -8487,1,0,2327,39 -8487,2,0,2355,39 -8487,3,1,0010,34 -8488,1,0,1749,39.5 -8488,2,0,1757,39 -8488,3,1,0015,33 -8489,1,0,2125,40 -8489,2,1,0755,36.8 -8489,3,2,0656,36.2 -8490,1,0,0218,42.5 -8491,1,0,1803,42 -8491,2,0,1805,40.1 -8492,1,0,2123,36.4 -8493,1,0,0735,32.8 -8493,2,0,1021,42.4 -8493,3,0,1359,43.1 -8494,1,0,1037,42.2 -8494,2,0,1131,40.4 -8494,3,0,1318,39.5 -8496,1,0,0300,42 -8496,2,0,0600,37 -8496,3,0,1030,38.7 -8498,1,0,1520,32.2 -8498,2,0,1730,30.9 -8498,3,0,1900,28.2 -8499,1,0,2211,34.3 -8500,1,0,2020,32.6 -8500,2,0,2145,31 -8500,3,1,0030,30.9 -8501,1,0,2100,34.4 -8501,2,0,2235,26.6 -8501,3,0,2318,29.6 -8502,1,0,2137,37 -8502,2,1,0021,33.6 -8502,3,1,0447,35.6 -8504,1,0,2224,36.7 -8504,2,1,0443,32.3 -8505,1,0,1741,40.8 -8506,1,0,2312,39.4 -8507,1,0,2056,40 -8507,2,1,0401,33.9 -8508,1,0,0330,38 -8509,1,0,1850,34 -8509,2,0,2024,33.3 -8509,3,1,0215,30.9 -8510,1,0,1646,38.3 -8510,2,0,1807,38.1 -8512,1,0,1817,36.3 -8513,1,0,2031,34.1 -8516,1,0,1200,37.3 -8517,1,0,1640,33.5 -8517,2,0,1844,36.1 -8517,3,0,1945,35.4 -8518,1,0,1426,37.1 -8520,1,0,0424,44 -8522,1,0,1351,39.1 -8527,1,0,2259,31.8 -8527,2,1,0056,30.5 -8527,3,1,0600,31.9 -8530,1,0,1316,39.3 -8530,2,0,1415,37.9 -8530,3,0,1621,36.7 -8531,1,0,1617,36.8 -8532,1,0,2145,37.9 -8533,1,0,2114,37.3 -8535,1,0,1335,43 -8538,1,0,1440,40.1 -8539,1,0,1623,39.3 -8540,1,0,1745,36.3 -8541,1,0,1759,39 -8541,2,0,1816,36.6 -8541,3,1,0400,32.6 -8542,1,0,1800,33.2 -8543,1,0,1549,46 -8544,1,1,0605,35.5 -8544,2,1,1115,32.9 -8544,3,2,0645,33.3 -8545,1,0,2104,38.8 -8545,2,1,0113,34.8 -8546,1,0,2026,38.9 -8547,1,0,1930,33.5 -8547,2,1,0800,30.7 -8548,1,0,1202,33.4 -8549,1,0,1734,42.9 -8550,1,0,1757,39 -8551,2,3,0953,34.8 -8552,1,0,2323,38 -8553,1,0,1900,32.6 -8553,2,1,2236,13.9 -8553,3,2,0430,26.4 -8554,1,0,0324,41.2 -8555,1,0,1700,36.3 -8555,2,1,0020,31 -8555,3,1,0640,30.7 -8557,1,0,2237,36.6 -8558,1,0,1930,46.7 -8558,2,0,2030,42.4 -8558,3,1,0016,15.2 -8560,1,0,0550,36.9 -8560,2,0,0552,40.1 -8560,3,2,0507,30.2 -8561,1,0,1955,35.1 -8561,2,1,1505,24.3 -8561,3,2,0705,25.6 -8567,1,0,1655,39.1 -8567,2,0,1800,34 -8567,3,0,1953,34.7 -8568,1,0,2030,43.5 -8569,1,0,0757,35.5 -8569,2,0,1200,36.4 -8569,3,0,2059,33.3 -8571,1,0,2028,32.9 -8572,1,1,0525,37.4 -8572,2,0,2330,45 -8573,1,1,0121,36.9 -8574,1,0,1644,34.9 -8574,2,1,0142,34.7 -8574,3,1,0739,36 -8576,1,0,1526,37.3 -8577,1,0,2210,39 -8577,2,1,0545,34.4 -8577,3,2,0530,31.5 -8578,1,0,1335,34.3 -8578,2,0,1700,35.1 -8578,3,0,2040,33.8 -8579,1,0,1435,38.4 -8580,1,0,1906,37.6 -8581,1,0,2249,41 -8581,2,1,0629,37.3 -8582,1,0,2133,45.6 -8583,1,0,1740,37.7 -8584,1,0,1845,46.9 -8584,2,0,1950,47.7 -8586,1,0,0958,44.8 -8586,2,0,1607,42.3 -8587,1,0,1841,38.9 -8588,1,0,2248,37.3 -8589,1,0,1850,38.4 -8590,1,0,0538,37.9 -8590,2,0,0628,37.2 -8590,3,0,0831,37.4 -8594,1,0,1728,39 -8597,1,0,2116,42.1 -8597,2,2,0445,32.9 -8599,1,0,2113,37.9 -8601,1,0,1623,35.9 -8602,1,0,2314,40.8 -8604,1,0,2153,32 -8605,1,0,0025,37 -8605,2,0,0157,38 -8605,3,0,0553,32.1 -8606,1,0,1703,37.2 -8609,1,0,1427,28.8 -8610,1,0,1754,30.3 -8611,1,0,1510,34 -8611,2,1,0627,22 -8611,3,2,0528,25 -8612,1,0,1733,35 -8612,2,1,0620,32.6 -8612,3,2,1000,30.1 -8613,1,0,0302,36.5 -8614,1,0,1334,42 -8615,1,0,2225,33.9 -8616,1,0,1354,38 -8616,2,0,1535,33.7 -8616,3,0,2200,33.1 -8617,1,0,1548,34.4 -8617,2,0,1655,32.5 -8617,3,1,0055,29.2 -8618,1,0,1350,35.1 -8618,2,1,0439,31 -8620,1,0,1422,37.6 -8621,1,1,0016,43 -8621,2,1,0130,30 -8621,3,1,0405,38 -8622,1,0,1658,39.9 -8624,1,0,0348,45 -8626,1,0,1050,38.9 -8628,1,0,1955,32.2 -8628,2,0,2130,31.7 -8628,3,0,2330,31.4 -8629,1,0,2053,38.3 -8630,1,0,0824,38.1 -8633,1,0,1546,37.9 -8634,1,0,1827,46.8 -8634,2,1,0945,40.9 -8634,3,1,1428,41.8 -8637,1,0,2210,37.6 -8638,1,0,2211,41.1 -8640,1,0,1927,34.8 -8641,1,0,1328,40.1 -8642,1,0,0505,30.1 -8642,2,0,0900,30 -8642,3,0,1600,29.4 -8643,1,0,1544,32.3 -8644,1,0,2037,40.7 -8644,2,1,0558,39.7 -8646,1,0,1805,34.4 -8647,1,0,1736,40.3 -8648,1,0,2131,38.6 -8649,1,0,2218,37 -8651,1,0,1200,39.4 -8651,2,0,1300,38.1 -8651,3,0,1605,39.6 -8653,1,0,1830,30.3 -8654,1,0,2343,37 -8655,1,0,1940,36 -8656,1,0,2015,39.9 -8656,2,4,1118,17.5 -8656,3,4,1138,17.9 -8657,1,0,2007,33 -8657,2,0,2122,32.4 -8657,3,1,0128,33.9 -8660,1,0,2107,32.9 -8661,1,0,2126,35.5 -8663,1,0,1546,36.5 -8663,2,1,0630,38.5 -8664,1,0,1934,31 -8664,2,0,1939,30.5 -8664,3,0,2350,22.1 -8665,1,0,2050,39.2 -8665,2,0,2110,36 -8666,1,0,2056,36.2 -8667,1,0,1503,43.3 -8668,1,0,1525,38.5 -8668,2,0,1632,39.4 -8668,3,0,1816,37.1 -8669,1,0,1920,40 -8670,1,0,1951,34.4 -8671,1,0,1908,42.5 -8671,2,1,1350,41.9 -8672,1,0,1303,36.2 -8674,1,0,1317,35.4 -8674,2,1,0645,33.2 -8674,3,2,0134,26.4 -8675,1,0,2133,35.4 -8675,2,1,0355,37.4 -8675,3,1,1130,34.9 -8676,1,0,1250,42.3 -8676,2,0,1420,43.3 -8676,3,0,1610,42.8 -8677,1,0,1545,36.5 -8678,1,0,0123,38.9 -8679,1,0,2101,37.7 -8680,1,0,1600,47 -8683,1,0,1748,42.3 -8688,1,0,0930,36.7 -8690,1,0,2155,35.4 -8692,1,0,1510,38.9 -8692,2,0,1827,31.4 -8692,3,0,1933,34.9 -8693,1,0,2101,43.3 -8694,1,0,1654,32 -8695,1,0,1932,34.7 -8695,2,0,2039,30.6 -8695,3,0,2206,33.2 -8696,1,0,0740,37.9 -8698,1,0,1638,45.2 -8699,1,0,2004,35.8 -8699,2,1,0408,33.6 -8704,1,0,2136,31 -8704,2,0,2307,27 -8704,3,0,2300,30 -8705,1,0,1208,38.6 -8706,1,0,0028,37.5 -8707,1,0,2120,33.6 -8707,2,1,0710,32.4 -8709,1,0,1340,41.3 -8709,2,0,1530,36.7 -8711,1,0,1435,37.4 -8713,1,0,1557,39.9 -8714,1,0,1413,41 -8714,2,0,1431,32 -8714,3,0,1410,37.8 -8715,1,0,2019,30.9 -8715,2,0,2133,29.6 -8715,3,0,2312,27.5 -8716,1,0,1941,37.9 -8717,1,0,1917,34 -8718,1,0,1828,41.6 -8719,1,0,1117,36.3 -8720,1,0,0836,41.7 -8721,1,0,1239,35.7 -8721,2,0,2000,23.1 -8722,1,0,1753,31.7 -8722,2,0,1918,30.5 -8722,3,0,2133,31.4 -8725,1,0,1430,35.9 -8725,2,0,1540,37.8 -8725,3,0,2200,30.2 -8726,1,0,1643,36.7 -8727,1,0,0040,42.9 -8728,2,0,2330,34 -8728,3,1,0253,29 -8729,1,0,1926,40.3 -8729,2,1,1235,35.5 -8730,1,0,2140,30.2 -8730,2,1,0822,28.7 -8730,3,2,0515,25 -8732,1,0,1430,39.6 -8732,2,0,2100,33.4 -8732,3,1,0330,31.9 -8734,1,0,1423,37.8 -8736,1,0,2028,34.7 -8737,1,0,1855,38.6 -8737,2,1,0430,40 -8739,1,0,1918,39.7 -8741,1,0,0540,27.2 -8743,1,0,2205,46.5 -8745,1,1,0605,38.2 -8746,1,0,2200,46.4 -8746,2,0,2347,45.4 -8746,3,1,0150,35.2 -8747,1,0,1440,31.6 -8748,1,0,1830,42.3 -8750,1,0,1230,46.7 -8751,1,0,2230,41 -8752,1,0,1132,37.4 -8754,1,0,0310,30 -8754,2,0,0725,25 -8754,3,0,1245,26 -8755,1,0,1345,33.9 -8756,1,0,2100,33.4 -8756,2,0,2155,30.7 -8756,3,1,0445,30 -8757,1,0,0328,36.9 -8758,1,0,2032,35.5 -8759,1,0,0035,38.4 -8760,1,0,1400,33.1 -8760,2,0,1825,28.4 -8760,3,0,1930,22.5 -8762,1,0,1830,36.7 -8762,2,1,0505,37.5 -8762,3,0,1415,39.1 -8764,1,0,2020,36 -8764,2,1,0420,34 -8764,3,2,0420,31 -8765,1,0,1533,36.8 -8766,1,0,1354,37 -8766,2,0,1410,34.9 -8768,1,0,1015,36.9 -8768,2,1,0600,35.3 -8769,1,0,0230,40.7 -8769,2,0,0415,36.7 -8769,3,0,0640,39.7 -8770,1,1,0600,38.5 -8772,1,0,2359,32.4 -8774,1,0,2100,33 -8775,1,0,2224,37 -8776,1,0,2135,36 -8778,1,0,2008,37.8 -8779,1,0,1650,46.4 -8779,2,0,1855,44.3 -8779,3,0,2200,43.6 -8780,1,0,1750,37.9 -8780,2,1,0020,38.6 -8780,3,1,0600,39.7 -8782,1,0,1840,39 -8783,1,0,1318,35.1 -8783,2,0,1535,31.2 -8783,3,0,1740,33.8 -8784,1,0,1100,43 -8785,1,0,2236,41.9 -8786,1,0,1540,39.2 -8787,1,0,2120,37 -8788,1,0,2353,37.5 -8790,1,0,1653,33.3 -8790,2,1,0456,28.3 -8791,1,0,1900,47.3 -8792,1,0,1958,41.4 -8793,1,0,1810,35.7 -8794,1,0,2332,34.7 -8794,2,2,0600,32.9 -8794,3,3,0430,32.1 -8795,1,0,2125,45.1 -8796,1,0,2023,39 -8796,2,1,0015,27.4 -8796,3,1,0153,28.3 -8797,1,0,1119,43.5 -8798,1,0,1631,37.6 -8800,1,0,1720,31.8 -8801,1,0,2248,35.8 -8801,2,2,0400,25 -8802,1,0,0601,36.2 -8802,2,0,0731,33.9 -8802,3,0,0949,34.6 -8803,1,0,2056,32.7 -8805,1,0,1735,41.3 -8805,2,0,1840,39.3 -8805,3,0,2040,38.5 -8807,1,0,0203,33.9 -8808,1,0,1947,37 -8808,2,0,2125,36.2 -8808,3,0,2245,36.6 -8811,1,0,0320,33 -8811,2,0,0916,30 -8811,3,0,1342,28.1 -8812,1,0,1615,39.1 -8813,1,0,1748,38.9 -8814,1,0,1849,45.8 -8814,2,1,1245,40.4 -8815,1,0,2054,42.7 -8816,1,0,1455,12.8 -8817,1,0,1529,40.3 -8818,1,0,1537,28.4 -8818,2,0,1945,27.3 -8818,3,0,2300,25.8 -8819,1,0,0625,46 -8820,1,0,1332,37.4 -8820,2,1,2010,34.8 -8820,3,2,1039,33.9 -8821,1,0,2038,36 -8821,2,0,2035,33.5 -8821,3,1,0605,32.4 -8823,1,0,2156,41.7 -8824,1,0,1852,40 -8824,2,1,0630,38.3 -8825,1,0,1602,26.3 -8826,1,0,2057,34.6 -8827,1,0,1701,42.3 -8828,1,0,1941,34.8 -8829,1,0,1614,36.9 -8830,1,0,2112,36.5 -8831,1,0,2213,40.3 -8832,1,0,1031,33 -8834,1,0,2235,49.9 -8834,2,1,0540,45.9 -8834,3,2,0500,46.2 -8837,1,0,2100,34 -8838,1,0,1932,34.1 -8838,2,0,2200,33.6 -8838,3,1,0630,31.5 -8839,1,0,0705,40 -8839,2,0,0900,36.7 -8840,1,0,1738,44 -8840,2,0,1746,41.9 -8840,3,0,2150,38.2 -8841,1,0,1923,40 -8841,2,1,0548,35.5 -8844,1,0,1750,42.1 -8844,2,0,2000,39.3 -8844,3,0,2130,38.3 -8845,1,0,1937,36.6 -8846,1,0,2030,45 -8846,2,1,0830,37 -8846,3,1,1200,37 -8848,1,0,0839,41.8 -8848,2,0,1818,38.2 -8848,3,1,0430,37.1 -8849,1,0,2101,37.1 -8850,1,0,2042,38.6 -8851,1,0,2100,34.7 -8852,1,0,1902,45.4 -8853,1,0,1736,41 -8854,1,0,0110,39.9 -8854,2,0,0210,36.3 -8854,3,0,0410,35.9 -8856,1,0,1353,44.7 -8857,1,0,2000,30.4 -8858,1,0,1747,38.1 -8858,2,1,1255,35.3 -8858,3,2,0732,35.1 -8859,1,0,2232,35.5 -8862,1,0,1332,41.1 -8863,1,0,1730,42.1 -8863,2,0,1845,38.3 -8863,3,0,2135,40.5 -8864,1,0,2135,42.4 -8865,1,0,1611,37.2 -8866,1,0,1605,38.1 -8866,2,0,1720,37.8 -8866,3,0,1935,35.8 -8867,1,0,1745,38.5 -8867,2,1,0013,40.3 -8867,3,1,0555,37.8 -8868,1,1,0654,24.9 -8868,2,2,0840,33.3 -8868,3,0,1250,33.3 -8870,1,0,2209,39 -8872,1,0,2145,33.8 -8873,1,0,1825,41.4 -8874,1,1,0058,38.8 -8875,1,0,1615,42.9 -8875,2,0,1822,44.5 -8875,3,0,1920,41.4 -8877,1,0,1707,33.4 -8877,2,0,1815,32.6 -8877,3,0,2138,32.3 -8878,1,0,0114,40.4 -8878,2,0,1240,35.7 -8878,3,0,1745,37 -8880,1,0,1430,39.6 -8882,1,0,1857,35.6 -8882,2,1,0400,31.7 -8884,1,0,1316,36 -8884,2,0,1450,35 -8884,3,0,1710,32.1 -8885,1,0,1528,41.5 -8885,2,1,0736,40.6 -8886,1,0,1955,32.6 -8886,2,1,0639,32.4 -8887,1,0,1925,36 -8887,2,0,2040,34 -8887,3,0,2226,33.9 -8889,1,0,0244,32.8 -8889,2,1,1600,31.4 -8889,3,2,0600,27.5 -8890,1,1,0002,35.3 -8891,1,0,1550,34.8 -8891,2,0,1715,34.3 -8891,3,0,2245,33.5 -8893,1,0,1310,46 -8894,1,0,1447,35.6 -8895,1,0,1958,33.9 -8896,1,0,1554,32.8 -8897,1,0,1721,37.1 -8899,1,0,2007,35.5 -8901,1,0,2010,34.3 -8902,1,0,1346,41.1 -8904,1,0,1948,38 -8905,1,0,0724,32.4 -8905,2,1,0625,33 -8906,1,0,1943,41 -8908,1,0,1752,37.9 -8908,2,0,2137,35.3 -8908,3,1,0000,35.4 -8909,1,0,2030,32.2 -8910,1,0,0730,43.1 -8911,1,0,0215,36.7 -8912,1,0,2133,30 -8912,2,1,0554,29.6 -8913,1,0,1820,41.7 -8914,1,1,0015,42.9 -8915,1,0,1925,39 -8915,2,0,1930,40.5 -8916,1,0,1825,38.6 -8918,1,0,1930,38.9 -8918,2,0,2050,32.7 -8918,3,0,2205,38.6 -8919,1,0,2022,42.6 -8920,1,0,1825,39.8 -8920,2,1,0736,35.7 -8922,1,0,2139,21.9 -8922,2,1,0410,36.1 -8923,1,0,1800,36.5 -8923,2,0,1920,37.6 -8923,3,1,0400,35.7 -8926,1,0,1519,38.9 -8926,2,1,0700,31.8 -8927,1,0,2030,35.2 -8927,2,2,1404,33.6 -8929,1,0,0453,44.2 -8930,1,0,1720,36.7 -8930,2,1,0015,39.3 -8930,3,1,0558,38.7 -8932,1,0,2338,29 -8932,2,0,2340,27 -8932,3,1,0657,24 -8934,1,0,2325,37.1 -8936,1,0,1523,42.4 -8938,1,0,1510,36.8 -8938,2,0,1657,36 -8938,3,0,1917,37.7 -8940,2,1,1055,28.7 -8940,3,2,0452,28.6 -8941,1,0,1616,37.9 -8942,1,0,1841,31.5 -8942,2,1,0450,27.6 -8942,3,2,0350,26.8 -8944,1,0,0350,35.4 -8944,2,0,0500,34 -8944,3,0,0630,33.4 -8945,1,0,1529,45.7 -8946,1,0,1942,36.3 -8948,1,0,1520,37.8 -8949,1,0,1800,33.6 -8949,2,0,1900,30.9 -8949,3,0,2120,32.6 -8951,1,0,1915,33 -8953,1,0,1625,38.3 -8954,1,0,1641,39.6 -8955,1,0,1700,37.9 -8956,1,0,1728,29.8 -8956,2,1,0020,27.1 -8957,1,0,1619,37.7 -8957,2,2,0420,32.1 -8958,1,0,1738,43.2 -8961,1,0,1315,42.6 -8961,2,0,1420,42.9 -8961,3,0,1650,39 -8962,1,0,1718,28 -8963,1,0,1000,34.5 -8964,1,0,0037,41.3 -8964,2,0,1630,37.5 -8964,3,1,0300,36.1 -8965,1,0,2105,40.7 -8967,1,0,2158,37.8 -8968,1,1,0110,34.2 -8970,1,0,1827,39.5 -8971,1,0,1324,33.7 -8972,1,0,2002,33 -8972,2,1,0605,34.7 -8973,1,0,1930,38.9 -8974,1,0,1819,29.3 -8974,2,0,2111,24.1 -8974,3,0,2206,18.4 -8975,1,0,0903,40.7 -8976,1,0,1620,39.1 -8976,2,0,1954,35.1 -8976,3,0,2357,34.5 -8977,1,0,0354,43.3 -8977,2,0,1940,32.6 -8977,3,1,0515,34.5 -8981,1,0,1406,42 -8981,2,0,1755,36 -8981,3,1,0610,36 -8982,1,0,1205,36.8 -8983,1,0,2032,36 -8984,1,0,1750,38.4 -8986,1,0,2201,34.5 -8987,1,0,1820,49 -8988,1,0,1750,38 -8989,1,0,1511,40 -8989,2,1,0726,39 -8990,1,0,1935,32.1 -8991,1,0,1246,37.5 -8992,1,0,2033,34.8 -8993,1,0,1130,40.3 -8995,1,0,2120,47.7 -8996,1,0,1720,31.1 -8996,2,1,0840,27.5 -8996,3,1,2158,26.6 -8997,1,0,1620,40.1 -8997,2,0,1800,38.7 -8999,1,0,1806,35.7 -9000,1,0,1454,42.1 -9000,2,1,0339,37.8 -9000,3,1,1527,41.2 -9002,1,0,1755,37.7 -9002,2,1,0515,38.3 -9004,1,0,1748,43 -9004,2,0,1750,42 -9004,3,0,2315,34.9 -9005,1,0,1240,40.5 -9006,1,0,1250,28.6 -9006,2,0,1610,23.8 -9006,3,0,2156,42.7 -9009,1,0,0439,36.6 -9010,1,0,1826,40.9 -9011,1,0,1430,36.5 -9011,2,0,1545,35.7 -9012,1,0,1728,34.5 -9012,2,1,0551,32 -9013,1,0,2315,39 -9014,1,0,2048,36 -9014,2,0,2145,37 -9014,3,1,0315,37 -9015,1,0,1025,36.6 -9016,1,0,1637,39.5 -9018,1,0,1202,39 -9018,2,0,1815,34.2 -9018,3,1,0000,34.1 -9019,1,0,0806,47.6 -9020,1,0,1843,41 -9020,2,1,0520,37.1 -9021,1,0,0206,36.3 -9022,1,0,1604,52 -9022,2,1,0730,45.1 -9023,1,0,1525,40.2 -9024,1,0,1952,38.1 -9024,2,0,2046,37.1 -9024,3,0,2222,37.4 -9025,1,0,0205,43.2 -9026,1,0,1959,37 -9026,2,0,2306,36.3 -9026,3,1,0547,23.2 -9028,1,0,2209,26 -9028,2,1,0017,38 -9030,1,0,1620,35.9 -9032,1,0,1432,39.4 -9033,1,1,0555,34.4 -9034,1,0,1340,38.1 -9035,1,0,1427,36 -9036,1,0,2224,41.9 -9037,1,0,1520,36.7 -9037,2,1,0755,23.9 -9037,3,2,0820,22.4 -9038,1,0,1017,42 -9038,2,1,0620,34 -9039,1,0,1436,33.5 -9040,1,0,1250,35.3 -9040,2,0,2205,33.5 -9040,3,1,2220,35.2 -9042,1,0,0832,38.5 -9043,1,0,1411,34.1 -9045,1,0,1947,43.3 -9046,1,0,2345,36 -9047,1,0,0056,33.2 -9048,1,0,1320,40.3 -9049,1,0,1750,34.1 -9049,2,0,1915,34.2 -9049,3,0,2115,33.2 -9050,1,0,1134,35 -9051,1,0,2051,42.2 -9052,1,0,1734,38.9 -9052,2,1,0334,34.5 -9052,3,2,0231,33.6 -9053,1,0,1729,38.1 -9054,1,0,1519,38.1 -9056,1,0,2203,37.9 -9057,1,0,1950,34.5 -9057,2,1,0659,32.7 -9057,3,1,1530,34.2 -9059,1,1,0058,36.4 -9061,1,0,1403,42.5 -9062,1,0,1004,33.3 -9064,1,0,0932,37 -9064,2,1,0940,37.4 -9065,1,0,1500,33 -9066,1,0,1840,38.9 -9066,2,0,2002,37 -9069,1,0,1611,43.3 -9070,1,0,2000,34.2 -9072,1,0,1215,41.7 -9072,2,0,1449,39.1 -9072,3,0,1636,30.9 -9073,1,0,2219,30.4 -9073,2,0,2354,34.3 -9073,3,1,0550,32.9 -9074,1,0,2256,39.4 -9074,2,1,0259,33.8 -9074,3,1,1000,35.4 -9076,1,0,2303,32.9 -9076,2,2,0708,28.2 -9077,1,0,2250,41.3 -9078,1,0,0200,34.9 -9078,2,0,0915,33 -9080,1,0,1816,39 -9080,2,1,0402,32 -9080,3,2,0400,33 -9081,1,0,1759,40 -9082,1,0,2145,36.7 -9082,2,1,0310,34.1 -9083,1,0,1649,32 -9083,2,0,1652,30.9 -9083,3,0,1910,29 -9085,1,0,1547,43.6 -9085,2,1,0531,38.8 -9086,1,0,1145,35.9 -9087,1,0,1355,19.5 -9087,2,0,1720,27.9 -9087,3,0,1820,23.9 -9088,1,0,1403,40 -9089,1,0,1811,33.7 -9090,1,0,1816,34.3 -9092,1,1,0605,28.6 -9092,2,0,1829,37 -9093,1,0,2319,40.1 -9095,1,0,2043,37.5 -9096,1,0,1454,42.8 -9096,2,2,1530,34.7 -9097,1,0,1619,38.9 -9098,1,0,1125,41.4 -9099,1,0,1319,33.7 -9100,1,0,2202,33.9 -9100,2,1,0720,30.3 -9101,1,0,1915,40 -9101,2,1,0059,33.8 -9101,3,1,0655,35.6 -9102,1,0,2215,39.4 -9103,1,0,2345,35.6 -9104,1,0,2011,42.8 -9107,1,0,2006,36.4 -9108,1,0,1631,38.4 -9109,1,0,2209,29.5 -9110,1,0,2030,49.1 -9111,1,0,1625,37.8 -9112,1,0,1750,43.9 -9112,2,0,1940,40.8 -9112,3,0,2105,42 -9114,1,0,0010,40 -9116,1,1,0530,27.7 -9116,2,1,0905,31 -9116,3,1,1531,32 -9117,1,0,2200,38.2 -9117,2,0,2300,34 -9117,3,0,2355,35.4 -9118,1,0,1946,37 -9118,2,0,2040,37.3 -9118,3,0,2235,38.1 -9121,1,0,1950,31.5 -9122,1,0,2035,38.7 -9124,1,0,1851,36 -9124,2,1,1508,25 -9124,3,1,1616,24 -9126,1,1,0037,33.5 -9129,1,0,1613,47 -9130,1,0,1605,39 -9132,1,0,1446,33 -9132,2,0,1531,17 -9132,3,0,1539,23 -9133,1,0,2347,39.9 -9133,2,1,0654,41 -9133,3,1,1309,38.9 -9134,1,0,1639,35.8 -9134,2,1,0631,34.5 -9135,1,0,2111,34.2 -9136,1,0,1545,51.9 -9136,2,0,1650,50.7 -9136,3,0,1745,51.5 -9138,1,0,1020,34 -9138,2,1,0525,27 -9139,1,1,0017,26 -9139,2,1,0115,28 -9139,3,1,0116,25 -9141,1,0,1131,30.5 -9142,1,0,2141,35.6 -9143,1,0,2020,36.2 -9143,2,1,0100,33.1 -9143,3,1,0600,31.1 -9145,1,0,1820,43.2 -9146,1,0,0226,37.6 -9146,2,1,0607,34 -9147,1,0,1909,39.4 -9147,2,0,1951,35.7 -9147,3,0,2210,33.8 -9148,1,0,0437,40 -9149,1,0,1440,45.8 -9150,1,0,1940,52 -9151,1,0,2000,37.9 -9151,2,1,0855,35.6 -9152,1,0,0425,42.7 -9153,1,0,1340,34.1 -9154,1,0,2310,34.3 -9154,2,1,0130,33.5 -9154,3,1,0430,32.5 -9155,1,0,0729,40.3 -9156,1,0,1500,34.4 -9156,2,0,1638,34.1 -9156,3,0,1925,33 -9157,1,0,1740,30.8 -9158,1,0,1045,38.6 -9158,2,0,1325,38.3 -9159,1,1,0540,35.8 -9160,1,0,1816,44.9 -9160,2,0,1925,37 -9160,3,1,0200,32.5 -9161,1,0,1240,40.9 -9161,2,1,0940,38.3 -9162,1,0,2035,39 -9165,1,0,2313,34.7 -9166,1,0,2040,37.1 -9166,2,1,1023,39.3 -9168,1,0,1725,37.2 -9168,2,3,0350,27.6 -9168,3,6,1025,30.5 -9170,1,0,0400,31 -9171,1,0,2113,37.1 -9173,1,0,0914,28.2 -9173,2,0,1104,21.3 -9173,3,0,1248,22.1 -9174,1,0,2157,32 -9175,1,0,1612,36 -9177,1,0,1650,36.8 -9178,1,0,1925,33 -9178,2,1,0535,28 -9178,3,1,0640,28 -9179,1,0,1045,37 -9179,2,0,1410,33.4 -9179,3,0,2302,32.2 -9181,1,0,2245,33.5 -9182,1,0,1521,39.3 -9183,1,0,2054,34 -9183,2,1,0650,27.3 -9183,3,1,1802,28 -9184,1,0,1740,39.1 -9185,1,0,2250,37.1 -9186,1,0,2028,33.1 -9186,2,0,2359,35.7 -9187,1,0,1608,33 -9187,2,0,2057,31.9 -9187,3,1,0250,28.9 -9188,1,0,1716,35.5 -9189,1,0,1659,38 -9191,1,0,2019,41 -9191,2,0,2026,39.5 -9191,3,1,0605,36.9 -9192,1,0,1813,41.8 -9193,1,0,1450,42.2 -9193,2,0,1601,39.6 -9193,3,0,1940,42.8 -9194,1,0,1815,43 -9195,1,0,1828,35.5 -9195,2,1,0700,34.6 -9196,1,0,1944,35.4 -9196,2,2,0400,32.4 -9197,1,0,1005,36.8 -9197,2,1,0600,35.7 -9198,1,0,2250,30.4 -9198,2,2,1750,30.1 -9198,3,3,0619,29.4 -9199,1,0,1906,37.3 -9201,1,0,0140,37.5 -9202,1,0,2115,38.8 -9203,1,0,1606,33 -9203,2,0,2126,32.7 -9203,3,1,0400,28.6 -9204,1,0,2046,38.9 -9206,1,0,1817,36.3 -9206,2,0,1928,34.3 -9206,3,0,2130,34.8 -9207,1,0,1540,33.1 -9208,1,0,2315,36.6 -9210,1,0,1812,33.9 -9210,2,0,2120,29.7 -9210,3,1,0818,29.1 -9211,1,0,1908,41.4 -9213,1,0,1845,36.3 -9214,1,0,1921,36.3 -9214,2,0,2042,33.9 -9215,1,0,0128,39 -9215,2,0,0617,31.3 -9215,3,0,0939,25.5 -9216,1,0,1809,31.3 -9216,2,3,1135,31.8 -9217,1,0,2000,35.6 -9217,2,2,0500,30.6 -9218,1,0,1047,42.6 -9218,2,0,2042,43 -9218,3,1,0810,41.4 -9219,1,0,2020,31.9 -9219,2,2,0725,27 -9220,1,0,0050,38.9 -9220,2,0,0750,37.8 -9221,1,0,2145,36.4 -9221,2,1,1200,32.9 -9221,3,1,0100,34.7 -9222,1,0,1341,36.8 -9222,2,1,0109,36.2 -9224,1,0,0750,35.2 -9224,2,0,1020,33.4 -9224,3,0,1145,33.2 -9225,1,0,1440,35 -9225,2,0,1600,33.3 -9225,3,0,1735,33.2 -9226,1,0,1105,39 -9227,1,0,1915,34.8 -9227,2,1,0150,34.4 -9227,3,1,0800,31.2 -9229,1,0,1135,45 -9230,1,0,1945,32 -9230,2,1,0715,27.2 -9231,1,0,2331,39 -9231,2,1,0805,37.6 -9231,3,2,0635,32.7 -9232,1,0,2212,36.2 -9233,1,0,1151,34.5 -9233,2,0,2014,35 -9233,3,1,0822,33.1 -9234,1,0,1641,32 -9234,2,0,1955,43.1 -9234,3,1,0700,45 -9235,1,0,1941,41.3 -9236,1,0,1536,30 -9236,2,0,1608,27.2 -9236,3,0,1740,24 -9237,1,0,1142,36.5 -9237,2,0,2115,31.7 -9237,3,1,0850,34.3 -9238,1,0,1734,37.1 -9239,1,0,1800,35.2 -9239,2,0,1900,35.4 -9239,3,0,2145,33.7 -9240,1,0,2007,36 -9242,1,0,1643,43.9 -9243,1,0,2225,38.3 -9244,1,0,1833,45 -9245,1,0,0547,37.9 -9245,2,0,1100,39.8 -9245,3,0,1549,37.2 -9246,1,0,2039,45.9 -9247,1,0,2352,42.9 -9247,2,2,0535,38 -9248,1,0,0937,42.2 -9249,1,0,2001,36.3 -9249,2,1,0611,32.5 -9250,1,0,2220,39.6 -9251,1,0,1615,38.5 -9255,1,0,2012,37.3 -9256,1,0,1652,34.4 -9256,2,1,0449,33.7 -9257,1,0,1814,48.2 -9258,1,0,1356,50.1 -9260,1,0,1705,36.9 -9261,1,0,1817,35.7 -9261,2,0,2306,36.7 -9261,3,1,0600,35.4 -9262,1,0,1505,31.7 -9264,1,0,1719,40.9 -9265,1,0,1650,35.4 -9266,1,0,1055,35 -9266,2,1,0541,32 -9268,1,0,1802,38.6 -9269,1,0,1839,33.3 -9270,1,0,1500,40 -9271,1,0,1600,35.7 -9272,1,0,1557,35 -9273,1,0,1855,37.2 -9276,1,0,0958,42.7 -9277,1,0,1655,42.4 -9277,2,0,1750,41 -9277,3,0,2040,38.4 -9279,1,0,1916,37.1 -9280,1,0,2245,39.6 -9280,2,1,0015,35.5 -9280,3,1,0140,35.7 -9282,1,0,0912,38.4 -9282,2,1,0626,33.8 -9282,3,1,0924,32.9 -9283,1,0,2247,38 -9284,1,0,2125,37.4 -9285,1,0,1605,30 -9285,2,0,1644,34 -9285,3,0,1820,33.4 -9286,1,0,1011,37.5 -9288,1,0,1830,42.2 -9290,1,0,1335,36.8 -9291,1,0,1959,33.7 -9292,1,0,2248,40.7 -9292,2,1,0415,35.2 -9293,1,0,1731,27.3 -9293,2,2,0600,22.3 -9293,3,4,0715,16.2 -9294,1,0,1450,41.4 -9294,2,0,1620,34.7 -9294,3,0,1735,33.5 -9295,1,0,0442,35.5 -9295,2,0,1123,33 -9295,3,0,1836,35.6 -9296,1,0,1747,31.4 -9298,1,1,0554,31.5 -9298,2,2,0544,28.4 -9298,3,0,0941,35.6 -9299,1,0,1632,39.6 -9300,1,0,1225,32 -9300,2,0,1800,29.8 -9300,3,0,2302,28 -9301,1,0,1942,35.6 -9302,1,0,2145,41.1 -9303,1,1,0111,39.2 -9305,1,0,1813,39.1 -9306,1,0,1854,36.7 -9306,2,1,1829,37.4 -9307,1,1,0034,37 -9307,2,1,0231,36 -9308,1,0,2012,34.5 -9309,1,0,2153,38.2 -9310,1,0,0850,34.5 -9310,2,0,1010,33.6 -9310,3,0,1335,32.5 -9311,1,0,2145,42.9 -9312,1,0,1922,38.5 -9313,1,0,2130,49.3 -9314,1,0,1650,33.6 -9314,2,0,1835,34.1 -9314,3,0,2336,32.6 -9315,2,0,2128,30.8 -9315,3,1,0845,29 -9315,4,1,1900,21.8 -9316,1,0,1915,42 -9316,2,0,2035,42.3 -9318,1,0,1645,32.2 -9319,1,0,2227,30.6 -9319,2,1,0220,26.6 -9319,3,1,0850,29.1 -9320,1,0,1355,39.3 -9321,1,0,2036,32.3 -9322,1,0,1704,39 -9322,2,1,0515,35.3 -9322,3,1,1800,33.3 -9323,1,0,1616,34.1 -9323,2,0,2235,34.2 -9323,3,1,0606,32.8 -9328,1,0,0551,43 -9329,1,0,1125,37.7 -9331,1,0,2343,34.1 -9332,1,0,2253,36.8 -9333,1,0,2352,35.1 -9335,1,0,2120,36.3 -9336,1,0,2052,35 -9337,1,0,1845,29.6 -9337,2,2,0810,27.7 -9337,3,3,0200,26.3 -9338,1,0,1250,38 -9340,1,0,2010,41.8 -9342,1,0,1942,31.2 -9343,1,0,2105,35.5 -9343,2,1,0800,32.3 -9343,3,1,1429,30 -9343,4,1,1525,24 -9344,1,1,0250,33.6 -9345,1,0,1201,37.4 -9346,1,0,2345,35.7 -9347,1,0,1740,29.5 -9347,2,0,1844,26 -9347,3,0,2052,25.4 -9349,1,0,1944,42.4 -9350,1,0,1350,36.6 -9350,2,0,1445,34.5 -9350,3,0,1648,36.5 -9351,1,0,1820,36.6 -9351,2,0,1945,34.4 -9352,1,0,1525,35.9 -9352,2,0,1700,25.6 -9352,3,0,1955,39 -9353,1,0,1740,36.6 -9354,1,0,1500,34.5 -9355,1,0,2334,30.7 -9355,2,1,0426,30.4 -9355,3,1,0719,30 -9357,1,0,1600,36.1 -9358,1,0,2140,41.5 -9359,1,0,1930,47.3 -9359,2,1,0734,41 -9360,1,0,2110,37.9 -9360,2,0,2126,39 -9361,1,0,1526,35.3 -9362,1,0,1643,38.2 -9362,2,1,0602,36.1 -9364,1,0,2340,31 -9365,1,0,1421,38.1 -9365,2,1,0105,32.9 -9365,3,2,0600,32.6 -9366,1,0,0105,36 -9369,1,0,0020,38 -9369,2,0,0805,32 -9369,3,1,0715,35 -9370,1,0,1950,38 -9370,2,0,2300,38.9 -9372,1,0,1135,33 -9372,2,1,0450,32.7 -9374,1,1,0215,37.5 -9374,2,1,1350,40 -9375,1,0,1016,43.1 -9376,1,0,1923,31.7 -9376,2,1,0630,28.8 -9377,1,0,1320,34 -9378,1,0,1904,44.9 -9378,2,0,2240,37.1 -9378,3,1,0153,39.1 -9379,1,0,1811,36 -9380,1,0,1753,36 -9380,2,2,1715,21.1 -9380,3,3,0545,21.3 -9382,1,0,1400,36 -9382,2,0,1455,38.1 -9382,3,0,1830,36.9 -9384,1,0,1731,46.1 -9386,1,0,1356,43 -9386,2,1,0005,37 -9390,1,0,1130,32.5 -9392,1,0,2045,37 -9392,2,0,2054,37 -9393,1,0,2141,43 -9393,2,1,0400,37.9 -9393,3,1,0813,37 -9396,1,0,1510,35.5 -9396,2,0,1605,36.2 -9396,3,0,1815,37.8 -9397,1,0,1910,42.5 -9398,1,0,1515,32.9 -9398,2,0,1625,33.2 -9398,3,0,1840,33.7 -9400,1,0,0025,36.1 -9401,1,0,1816,39.6 -9401,2,1,0614,37.5 -9401,3,2,0500,37.6 -9402,1,0,2020,35.5 -9402,2,1,0300,35.6 -9403,1,0,1753,35.2 -9404,1,0,1529,44.8 -9405,1,0,1429,36.6 -9406,1,0,2035,36.6 -9406,2,1,0200,37.9 -9407,1,0,2048,34.3 -9408,1,0,0824,39.4 -9409,1,1,0413,39.4 -9411,1,0,1925,42 -9411,2,1,2012,37.4 -9412,1,0,1657,37.2 -9413,1,0,1835,41.7 -9415,1,0,2300,43.9 -9415,2,1,0230,41.7 -9415,3,1,1043,35.7 -9416,1,0,1540,39.2 -9416,2,0,2110,34.4 -9416,3,1,0144,34.6 -9417,1,0,1234,40.8 -9417,2,1,0600,37 -9418,1,0,1755,36.9 -9418,2,0,1856,36.6 -9418,3,0,2052,36 -9420,1,0,0457,37.9 -9420,2,0,1100,33.9 -9420,3,0,2230,32.6 -9423,1,0,1747,34.7 -9426,1,0,0500,33.5 -9429,1,0,1458,11.3 -9432,1,0,0923,19.4 -9432,2,0,1140,23.2 -9432,3,0,1236,27.6 -9433,1,0,1222,40.6 -9433,2,0,1631,39.2 -9433,3,0,1717,39 -9434,1,0,1204,37.6 -9435,1,0,1659,34.1 -9436,1,0,1525,34.4 -9437,1,0,2245,45.6 -9437,2,1,0128,38.4 -9437,3,1,0800,37.4 -9438,1,0,1913,34.4 -9438,2,1,0610,30.2 -9439,1,0,1428,38.2 -9440,1,0,2024,41.1 -9440,2,1,1028,36.5 -9440,3,2,0410,34.6 -9441,1,0,2340,35.4 -9443,1,0,1825,39 -9443,2,1,0415,34 -9443,3,2,0016,38 -9444,1,0,1944,33.1 -9444,2,1,0930,27.9 -9444,3,1,1530,27.2 -9445,1,0,1853,36 -9447,1,0,1750,34.5 -9449,1,0,1630,36.4 -9451,1,0,1623,39.8 -9452,1,0,1712,42.5 -9453,1,0,2213,35.9 -9454,1,0,0210,37.7 -9456,1,0,1335,32.1 -9457,1,0,2055,32.4 -9458,1,0,1607,37 -9459,1,1,0151,39 -9460,1,0,1942,34.8 -9462,1,0,1815,33.6 -9463,1,0,2332,37.4 -9464,1,0,1750,36.4 -9465,1,0,0020,42 -9466,1,0,1250,36.6 -9469,1,0,1556,40.7 -9469,2,1,0330,39.6 -9469,3,1,1630,40.2 -9470,1,0,1615,41.8 -9471,1,0,1815,40.9 -9473,1,0,2055,34.6 -9475,1,0,1906,33.3 -9476,1,0,0408,35 -9476,2,0,0820,34.7 -9477,1,0,2327,38 -9478,1,0,1601,35.1 -9479,1,0,1926,35.1 -9480,1,0,1700,34.2 -9481,1,0,1827,35.5 -9481,2,0,2011,36.7 -9481,3,1,0024,32.2 -9482,1,0,1745,38 -9484,1,0,1955,42.5 -9484,2,0,2037,43.5 -9485,1,2,0510,37.1 -9485,2,1,0627,36.5 -9486,1,0,1820,36.8 -9486,2,1,1628,38 -9487,1,0,2145,39.5 -9487,2,1,0450,38.5 -9487,3,1,1700,37.8 -9488,1,0,2140,44 -9490,1,0,1656,39 -9491,1,0,1808,41.9 -9492,1,0,1158,38.8 -9493,1,0,2207,40.1 -9494,1,0,2053,33 -9494,2,1,0040,19 -9494,3,1,2035,39.9 -9495,1,0,1647,42.6 -9497,1,0,1644,23 -9497,2,1,0355,23 -9497,3,1,0807,21 -9498,1,0,1750,34.2 -9502,1,0,0916,39.3 -9503,1,0,2249,40.6 -9504,1,0,1805,35.3 -9504,2,0,1918,34.7 -9504,3,0,2108,31.1 -9505,1,0,2110,35 -9506,1,0,0408,35.4 -9506,2,0,0655,26.4 -9506,3,3,0630,28.2 -9507,1,0,1250,39 -9508,1,0,1010,41.1 -9510,1,0,1900,39 -9511,1,0,1853,42.8 -9512,1,0,2248,37 -9512,2,1,0520,38.9 -9514,1,0,1457,37.1 -9514,2,0,1602,34.8 -9514,3,1,1250,35.5 -9515,1,1,1033,38.6 -9516,1,0,1721,49 -9517,1,0,0316,44.2 -9518,1,0,2130,37 -9518,2,0,2315,37.1 -9519,1,0,0648,45.2 -9519,2,0,0934,43.6 -9521,1,0,2200,32.7 -9521,2,0,2302,25.4 -9521,3,1,0015,30.3 -9522,1,0,2015,33.4 -9523,1,0,0233,42.2 -9523,2,0,1304,38.8 -9524,1,0,1638,41 -9525,1,0,1402,37.1 -9526,1,0,1929,38.6 -9527,1,0,1733,35.5 -9529,1,0,1947,32.1 -9530,1,0,1445,30.5 -9530,2,0,1655,35.8 -9530,3,0,1750,35.5 -9531,1,0,1735,39.5 -9532,1,0,2121,37.9 -9533,1,0,1421,40 -9534,1,0,1537,37.5 -9534,2,6,2040,32.3 -9535,1,0,0944,34.9 -9536,1,0,1637,38.1 -9537,1,0,1900,35.8 -9538,1,0,2230,32.8 -9539,1,0,2133,39.1 -9540,1,0,1846,34.5 -9540,2,1,1401,32.8 -9541,1,0,1726,38.2 -9542,1,0,1634,36.6 -9542,2,0,2303,36.7 -9542,3,1,0720,36.1 -9546,1,0,0827,50.4 -9547,1,0,1339,37.2 -9548,1,0,1640,33.4 -9548,2,0,1750,31.3 -9548,3,0,2150,34.1 -9550,1,0,1501,35.9 -9551,1,0,1315,37.9 -9552,1,2,0609,38.1 -9552,2,1,0545,36.8 -9552,3,0,1842,39 -9558,1,0,2231,36.9 -9558,2,0,2335,36.5 -9558,3,1,0115,34.9 -9559,1,0,1015,39.8 -9560,1,0,1827,39 -9561,1,0,1023,21.5 -9562,1,0,1600,43.8 -9563,1,0,1505,38.7 -9564,1,0,1637,44 -9566,1,0,1152,32.6 -9567,1,0,1655,36.2 -9568,1,0,1932,38 -9570,1,0,2157,31.3 -9571,1,0,1600,38.9 -9571,2,0,1820,37.7 -9571,3,0,2010,34.8 -9572,1,0,2049,41.6 -9573,1,0,1522,34.1 -9574,1,0,1209,37.4 -9575,1,0,1321,45.1 -9575,2,0,1610,33.6 -9575,3,0,1736,32.5 -9576,1,0,2142,35.3 -9576,2,1,0705,33.1 -9577,1,0,1259,39.2 -9579,1,0,1942,37.7 -9581,1,0,1912,40 -9581,2,1,1127,39.7 -9583,1,0,1921,36.5 -9584,1,1,0115,36.6 -9584,2,1,0250,34.5 -9586,1,0,1732,35.6 -9586,2,1,0646,37.2 -9588,1,0,1631,36 -9589,1,0,2101,40.3 -9590,1,0,1320,33.5 -9591,1,0,1945,30.4 -9591,2,0,2040,34 -9591,3,1,0405,27.2 -9592,1,0,0900,33.6 -9592,2,0,0945,29.6 -9592,3,0,1313,29.1 -9593,1,0,2330,34 -9593,2,1,0045,33 -9593,3,2,0340,30.9 -9595,1,0,2154,34.8 -9595,2,1,1020,31.7 -9596,1,0,1836,37.1 -9597,1,0,2145,40 -9598,1,0,1941,34 -9599,1,0,1355,42.2 -9599,2,0,2002,40.2 -9599,3,1,0647,39.3 -9601,1,0,1721,38.9 -9601,2,2,0723,35.3 -9602,1,0,2017,39.6 -9603,1,0,2047,38.3 -9604,1,0,1306,35.4 -9605,1,0,2054,32 -9605,2,0,2110,27 -9605,3,0,2220,39 -9609,1,0,1555,38.6 -9609,2,0,1700,37.3 -9609,3,0,1925,38.7 -9611,1,0,2301,41.9 -9612,1,0,1705,35 -9613,1,0,1223,38.4 -9615,1,0,2130,24 -9615,2,0,2226,27 -9615,3,0,2245,36.7 -9618,1,0,1845,33.1 -9620,1,0,1621,35.9 -9622,1,0,0447,41.3 -9622,2,0,0545,40.3 -9622,3,0,0826,40.2 -9623,1,0,1946,40.6 -9623,2,1,0952,34.4 -9623,3,2,0821,35.3 -9624,1,0,1742,40.5 -9626,1,0,2138,42.5 -9627,1,0,1729,26 -9627,2,0,2002,21 -9627,3,0,2109,24 -9628,1,0,1646,33.9 -9630,1,0,1910,37.7 -9630,2,1,0938,37.6 -9631,1,1,0530,42.2 -9631,2,1,1015,41.1 -9632,1,0,2027,35.1 -9632,2,1,1142,28.4 -9633,1,0,1740,39.6 -9633,2,0,1840,39.9 -9633,3,0,2010,37.9 -9634,1,0,1830,34.5 -9636,1,0,2225,40.3 -9636,2,1,0020,36.9 -9636,3,1,0135,37.3 -9637,1,0,2150,38 -9638,1,0,2214,32.6 -9641,1,0,1408,37.1 -9642,1,1,0708,36 -9642,2,0,1716,36 -9642,3,0,1716,34.7 -9643,1,0,2022,37.2 -9644,1,0,2210,40.9 -9645,1,0,1819,36.8 -9647,1,0,2050,41.5 -9648,1,0,1718,32.5 -9649,1,0,2216,25 -9651,1,0,2039,47 -9651,2,1,0635,40.5 -9652,1,0,2249,41.8 -9653,1,0,0900,40.6 -9654,1,0,1140,32.6 -9655,1,0,1154,41.9 -9656,1,0,1803,43 -9656,2,1,0615,41.3 -9657,1,0,2044,36.2 -9658,1,0,2215,35.2 -9659,1,0,1850,45 -9660,1,0,2116,35.7 -9661,1,0,0052,45.6 -9663,1,0,0954,35 -9664,1,0,2008,38.9 -9664,2,0,2350,28.9 -9664,3,1,0149,24.5 -9665,1,0,2350,36.3 -9666,1,0,2243,34 -9666,2,1,0420,28.9 -9666,3,1,0835,27.5 -9667,1,0,1942,41.4 -9668,1,0,1436,42.1 -9669,1,0,1035,33.4 -9669,2,0,1913,24.7 -9669,3,1,0500,30.5 -9671,1,0,1854,39.1 -9671,2,1,0628,36.3 -9672,1,0,0031,33.7 -9673,1,0,1640,36.3 -9673,2,0,1745,35.5 -9673,3,1,0300,31.5 -9674,1,0,1510,34.9 -9675,1,0,2208,34.6 -9675,2,0,1345,39.2 -9675,3,1,0605,33.5 -9676,1,0,1116,39 -9677,1,0,2313,37.3 -9677,2,1,0203,36.9 -9677,3,2,0400,31.3 -9678,1,0,1420,34 -9678,2,0,1530,35.3 -9678,3,0,1715,34.9 -9679,1,0,2237,40 -9679,2,0,2243,38.3 -9680,1,0,0015,39 -9681,1,0,0808,46.2 -9681,2,0,0954,44.2 -9681,3,0,1104,43.6 -9682,1,0,2303,40 -9682,2,1,0545,34.3 -9682,3,1,1940,31 -9683,1,0,1950,35 -9685,1,0,1825,36.7 -9686,1,0,1147,34 -9686,2,0,1145,32.4 -9686,3,1,0600,29.7 -9689,1,0,2045,38.6 -9690,1,1,0008,40 -9691,1,0,1625,38.7 -9692,1,0,1925,37.1 -9692,2,4,1510,26.1 -9694,1,0,1619,41 -9696,1,0,1408,46 -9697,1,0,1632,35.8 -9698,1,0,1743,45 -9699,1,0,1238,37.4 -9699,2,0,1327,38.7 -9699,3,0,1525,38.6 -9700,1,0,1905,42 -9701,1,0,2200,46.4 -9701,2,1,0310,41.7 -9701,3,1,1825,40.6 -9703,1,1,0128,38.5 -9703,2,1,0544,39.5 -9703,3,2,0400,36.5 -9704,1,0,1851,13.4 -9705,2,1,0600,32.7 -9705,3,0,2157,38 -9706,1,0,1700,43 -9706,2,1,0710,44.3 -9707,1,0,1625,37.6 -9709,1,0,1931,35.5 -9710,1,0,2130,38.7 -9710,2,1,0345,37.2 -9711,1,0,1726,42.8 -9711,2,0,1957,40.2 -9711,3,1,0230,39.1 -9712,1,0,2037,34.8 -9713,1,0,1625,41.2 -9713,2,0,2128,38 -9714,1,0,1745,34.4 -9714,2,0,1749,35 -9714,3,1,0230,31.6 -9715,1,0,1448,39.4 -9716,1,0,1730,41.4 -9717,1,0,0050,36.4 -9718,1,0,1907,35.2 -9718,2,1,0323,31.6 -9718,3,1,0945,32.1 -9722,1,0,1437,41.7 -9723,1,0,1633,32.4 -9723,2,1,0600,28.1 -9723,3,2,0400,27.8 -9726,1,0,1705,39.9 -9726,2,1,0622,35.2 -9726,3,1,1932,37.5 -9729,1,0,2224,33.1 -9730,1,0,1257,34.9 -9730,2,0,1843,25.6 -9730,3,1,0048,24 -9731,1,0,1930,34.2 -9731,2,3,1433,26.4 -9732,1,0,1255,43.1 -9733,1,0,2015,37.2 -9734,1,0,1540,36.3 -9734,2,0,1650,32.4 -9734,3,0,1845,33.5 -9735,1,0,2033,43.5 -9736,1,0,1818,34.1 -9737,1,0,1627,35.6 -9739,1,0,2156,49.4 -9741,1,0,0110,41.1 -9741,2,0,0243,33.4 -9741,3,0,0636,30.6 -9742,1,0,1516,37.3 -9742,2,0,1732,35.7 -9742,3,0,2300,34.8 -9743,1,0,2110,34.8 -9743,2,0,1906,40 -9743,3,1,0005,30 -9744,1,1,0259,37.1 -9750,1,0,0937,42.9 -9751,1,0,2204,36.6 -9751,2,1,0005,36.2 -9751,3,1,0455,34.2 -9752,1,0,1206,49.4 -9755,1,0,1756,41 -9756,1,0,1343,41.1 -9758,1,0,1717,34.4 -9758,2,0,2036,34 -9759,1,0,0800,35.3 -9760,1,0,0922,41.2 -9763,1,0,1918,34.8 -9765,1,0,1810,38 -9765,2,1,0355,32.9 -9765,3,2,0330,31 -9766,1,0,2119,38.2 -9768,1,0,1350,35 -9768,2,0,1520,35 -9769,1,1,0510,33 -9769,2,0,1413,43 -9770,1,0,1740,33.7 -9770,2,1,1402,31.3 -9771,1,0,2144,35.8 -9771,2,1,1638,25.4 -9771,3,5,0850,22.4 -9772,1,0,1901,39.8 -9775,1,0,2215,33 -9775,2,1,0433,28.3 -9775,3,2,0425,22.9 -9776,1,0,1325,38.3 -9776,2,0,1820,37.5 -9777,1,0,2125,34 -9777,2,1,0540,32 -9778,1,0,2207,37.3 -9778,2,0,2336,34.9 -9780,1,0,2300,35.5 -9781,1,0,1755,31.9 -9781,2,1,0840,29.4 -9782,1,0,1720,29.2 -9782,2,0,1845,27.8 -9782,3,0,2200,27 -9783,1,0,1904,37 -9784,1,0,0923,38.6 -9784,2,0,1443,37.7 -9784,3,1,0339,37.1 -9785,1,0,1815,39.8 -9785,2,0,1930,39 -9785,3,0,2140,37.7 -9786,1,0,2133,23.9 -9786,2,1,0600,40.4 -9786,3,3,0600,33.8 -9787,1,0,0249,38.1 -9788,1,0,1328,35.8 -9788,2,0,1501,32.3 -9788,3,0,1659,32.1 -9790,1,0,0156,32.7 -9791,1,0,0821,34.5 -9791,2,1,0400,32.6 -9792,1,0,1042,32.7 -9793,1,0,2127,35.6 -9794,1,0,1610,43.6 -9795,1,0,1605,33.6 -9795,2,0,1810,28.2 -9795,3,0,2024,19 -9795,4,1,0445,39.7 -9796,1,0,1703,29.4 -9796,2,0,1838,27.3 -9796,3,1,0145,25.1 -9799,1,0,0800,41.7 -9801,1,0,2000,15 -9801,2,0,2020,25 -9801,3,0,2125,29 -9802,1,0,1530,38.1 -9803,1,0,1525,39 -9804,1,0,1549,46.8 -9805,1,0,2110,37 -9805,2,0,2119,36.8 -9805,3,1,0050,33.8 -9806,1,0,2012,33.2 -9807,1,0,0359,36.5 -9809,1,0,1120,44.5 -9810,1,0,1040,36.9 -9811,1,0,2305,42.8 -9811,2,1,0055,38.4 -9813,1,0,2304,41 -9813,2,1,0450,33.1 -9814,1,0,1413,41.2 -9815,1,0,0901,39.8 -9817,1,0,2017,36.3 -9818,1,0,1500,35.5 -9820,1,0,2105,44 -9820,2,0,2120,41.4 -9820,3,1,0645,40.6 -9821,1,0,1625,38.7 -9821,2,0,1720,36.5 -9821,3,0,1925,36.8 -9822,1,0,2330,31.2 -9822,2,1,1116,28.6 -9823,1,1,0045,36.7 -9823,2,1,0200,34.4 -9824,1,0,2116,37.5 -9827,1,1,0045,38.1 -9827,2,1,0145,34.4 -9828,1,0,1440,37.1 -9828,2,0,1446,37 -9830,1,0,2034,44.1 -9835,1,0,1311,49.1 -9836,1,0,2130,31.1 -9836,2,1,0133,30.4 -9837,1,0,1936,43.7 -9838,1,0,1910,43.2 -9839,1,0,1600,36.9 -9840,1,0,0226,39.6 -9841,1,0,1541,37.3 -9841,2,0,2149,35.7 -9841,3,1,0631,34.8 -9842,1,0,1506,37.6 -9843,1,0,1855,33.8 -9844,1,0,1644,33.3 -9845,1,0,0949,46.6 -9847,1,0,1850,39.6 -9847,2,0,2000,36.4 -9847,3,0,2315,37 -9848,1,0,1428,41.5 -9850,1,0,2237,37.5 -9850,2,1,0415,33.2 -9852,1,0,1312,36.2 -9852,2,0,1625,29.3 -9852,3,0,1744,25.9 -9853,1,0,1631,42.3 -9854,1,0,1120,40.5 -9855,1,0,0530,29.8 -9856,1,0,1845,36.3 -9856,2,0,2155,34.5 -9856,3,1,0415,33.7 -9858,1,0,0920,17.1 -9859,1,1,0012,35.5 -9859,2,1,0613,29.9 -9859,3,2,0605,30.3 -9861,1,0,1930,39.6 -9862,1,0,2155,43 -9864,1,0,0029,44 -9864,2,0,0630,40.2 -9865,1,0,2200,38 -9866,1,0,0955,35.8 -9866,2,5,2145,28.2 -9868,1,1,0235,35.5 -9869,1,0,1807,38.9 -9869,2,1,0021,32 -9869,3,1,0656,31.9 -9870,1,0,0855,45 -9870,2,0,0903,45 -9870,3,0,1315,43 -9871,1,0,1930,48 -9872,1,0,1948,36.1 -9872,2,1,0530,33.5 -9873,1,0,1225,37.9 -9873,2,0,1345,35.6 -9874,1,0,1906,38.7 -9875,1,0,1331,39 -9875,2,0,1347,39 -9875,3,0,1512,43 -9876,1,0,1938,29.1 -9876,2,0,1750,34.1 -9876,3,0,2355,27.3 -9877,1,0,2307,45.2 -9877,2,2,0600,41.8 -9878,1,0,1629,42.6 -9880,1,0,2200,42.8 -9881,1,0,2024,35.5 -9882,1,0,1658,42.2 -9883,1,0,0258,46.6 -9883,2,0,0400,39.7 -9884,1,0,2025,40.6 -9885,1,1,0555,30.2 -9885,2,0,1826,32.4 -9886,1,0,2058,34 -9887,1,0,1914,38 -9887,2,0,2300,33.1 -9887,3,1,1150,32.8 -9888,1,0,1331,40.9 -9889,1,1,1410,39 -9890,1,0,2016,33.5 -9892,1,0,2115,45.2 -9892,2,1,0628,40.6 -9893,1,0,1220,39.3 -9893,2,0,1239,33.6 -9894,1,0,1846,34.5 -9895,1,0,1920,35.3 -9896,1,0,1232,39.4 -9896,2,1,0600,39.5 -9897,1,0,1847,38 -9898,1,0,1700,40.8 -9899,1,0,1614,41.4 -9899,2,1,0501,39.8 -9900,1,0,2209,38.8 -9901,1,0,1028,35.7 -9902,1,0,1230,41.8 -9902,2,0,1355,40.5 -9904,1,0,2325,42.6 -9905,1,0,1058,44.3 -9906,1,0,2155,36.6 -9907,1,0,1648,42.8 -9909,1,0,1451,36.4 -9909,2,0,1559,34.9 -9909,3,0,2108,37.6 -9913,1,0,2120,35 -9913,2,2,0550,35 -9914,1,0,1520,34.7 -9915,1,0,1834,35.8 -9916,1,0,1404,35.5 -9917,1,1,0534,29 -9917,2,0,1705,36 -9919,1,0,2120,38.7 -9920,1,0,2015,39.2 -9920,2,1,0004,36.7 -9920,3,1,0605,36.7 -9923,1,1,0123,43 -9925,1,0,2339,37.2 -9926,1,0,2305,34.4 -9927,1,0,1821,39.7 -9927,2,0,2249,35.8 -9927,3,0,2320,34.8 -9928,1,0,1120,38.3 -9928,2,0,1330,34.7 -9929,1,0,1754,37.9 -9932,1,0,1630,37.1 -9932,2,0,2117,32.7 -9932,3,1,0506,33.2 -9933,1,0,1435,41.5 -9934,1,0,1558,38 -9936,1,1,0042,37.2 -9939,1,0,1614,36.7 -9940,1,0,1754,40.3 -9943,1,0,1124,42 -9943,2,1,0405,35.6 -9944,1,0,1838,40.7 -9944,2,0,2014,39.6 -9945,1,0,2340,37.1 -9946,1,0,2102,34.7 -9947,1,0,1850,34.1 -9947,2,0,2130,31.1 -9947,3,1,0345,29.3 -9948,1,0,2010,38.8 -9949,1,0,2225,36.1 -9950,1,0,0300,43 -9950,2,0,0400,36.8 -9950,3,0,0600,36.8 -9952,1,0,1738,40.7 -9953,1,0,2116,32 -9954,1,0,2040,37 -9955,1,0,1921,39.6 -9955,2,0,2010,37.5 -9958,1,0,1144,29 -9958,2,0,1155,31 -9958,3,0,1316,23 -9959,1,0,1730,43.4 -9961,1,0,1749,42.6 -9962,1,0,0445,22.3 -9962,2,1,1330,22.4 -9962,3,2,0758,31.6 -9963,1,0,1645,38.2 -9964,1,0,1635,36.1 -9966,1,0,2001,36.3 -9967,1,0,1855,37.4 -9967,2,0,2030,39.7 -9967,3,0,2200,37.8 -9968,1,0,1538,32.1 -9969,1,0,1811,39.6 -9970,1,0,2018,44 -9970,2,0,2018,41.6 -9970,3,1,0620,38.6 -9971,1,0,1629,38.9 -9972,1,0,2126,43.7 -9972,2,1,0305,37 -9972,3,1,0922,35.9 -9974,1,0,2359,38 -9974,2,1,0001,37.9 -9974,3,1,0626,31 -9976,1,0,2003,40.4 -9977,1,0,1305,35.1 -9977,2,0,1435,33.4 -9977,3,0,1810,35.2 -9979,1,0,2311,37 -9979,2,1,1216,31 -9979,3,1,1400,32.5 -9980,1,0,1339,39.8 -9980,2,0,1340,38 -9981,1,0,1936,35.6 -9983,1,0,2159,39.4 -9984,1,0,1650,36.5 -9987,1,0,1439,37.4 -9988,1,0,2053,34.6 -9990,1,0,1925,34.9 -9991,1,0,1316,32.7 -9991,2,0,1632,29 -9991,3,0,2300,24.8 -9992,1,0,1023,33.9 -9992,2,1,2102,39.5 -9995,1,0,1650,43 -9996,1,0,2128,38.3 -9998,1,0,0204,34.2 -9998,2,0,0932,32.5 -10000,1,0,0720,38 -10000,2,0,1040,38 -10000,3,1,0545,30 -10001,1,0,2138,40.7 -10002,1,0,2130,42.9 -10003,1,0,1930,35.3 -10003,2,0,2027,32.3 -10004,1,0,0112,53.2 -10005,1,0,1929,35.3 -10006,1,0,2118,35.5 -10007,1,0,1637,41.2 -10008,1,0,1334,36 -10008,2,0,1639,36.9 -10009,1,0,1944,41.1 -10010,1,1,0000,37 -10010,2,1,0623,38.5 -10010,3,1,0852,38.1 -10012,1,0,0016,38 -10012,2,0,0405,32.4 -10012,3,1,0420,32.5 -10013,1,0,1200,37.8 -10013,2,0,1355,36.6 -10013,3,0,1500,37.2 -10014,1,0,1728,36.6 -10014,2,0,2030,33.3 -10014,3,1,0215,32.6 -10015,1,0,1825,39.2 -10015,2,1,0715,36.6 -10016,1,0,1746,37.5 -10017,1,0,1536,33.2 -10019,1,0,0335,43.2 -10020,1,0,2053,39.6 -10020,2,1,0809,36.3 -10021,1,0,2214,41 -10021,2,0,2215,40.2 -10021,3,1,0625,36.9 -10024,1,0,1350,37.2 -10026,1,1,0440,33.7 -10026,2,0,1836,41 -10027,1,0,1355,41.3 -10027,2,1,0411,38.8 -10028,1,0,1418,35.5 -10030,1,0,1835,36.3 -10030,2,0,1935,35.2 -10030,3,0,2230,34.2 -10032,1,0,1751,33.3 -10034,1,0,2140,30.6 -10035,1,0,1223,38.8 -10036,1,0,1310,46 -10037,1,0,1856,35 -10038,1,0,2035,44 -10038,2,1,0456,34.5 -10038,3,1,1050,34.7 -10039,1,0,2235,37.8 -10039,2,1,0035,36 -10042,1,0,1720,37.6 -10042,2,0,1815,35.3 -10042,3,0,2202,35.5 -10043,1,0,2018,37.3 -10044,1,0,1509,39 -10045,1,0,1905,36.8 -10045,2,1,1330,35.1 -10046,1,0,0940,36.7 -10046,2,0,1907,34.3 -10046,3,3,1948,33.1 -10047,1,0,1850,33 -10048,1,0,1801,41.9 -10048,2,2,0730,28.1 -10048,3,3,0738,23 -10049,2,0,1600,38.5 -10050,1,0,0705,44.3 -10051,2,0,1655,43 -10051,3,0,1745,39.2 -10051,4,0,1930,37.5 -10052,1,0,0120,40.3 -10053,1,0,2250,43.8 -10053,2,1,0410,37.6 -10053,3,1,0105,40.1 -10054,1,0,2220,38 -10054,2,0,2350,35.1 -10054,3,1,0152,35.2 -10055,1,0,1846,32.8 -10055,2,1,0402,29.3 -10056,1,0,2217,35 -10056,2,1,0127,33.3 -10057,1,0,0834,40.6 -10057,2,1,0430,36 -10058,1,1,0015,42.5 -10058,2,1,0310,43 -10058,3,1,0605,39.1 -10059,1,0,1517,38.1 -10060,1,0,1355,37.7 -10060,2,0,2045,35.5 -10060,3,1,0410,34.5 -10061,1,0,1457,36.5 -10061,2,1,0514,27.5 -10061,3,2,1209,29.6 -10062,1,0,1643,38.6 -10063,1,0,0459,35.7 -10064,1,0,1734,31.3 -10064,2,0,1849,35.9 -10064,3,0,2049,37.7 -10065,1,0,1945,35.4 -10065,2,0,2120,34.7 -10066,1,0,1720,37.3 -10067,1,0,1901,35.8 -10068,1,0,1426,36.8 -10070,1,0,1555,36.4 -10070,2,0,1709,36.1 -10070,3,0,2111,36.2 -10071,1,0,1843,33.6 -10072,1,1,0129,32 -10072,2,1,0700,31.5 -10072,3,1,1620,26.4 -10073,1,1,0011,37.2 -10073,2,1,0910,34.9 -10077,1,0,1830,43.4 -10077,2,1,0314,40.1 -10077,3,1,0916,36.3 -10078,1,0,2126,34.6 -10079,1,0,1720,39.5 -10080,1,1,0005,39.7 -10081,1,0,2007,41 -10081,2,1,0610,39 -10083,1,0,2020,37 -10083,2,1,0315,34 -10083,3,1,1000,35 -10084,1,0,1733,35.2 -10085,1,0,1927,39 -10086,1,0,1300,34.2 -10086,2,0,2228,33 -10087,1,0,0503,35.7 -10089,1,0,1856,36.3 -10092,1,0,1950,36.7 -10093,1,0,1748,19.5 -10093,2,0,1952,28.6 -10093,3,2,0611,31.4 -10094,1,0,1520,41.4 -10094,2,0,1658,40.6 -10094,3,0,2330,37.7 -10095,1,1,0830,33.5 -10095,2,0,1816,34 -10096,1,0,0906,47 -10096,2,1,0400,44.2 -10097,1,0,1755,45.6 -10098,1,0,1551,42 -10100,1,0,1025,34.6 -10100,2,0,1333,25.3 -10100,3,0,2153,36.1 -10101,2,0,2332,32.9 -10101,3,1,0530,35.4 -10102,1,0,2223,41.5 -10103,1,0,2040,35 -10103,2,1,1114,27.5 -10103,3,1,2058,28.2 -10105,1,0,1057,40.3 -10106,1,0,2320,39.5 -10107,1,0,1955,35 -10110,1,0,1745,34 -10113,1,0,2010,40 -10113,2,1,0400,40 -10113,3,1,1200,42 -10114,1,0,1857,38.7 -10114,2,0,2206,36.7 -10114,3,1,0242,34.9 -10116,1,0,1620,39 -10117,1,0,2130,34.6 -10118,1,0,1933,41.8 -10118,2,1,0600,34.3 -10119,1,0,0810,41 -10120,1,0,1744,37.9 -10121,1,0,0800,36.6 -10122,1,0,0958,44.1 -10123,1,0,1554,32.5 -10124,1,0,1751,38.6 -10124,2,0,2313,32 -10124,3,1,0151,30.3 -10126,1,0,2330,34.9 -10126,2,1,0750,35.7 -10127,1,1,0030,36 -10129,1,0,2051,37 -10131,1,0,0110,33.6 -10132,1,0,0837,42.4 -10135,1,1,0005,43.3 -10137,1,0,1702,30 -10137,2,2,1637,29.8 -10138,1,0,2000,37.4 -10139,1,0,1921,38.1 -10140,1,1,0012,44.9 -10141,1,0,1643,37.5 -10141,2,1,0540,32.1 -10144,1,0,2243,37.7 -10145,1,0,1016,39.3 -10146,1,0,2343,33.9 -10147,1,0,1615,44.4 -10147,2,1,0415,43.5 -10147,3,1,0900,43 -10148,1,0,1623,39.5 -10148,2,1,0415,34.7 -10148,3,2,0405,36.2 -10150,1,0,1228,36.2 -10152,1,0,2007,32.4 -10153,1,0,1850,36.9 -10153,2,2,0645,27 -10155,1,0,1921,40.7 -10155,2,0,2212,38.8 -10155,3,3,1105,33.3 -10156,1,0,2232,35.2 -10157,1,0,1340,31.8 -10158,1,0,1245,40 -10158,2,0,2005,34 -10158,3,1,0430,33 -10159,1,0,2113,33.8 -10160,1,0,1425,34.3 -10161,1,0,1903,42.9 -10162,1,0,1706,39 -10162,2,0,1925,33.4 -10162,3,1,0555,35.2 -10163,1,0,1634,45.5 -10163,2,0,1808,40.8 -10163,3,0,2033,42.5 -10165,1,0,1141,32.5 -10166,1,0,1731,34.8 -10166,2,0,1831,33.8 -10166,3,0,2145,38 -10167,1,0,2154,37 -10169,1,0,2331,38.8 -10170,1,0,1945,36.4 -10172,1,0,2024,38.9 -10173,1,0,2350,34.3 -10174,1,0,1035,38.2 -10174,2,0,1235,37.1 -10174,3,0,1515,37.8 -10175,1,0,1557,29.9 -10176,1,0,2235,31.4 -10177,1,0,2058,27.8 -10177,2,1,0600,30.7 -10179,1,0,1845,41.5 -10179,2,1,0400,35.3 -10181,1,0,2237,37.8 -10185,1,0,1330,32.6 -10186,1,0,1758,43 -10187,1,0,1518,37.7 -10190,1,1,0009,33.2 -10190,2,1,0419,30.6 -10191,1,0,1318,31.3 -10192,1,0,1906,42 -10192,2,1,0600,36.8 -10193,1,0,2210,33.7 -10194,1,0,1807,37 -10194,2,0,2200,32.3 -10194,3,1,0750,32.1 -10196,1,1,0035,33.5 -10198,1,0,2219,33.7 -10199,1,0,1854,38 -10199,2,0,1910,37.8 -10201,1,0,1855,35.9 -10201,2,0,1900,36.9 -10201,3,0,2130,33.1 -10202,1,0,0018,30.7 -10203,1,0,1534,34.9 -10203,2,0,1858,31.1 -10205,1,0,1440,41.8 -10206,1,0,1602,35 -10209,1,0,1800,42.2 -10210,1,0,0852,47.4 -10211,1,0,0920,43.3 -10211,2,0,1230,40.8 -10211,3,0,1755,39.6 -10212,1,0,1459,25.9 -10212,2,1,0500,24.9 -10213,1,0,1440,43.7 -10213,2,0,1621,41.7 -10213,3,1,1123,34.2 -10214,1,0,1655,40.1 -10214,2,0,1815,32.8 -10214,3,0,2005,32.4 -10216,1,0,1555,12.4 -10216,2,0,1655,12.5 -10217,1,0,1937,35.8 -10217,2,1,0650,37.8 -10218,1,0,1643,42.9 -10218,2,5,1649,40.4 -10219,1,0,1820,41 -10219,2,0,1815,38.5 -10220,1,0,1717,37.2 -10221,1,0,2115,40.2 -10222,1,0,2034,41.7 -10222,2,1,0605,39.4 -10222,3,2,0530,38.2 -10223,1,0,0721,39.8 -10224,1,0,1931,45 -10224,2,1,0555,36.4 -10225,1,0,1957,10 -10225,2,0,2054,31 -10225,3,0,2122,31 -10226,1,0,2026,30.9 -10227,1,0,1859,38.2 -10228,1,0,1743,41.4 -10229,1,0,2126,40.4 -10230,1,0,2123,35.8 -10231,1,0,2235,31.8 -10232,1,0,1420,45.9 -10233,1,0,1526,40 -10235,1,0,0951,36 -10236,1,0,0254,40.8 -10237,1,0,1747,36.9 -10238,1,0,1540,32.6 -10238,2,0,2000,33.3 -10238,3,1,0215,31.9 -10239,1,0,2222,39.1 -10241,2,6,0456,33.1 -10242,1,0,1623,33.1 -10243,1,0,2138,40.9 -10245,1,0,2101,39 -10245,2,1,1515,36 -10245,3,1,0705,34.6 -10246,1,0,1846,38.5 -10247,1,0,1619,38.5 -10248,1,0,1210,42 -10248,2,1,0648,38.3 -10250,1,0,1543,35.4 -10252,1,0,2314,45.8 -10253,1,0,1257,39.7 -10253,2,0,1316,39 -10255,1,0,1817,45.8 -10257,1,0,1710,36.1 -10258,1,0,1610,37.1 -10259,1,1,0540,35.2 -10259,2,0,1756,42 -10262,1,1,0550,36 -10262,2,1,1605,35 -10264,1,0,2315,43 -10265,1,0,1602,41.4 -10265,2,1,0000,27.6 -10265,3,1,0400,33.5 -10266,2,0,0252,31.3 -10266,3,1,0445,28.9 -10268,1,0,1821,33.6 -10268,2,1,2335,24.9 -10268,3,2,0826,27.4 -10268,4,4,0855,25.5 -10268,5,5,1154,23.8 -10269,1,0,1711,35.2 -10269,2,1,0656,26.3 -10269,3,3,0500,25.1 -10270,1,0,1653,49.6 -10270,2,0,1821,51.7 -10270,3,0,1941,46.9 -10272,1,0,2246,35.3 -10273,1,0,1513,37 -10274,1,0,1456,35.5 -10274,2,1,0135,33.3 -10275,1,0,1908,36.8 -10277,1,0,2154,37.8 -10278,1,0,1814,34.8 -10279,1,0,2122,35.9 -10280,1,0,1525,35.8 -10280,2,0,1530,35 -10280,3,1,0555,28.1 -10281,1,0,1710,37.6 -10281,2,0,1810,36.3 -10281,3,0,2015,36.1 -10282,1,0,2151,43 -10283,1,0,1710,36.3 -10284,1,0,1748,35.1 -10285,1,0,2145,37.7 -10285,2,1,0045,36.2 -10285,3,1,0155,37.7 -10287,1,0,2030,41.3 -10287,2,0,2205,38.1 -10288,1,0,2023,33.2 -10288,2,1,0530,23.8 -10288,3,1,1244,25.2 -10289,1,0,2102,32.8 -10289,2,1,0706,32 -10289,3,7,0615,27.9 -10290,1,1,0600,35.5 -10290,2,0,1851,38 -10291,1,0,0948,36.2 -10291,2,0,2100,29.8 -10291,3,1,0500,28.4 -10293,1,0,1850,37 -10295,1,0,1835,35.3 -10295,2,1,0410,32.3 -10295,3,1,1701,29.1 -10296,1,0,0201,32.4 -10296,2,0,0318,31.6 -10296,3,0,0500,30.4 -10297,1,0,1036,38.1 -10297,2,2,0508,35.2 -10300,1,0,1005,31.5 -10301,1,0,1013,42.4 -10302,1,0,2139,35.3 -10302,2,1,0946,32.2 -10303,1,0,2350,35.8 -10305,1,0,1959,34.2 -10305,2,1,0340,32.4 -10306,1,0,1126,37 -10306,2,0,1727,33.3 -10306,3,0,2315,31.4 -10309,1,0,1635,33.1 -10309,2,0,1834,31.1 -10309,3,0,2023,30.9 -10310,1,0,2105,37.1 -10312,1,0,0201,36.6 -10312,2,0,0547,28 -10312,3,0,0700,27.6 -10313,1,0,1409,35.4 -10313,2,0,1526,36.1 -10314,1,0,2350,29 -10314,2,1,0445,26.8 -10314,3,2,0610,28.4 -10318,1,0,1816,44.4 -10319,1,0,1618,35.3 -10320,1,0,1535,30.9 -10320,2,0,1930,28.2 -10320,3,0,2320,29.9 -10322,1,0,1110,45 -10322,2,1,0600,33.8 -10323,1,0,2153,38.4 -10325,1,0,1841,37.9 -10326,1,0,1645,45.1 -10326,2,0,1745,43.5 -10331,1,0,1114,39.8 -10331,2,1,0644,35.5 -10332,1,0,1956,40 -10332,2,1,0352,36.1 -10332,3,1,2030,33.9 -10333,1,0,1800,26.1 -10333,2,1,0510,23.4 -10333,3,1,1128,23.7 -10334,1,0,1741,34.7 -10335,1,0,1943,20.7 -10336,1,0,1748,46.7 -10336,2,1,0500,38.6 -10337,1,0,2154,41.9 -10337,2,1,0430,37.4 -10338,1,0,1251,40.9 -10339,1,1,0001,38.2 -10342,1,0,2227,34.7 -10344,1,0,2032,45.8 -10345,1,0,2153,44.2 -10346,1,0,2106,34.8 -10348,1,0,0905,38.9 -10349,1,0,0118,25.2 -10349,2,0,1308,28 -10349,3,1,0435,26.6 -10350,1,0,2104,46.9 -10351,1,0,1701,38.6 -10351,2,1,1252,34.8 -10353,2,0,1135,32.4 -10353,3,0,1600,29.3 -10353,4,0,2145,26.9 -10354,1,0,2230,33.4 -10354,2,1,0030,32 -10355,1,0,1905,44.5 -10357,1,0,1300,42 -10358,1,0,1734,41.6 -10358,2,1,0448,37.6 -10359,1,0,2355,48.4 -10360,1,0,1935,35.7 -10361,1,0,1909,32.2 -10361,2,1,0525,28.2 -10363,1,0,1010,41.5 -10365,1,0,2127,36.8 -10366,1,0,1849,38.3 -10368,1,0,1840,35.3 -10369,1,0,1647,41.4 -10369,2,0,1832,39.2 -10369,3,0,1942,40.7 -10370,1,0,1633,36.4 -10370,2,1,0703,36.6 -10370,3,2,0541,37.6 -10371,1,0,1349,39.3 -10372,1,0,1230,36.9 -10374,1,0,1431,22.2 -10374,2,0,1555,23.1 -10374,3,0,1719,13.6 -10376,1,0,1707,45.4 -10377,1,0,1655,42 -10377,2,2,0535,40 -10377,3,3,0520,36 -10379,1,0,2309,40.2 -10379,2,1,0645,38.8 -10380,1,0,1715,36.9 -10383,1,0,1600,39.2 -10384,1,0,1041,26 -10384,2,0,1328,37.7 -10384,3,1,0330,34.2 -10386,1,1,0313,36.6 -10386,2,1,0519,35.5 -10386,3,1,1120,35.9 -10387,1,0,1301,37.2 -10387,2,0,2107,35.4 -10387,3,1,0356,36 -10388,1,0,2208,37.9 -10389,1,0,1936,40 -10389,2,1,0450,35.8 -10390,1,0,1615,35.4 -10390,2,1,0828,35.4 -10391,1,0,1825,42.2 -10392,1,0,1835,34.5 -10395,1,0,0125,33.4 -10396,1,0,1303,35.3 -10397,1,0,1930,34.7 -10397,2,0,2210,33.5 -10398,1,0,1430,37.2 -10398,2,0,1436,40 -10398,3,1,0548,32 -10399,1,0,1950,34.3 -10400,1,0,1916,38.2 -10400,2,0,2135,33.8 -10400,3,0,2239,30 -10402,1,0,0741,39.9 -10403,1,0,1958,40.6 -10404,1,0,0808,39.1 -10405,1,0,1955,32.3 -10406,1,0,1040,40.2 -10407,1,0,1545,41.9 -10408,1,0,1530,36.9 -10408,2,0,1720,34.8 -10408,3,0,1830,35.9 -10410,1,0,2025,39 -10410,2,0,2340,34.6 -10410,3,1,0450,33.8 -10412,1,0,1636,44 -10412,2,0,2155,42.8 -10413,1,0,1150,38.3 -10417,1,0,1842,42.6 -10418,1,0,1700,42 -10418,2,0,2320,40.1 -10418,3,1,0500,39.3 -10420,1,0,1742,34.5 -10421,1,0,2004,36.8 -10421,2,1,0642,39.1 -10422,1,1,0001,35.5 -10423,1,0,2200,37.7 -10424,1,0,2329,35.2 -10424,2,1,0657,33.3 -10424,3,1,1415,26.6 -10425,1,0,1310,38.3 -10425,2,0,1437,38.3 -10431,1,0,1512,44 -10432,1,0,1155,40.1 -10433,1,0,1832,38.6 -10434,1,0,2121,33.9 -10434,2,2,0615,25.6 -10434,3,3,1012,27.8 -10435,1,0,2348,38.3 -10435,3,1,0040,36.2 -10435,4,1,0135,36.5 -10436,1,0,1754,35.2 -10439,1,0,0200,41.9 -10439,2,0,0527,41.3 -10439,3,1,0610,34.7 -10442,1,0,1925,33.7 -10442,2,1,0500,26.6 -10442,3,2,0825,21.9 -10444,1,0,1831,34.9 -10445,1,1,1836,34.1 -10446,1,0,1615,44.8 -10446,2,0,1745,43.8 -10446,3,0,2045,43.9 -10447,1,0,1302,37.3 -10448,1,0,1616,31.2 -10449,1,0,1930,34.4 -10449,2,0,2057,29.8 -10449,3,1,0100,28.5 -10450,1,0,1735,32.8 -10452,1,0,1630,30.6 -10454,1,0,1733,33.4 -10455,1,0,1816,22.8 -10455,2,1,0720,38.3 -10457,1,0,1600,46.4 -10458,1,0,1855,37.1 -10459,1,0,1913,37.5 -10460,1,0,0344,31 -10460,2,0,0545,37.8 -10462,1,0,1830,39.6 -10464,1,0,1745,42.2 -10465,1,0,1629,38.8 -10466,1,1,0141,33.7 -10467,1,0,1501,40.1 -10467,2,0,1545,39.4 -10467,3,0,1800,38.4 -10469,1,0,1918,45 -10471,1,0,1710,37.1 -10472,1,0,2310,41.1 -10473,1,0,1140,35.6 -10474,1,0,0409,44.6 -10474,2,0,2137,46.9 -10474,3,1,0601,44.4 -10476,1,0,1455,39.4 -10476,2,1,0837,33.7 -10476,3,2,0802,34 -10477,1,0,2029,38 -10479,1,0,2052,41 -10481,1,0,2139,42.7 -10481,2,2,0550,33.7 -10484,1,0,1635,27.6 -10484,2,0,1824,36.9 -10484,3,0,1912,37.3 -10485,1,0,1839,34.9 -10486,1,0,1845,34.7 -10488,1,1,0155,30 -10488,2,1,1447,20 -10488,3,2,0400,25 -10489,1,0,1715,40.8 -10490,1,0,1515,36.5 -10491,1,0,1827,41 -10491,2,0,1842,40.7 -10492,1,0,2221,43.7 -10493,1,0,2230,42.2 -10494,1,0,2150,35.9 -10496,1,1,0027,36.7 -10497,1,0,1730,37.5 -10497,2,0,1920,37.6 -10497,3,0,2330,36.5 -10499,1,0,1855,32.3 -10500,1,0,2055,41 -10501,1,0,1905,34 -10502,1,0,2155,30.1 -10502,2,1,0419,30.4 -10502,3,2,0510,29.8 -10503,1,0,1715,40.4 -10504,1,0,1522,45.6 -10505,1,0,1431,35.6 -10506,1,0,1909,39.7 -10507,1,0,2346,34 -10507,2,1,0145,29.1 -10507,3,1,0600,27 -10508,1,0,2212,42.2 -10509,1,0,1320,34.1 -10511,1,0,1729,35 -10512,1,0,1407,41.4 -10512,2,0,1455,39.7 -10513,1,0,1651,32.7 -10515,1,0,0215,44.7 -10515,2,0,0340,39.7 -10516,1,0,1906,47 -10517,1,0,0315,37.1 -10517,2,1,0940,35.3 -10519,1,0,1130,40.7 -10520,1,0,1309,32.9 -10521,1,0,1752,37.5 -10521,2,1,0450,35.5 -10521,3,2,0530,35 -10522,1,0,1903,34.3 -10522,2,1,0420,30.9 -10522,3,1,1007,33.2 -10523,1,0,2150,36.8 -10523,2,1,2013,36.8 -10524,1,0,1418,40.8 -10524,2,0,1517,40.2 -10524,3,0,1715,37.3 -10525,1,0,1620,35.7 -10527,1,0,1712,35.2 -10529,1,0,2332,38.6 -10530,1,0,1750,39.7 -10530,2,0,2000,40.6 -10530,3,1,0300,33.9 -10532,1,0,1310,40.4 -10533,1,0,0220,34.4 -10533,2,0,0320,34.3 -10533,3,0,0845,31 -10534,1,1,0115,35.2 -10535,1,0,1736,37.6 -10536,1,0,1643,44 -10538,1,0,1858,37.9 -10540,1,0,1645,25.3 -10540,2,0,2000,19.6 -10541,1,0,2014,46 -10542,1,0,0953,34 -10542,2,0,1220,31.6 -10542,3,0,1635,31.9 -10542,4,0,2025,30.5 -10542,5,1,0216,30 -10542,6,1,0923,29.8 -10543,1,0,2357,36.9 -10544,1,0,2344,37.8 -10545,1,0,2043,37.3 -10547,1,0,2115,32.7 -10548,1,0,0401,45.5 -10548,2,0,0517,44.3 -10549,1,0,1523,33.8 -10549,2,1,0625,35 -10550,1,0,1434,28.9 -10550,2,0,2149,29.6 -10550,3,1,0626,28.3 -10551,1,0,1445,38.9 -10552,1,0,1530,35.2 -10553,1,0,0800,47.6 -10554,1,0,1823,32.9 -10555,1,0,2044,27.7 -10555,2,1,0009,30 -10555,3,1,0437,27.2 -10557,1,0,2136,32.7 -10557,2,4,0500,31.4 -10558,1,1,0155,30.8 -10558,2,1,0350,27 -10558,3,1,0750,23.2 -10559,1,0,1437,41.7 -10560,1,0,1732,37.9 -10561,1,0,2113,37 -10562,1,0,1512,38.4 -10563,1,0,1903,47.5 -10563,2,0,2018,47.3 -10564,1,0,0929,43.3 -10565,1,0,1135,38.5 -10566,1,0,2142,34.9 -10566,2,1,0346,34.1 -10567,1,0,2256,35.9 -10568,1,0,1530,36.1 -10568,2,5,1612,37.6 -10568,3,7,0739,33 -10569,1,1,0055,40 -10570,1,1,0410,34.4 -10570,2,0,1652,40 -10570,3,1,1212,37 -10571,1,0,0851,37.6 -10572,1,0,1905,34.2 -10572,2,1,0110,27 -10572,3,1,0655,27.2 -10573,1,0,1429,43 -10574,1,0,0041,36.3 -10575,1,0,1330,38.6 -10575,2,2,0909,38.6 -10579,1,0,0219,39 -10579,2,0,0550,36.5 -10580,1,0,1736,33.5 -10583,1,0,1923,32.3 -10584,1,0,0517,40.2 -10584,2,0,0658,38.6 -10585,1,0,1750,28 -10587,1,0,2144,34.2 -10587,2,1,0407,31.1 -10587,3,1,1254,10.2 -10588,1,0,2327,37.5 -10588,2,1,0453,32.5 -10588,3,1,0848,32.9 -10589,1,0,1727,44 -10589,2,0,2150,40 -10589,3,1,0400,37 -10590,1,0,1343,41 -10593,1,0,2120,36.9 -10593,2,1,0758,36.6 -10594,1,0,1250,34.3 -10594,2,0,1420,34.5 -10594,3,0,1610,35 -10595,1,0,2136,37.3 -10596,1,0,1606,36.6 -10597,1,0,2206,30.4 -10600,1,0,1544,40.2 -10600,2,0,2211,36.7 -10600,3,1,0540,39 -10601,1,0,2148,34.1 -10602,1,0,1330,45.2 -10603,1,0,2050,38.7 -10603,2,0,2215,36.1 -10604,1,0,1830,38.1 -10605,1,0,1556,38.4 -10606,1,0,1656,38.4 -10607,1,0,0920,43.7 -10608,1,0,2127,31.9 -10608,2,0,2245,32.6 -10608,3,1,0925,30.4 -10610,1,0,2254,38.8 -10610,2,1,0441,38.3 -10611,1,0,2233,29 -10611,2,1,0620,42.7 -10614,1,0,1534,36.5 -10614,2,1,0705,29 -10616,1,0,1623,39 -10616,2,1,0450,34.6 -10617,1,0,1245,35.4 -10619,1,0,1748,35.6 -10620,1,0,1138,43.4 -10621,1,0,1708,37.1 -10622,1,0,2007,38 -10623,1,0,0214,41.1 -10624,1,0,0440,45.4 -10625,1,0,0733,42.8 -10626,1,0,1800,37.2 -10626,2,0,1935,37.8 -10626,3,1,2113,37.6 -10627,1,0,1300,37.9 -10627,2,0,1505,35.9 -10627,3,0,1645,34.6 -10628,1,0,1740,35.7 -10629,1,0,1954,35.3 -10630,1,1,0001,43 -10631,1,0,1612,35.5 -10631,2,1,0900,32 -10632,1,1,0932,37 -10634,1,0,1432,46.7 -10636,1,0,0837,30.3 -10637,1,0,0950,33.8 -10637,2,0,1230,28.2 -10637,3,0,1354,31 -10637,4,0,1605,26 -10637,5,1,0200,22.1 -10637,6,1,0923,21.3 -10637,7,1,2120,22.5 -10637,8,2,1040,22.7 -10637,9,3,1002,21.8 -10637,10,4,1043,22 -10638,1,0,2349,28.5 -10638,2,1,1300,26 -10638,3,1,2000,24.1 -10639,1,0,0840,34 -10639,2,0,0927,41 -10639,3,0,1010,35 -10641,1,0,2057,37.3 -10641,2,1,0436,30.8 -10641,3,2,0500,26.6 -10642,1,0,1115,39.6 -10642,2,0,1211,36.7 -10642,3,0,1410,37.8 -10643,1,0,1223,36.4 -10643,2,0,1640,33.3 -10643,3,0,2255,31.7 -10644,1,0,1938,37.2 -10645,1,0,2225,41.4 -10646,1,0,2113,36.3 -10647,1,0,1701,33.7 -10647,2,0,1855,31.6 -10647,3,0,2240,29.6 -10649,1,0,1930,45.5 -10650,1,0,2318,34.1 -10652,1,0,1539,36 -10652,2,0,1933,27 -10652,3,0,2017,26 -10653,2,0,2105,41.2 -10656,1,0,2205,33.1 -10657,1,0,1355,40 -10658,1,0,1915,36.4 -10659,1,0,1300,42.1 -10660,1,0,1814,33 -10660,2,0,1938,30.1 -10660,3,1,0400,28.9 -10661,1,0,1400,30.2 -10665,1,0,2010,40.7 -10665,2,1,0754,36.3 -10665,3,2,0714,34.3 -10668,1,0,1955,37.1 -10668,2,1,2150,36.1 -10669,1,0,1601,33.5 -10670,1,0,0738,34.5 -10670,2,1,0605,31.7 -10670,3,2,0534,26.2 -10671,1,0,2130,36.9 -10671,2,1,0605,35.7 -10671,3,1,1520,34.9 -10673,1,0,1652,37 -10673,2,0,1654,38 -10674,1,0,1337,41.5 -10675,1,0,1045,37.1 -10675,2,0,1230,33.9 -10675,3,0,1430,35.6 -10676,1,0,2053,38.9 -10677,1,1,0034,34.4 -10678,1,0,1221,38 -10679,1,0,2110,36 -10680,1,0,1335,35.9 -10681,1,0,0113,49 -10683,1,0,1843,33.3 -10684,1,0,1828,42 -10684,2,0,2004,40 -10684,3,1,0410,37.4 -10685,1,0,2125,36 -10687,1,1,1134,34 -10688,1,0,2042,32.9 -10689,1,0,1402,34.7 -10689,2,1,0600,31.6 -10689,3,2,0536,29.3 -10690,1,0,1731,41.3 -10693,1,0,1145,38 -10693,2,1,0515,36.7 -10695,1,0,0828,43.1 -10696,1,0,2134,32.6 -10696,2,1,0437,30.3 -10696,3,1,2340,28.1 -10697,1,0,2007,38.9 -10697,2,1,0511,36.3 -10697,3,2,0400,38 -10698,1,0,2237,33 -10698,2,1,0628,31.3 -10699,1,1,0635,35.6 -10700,1,0,2105,28.7 -10701,1,0,1222,34.4 -10701,2,0,1435,25.7 -10701,3,0,1550,19.1 -10703,1,0,1759,38.8 -10703,2,1,1220,40.1 -10704,1,0,2211,35 -10704,2,1,1100,35.4 -10705,1,0,1618,37.5 -10707,1,0,2331,46 -10707,2,1,0506,47 -10708,1,0,2021,43.3 -10711,1,0,1856,29.4 -10712,1,0,2225,34 -10713,1,0,1140,34.6 -10713,2,0,1340,34.5 -10713,3,0,1450,35 -10714,1,0,2208,38.1 -10715,1,0,2204,38.7 -10716,1,0,1630,35.5 -10717,1,0,1751,32 -10720,1,1,0300,34.5 -10720,2,1,1745,36.2 -10720,3,2,0520,35.1 -10721,1,0,2134,41 -10722,1,0,2200,33 -10723,1,0,2002,42 -10725,1,0,1605,38.7 -10726,1,0,2020,44 -10726,2,1,0730,39.2 -10726,3,0,2359,43 -10727,1,0,1159,28.8 -10727,2,1,0545,25.1 -10728,1,0,2006,38 -10728,2,1,1252,33 -10728,3,0,2005,34.9 -10729,1,0,1939,41.1 -10730,1,0,1656,33.2 -10730,2,0,1800,30.3 -10730,3,0,2111,28.8 -10731,1,0,2035,31.7 -10731,2,1,0631,30.8 -10731,3,2,0645,32.3 -10733,1,1,0000,36.2 -10733,2,1,0110,33.1 -10733,3,1,0500,37.4 -10735,1,0,1928,36.5 -10735,2,1,0350,33.7 -10737,1,0,2026,39.4 -10738,1,0,1845,43.5 -10738,2,0,2138,40.2 -10739,1,0,1513,42.7 -10740,1,0,1109,39.8 -10740,2,0,2215,37.5 -10740,3,1,0400,35.8 -10741,1,0,1945,34.2 -10742,1,0,1415,36.6 -10743,1,0,1555,34.9 -10743,2,0,1730,35.8 -10743,3,0,2300,35.1 -10744,1,0,1548,38.7 -10745,1,0,1958,43.4 -10749,1,0,1429,40.1 -10749,2,1,0500,37.5 -10749,3,2,0000,34.2 -10750,1,0,2139,30 -10751,1,0,1623,46.4 -10752,1,0,1015,42 -10753,1,0,0049,43 -10754,2,0,1039,37.8 -10755,1,0,0123,35.5 -10756,1,0,1835,35.2 -10756,2,1,0316,32.6 -10757,1,0,1715,43.6 -10757,2,1,0700,40.9 -10758,1,0,0836,40 -10758,2,0,1500,35.4 -10760,1,0,2320,36.6 -10761,1,0,1523,41.1 -10761,2,0,1715,38.9 -10762,1,0,1030,36.9 -10763,1,0,1550,37.9 -10765,1,0,1605,39.8 -10765,2,0,2209,33.5 -10765,3,1,0411,33.5 -10769,1,1,0330,28 -10770,1,0,1510,36.6 -10770,2,1,1019,34.7 -10771,1,0,2031,35.7 -10772,1,0,2232,35 -10772,2,7,0605,33.8 -10773,1,0,2136,36.9 -10775,1,0,1515,39.9 -10776,1,0,2050,27.7 -10776,2,1,0607,32.4 -10776,3,1,1156,34 -10777,1,0,1338,30.6 -10777,2,0,2359,27.3 -10777,3,1,0430,26.3 -10778,1,0,0130,42.9 -10781,1,0,1817,38.2 -10783,1,0,2325,44.4 -10783,2,1,0600,41 -10783,3,2,0600,30.8 -10784,1,0,2055,43.3 -10784,2,1,0218,43.8 -10784,3,2,0536,41.9 -10785,1,0,0144,37.5 -10786,1,0,2239,41.6 -10786,2,1,0945,41.6 -10787,1,0,2250,31.3 -10789,1,0,1006,40.7 -10790,1,0,1841,30.7 -10790,2,0,2120,32.1 -10790,3,1,0330,25.4 -10791,1,0,2030,36.1 -10792,1,0,2216,46.2 -10793,1,0,1235,41.1 -10793,2,0,1339,42 -10794,1,0,1702,36.9 -10795,1,0,1629,46.1 -10795,2,1,0903,34.1 -10796,1,0,1525,46.9 -10798,1,0,1245,33.8 -10799,1,0,1652,37.8 -10801,1,0,1813,32 -10802,1,0,1453,41.8 -10803,1,0,2143,39.1 -10804,1,0,1717,36.5 -10805,1,0,1420,45.5 -10805,2,1,0935,42.6 -10807,1,0,2151,42 -10810,1,0,2251,38.9 -10811,1,0,2102,45.9 -10811,2,1,0425,42.5 -10812,1,0,1440,37.8 -10813,1,0,1620,41.5 -10813,2,0,2146,40.3 -10813,3,1,0330,37.9 -10815,1,0,2048,37.1 -10816,1,0,0857,37.5 -10818,1,0,1818,36.7 -10822,1,0,2010,39.9 -10822,2,0,2110,38 -10822,3,0,2315,37.5 -10823,1,0,1504,46.6 -10825,1,0,1622,33.1 -10826,1,0,2027,39.5 -10828,1,0,1855,44.9 -10830,1,0,1919,40 -10831,1,0,2226,43 -10831,2,1,1327,34 -10831,3,1,1536,33 -10832,1,0,1850,43 -10833,1,1,0040,35.6 -10833,2,1,0852,33.1 -10835,1,0,2042,35.3 -10835,2,1,0210,32.5 -10835,3,1,0604,33.2 -10835,4,1,1328,32.5 -10835,5,3,0934,33 -10836,1,0,2019,35 -10836,2,0,2031,35.4 -10838,1,0,1900,39.1 -10839,1,1,0008,40.6 -10839,2,1,0849,36.8 -10841,1,0,1620,40.4 -10841,2,0,1745,38 -10841,3,0,1948,37.8 -10843,1,0,1702,39.4 -10844,1,0,1925,36.3 -10844,2,0,2050,35 -10844,3,0,2305,35 -10845,1,0,2253,36.3 -10847,1,0,1958,35.5 -10850,1,0,2235,36.2 -10850,2,1,0001,31.2 -10850,3,1,0300,32.1 -10852,1,0,2231,28 -10853,1,0,2027,42 -10853,2,1,0530,37.3 -10853,3,1,2000,38.7 -10854,1,0,2226,40 -10854,2,0,2215,39.8 -10855,1,0,2031,41 -10855,2,0,2126,42 -10855,3,1,0700,38.3 -10856,1,0,1800,34.7 -10856,2,0,1930,33.6 -10856,3,1,0230,29.9 -10857,1,0,2040,44.1 -10858,1,0,1921,38.5 -10859,1,0,0902,44.5 -10859,2,0,1026,44.8 -10859,3,0,1444,41.2 -10860,1,0,1719,36.9 -10861,1,0,2301,29.9 -10861,2,3,0600,36.2 -10864,1,0,1324,33.8 -10866,1,0,1941,45.1 -10866,2,0,2114,45 -10866,3,0,2244,43.9 -10867,1,0,2024,37 -10870,1,1,0100,32.5 -10871,1,0,2205,44.9 -10871,2,1,0525,41.8 -10871,3,1,1145,40.2 -10872,1,0,1615,32.2 -10872,2,0,2139,30.3 -10872,3,1,0925,31.1 -10876,1,0,1945,35.3 -10876,2,1,2135,29.4 -10876,3,1,0125,30 -10877,1,0,1743,32.5 -10877,2,1,0213,30.9 -10877,3,1,1025,31.6 -10878,1,0,1835,40.8 -10879,1,0,1849,39.4 -10880,1,0,0846,40 -10881,1,0,1815,38.8 -10881,2,0,1945,34.6 -10881,3,0,2108,35.9 -10883,1,0,1413,39.2 -10883,2,1,0500,38 -10883,3,0,1036,41.4 -10884,1,0,1355,36.9 -10884,2,0,1830,39.4 -10885,1,0,1132,33.3 -10887,1,0,1749,41.6 -10887,3,1,0258,37.9 -10887,4,1,0749,35.6 -10888,1,0,2222,36.4 -10890,1,0,1950,40 -10890,2,1,0530,39.9 -10892,1,0,1645,34.9 -10892,2,1,0611,28.6 -10893,1,0,1722,34.6 -10893,2,0,2330,28.1 -10893,3,1,0600,28.6 -10896,1,0,0940,37 -10898,1,0,1345,21.7 -10898,2,0,1707,23.5 -10898,3,1,0845,25 -10899,1,0,2245,44.4 -10901,1,0,1849,32.6 -10902,1,0,1957,36.9 -10902,2,0,2103,33.9 -10902,3,0,2355,33.3 -10903,1,0,0520,36.1 -10904,1,0,1618,39.3 -10904,2,0,1609,43 -10904,3,0,2020,37.5 -10905,1,0,1720,35.3 -10905,2,0,1830,34.3 -10905,3,0,2014,35.3 -10906,1,0,1938,34.7 -10909,1,0,1255,38.8 -10910,1,0,2357,37.2 -10911,1,0,1450,35.6 -10912,1,0,2359,34.7 -10913,1,0,1814,34.2 -10914,1,0,2320,36.2 -10915,1,1,0048,36 -10915,2,1,0159,34.8 -10915,3,1,0414,34.8 -10917,1,0,1230,38 -10918,1,0,2145,33.8 -10918,2,1,0140,26 -10918,3,1,0810,32.4 -10919,1,0,2216,36.9 -10921,1,0,0845,42.8 -10921,2,0,1030,42.3 -10921,3,0,1430,37.6 -10922,1,0,1829,36.9 -10923,1,0,1816,31 -10925,1,1,0050,34.4 -10927,1,0,1011,37.9 -10927,2,0,1113,37.4 -10927,3,0,1401,35.9 -10929,1,1,0400,28.9 -10929,2,1,0852,27.4 -10929,3,1,1209,26.4 -10930,1,0,1300,35.9 -10932,1,0,1210,38.6 -10932,2,0,1505,40.3 -10933,1,0,2040,42.5 -10934,1,0,1758,36.1 -10935,1,0,1828,41.8 -10935,2,1,0346,41.7 -10936,1,0,2000,38.6 -10937,1,0,2104,43.8 -10937,2,1,0659,35.5 -10937,3,1,1827,35 -10938,1,0,0457,35.8 -10939,3,1,0410,37.3 -10940,1,0,1853,38.8 -10941,1,0,1205,37.1 -10941,2,0,1736,34.7 -10941,3,1,0144,32.3 -10942,1,0,1740,32.4 -10942,2,0,1830,31.3 -10942,3,0,2045,31.8 -10943,1,0,1535,34.6 -10943,2,0,1630,35.4 -10943,3,0,1825,34.2 -10945,1,0,1715,34.5 -10948,1,0,1406,35.5 -10949,1,0,1843,36.5 -10950,1,0,1705,48.9 -10950,2,1,1240,40.1 -10951,2,0,2330,25.6 -10951,3,1,0405,36.2 -10951,4,1,0820,31.8 -10952,1,0,1637,43.1 -10954,1,0,2259,36.1 -10956,1,0,1938,38.9 -10956,2,0,2034,39.2 -10958,1,0,2114,44 -10959,1,0,0858,43 -10960,1,0,2104,37.7 -10961,1,0,1651,35 -10961,2,0,2041,34.8 -10961,3,1,0528,32.1 -10962,1,0,2116,35 -10962,2,1,0450,27.1 -10962,3,2,1150,25.7 -10963,1,0,1246,36.9 -10964,1,0,1826,36.1 -10964,2,0,2007,35 -10964,3,0,2209,33.5 -10965,1,0,1343,36.1 -10966,1,0,1705,38.5 -10966,2,1,0623,37.6 -10967,1,0,1347,29.1 -10968,1,0,2028,35.2 -10970,1,0,2028,35.5 -10972,1,0,1735,39.9 -10973,1,0,1911,32.5 -10974,1,0,1951,37.7 -10975,1,0,1207,35.9 -10976,1,0,1538,37.6 -10979,1,0,2010,41.1 -10981,1,0,2030,38.5 -10982,1,0,1600,39 -10983,1,0,1636,38.1 -10985,1,0,1610,39.8 -10986,1,0,2126,42.3 -10987,1,0,0021,37 -10987,2,0,0652,33.1 -10988,1,0,1246,44 -10989,1,0,1707,38.2 -10990,1,0,2151,38.6 -10991,1,0,2342,44.5 -10991,2,0,1727,34 -10991,3,0,1738,31 -10992,1,0,0805,36.5 -10993,1,0,2234,34.3 -10994,1,1,0029,45.4 -10994,2,1,0531,44 -10994,3,1,1305,40.9 -10996,1,0,2109,27.7 -10996,2,1,0457,25.8 -10996,3,1,1240,23.9 -10997,1,0,1337,32 -10999,1,1,0035,37.7 -11000,1,0,1636,41.9 -11000,2,1,0618,39.9 -11001,1,0,2332,33.6 -11003,1,0,1329,36.8 -11004,1,0,1740,31.8 -11004,2,0,2010,31 -11005,1,0,1240,34.4 -11006,1,0,1728,34.8 -11007,1,0,2229,40 -11007,2,1,0722,38 -11008,1,0,1439,39.5 -11010,1,0,1700,38.4 -11010,2,0,1930,36.1 -11011,1,0,1920,32.7 -11012,1,0,1935,42 -11014,1,0,1914,41.3 -11015,1,0,1110,39 -11016,1,0,1915,38.4 -11017,1,0,1947,38.7 -11018,1,0,0518,38.4 -11018,2,0,0624,38.9 -11018,3,0,0832,35.7 -11019,1,0,2115,41.1 -11019,2,0,2304,36.3 -11019,3,1,0245,33.6 -11020,1,0,1542,46.7 -11020,2,1,0708,40.7 -11021,1,0,1758,43 -11021,2,2,0800,33.4 -11022,1,0,1424,39 -11022,2,0,1430,39.5 -11023,1,0,1906,44 -11023,2,1,0430,41.7 -11024,1,1,0618,30.6 -11024,2,0,1622,47 -11025,2,0,1403,42 -11025,3,0,1415,39.9 -11025,4,0,2002,37 -11026,1,0,2240,43 -11027,1,0,1619,37 -11027,2,1,0615,34.8 -11030,1,0,1212,42 -11032,1,0,1207,38.7 -11032,2,0,1311,33.8 -11032,3,0,1514,35.7 -11033,1,0,1431,39 -11034,1,0,1845,35.7 -11034,2,1,0440,21.1 -11034,3,1,1250,33 -11036,1,0,1550,31.3 -11037,1,0,2040,36.7 -11037,2,0,2140,33.7 -11037,3,1,0005,35.6 -11039,1,0,0719,45 -11039,2,0,0834,46 -11039,3,1,0540,40.3 -11041,1,0,0037,45.8 -11041,2,0,0641,42.7 -11041,3,0,1038,44.1 -11042,1,1,0027,34.1 -11043,1,0,1418,33.8 -11044,1,1,0037,39.9 -11046,1,0,1625,37.3 -11047,1,0,1940,33.8 -11047,2,0,2040,31.2 -11047,3,0,2230,32.4 -11049,1,0,0433,28 -11049,2,0,0816,17 -11049,3,0,0825,20.5 -11055,1,0,2116,37.1 -11056,1,0,1415,40.1 -11057,1,0,2209,38.5 -11058,1,0,1440,37 -11058,2,0,2005,36.4 -11058,3,1,0102,18.7 -11059,1,0,1921,33.1 -11060,1,0,2127,34.9 -11062,1,0,0531,32.8 -11062,2,0,1138,29 -11062,3,1,0410,25.2 -11063,1,0,2320,36.8 -11064,1,0,1640,36.6 -11064,2,0,1746,34.1 -11064,3,0,1802,33 -11066,1,0,1045,35.2 -11066,2,0,1220,38.5 -11066,3,0,1340,37.3 -11068,1,0,1712,36.7 -11070,1,0,2310,39.1 -11071,1,0,2113,35.1 -11071,2,1,0550,40.2 -11072,1,0,2001,39.9 -11073,1,0,1120,31 -11073,2,1,0535,27.5 -11073,3,0,1837,29.3 -11074,1,0,1745,39 -11074,2,0,2029,28.5 -11074,3,1,0425,23.2 -11076,1,0,1905,39 -11076,2,0,2010,37.5 -11076,3,0,2200,33.3 -11080,1,0,1640,38 -11081,1,0,1415,34.7 -11083,1,0,1112,36.6 -11083,2,0,1227,36.9 -11084,1,0,2148,42.6 -11086,1,0,2000,42 -11087,1,1,0130,38 -11087,2,1,0830,36 -11087,3,1,1440,34 -11089,1,0,1325,34.8 -11089,2,0,2021,33.5 -11089,3,1,0346,32.5 -11090,1,0,1710,37.7 -11090,2,0,1820,34.4 -11090,3,0,2055,37.3 -11092,1,0,0045,19.7 -11092,2,0,0751,33.4 -11092,3,1,0533,30.2 -11093,1,0,1600,43 -11094,1,0,2003,34 -11095,1,0,1400,33.9 -11095,2,0,2150,24.3 -11095,3,1,0745,21 -11098,1,0,1655,48 -11098,2,0,1700,44.7 -11099,1,0,1625,46.3 -11099,2,1,0600,41.7 -11099,3,1,2020,35.9 -11101,1,0,1533,39.7 -11101,2,0,1800,34.7 -11101,3,1,0450,34.6 -11102,1,0,1245,39.4 -11103,1,1,0605,37 -11103,2,0,2004,42 -11104,1,0,1730,43.7 -11105,1,0,1920,39.2 -11105,2,1,0705,39.8 -11106,1,0,1833,34.9 -11107,1,0,1716,42.1 -11108,1,0,1956,44.4 -11109,1,0,1012,47.1 -11109,2,0,1525,39.1 -11109,3,1,0505,36.4 -11110,1,0,2025,35.8 -11111,1,0,1957,36.5 -11111,2,1,0127,34 -11111,3,1,1029,32.5 -11114,1,0,0914,39.8 -11115,1,0,2030,38.8 -11115,2,0,2200,37.1 -11116,1,0,1225,43.3 -11117,1,0,1955,39.8 -11117,2,1,0525,37.5 -11118,1,0,1112,37.5 -11120,1,0,0043,35 -11122,1,0,1505,40 -11122,2,0,1520,39.2 -11122,3,1,0744,40 -11123,1,0,1651,37.4 -11123,2,0,2128,32.1 -11123,3,1,0656,30.8 -11124,1,0,1622,38.4 -11126,1,0,0938,34.4 -11126,2,1,0608,24.3 -11126,3,2,0941,26.2 -11127,1,0,1130,35 -11129,1,0,1613,32.6 -11129,2,0,1725,32.4 -11129,3,0,1903,33.6 -11131,1,0,2047,35 -11132,1,0,1858,39 -11132,2,2,1155,36.1 -11134,1,0,1536,33.4 -11135,1,0,1550,41.9 -11135,2,1,0705,44.3 -11136,1,1,0500,32.9 -11136,2,0,1521,36 -11137,1,6,1450,41.9 -11138,1,0,2332,44.3 -11140,1,0,1833,24 -11140,2,0,1857,37.6 -11140,3,1,1000,37.1 -11142,1,0,1935,43 -11142,2,1,0422,37.3 -11142,3,1,1615,38.4 -11144,1,0,1945,38.8 -11144,2,0,2058,39.7 -11144,3,0,2243,39.4 -11146,1,0,1812,34.8 -11147,1,0,1918,36.5 -11148,1,0,1435,33 -11148,2,0,1454,31.6 -11150,1,0,1600,37.7 -11150,2,0,1705,37.3 -11150,3,0,1900,38.2 -11152,1,2,0540,32.1 -11152,2,1,0630,31.3 -11152,3,0,1938,34 -11153,1,0,1151,37.6 -11155,1,0,1736,34.9 -11156,1,0,1658,37.5 -11156,2,1,0650,36 -11157,1,0,1740,44.9 -11157,2,1,0516,43.4 -11158,1,0,1445,42.3 -11160,1,0,2053,32.5 -11161,1,1,0013,43.6 -11163,1,0,2100,29.8 -11163,2,1,0622,19 -11163,3,1,1515,30.8 -11164,1,-1,2321,36.7 -11166,1,0,0335,38.9 -11166,2,0,0520,38.9 -11166,3,0,0935,34.5 -11167,1,0,1109,31.4 -11167,2,0,1340,33.3 -11167,3,0,1830,34 -11172,1,0,0310,36.3 -11172,2,0,0622,33.8 -11173,1,0,1915,38.4 -11173,2,0,2105,36.2 -11173,3,0,2255,33.5 -11175,1,0,1927,44.8 -11176,1,0,2321,26 -11176,2,1,0035,25.3 -11176,3,1,0520,22.7 -11177,1,0,2238,39 -11178,1,0,2156,38.4 -11179,1,0,1901,32.6 -11179,2,0,2112,34.2 -11182,1,0,1734,38.3 -11183,1,0,0744,44.3 -11184,1,0,2125,32.9 -11186,1,0,0315,40.1 -11186,2,0,0615,39.7 -11187,1,0,1842,37.6 -11190,1,0,2157,48 -11192,1,0,1243,35 -11192,2,0,1250,33.6 -11192,3,0,1425,30.7 -11193,1,0,1505,39.7 -11194,1,1,0840,37.6 -11194,2,0,1925,38.1 -11197,1,0,1544,38.7 -11198,1,0,1852,33.3 -11198,2,1,0440,29.5 -11199,1,0,1531,38 -11199,2,1,1320,33.4 -11199,3,1,0700,34.6 -11200,1,0,1830,38.2 -11200,2,0,2100,37.3 -11200,3,1,0345,35.9 -11201,1,0,1930,37.5 -11201,2,0,2055,37 -11201,3,0,2110,37.3 -11202,1,0,2020,40 -11202,2,1,0635,37.9 -11205,1,0,1400,11.6 -11205,2,0,2000,16.5 -11205,3,1,0220,10.9 -11206,1,0,2315,24.3 -11206,2,1,1220,24.2 -11207,1,0,0938,29 -11207,2,0,1810,27 -11207,3,1,0430,26 -11209,1,0,1734,39.9 -11210,1,0,2104,39 -11211,1,0,1938,39.7 -11212,1,0,1410,33.6 -11213,1,0,1759,38 -11213,2,1,0550,29.1 -11213,3,1,1505,32.2 -11214,1,0,1642,35 -11214,2,0,0845,34.7 -11214,3,0,1454,33.9 -11215,1,0,1716,32.9 -11215,2,1,1014,23.3 -11215,3,2,1238,22.1 -11217,1,0,1834,37.3 -11219,1,0,1832,34 -11219,2,1,0535,28.1 -11220,1,0,2041,44 -11222,1,0,2126,42.3 -11222,2,2,0550,30 -11223,1,0,1701,38.1 -11224,1,0,1714,39 -11225,1,0,1235,41.8 -11226,1,0,1913,34.3 -11226,2,1,1126,34.6 -11227,1,0,2130,38.8 -11228,1,0,2153,36.7 -11228,2,0,2332,24 -11228,3,1,0213,34.1 -11229,1,0,2042,33.8 -11231,1,0,2118,43 -11232,1,0,1327,54 -11234,1,0,2025,41.3 -11235,1,0,1555,41.6 -11236,1,0,1706,35.5 -11236,2,0,2355,29.6 -11236,3,2,1040,21.7 -11236,4,2,1140,20.8 -11236,5,2,1418,20.5 -11236,6,3,0850,18.6 -11236,7,4,1130,19.2 -11237,1,0,2015,40.8 -11239,1,0,1533,34.1 -11240,1,0,1902,41 -11242,1,0,1658,33.5 -11242,2,1,0725,33.2 -11242,3,1,1307,30.5 -11243,1,0,1822,43 -11244,1,0,1628,36 -11244,2,0,1722,35.5 -11244,3,1,0745,28.7 -11245,1,0,2023,30.5 -11245,2,1,0200,33.8 -11247,1,0,1803,38 -11247,2,0,1925,32.4 -11247,3,0,2020,34.1 -11248,1,0,0930,45.3 -11248,2,1,0655,39.9 -11248,3,2,0740,42.3 -11249,1,1,0058,29.5 -11250,1,0,1930,38.1 -11252,1,0,1651,36.8 -11253,1,0,2233,38 -11255,1,0,2015,38.5 -11256,1,1,0225,31.3 -11257,1,0,2125,37 -11257,2,0,2225,37.5 -11258,1,0,0140,36.8 -11258,2,0,0315,36.6 -11258,3,0,0835,37.1 -11259,1,0,1840,36.5 -11260,1,0,1434,47.9 -11261,1,0,1000,44.8 -11261,2,1,0706,37.7 -11262,1,0,1243,35.6 -11263,2,0,1645,34.5 -11264,1,0,1940,36.8 -11264,2,0,2240,35.2 -11264,3,1,0410,34.4 -11265,1,0,2035,42.5 -11265,2,1,0510,32.7 -11266,1,0,2217,41.7 -11268,1,0,1504,40.2 -11268,2,0,2220,37.8 -11268,3,1,0735,36.3 -11269,1,0,1720,37 -11269,2,1,0635,35.8 -11270,1,0,1056,41.4 -11270,2,1,0515,40 -11271,1,1,0001,33 -11272,1,0,1644,40.3 -11273,1,0,1633,44.7 -11274,1,0,2010,40.5 -11274,2,0,2120,40.9 -11275,1,0,0334,16.1 -11275,2,0,0600,38.2 -11275,3,0,1035,40.6 -11276,1,0,2213,43 -11277,1,0,1714,39.5 -11278,1,0,1430,37.8 -11278,2,0,2118,36.2 -11278,3,1,0600,38.6 -11279,1,0,1607,36.6 -11280,1,0,1744,37.2 -11281,1,0,1605,38.8 -11282,1,0,1339,34.6 -11282,2,0,1523,36.1 -11283,1,0,2320,40.2 -11284,1,0,2114,32.5 -11286,1,0,2040,38 -11286,2,1,0530,34.5 -11286,3,2,0355,32.3 -11288,1,0,1635,31.1 -11288,2,1,0605,29.3 -11288,3,1,1110,28 -11289,1,0,1554,36.4 -11290,1,0,1129,38 -11291,1,0,2217,38.5 -11293,1,0,1228,47 -11293,2,0,1813,42.2 -11293,3,1,0600,41.9 -11294,1,0,1931,37.9 -11295,1,1,0005,37.1 -11295,2,1,0620,38.4 -11295,3,4,0452,31.2 -11296,1,0,0115,36.7 -11297,1,0,2234,23.1 -11298,1,0,2208,40 -11298,2,1,0635,37.6 -11300,1,0,1902,36.6 -11302,1,0,0509,44.2 -11303,1,2,0615,30.4 -11303,2,1,0620,31.1 -11303,3,0,1756,40 -11304,1,0,1718,43 -11304,2,0,1728,39.7 -11304,3,1,0650,34.8 -11305,1,0,1934,45.7 -11306,1,0,1916,34.7 -11307,1,0,1754,45.7 -11307,2,1,0600,38.4 -11307,3,1,1555,33.4 -11308,1,0,1950,40.2 -11308,2,0,2245,37.3 -11308,3,0,2345,39.2 -11310,1,0,2003,34.9 -11311,1,0,1940,35.3 -11312,1,0,2301,33.4 -11313,1,0,0330,32 -11313,2,1,1145,32 -11314,1,0,0534,29.8 -11314,2,0,0631,28.5 -11314,3,0,0851,27.5 -11316,1,0,2228,36.9 -11317,1,0,1035,39.7 -11317,2,0,1135,34.3 -11317,3,0,1225,36.4 -11318,1,0,2246,44.1 -11320,1,0,2240,32.8 -11320,2,1,0601,27.5 -11320,3,1,1258,20.7 -11321,1,0,2018,30.9 -11321,2,1,0514,33.2 -11321,3,1,2200,21.9 -11324,1,0,1430,33.9 -11324,2,0,1544,33.4 -11324,3,0,1733,35.6 -11326,1,0,1848,39 -11326,2,0,2030,38.1 -11327,1,0,1801,40.4 -11328,1,0,2220,37.6 -11329,1,0,1543,41.3 -11331,1,0,2114,37.7 -11331,2,1,0410,33.8 -11332,1,0,2144,35.4 -11334,1,0,2053,30.6 -11334,2,0,2159,32.6 -11334,3,0,2324,32 -11335,1,0,1706,42 -11336,1,0,1633,40.1 -11336,2,0,2129,35.3 -11336,3,1,0600,34.5 -11336,4,1,2220,32.5 -11336,5,2,0410,34 -11336,6,3,0420,30.6 -11337,1,0,2240,21.5 -11337,2,1,0027,35.3 -11337,3,1,0950,36.6 -11338,1,0,1700,33.2 -11338,2,1,0035,27.9 -11338,3,1,0713,28.4 -11339,1,0,0022,44 -11340,1,0,1713,34.3 -11340,2,0,1800,34.7 -11340,3,0,2010,35.4 -11341,1,0,1850,41.9 -11343,1,0,1713,38.6 -11346,1,0,2305,37.8 -11347,1,0,1921,34.9 -11348,1,0,2030,36.5 -11348,2,0,2200,36.1 -11348,3,0,2325,34.2 -11349,1,1,0006,44 -11351,1,0,1910,37 -11352,1,0,1616,34.4 -11352,2,1,1633,31.9 -11352,3,1,1645,36.4 -11354,1,0,1832,37.9 -11355,1,0,1437,35.3 -11359,1,0,2115,43.3 -11360,1,0,1330,33.4 -11361,1,0,1639,34.2 -11362,1,0,2328,34.7 -11363,1,0,1704,36 -11364,1,0,2330,36.8 -11365,1,0,1535,42 -11365,2,0,1543,40.8 -11367,1,0,1717,33.7 -11368,1,0,1540,38 -11369,1,0,1758,38.8 -11370,1,0,1307,33.6 -11371,1,0,1817,42.7 -11375,1,0,0115,39.4 -11376,1,0,1429,37.8 -11376,2,1,0919,33.8 -11378,1,0,2225,35.1 -11379,1,1,1045,37.1 -11381,1,0,1336,41 -11381,2,0,1340,39.9 -11382,1,0,1806,32.7 -11384,1,0,2145,42.3 -11385,1,0,1540,42.4 -11386,1,0,1018,36.3 -11387,1,0,1515,42.9 -11387,2,1,0546,41.8 -11387,3,2,0430,40.5 -11388,1,0,0132,21 -11388,2,0,0139,28 -11388,3,0,1730,28.2 -11389,2,0,2127,35.1 -11389,3,2,0430,31.4 -11389,4,3,0430,32 -11391,1,0,2014,35.6 -11392,1,0,1753,27.6 -11392,2,1,0625,24.5 -11393,1,0,2230,38.3 -11394,1,0,2318,33 -11395,1,0,1232,35.8 -11396,1,0,1330,34.8 -11397,1,0,1417,27.6 -11397,2,0,1540,27.2 -11397,3,0,2210,25.8 -11399,1,0,2049,31.4 -11399,2,1,0450,29.6 -11399,3,1,1040,29.8 -11400,1,0,1218,31.8 -11400,2,0,1413,37.9 -11401,1,0,1757,37.9 -11401,2,0,1915,34.9 -11401,3,0,2204,34.1 -11402,1,0,1325,38.7 -11402,2,1,0015,36.8 -11402,3,1,0544,32.4 -11403,1,0,1353,35.4 -11406,1,0,1355,13 -11406,2,0,1455,11.5 -11406,3,0,1720,12.6 -11407,1,0,1208,37.6 -11408,1,0,2032,32.5 -11408,2,1,0646,25.5 -11408,3,2,0515,23.3 -11409,1,0,1345,40 -11409,2,1,0545,31.4 -11409,3,1,1155,31.3 -11410,1,0,1745,39 -11410,2,0,1807,39.8 -11410,3,0,2150,32.1 -11411,1,0,1150,39.8 -11411,2,2,0010,32.3 -11411,3,3,1350,35.4 -11412,1,0,0913,33 -11412,2,0,1145,29.2 -11412,3,1,0514,33.7 -11413,1,0,1545,37.1 -11414,1,0,1015,37.6 -11415,1,0,2029,35 -11416,1,0,2120,43 -11419,1,0,0534,43.2 -11420,1,0,1631,32.7 -11421,1,0,2325,45 -11422,1,0,2135,38 -11424,1,0,1730,34.7 -11424,2,0,2315,32.4 -11424,3,1,0530,32.2 -11425,1,0,1657,40.1 -11425,2,0,1955,36.7 -11425,3,1,0400,34 -11426,1,0,0704,41.2 -11426,2,1,0723,41.5 -11427,1,0,2253,38 -11427,2,1,0421,32.1 -11427,3,1,1011,34.8 -11428,1,0,1701,35 -11429,1,0,1341,45 -11431,1,0,2122,34.2 -11432,1,0,1840,42 -11432,2,0,2100,41 -11432,3,1,0030,39.2 -11435,1,0,1820,38.2 -11435,2,0,2050,39.5 -11436,1,0,2000,35 -11437,1,1,0235,35.8 -11437,2,1,0430,35.4 -11439,1,0,1847,34.5 -11440,1,0,2144,42 -11440,2,1,0500,38.8 -11440,3,1,1200,37.4 -11442,1,0,1740,43 -11443,1,0,0924,33.9 -11444,1,0,1634,38 -11445,1,0,0200,38.4 -11445,2,0,0344,37.4 -11446,1,0,1808,36.1 -11447,1,0,0052,36.9 -11447,2,1,0430,31.6 -11447,3,1,1340,32.4 -11448,1,0,1828,41 -11448,2,0,1834,40.2 -11449,1,0,1854,37.5 -11449,2,0,2100,35 -11449,3,0,2215,34.1 -11450,1,0,2010,32.2 -11452,1,0,1707,41.3 -11453,1,0,1411,30.5 -11454,1,1,0005,30.9 -11454,2,1,0237,27.1 -11454,3,2,2130,29.5 -11455,1,0,1149,44.3 -11456,1,0,1026,39 -11456,2,1,0325,32.7 -11456,3,2,0520,32.6 -11457,1,0,1641,45 -11458,1,0,1825,38.6 -11460,1,0,1759,35.1 -11460,2,1,0413,31.6 -11461,1,0,1551,44.3 -11462,1,0,1935,38.9 -11462,2,0,2115,36.9 -11464,1,0,2110,34.6 -11464,2,1,2227,28.2 -11464,3,3,2026,26.9 -11465,1,0,2134,39 -11466,1,0,1719,36.7 -11467,1,0,1440,32.4 -11467,2,0,1550,31.5 -11468,1,0,2131,41.8 -11468,2,0,2303,37 -11468,3,0,2353,41.9 -11469,1,0,1833,37.6 -11470,1,0,1655,35.4 -11470,2,0,1818,33.9 -11470,3,0,2015,34.1 -11471,1,0,1423,43 -11472,1,0,1747,36.9 -11472,2,1,0829,31.1 -11472,3,1,1413,30.1 -11474,1,0,1517,36.5 -11474,2,0,1706,26 -11474,3,0,2030,25.6 -11475,1,0,0140,42.4 -11475,2,0,0815,40.6 -11475,3,0,2000,43.1 -11477,1,0,1703,29.5 -11478,1,0,1555,35 -11478,2,0,1705,36.1 -11478,3,0,1845,36 -11479,2,0,1440,42 -11479,3,1,0637,39 -11481,1,0,1340,31.6 -11481,2,0,1525,31.3 -11481,3,0,1627,27.6 -11482,1,0,2240,35.2 -11482,2,1,0050,35.5 -11482,3,1,0840,37.1 -11483,1,0,2053,38.7 -11484,1,0,0449,40.6 -11485,1,0,2204,45.8 -11486,1,0,2018,40.2 -11489,1,0,0300,43.4 -11490,1,0,1710,39.5 -11490,2,0,1925,49.7 -11490,3,1,0005,41.8 -11490,4,1,0430,40.3 -11491,1,0,1545,36.6 -11491,2,0,1710,34.9 -11492,1,0,1441,38.3 -11492,2,0,2035,33.8 -11492,3,1,0600,33.7 -11493,1,1,0313,33.5 -11494,1,0,1240,41.6 -11495,1,0,1708,33.9 -11496,1,0,2142,37.3 -11497,1,0,1845,39 -11497,2,1,0415,33 -11497,3,2,0425,32 -11498,1,0,1538,32.7 -11499,1,0,1506,35.4 -11500,1,0,1929,36.3 -11500,2,0,2338,40.7 -11500,3,1,0400,37 -11501,1,0,1730,36.3 -11502,1,0,1433,39 -11502,2,0,1645,33 -11502,3,0,2225,33.3 -11503,1,0,1730,39.6 -11504,1,0,1807,39 -11506,1,0,2037,36.2 -11506,2,1,0610,35.5 -11508,1,0,2137,36.8 -11509,1,0,2105,44.2 -11511,1,0,2250,41.5 -11513,1,0,1830,40.4 -11514,1,0,1900,25.6 -11514,2,0,2102,25 -11514,3,0,2151,23 -11515,1,0,2352,36.4 -11515,2,1,0535,33 -11515,3,1,1140,34.8 -11516,1,0,0929,34.9 -11516,2,0,1457,29.1 -11516,3,0,2038,29.1 -11519,1,0,1936,35.8 -11520,1,0,1306,39 -11521,1,0,1937,39 -11521,2,1,0550,35.8 -11522,1,0,1744,14.2 -11522,2,0,1842,26.3 -11522,3,1,0336,33.4 -11524,1,0,1630,25.3 -11524,2,0,1720,21.5 -11524,3,0,1925,35.5 -11525,1,0,1354,36.5 -11526,1,0,2306,37.7 -11526,2,1,0015,37 -11527,1,0,1326,41.7 -11528,1,0,2223,44 -11528,2,1,1229,39 -11529,1,0,1231,34.1 -11530,1,0,2158,39.5 -11530,2,2,0617,28.1 -11530,3,3,0445,25.5 -11532,1,0,1631,36.4 -11533,1,0,1736,37.3 -11535,1,0,1646,34 -11535,2,0,1844,35.3 -11535,3,0,2134,33 -11536,1,0,0834,45 -11537,1,1,0625,39.4 -11537,2,0,1636,43 -11538,1,0,2217,40.7 -11539,1,0,1152,42.8 -11539,2,0,1555,41.3 -11540,1,0,1816,35.5 -11541,1,0,1045,32.8 -11542,1,0,1220,45.1 -11542,2,1,0511,42.3 -11543,1,0,1758,41 -11543,2,0,1808,38.3 -11545,1,0,1529,35.3 -11548,1,0,1350,38 -11549,1,0,2300,37.6 -11549,2,1,0759,33 -11550,1,0,1949,34 -11550,2,2,0540,30.9 -11550,3,1,0525,36.6 -11551,1,0,1831,35.9 -11552,1,0,2145,37.7 -11552,2,0,2217,36.4 -11552,3,1,0037,32.5 -11553,1,0,1725,33.3 -11553,2,2,0754,19.8 -11553,3,2,1234,20.7 -11554,1,0,1446,39.7 -11554,2,1,0545,41.1 -11554,3,2,0710,36.9 -11555,1,0,2344,38.1 -11557,1,0,1639,37.6 -11559,1,0,1615,45.4 -11559,2,1,0650,38.1 -11559,3,1,1206,35.4 -11560,1,0,2228,35.4 -11560,2,1,0341,33.7 -11561,1,0,2038,38.8 -11562,1,0,1745,39.1 -11564,1,0,1445,35 -11564,2,0,2110,36 -11564,3,1,0430,35 -11565,1,0,2209,33.6 -11566,1,0,1624,46.2 -11567,1,0,2052,40.2 -11570,1,0,2319,32.3 -11570,2,1,0818,28.6 -11572,1,0,1300,34.2 -11572,2,0,1425,33.4 -11572,3,0,1615,36.3 -11574,1,0,1730,38.7 -11574,2,0,2028,30 -11574,3,1,0345,25.1 -11576,1,0,1750,37.2 -11578,1,0,2313,49.7 -11579,1,0,1503,37.7 -11580,1,0,0233,33.5 -11580,2,1,0613,27.9 -11580,3,4,0934,29.2 -11581,1,0,1442,32.3 -11582,1,0,1909,32.4 -11583,1,0,1736,38 -11583,2,1,0730,37.9 -11586,1,0,1459,37 -11587,1,0,1150,37.1 -11589,1,0,1600,37.5 -11590,1,0,1831,42.3 -11590,2,1,0500,37 -11594,1,0,1542,18.3 -11594,2,1,0623,22.9 -11597,1,0,2329,36.5 -11597,2,1,0550,36.8 -11599,1,0,0347,40.1 -11599,2,2,0820,43.3 -11600,1,0,2042,44 -11600,2,0,2308,40 -11600,3,1,0452,37.1 -11601,1,0,1845,39.6 -11602,1,0,0330,35.7 -11603,1,0,1450,42.3 -11603,2,1,0430,35 -11603,3,2,0430,35.7 -11604,1,0,0811,39.9 -11607,1,0,2031,41.7 -11607,2,1,0755,36.5 -11607,3,1,1938,38.3 -11608,1,0,1846,21.2 -11609,1,0,1758,45.9 -11611,1,0,0556,35.5 -11612,1,0,1250,35 -11613,1,0,1844,40 -11614,1,0,2116,42.4 -11614,2,1,1120,42 -11616,1,0,0147,40 -11616,2,0,0545,36 -11616,3,1,0655,37.2 -11617,1,0,2211,34.7 -11617,2,1,0358,38 -11618,2,0,2334,31.5 -11619,1,0,0430,42 -11621,1,0,2032,44 -11621,2,0,2145,38.9 -11621,3,0,2335,43 -11623,1,0,2037,34.1 -11624,1,0,1347,38.6 -11625,1,0,1642,40.9 -11626,1,0,1010,35.4 -11628,1,0,0530,38.7 -11628,2,0,0650,35.5 -11628,3,0,0910,36.3 -11629,1,0,1700,41.1 -11629,2,0,1835,39.7 -11629,3,1,0540,33 -11630,1,0,1253,35.8 -11630,2,0,1829,30.4 -11630,3,0,2359,30.2 -11632,1,0,2001,39 -11632,2,0,2034,30 -11632,3,0,2240,34.4 -11633,1,0,2201,31.6 -11634,1,0,1335,41 -11634,2,1,0420,35 -11636,1,0,1715,35.1 -11637,1,1,0604,31.9 -11638,1,0,1900,30.4 -11638,2,1,0413,25.9 -11638,3,1,0814,27.3 -11639,1,0,1830,43 -11641,1,0,1253,38.1 -11643,1,0,2337,34.6 -11643,2,1,0105,33.9 -11643,3,1,0530,32.7 -11643,4,1,1118,31.4 -11643,5,1,1406,31.1 -11643,6,1,1758,30.1 -11643,7,2,0000,27.9 -11643,8,2,0639,27.8 -11643,9,2,1237,26.8 -11644,1,0,2050,38 -11644,2,0,2053,38 -11645,1,0,1652,43.5 -11645,2,0,2021,38.2 -11645,3,1,0027,38.1 -11646,1,0,0913,40 -11648,1,0,1453,39.5 -11648,2,1,0347,34.4 -11649,1,0,2214,35.6 -11650,1,0,1519,40.1 -11652,1,0,1939,36 -11652,2,0,2043,35.4 -11655,1,0,0410,37.7 -11656,1,0,1210,39 -11656,2,0,1333,40.3 -11656,3,0,1539,40.5 -11658,1,0,1514,41.3 -11660,1,0,0230,35.4 -11660,2,0,0738,29.5 -11660,3,0,1415,28.6 -11661,1,0,1538,33.9 -11662,1,0,2200,40.3 -11663,1,0,2015,42.2 -11663,2,1,0400,33.3 -11665,1,0,1630,36.1 -11665,2,2,0450,30.4 -11666,1,0,1818,36.3 -11668,1,0,2142,37.7 -11669,1,0,1740,37.4 -11669,2,0,2014,34.5 -11669,3,0,2207,31.4 -11670,1,0,2300,36.2 -11671,1,0,1615,39.6 -11672,1,0,1850,40.1 -11673,1,0,1745,38.2 -11673,2,0,1845,34.9 -11673,3,0,2115,36.4 -11674,1,0,1622,31.9 -11674,2,0,1702,30.2 -11674,3,0,1820,33.2 -11675,1,0,1147,40.4 -11675,2,0,1850,32.1 -11675,3,1,0118,42.4 -11676,1,0,2207,45.1 -11676,2,1,0635,40.8 -11679,1,1,0615,30.1 -11679,2,0,1955,33.8 -11679,3,0,0941,36.6 -11681,1,2,0923,40.5 -11682,1,0,2212,34.1 -11682,2,1,0004,26.7 -11682,3,1,0343,29 -11684,1,0,1500,43.4 -11684,2,0,1650,42 -11684,3,0,1900,42.5 -11685,1,0,1402,40.3 -11686,1,0,0833,36 -11686,2,0,0930,36 -11686,3,1,0035,29 -11688,1,0,0807,42.3 -11689,1,0,1745,39 -11690,1,0,1610,32.2 -11692,1,0,2116,39 -11692,2,1,0015,36.1 -11692,3,1,0410,36.7 -11693,1,0,1759,39 -11693,2,1,0530,36.1 -11693,3,2,0600,39.8 -11695,1,0,1251,37.9 -11697,1,0,2151,39.3 -11697,2,1,0318,26.6 -11697,3,1,1630,24.4 -11698,1,0,0907,37.1 -11698,2,1,0550,37.1 -11699,1,0,1840,42.6 -11699,2,1,0535,36.4 -11700,1,0,1610,39.7 -11704,1,0,2341,34 -11705,1,0,2038,37.3 -11706,1,0,1646,38.5 -11707,1,0,1720,39.6 -11709,1,0,2025,38.3 -11710,1,0,2228,44 -11711,1,1,0013,37.4 -11712,1,1,0021,38.3 -11712,2,1,0600,35.4 -11712,3,1,1254,35.7 -11713,1,0,2230,35 -11714,1,0,1720,36.8 -11715,1,0,1830,36.5 -11718,1,0,2331,40 -11719,1,0,1523,33.4 -11720,1,0,2038,36.2 -11722,1,2,1238,25 -11722,2,1,0530,28.9 -11722,3,3,0525,21.7 -11723,1,0,2117,32.9 -11729,1,0,1837,35 -11729,2,1,1520,34.5 -11730,1,0,1843,34.5 -11731,1,0,1122,34.9 -11732,1,0,0319,30.5 -11733,1,0,1359,35.4 -11734,1,0,2123,35 -11735,2,0,1223,35.3 -11736,1,0,1410,39.4 -11736,2,0,1500,38.9 -11737,1,0,1324,33.9 -11738,1,0,1633,36.5 -11739,1,0,1815,35.5 -11739,2,0,1930,35.5 -11739,3,0,2120,32.5 -11740,1,0,1115,41.7 -11740,2,0,1245,43.6 -11740,3,0,1400,43.3 -11741,1,1,0101,35.9 -11742,1,0,1919,34.9 -11742,2,1,0015,33.5 -11742,3,1,0607,35.4 -11742,4,2,0743,34.5 -11742,5,3,0827,34.9 -11744,1,0,0215,44.6 -11745,1,0,1350,39.6 -11746,1,0,2355,37.4 -11748,1,1,0025,45 -11750,1,0,0102,37.5 -11750,2,0,0332,34.7 -11750,3,0,0542,34.1 -11751,1,0,1030,37 -11751,2,0,1215,37.7 -11752,1,0,1929,40.4 -11752,2,1,0458,36.3 -11752,3,2,0400,35.2 -11753,1,0,1918,38.7 -11753,2,1,0415,35.9 -11754,1,0,1607,35.1 -11755,1,0,0817,43.5 -11756,1,0,2230,48.8 -11757,1,0,1600,36 -11758,1,0,1642,39 -11758,2,1,0455,33.6 -11759,1,0,2009,39 -11760,1,0,1623,39.5 -11761,1,1,0100,39.5 -11761,2,1,0210,36.8 -11761,3,1,0915,35.8 -11762,1,0,1508,35.9 -11763,1,0,1215,38.3 -11764,1,0,1808,35.4 -11764,2,0,1933,34.1 -11764,3,1,0225,33.8 -11765,1,0,2300,27.9 -11765,2,1,0615,26.7 -11766,1,0,1920,38.3 -11768,1,1,0615,39.3 -11770,1,0,2315,39 -11771,1,0,1703,35.9 -11772,1,0,1500,41.2 -11772,2,1,0440,36.4 -11774,1,0,1710,38.2 -11774,2,1,0720,37.5 -11774,3,0,1709,40 -11775,1,0,0158,38.3 -11775,2,0,0613,32.5 -11775,3,0,1356,36.6 -11776,1,0,0943,42.9 -11777,1,0,1105,37 -11778,1,0,2203,36.2 -11781,1,0,2350,38.4 -11781,2,1,0110,31 -11781,3,1,0305,31.1 -11782,1,0,1914,38.1 -11782,2,0,2041,37.8 -11782,3,0,2253,36.3 -11783,1,0,1905,34.2 -11783,2,0,2010,32 -11783,3,1,0030,30.4 -11784,1,1,0925,31.3 -11785,1,0,1708,39.2 -11785,2,1,0340,30.2 -11785,3,1,1649,23.5 -11786,1,0,1540,36.2 -11787,1,0,2342,41 -11787,2,1,0545,34.3 -11787,3,2,0530,39.6 -11788,1,0,1421,42 -11788,2,0,1505,44.5 -11790,1,0,1936,39.6 -11790,2,1,0400,33.3 -11790,3,1,1214,33.8 -11791,1,0,2213,35.9 -11791,2,1,0500,34.1 -11791,3,4,0002,31.2 -11792,1,0,2028,41 -11792,2,1,0523,34.1 -11793,1,0,2212,49 -11793,2,1,0635,44.9 -11794,1,0,2315,36.6 -11795,1,0,2336,41.2 -11796,1,0,2055,44.8 -11797,1,0,1726,40 -11798,1,0,2054,28 -11799,1,0,1558,29.8 -11799,2,0,1755,29.3 -11799,3,1,0020,25.7 -11800,1,0,1335,33.1 -11800,2,0,1536,29.6 -11800,3,0,1703,31.5 -11801,1,0,1930,34 -11801,2,1,0550,30.3 -11802,1,0,1930,33.7 -11802,2,0,2045,31.9 -11802,3,0,2310,31.8 -11804,1,0,1300,20.2 -11804,2,0,1345,18 -11804,3,0,1510,29.4 -11805,1,0,0912,38 -11805,2,0,0935,37.5 -11806,1,0,2011,34.2 -11809,1,0,0840,37.6 -11810,1,1,0010,45.3 -11811,1,0,1930,41 -11812,1,0,1625,32.9 -11814,1,0,1939,33.4 -11814,2,1,0600,33.5 -11814,3,1,1400,36.4 -11815,1,0,1520,43 -11816,1,0,1700,39.7 -11816,2,0,1750,31 -11817,1,0,1925,43.6 -11817,2,2,0410,40.5 -11819,1,0,1749,39.3 -11820,1,0,1630,47 -11820,2,0,1716,39 -11820,3,0,1802,38 -11821,1,0,1442,39 -11821,2,0,1615,39.1 -11821,3,1,0500,37.7 -11822,1,0,1950,38.9 -11823,1,0,2335,36.5 -11825,1,0,1850,34.8 -11826,1,0,1850,41.3 -11826,2,1,0920,39.4 -11826,3,1,1615,39.7 -11828,1,0,1642,40.4 -11831,1,0,1920,42 -11832,1,0,2231,30.8 -11833,1,1,0002,40 -11833,2,1,1600,39 -11833,3,2,0500,42 -11834,1,0,1755,38.3 -11836,1,0,2215,30.6 -11837,1,0,1227,34.6 -11837,2,0,1312,33.4 -11837,3,0,2205,32.3 -11839,1,0,1650,37.3 -11839,2,0,1800,36.6 -11839,3,1,0920,36.9 -11841,1,0,1800,33.1 -11841,2,0,2211,34.4 -11841,3,1,0210,31 -11844,1,0,1354,40.5 -11846,1,0,0215,34.8 -11847,1,0,2357,37.7 -11847,2,1,0059,36.1 -11847,3,1,0220,35.1 -11848,1,0,1243,35.5 -11849,1,0,2120,35 -11850,1,0,2238,40.2 -11850,2,1,0600,38.4 -11850,3,1,2000,39.6 -11852,1,0,2321,39 -11852,2,1,0643,35.8 -11852,3,1,1839,38.3 -11853,1,0,1740,44.5 -11853,2,0,2005,44.3 -11853,3,1,0825,35.6 -11854,1,0,0947,37.1 -11855,1,0,1842,38.8 -11855,2,1,0308,35.9 -11856,1,0,2011,39 -11856,2,1,0630,33 -11856,3,2,0920,32.2 -11857,1,0,2218,43.7 -11857,2,1,0324,28.3 -11857,3,1,0731,28.6 -11858,1,0,2050,38.6 -11858,2,0,2240,36.7 -11858,3,1,0010,35.5 -11859,1,0,1925,35.3 -11859,2,0,2040,33 -11859,3,0,2255,31 -11861,1,0,1548,39.9 -11865,1,0,1910,36.4 -11865,2,0,2015,34.2 -11865,3,0,2210,31.3 -11867,1,0,1821,35 -11867,2,1,0030,32.7 -11867,3,1,0510,32.6 -11868,1,0,0542,43.1 -11869,1,0,0920,34.9 -11870,1,0,1550,36.7 -11871,1,0,1915,39.1 -11872,1,0,1945,37.4 -11872,2,0,2056,37.2 -11872,3,0,2250,37.8 -11873,1,0,1545,36.4 -11876,1,0,1703,35 -11876,2,1,1500,41.7 -11876,3,1,2008,38.4 -11877,1,0,2146,34.3 -11877,2,1,0658,33.3 -11878,1,0,1400,35 -11878,2,1,0349,25.3 -11878,3,1,1629,23.1 -11879,1,0,2009,38.8 -11881,1,0,1440,37.7 -11882,1,0,1629,39 -11882,2,1,0500,35 -11883,1,0,1728,38.3 -11884,1,0,2301,44.6 -11886,1,0,1851,38 -11887,1,0,2115,41.5 -11888,1,0,1608,43.3 -11888,2,0,1720,38.4 -11888,3,0,2208,31.6 -11889,1,0,2126,35.1 -11893,1,0,1755,39.9 -11893,2,0,2030,39.7 -11893,3,0,2230,36.2 -11894,1,0,2310,12.2 -11897,1,0,1528,39 -11899,1,0,1545,38 -11902,1,0,2040,43.8 -11902,2,0,2216,42.3 -11902,3,1,0025,41.4 -11903,1,0,2139,36.6 -11904,1,0,1645,39.1 -11905,1,0,1804,39.9 -11907,1,0,1530,37.2 -11908,1,0,2150,38.4 -11908,2,0,2310,36.8 -11909,1,0,2213,40 -11909,2,0,2225,40.2 -11909,3,1,0425,38.8 -11910,1,0,1800,38 -11914,1,0,2025,33.2 -11915,1,0,2004,39 -11915,2,0,2010,42 -11915,3,0,2049,29 -11916,1,1,0010,52.3 -11917,1,0,1510,35.1 -11918,1,0,0200,28 -11918,2,0,0338,41.1 -11918,3,0,0525,42.2 -11919,1,1,0543,29.7 -11919,2,2,0415,26.8 -11919,3,3,0550,29.1 -11920,1,0,1907,43.5 -11922,1,0,1757,36.9 -11923,1,1,1117,39.1 -11927,1,0,1909,41.6 -11929,1,0,2212,28.7 -11932,1,0,1409,47.5 -11936,1,0,1909,42 -11937,1,0,1255,45.5 -11937,2,0,1500,43.1 -11937,3,0,1550,44.1 -11938,1,0,0800,44 -11939,1,1,0400,23.4 -11939,2,1,0829,24.4 -11940,1,0,1219,38.1 -11940,2,1,0545,35.5 -11942,1,0,1624,39.9 -11943,1,0,1824,34.4 -11944,1,0,1759,37.7 -11945,1,0,1510,33.6 -11946,1,0,1816,34.3 -11949,1,0,1846,39.2 -11951,1,0,1607,32.1 -11952,1,0,2145,34.1 -11953,1,0,1950,43 -11954,1,0,0620,36.2 -11955,1,0,1611,37.1 -11957,1,0,1616,40.2 -11958,1,0,1222,36.6 -11959,1,0,1003,47.1 -11960,1,0,2333,35.6 -11962,1,2,0856,39 -11962,2,1,0654,37.9 -11962,3,0,1808,38.4 -11963,1,0,2342,33.8 -11963,2,1,0055,35.7 -11963,3,1,0256,34.6 -11964,1,0,1810,36.8 -11965,1,0,0430,37.3 -11967,1,0,1846,39.1 -11969,1,0,1556,36.5 -11970,1,0,1048,33.1 -11970,2,0,1615,37.9 -11970,3,1,0440,34.1 -11971,1,0,1952,41.2 -11972,1,0,2119,34.5 -11972,2,0,2227,35.4 -11972,3,1,0400,31 -11973,1,0,2030,31.6 -11974,1,0,0850,42 -11975,1,0,2014,35 -11977,1,0,1528,37.7 -11978,1,0,1015,40.9 -11978,2,0,1155,38.5 -11978,3,0,1325,38.9 -11979,1,0,1725,31.4 -11979,2,1,0731,29.6 -11980,1,0,1742,33.4 -11981,1,0,1649,40.6 -11985,1,0,2130,36 -11985,2,0,2300,34.9 -11985,3,1,0110,36 -11986,1,0,1422,38.5 -11986,2,0,1729,36.6 -11987,1,0,2150,41.1 -11988,1,0,1442,46 -11988,2,0,1452,43.2 -11988,3,0,1700,41.5 -11989,1,0,1645,36.5 -11989,2,1,2120,31.1 -11989,3,2,0350,27.9 -11990,1,0,1858,31.7 -11990,2,1,1035,29.5 -11991,1,0,2157,39.1 -11992,1,0,1540,39.2 -11992,2,1,0845,35 -11993,1,0,1838,42 -11994,1,0,1519,40.8 -11994,2,0,1950,36 -11994,3,1,0207,35.6 -11995,1,0,1542,37.3 -11996,1,0,2055,36.1 -11996,2,0,2240,35.3 -11998,1,1,0008,39 -11998,2,1,0830,37.3 -12001,1,0,1729,38 -12003,1,0,1718,46 -12003,2,0,2250,42.1 -12004,1,0,2158,37.2 -12005,1,0,0400,38.8 -12005,2,0,0550,33.1 -12005,3,0,0800,33.5 -12006,1,0,1607,34 -12007,1,0,1924,34 -12008,1,0,2319,39.5 -12010,1,0,1415,35.9 -12011,1,0,1735,33.3 -12012,1,0,1147,36.3 -12013,1,0,2021,31.7 -12014,1,0,0858,42 -12015,1,0,1724,37.1 -12016,1,0,1726,44 -12018,1,0,1655,38.3 -12018,2,0,1815,38.5 -12019,1,0,1315,40.3 -12019,2,0,1450,39 -12019,3,0,1900,39.8 -12020,1,0,0940,36.5 -12021,1,0,2030,37 -12021,2,0,2135,34.7 -12021,3,0,2330,34.7 -12022,1,1,0003,41 -12023,1,0,1543,35 -12026,1,0,1847,34.3 -12026,2,2,1318,35.2 -12029,1,0,1548,44 -12030,1,0,1932,35.9 -12031,1,0,1003,37.1 -12031,2,1,0619,30 -12031,3,4,0645,30 -12032,1,0,2133,42.4 -12032,2,1,0620,39 -12033,1,0,1213,43.7 -12033,2,0,1558,41.9 -12034,1,0,2200,41 -12034,2,1,0720,37.4 -12035,1,0,1848,36 -12036,1,0,1620,37.2 -12037,1,0,1439,43 -12037,2,0,1538,36.5 -12037,3,0,1900,36 -12039,1,0,1803,31 -12039,2,0,1932,34 -12039,3,1,1153,29 -12040,1,0,2138,34.5 -12041,1,0,1644,38.5 -12043,1,0,1130,39.4 -12044,1,0,1630,37.3 -12044,2,0,1720,36.7 -12044,3,0,2000,36.7 diff --git a/data/iai_pecarn/raw/form5_lipase.csv b/data/iai_pecarn/raw/form5_lipase.csv deleted file mode 100644 index 481ab2f5..00000000 --- a/data/iai_pecarn/raw/form5_lipase.csv +++ /dev/null @@ -1,5703 +0,0 @@ -subjectid,repeat_instance,SerLipaseDay,SerLipaseTime,SerLipaseValue -5,1,0,2031,20 -5,2,1,0550,14 -6,1,0,0212,27 -7,1,0,0519,89 -8,1,0,1809,18 -10,1,0,1930,32 -16,1,0,0255,28 -16,2,0,1530,19 -23,1,0,1755,49 -31,1,1,0001,61 -32,1,0,1648,57 -32,2,0,2207,43 -34,1,1,0602,39 -35,1,0,2115,24 -37,1,0,1919,16 -40,1,0,2358,30 -41,1,0,2045,41 -45,1,0,2040,44 -46,1,0,1218,217 -49,1,1,0410,441 -49,2,3,0430,57 -50,1,0,1716,26 -50,2,0,2349,14 -52,1,0,1648,17 -55,1,0,1335,48 -56,1,0,2150,144 -56,2,1,0441,79 -57,1,0,2046,14 -60,1,0,1544,33 -62,1,1,0551,16 -65,1,1,0530,34 -66,1,1,0922,36 -67,1,-13,1544,132 -68,1,0,1845,76 -68,2,1,0440,33 -69,1,0,1830,67 -70,1,0,1837,43 -73,1,0,1831,16 -74,1,0,2120,23 -74,2,0,2305,19 -75,1,0,1514,33 -76,1,1,0610,34 -81,1,1,0555,50 -82,1,0,2000,55 -83,1,0,1550,19 -88,1,0,1950,28 -88,2,1,0345,20 -91,1,0,0147,17 -92,1,0,1802,138 -93,1,0,2047,33 -99,1,0,2155,17 -101,1,0,1911,83 -102,1,0,1616,72 -105,1,1,0600,74 -106,1,0,1239,16 -108,1,0,0930,69 -109,1,0,1440,29 -110,1,0,2300,13 -113,1,0,2213,30 -114,1,0,1703,54 -115,1,0,1657,23 -116,1,0,1625,23 -118,1,0,1710,47 -121,1,0,2007,14 -123,1,0,1730,83 -129,1,0,1954,29 -132,1,0,1815,28 -134,1,1,0500,38 -137,1,0,1435,18 -140,1,1,0015,130 -141,1,0,2143,56 -142,1,0,2136,25 -143,1,0,1716,43 -144,1,0,1635,134 -146,1,1,0100,38 -147,1,0,0050,21 -148,1,0,0925,36 -151,1,0,1858,59 -152,1,0,0950,12 -157,1,0,2210,25 -160,1,0,2055,85 -163,1,1,0130,31 -170,1,1,0626,19 -172,1,0,2137,22 -176,1,0,1526,22 -180,1,0,1329,82 -181,1,0,1457,169 -182,1,1,0755,24 -183,1,0,1212,58 -187,1,1,0003,11 -190,1,0,2216,23 -191,1,0,2340,111 -193,1,0,0735,29 -193,2,0,0345,24 -194,1,0,1155,38 -195,1,0,1843,147 -198,1,0,2200,58 -199,1,0,1631,154 -200,1,0,1911,61 -202,1,0,1408,158 -203,1,0,1320,61 -204,1,1,0640,56 -204,2,3,2150,81 -211,1,0,0150,37 -212,1,0,1326,15 -214,1,0,1743,21 -216,1,0,2120,22 -217,1,0,1850,25 -227,1,0,1330,14 -227,2,1,1040,16 -229,1,0,0147,31 -232,1,0,1749,24 -237,1,0,1235,27 -240,1,0,0047,22 -241,1,0,1740,25 -243,1,0,1729,16 -247,1,0,1518,33 -250,1,0,2255,70 -250,2,1,0540,73 -251,1,0,2306,27 -256,1,0,1625,184 -256,2,0,2003,149 -258,1,0,1705,30 -261,1,0,1441,69 -263,1,0,1420,24 -265,1,0,1839,29 -266,1,0,2150,74 -275,1,1,0655,55 -275,2,0,2120,122 -276,1,0,1152,21 -280,1,0,0841,46 -285,1,0,1555,37 -288,1,0,2000,99 -289,1,0,2100,18 -295,1,0,1553,64 -295,2,1,0540,106 -296,1,0,1825,111 -297,1,0,1600,43 -299,1,0,0910,22 -301,1,0,1545,133 -303,1,1,0403,15 -305,1,0,1440,117 -306,1,1,0427,25 -308,1,1,0001,22 -311,1,1,0005,58 -312,1,0,1626,282 -314,1,0,1329,11 -316,1,0,2045,12 -318,1,0,2017,93 -320,1,0,0050,25 -322,1,0,1540,21 -328,1,0,1740,19 -332,1,0,2230,25 -333,1,0,2035,19 -336,1,0,0623,39 -337,1,1,0430,41 -338,1,0,0637,9 -341,1,0,0709,44 -342,1,0,1546,27 -345,1,0,1404,134 -350,1,0,1640,45 -352,1,0,1318,43 -357,1,0,1130,16 -358,1,0,1143,16 -363,1,0,1200,20 -369,1,0,0919,30 -371,1,0,2136,20 -374,1,0,0910,26 -375,1,0,1730,58 -376,1,0,0218,19 -377,1,0,1640,16 -379,1,0,1724,72 -380,1,0,1250,18 -381,1,0,2100,14 -382,1,0,2030,21 -386,1,0,1600,17 -387,1,0,1430,38 -388,1,0,1517,39 -390,1,0,2005,119 -391,1,0,1830,20 -392,1,0,2055,14 -396,1,1,0400,24 -397,1,0,1824,35 -399,1,0,0944,104 -399,2,0,1657,28 -399,3,1,1438,15 -401,1,0,2000,10 -406,1,0,2143,78 -407,1,0,1640,23 -410,1,0,2335,31 -412,1,0,1520,56 -413,1,0,1402,13 -414,1,0,0959,22 -416,1,0,2336,36 -417,1,0,1544,171 -422,1,0,0956,17 -425,1,0,1726,72 -429,1,0,1530,17 -431,1,0,1745,22 -433,1,0,2220,18 -434,1,0,2039,91 -436,1,0,1726,47 -439,1,0,1520,98 -439,2,1,0555,42 -442,1,0,1940,22 -444,1,0,2250,47 -446,1,0,0114,13 -450,1,0,2050,18 -451,1,0,1915,77 -452,1,0,0140,18 -452,2,0,1710,47 -453,1,0,1815,19 -458,1,0,1815,27 -459,1,0,1425,32 -465,1,0,2102,21 -465,2,1,0641,17 -465,3,3,0356,24 -466,1,0,2113,34 -469,1,1,0404,34 -470,1,0,1917,43 -472,1,0,0915,24 -475,1,0,2125,43 -476,1,0,1248,87 -480,1,0,2251,83 -481,1,0,0055,54 -482,1,0,1400,13 -482,2,1,0430,12.3 -484,1,0,1900,23 -486,1,0,1641,16 -488,1,0,0745,24 -490,1,0,1419,22 -491,1,1,0235,735 -491,2,1,0930,146 -491,3,2,0600,62 -493,1,1,0155,19 -494,1,0,1233,920 -494,2,1,0415,125 -494,3,1,2100,29 -497,1,0,2130,194 -498,1,0,2034,198 -500,1,1,0559,54 -505,1,0,1110,29 -508,1,0,2252,25 -510,1,0,1857,192 -511,1,0,0425,26 -512,1,0,2203,21 -513,1,1,0016,13 -514,1,0,2102,257 -517,1,0,2300,19 -519,1,0,1200,25 -520,1,0,1621,29 -523,1,0,1345,59 -527,1,0,1028,16 -531,1,0,1130,20 -531,2,1,0220,18 -536,1,0,2300,17 -537,1,0,1749,30 -538,1,0,1415,27 -539,1,0,2029,96 -542,1,0,1705,38 -544,1,0,1733,91 -544,2,1,0750,41 -546,1,0,0046,384 -546,2,0,1301,242 -546,3,0,1605,335 -550,1,0,1329,16 -551,1,1,0600,72 -551,2,0,1245,60 -559,1,1,0345,22 -564,1,0,1925,29 -567,1,0,2245,12 -569,1,0,1810,11 -572,1,0,1435,22 -574,1,0,2112,24 -574,2,1,0502,23 -574,3,1,1641,17 -575,1,0,2329,138 -577,1,3,0530,264 -577,2,1,0645,166 -577,3,0,2100,76 -578,1,0,0529,23 -580,1,2,0945,38 -582,1,0,1949,16 -583,1,1,0435,23 -587,1,0,1330,25 -589,1,0,2034,48 -591,1,0,1633,67 -592,1,0,2010,28 -593,1,0,1815,30 -594,1,0,1530,49 -595,1,0,1420,15 -596,1,1,1430,21 -600,1,0,2104,17 -603,1,1,0001,33 -607,1,0,1950,20 -613,1,0,1646,43 -615,1,0,2237,19 -618,1,0,1456,20 -620,1,1,0015,24 -621,1,0,1753,147 -627,1,0,1830,14 -630,1,0,1530,24 -630,2,1,1028,20 -631,1,0,1956,202 -632,1,0,2039,840 -632,2,1,1010,491 -637,1,0,1900,14 -638,1,1,0042,68 -641,1,0,2041,56 -642,1,0,1240,31 -643,1,-2,1557,53 -647,1,0,1412,300 -648,1,0,2120,10 -650,1,0,2116,36 -650,2,2,0815,96 -650,3,3,0842,50 -652,1,0,1305,50 -652,2,1,0635,47 -653,1,0,1824,23 -658,1,0,1253,13 -663,1,0,2300,39 -664,1,0,2141,20 -669,1,0,1819,100 -669,2,1,0409,21 -669,3,2,0350,25 -673,1,0,1601,23 -677,1,0,2121,18 -683,1,0,1645,13 -689,1,0,0320,494 -691,1,0,1640,22 -692,1,0,1642,21 -696,1,1,0520,35 -698,1,0,0535,20 -701,1,0,1848,24 -702,1,1,0230,13 -703,1,0,1906,77 -708,1,0,1653,141 -708,2,1,2249,131 -708,3,5,1147,567 -711,1,0,2000,16 -712,1,0,1947,20 -713,1,0,1735,77 -716,1,0,1405,15 -717,1,0,2340,40 -717,2,1,0800,26 -722,1,0,2122,26 -722,2,1,0800,18 -728,1,0,1623,24 -729,1,0,2132,19 -731,1,0,2120,115 -732,1,0,1609,16 -735,1,0,0249,96 -736,1,0,1300,33 -737,1,0,1646,27 -738,1,0,2055,22 -738,2,1,0702,31 -751,1,0,0325,15 -755,1,0,2311,68 -756,1,0,1341,22 -758,1,1,0455,56 -760,1,1,0029,14 -760,2,1,1015,13 -762,1,0,2105,209 -763,1,0,1829,201 -764,1,0,1517,23 -768,1,0,2215,36 -773,1,0,2341,163 -774,1,1,0625,17 -778,1,0,0157,81 -779,1,0,2040,41 -780,1,0,0135,50 -781,1,0,1950,10 -782,1,0,1610,18 -784,1,0,1730,108 -785,1,0,0447,32 -786,1,0,2050,22 -787,1,0,1635,24 -788,1,0,2241,22 -790,1,0,1144,48 -794,1,1,0640,36 -796,1,0,2350,462 -796,2,1,0900,236 -796,3,2,0642,141 -796,4,3,1237,131 -798,1,0,2208,28 -800,1,0,1957,20 -802,1,0,2100,160 -807,1,0,2130,45 -810,1,0,2150,16 -810,2,1,0405,16 -814,1,0,1757,19 -816,1,0,0220,28 -817,1,0,1232,37 -818,1,0,1548,164 -823,1,0,2310,66 -824,1,0,1210,25 -828,1,0,1807,34 -830,1,0,2235,31 -834,1,0,1906,576 -837,1,0,0907,57 -838,1,0,1926,37 -840,1,0,2109,18 -841,1,0,0030,27 -841,2,0,1500,21 -843,1,0,1430,82 -847,1,0,1855,19 -847,2,1,1000,21 -848,1,0,1550,144 -848,2,1,0415,55 -849,1,0,2100,37 -851,1,0,0145,22 -852,1,0,2002,152 -853,1,0,2110,16 -854,1,0,0614,29 -855,1,0,1114,170 -856,1,0,1245,21 -856,2,0,1835,19 -858,1,0,1340,24 -858,2,1,0430,17 -862,1,0,2209,39 -863,1,1,0340,5213 -863,2,2,0615,1746 -863,3,3,0515,725 -869,1,0,2100,18 -873,1,1,0320,35.1 -874,1,0,1726,15 -876,1,0,1532,27 -878,1,0,1300,19 -879,1,0,1814,23 -886,1,1,0330,19 -888,1,1,0925,147 -892,1,0,1839,69 -893,1,0,1625,31 -895,1,0,1153,26 -896,1,0,1739,17 -899,1,0,2025,17 -899,2,1,1040,14 -905,1,0,1140,25 -908,1,0,2047,23 -911,1,0,1704,11 -913,1,0,1645,44 -918,1,0,2200,16 -919,1,0,1928,19 -919,2,0,2210,18 -921,1,0,1544,25 -922,1,0,1924,20 -925,1,0,2243,14 -926,1,0,1826,162 -930,1,0,1441,51 -931,1,0,1617,16 -931,2,0,2140,14 -931,3,1,2110,12 -933,1,0,0135,24 -933,2,0,1605,23 -935,1,0,1348,33 -937,1,0,0753,54.5 -937,2,1,1013,21 -938,1,0,1207,15 -940,1,0,1846,14 -942,1,0,1330,17 -943,1,0,1617,38 -944,1,0,0615,27 -945,1,0,2200,65 -946,1,0,1130,283 -950,1,1,0156,35 -953,1,0,1747,244 -954,1,0,0826,162 -961,1,0,1857,25 -965,1,0,1421,17 -966,1,0,1922,32 -967,1,0,2055,47 -970,1,0,1500,49 -970,2,1,0409,40 -972,1,0,2334,38 -974,1,0,1450,14 -975,1,0,1705,83 -976,1,0,1830,54 -976,2,1,1050,23 -977,1,0,1625,19 -978,1,0,2000,25 -978,2,1,0512,56 -979,1,0,0045,16 -981,1,0,2151,40 -982,1,0,1545,742 -982,2,1,0740,372 -982,3,2,1120,153 -983,1,0,1126,17 -988,1,0,1515,274 -990,1,0,2345,19 -990,2,1,0230,49 -990,3,2,0200,36 -991,1,0,1634,12 -993,1,0,2057,21 -994,1,0,1951,33 -996,1,0,1955,15 -997,1,0,2313,55 -1001,1,2,0430,38 -1002,1,0,2137,64 -1004,1,0,2310,35 -1006,1,0,2015,20 -1007,1,0,1940,24 -1009,1,0,1418,16 -1011,1,0,1554,38 -1012,1,0,1652,108 -1015,1,0,1920,15 -1018,1,0,2027,11 -1020,1,0,1117,162 -1021,1,0,1551,97 -1022,1,0,2015,43 -1026,1,1,0045,22 -1028,1,0,1800,17 -1032,1,0,2016,36 -1035,1,1,0500,93 -1035,2,1,1400,28 -1038,1,0,2001,28 -1038,2,0,2306,24 -1042,1,0,2255,59 -1043,1,0,1843,20 -1044,1,0,1700,22 -1044,2,1,0615,18 -1045,1,1,0457,19 -1047,1,0,1853,41 -1049,1,0,1839,326 -1050,1,0,2150,19 -1056,1,0,1826,20 -1057,1,0,0331,12 -1061,1,0,1539,238 -1065,1,0,1930,20 -1067,1,0,1920,45 -1068,1,0,1450,15 -1074,1,0,0857,20 -1075,1,0,1254,15 -1076,1,0,1838,163 -1081,1,1,0650,27 -1082,1,0,1916,20 -1084,1,0,2050,31 -1085,1,0,1601,30 -1091,1,0,1746,23 -1092,1,1,0405,21 -1093,1,0,2315,21 -1095,1,0,1140,31 -1097,1,0,1939,32 -1098,1,0,0316,142 -1098,2,1,0610,75 -1102,1,1,1947,9 -1104,1,2,0930,14 -1106,1,0,1520,23 -1108,1,1,0535,26 -1118,1,0,2024,20 -1120,1,0,0730,46 -1122,1,0,1615,27 -1129,1,0,1706,11 -1134,1,0,0959,174 -1142,1,0,1155,78 -1145,1,0,0950,66 -1148,1,0,2350,10 -1150,1,0,2300,54 -1152,1,0,1610,14 -1153,1,0,1250,68 -1156,1,0,1051,56 -1157,1,0,0945,16 -1159,1,1,0621,13 -1160,1,0,1702,47 -1162,1,0,2059,18 -1165,1,0,1710,36 -1168,1,0,1221,7 -1173,1,0,1540,29 -1173,2,2,0108,22 -1174,1,0,2305,106 -1175,1,0,1902,16 -1175,2,1,0353,15 -1179,1,0,1418,40 -1181,1,0,2020,33 -1181,2,1,1600,19 -1182,1,0,1150,26 -1185,1,0,1550,22 -1190,1,0,2157,35 -1192,1,0,2052,35 -1193,1,0,1237,17 -1195,1,0,1943,83 -1196,1,0,1655,117 -1199,1,0,1908,17 -1203,1,0,1905,21 -1204,1,0,2302,90 -1205,1,0,1100,17 -1206,1,0,0945,20 -1206,2,1,0400,21 -1207,1,0,2122,21 -1209,1,0,1720,22 -1211,1,0,1210,19 -1218,1,0,0444,34 -1219,1,0,0717,19 -1222,1,0,2140,13 -1223,1,0,2357,102 -1224,1,0,1828,21 -1227,1,0,2016,19 -1230,1,0,1700,17 -1233,1,0,1441,44 -1234,1,0,2306,54 -1235,1,0,1856,19 -1237,1,0,1646,95 -1237,2,1,0545,35 -1240,1,0,1940,40 -1241,1,0,2025,156 -1243,1,0,1510,27 -1245,1,0,1907,40 -1246,1,0,1930,16 -1249,1,0,2124,28.2 -1250,1,0,1700,18 -1250,2,1,0650,15 -1251,1,0,1411,36 -1253,1,0,1015,36 -1254,1,0,2256,32 -1259,1,2,1117,178 -1262,1,0,2244,31 -1267,1,0,1945,27 -1274,1,0,2200,32 -1275,1,0,2036,175 -1276,1,1,0640,46 -1277,1,0,1857,237 -1279,1,0,1802,29 -1282,1,0,1828,15 -1283,1,0,1445,16 -1283,2,1,0550,14 -1285,1,0,2141,46 -1289,1,0,1640,149 -1289,2,1,0350,62 -1289,3,3,0500,24 -1290,1,0,1425,53 -1291,1,0,1550,70 -1292,1,0,0655,13 -1293,1,0,1804,46 -1297,1,0,1815,24 -1297,2,1,0515,20 -1300,1,0,1628,16 -1303,1,0,1602,68 -1306,1,0,2230,26 -1309,1,0,2054,34 -1309,2,1,1030,20 -1310,1,1,0000,17 -1312,1,0,1711,31 -1313,1,0,2214,24 -1314,1,0,2140,94 -1315,1,0,1929,137 -1321,1,0,1734,750 -1321,2,1,0344,555 -1321,3,1,1810,377 -1322,1,0,0056,32 -1324,1,1,0410,31 -1325,1,0,1844,58 -1327,1,1,0550,17 -1328,1,0,2228,50 -1332,1,0,1409,31 -1336,1,0,1115,64 -1349,1,0,1831,31 -1350,1,0,0914,40 -1352,1,0,1825,21 -1354,1,0,2216,16 -1359,1,0,2046,39 -1360,1,0,1925,60 -1363,1,0,1348,178 -1369,1,0,2206,13 -1370,1,0,1800,21 -1374,1,0,1720,19 -1375,1,0,0002,11 -1377,1,0,0137,34 -1378,1,0,1710,36 -1379,1,0,1734,15 -1381,1,0,1450,28 -1384,1,0,1545,25 -1391,1,0,2200,82 -1394,1,0,1917,38 -1400,1,0,2318,21 -1401,1,0,1933,29 -1402,1,0,2230,44 -1403,1,0,2124,19 -1405,1,1,0630,112 -1405,2,2,0650,11 -1414,1,0,1500,65 -1417,1,0,0526,26 -1418,1,0,1430,54 -1418,2,0,1445,41 -1421,1,0,1310,20 -1422,1,0,2200,38 -1425,1,0,1650,35 -1426,1,0,2040,18 -1429,1,0,1335,133 -1433,1,0,1435,28 -1434,1,0,2020,25 -1436,1,0,1002,12 -1440,1,0,1920,15 -1445,1,0,1952,236 -1446,1,0,0235,23 -1446,2,0,2200,20 -1446,3,2,0755,23 -1447,1,0,1419,107 -1447,2,1,0748,15 -1449,1,0,2255,11 -1453,1,0,1719,243 -1454,1,0,1440,24 -1455,1,0,1120,21 -1455,2,1,0125,13 -1455,3,2,0400,14 -1456,1,0,2044,51 -1458,1,0,1647,30 -1460,1,1,0624,14 -1464,1,0,1635,20 -1465,1,4,1115,45 -1469,1,0,1339,19 -1471,1,0,2027,46 -1472,1,0,2043,77 -1473,1,0,2125,27 -1478,1,0,1312,24 -1484,1,1,0012,50 -1486,1,0,2150,38 -1487,1,0,2230,77 -1490,1,0,1845,20 -1490,2,1,1010,19 -1491,1,0,1352,18 -1495,1,1,0643,28 -1499,1,0,2209,218 -1501,1,1,0805,50 -1502,1,0,1500,45 -1503,1,0,2112,21 -1506,1,1,0000,23 -1509,1,0,1730,161 -1509,2,1,1155,107 -1510,1,0,1352,159 -1512,1,0,1503,128 -1513,1,0,2149,91 -1518,1,0,1807,23.3 -1520,1,0,1816,76 -1521,1,0,1244,37 -1522,1,0,2047,30 -1523,1,0,0926,16 -1525,1,0,2053,97 -1526,1,0,2306,23 -1527,1,1,0003,19 -1527,2,1,0353,17 -1530,1,0,1750,31 -1532,1,0,2354,30 -1533,1,0,1940,12 -1535,1,0,1731,137 -1535,2,1,0555,16 -1536,1,0,1314,67 -1539,1,0,1516,17 -1540,1,0,1850,17 -1542,1,0,1450,15 -1543,1,0,1815,36 -1544,1,0,1430,14 -1545,1,0,1746,18 -1546,1,0,1815,125 -1546,2,2,0238,35 -1547,1,0,1931,37 -1552,1,0,1345,23 -1553,1,0,1013,145 -1560,1,1,0600,35 -1561,1,1,0610,22 -1564,1,0,1943,17 -1567,1,1,0133,26 -1570,1,0,1709,47 -1574,1,0,1740,15 -1575,1,0,1830,17 -1582,1,1,0100,29 -1583,1,1,0100,23 -1584,1,0,1615,24 -1584,2,0,0525,27 -1585,1,0,1355,44 -1587,1,0,1940,169 -1594,1,0,0039,23 -1595,1,0,1250,28 -1597,1,0,1257,25 -1598,1,1,0000,87 -1600,1,0,1156,39 -1602,1,1,0024,22 -1602,2,1,0052,18 -1603,1,0,0015,76 -1605,1,0,1450,62 -1609,1,0,2118,144 -1609,2,1,0132,147 -1612,1,0,1711,87 -1613,1,0,2005,24 -1613,2,1,0938,15 -1616,1,1,0555,17 -1617,1,0,2105,133 -1617,2,1,1322,137 -1617,3,2,0353,131 -1620,1,0,1712,25 -1621,1,0,1930,10 -1622,1,0,2335,39 -1624,1,0,1120,32 -1625,1,0,1145,15 -1628,1,0,1730,20 -1629,1,1,0520,24 -1631,1,0,1605,28 -1632,1,0,2137,22 -1633,1,0,1615,18 -1633,2,0,1930,17 -1633,3,1,0800,18 -1634,1,0,2146,15 -1637,1,0,1130,26 -1638,1,0,2308,22 -1642,1,1,0600,81 -1642,2,0,1650,565 -1649,1,0,1905,20 -1649,2,1,0615,22 -1650,1,1,0545,29 -1654,1,1,0400,21 -1655,1,0,1424,28 -1656,1,0,1256,20 -1657,1,0,0600,17 -1660,1,0,2311,21 -1662,1,0,0500,30 -1669,1,0,1856,88 -1675,1,0,2303,19 -1676,1,0,1920,17 -1677,1,0,2346,155 -1679,1,0,0845,281 -1679,2,1,0608,74 -1680,1,0,1500,20 -1683,1,0,2015,16 -1684,1,0,1725,76 -1684,2,1,0718,10 -1686,1,0,1300,40 -1688,1,0,0356,109 -1690,1,0,0223,157 -1691,1,0,2125,93 -1691,2,1,1043,14 -1693,1,1,0515,37 -1696,1,0,1659,149 -1702,1,0,1650,138 -1705,1,0,1100,20 -1710,1,1,0550,23 -1711,1,0,1400,16 -1712,1,0,1400,13 -1713,1,0,2023,17 -1714,1,0,1736,65 -1716,1,0,1800,34 -1725,1,0,2345,91 -1725,2,1,0645,71 -1729,1,0,1934,58 -1730,1,0,0625,26 -1732,1,0,0234,16 -1734,1,1,0030,27 -1739,1,1,0034,27 -1740,1,0,1642,97 -1740,2,1,0105,26 -1740,3,1,0500,21 -1745,1,0,1717,89 -1745,2,1,0425,74 -1750,1,0,0214,190 -1754,1,0,2205,38 -1756,1,0,2045,12 -1756,2,1,0802,13 -1757,1,0,2256,17 -1757,2,1,1245,12 -1758,1,0,1633,162 -1760,1,0,2251,43 -1761,1,1,0430,53 -1763,1,0,1337,20 -1767,1,0,1930,23 -1769,1,0,1530,27 -1770,1,0,1922,41 -1770,2,1,0255,31.2 -1770,3,1,0634,12.1 -1772,1,1,0515,65 -1774,1,0,0619,25 -1777,1,0,1939,21 -1778,1,1,0530,44 -1783,1,0,1651,25 -1784,1,0,0929,24 -1785,1,0,1325,391 -1785,2,1,0655,53 -1787,1,0,0405,16 -1789,1,0,2020,46 -1790,1,0,1956,41 -1792,1,0,2244,18 -1793,1,1,0543,14 -1794,1,0,1740,21 -1795,1,0,1100,35 -1796,1,0,1500,78 -1797,1,0,2042,34 -1804,1,0,1814,16 -1811,1,0,1934,28 -1813,1,0,1740,41 -1816,1,0,1646,19 -1817,1,0,1545,26 -1819,1,0,2350,49 -1824,1,0,1300,18 -1825,1,0,0938,15 -1828,1,0,2130,45 -1829,1,1,1033,22 -1831,1,0,2304,32 -1833,1,0,2016,23 -1834,1,0,0825,14 -1835,1,0,2300,20 -1835,2,2,0030,14 -1835,3,3,0330,16 -1838,1,0,2325,20 -1839,1,0,1532,182 -1840,1,0,1748,14 -1846,1,0,1122,18 -1849,1,0,2008,74 -1851,1,0,1740,21 -1855,1,0,1615,16 -1855,2,1,0515,16 -1856,1,0,2350,35 -1858,1,1,0600,56 -1862,1,0,1121,75 -1868,1,1,0615,38 -1874,1,0,2040,63 -1881,1,0,0145,20 -1883,1,0,2020,25 -1884,1,1,0030,19 -1886,1,0,1355,30 -1888,1,0,1511,38 -1889,1,0,0847,18 -1890,1,0,1730,16 -1892,1,0,1058,123 -1894,1,0,1940,56 -1896,1,0,0302,142 -1897,1,0,1800,49 -1897,2,1,0605,40 -1899,1,1,0009,14 -1906,1,0,2010,22 -1906,2,1,0750,25 -1907,1,0,2147,29 -1908,1,0,1755,52 -1911,1,1,0530,14 -1916,1,0,1715,21 -1920,1,0,1338,56 -1921,1,0,2142,18 -1922,1,1,0520,30 -1923,1,0,2055,31 -1923,2,1,0545,22 -1925,1,0,1401,54 -1929,1,0,1759,13 -1930,1,0,1530,22 -1934,1,0,1642,22 -1945,1,0,2013,28 -1945,2,1,0930,12 -1948,1,0,1449,18 -1949,1,0,1330,17 -1952,1,0,1300,28 -1956,1,0,1535,22 -1957,1,0,1953,61 -1958,1,0,1325,202 -1959,1,0,0115,20 -1959,2,0,0218,19 -1965,1,0,1715,22 -1966,1,0,1745,98 -1974,1,0,2130,38 -1975,1,1,0526,35.3 -1977,1,0,1633,25 -1978,1,0,1728,18 -1980,1,0,2057,85 -1981,1,0,2100,20 -1985,1,6,0159,102 -1985,2,6,0651,79 -1985,3,6,1206,55 -1986,1,0,2000,21 -1987,1,1,0315,27 -1988,1,0,1955,15 -1989,1,0,1348,39 -1990,1,0,1700,24 -1990,2,2,0639,21.5 -1991,1,1,0530,26 -1992,1,0,2305,4000 -1992,2,1,0430,2046 -1992,3,1,0940,302 -1993,1,0,1336,145 -1994,1,0,2000,14 -1996,1,0,1845,100 -1999,1,0,1536,42 -1999,2,1,0620,24 -2000,1,0,2059,43 -2004,1,0,0100,17 -2006,1,0,1932,15 -2007,1,0,0411,33 -2008,1,0,1313,46 -2009,1,0,2225,30 -2011,1,0,2144,13 -2015,1,2,0010,12 -2015,2,3,0035,13 -2015,3,4,0210,14 -2020,1,0,2105,22 -2022,1,0,1810,21 -2022,2,1,0450,19 -2023,1,0,1150,26 -2024,1,2,1607,9 -2024,2,3,0451,9 -2024,3,3,1030,9 -2025,1,0,1653,11 -2028,1,0,1930,26 -2029,1,0,2054,20 -2029,2,1,0612,15 -2030,1,1,0420,9 -2032,1,0,0027,15 -2035,1,1,0315,118 -2035,2,1,0600,98 -2035,3,1,1525,30 -2037,1,0,1605,16 -2038,1,0,1428,20 -2043,1,0,1314,10 -2045,1,0,0952,29 -2045,2,1,0203,20 -2047,1,0,1959,37 -2048,1,0,1544,87 -2049,1,0,1814,61 -2050,1,0,1655,30 -2051,1,0,1551,52 -2053,1,0,1840,20 -2054,1,0,1730,16 -2054,2,1,1010,30 -2056,1,0,2010,21 -2057,1,0,1210,34 -2058,1,0,1133,67 -2061,1,0,1500,15 -2064,1,0,1535,78 -2065,1,0,1640,14 -2066,1,0,1342,96 -2067,1,0,1639,49 -2070,1,0,2126,22 -2074,1,0,0915,14 -2075,1,0,2150,26 -2075,2,1,1040,20 -2076,1,0,2121,186 -2080,1,0,1932,18 -2082,1,1,0004,99 -2083,1,0,1615,20 -2084,1,1,0620,28 -2086,1,0,1858,52 -2087,1,0,1810,13 -2089,1,0,1730,57 -2095,1,0,2002,19 -2095,2,1,0300,16 -2096,1,0,1932,149 -2100,1,0,2216,54 -2105,1,0,1500,33 -2106,1,0,1420,25 -2107,1,0,0420,19 -2110,1,0,1521,91 -2113,1,0,2305,61 -2115,1,0,1828,242 -2116,1,0,1059,44 -2117,1,0,1425,70 -2119,1,0,1815,12 -2119,2,1,1015,13 -2120,1,0,1333,17 -2122,1,0,1400,144 -2122,2,1,0605,45 -2122,3,2,0610,26 -2125,1,0,2308,60 -2127,1,0,1553,17 -2128,1,0,1230,22 -2131,1,0,2303,191 -2132,1,0,0711,16 -2133,1,0,1159,62 -2134,1,0,2251,25 -2137,1,0,2232,107 -2138,1,0,2308,16 -2140,1,0,0130,20 -2145,1,0,2130,18 -2146,1,1,0528,38 -2152,1,0,2120,60 -2153,1,0,2141,14 -2155,1,0,1703,222 -2163,1,0,2124,57 -2168,1,1,0600,36 -2168,2,0,1519,77 -2169,1,0,1415,23 -2174,1,0,1435,24 -2176,1,0,2245,18 -2184,1,0,1705,34 -2191,1,0,1750,36.3 -2191,2,1,0017,21.8 -2197,1,0,0955,19 -2197,2,0,1535,16 -2199,1,0,1730,18 -2202,1,1,0850,12 -2203,1,0,1045,25 -2204,1,0,2132,39 -2205,1,0,1850,17 -2206,1,0,2207,163 -2209,1,0,2018,33 -2210,1,1,1240,9 -2211,1,0,0412,26 -2213,1,0,1950,24 -2217,1,0,1341,30 -2219,1,0,1135,42 -2220,1,0,2222,21 -2220,2,1,0400,17 -2223,1,1,0740,26 -2224,1,0,1945,28 -2225,1,0,1840,16 -2227,1,0,1748,172 -2228,1,0,0856,160 -2230,1,0,1439,15 -2230,2,1,0410,16 -2236,1,0,1856,75 -2237,1,0,1332,22 -2238,1,0,2340,23 -2240,1,0,2155,26 -2240,2,1,0700,20 -2241,1,0,1928,69 -2245,1,0,1950,25 -2246,1,1,0520,15 -2247,1,0,1925,18 -2258,1,1,0101,23 -2258,2,1,0503,20 -2259,1,0,1650,24 -2263,1,1,0010,42 -2266,1,0,2125,14 -2267,1,0,2359,54 -2269,1,0,1920,30 -2270,1,1,0047,33 -2271,1,0,1715,15 -2273,1,0,1131,17 -2278,1,0,1711,17 -2278,2,1,0330,10 -2278,3,2,0030,12 -2285,1,0,1225,127 -2286,1,0,2045,50 -2287,1,1,0035,44 -2290,1,0,2142,15 -2297,1,0,1255,25 -2298,1,0,1000,14 -2301,1,1,0000,20 -2302,1,0,1815,17 -2303,1,0,1430,33 -2305,1,0,2000,27 -2307,1,1,0550,74 -2307,2,2,0515,37 -2313,1,0,1708,25 -2315,1,0,2025,214 -2320,1,1,0655,174 -2320,2,2,0815,33 -2322,1,0,1640,424 -2322,2,1,0605,101 -2324,1,0,0725,23 -2326,1,0,2056,195 -2328,1,0,1450,26 -2335,1,0,1936,56 -2336,1,0,1600,16 -2337,1,1,0545,8 -2339,1,0,2200,74 -2339,2,1,0820,21 -2344,1,1,0615,28 -2344,2,0,1630,15 -2345,1,0,1900,52 -2346,1,0,0600,38 -2346,2,0,0050,42 -2347,1,0,2036,15 -2351,1,0,2320,23 -2354,1,0,2350,876 -2354,2,1,0640,429 -2354,3,2,0345,169 -2356,1,0,1657,61 -2359,1,0,1740,19 -2360,1,0,2024,91 -2361,1,0,1640,31 -2362,1,0,1642,17 -2362,2,1,0500,34 -2369,1,0,2128,22 -2374,1,0,1545,46 -2376,1,0,1717,39 -2377,1,0,1700,23 -2379,1,0,1844,19 -2379,2,0,2013,20 -2381,1,0,2115,31 -2383,1,0,1240,23 -2384,1,0,1833,22 -2385,1,0,1609,47 -2387,1,0,0450,33 -2393,1,0,2007,50 -2394,1,0,1914,59 -2399,1,0,1810,33 -2400,1,0,1942,81 -2402,1,1,0139,24 -2402,2,1,0754,23 -2402,3,1,1225,19 -2405,1,0,1910,27 -2411,1,0,1714,23 -2413,1,0,2000,100 -2416,1,0,1553,37 -2417,1,0,1920,14 -2418,1,0,0315,26 -2419,1,0,1815,16 -2426,1,0,1905,198 -2430,1,0,2210,19 -2431,1,0,2130,31 -2435,1,0,1704,11 -2443,1,0,0610,20 -2448,1,0,0130,25 -2450,1,0,0354,55 -2457,1,0,1734,83 -2458,1,0,2248,18 -2459,1,0,1405,52 -2463,1,0,1700,18 -2464,1,0,1135,14 -2466,1,0,2330,23 -2467,1,0,0735,20 -2467,2,1,0230,14 -2474,1,0,1256,12 -2475,1,0,2154,21 -2476,1,0,0228,148 -2479,1,0,1722,21 -2480,1,1,0630,44 -2481,1,1,1040,36 -2483,1,0,1635,32 -2485,1,0,2152,35 -2490,1,1,0011,20 -2492,1,0,0808,276 -2494,1,0,1650,74 -2497,1,0,2030,84 -2497,2,6,1540,32 -2501,1,0,2038,76 -2502,1,0,0900,32 -2507,1,0,1251,25 -2508,1,0,1559,17 -2511,1,0,1539,35 -2511,2,1,0015,19 -2511,3,2,0305,12 -2512,1,0,1748,47 -2513,1,1,0004,50 -2515,1,1,0650,18 -2516,1,0,2028,31 -2518,1,0,1420,76 -2518,2,0,1720,67 -2518,3,1,0332,33 -2522,1,0,2240,14 -2523,1,0,1206,24 -2524,1,0,0910,31 -2526,1,0,1525,18 -2526,2,1,0300,15 -2530,1,0,1644,22 -2532,1,0,2130,135 -2533,1,0,1701,127 -2535,1,1,0032,71 -2539,1,0,2140,15 -2540,1,0,1106,26 -2545,1,0,1940,21 -2550,1,0,2217,27 -2551,1,0,1920,141 -2552,1,0,2041,20 -2554,1,0,0828,53 -2555,1,0,1740,15 -2555,2,1,1040,16 -2560,1,1,0245,88 -2562,1,0,2023,23 -2565,1,0,1535,33 -2569,1,0,1900,22 -2571,1,0,0400,17 -2572,1,0,1615,19 -2577,1,0,2208,72 -2580,1,0,1450,20 -2581,1,0,1015,142 -2581,2,1,0535,224 -2581,3,2,1330,97 -2582,1,0,2214,84 -2583,1,0,1900,14 -2587,1,0,1405,16 -2588,1,0,1125,31 -2593,1,0,1200,34 -2595,1,1,0705,19 -2600,1,0,2212,18 -2602,1,0,1800,20 -2605,1,0,1900,78 -2607,1,0,1220,36 -2611,1,0,1821,20 -2613,1,0,2226,16 -2613,2,1,0610,18 -2615,1,0,2355,42 -2616,1,0,1749,71 -2617,1,0,1824,111 -2620,1,0,1514,121 -2621,1,1,0907,17 -2621,2,1,1955,14 -2621,3,2,0600,14 -2626,1,1,0038,20 -2629,1,0,2244,28 -2633,1,0,1745,43 -2634,1,0,1145,60 -2638,1,0,2025,86 -2641,1,0,1425,15 -2642,1,0,1315,95 -2643,1,0,2125,31 -2644,1,0,2010,630 -2644,2,1,0145,594 -2644,3,2,0535,253 -2645,1,0,1423,64 -2648,1,0,1429,18 -2651,1,0,1620,17 -2653,1,0,2234,50 -2654,1,0,2030,25 -2661,1,0,2025,66 -2662,1,0,1840,29 -2663,1,0,2115,19 -2667,1,0,2250,56 -2668,1,1,0550,23 -2670,1,0,1410,29 -2671,1,1,1825,21 -2674,1,0,1833,22 -2680,1,0,2313,43 -2683,1,0,0600,17 -2685,1,0,1535,19 -2686,1,0,2140,19 -2687,1,1,1034,21 -2689,1,0,1124,24 -2690,1,0,1557,35 -2692,1,0,0032,102 -2694,1,0,2240,23 -2695,1,0,1345,15 -2696,1,0,1933,21 -2701,1,0,1626,27 -2703,1,0,2140,11 -2705,1,1,0200,13 -2705,2,1,0816,15 -2707,1,0,1800,118 -2708,1,0,2023,108 -2712,1,0,1703,72 -2713,1,0,1551,74 -2714,1,0,1250,75 -2719,1,0,1150,15 -2723,1,0,0210,20 -2724,1,0,0615,88 -2725,1,0,1736,22 -2727,1,0,2115,69 -2729,1,0,1630,10 -2732,1,0,0845,24 -2733,1,0,0044,27 -2735,1,0,2300,171 -2741,1,0,1553,106 -2741,2,1,0210,38 -2743,1,0,1300,33 -2746,1,0,2332,24 -2747,1,0,1800,21 -2752,1,1,0351,193 -2754,1,0,0316,11 -2758,1,0,1342,58 -2759,1,0,1553,38 -2760,1,0,2100,75 -2762,1,0,1615,17 -2763,1,0,1845,84 -2764,1,0,1713,33 -2768,1,1,0630,16 -2777,1,0,0659,21 -2785,1,0,1840,12 -2788,1,0,1658,18 -2792,1,0,0755,214 -2793,1,0,1725,2961 -2793,2,1,0825,860 -2793,3,6,0925,394 -2802,1,0,1730,74 -2803,1,0,1750,30 -2804,1,0,1759,113 -2808,1,0,1900,74 -2812,1,0,1740,25 -2815,1,0,1417,93 -2817,1,0,1953,30 -2818,1,0,2110,23 -2819,1,0,1710,16 -2820,1,0,1607,47 -2822,1,0,1958,16 -2824,1,1,0630,19 -2826,1,0,1950,11 -2827,1,0,0500,29 -2830,1,0,2013,67 -2833,1,1,0530,28 -2837,1,0,1600,82 -2837,2,1,0140,40 -2837,3,2,0200,14 -2838,1,0,1600,45 -2839,1,0,1724,55 -2841,1,0,0840,21 -2841,2,0,2020,16 -2845,1,0,1323,16 -2847,1,0,1850,96 -2848,1,0,2311,20 -2850,1,0,1720,23 -2852,1,0,1753,35 -2852,2,0,1900,26 -2853,1,0,2328,66 -2855,1,0,1428,72 -2856,1,0,1645,22 -2858,1,0,1227,16 -2863,1,1,0100,477 -2869,1,0,1903,19 -2870,1,0,1910,12 -2872,1,0,1616,131 -2872,2,1,1113,102 -2873,1,0,0115,24 -2874,1,0,1914,17 -2875,1,0,0826,151 -2876,1,0,1735,16 -2883,1,0,0425,16 -2884,1,0,1628,24 -2884,2,1,1030,16 -2888,1,0,1800,24 -2889,1,0,1838,100 -2891,1,0,1952,12 -2894,1,0,0935,27 -2895,1,0,1804,68 -2897,1,2,0848,22 -2899,1,0,2019,19 -2899,2,1,1200,20 -2901,1,0,2025,174 -2906,1,1,0445,12 -2909,1,0,1640,71 -2915,1,1,0025,62 -2916,1,0,1620,25 -2922,1,0,1140,70 -2922,2,1,1230,40 -2922,3,2,0630,49 -2923,1,0,2300,36 -2925,1,0,2305,30 -2929,1,0,1428,20 -2931,1,0,2100,25 -2934,1,0,1849,14 -2935,1,1,0530,19 -2938,1,0,1315,31 -2939,1,1,0820,51 -2939,2,0,1900,219 -2944,1,0,0428,100 -2946,1,0,2227,218 -2946,2,1,1130,220 -2947,1,0,1735,21 -2948,1,0,1800,48 -2950,1,0,1241,18 -2953,1,1,0010,11 -2954,1,0,1731,14 -2956,1,0,1734,21 -2958,1,0,2100,24 -2960,1,0,1602,45 -2960,2,1,0545,36 -2963,1,0,1139,20 -2967,1,0,1125,17 -2968,1,0,1829,116 -2970,1,0,1950,54 -2971,1,0,1830,69 -2975,1,0,1615,17 -2978,1,0,1345,51 -2980,1,0,2359,20 -2986,1,0,1400,14 -2986,2,1,0430,16 -2988,1,0,0933,68 -2991,1,3,0520,24 -2992,1,0,1727,21 -2994,1,0,1938,17 -3000,1,0,2245,19 -3002,1,0,1502,20 -3003,1,0,1505,14 -3007,1,0,1629,27 -3008,1,0,0333,23 -3015,1,0,0920,32 -3015,2,0,1116,37 -3015,3,0,2000,53 -3016,1,0,2210,102 -3025,1,0,1930,22 -3032,1,1,0035,19 -3037,1,1,0410,91 -3037,2,2,0310,45 -3040,1,0,1400,18 -3042,1,0,1819,20 -3047,1,0,2206,24 -3048,1,0,2014,20 -3055,1,0,1025,20 -3059,1,0,1535,26 -3061,1,0,0950,51 -3063,1,0,2310,58 -3066,1,0,1028,12 -3069,1,0,1255,58 -3069,2,0,0520,18 -3070,1,0,1830,15 -3070,2,1,0613,9 -3071,1,0,2131,13 -3073,1,0,2002,26 -3080,1,0,1608,202 -3082,1,0,1600,18 -3083,1,0,1305,18 -3085,1,0,1810,90 -3091,1,0,1103,15 -3092,1,0,1800,15 -3092,2,1,1315,17 -3096,1,0,1830,16 -3101,1,0,1500,61 -3108,1,0,1835,69 -3109,1,0,0025,40 -3110,1,1,0950,375 -3110,2,2,0447,149 -3111,1,0,2123,26 -3116,1,0,0831,31 -3118,1,1,0140,98 -3127,1,1,1510,32 -3128,1,0,2015,16 -3128,2,1,1050,17 -3131,1,0,1846,50 -3132,1,0,1347,20 -3134,1,0,1510,21 -3135,1,0,1354,25 -3136,1,0,0604,32 -3138,1,0,1702,40 -3141,1,0,1501,16 -3142,1,0,0910,84 -3144,1,0,1321,27 -3145,1,2,0650,60 -3145,2,1,0735,336 -3146,1,0,1848,19 -3149,1,0,1510,30 -3151,1,1,0550,20 -3155,1,1,1300,94 -3160,1,0,1454,60 -3162,1,0,1907,122 -3166,1,1,0555,36 -3174,1,0,1842,87 -3176,1,0,2258,14 -3178,1,0,1615,24 -3181,1,0,2243,48 -3182,1,0,1320,30 -3193,1,0,1020,27 -3196,1,0,2110,21 -3198,1,0,2023,467 -3200,1,0,1735,17 -3202,1,0,2120,88 -3203,1,0,2150,3 -3204,1,0,1939,15 -3207,1,0,1950,49 -3208,1,0,1633,52 -3209,1,0,2145,19 -3210,1,0,1941,31 -3211,1,0,2203,91 -3211,2,1,1405,15 -3211,3,2,0200,11 -3214,1,0,1900,12 -3216,1,0,1955,97 -3219,1,0,1632,23 -3221,1,0,1815,23 -3222,1,0,1655,48 -3224,1,0,2110,19 -3225,1,0,1851,223 -3227,1,0,1604,23 -3228,1,0,1746,19 -3230,1,0,1900,21 -3230,2,1,1000,17 -3233,1,0,0712,17 -3233,2,1,0150,14 -3233,3,2,0100,11 -3234,1,0,2015,18 -3237,1,0,2340,60 -3240,1,0,1955,14 -3244,1,0,0820,72 -3247,1,0,2125,10 -3248,1,1,0500,36 -3249,1,0,1808,105 -3250,1,0,1826,53 -3250,2,0,2210,45 -3250,3,1,0419,20 -3251,1,0,1119,16 -3253,1,0,1649,20 -3255,1,0,2320,19 -3256,1,1,0554,31 -3257,1,0,1058,16 -3260,1,0,1345,45 -3261,1,0,1602,54 -3262,1,0,1250,105 -3264,1,0,2012,194 -3265,1,0,1806,16 -3267,1,0,0235,17 -3273,1,0,0500,37 -3275,1,0,1732,13 -3276,1,0,1447,126 -3278,1,0,0949,246 -3280,1,0,1546,30 -3281,1,1,0327,37 -3281,2,4,1320,26 -3283,1,0,2115,18 -3286,1,0,1859,21 -3293,1,0,2119,16 -3294,1,0,2107,181 -3295,1,0,0305,16 -3297,1,0,0206,14 -3301,1,0,1312,10 -3304,1,0,2355,28 -3310,1,0,0153,19 -3311,1,0,2020,68 -3312,1,0,1058,67 -3321,1,0,1356,34 -3322,1,0,1810,25 -3323,1,0,0405,16 -3324,1,0,2117,17 -3326,1,0,1820,38 -3327,1,0,1519,73 -3329,1,0,1934,632 -3329,2,1,0630,190 -3330,1,1,1039,18 -3332,1,0,1925,26 -3337,1,0,0905,16 -3337,2,0,2211,10 -3339,1,0,1617,145 -3340,1,0,1736,26 -3344,1,0,1934,18 -3349,1,0,1731,9 -3357,1,0,1802,30 -3361,1,0,1630,36 -3363,1,0,1930,17 -3373,1,0,1850,17 -3373,2,1,0340,18 -3375,1,0,2111,12 -3377,1,0,0936,168 -3382,1,0,2141,199 -3384,1,0,2137,93 -3388,1,0,1748,55 -3392,1,0,1500,40 -3393,1,0,1619,44 -3395,1,0,0300,773 -3395,2,1,0650,84 -3395,3,2,1545,256 -3400,1,0,1818,34 -3401,1,0,2008,166 -3402,1,0,1220,15 -3404,1,0,2005,58 -3404,2,1,0545,33 -3404,3,2,0245,19 -3405,1,1,0420,83 -3406,1,0,1953,28 -3407,1,0,0145,21 -3409,1,0,0205,86 -3410,1,0,1610,21 -3414,1,0,1228,105 -3414,2,0,1345,78 -3415,1,3,1410,1387 -3415,2,4,0345,1109 -3419,1,0,0258,14 -3422,1,0,1426,18 -3425,1,1,0520,20 -3425,2,2,0355,11 -3425,3,3,0200,13 -3428,1,0,2059,56 -3429,1,0,2015,30 -3430,1,0,2300,148 -3431,1,1,0139,15 -3431,2,1,0520,14 -3432,1,0,1817,59 -3435,1,0,2359,33 -3438,1,0,0113,100 -3441,1,0,1615,36 -3442,1,0,2152,58 -3443,1,0,2235,19 -3445,1,0,1803,77 -3446,1,0,2154,56 -3447,1,0,1619,32 -3452,1,0,1740,87 -3455,1,0,1345,29 -3459,1,0,1915,52 -3462,1,0,1420,27 -3463,1,0,1915,113 -3467,1,0,1344,15 -3473,1,0,2029,24 -3473,2,1,0605,22 -3473,3,2,0600,23 -3483,1,0,1930,22 -3488,1,0,1212,70 -3489,1,0,2010,16 -3491,1,1,0600,51 -3492,1,0,1812,40 -3494,1,1,0358,12 -3495,1,0,2315,15 -3498,1,0,2200,13 -3498,2,1,0550,14 -3501,1,1,0558,22 -3503,1,0,2019,34 -3506,1,1,0533,21 -3509,1,0,2300,18 -3512,1,0,1530,42 -3519,1,0,2005,37 -3523,1,0,1445,11 -3525,1,1,0758,17 -3525,2,6,0905,38 -3526,1,0,2107,53 -3528,1,0,2101,14 -3529,1,0,0307,72 -3530,1,0,0105,21 -3535,1,0,1610,15 -3535,2,1,0430,13 -3536,1,0,1225,124 -3543,1,0,1445,1393 -3543,2,1,0400,181 -3543,3,2,0515,41 -3544,1,0,1747,40 -3547,1,0,2320,73 -3548,1,0,2109,97 -3550,1,0,0930,136 -3550,2,1,0705,15 -3553,1,1,0630,40 -3556,1,0,1300,119 -3558,1,0,2210,203 -3558,2,5,1140,12898 -3558,3,6,1153,420 -3559,1,0,1125,206 -3560,1,0,1838,26 -3561,1,0,0527,79 -3566,1,0,1520,66 -3571,1,0,0140,29 -3573,1,0,1752,12 -3574,1,0,1740,28 -3582,1,0,2121,1055 -3584,1,0,2010,313 -3585,1,1,0550,39.3 -3592,1,0,1700,17 -3595,1,0,1744,38 -3596,1,0,1205,44 -3598,1,0,1251,16 -3598,2,1,0722,11 -3599,1,0,2007,82 -3603,1,0,2359,17 -3606,1,0,1830,21 -3606,2,1,0100,18 -3606,3,1,1030,25 -3614,1,0,1515,18 -3615,1,0,2328,58 -3621,1,0,1345,55 -3628,1,0,1546,24 -3629,1,1,0440,88 -3631,1,0,2150,20 -3631,2,1,1050,25 -3632,1,0,1030,18 -3640,1,0,2215,31 -3642,1,0,2013,18 -3651,1,0,1926,280 -3658,1,1,0928,14 -3663,1,0,2142,71 -3664,1,0,1705,19 -3665,1,0,1730,15 -3666,1,0,2008,62 -3669,1,0,1900,70 -3672,1,0,1652,27 -3674,1,0,1921,45 -3675,1,0,2031,38 -3675,2,1,0350,19 -3675,3,2,0415,16 -3677,1,0,2359,59 -3679,1,0,1515,24 -3681,1,1,0030,24 -3683,1,1,0540,45 -3686,1,0,1450,15 -3687,1,0,1050,16 -3689,1,0,1734,13 -3690,1,0,1106,25 -3691,1,0,1245,10 -3695,1,0,2040,25 -3695,2,0,1014,18 -3696,1,0,1600,22 -3696,2,1,0415,20 -3697,1,0,1550,49 -3698,1,0,1636,16 -3702,1,0,1302,20 -3704,1,0,1746,22 -3713,1,0,2200,15 -3715,1,0,1742,148 -3719,1,0,1738,62 -3720,1,0,1811,57 -3721,1,0,0714,29 -3722,1,0,2240,27 -3727,1,0,2159,64 -3733,1,0,1800,81 -3735,1,0,1410,18 -3736,1,0,1549,241 -3737,1,0,0410,19 -3741,1,0,1210,44 -3744,1,0,1720,17 -3747,1,0,2105,21 -3752,1,0,1409,215 -3753,1,0,0714,62 -3753,2,1,0843,16 -3754,1,0,0200,26 -3755,1,0,1844,55 -3756,1,0,1125,22 -3756,2,1,0400,18 -3760,1,0,2232,39 -3762,1,0,1714,18 -3763,1,0,1415,25 -3774,1,0,0600,34 -3776,1,0,0236,33 -3777,1,0,2244,15 -3779,1,0,2057,34 -3785,1,0,1615,64 -3799,1,0,0053,253 -3807,1,1,0025,19 -3808,1,1,0505,46 -3809,1,0,0630,10 -3810,1,0,1500,18 -3813,1,1,0345,30 -3818,1,0,0640,33 -3819,1,0,1644,23 -3824,1,0,1940,25 -3824,2,1,1000,33 -3825,1,0,2145,22 -3831,1,0,2125,18 -3833,1,1,0855,13 -3834,1,0,1400,16 -3834,2,1,0345,18 -3835,1,0,1613,29 -3838,1,0,1305,13 -3841,1,0,2214,63 -3845,1,0,1905,32 -3847,1,0,2042,19 -3848,1,0,1857,49 -3851,1,0,1124,21 -3855,1,0,1425,128 -3856,1,0,2155,54 -3860,1,0,1652,27 -3860,2,1,0430,15 -3863,1,1,0500,12 -3864,1,0,1953,63 -3865,1,0,2310,167 -3866,1,0,2015,10 -3869,1,0,1943,122 -3871,1,0,1506,36 -3872,1,0,2208,21 -3872,2,1,0415,20 -3872,3,2,0010,43 -3874,1,0,2011,20 -3875,1,0,1600,16 -3876,1,1,0540,47 -3881,1,0,1838,46 -3882,1,0,2105,19 -3886,1,0,2048,29 -3886,2,1,0445,19 -3887,1,0,1559,17 -3888,1,1,1135,46 -3890,1,0,0214,75 -3895,1,0,1312,19 -3901,1,0,2209,274 -3901,2,2,0305,19 -3902,1,0,0750,33 -3903,1,0,1325,24 -3904,1,0,1558,18 -3904,2,6,0622,22 -3908,1,0,1620,20 -3908,2,1,1020,23 -3912,1,0,1543,50 -3914,1,0,2130,77 -3916,1,0,0821,114 -3917,1,0,2135,16 -3919,1,0,2159,103 -3921,1,0,1225,16 -3923,1,1,1218,17 -3924,1,0,0145,107 -3924,2,0,0845,28 -3929,1,0,1630,143 -3940,1,0,2329,193 -3942,1,0,1603,30 -3945,1,0,1941,23 -3948,1,0,0819,25 -3950,1,0,2213,40 -3952,1,0,2230,14 -3952,2,1,1212,14 -3955,1,0,2147,62 -3962,1,0,1920,19 -3965,1,0,1420,15 -3966,1,0,2050,19 -3967,1,0,1958,19 -3970,1,0,1904,52 -3972,1,0,2041,55 -3974,1,0,1705,17 -3977,1,0,1717,18 -3978,1,0,1706,37 -3978,2,0,2235,21 -3979,1,0,1250,318 -3981,1,0,0230,20 -3982,1,0,1800,21 -3989,1,0,0930,17 -3990,1,0,2325,21 -3990,2,2,0125,10 -3990,3,3,1200,11 -3992,1,0,1701,115 -3993,1,0,0809,48 -3993,2,0,1849,10.1 -3993,3,1,0603,8.7 -3996,1,0,1950,26 -3998,1,0,1440,24 -3999,1,0,2100,78 -4001,1,0,2020,20 -4004,1,0,2120,67 -4007,1,0,0119,95 -4008,1,0,1513,17 -4010,1,0,2326,22 -4011,1,1,0745,31 -4014,1,0,1745,234 -4016,1,0,2051,29 -4018,1,0,2015,60 -4018,2,1,0740,54 -4027,1,3,0620,155 -4029,1,0,2329,205 -4036,1,0,2131,23 -4038,1,0,2100,198 -4040,1,0,1830,22 -4041,1,0,2104,14 -4042,1,0,2239,14 -4046,1,0,2230,15 -4047,1,0,1640,33 -4049,1,0,1622,102 -4051,1,1,0010,29 -4052,1,0,1329,25 -4058,1,1,0400,30 -4064,1,0,2230,21 -4064,2,1,1030,17 -4065,1,1,0530,55 -4073,1,0,1950,43 -4077,1,0,2238,24 -4077,2,1,0320,16.1 -4077,3,1,1216,23 -4078,1,0,1032,17 -4081,1,0,1841,171 -4086,1,0,1526,103 -4088,1,0,1911,87 -4090,1,0,1530,25 -4090,2,1,1645,17 -4091,1,0,1841,55 -4093,1,0,2120,26 -4094,1,0,1600,18 -4095,1,0,1433,78 -4100,1,0,2211,23 -4101,1,2,1538,14.7 -4102,1,0,2057,54 -4104,1,0,2025,38 -4106,1,0,1558,190 -4107,1,0,1917,18 -4112,1,0,1350,15 -4114,1,1,1410,19 -4115,1,0,1620,35 -4117,1,1,0450,15 -4120,1,0,1817,103 -4125,1,1,0019,89 -4126,1,0,1935,20 -4134,1,0,1252,58 -4135,1,0,1420,26 -4139,1,0,0150,25 -4146,1,0,1824,14 -4148,1,0,1522,19 -4150,1,0,1315,13 -4154,1,0,2215,29 -4155,1,0,1803,39 -4156,1,0,2000,28 -4157,1,0,1425,50 -4157,2,2,0051,32 -4157,3,2,0646,27 -4159,1,5,2154,39 -4163,1,0,2115,55 -4171,1,0,1505,37 -4173,1,0,2115,14 -4179,1,0,2010,68 -4181,1,0,2135,179 -4181,2,1,1635,26 -4181,3,2,0513,20 -4187,1,0,1029,91 -4189,1,1,0620,36 -4190,1,0,1532,95 -4193,1,1,0045,55 -4193,2,4,0400,13 -4193,3,6,1140,501 -4195,1,0,2300,16 -4198,1,0,1550,237 -4200,1,0,1450,17 -4201,1,3,0659,48.8 -4207,1,0,2055,28 -4209,1,0,1910,46 -4211,1,2,1635,43 -4214,1,0,1830,23 -4218,1,0,2125,25 -4218,2,1,1800,12 -4219,1,0,1621,15 -4225,1,0,1723,23 -4226,1,0,2218,147 -4229,1,0,1515,31 -4230,1,0,1039,91 -4232,1,0,2059,18 -4233,1,1,0003,55 -4233,2,1,0615,47 -4235,1,0,2106,21 -4238,1,0,0500,60 -4239,1,0,2224,20 -4241,1,1,1210,22 -4244,1,0,2008,162 -4246,1,0,1140,75 -4250,1,1,0425,802 -4250,2,3,0500,404 -4250,3,4,0350,605 -4251,1,0,1335,20 -4251,2,0,0430,12 -4254,1,0,0829,19 -4256,1,0,0900,17 -4266,1,0,1807,26 -4268,1,0,2020,38 -4269,1,0,2156,19 -4270,1,0,1531,8 -4270,2,0,1639,17 -4271,1,0,1754,31 -4273,1,1,0545,41 -4275,1,0,1443,24 -4277,1,0,0115,39 -4282,1,0,1944,21 -4284,1,0,0331,24 -4285,1,0,1729,19 -4287,1,0,1557,12 -4289,1,0,1915,53 -4291,1,0,2116,23 -4294,1,0,0930,23 -4297,1,0,1045,22 -4298,1,0,1830,43 -4300,1,0,2141,18 -4307,1,0,1545,15 -4307,2,0,2355,13 -4308,1,1,0350,91 -4309,1,1,0226,17 -4310,1,1,0600,17 -4310,2,0,1620,15 -4311,1,0,1726,130 -4313,1,0,2015,148 -4314,1,0,2024,20 -4315,1,0,1640,37 -4316,1,0,2145,124 -4321,1,0,0117,73 -4324,1,0,0930,25 -4325,1,0,1815,34 -4327,1,0,1846,27 -4328,1,0,1912,16 -4334,1,0,2232,57 -4334,2,1,0600,40 -4334,3,2,2133,22 -4336,1,0,1915,203 -4339,1,1,0200,89 -4342,1,0,1956,26 -4343,1,0,0805,19 -4343,2,0,2215,13 -4344,1,0,1741,59 -4345,1,0,1932,75 -4346,1,0,1445,14 -4348,1,0,1848,23 -4351,1,1,0415,26 -4356,1,0,2050,40 -4363,1,0,1801,47 -4365,1,0,2215,20 -4368,1,0,1300,65 -4372,1,0,1651,12 -4373,1,0,2130,28 -4374,1,0,1635,15 -4376,1,0,1817,139 -4380,1,0,1710,22 -4381,1,0,1634,26 -4387,1,0,2047,18 -4387,2,0,2118,17 -4389,1,1,0430,38 -4389,2,0,1610,151 -4391,1,0,0847,43 -4392,1,0,2340,127 -4395,1,0,1420,47 -4396,1,0,2017,34 -4400,1,0,2157,115 -4402,1,0,2229,41 -4409,1,0,0855,44 -4410,1,0,0957,241 -4412,1,0,1624,48 -4413,1,0,0105,18 -4414,1,0,1725,24 -4415,1,0,1853,66 -4416,1,0,1624,138 -4417,1,0,1140,42 -4418,1,0,2105,25 -4418,2,1,0510,15 -4421,1,0,1708,45 -4423,1,0,1524,145 -4424,1,0,1639,159 -4425,1,0,2309,36 -4429,1,1,0502,21 -4430,1,0,0923,48 -4432,1,0,2045,20 -4438,1,1,0540,58 -4441,1,1,0116,19 -4444,1,0,1850,82 -4447,1,0,1539,90 -4448,1,0,1919,40 -4451,1,0,2333,30 -4452,1,1,0414,321 -4453,1,0,1940,29 -4454,1,1,0045,20 -4455,1,1,0131,67 -4456,1,0,1200,15 -4456,2,0,2106,17 -4460,1,1,0450,16 -4467,1,0,0845,16 -4470,1,0,1552,86 -4471,1,1,0400,22 -4473,1,0,1828,23 -4473,2,1,1015,18 -4477,1,0,2049,16 -4483,1,0,1315,153 -4486,1,0,1925,19 -4490,1,0,0155,67 -4490,2,0,1050,37 -4491,1,0,0345,90 -4493,1,0,1726,14 -4493,2,1,0515,18 -4494,1,0,2025,142 -4498,1,0,1305,37 -4499,1,0,2220,14 -4502,1,0,1426,34 -4503,1,0,2000,24 -4503,2,1,0715,22 -4510,1,0,2313,533 -4510,2,1,0553,172 -4510,3,2,0750,65 -4515,1,0,1603,199 -4518,1,0,2045,65 -4519,1,0,2157,23 -4522,1,0,1621,41 -4524,1,0,1745,27 -4527,1,0,1303,28 -4529,1,1,0006,23 -4530,1,0,0920,136 -4530,2,0,1020,64 -4533,1,1,0615,15 -4535,1,0,1822,31 -4536,1,0,1356,24 -4537,1,1,0650,42 -4538,1,0,2345,74 -4539,1,0,1925,17 -4544,1,0,1258,30 -4546,1,0,2300,92 -4547,1,0,1100,32 -4548,1,0,2253,62 -4549,1,0,2029,52 -4550,1,0,1643,176 -4551,1,0,1900,45 -4556,1,0,2108,22 -4557,1,0,2030,49 -4558,1,0,1440,300 -4558,2,1,0709,113 -4561,1,0,1731,15 -4564,1,0,1608,15 -4566,1,0,2310,38 -4568,1,0,1157,195 -4569,1,0,1939,19 -4570,1,0,1355,18 -4573,1,0,1908,12 -4577,1,0,2318,3288 -4577,2,1,1000,3446 -4577,3,2,0437,764 -4579,1,1,0250,15 -4581,1,0,2059,26 -4581,2,1,1917,22 -4583,1,0,1920,20 -4586,1,1,0149,179 -4586,2,1,0600,81 -4587,1,0,2250,19 -4589,1,1,0911,14 -4594,1,0,1610,17 -4598,1,0,1047,19 -4599,1,0,2320,21 -4602,1,0,2245,21 -4605,1,0,1510,22 -4605,2,1,0630,19 -4605,3,1,0900,20 -4606,1,0,0845,146 -4608,1,0,2355,62 -4609,1,1,0550,40 -4611,1,0,1910,19 -4613,1,0,1919,158 -4615,1,0,1339,24 -4619,1,0,0101,89 -4622,1,0,2016,17 -4624,1,0,2300,19 -4626,1,0,2306,74 -4627,1,0,1940,34 -4629,1,0,0305,14 -4636,1,0,2045,455 -4637,1,0,1850,21 -4639,1,0,2225,22 -4640,1,0,2041,29 -4643,1,0,1539,26 -4644,1,0,1722,37 -4646,1,0,1505,48 -4653,1,0,2150,57 -4653,2,1,0045,45 -4654,1,0,1614,30 -4655,1,0,2015,20 -4655,2,0,2215,16 -4656,1,1,0322,25 -4658,1,0,0030,30 -4665,1,0,1650,23 -4667,1,0,1820,53 -4668,1,0,2019,174 -4671,1,1,0130,21 -4672,1,0,1651,130 -4676,1,0,1255,17 -4677,1,0,1806,79 -4680,1,1,0001,30 -4680,2,1,0355,19 -4680,3,2,0625,9 -4684,1,0,1315,83 -4688,1,0,2300,28 -4691,1,0,0950,32 -4692,1,0,1725,23 -4692,2,1,0815,16 -4693,1,0,1543,26 -4694,1,0,2232,185 -4698,1,0,1424,25 -4699,1,0,1754,21 -4702,1,1,0245,23 -4703,1,0,1540,22 -4705,1,0,2111,22 -4706,1,0,1950,35 -4711,1,0,1130,26 -4711,2,1,0300,18 -4712,1,0,1850,158 -4713,1,0,1440,22 -4714,1,0,2014,26 -4715,1,0,1745,17 -4719,1,0,1858,30 -4725,1,0,0725,18 -4728,1,0,1829,78 -4729,1,0,1244,102 -4729,2,0,1915,35 -4733,1,0,1625,16 -4734,1,0,1340,23 -4734,2,0,1620,20 -4735,1,0,0204,24 -4738,1,0,0125,48 -4740,1,0,1720,23 -4741,1,0,1414,47 -4742,1,0,0130,38 -4742,2,3,1300,14 -4742,3,3,1645,14 -4744,1,0,1744,28 -4746,1,0,1630,52 -4749,1,0,1515,118 -4752,1,1,0025,55 -4755,1,0,2010,105 -4756,1,1,0558,14 -4757,1,0,1850,108 -4758,1,1,0155,28 -4760,1,0,2255,234 -4762,1,0,1740,44 -4764,1,0,1850,23 -4766,1,1,0655,29 -4767,1,0,1400,53 -4768,1,0,2025,31 -4770,1,0,1910,70 -4772,1,0,0025,28 -4773,1,0,0043,89 -4779,1,0,1745,14 -4781,1,1,0453,30 -4787,1,0,2101,19 -4789,1,0,1130,19 -4790,1,0,1656,38 -4791,1,0,0137,32 -4793,1,1,0057,52 -4794,1,0,2101,29 -4796,1,0,1754,206 -4804,1,1,0010,31 -4805,1,0,2050,18 -4805,2,1,0715,13 -4806,1,0,1842,37 -4807,1,0,1800,21 -4809,1,0,2156,23 -4812,1,0,1950,193 -4817,1,0,0950,60 -4817,2,0,1305,49 -4820,1,0,2036,48 -4820,2,1,0455,20 -4820,3,7,1505,129 -4821,1,0,1321,75 -4822,1,0,0841,15 -4822,2,1,0330,15 -4823,1,0,1945,17 -4825,1,0,2154,12 -4825,2,1,0150,15 -4831,1,0,2019,483 -4831,2,1,1550,133 -4831,3,2,0440,56 -4833,1,0,2205,15 -4838,1,0,2045,96 -4839,1,0,2058,9 -4842,1,0,1730,20 -4845,1,0,2237,124 -4845,2,1,0830,377 -4845,3,2,0405,72 -4846,1,0,2058,22 -4847,1,0,0321,14 -4848,1,0,0721,50 -4849,1,0,0039,61 -4851,1,0,1911,68 -4852,1,0,1419,14 -4852,2,2,0840,13 -4853,1,1,0424,156 -4854,1,0,2131,206 -4856,1,0,2330,87 -4857,1,0,1925,12 -4857,2,1,0215,17 -4857,3,1,0315,17 -4868,1,0,2010,18 -4875,1,0,1646,12 -4875,2,0,1859,60 -4875,3,1,0900,32 -4879,1,1,0610,23 -4879,2,7,1430,48 -4883,1,0,1204,16 -4884,1,0,1338,27 -4885,1,1,0630,50 -4887,1,0,1630,46 -4888,1,1,1135,13 -4894,1,0,1728,67 -4897,1,0,2150,73 -4898,1,0,1155,23 -4901,1,1,0630,44 -4902,1,0,1704,100 -4903,1,0,1218,66 -4906,1,0,2310,52 -4908,1,0,1900,185 -4914,1,0,2239,29 -4916,1,0,2033,48 -4917,1,0,2015,115 -4918,1,0,0140,22 -4919,1,0,0737,23 -4920,1,0,1610,48 -4922,1,0,1730,34 -4926,1,1,0008,14 -4928,1,0,2046,117 -4931,1,0,0928,118 -4933,1,0,2010,76 -4935,1,0,2040,15 -4936,1,0,1530,79 -4938,1,0,1938,62 -4939,1,0,1735,21 -4940,1,0,1805,27 -4942,1,0,2000,46 -4946,1,0,1506,53 -4951,1,0,2108,34 -4956,1,0,2243,29 -4957,1,0,2240,29 -4962,1,0,1940,38 -4966,1,0,1015,27 -4967,1,0,1920,30 -4968,1,0,1949,17 -4971,1,1,0818,31 -4973,1,1,0046,104 -4974,1,0,2304,16 -4975,1,0,1822,40 -4977,1,3,1205,27 -4978,1,0,0007,114 -4979,1,0,0915,21 -4980,1,0,2315,19 -4980,2,1,1105,22 -4981,1,0,1045,19 -4982,1,0,1515,17 -4985,1,0,1610,27 -4987,1,0,1705,59 -4989,1,0,0306,18 -4990,1,0,0920,21 -4992,1,0,1645,122 -4992,2,1,0410,28 -4993,1,0,1236,18 -4994,1,1,0200,542 -4994,2,2,0400,152 -4998,1,1,0016,132 -5000,1,0,1911,51 -5002,1,1,0630,117 -5004,1,0,2005,84 -5005,1,0,1355,24 -5008,1,0,1648,51 -5009,1,1,0411,41 -5010,1,0,2212,870 -5013,1,0,1908,95 -5019,1,0,2245,158 -5020,1,1,1340,15 -5020,2,1,2005,15 -5022,1,0,1000,17 -5023,1,0,2100,109 -5024,1,0,2138,17 -5025,1,0,1725,30 -5026,1,0,0130,24 -5030,1,0,1535,60 -5032,1,0,2150,12 -5032,2,1,0857,18.9 -5034,1,0,0126,25 -5038,1,0,1445,183 -5044,1,0,2157,23 -5046,1,0,1250,20 -5048,1,0,0939,25 -5050,1,0,1907,23 -5050,2,1,1000,24 -5054,1,0,1818,27 -5059,1,0,2340,30 -5061,1,0,1910,20 -5061,2,1,0400,24 -5063,1,0,2020,117 -5072,1,0,2140,23 -5075,1,0,1930,36 -5081,1,0,1455,352 -5082,1,0,1637,62 -5087,1,0,2230,24 -5089,1,0,2025,17 -5089,2,1,0530,20 -5092,1,0,1940,19 -5092,2,1,0546,13 -5093,1,0,1946,87 -5094,1,0,1158,18 -5096,1,0,1600,24 -5097,1,0,1555,15 -5103,1,0,1938,401 -5109,1,0,1915,17 -5111,1,0,1830,22 -5111,2,1,1330,23 -5113,1,0,0108,25 -5114,1,0,1444,50 -5116,1,0,0240,11 -5119,1,0,0850,20 -5123,1,0,0350,13 -5125,1,1,1701,16 -5126,1,1,0535,128 -5128,1,0,2030,26 -5130,1,0,1442,47 -5131,1,0,1700,35 -5132,1,0,1500,30 -5132,2,1,0410,19 -5134,1,1,0750,27 -5137,1,0,1728,69 -5139,1,0,1308,15 -5139,2,0,1315,16 -5143,1,0,1845,36 -5146,1,0,2000,22 -5146,2,1,1400,17 -5148,1,0,1845,116 -5150,1,2,1657,45 -5150,2,6,2045,178 -5152,1,0,1420,45 -5155,1,0,0005,15 -5157,1,0,2035,139 -5159,1,0,1215,95 -5161,1,0,1843,34 -5164,1,0,1420,19 -5172,1,0,2120,28 -5173,1,0,1550,21 -5175,1,0,1544,90 -5177,1,0,1638,30 -5180,1,0,0920,249 -5181,1,0,1612,15 -5182,1,1,0745,42 -5188,1,0,2057,19 -5192,1,0,1108,207 -5195,1,0,1950,19 -5198,1,0,0112,24 -5201,1,1,0035,75 -5204,1,1,0618,28 -5205,1,0,2215,35 -5210,1,0,1634,66 -5212,1,0,1451,17 -5213,1,0,1924,99 -5231,1,0,2047,23 -5235,1,0,1730,16 -5239,1,0,1835,20 -5243,1,0,1555,193 -5244,1,0,0805,51 -5247,1,0,2017,20 -5250,1,0,2144,25 -5254,1,0,1800,36 -5257,1,0,2216,158 -5258,1,-1,2320,27 -5264,1,0,1737,117 -5266,1,0,0135,19 -5267,1,1,0615,25 -5272,1,0,2020,25 -5273,1,0,1906,17 -5276,1,0,1835,14 -5276,2,1,0630,9 -5277,1,0,1224,24 -5279,1,0,2222,20 -5280,1,0,1350,14 -5284,1,0,2340,48 -5285,1,0,2256,27 -5286,1,0,1715,18 -5294,1,0,2145,190 -5300,1,0,1340,17 -5304,1,0,0850,55 -5306,1,0,2300,53 -5313,1,0,1430,113 -5314,1,0,1750,20 -5315,1,0,2030,30 -5316,1,0,1705,20 -5318,1,0,1735,20 -5319,1,0,2030,35 -5319,2,0,1040,35 -5320,1,0,1420,202 -5322,1,0,1410,73 -5323,1,0,2130,15 -5325,1,0,1135,16 -5327,1,0,1645,13 -5329,1,1,0032,29 -5331,1,0,2004,14 -5333,1,0,1730,46 -5333,2,0,0420,29 -5334,1,1,1200,24 -5336,1,0,1931,19 -5337,1,0,1003,21 -5339,1,0,1526,35 -5340,1,0,1855,177 -5343,1,0,1420,18 -5344,1,2,1255,60 -5345,1,0,1812,24 -5352,1,0,1205,51 -5354,1,0,1853,209 -5355,1,0,2141,51 -5361,1,0,1230,29 -5362,1,0,1115,78 -5362,2,1,1123,13 -5363,1,0,1815,18 -5363,2,1,0130,19 -5364,1,0,2111,20 -5364,2,1,0342,12 -5364,3,2,0649,8 -5365,1,0,1843,102 -5365,2,1,0302,24 -5366,1,0,1730,27 -5371,1,1,0645,32 -5375,1,0,1002,15 -5376,1,0,1800,14 -5377,1,0,1920,15 -5379,1,0,0129,20 -5380,1,0,0010,297 -5385,1,0,1741,224 -5385,2,1,0810,80 -5390,1,0,2057,19 -5393,1,0,1733,24 -5394,1,0,1844,25 -5395,1,0,1938,31 -5398,1,0,2338,42 -5399,1,-1,1235,76 -5402,1,0,1856,20 -5409,1,0,2146,78 -5410,1,0,1745,71 -5414,1,0,1817,34 -5417,1,0,0842,40 -5419,1,0,1939,343 -5419,2,1,1143,107 -5422,1,0,1710,37 -5424,1,0,1442,74 -5426,1,0,2011,28 -5428,1,0,2345,18 -5429,1,2,1450,20 -5433,1,0,1800,31 -5435,1,0,1131,92.8 -5435,2,0,1616,229.1 -5435,3,1,0011,218.7 -5437,1,0,1315,31 -5438,1,0,1512,13 -5450,1,0,0920,26 -5451,1,0,1754,23 -5453,1,0,1521,197 -5454,1,0,1050,20 -5458,1,2,0555,10 -5458,2,2,1025,10 -5458,3,2,1428,9 -5459,1,0,1305,22 -5460,1,0,2030,17 -5462,1,0,1600,24 -5462,2,1,0924,98 -5462,3,2,0345,36 -5470,1,1,0400,97 -5474,1,0,1626,157 -5476,1,0,1531,16 -5477,1,0,2058,112 -5485,1,0,0949,57 -5485,2,0,1133,42 -5486,1,0,1640,27 -5488,1,0,1340,72 -5488,2,1,0545,67 -5490,1,0,1656,119 -5493,1,0,1950,52 -5494,1,0,1500,60 -5499,1,0,2030,20 -5499,2,0,1900,22 -5507,1,0,1440,20 -5509,1,0,1651,26 -5514,1,0,1804,22 -5517,1,0,1948,251 -5520,1,1,0029,264 -5521,1,0,2104,172 -5522,1,0,2125,16 -5524,1,0,2057,21 -5528,1,0,1811,50 -5531,1,0,2330,43 -5536,1,1,0940,87 -5538,1,0,1410,31 -5539,1,0,0331,23 -5540,1,0,1250,142 -5540,2,1,0705,141 -5541,1,0,1125,18 -5542,1,0,1148,37 -5543,1,0,1805,20 -5544,1,0,1706,19 -5547,1,0,1235,21 -5556,1,0,1933,21 -5557,1,0,2211,20 -5559,1,0,2319,13 -5560,1,0,1830,43 -5561,1,0,0136,12 -5567,1,0,1854,23 -5568,1,0,1604,19 -5569,1,0,2252,36 -5573,1,0,1503,21 -5574,1,0,1708,23 -5575,1,0,0235,27 -5576,1,0,1314,24 -5577,1,0,0809,23 -5578,1,0,1757,24 -5579,1,0,0950,21 -5580,1,0,1200,12 -5582,1,0,2006,19 -5585,1,0,2122,88 -5586,1,0,2132,38 -5587,1,0,2103,28 -5593,1,0,2025,36 -5594,1,0,2222,52 -5595,1,0,2250,95 -5596,1,1,0545,57 -5597,1,1,0200,30 -5598,1,0,0103,50 -5598,2,0,0649,44 -5599,1,0,0230,18 -5600,1,0,2248,18 -5601,1,0,1608,91 -5603,1,0,1637,23 -5605,1,0,1630,18 -5608,1,0,1440,84 -5611,1,0,1600,124 -5612,1,1,0645,24 -5615,1,0,2311,29 -5618,1,0,2052,23 -5620,1,0,1817,142 -5621,1,0,1459,17 -5624,1,0,1455,14 -5625,1,0,2010,19 -5628,1,3,1845,66 -5632,1,1,0550,33 -5633,1,0,1928,121 -5634,1,0,1748,22 -5644,1,0,2142,240 -5645,1,0,1824,19 -5646,1,0,0254,32 -5650,2,1,0536,15 -5655,1,0,1600,19 -5660,1,0,2300,11 -5669,1,0,1030,12 -5670,1,0,2204,34 -5675,1,0,1739,108 -5676,1,0,1930,19 -5680,1,0,1330,26 -5684,1,0,1553,15 -5684,2,0,1615,15 -5688,1,0,2139,22 -5689,1,0,1810,22 -5693,1,0,2255,50 -5694,1,0,1033,39 -5694,2,1,0430,47 -5696,1,0,1430,14 -5700,1,1,0504,19 -5701,1,0,2005,18 -5701,2,1,0630,140 -5701,3,1,1045,113 -5705,1,0,1827,13 -5707,1,0,0700,19 -5710,1,0,1940,64 -5713,1,0,1005,14 -5713,2,0,2100,13 -5715,1,0,2337,23 -5716,1,0,2359,75 -5718,1,0,2049,38 -5720,1,0,0848,17 -5720,2,1,0600,18 -5720,3,1,0950,19 -5722,1,0,2115,73 -5725,1,0,1615,19 -5727,1,0,0838,16 -5732,1,0,1626,22 -5735,1,0,2305,26 -5736,1,0,2147,19 -5737,1,0,2115,35 -5742,1,0,2112,77 -5743,1,0,1618,15 -5744,1,0,1920,20 -5749,1,0,0344,19 -5751,1,0,1448,13 -5757,1,0,0130,28 -5760,1,0,1410,162 -5763,1,0,1439,24 -5764,1,0,1433,15 -5766,1,1,0028,21 -5766,2,1,0550,18 -5767,1,0,1601,26 -5771,1,0,1605,54 -5775,1,0,1225,19 -5775,2,0,1856,17 -5776,1,0,1950,64 -5778,1,0,2034,158 -5781,1,0,1804,61 -5782,1,0,1420,41 -5785,1,0,1338,26 -5786,1,0,1520,49 -5789,1,0,2230,24 -5790,1,0,0633,86 -5791,1,0,1906,120 -5799,1,0,0850,22 -5800,1,0,1315,28 -5802,1,0,1342,14 -5804,1,0,1636,37 -5804,2,1,0535,52 -5806,1,0,0550,14 -5807,1,1,0550,41 -5808,1,0,0650,31 -5809,1,0,1657,23 -5810,1,0,2050,38 -5812,1,0,1625,49 -5815,1,0,1417,99 -5816,1,0,1923,17 -5817,1,1,0351,19 -5820,1,0,2005,24 -5820,2,1,0950,17 -5821,1,0,1545,20 -5821,2,1,0350,17 -5822,1,0,2119,78 -5823,1,0,1614,40 -5830,1,1,0615,38 -5833,1,0,1905,19 -5835,1,0,2019,17.2 -5842,1,0,2140,17 -5844,1,0,1755,45 -5848,1,1,0925,55 -5852,1,0,2116,26 -5857,1,0,1836,69 -5857,2,2,0410,19 -5858,1,0,1559,56 -5860,1,0,2210,9 -5862,1,0,1755,43 -5866,1,0,2335,251 -5869,1,0,2228,16 -5874,1,1,0620,27 -5874,2,0,1511,80 -5875,1,0,2200,19 -5886,1,0,0033,125 -5886,2,0,0938,111 -5894,1,0,1226,241 -5894,2,0,1852,224 -5894,3,0,2326,157 -5895,1,0,1440,279 -5895,2,1,0700,132 -5899,1,1,0116,22 -5900,1,0,1845,34 -5905,1,0,2130,21 -5906,1,0,1946,35 -5907,1,0,2000,22 -5910,1,0,1855,76 -5911,1,0,0937,169 -5915,1,0,0955,49 -5916,1,0,0726,21 -5922,1,0,1705,25 -5923,1,0,1945,15 -5926,1,1,0040,38 -5928,1,0,2107,204 -5929,1,0,0405,18 -5930,1,0,2304,21 -5931,1,0,0838,67 -5935,1,0,1636,90 -5938,1,0,2009,105 -5938,2,1,0030,74 -5938,3,1,0530,158 -5942,1,0,1445,24 -5943,1,0,2005,87 -5946,1,0,1840,18 -5950,1,0,1404,28 -5951,1,1,1244,373 -5951,2,2,0555,186 -5955,1,0,1517,15 -5958,1,1,0020,36 -5959,1,0,1820,19 -5960,1,0,1839,28 -5961,1,0,1714,362 -5961,2,1,1545,158 -5963,1,0,1920,32 -5964,1,0,1611,29 -5969,1,0,2203,21 -5974,1,0,2100,22 -5980,1,0,1814,37 -5983,1,1,0525,34 -5984,1,0,1055,116 -5986,1,0,1235,185 -5988,1,0,0055,19 -5989,1,0,2339,223 -5992,1,0,1950,34 -5995,1,0,2001,272 -5995,2,1,0633,25 -5999,1,0,0319,43 -6002,1,1,0000,25 -6003,1,0,0810,20 -6005,1,0,1845,16 -6005,2,1,0230,16 -6009,1,0,2034,63 -6016,1,1,0057,37 -6019,1,0,2130,31 -6023,1,0,1739,32 -6024,1,1,0530,21 -6026,1,0,1618,42 -6027,1,0,0420,35 -6028,1,0,1750,73 -6030,1,0,2035,12 -6030,2,1,1245,12 -6035,1,0,1944,192 -6037,1,1,0600,20 -6038,1,0,1919,25 -6041,1,0,2315,17 -6051,1,0,1415,20 -6051,2,1,0100,15 -6051,3,1,1000,17 -6052,1,0,1115,16 -6054,1,1,2015,13 -6054,2,1,2352,11 -6054,3,2,0417,16 -6058,1,0,0052,37 -6060,1,0,2225,17 -6063,1,0,2130,35 -6068,1,0,1307,25 -6069,1,0,2235,328 -6071,1,0,1255,22 -6075,1,0,1855,14 -6075,2,1,0815,15 -6077,1,0,0922,44 -6082,1,0,1950,10 -6083,1,0,2214,13.3 -6083,2,2,1111,24.2 -6084,1,0,2130,24 -6088,1,0,1345,86 -6097,1,0,1551,15 -6098,1,0,1937,19 -6101,1,0,1710,46 -6106,1,0,1310,346 -6106,2,0,0605,81 -6109,1,0,1610,81 -6109,2,1,0911,34 -6109,3,2,0445,25 -6110,1,0,1234,133 -6111,1,0,1221,158 -6112,1,0,1535,23 -6113,1,0,1929,14 -6115,1,0,2201,406 -6116,1,1,0025,18 -6117,1,0,1731,79 -6119,1,0,2028,86 -6120,1,0,2315,26 -6121,1,0,2130,27 -6122,1,0,0145,20 -6122,2,0,1025,18 -6127,1,1,0001,25 -6128,1,0,1133,23 -6129,1,0,1535,462 -6129,2,2,0430,23 -6131,1,0,1255,25 -6132,1,0,2247,25 -6132,2,1,0445,16 -6132,3,2,0330,15 -6133,1,0,1836,31 -6134,1,0,1458,21 -6136,1,0,1841,25 -6141,1,0,1221,22 -6141,2,0,2230,34 -6141,3,2,0710,26 -6142,1,0,2022,19 -6144,1,1,0510,15 -6147,1,1,0510,54 -6147,2,0,1940,47 -6151,1,0,1700,52 -6157,1,0,1949,194 -6161,1,0,2036,268 -6166,1,0,1940,113 -6166,2,1,0550,38 -6166,3,2,0525,18 -6167,1,0,2245,3 -6171,1,0,2126,228 -6174,1,0,2254,147 -6176,1,1,1620,15 -6177,1,0,1329,30 -6178,1,0,2350,85 -6178,2,1,0413,44 -6180,1,0,2313,146 -6180,2,1,0454,30 -6180,3,6,0045,508 -6181,1,0,1545,14 -6182,1,0,1142,15 -6190,1,0,1150,75 -6193,1,0,2005,69 -6196,1,0,1840,65 -6201,1,0,2102,69 -6201,2,1,0725,27 -6205,1,0,1828,57 -6205,2,2,1015,15 -6206,1,0,1927,16 -6207,1,0,1300,17 -6207,2,1,0400,13 -6214,1,0,0100,56 -6215,1,0,0115,19 -6218,1,1,0115,17 -6223,1,0,2330,88 -6224,1,0,2013,25 -6232,1,0,2055,24 -6232,2,1,1000,24 -6233,1,0,2330,74 -6234,1,0,2235,23 -6236,1,0,0634,33 -6240,1,0,1920,20 -6250,1,3,0700,746 -6250,2,0,2121,463 -6255,1,0,1839,14 -6256,1,0,2010,25 -6257,1,0,1433,48 -6258,1,0,2030,28 -6260,1,0,2119,268 -6261,1,0,0809,272 -6264,1,0,1347,106 -6271,1,0,2230,8 -6274,1,0,1831,24 -6275,1,1,0400,278 -6275,2,2,0400,14 -6278,1,0,1930,25 -6283,1,0,2052,72 -6284,1,0,0708,19 -6285,1,0,0347,30 -6287,1,0,1920,53 -6288,1,0,1200,19 -6288,2,0,0530,15 -6289,1,0,0323,16 -6290,1,0,2012,133 -6292,1,0,1824,174 -6295,1,0,2040,18 -6298,1,0,1515,23 -6302,1,0,1330,74 -6302,2,1,0150,240 -6302,3,1,1835,56 -6303,1,1,0420,5151 -6303,2,2,0630,3339 -6303,3,4,0630,701 -6311,1,1,0540,232 -6316,1,0,1625,85 -6318,1,0,1949,18 -6323,1,0,1630,41 -6323,2,0,1645,38 -6327,1,0,1930,21 -6327,2,1,1930,15 -6333,1,0,2106,20 -6335,1,0,0946,20 -6336,1,0,1612,23 -6338,1,0,2055,18 -6339,1,0,1928,30 -6340,1,0,0916,159 -6341,1,1,0600,30 -6342,1,0,1756,19 -6347,1,0,2350,13 -6350,1,0,0045,28 -6354,1,0,1851,112 -6355,1,0,1241,16 -6358,1,0,2003,84 -6359,1,0,1045,182 -6362,1,0,2049,17 -6362,2,1,0230,15 -6362,3,-88,0400,15 -6363,1,0,2153,18 -6367,1,3,0815,17 -6368,1,0,2207,21 -6369,1,0,1820,14 -6370,1,0,2108,31 -6372,1,0,1741,148 -6373,1,0,1330,75 -6375,1,0,1730,33 -6377,1,0,2139,91 -6379,1,0,1213,142 -6381,1,0,2130,14 -6383,1,0,1943,30 -6383,2,0,2340,16 -6384,1,0,1813,21 -6385,1,0,1128,25 -6386,1,0,1137,109 -6391,1,0,1315,19 -6392,1,0,2207,28 -6393,1,1,0655,30 -6393,2,0,1510,42 -6394,1,0,2357,17 -6401,1,0,1345,20 -6402,1,0,2250,76 -6402,2,1,0540,70 -6406,1,0,1236,26 -6409,1,1,0340,15 -6410,1,1,1014,18 -6411,1,0,1830,16 -6412,1,0,1710,138 -6418,1,0,1230,16 -6420,1,0,2118,39 -6421,1,1,0600,32 -6422,1,0,2013,50 -6423,1,0,1805,16 -6425,1,0,1309,28 -6426,1,0,1319,53 -6431,1,0,1957,13 -6432,1,0,2300,21 -6433,1,0,1328,345 -6433,2,1,0750,1914 -6433,3,2,0820,1482 -6439,1,0,2315,19 -6440,1,0,2055,666 -6440,2,1,0228,497 -6440,3,2,0408,106 -6442,1,0,1424,247 -6442,2,1,0622,161 -6442,3,2,0830,105 -6447,1,1,0006,144 -6447,2,1,0625,194 -6447,3,2,0545,210 -6448,1,1,0620,67 -6449,1,0,1930,38 -6450,1,0,1825,68 -6451,1,0,1722,79 -6454,1,0,1909,23 -6456,1,1,0012,47 -6457,1,0,1600,165 -6461,1,0,1800,67 -6465,1,0,2312,22 -6465,2,1,0545,27 -6466,1,0,1500,18 -6471,1,0,1337,51 -6473,1,0,0640,22 -6474,1,6,0947,14 -6477,1,0,2117,38 -6479,1,0,0918,25 -6483,1,0,2322,224 -6484,1,0,2214,45 -6484,2,1,0500,23 -6490,1,0,1434,108 -6493,1,0,1915,20 -6496,1,1,0006,16 -6497,1,0,1609,30 -6498,1,0,1728,26 -6501,1,0,1830,16 -6504,1,0,1850,78 -6508,1,0,1440,31 -6510,1,0,1840,26 -6511,1,0,0800,34 -6513,1,0,2200,172 -6514,1,1,0610,27 -6517,1,0,0230,259 -6517,2,1,0340,94 -6517,3,2,0220,64 -6525,1,0,1710,24 -6526,1,0,0645,21 -6527,1,0,2355,23 -6528,1,0,1717,10 -6529,1,0,2313,152 -6533,1,0,1000,17 -6536,1,0,1721,15 -6539,1,0,1328,24 -6541,1,0,0040,108 -6543,1,0,1905,42 -6544,1,0,2214,88 -6544,2,1,0525,69 -6548,1,0,2217,104 -6548,2,1,0648,55 -6549,1,0,0042,62 -6561,1,0,2314,54 -6563,1,0,2217,44 -6564,1,1,0000,22 -6565,1,0,1600,23 -6571,1,0,1715,24 -6572,1,1,0550,32 -6574,1,0,1350,425 -6576,1,1,1144,20 -6578,1,0,1528,41 -6584,1,1,1218,14 -6584,2,1,1610,16 -6584,3,1,2112,13 -6586,1,0,2355,19 -6587,1,0,1448,98 -6588,1,0,1901,21 -6589,1,0,0930,23 -6594,1,0,2200,14 -6596,1,0,1357,23 -6599,1,0,0934,117 -6599,2,1,0036,136 -6602,1,0,2112,17 -6603,1,0,1755,24 -6604,1,0,0455,16 -6604,2,1,0020,21 -6605,1,0,1545,15 -6606,1,0,2230,33 -6607,1,0,1828,51 -6611,1,0,1559,105 -6615,1,1,0720,19 -6616,1,0,2014,61 -6619,1,0,1520,25 -6619,2,1,0900,32 -6625,1,0,1920,200 -6628,1,0,1707,117 -6630,1,0,1940,20 -6631,1,0,1730,19 -6635,1,0,0020,31 -6636,1,0,1705,32 -6637,1,0,0226,214 -6638,1,0,0220,12 -6645,1,0,0932,64 -6646,1,0,1214,13 -6647,1,0,1700,19 -6648,1,0,0502,140 -6650,1,0,2042,10 -6653,1,1,0022,17 -6654,1,0,1945,79 -6655,1,0,1938,156 -6660,1,0,1656,132 -6661,1,0,0243,38 -6667,1,0,1832,25 -6668,1,0,2033,131 -6669,1,0,1808,17 -6672,1,1,0440,19 -6673,1,0,2306,19 -6674,1,0,2030,24 -6679,1,0,0935,72 -6680,1,0,0231,19 -6684,1,0,1910,23 -6687,1,0,2010,59 -6690,1,1,0705,144 -6691,1,0,2145,15 -6696,1,0,0945,29 -6698,1,0,1950,104 -6700,1,1,0035,29 -6702,1,0,0640,17 -6702,2,0,1600,16 -6702,3,0,2200,16 -6704,1,0,2050,21 -6705,1,1,0146,16 -6707,1,0,1440,164 -6708,1,0,1509,30 -6709,1,1,0620,72 -6714,1,0,0900,13 -6718,1,0,1431,18 -6721,1,0,0146,181 -6724,1,0,0118,27 -6727,1,0,1606,306 -6728,1,0,2335,272 -6730,1,0,2220,186 -6734,1,0,1159,26 -6734,2,1,0415,25 -6736,1,0,1630,44 -6743,1,1,0235,27 -6744,1,1,0546,18.8 -6744,2,0,1944,32 -6745,1,0,2019,25 -6749,1,0,1340,35 -6756,1,0,2311,162 -6758,1,0,1730,16 -6763,1,0,1842,51 -6767,1,0,1455,164 -6768,1,0,1130,6971 -6768,2,2,0610,121 -6768,3,4,0625,74 -6769,1,0,1613,19 -6773,1,0,0030,19 -6775,1,0,1730,23 -6776,1,0,0558,20 -6777,1,0,1700,74 -6779,1,0,1853,180 -6784,1,0,1404,15 -6790,1,0,1230,22 -6790,2,1,0435,21 -6791,1,0,2010,73 -6791,2,1,0555,43 -6793,1,0,1050,42 -6795,1,0,1744,16 -6798,1,0,2026,23 -6800,1,0,1545,42 -6804,1,0,0840,25 -6804,2,1,0530,15 -6810,1,0,1654,19 -6814,1,0,2110,23 -6815,1,0,1645,102 -6817,1,0,1550,29 -6819,1,0,1934,26 -6820,1,0,1540,20 -6821,1,0,0608,62 -6823,1,0,2205,12 -6825,1,0,1349,58 -6827,1,0,1824,25 -6827,2,1,0806,70 -6837,1,0,0428,17 -6841,1,0,1244,912 -6842,1,0,1303,172 -6843,1,0,2001,16 -6848,1,0,2109,19 -6853,1,0,0110,17 -6854,1,0,2213,17 -6854,2,1,0815,15 -6860,1,0,1021,28 -6860,2,1,0150,74 -6861,1,0,2150,202 -6861,2,1,0646,51 -6863,1,0,1133,84 -6864,1,0,1835,40 -6867,1,0,0352,39 -6869,1,0,0810,121 -6872,1,1,0125,16 -6873,1,0,0908,31 -6873,2,1,0130,18 -6873,3,2,0940,17 -6876,1,0,2007,168 -6877,1,0,0045,14 -6881,1,0,2000,20 -6891,1,1,0356,25 -6895,1,0,2145,23 -6897,1,0,1821,23 -6898,1,0,1853,26 -6898,2,2,0723,17 -6900,1,0,2054,168 -6903,1,0,1908,46 -6904,1,0,1749,169 -6910,1,0,2220,7 -6915,1,0,0816,71 -6916,1,0,2045,16 -6917,1,0,1802,16 -6918,1,0,2140,45 -6918,2,1,0540,24 -6921,1,0,1530,34 -6924,1,0,1439,37 -6926,1,0,1138,28 -6928,1,0,2000,46 -6929,1,0,1850,16 -6937,1,0,1430,22 -6937,2,1,0035,25 -6939,1,0,1655,45 -6940,1,0,0624,207 -6942,1,0,1904,54 -6944,1,0,1307,21 -6946,1,0,1846,21 -6947,1,0,1652,45 -6948,1,0,1249,8 -6954,1,0,1900,17 -6957,1,0,1143,291 -6957,2,2,0624,31 -6961,1,1,0405,19 -6966,1,0,1900,24 -6972,1,0,1210,16 -6972,2,0,2345,13 -6973,1,0,1057,208 -6975,1,1,0605,107 -6980,1,0,2130,40 -6982,1,0,2206,76 -6984,1,0,1810,53 -6986,1,0,2350,32 -6987,1,0,1420,32 -6988,1,0,1619,212 -6989,1,0,2050,604 -6996,1,0,1720,31 -6998,1,0,1703,188 -7000,1,0,2335,79 -7001,1,0,1801,33 -7004,1,0,1629,25 -7006,1,0,2300,131 -7008,1,0,1904,51 -7009,1,0,1950,16 -7010,1,0,0016,17 -7010,2,0,0620,16 -7011,1,0,1816,21 -7015,1,0,2212,26 -7017,1,0,2355,11 -7017,2,1,0100,15 -7021,1,0,1344,194 -7023,1,0,1846,53 -7024,1,0,0140,33 -7025,1,0,1520,23 -7028,1,0,0155,10 -7029,1,1,0410,36 -7030,1,0,2325,21 -7032,1,0,2113,83 -7034,1,0,1515,22 -7044,1,0,0140,53 -7053,1,0,2300,20 -7053,2,1,0600,15 -7061,1,0,2054,17 -7061,2,4,0035,23 -7062,1,0,0915,19 -7066,1,0,0947,115 -7070,1,0,2341,27 -7074,1,0,1656,18 -7075,1,0,1305,81 -7079,1,0,2235,19 -7083,1,0,2242,14 -7084,1,0,1240,182 -7087,1,0,1940,63 -7087,2,4,1540,56 -7092,1,0,2000,25 -7095,1,0,1630,86 -7096,1,0,1845,28 -7102,1,0,1630,13 -7103,1,0,0618,21 -7104,1,0,1903,131 -7105,1,0,1640,82 -7109,1,0,1540,66 -7113,1,0,1718,38 -7115,1,0,1748,77 -7117,1,0,1141,42 -7119,1,0,1507,27 -7123,1,0,1850,28 -7123,2,2,1641,17 -7123,3,4,0545,28 -7124,1,0,0034,13 -7129,1,0,2235,27 -7130,1,0,1608,60 -7131,1,0,1935,33 -7131,2,1,0615,23 -7136,1,1,0220,467 -7136,2,1,0805,269 -7136,3,3,0300,97 -7137,1,1,0006,100 -7138,1,0,0020,70 -7142,1,0,0730,50 -7142,2,1,0030,17 -7142,3,2,0030,25 -7145,1,0,1000,22 -7147,1,0,2222,54 -7150,1,0,0736,22 -7151,1,1,0440,60 -7151,2,2,0540,59 -7152,1,0,1411,17 -7152,2,0,1537,17 -7153,1,0,2137,23 -7154,1,0,1935,31 -7157,1,0,1424,40 -7159,1,0,2120,29 -7162,1,0,1915,86 -7163,1,0,2005,33 -7169,1,0,1445,179 -7169,2,1,0550,25 -7175,1,0,0940,16 -7181,1,0,2120,16 -7182,1,0,2358,166 -7184,1,0,1836,26 -7188,1,0,1703,24 -7188,2,1,0520,15 -7189,1,0,1702,198 -7195,1,0,2030,46 -7199,1,1,0004,43 -7200,1,0,1213,28 -7200,2,0,2215,29 -7202,1,0,2126,30 -7203,1,0,0910,54 -7205,1,0,1227,111 -7208,1,0,2256,73 -7209,1,0,1111,19 -7211,1,0,2335,22 -7213,1,0,2030,18 -7214,1,0,1930,20 -7214,2,1,0600,18 -7215,1,0,1350,768 -7215,2,0,1519,916 -7215,3,0,1815,642 -7220,1,0,2131,22 -7221,1,0,2028,31 -7225,1,0,0810,90 -7225,2,1,0000,148 -7225,3,1,1145,86 -7226,1,0,2250,54 -7228,1,0,1202,1088 -7228,2,0,1635,687 -7228,3,1,0405,2996 -7230,1,0,2040,40 -7234,1,0,1840,17 -7235,1,0,2230,16 -7238,1,0,2120,15 -7240,1,0,1501,19 -7240,2,1,0535,15 -7241,1,0,1620,183 -7242,1,1,0534,32 -7243,1,0,1452,21 -7247,1,0,0919,31 -7249,1,0,1740,31 -7250,1,0,1945,117 -7251,1,0,0026,17 -7254,1,0,1845,459 -7255,1,0,2030,85 -7256,1,0,1400,26 -7258,1,0,1732,153 -7260,1,0,2045,39 -7261,1,0,2250,18 -7263,1,0,1755,26 -7264,1,1,0030,27 -7265,1,0,2240,17 -7267,1,0,2000,36 -7269,1,0,2034,109 -7270,1,0,2315,30 -7274,1,0,1839,17 -7274,2,1,0553,7 -7276,1,0,0204,118 -7276,2,0,0703,42 -7277,1,0,1252,26 -7278,1,0,1505,15 -7281,1,0,1700,15 -7282,1,0,1204,133 -7287,1,0,2230,60 -7300,1,0,1913,69 -7302,1,0,1731,28 -7302,2,1,0407,27 -7303,1,0,1826,20 -7304,1,0,1300,161 -7305,1,0,0818,118 -7308,1,0,1719,13 -7311,1,0,1110,37 -7312,1,0,1605,23 -7313,1,0,1712,69 -7316,1,0,1614,21 -7319,1,0,2005,22 -7325,1,0,1741,31 -7327,1,0,1000,24 -7329,1,0,1000,35 -7332,1,0,2000,59 -7334,1,0,1457,207 -7337,1,0,1753,115 -7342,1,0,2126,166 -7347,1,0,2133,194 -7347,2,1,0430,112 -7348,1,0,2155,14 -7349,1,0,1255,14 -7350,1,0,1359,18 -7350,2,1,0245,13 -7352,1,0,2240,13 -7356,1,0,1945,15 -7356,2,1,0530,15 -7360,1,0,0533,64 -7362,1,0,2210,24 -7363,1,0,1530,92 -7364,1,0,2026,21 -7364,2,1,0212,17 -7367,1,2,0845,194 -7367,2,2,1250,154 -7368,1,0,1652,34 -7372,2,1,0355,15 -7375,1,0,1902,127 -7382,1,0,2150,112 -7382,2,3,1020,44 -7384,1,0,1550,83 -7386,1,0,1855,49 -7392,1,0,1811,82 -7394,1,0,1221,672 -7394,2,1,0650,122 -7398,1,0,1149,99 -7400,1,0,1512,17 -7401,1,0,1746,75 -7403,1,0,1358,16 -7406,1,0,1817,43 -7407,1,0,1255,17 -7408,1,0,2214,157 -7409,1,0,1924,25 -7410,1,0,1437,27 -7414,1,0,1458,103 -7417,1,0,2205,22 -7418,1,0,1820,46 -7420,1,0,1625,19 -7421,1,0,1037,721 -7423,1,0,1731,130 -7425,1,0,2200,23 -7428,1,0,0727,23 -7429,1,0,2115,271 -7429,2,1,0843,130 -7429,3,2,0915,49 -7436,1,1,0130,24 -7436,2,1,0416,58 -7436,3,2,0330,59 -7438,1,0,0253,37 -7440,1,0,1205,43 -7442,1,0,1610,64 -7443,1,0,2053,72 -7445,1,0,1656,32 -7446,1,0,1925,10 -7447,1,0,2135,75 -7449,1,0,1927,28 -7450,1,0,1910,73 -7451,1,0,2250,21 -7454,1,4,0600,167 -7454,2,1,0425,37 -7456,1,0,1349,79 -7460,1,0,1827,26 -7462,1,0,1738,33 -7467,1,0,0739,48 -7469,1,0,1850,28 -7472,1,0,2244,55 -7473,1,0,1725,65 -7475,1,0,2315,89 -7478,1,0,1823,154 -7480,1,4,0940,80 -7480,2,7,0405,358 -7483,1,0,2155,23 -7487,1,1,0140,18 -7490,1,0,1724,179 -7499,1,0,1450,19 -7503,1,0,1040,17 -7504,1,0,0230,24 -7507,1,0,0252,17 -7508,1,0,1629,239 -7508,2,1,1115,359 -7510,1,0,2010,16 -7512,1,0,1341,38 -7513,1,0,1858,29 -7515,1,0,1829,31 -7520,1,0,2015,22 -7522,1,0,1516,23 -7524,1,0,2215,40 -7524,2,1,0953,30 -7527,1,0,1718,68 -7528,1,0,2348,15 -7528,2,1,0549,14 -7533,1,0,1920,155 -7537,1,0,2112,79 -7538,1,0,1620,26 -7539,1,0,2340,8 -7540,1,0,1605,20 -7542,1,0,2117,86 -7543,1,0,1831,39 -7545,1,1,0530,59 -7547,1,0,1145,15 -7551,1,1,0117,20 -7554,1,0,0200,14 -7556,1,0,1438,10 -7558,1,0,1643,15 -7558,2,0,0540,15 -7560,1,0,1330,15 -7563,1,0,2218,13 -7564,1,0,0829,26 -7566,1,0,1110,22 -7568,1,1,0407,76 -7572,1,0,1428,91 -7573,1,0,2113,10 -7577,1,0,1056,26 -7578,1,0,1745,110 -7579,1,0,0845,21 -7579,2,1,0005,17 -7581,1,0,1757,25 -7583,1,0,1759,20 -7584,1,1,0126,14 -7585,1,-1,2140,36 -7586,1,0,0818,25 -7587,1,0,1339,59 -7590,1,1,0005,20 -7592,1,1,0455,45 -7594,1,0,1740,87 -7599,1,1,0601,16 -7600,1,0,1830,20 -7601,1,0,1400,13 -7602,1,0,1830,28.1 -7604,1,0,2223,22 -7605,1,0,2030,45 -7607,1,0,1224,34 -7608,1,0,1857,32 -7611,1,0,0240,20 -7613,1,0,2121,38 -7614,1,0,1728,441 -7614,2,1,0610,253 -7616,1,0,2050,22 -7616,2,2,0810,15 -7623,1,0,1728,21 -7627,1,0,1534,18 -7627,2,0,0410,13 -7628,1,0,1120,19 -7629,1,0,1630,59 -7631,1,0,2114,11 -7633,1,0,1630,69 -7633,2,1,1730,31 -7633,3,2,0609,47 -7634,1,1,0530,32 -7636,1,0,1650,15 -7637,1,0,2035,40 -7639,1,0,2100,40 -7641,1,0,1845,19 -7641,2,1,2205,11 -7644,1,0,1824,15 -7651,1,0,1005,56 -7651,2,1,0630,18 -7652,1,1,0345,9 -7653,1,0,2045,55 -7660,1,0,1620,30 -7661,1,0,2102,38 -7663,1,0,2149,28 -7671,1,0,2112,14 -7673,1,0,1714,26 -7675,1,0,1457,17 -7676,1,0,1557,28 -7676,2,0,2026,22 -7678,1,0,1736,29 -7679,1,0,2035,23 -7680,1,0,1620,28 -7683,1,0,2316,10 -7687,1,0,1649,27 -7689,1,0,0505,41 -7694,1,0,1802,17 -7695,1,0,1646,40 -7698,1,0,1550,43 -7702,1,0,2130,59 -7706,1,0,1550,16 -7707,1,0,1909,17 -7709,1,0,2245,83 -7710,1,0,2033,82 -7711,1,0,2200,19 -7711,2,1,0712,22 -7715,1,1,0045,17 -7718,1,0,1228,159 -7719,1,0,2234,150 -7720,1,0,1332,19 -7724,1,0,1358,108 -7725,1,0,1220,54 -7727,1,0,0323,53 -7729,1,0,1858,18 -7733,1,0,1335,39 -7740,1,0,0930,21 -7742,1,0,1850,18 -7743,1,0,1700,202 -7743,2,1,0000,161 -7743,3,1,0530,125 -7744,1,0,1748,170 -7745,1,0,1743,19 -7746,1,0,2125,14 -7746,2,1,1000,15 -7748,1,0,1556,62 -7750,1,0,1845,51 -7752,1,0,1930,21 -7753,1,0,1850,50 -7754,1,0,1200,16 -7756,1,0,1035,38 -7756,2,0,0400,16 -7757,1,0,2230,21 -7759,1,0,1702,22 -7760,1,0,1250,144 -7762,1,1,0409,33 -7764,1,0,1636,12 -7766,1,1,0055,16 -7770,1,0,1137,24 -7770,2,1,0830,21 -7772,1,0,1340,24 -7772,2,1,0850,21 -7773,1,0,2257,24 -7775,1,0,0453,17 -7776,1,0,2121,142 -7777,1,0,1142,16 -7785,1,0,2132,22 -7790,1,0,1500,32 -7791,1,0,1536,29 -7793,1,0,0820,26 -7796,1,0,0920,18 -7796,2,1,0550,15 -7801,1,0,1516,29 -7802,1,0,1217,296 -7803,1,0,1007,29 -7804,1,0,1730,189 -7805,1,0,1745,29 -7809,1,0,1436,73 -7812,1,0,1612,151 -7815,1,0,1948,212 -7816,1,0,1900,24 -7817,1,0,1900,191 -7818,1,1,0631,24 -7822,1,0,0145,21 -7823,1,0,1613,16 -7825,1,0,1314,24 -7826,1,0,1920,24 -7831,1,0,1503,3223 -7832,1,1,0441,22 -7832,2,1,1814,18.3 -7832,3,2,0640,9.4 -7833,1,0,2037,18 -7836,1,1,0115,21 -7837,1,0,1951,25 -7837,2,1,0500,20 -7838,1,0,1744,43 -7848,1,0,1509,198 -7851,1,0,1951,24 -7853,1,0,1854,21 -7853,2,1,0430,14 -7853,3,4,1114,15 -7856,1,0,2030,60 -7856,2,1,0615,43 -7857,1,0,0039,22 -7857,2,0,0605,22 -7859,1,0,2052,26 -7859,2,1,0500,25 -7861,1,0,2037,17 -7862,1,0,1925,29 -7863,1,0,1848,23 -7868,1,0,1510,15 -7869,1,0,2103,53 -7870,1,0,2035,27 -7871,1,0,0746,19 -7871,2,0,1420,17 -7872,1,0,2250,103 -7875,1,1,0720,37 -7876,1,1,0620,31 -7880,1,0,1050,50 -7881,1,0,1822,14 -7883,1,0,2324,16 -7883,2,1,0657,14 -7885,1,0,2230,54 -7887,1,0,2251,56 -7887,2,1,0720,25 -7890,1,0,2117,17 -7892,1,0,2116,23 -7893,1,0,2215,16 -7896,1,0,1337,15 -7899,1,0,0334,10 -7900,1,0,2000,18 -7902,1,0,1649,61 -7904,1,0,1930,455 -7904,2,1,0415,300 -7904,3,2,0500,224 -7907,1,0,1609,42 -7910,1,0,1614,25 -7911,1,0,1730,18 -7912,1,0,1810,79 -7913,1,0,0418,22 -7914,1,0,1830,68 -7916,1,0,2001,31 -7922,1,0,2300,13 -7924,1,1,0540,38 -7925,1,0,1530,23 -7926,1,0,0248,80 -7926,2,0,1200,39 -7927,1,0,1725,19 -7928,1,0,2000,37 -7929,1,0,1711,24 -7930,1,0,0830,16 -7933,1,0,1815,27 -7937,1,0,1942,55 -7938,1,0,1655,20 -7938,2,1,0130,18 -7939,1,0,1815,13 -7940,1,0,2000,204 -7941,1,0,1850,69 -7944,1,0,1801,48 -7947,1,1,0415,53 -7949,1,0,1840,23 -7951,1,0,1425,17 -7953,1,0,1640,16 -7954,1,0,2025,30 -7960,1,1,0345,41 -7962,1,0,1626,19 -7964,1,1,0645,71 -7965,1,0,2238,47 -7966,1,0,2310,19 -7967,1,1,0530,42 -7971,1,0,2040,20 -7972,1,0,2138,261 -7974,1,0,1825,16 -7974,2,0,1900,16 -7978,1,0,1756,58 -7979,1,0,1828,18 -7986,1,0,1441,15 -7995,1,0,0629,183 -7998,1,0,1701,189 -7999,1,-153,2032,19 -7999,2,1,1541,21 -8000,1,0,0934,21 -8002,1,0,1815,49 -8005,1,0,2146,27 -8010,1,0,2010,22 -8011,1,0,0200,49 -8013,1,0,1950,20 -8014,1,0,1655,16 -8014,2,1,0410,16 -8014,3,1,1100,22 -8016,1,0,1815,49 -8017,1,0,2215,18 -8019,1,0,2220,15 -8021,1,0,0816,49 -8023,1,0,2013,193 -8032,1,0,2110,56 -8033,1,0,1530,16 -8037,1,0,2054,20 -8037,2,1,1744,23 -8039,1,0,1938,208 -8040,1,0,1706,97 -8040,2,1,1045,22 -8041,1,1,0030,16 -8041,2,1,1600,13 -8042,1,0,0716,18 -8043,1,0,0940,20 -8044,1,0,0936,39 -8045,1,0,2028,18 -8050,1,0,2106,63 -8051,1,0,2030,24 -8052,1,1,0440,11 -8057,1,1,0530,45 -8060,1,0,1651,34 -8069,1,0,1046,59 -8072,1,0,2345,28 -8073,1,0,2320,17 -8075,1,0,0150,11 -8078,1,0,1912,16 -8081,1,0,1112,16 -8083,1,0,1745,13 -8084,1,0,1809,39 -8085,1,0,1747,16 -8086,1,0,2144,17 -8087,1,0,0159,26 -8092,1,0,1226,22 -8096,1,0,0050,46 -8097,1,0,1721,15 -8099,1,0,1738,60 -8100,1,1,2110,25 -8101,1,0,1233,18 -8103,1,0,1615,108 -8106,1,0,1854,16 -8107,1,1,0945,33 -8112,1,0,2040,30 -8112,2,1,0340,27 -8113,1,0,2035,110 -8115,1,1,0635,39 -8117,1,0,0901,25 -8118,1,0,2214,95 -8119,1,0,1448,54 -8120,1,0,1638,41 -8121,1,0,2146,48 -8122,1,0,1617,95 -8123,1,0,1745,22 -8131,1,0,2200,94 -8133,1,0,1742,18 -8139,1,0,1605,19 -8141,1,2,0435,16 -8142,1,0,1933,125 -8149,1,0,1011,23 -8150,1,1,0615,25 -8154,1,0,1932,14 -8155,1,0,0155,31 -8157,1,0,1804,57 -8158,1,0,1811,29 -8159,1,0,1942,43 -8161,1,0,1955,11 -8163,1,0,1852,35 -8167,1,0,1535,21 -8169,1,0,1633,138 -8170,1,0,1505,72 -8174,1,1,0639,37 -8178,1,1,0637,73 -8182,1,0,2345,20 -8183,1,0,1905,18 -8186,1,0,1720,23 -8186,2,1,0215,17 -8187,1,0,1819,13 -8189,1,0,1335,15 -8192,1,0,2210,39 -8192,2,2,0400,13 -8196,1,0,1745,20 -8202,1,0,2258,81 -8203,1,0,2137,19 -8204,1,0,1750,14 -8208,1,0,1521,21 -8209,1,0,1458,56 -8210,1,0,2018,13 -8210,2,1,0650,15 -8211,1,0,2204,144 -8213,1,0,1920,20 -8215,1,0,1313,131 -8216,1,0,1327,48 -8220,1,0,1826,28 -8221,1,0,1420,20 -8223,1,0,1819,137 -8225,1,0,1455,23 -8229,1,0,1013,15 -8232,1,0,1609,23 -8234,1,0,1746,14 -8237,1,0,1815,35 -8238,1,0,2010,160 -8238,2,1,0650,40 -8239,1,0,2320,40 -8240,1,0,0235,130 -8245,1,0,1618,26 -8250,1,1,1010,69 -8252,1,0,2115,16 -8254,1,0,2325,305 -8255,1,0,1644,22 -8255,2,1,0515,16 -8257,1,0,1446,100 -8257,2,1,1701,23 -8259,1,1,0500,34 -8260,1,0,2106,37 -8260,2,1,0630,10 -8261,1,0,1300,36 -8262,1,1,1533,15 -8262,2,2,0541,10 -8268,1,0,2035,95 -8271,1,1,0355,89 -8272,1,0,2223,11 -8274,1,0,1148,31 -8275,1,0,0840,18 -8275,2,0,2010,17 -8276,1,0,2247,13 -8278,1,0,1912,9 -8279,1,0,2135,47 -8279,2,1,0715,25 -8283,1,0,1303,182 -8284,1,0,1544,44 -8286,1,0,1530,43 -8288,1,0,0110,32 -8292,1,0,2222,77 -8293,1,1,1300,40 -8294,1,0,1715,18 -8298,1,0,1350,35 -8299,1,0,0920,23 -8302,1,0,1825,47 -8303,1,0,2045,42 -8304,1,0,1920,17 -8306,1,0,0624,24 -8310,1,0,1615,387 -8310,2,1,0700,31 -8314,1,4,1640,72 -8315,1,0,1857,401 -8315,2,1,1200,104 -8318,1,0,1830,15 -8320,1,0,1812,17 -8321,1,0,1743,24 -8323,1,0,1920,84 -8324,1,0,1800,21 -8326,1,0,1049,150 -8329,1,0,2045,35 -8330,1,0,1320,20 -8331,1,0,1935,19 -8334,1,0,1402,11 -8336,1,0,1855,53 -8339,1,0,2043,63 -8341,1,0,1415,16 -8344,1,1,0744,16 -8346,1,0,1606,80 -8351,1,1,0001,23 -8354,1,0,1620,106 -8358,1,0,1453,182 -8361,1,1,1520,924 -8368,1,0,1546,173 -8369,1,1,0105,21 -8372,1,0,0315,11 -8372,2,0,1004,10 -8373,1,0,2200,21 -8373,2,1,0730,16 -8375,1,0,0301,217 -8377,1,1,0137,61 -8378,1,0,1058,22 -8389,1,1,0850,37 -8391,1,0,1300,56 -8391,2,0,2120,24 -8391,3,1,0628,14 -8392,1,0,1745,58 -8393,1,0,1533,25 -8395,1,1,0700,18 -8397,1,0,1330,17 -8398,1,0,1528,86 -8399,1,0,1555,22 -8400,1,0,1440,12 -8401,1,0,2039,121 -8401,2,1,0621,42 -8402,1,0,1930,28 -8403,1,0,2055,34 -8404,1,0,2327,20 -8405,1,0,0704,356 -8408,1,1,0700,18 -8410,1,0,2000,49 -8411,1,0,0158,13 -8413,1,0,2258,101 -8417,1,0,2000,19 -8419,1,0,1745,63 -8420,1,0,1825,28 -8422,1,0,2019,17 -8424,1,0,2239,78 -8425,1,0,0125,31 -8429,1,0,1615,25 -8431,1,0,2001,61 -8432,1,0,2107,25 -8435,1,0,1911,22 -8436,1,0,1449,30 -8436,2,0,1828,23 -8439,1,0,2201,37 -8440,1,1,1215,36 -8443,1,0,1208,25 -8446,1,0,1700,67 -8448,1,0,1945,44 -8450,1,0,1703,21 -8451,1,0,1247,43 -8453,1,0,1731,20 -8455,1,0,1448,359 -8457,1,0,1930,19 -8458,1,0,0753,7065 -8458,2,0,1927,1087 -8460,1,0,1120,14 -8461,1,0,0927,13 -8466,1,0,1830,98 -8467,1,0,1700,41 -8469,1,0,0943,32 -8471,1,1,0600,58 -8474,1,0,1727,77 -8475,1,0,1707,63 -8476,1,0,1550,15 -8481,1,0,2243,23 -8482,1,0,0714,26 -8483,1,0,0643,172 -8484,1,1,0555,13 -8485,1,0,1412,20 -8489,1,0,2125,18 -8490,1,0,0218,33 -8492,1,0,2123,19 -8493,1,0,1359,13 -8493,2,0,2032,17 -8493,3,1,0451,27 -8494,1,0,1318,17 -8496,1,0,0300,18 -8498,1,0,1520,18 -8499,1,0,2216,22 -8500,1,0,2020,21 -8502,1,0,2137,16 -8506,1,0,2312,21 -8508,1,0,0330,29 -8509,1,0,1850,15 -8510,1,0,1646,15 -8512,1,0,1817,39 -8513,1,0,2031,21 -8516,1,0,1200,136 -8517,1,0,1640,16 -8518,1,0,1426,36 -8520,1,0,0424,21 -8530,1,0,1316,22 -8535,1,0,1335,25 -8540,1,0,1755,151 -8541,1,1,0400,25 -8542,1,0,1800,87 -8543,1,0,1550,14 -8544,1,1,0515,44 -8544,2,2,0645,21 -8545,1,0,2104,72 -8545,2,1,0113,48 -8546,1,0,2038,22 -8547,1,1,0800,41 -8548,1,0,1327,18 -8549,1,0,1734,21 -8553,1,0,1910,530 -8553,2,2,0430,112 -8554,1,0,0324,95 -8555,1,1,0020,109.1 -8555,2,1,0556,147 -8558,1,0,1930,19 -8558,2,1,1100,18 -8567,1,0,1655,34 -8568,1,0,2030,58 -8571,1,0,2042,13 -8572,1,1,0525,29 -8573,1,1,0121,41 -8576,1,0,1540,50 -8577,1,0,2210,154 -8581,1,0,2240,72 -8581,2,1,0629,68 -8583,1,0,1740,83 -8584,1,0,1845,18 -8587,1,0,1841,80 -8588,1,0,2248,18 -8590,1,0,0538,18 -8602,1,0,2314,61 -8604,1,0,2153,19 -8605,1,0,0553,51 -8610,1,0,1754,120 -8612,1,1,1015,42 -8613,1,0,0302,47 -8615,1,0,2225,29 -8617,1,0,1548,20 -8621,1,1,0016,26 -8626,1,0,1050,88 -8628,1,0,1955,155 -8629,1,0,2053,71 -8630,1,0,0824,156 -8636,1,0,1056,69 -8640,1,0,1926,38 -8643,1,0,1544,36 -8651,1,0,1200,17 -8651,2,1,0015,20 -8653,1,0,1830,12 -8655,1,0,1940,28 -8656,1,0,2015,17 -8657,1,0,2002,27 -8659,1,0,1954,25 -8660,1,0,2319,23 -8668,1,0,1816,19 -8669,1,0,1920,45 -8673,1,1,0100,20 -8674,1,0,1317,21 -8676,1,0,1250,18 -8677,1,0,1545,118 -8680,1,0,1600,50 -8683,1,0,1852,38 -8692,1,0,1510,48 -8692,2,1,0500,19 -8692,3,2,0815,19 -8694,1,0,1722,48 -8695,1,0,1932,18 -8697,1,0,1230,83 -8698,1,0,1638,59 -8699,1,0,2004,35 -8699,2,0,2108,40 -8699,3,1,0408,14 -8704,1,1,0440,234 -8704,2,2,1000,116 -8704,3,3,0429,80 -8706,1,0,0028,162 -8708,1,0,1924,41 -8709,1,0,1340,31 -8713,1,0,1557,19 -8715,1,0,2019,16 -8718,1,0,2019,95 -8718,2,1,0403,79 -8719,1,0,1117,510 -8719,2,1,0636,198 -8720,1,0,0836,15 -8722,1,0,1753,16 -8722,2,2,0800,14 -8725,1,0,1430,20 -8729,1,0,1926,114 -8732,1,0,1430,19 -8732,2,0,2100,12 -8734,1,0,1423,17 -8736,1,0,2028,20 -8740,1,0,2059,41 -8741,1,0,0540,41 -8743,1,0,2205,47 -8745,1,1,0605,25 -8746,1,0,2347,27 -8747,1,0,1442,20 -8748,1,0,1756,95 -8751,1,0,2230,43 -8754,1,0,0310,33 -8756,1,0,2100,20 -8757,1,0,0328,68 -8758,1,0,2032,53 -8760,1,0,1400,28 -8764,1,0,2020,20 -8769,1,0,0230,26 -8769,2,0,2100,43 -8769,3,1,0800,22 -8771,1,0,1830,131 -8772,1,0,2359,29 -8778,1,0,2009,156 -8779,1,0,1650,21 -8780,1,0,1750,50 -8783,1,0,1318,19 -8784,1,0,1100,34 -8787,1,0,2120,74 -8790,1,0,1721,21 -8796,1,0,2158,29 -8798,1,0,1631,21 -8802,1,0,0601,16 -8803,1,0,2056,155 -8805,1,0,1735,22 -8808,1,0,1947,19 -8808,2,1,0400,16 -8811,1,0,0320,24 -8814,1,0,1849,24 -8817,1,0,1501,26 -8818,1,0,1537,350 -8818,2,1,0450,191 -8821,1,1,0605,15 -8824,1,1,0630,28 -8825,1,0,1618,19 -8831,1,0,2213,21 -8837,1,0,2100,21 -8839,1,0,0705,27 -8841,1,2,0724,81 -8841,2,1,0950,201 -8844,1,0,1750,26 -8846,1,0,2030,57 -8848,1,1,0430,17 -8848,2,0,1454,21 -8851,1,0,2100,197 -8851,2,1,1056,49 -8852,1,0,1902,25 -8853,1,0,1732,67 -8854,1,0,0110,22 -8857,1,0,2000,102 -8863,1,0,1730,18 -8866,1,0,1605,34 -8874,1,1,0058,72 -8875,1,0,1615,17 -8875,2,0,1822,21 -8877,1,0,1707,26 -8878,1,0,0114,119 -8881,1,0,1150,17 -8884,1,0,1316,16 -8885,1,0,1528,22 -8885,2,1,0736,18 -8887,1,0,1925,40 -8889,1,0,0246,167 -8890,1,1,0002,20 -8891,1,0,1550,16 -8891,2,1,0945,12 -8893,1,0,1310,24 -8894,1,0,1447,122 -8897,1,0,1721,46 -8901,1,0,2026,14 -8905,1,0,0724,16 -8908,1,0,1706,18 -8908,2,0,1752,18 -8909,1,0,2030,166 -8910,1,0,0730,51 -8912,1,0,2133,16 -8913,1,0,1820,30 -8916,1,0,1825,30 -8918,1,0,1930,136 -8918,2,1,0305,101 -8919,1,0,2022,82 -8922,1,0,2139,59 -8923,1,0,1430,20 -8927,1,0,2030,24 -8929,1,0,0453,20 -8932,1,0,2338,11 -8932,2,1,0225,9 -8932,3,1,1745,9 -8934,1,0,2325,13 -8938,1,0,1510,18 -8944,1,0,0350,26 -8946,1,0,1942,25 -8948,1,0,1520,36 -8949,1,0,1800,11 -8953,1,0,1625,32 -8954,1,0,1641,21 -8955,1,0,1700,17 -8961,1,0,1315,20 -8962,1,1,0309,267 -8965,1,0,2105,24 -8967,1,0,2158,121 -8968,1,1,0110,24 -8971,1,0,1324,11 -8975,1,0,0903,34 -8976,1,0,1620,40 -8976,2,5,0030,23 -8978,1,1,0037,81 -8984,1,0,1750,56 -8986,1,0,2201,30 -8990,1,0,1915,47 -8991,1,0,1246,151 -8995,1,0,2120,16 -8997,1,0,1620,15 -8999,1,0,1706,22 -9000,1,3,0210,17 -9002,1,0,1755,64 -9004,1,1,0405,33 -9006,1,0,1406,89 -9010,1,0,1826,20 -9011,1,0,1430,23 -9012,1,0,1728,18 -9012,2,1,0551,14 -9013,1,0,2315,31 -9014,1,0,2048,19 -9015,1,0,0957,29 -9018,1,1,0745,35 -9020,1,1,0520,17 -9022,1,0,1600,79 -9023,1,0,1525,14 -9024,1,0,1952,19 -9024,2,0,2236,19 -9028,1,0,2209,11 -9028,2,1,0017,21 -9033,1,1,0555,22 -9034,1,0,1343,15 -9038,1,1,0620,47 -9039,1,0,1451,14 -9042,1,0,0832,18 -9044,1,0,0730,68 -9045,1,0,2020,82 -9046,1,0,2345,29 -9048,1,0,1320,69 -9049,1,0,1750,17 -9050,1,0,1134,24 -9051,1,0,2051,12 -9052,1,0,1920,19 -9056,1,0,2203,109 -9057,1,0,1950,160 -9057,2,1,0659,44 -9059,1,1,0058,52 -9065,1,0,1500,146 -9066,1,0,1840,18 -9070,1,0,2000,27 -9073,1,0,2219,15 -9076,1,0,2303,23 -9077,1,0,2250,102 -9078,1,0,0200,69 -9078,2,0,0915,36 -9080,1,0,1816,36 -9083,1,0,1651,232 -9087,1,0,1355,37 -9087,2,4,1800,36 -9088,1,0,1345,24 -9090,1,0,1643,333 -9093,1,0,2319,211 -9095,1,0,2142,190 -9098,1,0,1125,33 -9100,1,0,2202,16 -9103,1,0,2345,88 -9104,1,0,2011,22 -9109,1,0,2132,18 -9110,1,0,2030,20 -9111,1,0,1625,17 -9112,1,0,1750,24 -9117,1,0,2200,16 -9117,2,1,1000,12 -9118,1,0,1946,21 -9122,1,0,2035,67 -9130,1,0,1230,23 -9134,1,0,1639,18 -9136,1,0,1545,24 -9138,1,0,1020,21 -9138,2,1,0525,19 -9141,1,0,0958,26 -9143,1,0,2020,278 -9145,1,0,1820,15 -9147,1,0,1909,13 -9149,1,0,1440,168 -9151,1,0,2000,13 -9152,1,0,0425,36 -9153,1,0,1340,39 -9154,1,1,0130,12 -9154,2,1,1035,94 -9156,1,0,1500,22 -9156,2,1,0450,17 -9156,3,1,0955,22 -9158,1,0,1045,22 -9160,1,2,0450,19 -9160,2,3,0813,32 -9162,1,0,2035,33 -9170,1,0,0400,28 -9174,1,0,2157,41 -9177,1,0,1650,16 -9179,1,0,1410,11 -9181,1,0,2245,19 -9182,1,0,1521,98 -9183,1,1,1802,79 -9187,1,0,2050,36 -9188,1,0,1719,165 -9192,1,0,1813,30 -9193,1,0,1450,26 -9193,2,0,0230,19 -9197,1,0,1005,143 -9197,2,1,0600,111 -9199,1,0,1906,44 -9202,1,0,2115,460 -9203,1,0,1606,1529 -9204,1,0,2046,43 -9206,1,0,1817,16 -9207,1,0,1540,56 -9208,1,0,2315,23 -9214,1,0,1921,25 -9216,1,0,1809,33 -9220,1,0,0050,53 -9221,1,0,2145,20 -9222,1,0,1341,12 -9224,1,0,0750,48 -9224,2,0,2130,17 -9225,1,0,1440,26 -9226,1,0,1105,6 -9227,1,0,1915,191 -9230,1,1,0715,39 -9230,2,1,0610,39 -9231,1,1,0805,20 -9233,1,0,1151,73 -9235,1,0,1941,26 -9236,1,0,1536,20 -9237,1,0,1145,799 -9237,2,1,0845,240 -9238,1,0,1734,14 -9240,1,0,2007,49 -9243,1,0,2225,54 -9245,1,0,0547,98 -9245,2,1,0343,22 -9250,1,0,2220,37 -9251,1,0,1615,21 -9262,1,0,1353,15 -9266,1,0,1055,25 -9270,1,0,1614,39 -9271,1,0,1600,65 -9272,1,0,1557,24 -9273,1,0,1859,17 -9277,1,0,1655,31 -9279,1,0,1916,30 -9280,1,0,2245,29 -9283,1,0,2247,20 -9283,2,1,0845,17 -9285,1,1,0456,49 -9286,1,0,1214,16 -9295,1,0,0442,24.7 -9295,2,0,1836,21 -9301,1,0,1942,10 -9302,1,1,0054,20 -9304,1,0,1611,9 -9305,1,0,1603,24 -9306,1,1,1829,37 -9310,1,0,0850,12 -9310,2,0,2330,10 -9314,1,0,1650,15 -9314,2,1,0210,17 -9314,3,2,0130,19 -9315,1,0,2128,284 -9316,1,0,1915,25 -9318,1,0,1645,78 -9321,1,0,2036,135 -9322,1,0,1854,165 -9322,2,1,0515,29 -9323,1,0,1616,391.1 -9323,2,1,0606,88.9 -9323,3,1,1148,50.3 -9331,1,0,2343,18 -9333,1,0,2352,32 -9336,1,0,2052,63 -9339,1,0,1536,53 -9343,1,7,1030,251 -9344,1,1,0215,67 -9347,1,1,1130,10 -9348,1,0,1301,36 -9350,1,0,1350,16 -9351,1,0,1820,16 -9353,1,0,1740,32 -9354,1,0,1500,67 -9355,1,1,0842,23 -9356,1,1,0850,31 -9357,1,0,1600,136 -9357,2,1,0701,30 -9358,1,0,2140,24 -9360,1,0,2110,46 -9361,1,0,1526,41 -9362,1,1,0602,17 -9364,1,1,0524,41 -9365,1,0,1421,38 -9366,1,0,0105,16 -9369,1,0,0020,27 -9370,1,0,1950,17 -9374,1,1,0215,21 -9374,2,1,1350,20 -9375,1,0,1016,90 -9376,1,0,1938,155 -9380,1,0,1753,22 -9382,1,0,1245,36 -9382,2,0,0400,22 -9386,1,1,1356,32 -9393,1,1,0400,23 -9396,1,0,1510,21 -9397,1,0,1910,97 -9398,1,0,1515,18 -9402,1,1,0040,6 -9405,1,0,1429,33 -9406,1,0,2035,21 -9407,1,0,2048,81 -9409,1,0,1851,35 -9410,1,0,2340,65 -9413,1,0,1835,50 -9416,1,0,1540,20 -9418,1,0,1755,19 -9420,1,1,0457,13 -9420,2,2,0330,12 -9423,1,0,1758,195 -9427,1,0,1838,187 -9433,1,0,1222,107 -9434,1,0,1204,28 -9438,1,0,1913,211 -9439,1,0,1428,76 -9440,1,1,0805,46 -9440,2,1,0000,71 -9441,1,0,2340,26 -9443,1,0,1825,18 -9444,1,0,1951,168 -9447,1,0,1750,15 -9449,1,0,1630,16 -9457,1,0,2055,18 -9458,1,0,1607,39 -9459,1,1,0143,11 -9468,1,0,1200,25 -9469,1,1,0945,35 -9470,1,0,1615,20 -9475,1,0,1906,203 -9476,1,0,0403,18 -9477,1,0,2327,16 -9479,1,0,1926,18 -9481,1,0,1827,23 -9482,1,0,1745,34 -9485,1,1,0627,22 -9486,1,0,1820,30 -9494,1,1,0415,30 -9494,2,2,0640,27 -9498,1,0,1750,19 -9504,1,0,1805,30 -9506,1,0,0408,20 -9507,1,0,1250,28 -9510,1,0,1900,28 -9514,1,0,1457,20 -9517,1,0,0316,31 -9519,1,0,0934,18 -9521,1,0,2200,75 -9521,2,3,0205,19 -9521,3,3,0950,20 -9523,1,0,0249,45 -9524,1,0,1638,35 -9526,1,0,1929,120 -9527,1,0,1733,20 -9529,1,0,1947,61 -9530,1,0,1445,23 -9531,1,0,1735,41 -9537,1,0,1900,340 -9539,1,0,2135,15 -9541,1,0,1726,74 -9542,1,0,1634,20 -9548,1,0,1640,22 -9548,2,1,0805,21 -9550,1,0,1501,66 -9552,1,2,0609,12 -9552,2,1,0545,17 -9558,1,0,2231,24 -9559,1,0,1015,22 -9560,1,0,1827,27 -9567,1,0,1655,122 -9569,1,1,0845,53 -9571,1,0,1600,21 -9572,1,0,2049,64 -9576,1,0,2215,24 -9577,1,0,1259,68 -9579,1,0,1942,20 -9581,1,0,1912,17 -9581,2,1,1204,17 -9584,1,1,0115,19 -9586,1,0,1732,14 -9591,1,0,1945,26 -9592,1,0,0900,27 -9593,1,0,2330,23 -9593,2,1,0600,16 -9593,3,2,0340,14 -9595,1,0,2154,22 -9597,1,0,2145,126 -9599,1,0,1355,29 -9605,1,1,0615,73 -9609,1,0,1555,23 -9612,1,0,1705,19 -9615,1,1,0020,76 -9615,2,1,0234,67 -9615,3,2,0036,17 -9620,1,0,1621,88 -9622,1,0,0447,16 -9627,1,1,0555,38 -9630,1,0,1910,22 -9631,1,1,0530,21 -9631,2,1,1015,20 -9632,1,0,2027,84 -9633,1,0,1740,13 -9634,1,0,1830,31 -9636,1,0,2225,16 -9637,1,0,2150,21 -9638,1,0,2214,217 -9638,2,1,1345,379 -9641,1,0,1408,28 -9642,1,1,0708,42 -9648,1,0,1718,17 -9649,1,0,2215,19 -9651,1,1,0635,28 -9652,1,0,2252,20 -9653,1,0,0900,71 -9655,1,0,1154,279 -9655,2,4,0709,1077 -9658,1,0,2215,15 -9659,1,0,1850,24 -9661,1,0,0052,42 -9663,1,0,1007,180 -9664,1,0,2008,15 -9664,2,1,0606,10 -9665,1,0,2350,19 -9666,1,0,2243,65 -9668,1,0,1436,37 -9669,1,0,1035,187 -9673,1,0,1640,16 -9674,1,0,1510,174 -9676,1,0,1116,29 -9677,1,1,1010,10 -9678,1,0,1420,22 -9678,2,1,0945,39 -9678,3,2,0150,16 -9680,1,0,0015,25 -9681,1,0,0808,21 -9681,2,0,2200,13 -9682,1,0,2300,65 -9683,1,0,1950,37 -9686,1,1,0600,29 -9692,1,0,1925,33 -9699,1,0,1238,15 -9705,1,1,0600,45 -9706,1,0,1700,16 -9707,1,0,1625,15 -9708,1,0,1825,54 -9709,1,0,1931,100 -9711,1,0,1726,15 -9712,1,0,2037,44 -9715,1,0,1448,50 -9716,1,0,1730,56 -9718,1,0,1907,42 -9719,1,0,1234,51 -9722,1,0,1437,46 -9731,1,3,1433,15 -9734,1,0,1540,24 -9735,1,0,2033,163 -9737,1,0,1627,22 -9741,1,0,0110,66 -9743,1,1,0600,57 -9750,1,0,0937,67 -9751,1,0,2204,22 -9751,2,1,0005,20 -9758,1,0,1717,21 -9760,1,0,0922,10 -9768,1,0,1350,19 -9769,1,1,0510,63 -9771,1,0,2144,40 -9771,2,1,1638,13 -9775,1,0,2215,41 -9776,1,0,1325,14 -9777,1,1,0540,35 -9778,1,0,2207,23 -9780,1,0,2300,26 -9782,1,0,1720,16 -9782,2,2,0520,13 -9785,1,0,1815,60 -9786,1,3,0600,38 -9787,1,0,0249,16 -9788,1,0,1328,18 -9790,1,0,0156,21 -9792,1,0,1042,45 -9796,1,0,1703,16 -9796,2,3,0835,10 -9802,1,1,0743,24 -9803,1,0,1420,93 -9811,1,1,0415,9 -9813,1,1,0450,29 -9821,1,0,1625,19 -9822,1,0,2330,483 -9822,2,1,1116,78 -9823,1,1,0045,20 -9824,1,0,2116,25 -9827,1,1,0045,17 -9828,1,0,1440,29 -9829,1,0,2131,59 -9830,1,0,2034,50 -9835,1,0,1311,14 -9838,1,0,1910,19 -9841,1,0,2149,25.2 -9842,1,0,1506,58 -9847,1,0,1850,25 -9850,1,0,2237,86 -9853,1,0,1633,16 -9855,1,0,0530,46 -9856,1,0,1845,14 -9856,2,1,0950,16 -9858,1,0,0834,55 -9859,1,1,0012,16 -9859,2,1,0613,9 -9859,3,2,0605,16 -9861,1,0,1930,45 -9862,1,0,2155,34 -9864,1,0,0630,39 -9865,1,0,2200,24 -9870,1,0,0903,82 -9871,1,0,1930,39 -9873,1,0,1225,22 -9874,1,0,1906,97 -9875,1,1,0405,22 -9876,1,0,1750,218 -9881,1,0,2024,27 -9882,1,0,1658,31 -9883,1,0,0258,43 -9885,1,0,1826,44 -9885,2,1,0555,54 -9888,1,0,1331,28 -9889,1,1,1410,10 -9892,1,0,2115,23 -9893,1,0,1116,24 -9896,1,0,1232,2118 -9902,1,0,1230,20 -9904,1,0,2325,26 -9909,1,0,1451,16 -9910,1,0,2006,88 -9911,1,0,1203,97 -9913,1,0,2120,18 -9913,2,2,0550,15 -9915,1,0,1834,28 -9920,1,0,2015,27 -9921,1,0,1620,41 -9923,1,1,0123,27 -9925,1,0,2339,60 -9927,1,0,1821,23 -9928,1,0,1120,17 -9932,1,0,1630,69 -9933,1,0,1435,65 -9934,1,0,1558,23 -9936,1,1,0042,65 -9943,1,1,0405,51 -9944,1,0,1838,29 -9945,1,1,0100,193 -9949,1,0,2225,56 -9950,1,0,0300,23 -9955,1,0,1921,22 -9964,1,0,1635,85 -9967,1,0,1855,31 -9968,1,0,1538,27 -9970,1,0,2018,34 -9970,2,1,0620,43 -9971,1,0,1629,159 -9976,1,0,2003,25 -9977,1,0,1305,20 -9983,1,0,1817,135 -9985,1,0,1355,59 -9990,1,0,1925,151 -9995,1,0,1650,30 -9998,1,0,0204,21 -10000,1,0,0720,28 -10001,1,0,2138,16 -10002,1,0,2130,25 -10002,2,1,0605,19 -10003,1,0,2025,18 -10004,1,0,0123,34 -10009,1,0,1900,23 -10010,1,1,0000,62 -10013,1,0,1200,23 -10014,1,0,1725,19 -10015,1,0,1825,13 -10019,1,0,0335,24 -10020,1,0,2053,85 -10021,1,0,2215,64 -10021,2,1,0625,33 -10026,1,0,1835,73 -10026,2,1,0440,64 -10030,1,0,1835,19 -10030,2,0,1005,21 -10032,1,0,1751,23 -10034,1,0,2140,62 -10035,1,0,1223,11 -10036,1,0,1310,21 -10036,2,1,1025,20 -10038,1,1,0935,77 -10039,1,0,2235,24 -10042,1,0,1720,24 -10047,1,0,1850,24 -10050,1,0,0705,57 -10052,1,0,0120,197 -10053,1,0,2250,128 -10054,1,0,2220,21 -10058,1,1,0605,230 -10060,1,0,1355,25 -10061,1,0,1457,20 -10063,1,0,1148,166 -10064,1,0,1734,22 -10065,1,0,1945,19 -10066,1,0,1720,19 -10068,1,0,1426,37 -10070,1,0,1555,15 -10070,2,3,1604,11 -10072,1,1,0130,27 -10073,1,1,0011,29 -10077,1,0,1830,14 -10078,1,0,2126,50 -10079,1,0,1727,210 -10080,1,1,0645,34 -10080,2,1,0005,40 -10081,1,1,0610,63 -10083,1,0,2020,47 -10084,1,0,1733,17 -10086,1,0,1300,55 -10087,1,0,0503,170 -10087,2,0,1712,66 -10089,1,0,1856,160 -10093,1,2,0943,429 -10093,2,3,1222,136 -10093,3,5,0535,63 -10094,1,0,2330,12 -10095,1,0,1825,25 -10095,2,1,0830,18 -10097,1,0,1755,41 -10101,1,0,2332,35 -10101,2,0,0530,39 -10103,1,0,2040,37 -10110,1,0,1745,101 -10113,1,0,2010,23 -10114,1,0,1711,24 -10116,1,0,1620,30 -10117,1,0,2130,134 -10118,1,0,1933,37 -10119,1,0,0810,32 -10120,1,0,1708,19 -10122,1,0,0958,29 -10123,1,0,1554,11 -10124,1,0,1754,38 -10126,1,0,2330,41 -10126,2,1,0750,29 -10127,1,1,0030,38 -10128,1,0,1243,65 -10129,1,0,2051,82 -10131,1,0,0110,16 -10134,1,0,1917,20 -10135,1,1,0005,16 -10140,1,1,0011,21 -10145,1,0,1016,23 -10146,1,0,2343,18 -10149,1,0,2153,56 -10150,1,0,1228,197 -10152,1,0,1720,23 -10153,1,0,1850,48 -10155,1,0,1928,165 -10155,2,1,1038,12 -10155,3,3,1105,13 -10157,1,0,1340,42 -10158,1,0,1245,52 -10159,1,0,2113,152 -10160,1,0,1425,12 -10162,1,0,1700,47 -10162,2,1,0555,51 -10163,1,0,1634,13 -10165,1,0,1141,22 -10166,1,0,1731,17 -10172,1,0,2024,46 -10174,1,0,1035,44 -10174,2,0,2100,34 -10176,1,0,2235,10 -10186,1,0,1700,106 -10187,1,0,1518,13 -10190,1,1,0010,16 -10192,1,1,0600,32 -10192,2,0,1905,77 -10196,1,1,0035,47 -10198,1,0,2219,203 -10201,1,0,1900,22 -10202,1,0,0018,190 -10213,1,0,2211,16 -10214,1,0,1655,33 -10216,1,0,1555,17 -10217,1,0,1937,34 -10218,1,0,1643,37 -10221,1,0,2115,21 -10222,1,0,2034,155 -10223,1,0,0721,32 -10226,1,0,2026,41 -10228,1,0,1743,24 -10230,1,0,2123,14 -10233,1,0,1526,20 -10235,1,0,0951,32 -10238,1,0,1540,30 -10238,2,1,0215,20 -10238,3,2,0130,15 -10241,1,1,0930,12 -10242,1,0,1623,33 -10245,1,1,0705,58 -10246,1,0,1846,40 -10250,1,0,1551,194 -10259,1,1,0540,30 -10264,1,0,2315,40 -10268,1,0,1821,46 -10270,1,0,1653,20 -10270,2,1,0015,12 -10272,1,0,2246,18 -10273,1,0,1513,96 -10274,1,0,1456,41 -10281,1,0,1710,36 -10282,1,1,0600,65 -10283,1,0,1718,178 -10284,1,0,1748,212 -10285,1,0,2145,15 -10287,1,0,2030,26 -10290,1,1,0600,44 -10290,2,0,1850,79 -10291,1,0,0948,295 -10292,1,1,0031,19 -10296,1,0,0201,26 -10296,2,0,1050,18 -10297,1,0,1036,11 -10298,1,0,2241,44 -10300,1,0,1007,163 -10300,2,2,1003,21 -10303,1,0,2350,16 -10305,1,0,1956,16 -10305,2,1,0340,9 -10306,1,0,1112,154 -10309,1,0,1635,17 -10310,1,0,2105,23 -10313,1,0,1409,17 -10314,1,1,0445,10 -10318,1,0,1816,24 -10320,1,0,1535,13 -10322,1,1,0600,19 -10323,1,0,2153,98 -10325,1,0,1841,190 -10326,1,0,1645,19 -10332,1,1,0352,41 -10334,1,0,1741,16 -10335,1,0,2004,18 -10339,1,1,0600,34 -10344,1,0,2032,27 -10346,1,0,2106,41 -10348,1,0,0905,135 -10351,1,0,1701,1082 -10351,2,1,0730,209 -10353,1,1,1520,22 -10354,1,0,2230,23 -10357,1,0,1300,21 -10358,1,0,1736,25 -10359,1,0,2355,199 -10360,1,0,1935,41 -10361,1,0,1909,161 -10368,1,0,1840,421 -10369,1,0,1647,27 -10371,1,0,1349,19 -10374,1,0,1431,28 -10377,1,0,1655,25 -10383,1,0,1526,21 -10386,1,1,0313,17 -10388,1,0,2208,195 -10389,1,0,1934,53 -10389,2,1,0450,66 -10390,1,0,1615,88 -10391,1,0,1825,83 -10392,1,0,1835,115 -10395,1,0,0125,40 -10397,1,0,1930,18 -10398,1,0,1430,157 -10400,1,0,1916,25 -10402,1,0,0742,164 -10406,1,0,1040,18 -10408,1,0,1530,21 -10408,2,1,0410,16 -10409,1,0,0634,56 -10410,1,1,0450,21 -10413,1,0,1150,89 -10418,1,0,1700,19 -10420,1,0,1742,18 -10422,1,1,0001,43 -10423,1,0,2200,26 -10425,1,0,1310,16 -10430,1,1,0013,14 -10431,1,0,1512,30 -10433,1,0,1832,54 -10435,1,0,2348,26 -10436,1,0,1754,21 -10445,1,1,1836,17 -10446,1,0,1615,20 -10448,1,0,1616,55 -10449,1,0,1930,14 -10450,1,0,1737,220 -10450,2,2,0730,232 -10454,1,0,1733,26 -10455,1,0,1815,89 -10455,2,1,0720,45 -10458,1,0,1918,44 -10460,1,0,0857,26 -10465,1,0,1629,53 -10466,1,1,0141,77 -10467,1,0,1501,17 -10471,1,0,1710,69 -10472,1,0,2310,42 -10474,1,0,0509,17 -10474,2,0,2137,15 -10474,3,1,0601,25 -10476,1,0,1455,33 -10477,1,0,2029,24 -10493,1,0,2230,92 -10494,1,0,2150,26 -10496,1,1,0027,22 -10497,1,0,1730,17 -10497,2,1,0730,15 -10499,1,0,1855,18 -10500,1,0,2055,41 -10504,1,0,1522,25 -10506,1,0,1909,24 -10507,1,0,2345,312 -10507,2,1,0600,109 -10511,1,0,1729,36 -10512,1,0,1407,19 -10513,1,0,1651,30 -10515,1,0,0215,16 -10517,1,0,0315,23 -10520,1,0,1309,18 -10522,1,0,1903,48 -10522,2,1,1007,22 -10524,1,0,1418,20 -10525,1,0,1620,12 -10529,1,0,2332,41 -10530,1,0,1750,21 -10530,2,1,0910,22 -10532,1,0,1310,42 -10533,1,0,0220,19 -10534,1,1,0115,41 -10539,1,0,1910,65 -10542,1,0,0953,48 -10545,1,0,2043,44 -10548,1,0,0401,28 -10549,1,0,1523,29 -10551,1,0,1445,38 -10560,1,0,1732,22 -10561,1,0,2113,20 -10563,1,0,1903,17 -10565,1,0,1135,19 -10568,1,0,1530,24 -10568,2,5,1845,23 -10569,1,1,0055,29 -10570,2,1,0410,51 -10571,1,0,0851,32 -10574,1,0,0041,16 -10575,1,0,1448,49 -10575,2,2,0909,53 -10579,1,0,0220,53 -10579,2,0,0550,30 -10584,1,0,0517,21 -10585,1,0,1750,27 -10587,1,0,2144,24 -10587,2,1,0407,13 -10588,1,0,2327,294 -10588,2,1,0453,189 -10589,1,0,1727,54 -10590,1,0,1343,27 -10594,1,0,1250,13 -10594,2,1,1330,12 -10596,1,0,1606,54 -10597,1,0,2206,15 -10600,1,0,1646,13 -10600,2,0,2211,12 -10600,3,1,0540,15 -10601,1,0,2149,156 -10603,1,0,2050,35 -10604,1,0,1830,14 -10605,1,0,1556,17 -10606,1,0,1656,65 -10607,1,0,0920,38 -10608,1,0,2123,21 -10611,1,1,0620,38 -10614,1,1,0705,12 -10617,1,0,1245,71 -10619,1,0,1748,229 -10623,1,0,0214,18 -10624,1,0,0440,35 -10625,1,0,0733,14 -10626,1,0,1800,14 -10626,2,0,1030,18 -10627,1,0,1300,21 -10628,1,0,1740,71 -10631,1,1,0900,22 -10632,1,1,0932,22 -10636,1,0,0837,144 -10638,1,0,2355,196 -10639,1,1,0403,20 -10639,2,2,0358,9 -10642,1,0,1115,21 -10643,1,0,1223,61 -10644,1,0,1938,81 -10645,1,0,2225,18 -10645,2,1,0840,14 -10646,1,0,2113,57 -10647,1,0,1701,17 -10652,1,1,0450,12 -10653,1,0,2105,29 -10656,1,0,2205,212 -10659,1,0,1300,19 -10660,1,1,0400,15 -10661,1,0,1400,47 -10665,1,1,0754,36 -10668,1,0,1936,23 -10669,1,0,1601,31 -10671,1,0,2130,129 -10671,2,1,0605,67 -10675,1,0,1045,26 -10676,1,0,2100,182 -10679,1,1,1215,23 -10680,1,0,1335,24 -10683,1,0,1843,99 -10685,1,0,2125,65 -10687,1,0,2220,13 -10688,1,0,2042,35 -10693,1,1,0515,16 -10695,1,0,0828,19 -10696,1,0,2141,31 -10696,2,1,0437,14 -10699,1,1,0635,18 -10701,1,0,1222,1179 -10701,2,0,1320,1015 -10704,1,1,1100,29 -10711,1,0,1856,14 -10712,1,0,2225,39 -10713,1,0,1140,11 -10714,1,0,2208,24 -10715,1,0,2204,36 -10722,1,0,2200,40 -10726,1,1,0730,13 -10726,2,7,1200,413 -10726,3,7,1400,113 -10727,1,0,1120,98 -10729,1,0,1939,28 -10730,1,0,1656,16 -10731,1,0,2035,25 -10731,2,2,0645,41 -10733,1,1,0000,19 -10738,1,0,1845,16 -10739,1,0,1513,30 -10740,1,0,1109,24 -10740,2,1,0400,23 -10742,1,0,1415,50 -10743,1,0,1555,73 -10743,2,0,2300,103 -10745,1,0,1958,153 -10753,1,0,0035,46 -10755,1,0,0145,51 -10757,1,0,1705,17 -10758,1,0,1230,81 -10761,1,0,1520,19 -10769,1,1,0330,23 -10771,1,0,2031,19 -10773,1,0,2101,25 -10775,1,0,1515,46 -10777,1,0,1338,34 -10778,1,0,0130,38 -10781,1,0,1817,21 -10787,1,0,2250,15 -10792,1,0,2216,15 -10794,1,0,1710,184 -10798,1,0,1245,23 -10801,1,0,1813,22 -10805,1,0,1420,41 -10816,1,0,0857,23 -10822,1,0,2010,16 -10825,1,0,1835,300 -10825,2,1,0625,226 -10826,1,0,2041,163 -10828,1,0,1855,29 -10830,1,0,1919,57 -10835,1,0,2042,54 -10835,2,1,0604,25.8 -10835,3,1,1400,19 -10839,1,1,0008,174 -10839,2,1,0850,138 -10841,1,0,1620,20 -10844,1,0,1925,14 -10847,1,1,1529,18 -10850,1,0,2235,22 -10854,1,0,2215,68 -10855,1,0,2031,31 -10856,1,0,1800,19 -10856,2,1,0230,13 -10857,1,0,2040,181 -10859,1,0,0902,25 -10860,1,0,1719,29 -10864,1,0,1324,29.4 -10866,1,0,1941,25 -10867,1,0,2024,63 -10873,1,0,2217,89 -10876,1,0,1945,24 -10877,1,0,1743,27 -10878,1,0,1835,17 -10880,1,0,0847,26 -10881,1,0,1815,24 -10881,2,1,0230,16 -10881,3,2,0145,18 -10883,1,0,1815,64 -10884,1,0,1430,27 -10888,1,0,2222,193 -10893,1,0,1723,143 -10895,1,0,1342,39 -10899,1,0,2245,90 -10900,1,0,1812,59 -10901,1,0,1751,31 -10902,1,0,2354,14 -10903,1,0,0520,28 -10904,1,0,1618,59 -10905,1,0,1720,21 -10906,1,0,1938,28 -10915,1,1,0048,29 -10916,1,0,1511,78 -10918,1,0,2145,100 -10919,1,0,2216,27 -10921,1,0,0845,31 -10922,1,0,1829,35 -10925,1,1,0050,35 -10927,1,0,1011,14 -10927,2,0,2150,15 -10929,1,1,0400,65 -10929,2,1,2003,19 -10929,3,3,0121,21 -10932,1,0,1210,29 -10933,1,0,2040,57 -10936,1,0,2000,14 -10938,1,0,0457,36 -10940,1,0,1853,24 -10941,1,1,2047,19 -10942,1,0,1650,39 -10942,2,0,1740,45 -10943,1,0,1535,20 -10945,1,0,1715,29 -10948,1,0,1406,124 -10949,1,0,1843,71 -10959,1,0,0849,60 -10961,1,1,1001,19 -10962,1,1,0450,67 -10963,1,0,1246,14 -10964,1,0,1826,18 -10966,1,0,1705,56 -10966,2,1,0623,10 -10974,1,0,1951,19 -10979,1,0,2010,48 -10982,1,0,1600,28 -10983,1,0,1636,24 -10985,1,0,1610,15 -10986,1,0,2102,11 -10987,1,0,0020,47 -10990,1,0,2151,80 -10991,1,1,0405,42 -10994,1,0,2000,112 -10999,1,1,0035,35 -11000,1,0,1636,26 -11003,1,0,1329,216 -11004,1,0,1740,14 -11007,1,0,2229,430 -11007,2,1,0008,664 -11007,3,1,0722,95 -11010,1,0,1700,19 -11014,1,0,2024,53 -11015,1,0,1105,10 -11016,1,0,1915,76 -11018,1,0,0253,25 -11019,1,0,2115,20 -11019,2,1,0600,15 -11021,1,1,0630,57 -11027,1,1,0615,32 -11032,1,0,1207,14 -11032,2,0,0030,14 -11032,3,2,0200,11 -11036,1,0,1530,271 -11037,1,0,2040,16 -11042,1,0,1736,12 -11043,1,0,1419,20 -11044,1,1,0037,28 -11046,1,0,2040,25 -11047,1,0,1940,18 -11049,1,1,0755,46 -11059,1,0,1924,16 -11064,1,0,1640,16 -11066,1,0,1045,15 -11071,1,0,2253,21 -11073,1,1,0735,20 -11074,1,0,1745,356 -11074,2,1,1523,70 -11076,1,1,0400,17 -11078,1,0,1830,8 -11083,1,0,1112,17 -11086,1,0,2000,31 -11087,1,1,0130,22 -11089,1,0,1526,20 -11090,1,0,1710,26 -11092,1,0,0200,27 -11094,1,0,2003,16 -11103,1,1,0605,87 -11111,1,0,1957,29.5 -11111,2,1,1029,22 -11111,3,2,0917,24 -11114,1,0,0914,76 -11115,1,0,2030,26 -11117,1,0,1955,65 -11117,2,1,0525,33 -11118,1,0,1112,34 -11123,1,0,1651,37 -11127,1,0,1130,51 -11128,1,0,1844,27 -11129,1,0,1613,16 -11132,1,0,1858,36 -11133,1,0,2055,87 -11134,1,0,1536,17 -11135,1,0,1550,134 -11135,2,1,0705,86 -11136,1,1,0500,26 -11137,1,6,1450,17 -11138,1,0,2332,189 -11144,1,0,1945,18 -11144,2,1,0445,15 -11146,1,0,1812,29 -11150,1,0,1600,28 -11150,2,1,0415,15 -11152,1,4,0540,18 -11152,2,0,0430,40 -11155,1,0,1736,20 -11156,1,0,1658,22 -11165,1,0,2200,20 -11166,1,0,0335,27 -11166,2,0,2145,24 -11172,1,0,0505,21 -11173,1,0,1915,30 -11173,2,1,1015,22 -11176,1,0,2205,16 -11176,2,0,2321,17 -11177,1,0,2250,51 -11178,1,0,2156,17 -11179,1,0,1901,13 -11182,1,0,1734,16 -11184,1,0,2125,96 -11186,1,0,0315,25 -11187,1,0,1842,22 -11193,1,0,1505,65 -11194,1,0,1925,19 -11199,1,1,0700,155 -11199,2,1,1320,178 -11199,3,2,0720,171 -11200,1,0,1735,14 -11201,1,0,1930,24 -11201,2,0,2110,21 -11201,3,1,0345,17 -11202,1,0,1815,88 -11204,1,0,1736,81 -11209,1,0,1734,23 -11211,1,0,1938,221 -11213,1,0,1755,117 -11219,1,1,0535,43 -11226,1,0,1913,27 -11226,2,1,1126,20.8 -11228,1,0,2153,24 -11229,1,0,2042,62 -11231,1,0,2118,17 -11232,1,0,1343,30 -11235,1,0,1555,23 -11247,1,0,1803,25 -11247,2,1,0400,19 -11249,1,1,0058,16 -11250,1,0,1930,101 -11255,1,0,2015,697 -11257,1,0,2125,14 -11258,1,0,0010,24 -11258,2,0,1410,26 -11259,1,0,1840,66 -11263,1,0,1645,12 -11264,1,0,1940,16 -11268,1,0,1504,16 -11269,1,1,0635,78 -11272,1,0,1644,21 -11274,1,0,2010,22 -11275,1,0,0334,17 -11275,2,0,1100,18 -11277,1,0,1626,47 -11280,1,0,1744,15 -11281,1,0,1605,24 -11293,1,0,1215,51 -11293,2,1,0600,33 -11295,1,1,0005,48 -11295,2,4,0452,62 -11296,1,0,0115,41 -11297,1,0,2234,72 -11298,1,0,2208,22 -11303,1,1,0620,33 -11306,1,0,1916,45 -11308,1,0,1950,20 -11308,2,1,0325,17 -11308,3,1,0720,17 -11311,1,0,1940,1453 -11311,2,1,0706,679 -11311,3,2,1328,136 -11314,1,0,0534,27 -11316,1,0,2243,33 -11317,1,0,1035,21 -11318,1,0,2246,9 -11321,1,0,2018,322 -11321,2,1,0514,183 -11321,3,1,2207,114 -11324,1,0,1430,18 -11327,1,0,1801,49 -11329,1,0,1543,73 -11331,1,0,2114,32 -11334,1,0,2053,23 -11336,1,1,0500,19 -11337,1,1,0030,58 -11339,1,0,0022,27 -11340,1,0,1800,24 -11341,1,0,1849,51 -11343,1,0,1713,13 -11346,1,0,2305,21 -11347,1,0,1921,46 -11348,1,0,2030,20 -11349,1,1,0001,37 -11355,1,0,1445,144 -11359,1,0,2355,9 -11360,1,0,1330,12 -11362,1,0,2331,320 -11363,1,0,1704,26 -11364,1,0,2330,30 -11365,1,0,1543,44 -11367,1,0,1717,39 -11368,1,0,1540,30 -11375,1,0,0115,156 -11379,1,1,1045,39 -11382,1,0,1806,139 -11386,1,0,1018,49 -11394,1,1,0540,41 -11394,2,0,2310,64 -11395,1,0,1232,108 -11397,1,0,1417,14 -11399,1,0,2235,289 -11399,2,1,0450,108 -11400,1,0,1218,83 -11401,1,0,1757,30 -11402,1,1,0015,19 -11403,1,0,1353,50 -11406,1,0,1355,19 -11409,1,1,0545,40 -11411,1,0,1150,101 -11412,1,0,1145,16 -11413,1,0,1545,587 -11413,2,1,0705,512 -11414,1,0,1015,201 -11415,1,0,2029,62 -11416,1,0,2120,27 -11420,1,0,1631,235 -11421,1,0,2325,26 -11422,1,0,2135,174 -11432,1,0,1840,19 -11432,2,1,1130,39 -11435,1,0,1820,17 -11437,1,1,0140,20 -11439,1,0,1847,218 -11440,1,0,2148,254 -11441,1,0,1624,71 -11445,1,0,0200,33 -11449,1,0,1854,23 -11453,1,0,1411,28 -11454,1,1,0005,28 -11454,2,3,0823,11 -11455,1,0,1149,44 -11456,1,1,0325,49 -11457,1,0,1641,40 -11460,1,0,1759,41 -11462,1,0,1935,24 -11466,1,0,1844,15 -11467,1,0,1440,19 -11468,1,0,2131,18 -11469,1,0,1833,32 -11470,1,0,1655,12 -11471,1,0,1420,40 -11472,1,1,0829,19 -11474,1,0,1700,425 -11475,1,0,0140,16 -11475,2,1,0420,16 -11475,3,2,0720,17 -11478,1,0,1555,20 -11481,1,0,1340,19 -11482,1,0,2240,33 -11486,1,0,2018,41 -11489,1,0,0300,31 -11491,1,0,1545,18 -11492,1,0,1551,57 -11496,1,0,2143,23 -11498,1,0,1538,118 -11500,1,1,1220,16 -11502,1,1,0415,43 -11503,1,0,1730,43 -11504,1,1,0930,42 -11506,1,0,2037,25 -11515,1,0,2352,17 -11516,1,0,0929,199 -11519,1,0,1737,40 -11521,1,0,1937,64 -11521,2,1,0550,48 -11522,1,0,1744,19 -11522,2,1,0403,12 -11526,1,0,2306,20 -11527,1,0,1326,32 -11529,1,0,1231,15 -11533,1,0,1748,20 -11535,1,1,1115,19 -11537,1,1,0625,35 -11538,1,1,0034,137 -11540,1,0,1817,169 -11548,1,0,1350,46 -11552,1,0,2145,29 -11552,2,1,0550,17 -11552,3,2,0150,12 -11561,1,0,2038,36 -11562,1,0,1640,22 -11564,1,0,1445,27 -11565,1,0,2210,115 -11572,1,0,1300,24 -11572,2,1,0345,18 -11572,3,1,1300,18 -11577,1,0,1553,46 -11578,1,0,2313,27 -11579,1,0,1503,28 -11580,1,1,0613,22.4 -11581,1,0,1442,20 -11583,1,1,0615,31 -11586,1,0,1500,44 -11587,1,0,1150,20 -11589,1,0,1600,60 -11594,1,0,1224,1166 -11597,1,0,2329,22 -11599,1,0,0347,19 -11602,1,0,0330,18 -11603,1,0,1450,1261 -11603,2,1,0430,638 -11603,3,2,0430,257 -11607,1,1,0755,24 -11608,1,0,1846,52 -11609,1,0,1758,81 -11611,1,0,0556,25 -11612,1,0,1250,21 -11614,1,0,2019,42 -11617,1,0,2110,49 -11618,1,0,2334,39 -11621,1,0,2032,19 -11623,1,0,2017,16 -11625,1,0,1642,12 -11626,1,0,1010,27 -11628,1,0,0530,31 -11629,1,0,1700,23 -11630,1,0,2359,22 -11634,1,0,1335,35 -11638,1,0,1900,38 -11641,1,0,1253,19 -11643,1,0,2337,40 -11643,2,1,0530,24 -11645,1,1,0414,21 -11649,1,0,2213,23 -11652,1,0,1939,20 -11656,1,0,1210,17 -11660,1,0,0255,29 -11666,1,0,1818,19 -11669,1,0,1740,67 -11670,1,0,2300,68 -11671,1,0,1615,83 -11673,1,0,1745,17 -11675,1,0,1311,32 -11676,1,0,2207,20 -11679,1,1,0615,26 -11679,2,0,0941,95 -11681,1,2,0923,22 -11684,1,0,1500,22 -11686,1,0,0833,33 -11686,2,0,0930,38 -11688,1,0,0807,54 -11690,1,0,1610,476 -11691,1,0,0257,146 -11693,1,0,1800,62 -11693,2,1,0530,52 -11695,1,0,1252,24 -11699,1,0,2350,17 -11706,1,0,1646,60 -11707,1,0,1720,23 -11709,1,0,2025,29 -11712,1,1,0021,80 -11712,2,1,0600,78 -11714,1,0,1720,59 -11715,1,0,1830,50 -11723,1,1,0000,160 -11730,1,0,1843,24 -11733,1,0,1359,18 -11735,1,0,1411,164 -11736,1,0,1410,19 -11738,1,0,1633,20 -11739,1,0,1815,23 -11739,2,1,1020,17 -11740,1,0,1115,18 -11740,2,1,0420,19 -11742,1,0,1925,39 -11748,1,1,0025,21 -11750,1,0,0102,24 -11750,2,1,0010,12 -11751,1,0,1030,19 -11757,1,0,1600,27 -11758,1,1,0455,37 -11759,1,0,2009,47 -11761,1,1,0100,19 -11763,1,0,1215,20 -11764,1,0,1808,18 -11765,1,0,2305,85 -11768,1,1,0223,19 -11770,1,0,2315,22 -11775,1,0,0158,242 -11775,2,0,0614,235 -11775,3,0,1356,106.5 -11777,1,0,1105,25 -11781,1,0,2350,27 -11782,1,0,1914,35 -11783,1,0,1905,20 -11786,1,0,1540,17 -11787,1,1,0450,30 -11788,1,0,1409,17 -11792,1,1,0523,12 -11793,1,1,0635,58 -11793,2,0,2201,59 -11794,1,0,2315,148 -11796,1,0,2055,115 -11797,1,1,0624,44 -11798,1,0,2054,20 -11799,1,0,1558,14 -11799,2,0,1755,14 -11799,3,1,0020,11 -11800,1,0,1335,15 -11801,1,1,0550,16 -11801,2,0,1930,20 -11802,1,0,1930,20 -11815,1,0,1520,70 -11820,1,1,0459,57 -11822,1,0,1950,17 -11823,1,0,2335,64 -11831,1,0,1920,23 -11833,1,1,0002,37 -11833,2,2,0500,20 -11837,1,0,1227,29 -11839,1,0,1650,12 -11839,2,1,0920,11 -11841,1,0,1800,664 -11841,2,1,2230,46 -11844,1,0,1354,18 -11846,1,0,0148,448 -11847,1,0,2357,30 -11848,1,0,1213,34 -11852,1,0,2321,153 -11856,1,0,2011,106 -11856,2,1,0825,36 -11858,1,0,2050,13 -11859,1,1,1100,38 -11860,1,0,1651,74 -11863,1,0,1426,12 -11865,1,0,1910,15 -11870,1,0,1725,23 -11872,1,0,1945,18 -11873,1,0,1545,24 -11876,1,0,2202,24 -11877,1,0,2146,25 -11879,1,0,2009,115 -11884,1,0,2301,12 -11889,1,0,2126,146 -11893,1,0,1755,20 -11893,2,1,1130,108 -11894,1,0,2310,23 -11902,1,0,2040,18 -11905,1,0,1804,57 -11907,1,0,1530,19 -11909,1,1,0425,49 -11910,1,0,1800,49 -11914,1,0,2025,170 -11918,1,0,0200,12 -11919,1,1,0015,29 -11927,1,0,1908,14 -11936,1,0,1909,51 -11937,1,-1,1255,173 -11937,2,1,0200,121 -11937,3,2,0400,109 -11939,1,0,2135,9 -11940,1,0,1219,94 -11942,1,0,1624,72 -11945,1,0,1510,15 -11946,1,0,1816,62 -11954,1,0,0620,65 -11960,1,0,2333,81 -11962,1,2,0856,15 -11962,2,1,0654,15 -11962,3,0,1808,20 -11963,1,0,2253,14 -11964,1,0,1810,37 -11967,1,0,1855,21 -11969,1,0,1556,130 -11971,1,0,1952,15 -11972,1,0,2016,26 -11972,2,1,0400,21 -11972,3,2,0225,17 -11977,1,0,1528,51 -11978,1,0,1015,27 -11980,1,0,1742,146 -11981,1,0,1649,10 -11984,1,0,1910,33 -11985,1,0,2130,12 -11985,2,1,0110,11 -11985,3,1,0530,10 -11986,1,0,1422,19 -11987,1,0,2150,18 -11988,1,0,1452,75 -11989,1,0,1645,214 -11990,1,0,1858,12 -11991,1,0,2327,17 -11994,1,1,0400,71 -11996,1,0,2055,24 -12000,1,0,2345,67 -12004,1,0,2208,150 -12005,1,0,0400,16 -12007,1,0,1924,20 -12010,1,0,1415,51 -12011,1,0,1735,15 -12012,1,0,1204,780 -12012,2,1,0645,138 -12013,1,0,2021,165 -12015,1,0,1724,38 -12016,1,0,1720,43 -12018,1,0,1655,21 -12019,1,0,1315,22 -12021,1,0,2030,18 -12029,1,0,1548,25 -12033,1,0,1228,16 -12037,1,0,1439,16 -12044,1,0,1630,28 diff --git a/data/iai_pecarn/raw/form5_wbc.csv b/data/iai_pecarn/raw/form5_wbc.csv deleted file mode 100644 index 9b9c5b6c..00000000 --- a/data/iai_pecarn/raw/form5_wbc.csv +++ /dev/null @@ -1,14974 +0,0 @@ -subjectid,repeat_instance,WBCDay,WBCTime,WBCValue -3,1,0,1835,26.5 -3,2,0,2018,27.6 -5,1,0,2031,15.8 -5,2,0,2254,17.7 -5,3,1,0018,21.7 -5,4,1,0550,13.5 -6,1,0,0212,19.7 -7,1,0,0519,10.2 -8,1,0,1809,23.1 -8,2,0,2348,13.1 -8,3,2,0419,6.5 -8,4,2,0548,7.6 -10,1,0,1930,10.1 -11,1,0,1310,10.23 -13,1,0,1832,10.6 -14,1,0,0548,9.1 -16,1,0,0255,8 -16,2,0,0556,13.2 -16,3,0,1040,9.7 -16,4,0,1530,8.9 -19,1,0,0758,8.9 -20,1,0,0516,8 -21,1,0,2309,19.6 -23,1,0,1755,5.4 -24,1,0,2012,5.6 -25,1,0,1459,5.2 -30,1,0,1310,5.39 -31,1,1,0002,9.3 -32,1,0,1648,22.3 -32,2,0,1807,27.8 -32,3,0,1930,21.7 -32,4,0,2349,16.5 -33,1,0,2138,18.5 -34,1,1,0602,8.1 -34,2,2,0600,6.9 -35,1,0,2115,10.8 -37,1,0,1918,10.7 -40,1,1,0550,10.2 -40,2,0,2358,8.7 -41,1,0,2045,14.8 -41,2,0,2205,19.6 -41,3,1,0021,16.6 -41,4,1,0430,12 -44,1,0,0729,7.7 -45,1,0,1811,8.9 -46,1,0,1213,14.09 -47,1,0,1718,22.1 -48,1,0,1710,9.5 -49,1,0,1330,15.2 -49,2,0,1745,12.1 -49,3,0,2000,8.6 -49,4,1,0410,7.2 -50,1,0,1716,15.3 -50,2,0,2349,9.4 -50,3,1,0432,11.5 -50,4,1,1010,11.5 -52,1,0,1648,6.4 -53,1,0,2105,19.1 -53,2,0,2215,17.6 -53,3,1,0425,17.3 -55,1,0,1335,23.4 -55,2,0,1612,22.5 -55,3,0,1745,20.5 -55,4,1,0040,14.7 -56,1,0,2150,9.6 -57,1,0,2046,14.6 -57,2,0,2135,13.9 -57,3,0,2236,15.5 -57,4,1,0400,8 -60,1,0,1544,12.7 -60,2,0,1559,24.6 -60,3,0,2342,6.9 -60,4,1,0811,7.2 -60,5,1,2018,9.1 -60,6,2,0620,8.3 -63,1,3,0755,6.7 -64,1,1,0100,11.1 -66,1,0,2012,10.5 -66,2,1,0659,16.1 -67,1,0,1544,12.4 -67,2,1,0408,8 -68,1,1,0440,18.4 -69,1,0,1830,13 -70,1,0,1837,11.8 -71,1,1,0015,10.9 -72,1,1,0425,19.2 -72,2,2,0600,14.9 -72,3,3,0615,10.8 -72,4,4,0840,12.1 -73,1,0,1831,8.3 -74,1,0,2120,32.3 -74,2,0,2305,26.9 -74,3,1,0130,22 -74,4,1,0610,16.3 -75,1,0,1514,5.9 -75,2,1,0143,6.4 -75,3,1,0609,5.7 -82,1,0,2000,6.8 -83,1,0,1550,6.7 -83,2,0,1740,17.4 -85,1,0,1728,6.3 -85,2,0,2005,4.7 -85,3,0,2355,6.8 -86,1,0,0825,10 -86,2,1,0639,8.8 -87,1,0,1941,14.4 -87,2,2,0642,10.8 -88,1,0,1950,13.7 -88,2,0,2120,11.1 -88,3,0,2310,10.2 -88,4,1,0345,8.1 -89,1,0,2208,6.6 -89,2,1,1537,26.4 -90,1,1,0005,12.7 -90,2,1,0343,11.5 -90,3,1,1118,11 -91,1,0,0147,12.4 -91,2,0,0259,11.9 -92,1,0,1802,9 -93,1,0,2047,14.6 -96,1,1,0006,8.93 -99,1,0,2155,14.7 -99,2,0,2200,20.7 -99,3,1,0145,17.6 -99,4,1,0730,17.9 -101,1,4,0555,6.2 -102,1,0,1616,15.6 -102,2,0,1824,13.7 -102,3,0,2145,13.2 -106,1,0,1239,7.3 -108,1,0,0930,6.2 -109,1,0,1440,18.9 -109,2,2,0015,8.1 -109,3,2,1143,10.5 -110,1,0,2300,8.6 -110,2,1,0030,13 -110,3,1,0230,12.1 -110,4,1,0430,12.6 -111,1,0,0925,13.4 -111,2,0,1500,9.2 -111,3,0,2048,7.8 -111,4,1,0250,6.6 -112,1,0,1450,15.9 -113,1,0,2213,26.3 -114,1,0,1703,6.7 -115,1,0,1657,12 -116,1,0,1625,19.9 -116,2,0,1810,14.3 -116,3,0,2010,12.4 -116,4,1,0620,9.2 -117,1,0,1850,9.5 -119,1,0,1829,13.9 -119,2,1,1322,8.9 -119,3,2,2000,7.4 -119,4,3,0355,7.1 -120,1,0,2013,19.18 -120,2,1,1520,10.59 -121,1,0,2007,11.6 -121,2,0,2243,10 -123,1,0,1730,4.7 -124,1,0,1800,10.4 -125,1,0,1828,12.9 -129,1,0,1954,10.2 -130,1,0,2234,7.4 -131,1,0,2305,5.6 -131,2,1,0123,9.5 -132,1,0,1815,21.4 -132,2,0,1900,18.8 -132,3,0,1956,17 -132,4,1,0250,12.5 -133,1,0,1332,8.7 -135,1,0,2200,8.6 -135,2,0,2330,10.2 -135,3,1,0155,13.8 -136,1,0,1957,8.4 -137,1,0,1435,8.2 -138,1,0,2240,14.1 -138,2,1,0435,13.7 -139,1,0,0040,5.7 -140,1,0,2217,18.5 -140,2,1,0015,20.5 -140,3,1,0405,22.2 -140,4,1,1040,13.1 -141,1,0,2143,9.7 -142,1,0,2136,14 -142,2,1,0654,8.1 -143,1,0,1716,9.9 -144,1,0,1635,9.19 -145,1,0,1915,16.2 -145,2,1,0430,12.2 -146,1,1,0100,5.4 -147,1,0,0050,37.5 -147,2,0,0211,33.8 -147,3,0,0353,23.5 -147,4,0,0815,12.3 -148,1,0,0925,31.7 -148,2,0,1343,6.7 -148,3,0,2000,8.8 -148,4,1,0515,11.8 -150,1,0,1200,21 -151,1,0,1855,18.4 -151,2,1,0457,8.9 -151,3,2,0357,6.1 -151,4,2,1927,6.7 -152,1,0,0830,12.1 -152,2,0,0930,18.4 -152,3,0,1030,19.3 -152,4,0,1745,14.5 -153,1,0,1855,12 -155,1,0,2243,6.5 -157,1,0,2210,9.6 -157,2,1,0005,9.6 -158,1,0,1741,6.5 -159,1,0,1849,10.7 -161,1,0,0033,15.2 -161,2,0,0654,11.7 -161,3,1,0628,10.2 -161,4,2,0558,10.6 -163,1,1,0130,6.5 -163,2,1,0743,1.9 -165,1,0,1350,6.5 -167,1,0,1230,8 -168,1,0,1430,6.5 -169,1,1,0015,11.4 -169,2,2,0746,7 -170,1,0,1950,41.1 -170,2,1,0626,10.9 -170,3,2,0508,8.5 -170,4,2,1252,11.2 -171,1,0,2228,6.7 -172,1,0,2137,6.2 -173,1,0,1800,17.5 -173,2,0,1959,13.2 -173,3,0,2207,15.1 -173,4,1,0437,7 -174,1,0,0022,11 -175,1,0,1338,9.9 -176,1,0,1526,8.4 -176,2,0,1825,7.3 -176,3,0,2030,8.1 -176,4,1,0755,6.8 -177,1,0,0025,6.5 -178,1,0,1540,18.3 -179,1,0,2143,10.6 -179,2,1,1358,8.8 -180,1,0,1329,7.6 -181,1,0,1457,9.1 -182,1,0,2040,2.5 -182,2,1,0200,3.7 -182,3,1,0755,7.2 -182,4,1,1405,12.9 -183,1,0,1212,12.6 -183,2,0,2230,6.4 -183,3,1,0420,5.4 -183,4,1,1512,7.5 -184,1,0,1920,8 -184,2,1,0411,8.8 -184,3,1,0537,13.7 -185,1,0,2341,14.58 -186,2,0,1950,4.1 -186,4,1,0350,4.9 -187,1,1,0003,15.7 -188,1,0,1644,8.3 -188,2,1,0351,9.5 -189,1,0,1935,11.3 -190,1,0,2216,8.2 -193,1,0,0735,11.8 -193,2,0,0832,15.2 -193,3,0,1150,17.1 -193,4,0,1830,11.1 -194,1,0,1930,8.9 -197,1,0,2140,11.9 -197,2,1,0858,11 -197,3,2,0658,10 -198,1,1,0500,9.4 -198,2,2,0705,5.7 -199,1,0,1631,18.9 -200,1,0,1911,10.2 -201,1,0,1910,9.7 -201,2,0,2005,9.7 -202,1,0,1408,15.96 -203,1,0,1320,14.6 -204,1,3,2150,8.9 -206,1,0,0040,6 -210,1,0,1432,10.1 -211,1,0,0146,7.8 -212,1,0,1326,7 -212,2,0,1438,7.7 -213,1,0,1948,7 -214,1,0,1743,10.9 -215,1,2,0532,11.8 -216,1,0,2120,13 -217,1,0,1850,8.9 -219,1,0,1910,10.1 -220,1,0,0637,18.8 -220,2,1,0811,7.2 -221,1,0,2335,5 -225,1,0,2110,7.9 -226,1,0,1134,15.32 -227,1,0,1330,11.9 -227,2,0,1515,13.6 -227,3,0,1730,11.7 -227,4,1,0535,8.8 -228,1,0,2045,12.6 -229,1,0,0147,10 -230,1,0,0944,6.9 -232,1,0,1739,9.7 -235,1,0,1730,9.8 -235,2,1,0029,11.8 -235,3,1,0459,7.7 -235,4,2,0600,10.9 -237,1,0,1235,9 -237,2,0,1330,11.1 -237,3,0,1515,12 -237,4,0,2230,9.8 -238,1,0,1802,2.56 -239,1,0,1523,11.1 -239,2,1,0606,12.8 -239,3,2,0545,10.8 -239,4,3,0540,11.9 -240,1,0,0047,7.4 -241,1,0,1740,12.2 -241,2,0,1925,12.3 -243,1,0,1729,11.9 -244,1,0,1233,22.7 -244,2,1,0624,10 -244,3,1,1855,16.5 -244,4,2,0706,11.7 -245,1,0,2238,10 -245,2,1,0415,7.2 -246,1,0,0403,8.1 -246,2,1,0936,9.4 -246,3,1,1357,9.1 -247,1,0,1518,7.4 -247,2,0,1819,13.4 -248,1,0,1753,9.1 -250,1,0,2255,6.6 -250,2,2,0620,6.6 -251,1,0,2306,10.3 -256,1,0,1625,15.5 -256,2,0,2003,17.17 -256,3,1,0500,15.12 -256,4,2,0600,17.64 -257,1,0,1350,5.94 -258,1,0,1705,3.3 -261,1,0,1441,18.8 -263,1,0,1420,6.9 -263,2,0,1545,9.8 -263,3,0,1730,10.9 -264,1,0,1527,6.53 -265,1,0,1839,9.7 -266,1,0,2150,6.4 -267,1,0,2106,10.7 -269,1,0,2330,17.7 -273,1,0,1916,9.8 -282,1,0,2148,6.5 -284,1,0,2008,11.2 -285,1,0,1555,6.7 -286,1,0,1600,12.3 -287,1,0,1036,10.5 -288,1,0,2000,9.2 -289,1,0,2100,9.5 -290,1,0,2225,6.4 -291,1,0,2215,11.3 -292,1,1,0020,12.3 -293,1,0,1955,31.2 -293,2,1,0001,14.6 -293,3,1,0330,17 -293,4,2,0405,13.7 -295,1,0,1553,15.5 -295,2,1,0540,7.6 -296,1,0,1825,17.9 -296,2,0,2345,17.9 -296,3,1,0400,13.5 -296,4,1,0910,10.8 -297,1,0,1600,7.4 -297,2,2,0935,10.5 -297,3,3,0535,9.3 -299,1,0,0910,4 -299,2,0,1030,4.8 -299,3,0,1200,6.6 -299,4,0,1715,9.1 -300,1,0,1540,19.1 -301,1,0,1545,27.7 -301,2,0,1825,13.3 -302,1,0,0910,10.3 -303,1,1,0434,7.9 -304,1,0,2142,10.3 -304,2,1,0428,9 -305,1,0,1440,7.3 -307,1,0,1750,10.7 -308,1,1,0001,12.6 -311,1,1,0005,12.9 -312,1,1,0710,6.1 -314,1,0,1329,8.4 -314,2,0,1650,14.4 -314,3,0,2000,10.2 -316,1,0,2045,11.8 -316,2,0,2205,13.2 -316,3,1,0035,14.1 -316,4,1,0420,14 -319,1,0,1704,9.3 -320,1,0,0050,28.9 -320,2,1,0435,20 -320,3,2,0445,15 -321,1,0,1644,13.5 -321,2,1,0528,18.9 -322,1,0,1845,13.2 -322,2,0,2045,9.2 -322,3,1,0755,5.2 -323,1,0,2250,10.1 -326,1,2,0550,12 -328,1,0,1740,6.5 -328,2,0,1845,8.5 -328,3,0,1950,13.3 -328,4,1,0845,6.3 -329,1,0,0930,5.1 -333,1,0,2035,10.2 -333,2,0,2203,17.1 -333,3,1,0024,15.4 -335,1,0,0219,11.2 -336,1,0,0556,31.4 -337,1,0,2320,12.2 -337,2,1,0430,7.9 -337,3,1,0815,7.7 -337,4,1,1200,8.8 -338,1,0,0637,17.1 -338,2,0,1505,14.1 -338,3,0,2230,15.2 -338,4,1,0556,17.8 -341,1,0,0709,8.1 -341,2,1,0655,6 -342,1,0,1546,5.5 -344,1,0,1838,9.8 -345,1,0,1404,5.6 -346,1,0,1613,10.8 -347,1,0,1340,17.9 -350,1,0,1640,13.3 -350,2,0,2240,6.3 -350,3,1,0155,5.3 -350,4,1,0545,4.5 -351,1,0,1221,6.4 -352,1,0,1318,14.7 -352,2,1,0111,9.5 -353,1,0,1914,8.1 -354,1,1,0150,13.9 -355,1,0,1942,18.3 -355,2,1,0630,19 -355,3,2,0615,17.2 -355,4,3,0625,14.2 -356,1,0,1727,18.3 -356,2,0,2336,17.7 -356,3,1,0705,13.7 -357,1,0,1130,8.4 -358,1,0,1143,8 -358,2,0,1336,8.9 -358,3,1,1609,10.4 -359,1,0,1753,12.9 -363,1,0,1200,14.4 -363,2,0,2117,10.9 -363,3,1,0537,10.4 -364,1,0,2140,12.6 -365,1,0,2206,12.4 -366,1,0,1700,12 -367,1,0,0545,10.2 -367,2,0,1019,10.7 -367,3,0,1948,9.8 -367,4,3,1859,8.3 -368,1,0,0143,7.5 -369,1,0,0919,11.32 -370,1,1,0545,7 -371,1,0,2136,15.4 -372,1,0,1438,7.5 -374,1,0,0910,5.8 -374,2,0,1005,6.3 -374,3,0,1200,11.8 -374,4,0,2000,9.4 -375,1,0,1730,17.8 -376,1,0,0218,13.9 -376,2,0,1759,8.5 -376,3,1,0654,6.3 -377,1,0,1640,12.9 -377,2,0,1938,13 -378,1,0,1725,18.4 -379,1,0,1724,25.4 -379,2,0,2002,19 -379,3,1,0004,14.1 -379,4,1,1925,7.5 -380,1,0,1250,12.6 -381,1,0,2100,12.4 -381,2,0,2220,21.5 -382,1,0,2030,13 -384,1,0,1638,14.6 -385,1,0,0950,5.9 -386,1,0,1600,7.7 -387,1,0,1430,10.4 -388,1,0,1224,16.3 -389,1,0,1705,11.4 -390,1,0,2005,7.7 -391,1,0,1830,7.5 -391,2,0,1940,9.4 -391,3,0,2340,13.5 -391,4,1,0430,10.4 -392,1,0,2055,12.6 -396,1,1,0400,13.3 -397,1,0,1824,6.8 -399,1,0,0944,14.3 -399,2,0,1108,6.8 -399,3,0,1833,4.9 -399,4,0,2238,5 -400,1,0,1802,15.4 -400,2,1,0652,13 -400,3,2,1045,10.1 -401,1,0,2000,10.8 -401,2,1,0415,8.3 -405,1,0,1403,7.2 -406,1,0,2143,11.5 -406,2,2,0700,7.4 -407,1,0,1618,4.7 -409,1,0,1850,8.8 -410,1,0,2335,13.2 -410,2,1,0700,13.8 -410,3,2,0530,7.3 -410,4,3,0400,5.3 -412,1,0,1520,6 -413,1,0,1402,7.9 -414,1,0,0959,17.4 -414,2,0,2228,12.4 -415,1,0,1651,14.1 -415,2,1,0140,12.7 -415,3,1,0835,8.7 -417,1,0,1544,6.3 -420,1,1,0540,7.9 -420,2,2,0415,7.9 -420,3,7,0450,7.4 -421,1,0,1745,6.1 -422,1,0,0956,11.1 -423,1,0,2056,5.5 -425,1,0,1726,7 -428,1,0,1535,14.42 -428,2,1,0700,11.97 -429,1,0,1530,10.9 -429,2,0,1643,10.2 -429,3,0,1855,9.3 -430,1,0,0830,10.8 -431,1,0,1745,3.3 -433,1,0,2220,15.9 -433,2,0,2345,17 -433,3,1,0210,13.6 -433,4,1,0535,10.6 -434,1,0,2039,11.5 -435,1,0,2127,13.9 -435,2,1,0903,6.3 -435,3,1,1725,6.3 -436,1,0,1726,6.3 -438,1,0,1633,18.5 -439,1,0,1520,14 -442,1,0,1940,8.9 -442,2,0,2125,13 -442,3,0,2235,12.1 -442,4,1,0015,13.2 -444,1,1,0840,10 -444,2,0,1859,15 -445,1,0,2039,11.1 -445,2,4,1420,5.1 -446,1,0,0114,11.8 -447,1,0,2051,4.1 -448,1,0,0309,7.1 -449,1,0,1442,7.4 -450,1,0,2050,6.5 -450,2,0,2245,11.1 -450,3,1,0045,10.7 -450,4,1,0545,8.7 -451,1,0,1915,20.3 -451,2,1,0835,11.1 -452,1,0,0300,16.6 -452,2,0,0500,13.8 -452,3,0,1055,11.5 -452,4,0,1710,10.6 -453,1,0,1815,8.5 -453,2,0,2010,13 -454,1,0,1944,17.82 -457,1,1,0011,11.8 -457,2,1,0320,10.7 -457,3,2,0448,6.5 -457,4,2,0528,6.2 -458,1,0,1815,8.3 -459,1,0,1425,5.9 -460,1,0,2020,13.2 -460,2,1,0555,5.8 -460,3,1,1000,6.5 -462,1,0,1254,22.8 -462,2,0,1517,15.8 -462,3,1,0035,12.8 -462,4,1,0355,10.6 -464,1,0,1815,9.1 -465,1,0,2100,24.4 -465,2,1,0122,20.7 -465,3,1,0518,17.3 -465,4,2,0501,9.9 -466,1,0,2051,20 -466,2,1,0143,14 -470,1,0,1917,5 -470,2,1,0636,5.1 -470,3,2,1613,2.7 -471,1,0,1834,16 -472,1,0,1110,25.3 -472,2,0,1220,22.7 -472,3,0,1830,12.6 -473,1,0,2244,16.9 -474,1,0,0830,9.3 -474,2,0,1730,12.4 -474,3,1,0555,8.2 -475,1,0,2155,12.3 -475,2,0,2300,11.9 -476,1,0,1248,9.2 -477,1,0,1038,10.1 -477,2,0,2255,9.3 -477,3,1,0920,7.1 -477,4,2,0735,7 -478,1,0,1704,8.3 -480,1,0,2251,11.5 -481,1,0,0055,9 -482,1,0,1400,6.2 -482,2,0,1500,10.1 -482,3,0,1845,11.7 -482,4,1,0010,9.6 -484,1,0,1900,8.3 -484,2,0,2305,5 -484,3,1,0430,5 -485,1,0,1738,19.6 -486,1,0,1641,9.9 -486,2,0,1859,20.9 -486,3,0,2350,12.9 -486,4,1,0750,8.8 -488,1,0,0745,7.8 -490,1,0,1419,13 -490,2,0,2120,8.1 -490,3,1,0826,6.4 -490,4,2,0030,5 -491,1,1,0235,8.7 -491,2,1,0930,7.2 -493,1,1,0155,8.6 -494,1,0,1205,31.8 -494,2,0,2355,7.6 -494,3,1,0415,14.1 -494,4,1,1205,13.6 -495,1,0,2227,10.3 -496,1,0,1646,9 -497,1,0,2130,13.9 -498,1,0,2035,5.48 -499,1,1,0111,10.7 -501,1,0,1848,8.2 -502,1,0,1658,9 -505,1,0,1110,12.27 -506,1,0,1804,6.9 -507,1,0,2124,11.4 -507,2,1,0500,11.7 -508,1,0,2252,17.4 -508,2,1,0607,11.9 -509,1,0,1914,9.2 -510,1,0,1857,8.59 -510,2,1,0600,8.07 -512,1,0,2203,11.2 -512,2,1,0402,14.5 -513,1,1,0016,18.1 -515,1,0,1301,9.9 -516,1,0,2109,17.9 -516,2,2,0610,9.5 -517,1,0,2300,10.5 -518,1,0,1549,10.5 -519,1,0,1123,11.7 -519,2,2,0835,9.1 -519,3,3,0550,5.1 -520,1,0,1621,12.6 -520,2,0,1907,15.6 -520,3,1,0150,12.9 -520,4,2,0200,10.5 -521,1,0,0202,9.3 -521,2,0,0300,10.6 -523,1,0,1345,11.2 -525,1,0,2047,10.8 -525,2,0,2200,9.2 -527,1,0,1029,5.8 -527,2,0,1147,9.1 -527,3,0,1340,9.3 -531,1,0,1130,7.9 -531,2,0,1235,14.9 -531,3,0,1430,19.1 -531,4,0,2025,10.6 -535,1,0,1352,17.3 -535,2,0,1855,15.5 -535,3,0,2343,10.6 -535,4,2,0420,9.2 -536,1,0,2300,8.7 -537,1,1,0715,14.8 -538,1,0,1415,13.8 -539,1,0,2029,9.6 -540,1,0,2339,8.6 -543,1,1,0400,14.1 -543,2,2,0510,10.6 -544,1,0,1736,18.9 -545,1,0,2313,7.8 -546,1,0,0400,19.3 -546,2,0,1115,10.8 -546,3,0,1301,9.9 -546,4,0,1605,5.9 -548,1,0,2101,22.8 -549,1,0,2146,6 -550,1,0,1329,11.8 -551,1,0,1245,10.8 -553,1,0,1112,7.17 -557,1,0,0100,26.2 -558,1,0,1525,15.8 -559,1,0,1700,7.3 -559,2,0,1913,16.4 -559,3,0,2235,13.9 -559,4,1,0345,10.4 -563,1,0,1703,9.3 -563,2,1,0314,7.8 -563,3,1,0913,6.5 -563,4,1,1443,6.4 -564,1,0,1925,7.2 -567,1,0,2245,10.4 -567,2,1,0030,13.5 -567,3,1,0215,15.9 -567,4,1,0843,6.9 -568,1,0,1749,9.1 -569,1,0,1810,12.4 -569,2,1,0714,10.2 -570,1,0,0815,24.8 -570,2,0,0845,35.5 -570,3,0,1000,38.7 -570,4,0,1315,24.4 -572,1,0,1435,8.1 -572,2,0,1550,9.8 -572,3,0,1950,9.4 -574,1,0,1842,20.7 -574,2,0,2112,18.8 -574,3,1,0502,14.8 -574,4,1,0910,14.1 -575,1,0,2329,14.69 -576,1,0,1741,10.4 -576,2,1,0500,9 -577,1,3,0530,6.3 -578,1,0,0529,7.9 -579,1,0,1353,14.5 -579,2,1,0625,11.9 -579,3,2,0500,17.9 -580,1,0,1728,16.2 -580,2,2,0945,10.4 -582,1,0,1949,15.5 -586,1,0,2145,5.2 -587,1,0,1330,23.2 -587,2,0,1738,17.8 -587,3,0,2225,12.3 -587,4,1,0436,10.8 -588,1,0,1900,10.45 -589,1,0,2034,10.1 -590,1,0,2253,8.5 -591,1,0,1633,21.1 -591,2,0,2243,9.2 -591,3,1,0155,7.8 -592,1,0,2010,13 -593,1,0,1815,9.8 -594,1,0,1530,14.6 -594,2,0,1830,16.7 -595,1,0,1225,21.2 -595,2,0,1420,10 -595,3,0,1830,7.8 -595,4,1,2010,6.9 -596,1,0,1810,12.6 -596,2,0,2057,5.9 -600,1,0,2104,6.4 -602,1,0,1940,19.3 -603,1,1,0001,10 -604,1,0,1644,10.7 -605,1,0,2252,10.3 -606,1,0,1821,7.6 -607,1,0,1950,9.1 -607,2,1,0025,14.6 -608,1,0,1712,6.2 -611,1,2,0640,6.6 -613,1,0,1646,6.6 -614,1,0,1404,12.3 -615,1,0,2237,19.7 -615,2,0,2359,10.9 -615,3,1,0620,7.4 -616,1,0,1440,16.1 -618,1,0,1456,7.2 -620,1,1,0015,8.7 -621,1,0,1742,10.31 -622,1,0,0049,11.7 -622,2,0,1340,11.5 -622,3,0,0515,10.8 -622,4,2,0445,8.1 -623,1,0,2350,19.3 -623,2,1,0400,12.1 -623,3,1,1200,13.3 -624,1,0,1229,12.9 -624,2,0,2156,14.3 -624,3,1,0111,13.5 -624,4,1,0516,14.4 -625,1,0,2309,11.6 -627,1,0,1632,8.4 -628,1,0,0945,9.7 -630,1,0,1530,6.1 -630,2,0,1635,9.9 -630,3,0,1935,10.3 -630,4,1,0215,7 -631,1,0,1956,6.3 -632,1,0,2039,27.11 -632,2,1,0100,19.59 -632,3,1,0600,12.08 -632,4,1,1010,11.88 -633,1,0,2320,10 -635,1,0,1723,17 -635,2,2,0830,12.8 -637,1,0,1900,17.3 -637,2,0,1958,20.5 -637,3,0,2235,17.6 -637,4,1,0430,10.8 -638,1,1,0042,6.7 -641,1,0,2041,8 -642,1,0,1241,13.7 -643,1,0,1557,11.3 -644,1,0,2200,8.42 -645,1,0,2052,9.4 -648,1,0,2120,8.3 -648,2,0,2305,9.2 -648,3,1,0835,10 -649,1,1,0346,9.99 -650,1,0,2116,15.9 -650,2,2,0815,8.1 -652,1,0,1325,8.4 -653,1,0,1824,5.1 -654,1,0,1628,16.2 -654,2,1,0325,9.2 -655,1,0,2225,10.5 -657,1,0,1306,11.8 -657,2,1,0915,12.9 -658,1,0,1249,7 -658,2,0,1522,12.3 -659,1,0,1729,13.9 -659,2,0,2030,16.9 -659,3,1,0102,15.7 -659,4,1,0606,13.9 -660,1,0,1607,6.7 -663,1,0,2300,5.4 -664,1,0,2141,13.6 -664,2,1,0331,12 -665,1,0,1507,16.4 -667,1,0,1405,8.6 -668,1,0,1732,12.8 -668,2,1,0500,13.9 -668,3,1,1409,10.7 -668,4,1,2200,9.8 -669,1,0,1859,24.3 -669,2,0,2159,19.6 -669,3,1,0028,14.8 -669,4,1,0409,11.6 -671,1,0,1503,13.8 -672,1,0,2028,13.5 -673,1,0,1601,9.9 -673,2,1,0630,8.7 -674,1,0,1743,15.8 -674,2,1,0125,15.2 -675,1,0,1800,17.4 -675,2,1,0445,9.1 -676,1,0,1926,10.77 -676,2,1,0615,8.86 -677,1,0,2121,7.2 -679,1,1,0031,12.9 -681,1,0,1635,5.9 -682,1,0,1940,6.3 -683,1,0,1645,10.4 -686,1,0,2000,6.6 -687,1,0,0054,6.4 -689,1,0,0320,22.9 -691,1,0,1640,7.1 -691,2,0,1725,9.7 -692,1,0,1642,12.3 -693,1,0,2235,11.1 -695,1,0,1500,10.1 -695,2,0,2128,5.6 -695,3,1,0707,6.7 -695,4,1,1146,6 -696,1,0,1630,20.8 -698,1,0,0535,10.4 -700,1,0,1625,11.8 -701,1,0,1843,22.8 -702,1,0,2255,6.82 -705,1,0,1025,17.8 -706,1,0,1753,18.3 -707,1,0,0836,14.8 -708,1,0,1634,20.8 -708,2,1,2249,18.69 -708,3,2,1454,8.96 -708,4,5,0044,12.49 -709,1,1,0020,5.4 -710,1,0,1939,10.3 -711,1,0,2000,10.4 -711,2,0,2110,9.5 -711,3,0,2310,9.6 -712,1,0,1947,9.5 -712,2,0,2038,8.8 -713,1,0,1735,6.1 -714,1,0,0856,12.4 -714,2,1,1735,12.7 -714,3,1,2000,14.4 -714,4,2,0406,13 -715,1,0,2003,7 -716,1,0,1405,8.4 -716,2,0,1529,8.7 -716,3,0,1845,9.2 -717,1,1,0105,34.5 -717,2,1,0235,22.8 -717,3,1,0800,15.5 -717,4,1,1430,13.8 -719,1,0,1621,12.2 -719,2,1,0627,10 -720,1,0,1917,19.3 -720,2,1,0228,13.9 -721,1,0,0940,21.4 -721,2,0,1153,28 -721,3,0,1658,3.7 -721,4,0,2215,2.8 -722,1,0,2122,8.1 -722,2,0,2327,14.3 -722,3,1,0248,12.2 -722,4,1,0800,9.1 -726,1,0,1220,4.1 -727,1,0,1755,10.4 -728,1,0,1621,7 -728,2,0,1720,6.4 -728,3,0,2010,7.3 -729,1,0,2132,15.1 -729,2,0,2347,13.4 -729,3,1,0140,11.1 -729,4,1,0623,9.2 -731,1,0,2120,8 -732,1,0,1609,4.8 -733,1,0,1821,11.34 -735,1,0,0251,10.3 -736,1,0,1300,13.8 -737,1,0,1649,6.5 -737,2,0,2032,7 -737,3,0,2234,6.5 -738,1,0,2055,7.6 -738,2,1,0702,9.8 -740,1,0,1057,7.1 -742,1,0,1714,8.1 -744,1,0,1327,6.93 -746,1,0,0153,25.4 -746,2,0,1044,15 -746,3,0,1711,12.3 -746,4,1,0611,10.5 -747,1,0,2305,9.1 -748,1,0,1720,6.7 -749,1,0,2130,19.75 -749,2,5,0645,10.3 -750,1,0,2359,6.4 -750,2,1,0941,6.2 -750,3,2,0440,6.5 -750,4,3,0440,8.2 -751,1,0,0325,11.1 -755,1,0,2237,11.3 -756,1,0,1341,23.3 -756,2,0,1805,15.1 -756,3,0,2135,10.3 -756,4,1,0100,10 -759,1,0,1514,14.2 -760,1,1,0029,11 -760,2,1,0308,14.6 -760,3,1,0900,13.1 -761,1,0,1445,16.4 -762,1,0,2104,7.38 -763,1,0,1829,10.19 -764,1,0,1517,8.7 -766,1,1,0555,6.8 -766,2,2,0605,5.9 -767,1,0,1112,11.4 -768,1,0,2215,6.4 -770,1,0,1020,13.3 -771,1,0,1223,6.5 -771,2,1,0914,8.2 -772,1,0,1850,15.1 -773,1,0,2340,6.96 -774,1,0,1830,12.9 -776,1,0,2007,17 -780,1,0,0135,10.6 -781,1,0,1950,11 -781,2,1,0350,17 -781,3,1,0730,12 -781,4,1,1645,11.1 -782,1,0,1610,12.2 -782,2,0,1720,13.4 -782,3,0,1850,15.4 -783,1,0,1755,15.6 -784,1,0,1730,13.3 -785,1,0,0447,11.2 -786,1,0,2050,7.9 -787,1,0,1635,12.1 -787,2,0,1752,16 -787,3,0,2003,12.9 -787,4,0,2222,14.1 -788,1,0,2241,9.1 -788,2,0,2358,18.1 -790,1,0,1144,9.8 -791,1,0,1144,9.5 -792,1,0,2020,8.8 -792,2,0,2324,11.4 -792,3,1,0400,13.3 -792,4,1,1603,11 -796,1,0,2350,9.5 -796,2,1,0900,5.8 -796,3,1,1500,5.4 -796,4,2,0642,4.5 -798,1,0,2208,4.8 -800,1,0,1957,8.3 -801,1,0,1957,11.9 -802,1,0,2100,8.7 -803,1,0,1600,7.7 -804,1,0,1158,5.6 -805,1,0,1908,9.6 -806,1,0,1949,15.4 -808,1,0,2044,9.1 -809,1,0,0356,11.1 -810,1,0,2032,14.2 -810,2,0,2150,19.3 -810,3,1,0405,19.2 -810,4,2,0501,24 -812,1,0,1213,16.7 -812,2,1,0525,9.2 -814,1,0,1757,13.9 -814,2,0,1845,14.3 -814,3,0,2057,10.3 -814,4,1,0109,8.7 -815,1,0,1715,11.9 -815,2,1,0853,7 -816,1,0,0220,14 -816,2,0,0420,14.1 -816,3,0,0610,15 -817,1,0,1232,9.6 -818,1,0,1548,5.4 -819,1,1,1030,9.1 -819,2,2,0420,8.5 -820,1,0,0940,8.6 -821,1,0,1438,7.2 -823,1,0,2310,9.9 -827,1,0,1236,11.2 -828,1,0,1807,11.4 -828,2,1,0600,9.3 -830,1,0,2235,5.97 -831,1,0,1800,25.7 -832,1,0,0849,5.2 -834,1,0,1906,19.2 -835,1,0,2210,7.6 -838,1,0,1926,9.4 -839,1,1,0709,9.87 -840,1,0,2109,6.5 -841,1,0,0030,16.1 -841,2,0,0320,17.9 -841,3,0,0510,18.6 -841,4,0,0930,10.4 -842,1,0,1558,13 -842,2,1,0320,12.4 -842,3,2,0600,8 -846,1,0,1315,18.4 -847,1,0,1855,14.5 -847,2,0,1958,15.2 -847,3,0,2215,13.8 -847,4,1,0400,9.7 -848,1,0,1550,8.7 -848,2,1,0810,6 -849,1,0,2100,11.9 -850,1,0,1408,14.3 -851,1,0,0145,11.5 -851,2,0,0245,11.9 -851,3,0,0510,13.1 -852,1,0,2001,13.38 -853,1,0,2100,20.9 -853,2,1,0700,16.1 -856,1,0,1245,17.4 -856,2,0,1440,15.5 -856,3,0,1730,12.4 -856,4,0,1835,10 -858,1,0,1340,14.5 -858,2,0,1405,19.8 -858,3,0,1600,21.5 -858,4,0,2230,13.7 -860,1,0,1808,7.1 -861,1,0,1257,16 -861,2,0,1735,14.2 -861,3,1,0125,8.4 -861,4,1,0711,9.4 -862,1,0,2209,15.9 -863,1,1,0340,12.3 -864,1,0,0857,12.9 -865,1,0,0139,8.1 -869,1,0,2100,11.8 -869,2,0,2220,15.1 -869,3,1,0520,11.9 -871,1,0,2105,7.2 -874,1,0,1726,19.6 -876,1,0,1528,6.2 -877,1,0,2201,15 -877,2,1,0807,8 -877,3,1,1835,7.3 -878,1,0,1300,13.9 -878,2,1,0524,9.6 -879,1,0,1814,8.1 -883,1,1,0157,19.1 -886,1,0,2020,11.1 -886,2,1,0330,15 -886,3,2,0400,6.3 -887,1,0,1415,8.79 -888,1,0,1621,4.9 -888,2,1,0925,17.7 -888,3,2,0610,15.8 -890,1,0,2319,16.9 -890,2,1,0652,9.4 -890,3,1,1127,8.6 -890,4,1,1820,8.2 -892,1,0,1839,9.7 -893,1,0,1625,11.6 -893,2,0,1720,14.7 -893,3,0,1954,12.1 -893,4,1,0045,10.4 -894,1,0,1542,5.9 -895,1,0,1153,10.7 -896,1,0,1739,20.4 -897,1,0,1955,12.7 -897,2,1,1005,7 -897,3,2,1027,8 -898,1,0,1525,9.6 -898,2,1,0143,11.3 -898,3,1,0622,9.2 -899,1,0,2025,6.4 -899,2,0,2130,6.1 -899,3,1,0045,7.2 -899,4,1,0435,5.5 -900,1,0,1706,10.6 -901,1,0,1005,5.8 -902,1,0,1417,8.3 -904,1,0,0514,18.4 -904,2,1,1300,12.6 -904,3,2,0400,15 -904,4,3,0716,12.7 -905,1,0,1140,11.8 -907,1,1,0525,17.7 -907,2,1,0005,20.3 -907,3,1,1430,13.2 -910,1,0,1705,18.5 -911,1,0,1704,8.2 -912,1,0,2048,8.3 -913,1,0,1645,6.3 -915,1,0,1315,21.5 -915,2,1,0632,9.8 -915,3,2,0703,7.1 -917,1,0,1752,35.6 -917,2,1,0631,12 -917,3,1,2324,8.9 -918,1,0,2200,12.8 -918,2,1,0100,16.8 -918,3,1,0310,14.9 -918,4,1,0405,15.2 -919,1,0,1928,19.9 -919,2,0,2105,19.9 -919,3,0,2210,14.2 -919,4,1,0410,6.7 -921,1,0,1544,8.1 -921,2,0,1647,9 -921,3,0,1948,11.9 -922,1,0,1924,8.4 -922,2,0,2023,8.4 -924,1,0,1310,4.9 -925,1,0,2243,15 -926,1,0,1207,8.86 -927,1,0,0833,4.2 -930,1,0,1441,8.4 -931,1,0,1617,25.1 -931,2,0,1801,20.2 -931,3,0,2140,14.5 -931,4,1,0145,8.9 -933,1,0,0135,12.8 -933,2,0,0300,12.8 -933,3,0,0630,10.6 -933,4,0,0950,7.9 -935,1,0,1348,9.7 -935,2,1,0430,6.9 -936,1,0,1126,14.41 -937,1,0,0916,13.5 -938,1,0,1207,9.3 -939,1,0,1116,18.7 -939,2,0,1840,20 -939,3,1,0400,13.6 -939,4,1,1450,13.2 -940,1,0,1846,7.9 -940,2,0,2021,7.8 -941,1,0,1050,6.1 -942,1,0,1330,6.1 -942,2,0,1553,7.3 -943,1,0,2215,12.4 -943,2,1,2110,7.6 -944,1,0,0615,13.4 -944,2,1,0515,9.5 -945,1,0,2200,11.2 -947,1,0,2026,10.53 -948,1,1,0625,5 -949,1,0,1613,13.2 -949,2,1,0723,10.3 -949,3,2,0750,10.2 -950,1,0,1915,17.1 -950,2,1,0521,11.4 -950,3,2,0412,8.7 -953,1,0,1747,7.34 -954,1,0,0826,13.89 -955,1,0,1449,23.81 -955,2,1,0556,6.71 -955,3,2,0654,6.55 -955,4,3,0511,4.74 -956,1,0,1701,8.4 -957,1,0,1152,24.7 -961,1,0,1857,7.5 -964,1,0,1750,20.1 -964,2,1,0530,9.9 -964,3,2,0800,7 -965,1,0,1348,9.7 -965,2,0,1454,9.8 -965,3,0,1656,10.7 -966,1,0,1922,6.5 -967,1,0,2055,20.5 -967,2,1,0634,12 -967,3,1,1251,10.4 -967,4,1,1533,12.7 -968,1,0,1501,8.8 -970,1,0,1500,12.7 -970,2,0,2140,11.2 -970,3,1,0540,9.1 -970,4,2,0400,5.7 -971,1,0,2152,10.2 -972,1,0,2334,10.8 -973,1,0,2120,5.5 -974,1,0,1450,8.3 -975,1,0,1705,12.6 -976,1,0,1830,13.9 -977,1,0,1625,11.5 -977,2,0,1940,12.9 -979,1,0,0045,6.1 -981,1,0,2151,12 -981,2,1,0412,10.1 -981,3,1,1000,8.3 -981,4,1,1900,7.4 -982,1,0,1545,16.4 -982,2,2,0003,10.2 -982,3,2,0625,10.5 -982,4,2,1420,9.8 -983,1,0,1126,19.8 -983,2,6,1247,7.8 -984,1,0,0355,19 -988,1,0,1719,22.75 -988,2,1,0017,14.03 -988,3,1,1013,10.42 -990,1,0,2345,13.3 -990,2,1,0230,9.1 -990,3,1,0815,7.9 -990,4,1,1510,8.9 -991,1,0,1634,15.1 -992,1,0,1848,14.7 -993,1,0,2057,7.8 -993,2,0,2251,7.2 -993,3,0,2353,7.5 -994,1,0,1951,6.9 -995,1,0,1935,16.5 -996,1,0,1955,12.9 -997,1,0,2313,10.3 -999,1,0,2109,6.9 -1000,1,0,0240,6.3 -1001,1,0,1902,14.5 -1001,2,0,2345,20.4 -1001,3,1,0235,15.2 -1001,4,1,0805,15.4 -1002,1,0,2137,7.8 -1002,2,1,0510,11.7 -1002,3,2,0759,8.5 -1003,1,0,1148,14.5 -1004,1,0,2310,9.3 -1006,1,0,2015,12.8 -1006,2,0,2135,16.8 -1006,3,1,0105,14.1 -1006,4,1,0400,10.3 -1007,1,0,1940,8.6 -1008,1,0,2109,11.4 -1009,1,0,1410,14.5 -1011,1,1,0545,14.5 -1012,1,0,1652,13.5 -1013,1,0,2020,10.6 -1013,2,1,0430,12.8 -1013,3,2,0420,11.3 -1015,1,0,1920,13.8 -1015,2,0,2025,17.4 -1015,3,0,2220,15.6 -1018,1,0,2027,22.1 -1020,1,0,1117,8.77 -1021,1,0,1551,10.4 -1023,1,0,2025,7.7 -1025,1,0,1820,16.9 -1025,2,1,1405,12 -1025,3,1,1921,10.8 -1026,1,1,0045,11.38 -1027,1,0,0938,6 -1028,1,0,1800,9.5 -1028,2,0,1915,8.4 -1028,3,0,2110,9.4 -1030,1,0,1951,8.7 -1030,2,1,0430,11 -1030,3,2,0350,6.3 -1032,1,0,2016,13.5 -1034,1,0,1700,17.4 -1035,1,0,1547,8.9 -1035,2,1,0706,6.9 -1035,3,2,0815,12 -1035,4,3,0400,6.9 -1036,1,0,0203,8.6 -1038,1,0,2001,18.9 -1038,2,0,2306,17.3 -1038,3,1,0422,15 -1038,4,1,1012,5.9 -1039,1,0,2200,23.1 -1039,2,1,0600,15.3 -1041,1,0,1135,7.5 -1041,2,1,0105,7.4 -1041,3,1,0954,6.8 -1042,1,0,2255,12.4 -1043,1,0,1843,11.3 -1044,1,0,1700,11.8 -1044,2,1,0615,12.2 -1044,3,2,0530,12.1 -1044,4,3,0555,8.4 -1047,1,0,1853,9.3 -1048,1,0,2007,15.9 -1049,1,0,1839,15 -1049,2,1,1100,10.7 -1050,1,0,2150,13.7 -1050,2,0,2301,14.5 -1051,1,0,0738,11.18 -1053,1,0,2024,8.7 -1053,2,0,2045,10.7 -1054,1,0,1016,16.1 -1056,1,0,1824,6.6 -1057,1,0,0331,8.2 -1060,1,0,1730,9.49 -1061,1,0,1539,8.94 -1062,1,0,1945,10 -1065,1,0,1930,10.5 -1065,2,0,2150,12.9 -1065,3,1,1708,7.1 -1065,4,1,2045,7.4 -1067,1,0,1920,10.2 -1068,1,0,1450,7.6 -1068,2,0,1625,10.7 -1068,3,0,1820,10.8 -1071,1,0,2005,6.9 -1071,2,1,1107,7.7 -1074,1,0,0857,4.8 -1075,1,0,1254,10.2 -1076,1,0,1838,10.8 -1078,1,0,2310,10.5 -1080,1,0,0059,26.2 -1082,1,0,1916,10 -1084,1,2,0625,15.4 -1085,1,0,1601,8 -1087,1,0,2355,6.47 -1088,1,0,1747,16.1 -1091,1,0,1746,13 -1091,2,0,1828,19.4 -1091,3,0,1956,20.6 -1093,1,1,1815,8.5 -1093,2,3,0530,6.3 -1093,3,4,0625,4.6 -1095,1,0,1140,13.2 -1095,2,0,1301,10.6 -1095,3,1,0240,11.9 -1097,1,0,1937,8.4 -1098,1,0,0316,12.4 -1098,2,0,0716,6.8 -1098,3,0,1306,5.6 -1098,4,1,0610,4.2 -1099,1,0,1820,15.6 -1100,1,0,0120,5.2 -1100,2,0,0300,9.4 -1100,3,0,0536,7 -1100,4,0,1550,4.9 -1101,1,0,1331,11.96 -1102,1,0,1420,24.9 -1102,2,0,1530,12.7 -1102,3,0,1945,23.5 -1102,4,1,0217,26 -1103,1,0,1420,7.6 -1104,1,0,1610,6.6 -1104,2,1,0045,7.8 -1104,3,1,1200,6.3 -1104,4,2,0730,6.1 -1105,1,0,2143,17.8 -1105,2,1,0013,12.2 -1105,3,1,0250,9.3 -1105,4,1,0921,7.9 -1106,1,0,1520,11.1 -1106,2,0,1746,14.7 -1106,3,0,2051,11.2 -1109,1,0,1557,15.6 -1109,2,0,1656,16.8 -1109,3,0,1900,14.3 -1109,4,1,0348,7.8 -1110,1,0,1717,17 -1110,2,0,2227,19.5 -1110,3,1,0958,12.8 -1110,4,1,1850,10.5 -1111,1,0,2057,11.4 -1112,1,0,1645,13.5 -1116,1,0,2118,9.4 -1117,1,0,1520,10.6 -1118,1,0,2024,14.9 -1119,1,0,1704,6.3 -1121,1,0,0634,23 -1122,1,0,1615,9.9 -1123,1,0,2052,9.4 -1124,1,0,1759,5.3 -1125,1,0,2218,25.7 -1125,2,1,0350,16.6 -1125,3,1,0930,16.6 -1125,4,1,1620,9.6 -1128,1,0,2305,10.6 -1129,1,0,1706,11.8 -1132,1,0,2335,11.6 -1134,1,0,0958,9.44 -1136,1,0,1827,16.4 -1139,1,0,2049,12 -1140,1,0,2243,13.5 -1140,2,1,1035,8.9 -1140,3,2,0430,6.4 -1141,1,0,2139,24.2 -1141,2,1,0823,15.9 -1141,3,1,1118,14.4 -1142,1,0,1155,15.6 -1142,2,0,1740,18.1 -1142,3,0,2155,25.5 -1142,4,1,0626,14.5 -1145,1,0,1045,13.8 -1145,2,0,1250,12.5 -1145,3,0,1750,6.4 -1145,4,1,0430,12.1 -1146,1,0,1620,13.2 -1146,2,1,0637,8.3 -1147,1,0,1518,11.6 -1148,1,0,2350,22.4 -1149,1,0,0751,30.44 -1149,2,0,1051,24.62 -1149,3,1,0439,13.21 -1149,4,2,0653,10.56 -1150,1,0,2300,7.4 -1150,2,1,0610,5.9 -1150,3,1,1135,5 -1150,4,2,0409,4.1 -1152,1,0,1711,10.4 -1153,1,1,0625,5.7 -1153,2,0,1250,17.4 -1154,1,0,1540,15.7 -1154,2,1,0505,11.7 -1154,3,1,1135,9.7 -1156,1,0,1051,4.1 -1156,2,1,0415,4 -1157,1,0,0945,6.4 -1157,2,0,1120,5.5 -1157,3,0,1345,8.5 -1159,1,0,1500,19.85 -1159,2,1,0621,8.84 -1160,1,0,1653,23.9 -1160,2,1,0347,9.6 -1160,3,1,1530,8 -1160,4,1,1817,8.9 -1161,1,0,1706,14.9 -1162,1,0,2059,13.1 -1162,2,0,2345,11.1 -1162,3,1,0530,8.5 -1163,1,0,1944,9.1 -1165,1,0,1710,8.8 -1165,2,1,0426,7 -1168,1,0,1220,20.2 -1168,2,2,0415,6.4 -1168,3,3,0407,5.3 -1168,4,4,0614,13.8 -1170,1,0,1800,7.8 -1171,1,0,2212,26.2 -1172,1,0,1133,12.4 -1173,1,0,1540,8 -1173,2,2,0108,6.4 -1174,1,0,2305,6.5 -1175,1,0,1902,18.5 -1175,2,1,0353,11.9 -1175,3,2,2350,16.1 -1177,1,0,1145,4.4 -1179,1,0,1418,19.4 -1181,1,0,2020,12.8 -1181,2,0,2230,18.9 -1181,3,1,0055,13.7 -1181,4,1,0540,10.7 -1182,1,0,1140,19.8 -1185,1,0,1550,8.5 -1189,1,0,1511,6.56 -1190,1,0,2157,15.5 -1191,1,0,2237,6.5 -1192,1,0,2052,7.8 -1193,1,0,1237,7.2 -1193,2,0,1400,7.6 -1194,1,0,1203,6.5 -1195,1,0,1943,13.9 -1196,1,0,1655,20.1 -1196,2,0,1815,16.9 -1196,3,0,1940,14.3 -1196,4,0,2210,11.4 -1197,1,0,1815,5.7 -1198,1,0,1430,33.2 -1198,2,0,1739,22.5 -1198,3,0,2250,16.4 -1198,4,1,0300,14.2 -1199,1,0,1908,14.5 -1201,1,0,1721,14 -1201,2,0,1921,15 -1201,3,1,0211,11 -1202,1,0,0750,10.5 -1202,2,0,1425,14.5 -1203,1,0,1905,12.6 -1204,1,0,2303,13 -1205,1,0,0447,11.7 -1206,1,0,0945,45.2 -1206,2,0,1315,45.3 -1206,3,0,2155,43.5 -1206,4,1,0400,42.4 -1207,1,0,2145,8 -1208,1,0,0910,4.1 -1209,1,0,1720,5 -1209,2,0,1830,5.1 -1209,3,0,2035,6.4 -1210,1,0,1450,6.7 -1211,1,0,1210,5.3 -1211,2,0,1410,12.5 -1211,3,0,1540,12.5 -1213,1,1,1221,35.1 -1213,2,1,1815,13 -1213,3,2,0400,6.8 -1213,4,3,0753,9.6 -1214,1,0,2210,8.5 -1216,1,0,1501,4.16 -1218,1,0,0444,17.9 -1218,2,0,0659,18.1 -1218,3,0,0753,16.8 -1218,4,0,1305,14.3 -1219,1,0,0717,17.1 -1219,2,1,0004,8.1 -1219,3,4,1253,7.8 -1220,1,0,1614,11.6 -1221,1,0,0952,11 -1222,1,0,2140,21.1 -1223,1,0,2357,9.5 -1224,1,0,1828,19.9 -1224,2,0,2345,14.6 -1224,3,1,0453,8.2 -1227,1,0,2016,11.3 -1228,1,0,1334,11.1 -1229,1,0,1917,15.5 -1229,2,1,0500,7.1 -1229,3,2,0600,8.5 -1229,4,3,0500,9 -1230,1,0,1700,17.1 -1230,2,0,1750,16.6 -1230,3,0,1825,18.4 -1230,4,1,0135,10.5 -1231,1,0,1602,14.4 -1232,1,1,0355,12.92 -1232,2,1,1749,11.72 -1232,3,2,0418,9.04 -1233,1,0,1441,6.5 -1234,1,0,2306,18.3 -1234,2,1,0430,19.5 -1234,3,1,1835,15.1 -1234,4,2,0615,16.4 -1235,1,0,1857,7.1 -1235,2,0,2157,9.3 -1239,1,0,2320,13.9 -1239,2,1,0105,12 -1239,3,1,0500,8.2 -1239,4,1,0955,6.3 -1240,1,0,1940,9.1 -1240,2,0,2200,10 -1240,3,0,2330,9.2 -1241,1,0,2025,8.5 -1242,1,0,0855,5.3 -1243,1,0,1510,10.2 -1243,2,0,1605,17.6 -1243,3,0,1810,20.8 -1244,1,0,2000,9.1 -1245,1,0,1907,10.9 -1246,1,0,1930,15.3 -1246,2,0,2124,31.5 -1246,3,1,0830,12.2 -1246,4,2,1057,11.4 -1247,1,0,1955,7.2 -1249,1,0,2115,7.3 -1249,2,1,0944,9.3 -1250,1,0,1700,16.3 -1250,2,1,0001,9.9 -1250,3,1,0650,7.5 -1250,4,1,1508,6.6 -1251,1,0,1411,7.1 -1253,1,0,1014,14.9 -1254,1,0,2256,9.6 -1257,1,0,2330,21.9 -1261,1,0,1435,8.9 -1261,2,0,2215,3.7 -1261,3,1,0030,5.9 -1261,4,2,0510,6.8 -1263,1,0,1613,22.2 -1263,2,0,2140,5.5 -1263,3,1,0056,10 -1263,4,1,0615,8.7 -1265,1,0,2000,10.7 -1265,2,1,0220,14.1 -1265,3,1,0540,10.9 -1265,4,1,1125,11.7 -1267,1,2,0535,8.3 -1269,1,0,2259,14.8 -1271,1,0,1926,12.3 -1272,1,0,1915,9.22 -1272,2,1,0535,11 -1272,3,2,0421,9.69 -1272,4,3,0546,11.57 -1273,1,0,2130,7.8 -1275,1,0,2036,16.3 -1275,2,1,0439,20.2 -1275,3,2,0440,10.5 -1275,4,3,0400,14.7 -1277,1,0,1857,12.55 -1279,1,0,1802,9 -1279,2,0,1947,10.4 -1279,3,0,2126,9.6 -1279,4,2,0635,5.9 -1280,1,0,1909,29.5 -1280,2,0,2100,21.6 -1280,3,0,2330,23 -1280,4,1,0420,22.2 -1281,1,0,1925,15.3 -1282,1,0,1828,10.5 -1282,2,0,2035,11.2 -1282,3,0,2235,11.3 -1282,4,1,0705,8.4 -1283,1,0,1445,22.5 -1283,2,0,1600,25 -1283,3,1,0005,11 -1283,4,1,0550,9.2 -1284,1,0,1808,13.2 -1285,1,0,2141,25.5 -1286,1,0,1845,6.6 -1288,1,0,1706,17.8 -1289,1,1,0350,6 -1289,2,2,1515,9 -1289,3,3,0500,7.6 -1289,4,7,1900,8.7 -1290,1,0,1425,9.8 -1291,1,0,1655,6.8 -1292,1,0,0655,14.4 -1292,2,0,0825,11.3 -1292,3,0,1000,14.7 -1294,1,0,2021,5.6 -1295,1,0,1157,10.76 -1296,1,0,1550,12.7 -1297,1,1,0625,10.3 -1297,2,2,1226,10.2 -1300,1,0,1628,8.8 -1300,2,0,1744,14.1 -1300,3,0,2217,14 -1300,4,1,0425,11 -1302,1,0,1425,9.1 -1303,1,0,1602,12.7 -1305,1,0,1732,8.4 -1306,1,0,2230,6.7 -1306,2,1,0003,5.8 -1308,1,0,0027,17 -1308,2,0,0420,18.9 -1308,3,0,1050,12.3 -1308,4,0,2045,10.3 -1309,1,0,2054,14.8 -1309,2,1,0022,22 -1309,3,1,0209,21.4 -1309,4,1,1030,16.5 -1310,1,0,2140,7.7 -1310,2,0,2225,7.7 -1310,3,1,0000,7.4 -1310,4,1,0430,5.8 -1312,1,0,1711,16.1 -1313,1,0,2214,15.1 -1313,2,1,0148,17.6 -1313,3,1,0548,16.9 -1313,4,1,1350,21 -1314,1,0,2140,6.8 -1315,1,0,2130,22.7 -1320,1,0,2136,16.1 -1321,1,0,1734,24 -1321,2,1,0344,20.3 -1321,3,1,1810,30.7 -1321,4,2,0352,25.4 -1322,1,0,0056,19.1 -1322,2,0,0136,18.1 -1323,1,0,1526,12.3 -1324,1,0,2037,15.1 -1324,2,1,0410,13.3 -1325,1,0,1844,7 -1326,1,0,1530,12.9 -1328,1,0,2228,13.1 -1330,1,0,1700,10.9 -1331,1,0,1614,13.9 -1332,1,0,1409,6.5 -1334,1,0,0855,10.6 -1335,1,0,1646,7.8 -1336,1,0,1115,11.4 -1336,2,0,1300,5.8 -1336,3,0,1540,4.8 -1336,4,0,2330,4.4 -1338,1,0,1838,14.9 -1338,2,1,0944,14.7 -1338,3,3,1318,11.4 -1338,4,5,0902,8.5 -1341,1,0,0745,9.1 -1346,1,1,0430,10.4 -1347,1,0,1100,7.3 -1349,1,0,1831,8.9 -1349,2,0,2018,9.6 -1349,3,0,2106,8.5 -1350,1,0,0914,7.9 -1352,1,0,1825,20 -1352,2,1,0131,15.2 -1352,3,1,0756,12.7 -1352,4,1,1337,13.6 -1354,1,0,2216,7.6 -1354,2,1,0656,13.9 -1355,1,0,1854,10.33 -1356,1,0,1613,10.7 -1359,1,2,0604,8.5 -1363,1,0,1348,13.3 -1365,1,0,1805,10.6 -1369,1,0,2206,6.7 -1370,1,0,1800,6.7 -1371,1,0,0020,13.2 -1373,1,0,1047,28.3 -1373,2,0,1635,8.8 -1373,3,1,0848,6.5 -1373,4,2,0045,10 -1374,1,0,1720,7.4 -1374,2,1,0828,6.8 -1375,1,0,0002,9.4 -1376,1,0,0021,15.48 -1377,1,0,0137,6.3 -1378,1,0,1710,8.4 -1379,1,0,1730,8.4 -1379,2,0,1901,7.8 -1382,1,0,0420,17.3 -1382,2,0,0508,14.1 -1382,3,0,0759,13.2 -1382,4,0,0600,10.3 -1384,1,0,1545,13.9 -1391,1,0,2200,8.6 -1393,1,0,2000,19.4 -1394,1,0,1917,8.7 -1395,1,0,2118,13.6 -1397,1,0,2110,6.4 -1398,1,0,0017,10.4 -1398,2,0,0130,9.8 -1400,1,0,2318,8.7 -1401,1,0,1933,5.7 -1401,2,0,2119,7.8 -1401,3,0,2337,8.5 -1402,1,0,2230,13.7 -1403,1,0,2124,5.2 -1403,2,0,2230,7.6 -1403,3,1,0145,9.5 -1403,4,2,0820,5.3 -1407,1,0,1600,15.7 -1409,1,0,1933,8.9 -1410,1,0,2253,5.5 -1413,1,0,1742,13.8 -1414,1,0,1500,6.4 -1415,1,0,1239,8.01 -1416,1,0,1542,16.8 -1416,2,1,0145,17.4 -1416,3,1,1625,21 -1416,4,1,1815,16.9 -1417,1,0,0526,8.1 -1417,2,0,0627,8 -1418,1,0,1430,31.5 -1418,2,0,1445,28.5 -1418,3,0,1520,24.1 -1418,4,0,1625,23.4 -1421,1,0,1310,7.5 -1422,1,0,2200,16.7 -1424,1,0,2315,12.8 -1424,2,1,0604,14 -1424,3,2,0510,10.4 -1424,4,3,0430,8.5 -1425,1,0,1650,8.9 -1426,1,0,2040,8.2 -1426,2,0,2330,11 -1426,3,1,1200,8.2 -1427,1,0,1601,14.4 -1429,1,0,1335,13.1 -1430,1,0,1125,5.3 -1432,1,0,2355,10.5 -1434,1,0,2020,19.7 -1436,1,0,1002,16.6 -1436,2,0,1150,14.1 -1436,3,0,1305,12.8 -1436,4,0,1830,12.4 -1437,1,0,1536,13.7 -1440,1,0,1920,20.9 -1440,2,0,2035,19.8 -1440,3,0,2325,13.9 -1440,4,1,0450,7 -1442,1,0,0531,9.3 -1443,1,0,1525,14.4 -1444,1,0,2113,13.4 -1445,1,0,1952,10.35 -1446,1,0,0235,12.3 -1446,2,0,0335,15.7 -1446,3,0,0540,15 -1446,4,0,1600,11 -1447,1,0,1419,14.6 -1447,2,1,0750,11 -1448,1,0,1845,28.4 -1448,2,1,0605,18.8 -1448,3,4,0800,7 -1449,1,0,2255,5.2 -1449,2,1,0200,5.4 -1449,3,1,0530,5.1 -1450,1,0,2157,9.7 -1453,1,0,1719,9.41 -1454,1,0,1440,13.8 -1455,1,0,1120,13.7 -1455,2,0,1311,24 -1455,3,0,1432,20.3 -1455,4,1,0125,10.6 -1456,1,0,2044,8.1 -1457,1,0,1723,11.5 -1459,1,0,1709,16.59 -1460,1,0,0319,19.9 -1460,2,0,1945,11.7 -1460,3,1,0625,10.8 -1461,1,0,1710,14.9 -1464,1,0,1635,18.7 -1465,1,0,2109,21.7 -1465,2,1,0430,9.9 -1465,3,1,0945,10.2 -1465,4,1,1600,11.8 -1466,1,0,1457,18.59 -1469,1,0,1339,4.8 -1471,1,0,2027,12.2 -1472,1,0,2043,16.1 -1474,1,0,2106,10.2 -1476,1,0,1748,11.3 -1477,1,0,1818,13.5 -1478,1,0,1312,8.6 -1480,1,0,1506,7.1 -1482,1,0,0750,5.9 -1485,1,0,1440,13.3 -1486,1,0,2337,21.6 -1486,2,1,0120,18.8 -1486,3,1,0345,16.4 -1486,4,1,1005,14.9 -1487,1,0,2230,12 -1489,1,0,2230,13.3 -1490,1,0,1845,6.9 -1490,2,0,1950,6.2 -1490,3,0,2150,6.9 -1490,4,1,0430,6.6 -1491,1,0,1352,5.6 -1492,1,0,1430,3.9 -1494,1,0,2005,15.9 -1494,2,0,2125,16.2 -1496,1,0,1157,17.86 -1496,2,0,2000,13.66 -1497,1,0,1828,8.2 -1498,1,0,2302,11.4 -1499,1,0,2209,11.6 -1500,1,0,1349,4.8 -1502,1,0,1050,12 -1503,1,0,2112,6.6 -1505,1,0,1030,8 -1506,1,1,0000,18.3 -1506,2,1,0145,16.5 -1507,1,0,1646,8.4 -1507,2,1,0300,14.4 -1507,3,1,0950,11.7 -1508,1,1,0005,8.3 -1509,1,0,1630,7.2 -1509,2,1,1155,7.6 -1510,1,0,1352,7.3 -1510,2,1,0600,6.6 -1510,3,2,0610,5.2 -1510,4,3,0700,4.1 -1512,1,0,1503,6.29 -1513,1,0,2149,24.7 -1514,1,0,1540,8.6 -1514,2,0,1807,14 -1514,3,1,0220,8.5 -1514,4,2,1110,7.5 -1518,1,0,1807,9 -1518,2,1,0118,11.8 -1518,3,1,0849,7.9 -1521,1,0,1244,5.8 -1522,1,0,2047,4.8 -1523,1,0,0926,5.8 -1523,2,0,1038,13.4 -1523,3,0,1234,14.5 -1525,1,0,2053,7.2 -1526,1,0,2306,8.4 -1527,1,1,0003,13.1 -1527,2,1,0116,12.5 -1527,3,1,0353,13.2 -1527,4,1,0754,10.1 -1528,1,0,1523,18.3 -1528,2,1,0632,9.8 -1528,3,1,1631,7.6 -1528,4,2,0631,7.9 -1529,1,1,0648,9.3 -1530,1,1,1220,8.1 -1531,1,0,1935,9.6 -1532,1,0,2354,8.8 -1533,1,0,1940,11.4 -1534,1,0,1346,4.5 -1535,1,0,1731,13.1 -1536,1,0,1400,13.5 -1538,1,0,1733,13.2 -1538,2,1,0545,10.6 -1539,1,0,1516,5.5 -1540,1,0,1850,27.7 -1540,2,0,2026,25.5 -1540,3,1,0023,16.5 -1540,4,1,0800,15 -1542,1,0,1450,7.7 -1543,1,0,1815,14.1 -1544,1,0,1430,7.4 -1545,1,0,1620,12.9 -1546,1,0,1815,17.4 -1546,2,1,0105,25.8 -1546,3,1,0415,17.3 -1546,4,1,0238,8.7 -1547,1,0,1931,6.4 -1549,1,0,1705,11.2 -1549,2,1,0410,9.7 -1550,1,0,1720,20.9 -1551,1,0,2043,8.7 -1552,1,0,1345,14 -1552,2,1,1220,7.7 -1552,3,2,0500,8.1 -1553,1,0,1013,4.9 -1554,1,0,0105,8.5 -1555,1,0,1534,10.04 -1555,2,1,0840,34.2 -1556,1,0,1921,9.1 -1557,1,0,1520,5.8 -1559,1,0,1200,11 -1559,2,0,2100,19.4 -1564,1,0,2039,6 -1564,2,0,2240,6.3 -1565,1,0,2224,10.3 -1566,1,0,0759,23.1 -1566,2,0,2035,17.8 -1566,3,1,0810,9.7 -1567,1,1,0137,12.7 -1567,2,2,1100,6.8 -1567,3,3,1108,6.2 -1569,1,0,1916,21.6 -1570,1,0,1709,6.5 -1574,1,0,1715,12.9 -1574,2,0,1740,7.7 -1574,3,0,2220,11.6 -1574,4,1,0250,9.2 -1575,1,0,1830,13.7 -1575,2,1,0326,9.5 -1578,1,0,1059,6 -1582,1,1,0100,6.6 -1583,1,0,2145,6 -1583,2,0,2311,8.5 -1583,3,1,0415,8.6 -1584,1,0,1615,7.3 -1584,2,0,2030,12.2 -1584,3,1,0001,8.7 -1584,4,1,0525,8.5 -1585,1,0,1355,13.5 -1587,1,0,1940,11.19 -1587,2,5,1707,9.15 -1588,1,0,1002,12.67 -1589,1,0,2055,14 -1590,1,0,0828,5.6 -1591,1,0,1520,7.1 -1592,1,0,1615,7.5 -1594,1,0,0231,12.1 -1595,1,0,1249,5.1 -1597,1,0,1257,6.7 -1598,1,1,0000,6.7 -1600,1,0,1156,8.3 -1601,1,1,0744,5 -1602,1,1,0052,17.2 -1602,2,2,0436,18.1 -1602,3,2,0700,19.1 -1602,4,3,0423,21 -1603,1,0,0015,7 -1605,1,0,1450,12.1 -1606,1,0,1826,6.1 -1606,2,1,1131,6.9 -1606,3,1,1703,6.2 -1609,1,0,2118,15.47 -1609,2,1,0132,9.44 -1609,3,1,0644,8.5 -1611,1,0,2225,9.9 -1611,2,1,0557,9.2 -1612,1,0,1711,5.2 -1613,1,0,2005,20.31 -1613,2,1,0938,16.28 -1614,1,0,1645,10.2 -1617,1,0,2105,23.48 -1617,2,1,0143,19.95 -1617,3,1,0632,12.93 -1617,4,1,1030,12.27 -1618,1,0,2227,16.4 -1620,1,0,1712,14.3 -1620,2,0,1930,13.8 -1620,3,0,2130,15.6 -1621,1,0,1930,6.5 -1622,1,0,2335,12.9 -1623,1,0,0030,31.3 -1623,2,0,0847,18.4 -1623,3,1,0340,15.5 -1623,4,2,0450,8.1 -1624,1,0,0645,9.4 -1625,1,0,1145,17.2 -1625,2,0,1420,24.9 -1625,3,0,2035,15.9 -1625,4,1,0100,13.6 -1626,1,0,2043,5.8 -1628,1,0,1730,12.1 -1628,2,0,2125,14.7 -1631,1,0,1605,9.8 -1632,1,0,2137,15 -1633,1,0,1615,19.7 -1633,2,0,1805,19.6 -1633,3,0,1903,17.7 -1633,4,1,0250,13.8 -1634,1,0,2139,10.3 -1636,1,0,1108,9.3 -1637,1,0,1130,6.8 -1637,2,0,1150,6 -1638,1,0,2308,8.9 -1638,2,1,0710,6.2 -1639,1,0,1340,8.91 -1640,1,0,0950,7.2 -1644,1,0,1837,8.5 -1645,1,0,2042,13.3 -1647,1,1,0826,8.6 -1648,1,0,1433,6.9 -1649,1,0,1905,22 -1649,2,1,0615,12.7 -1649,3,2,0550,8.4 -1653,1,0,0832,13.1 -1653,2,1,0330,8.8 -1654,1,1,0400,8.7 -1654,2,5,0415,9.7 -1654,3,6,0404,12.7 -1655,1,0,1424,6.3 -1656,1,0,1256,14.5 -1656,2,0,1432,21.9 -1657,1,0,0600,8.8 -1657,2,0,0745,9.2 -1657,3,0,0915,9.4 -1659,1,0,1215,9.5 -1660,1,0,2311,11.6 -1662,1,0,0500,6.7 -1663,1,1,0015,24.6 -1663,2,1,0825,11.4 -1664,1,0,2246,23.1 -1665,1,0,2005,17.7 -1665,2,0,2049,17.7 -1665,3,0,2242,17.4 -1665,4,0,2345,17.3 -1669,1,0,1856,10.8 -1670,1,0,1750,7.9 -1671,1,0,1530,7.1 -1673,1,0,2217,11.2 -1674,1,0,1820,15.5 -1675,1,0,2303,9.6 -1675,2,1,0220,13.2 -1676,1,0,1920,18.8 -1676,2,2,0851,10.8 -1677,1,0,2346,8.3 -1679,1,0,0845,20.2 -1679,2,0,1835,11.8 -1679,3,1,0608,8 -1679,4,1,1940,9.7 -1680,1,1,0700,10.8 -1681,1,0,0246,4.6 -1683,1,0,2015,9.1 -1683,2,0,2245,9.1 -1683,3,1,0030,9.4 -1684,1,0,1725,13.8 -1685,1,0,0910,6.8 -1686,1,0,1300,10.9 -1687,1,0,2144,13 -1687,2,1,0434,12.2 -1687,3,1,1801,12.8 -1687,4,2,0455,11.1 -1688,1,0,0356,6.9 -1690,1,0,0223,10.52 -1691,1,0,2125,17.7 -1691,2,1,1043,8.8 -1692,1,0,1910,28.3 -1692,2,0,2137,23.9 -1692,3,1,0005,11.2 -1692,4,1,0130,11.7 -1696,1,0,1659,13.67 -1697,1,0,1855,10.7 -1698,1,0,1908,8.9 -1701,1,0,1636,6.7 -1702,1,0,1650,8.9 -1704,1,0,1646,11.5 -1707,1,0,1010,10.7 -1707,2,1,0400,13.7 -1708,1,0,1830,12.2 -1709,1,0,0450,18.3 -1709,2,1,0520,13.9 -1709,3,2,0550,11.8 -1709,4,3,0550,10.6 -1711,1,0,1400,13.1 -1711,2,0,1512,12.7 -1711,3,0,1650,11.6 -1712,1,0,1400,16.6 -1712,2,0,1630,21.4 -1712,3,0,1946,19.2 -1712,4,1,0825,8.2 -1713,1,0,2023,7.4 -1713,2,0,2153,8.3 -1714,1,0,1736,7.2 -1715,1,0,1631,14.2 -1716,1,0,1800,16.1 -1722,1,0,1634,13.6 -1723,1,2,0815,11.1 -1723,2,4,0435,7.5 -1723,3,5,0450,7.6 -1724,1,0,2230,6.8 -1725,1,0,2345,15.7 -1725,2,1,0050,22.5 -1725,3,1,0249,22.8 -1725,4,1,0415,21 -1726,1,0,2216,16.1 -1727,1,0,1755,23.6 -1727,2,1,0715,18 -1728,1,0,1033,11.6 -1729,1,0,1940,11 -1730,1,0,0625,8 -1732,1,0,0230,5.7 -1734,1,1,0030,21.3 -1734,2,1,0450,18.9 -1734,3,2,1408,16.2 -1734,4,3,0345,15.7 -1735,1,0,2200,14.4 -1735,2,1,0440,14.9 -1735,3,2,0400,13.9 -1735,4,3,0415,5.5 -1736,1,0,1335,6.6 -1739,1,1,0658,10.9 -1740,1,0,1642,8.3 -1740,2,0,1806,13.6 -1740,3,0,1924,14.8 -1740,4,1,0105,11.1 -1744,1,0,1633,16.3 -1745,1,0,1717,10 -1745,2,1,0425,9.2 -1747,1,0,1935,18.2 -1748,1,0,2223,25.1 -1748,2,1,0459,20.5 -1749,1,0,1931,4.6 -1750,1,0,0214,9.31 -1756,1,0,2045,14.7 -1757,1,0,2256,7.2 -1757,2,1,1603,5.9 -1758,1,0,1633,6.46 -1759,1,0,1953,9.5 -1760,1,0,1955,7.7 -1760,2,1,0310,11.4 -1760,3,1,0936,9.3 -1760,4,1,1734,8.3 -1761,1,0,2036,10.4 -1761,2,1,0430,12 -1761,3,2,0450,6.9 -1763,1,0,1337,6 -1764,1,0,2106,27.1 -1764,2,0,2344,18.3 -1764,3,1,0230,10.6 -1764,4,1,0430,9 -1766,1,0,1632,8.9 -1767,1,0,1930,14.9 -1767,2,0,2050,10.2 -1767,3,1,0600,15.8 -1768,1,0,1629,20.1 -1770,1,0,1922,19.1 -1770,2,1,0158,12.5 -1770,3,1,0547,13.1 -1770,4,1,1831,16.8 -1775,1,0,1818,15.8 -1775,2,0,2007,13.6 -1775,3,1,0112,11.2 -1775,4,1,1045,10.7 -1776,1,0,1714,7.6 -1777,1,0,1935,13.2 -1783,1,0,1651,9.1 -1783,2,0,1810,11.7 -1783,3,0,1950,13.6 -1784,1,0,0929,8 -1785,1,0,1325,14.9 -1785,2,2,0650,8.5 -1786,1,0,1220,13.1 -1787,1,0,0405,17 -1789,1,0,2020,16.2 -1790,1,0,1956,17.5 -1790,2,0,2317,11.6 -1790,3,1,0345,5.6 -1790,4,2,0354,13 -1792,1,0,2244,6.3 -1793,1,0,1929,27.3 -1793,2,1,0600,8.5 -1794,1,0,1740,14.6 -1794,2,0,2000,15.8 -1794,3,0,2140,15.4 -1795,1,0,1100,8.1 -1796,1,0,1500,8.6 -1797,1,0,2042,19.1 -1799,1,0,1426,10 -1800,1,0,1517,7.9 -1802,1,0,2117,7.2 -1804,1,0,1749,9.9 -1805,1,0,1742,14.3 -1806,1,0,1910,18.43 -1806,2,1,0711,14.78 -1807,1,0,2003,9.1 -1810,1,0,0757,6.8 -1811,1,0,1740,6.5 -1811,2,0,1918,12.5 -1812,1,0,1752,12.6 -1813,1,0,1740,5.4 -1814,1,0,1346,6.2 -1816,1,0,1646,11.3 -1816,2,0,1844,9.7 -1816,3,0,2007,10.7 -1816,4,1,0625,6.6 -1817,1,0,1545,4.4 -1817,2,1,0535,6.9 -1817,3,2,0435,9.7 -1817,4,3,0345,12.3 -1819,1,0,2350,11.1 -1819,2,1,0215,16.4 -1820,1,0,1840,8.9 -1822,1,0,0220,17.8 -1823,1,0,1627,9.9 -1824,1,0,1300,14.1 -1824,2,0,1415,8.5 -1824,3,1,0330,8.8 -1825,1,0,0938,19.77 -1828,1,0,2130,12 -1828,2,0,2231,10.5 -1828,3,1,0245,7 -1828,4,1,0855,7.3 -1829,1,0,1739,19.9 -1831,1,0,2304,11.6 -1833,1,0,2016,9.8 -1834,1,0,0825,20.4 -1834,2,0,0925,19.2 -1834,3,0,1300,17.2 -1834,4,0,1545,12.4 -1835,1,0,2300,12.7 -1835,2,0,2300,14.7 -1835,3,1,0158,6.7 -1835,4,1,0321,10.4 -1836,1,0,1013,8.5 -1837,1,0,1938,16.2 -1838,1,0,2325,9 -1839,1,0,1532,12.61 -1840,1,0,1750,12.2 -1841,1,0,1745,6.1 -1843,1,0,2230,6.4 -1845,1,0,1545,9.08 -1846,1,0,1121,9.3 -1846,2,0,1755,7.4 -1849,1,0,2008,9.4 -1851,1,0,1740,10.2 -1851,2,0,1903,10.8 -1851,3,0,2157,14 -1854,1,0,1938,19.12 -1855,1,0,1615,12 -1855,2,0,1818,20.7 -1855,3,0,1915,15.9 -1855,4,0,2320,11.3 -1856,1,0,2350,7.1 -1859,1,0,1200,14.7 -1859,2,1,2315,17.1 -1859,3,2,0435,12.5 -1860,1,0,1119,9.02 -1860,2,1,0701,13.03 -1861,1,0,1520,13.5 -1863,1,0,0922,7.1 -1866,1,0,1836,5.3 -1869,1,0,1604,4.7 -1870,1,0,1025,13.2 -1870,2,1,0500,11 -1871,1,0,1925,11 -1873,1,0,1818,6.4 -1874,1,0,2040,14.5 -1876,1,0,2115,8.9 -1878,1,0,1052,6.2 -1879,1,0,1215,6.8 -1880,1,0,0205,13.6 -1881,1,0,0145,6.2 -1882,1,0,2200,6.6 -1882,2,1,0247,9.2 -1883,1,0,2020,13.7 -1884,1,1,0030,10.7 -1886,1,0,1355,9.2 -1889,1,0,0847,6.1 -1889,2,0,1256,8.2 -1889,3,0,2010,7.8 -1890,1,0,1730,17.8 -1890,2,0,1820,14 -1890,3,0,1950,14 -1890,4,1,0200,10.4 -1891,1,0,2335,9.1 -1892,1,0,1058,11.5 -1893,1,2,0650,8.3 -1894,1,0,1940,13.2 -1894,2,1,0005,12.5 -1894,3,2,0600,7.8 -1894,4,3,0720,5.8 -1895,1,0,2134,13.4 -1896,1,0,0302,8.8 -1897,1,0,1800,12.2 -1899,1,1,0009,14.05 -1899,2,1,0645,13.91 -1899,3,1,1300,11.29 -1900,1,0,2352,13.18 -1900,2,2,0606,11.23 -1902,1,0,2002,7.8 -1902,2,1,0849,8 -1904,1,0,2030,9.88 -1906,1,1,0750,13.8 -1907,1,0,2147,8.3 -1908,1,0,1755,9.5 -1909,1,0,2107,17.3 -1909,2,1,0027,15.8 -1909,3,1,0443,10.4 -1909,4,1,1340,11.2 -1910,1,0,2028,20.9 -1911,1,0,2030,19.5 -1912,1,0,1717,11.5 -1913,1,0,1631,12.7 -1915,1,0,2030,17.2 -1916,1,0,1715,8 -1916,2,0,1815,9.6 -1916,3,0,2100,10.8 -1918,1,1,0052,9.86 -1920,1,0,1338,7.6 -1921,1,0,1829,25.7 -1921,2,1,1049,15.9 -1923,1,0,2055,8.7 -1923,2,1,0545,5.9 -1925,1,0,1401,11.1 -1926,1,0,0845,16.3 -1929,1,0,1759,15.1 -1930,1,1,1530,10 -1930,2,1,1755,10.8 -1930,3,1,1950,10.9 -1930,4,1,0445,9.1 -1931,1,0,1801,10.2 -1933,1,0,0505,6.6 -1934,1,0,1624,8.1 -1934,2,0,1945,7 -1934,3,0,2105,8 -1935,1,0,1625,5.5 -1937,1,0,1705,8.8 -1943,1,0,1948,13.8 -1944,1,0,1511,11 -1944,2,1,0600,11.4 -1945,1,0,2013,29.7 -1945,2,0,2145,29 -1945,3,0,2315,29 -1945,4,1,0930,9.6 -1947,1,0,0840,5.3 -1948,1,0,1449,6.8 -1948,2,0,1547,7.3 -1949,1,0,1330,9.1 -1949,2,1,0805,10.8 -1952,1,0,1300,11.1 -1953,1,0,1508,15.8 -1953,2,0,2136,21.6 -1953,3,1,0431,13.8 -1953,4,1,0624,13.9 -1955,1,0,2049,10.5 -1956,1,0,1535,19 -1958,1,0,2058,11.1 -1958,2,1,0255,9.15 -1959,1,0,0218,11.1 -1959,2,0,0255,12.4 -1959,3,0,0525,14 -1960,1,0,1425,9.2 -1962,1,0,0046,12.63 -1964,1,0,2205,7.1 -1965,1,0,1715,8.6 -1966,1,0,1745,13.9 -1969,1,0,0416,11.2 -1971,1,0,1236,4.24 -1977,1,0,1633,8.6 -1977,2,0,1752,10.7 -1978,1,0,1728,7.8 -1978,2,0,1836,7.8 -1978,3,0,1927,17.5 -1978,4,0,2042,15.1 -1979,1,0,2000,9.5 -1980,1,0,2057,9.2 -1981,1,0,2100,12.1 -1981,2,0,2220,16.4 -1981,3,1,0015,15.2 -1982,1,0,1820,11.7 -1985,1,0,1256,12.63 -1985,2,0,1653,7.18 -1985,3,1,0306,16.2 -1985,4,1,0930,19.73 -1986,1,0,2000,6.9 -1986,2,0,2100,8.5 -1987,1,0,2135,21 -1988,1,0,1955,16.3 -1989,1,0,1348,9.5 -1990,1,0,1700,14.4 -1990,2,0,2229,15.3 -1990,3,1,0220,13.8 -1990,4,1,0624,13.4 -1991,1,1,0715,15.2 -1992,1,0,2045,15.8 -1993,1,0,1336,14.5 -1994,1,0,2000,16.4 -1994,2,0,2040,9.9 -1994,3,0,2305,9.1 -1994,4,1,0200,12.6 -1996,1,0,1845,8.4 -1997,1,-1,2355,8.9 -2000,1,0,2059,14.8 -2000,2,1,0635,9.1 -2000,3,1,1243,9.4 -2000,4,1,1900,8.8 -2001,1,0,0145,6.5 -2004,1,0,0100,10.3 -2004,2,0,0240,10.2 -2004,3,0,0340,9.8 -2006,1,0,1932,14.7 -2007,1,0,0411,13.2 -2008,1,1,0600,7.6 -2009,1,0,2225,11.4 -2009,2,0,2305,13.6 -2009,3,1,0158,11.6 -2009,4,1,0815,8.4 -2011,1,0,2144,12.9 -2011,2,1,0424,8 -2011,3,1,1121,7.2 -2011,4,1,1705,5.9 -2012,1,0,1945,11.79 -2014,1,0,0255,6.6 -2015,1,1,0130,8.3 -2015,2,1,0315,10.3 -2015,3,1,0800,11.2 -2015,4,1,1430,10.4 -2016,1,0,2129,9.1 -2019,1,0,1720,13.9 -2019,2,0,2316,16.6 -2019,3,1,0411,14.8 -2020,1,0,2105,17.1 -2020,2,1,0005,14.8 -2021,1,0,1818,13.6 -2022,1,0,1810,16.3 -2022,2,0,2130,14 -2022,3,1,0016,10.4 -2022,4,1,0450,9.2 -2023,1,0,1150,12.3 -2024,1,0,1946,23.94 -2024,2,0,2215,20.06 -2024,3,1,0610,13.37 -2024,4,2,0424,14.2 -2025,1,0,1653,7.3 -2028,1,0,1930,9.2 -2028,2,0,2020,9.8 -2028,3,0,2315,9.8 -2028,4,1,0610,6.2 -2029,1,0,2054,11.3 -2032,1,0,0027,8.3 -2032,2,0,0313,8 -2033,1,0,1925,3.7 -2033,2,1,0030,4.1 -2033,3,1,0155,1.2 -2033,4,1,0420,1.7 -2035,1,1,0315,15.1 -2035,2,1,0600,11 -2035,3,1,0945,8.4 -2035,4,1,1525,8.2 -2037,1,0,1605,9.7 -2037,2,0,1820,16.8 -2037,3,0,2000,21.6 -2038,1,0,1428,8.1 -2038,2,0,1630,11.6 -2038,3,0,1730,9.8 -2039,1,0,2151,20.1 -2041,1,0,1207,9.05 -2043,1,0,1314,20 -2043,2,0,1530,9.6 -2043,3,0,2000,8.1 -2043,4,1,0100,12.2 -2044,1,0,1229,8.1 -2045,1,0,0952,16.4 -2045,2,0,1150,15.6 -2045,3,0,1409,14.8 -2045,4,0,2002,10.6 -2047,1,0,1959,19.1 -2047,2,0,2255,23.4 -2047,3,1,0443,15.5 -2047,4,2,0641,8.5 -2049,1,0,1814,11.8 -2051,1,0,1551,13.2 -2052,1,0,1617,11.7 -2053,1,0,1840,6.5 -2054,1,0,1730,9.8 -2054,2,0,1845,15.2 -2054,3,0,2015,15.3 -2054,4,1,0300,11.4 -2056,1,0,2010,10.1 -2056,2,0,2117,13.9 -2056,3,0,2307,15.5 -2056,4,1,0820,7.4 -2057,1,0,1210,4.8 -2058,1,0,1133,12.6 -2058,2,0,1851,18.2 -2058,3,1,0720,9.8 -2059,1,0,1351,11.1 -2059,2,1,0400,6.7 -2059,3,2,0400,7.3 -2061,1,0,1500,12.9 -2061,2,0,1915,12.6 -2061,3,1,0330,6.9 -2061,4,1,1130,7.6 -2063,1,0,1822,9.4 -2064,1,1,1035,6.1 -2065,1,0,1640,5 -2065,2,0,1745,9 -2065,3,0,1945,8.3 -2066,1,1,0530,10.7 -2067,1,0,1639,11.6 -2069,1,0,1345,16.2 -2070,1,0,2126,17.1 -2070,2,0,2253,15.9 -2070,3,1,0030,14.6 -2071,1,0,1045,9.2 -2071,2,1,0500,9.5 -2071,3,2,0500,7.7 -2073,1,0,2218,5.7 -2074,1,0,0915,22.4 -2074,2,0,1003,27.4 -2074,3,0,1315,19.2 -2074,4,0,2130,15.2 -2075,1,0,2150,9.9 -2075,2,1,0005,19 -2075,3,1,0140,16 -2075,4,1,1040,10.1 -2076,1,0,2121,12.76 -2080,1,0,1932,6.8 -2082,1,1,0004,18 -2082,2,1,0550,9.2 -2082,3,1,0645,9.9 -2082,4,1,0845,12.9 -2083,1,0,1615,16.4 -2084,1,1,0620,11.4 -2086,1,0,1858,10.49 -2087,1,0,1810,6 -2089,1,0,1730,7.6 -2093,1,0,1110,14.6 -2095,1,0,2002,11.9 -2095,2,0,2143,8.8 -2095,3,0,2313,8.2 -2095,4,1,0300,7.4 -2096,1,0,1925,8.64 -2099,1,0,1000,13.8 -2101,1,0,2308,9.8 -2101,2,1,0325,7.8 -2101,3,1,1420,7.9 -2101,4,2,0945,5.56 -2102,1,0,2045,6.7 -2103,1,0,1701,10.2 -2105,1,0,1500,10.1 -2106,1,0,1420,6.3 -2107,1,0,0420,17.9 -2107,2,0,0530,20.3 -2108,1,0,1130,9.1 -2109,1,0,1915,19.27 -2112,1,0,2100,5.5 -2113,1,0,2305,9.2 -2113,2,1,0500,11.9 -2113,3,1,1415,12 -2113,4,1,1955,11.2 -2114,1,0,0023,14.5 -2114,2,0,0630,15.9 -2115,1,0,1828,12.41 -2116,1,0,1059,9.6 -2117,1,0,1425,7.7 -2119,1,0,1815,7.2 -2119,2,0,2020,14.8 -2119,3,0,2220,10.3 -2119,4,1,0400,8.2 -2120,1,0,1333,16.6 -2121,1,0,1720,11.2 -2121,2,1,0540,8.9 -2122,1,0,1400,30.1 -2122,2,0,2020,6.5 -2122,3,1,0210,9.6 -2123,1,0,0102,8.7 -2124,1,0,2126,12.6 -2125,1,0,2308,15.8 -2126,1,0,1029,19.1 -2126,2,0,2200,17.1 -2126,3,1,0653,13.8 -2127,1,0,1551,14.1 -2127,2,1,0616,8.2 -2128,1,0,1230,8.3 -2130,1,0,1710,24 -2131,1,0,2252,7.17 -2132,1,0,0713,6.5 -2132,2,0,0943,5 -2132,3,0,1159,5.5 -2132,4,0,1700,9.8 -2133,1,0,1159,11 -2133,2,0,1300,7.6 -2134,1,0,1355,11.5 -2135,1,0,2251,8.3 -2136,1,0,1530,24.7 -2136,2,0,1755,42.8 -2136,3,0,2113,16.1 -2136,4,1,0246,11.3 -2137,1,0,2232,3.8 -2138,1,0,2308,6.6 -2139,1,0,1724,6.1 -2140,1,0,0130,6.5 -2141,1,0,1825,22.4 -2142,1,0,1650,16.1 -2143,1,0,1434,16.8 -2143,2,1,0357,8.1 -2143,3,2,0421,10.7 -2144,1,0,1832,10.2 -2145,1,0,2130,10.3 -2145,2,0,2355,13.6 -2145,3,1,0800,10.5 -2147,1,0,1715,6.3 -2148,1,0,1845,9.6 -2149,1,0,2100,16.2 -2153,1,0,2141,6.1 -2154,1,0,1408,14.37 -2154,2,1,0706,9.42 -2155,1,0,1653,11.81 -2156,1,0,1434,8.7 -2157,1,0,1851,13.1 -2157,2,1,0522,7.9 -2158,1,0,1850,22.7 -2158,2,1,0307,17.4 -2158,3,1,1450,17 -2158,4,2,0540,13.7 -2159,1,0,1222,12.1 -2159,2,1,0523,7.3 -2159,3,2,0640,5.3 -2159,4,3,0740,4.1 -2162,1,0,1926,13.8 -2163,1,0,2124,12.8 -2164,1,0,1745,5.73 -2166,1,0,2359,14.2 -2169,1,0,1415,10 -2172,1,0,1346,11.4 -2172,2,1,0456,9.3 -2172,3,1,1119,9.1 -2172,4,2,0502,13.2 -2174,1,0,1435,10.9 -2174,2,0,1530,8.3 -2174,3,0,1750,8.9 -2174,4,1,0100,7.2 -2177,1,0,2303,10.4 -2178,1,0,2053,14.9 -2179,1,0,2135,12.2 -2181,1,0,1759,8.5 -2182,1,0,1335,11.5 -2182,2,1,0015,9.9 -2183,1,1,1500,19.3 -2184,1,0,1705,13.2 -2186,1,1,0601,12.4 -2187,1,0,2225,6.6 -2188,1,0,1740,9.8 -2191,1,0,1706,19.2 -2191,2,0,1750,30.3 -2191,3,0,1852,35.7 -2191,4,1,0017,31.7 -2191,5,1,0442,21.2 -2191,6,1,1021,16.5 -2191,7,1,1822,16.3 -2191,8,2,0901,20.6 -2194,1,0,2022,10 -2195,1,0,2023,8.34 -2195,2,1,0652,5.22 -2195,3,5,1235,5.09 -2197,1,0,0955,11.7 -2197,2,0,1155,22.9 -2197,3,0,1535,13.3 -2197,4,0,2100,9.5 -2198,1,0,2151,8.4 -2199,1,0,1730,7.9 -2199,2,0,1923,9.4 -2199,3,0,2043,10.4 -2202,1,1,0010,4.6 -2203,1,0,1045,12.5 -2204,1,0,2131,10.6 -2205,1,0,1850,7.7 -2205,2,0,2000,14 -2206,1,0,2304,19.6 -2207,1,0,0922,6.9 -2207,2,0,1814,11.4 -2207,3,1,0635,12 -2207,4,2,0530,10.8 -2208,1,0,1600,10.3 -2208,2,0,1720,10.9 -2208,3,0,1930,14.6 -2208,4,1,0905,7.7 -2209,1,0,1957,18.1 -2209,2,0,2230,12.8 -2209,3,1,0224,10.3 -2209,4,1,1721,10.2 -2210,1,0,1910,36.3 -2210,2,0,2022,29.4 -2210,3,1,0005,10.9 -2210,4,1,0400,10.2 -2211,1,0,0412,6.4 -2211,2,0,0556,5.4 -2211,3,0,0823,5.4 -2212,1,0,2233,10.6 -2212,2,1,0600,6.4 -2213,1,0,1950,12.9 -2213,2,0,2110,14 -2214,1,0,2115,13.3 -2214,2,1,0500,9.3 -2217,1,0,1341,10.7 -2219,1,0,1135,5.4 -2220,1,0,2222,12.6 -2220,2,0,2355,14.9 -2220,3,1,0300,14.6 -2220,4,1,0400,14.3 -2221,1,0,2250,11.8 -2222,1,0,1108,5 -2223,1,1,0450,12.4 -2223,2,2,0452,13.8 -2223,3,4,0415,8.9 -2223,4,3,0420,11.9 -2224,1,0,1945,22.7 -2225,1,0,1840,5.1 -2225,2,0,2025,5.2 -2226,1,0,0804,13.4 -2226,2,0,1109,9.7 -2226,3,0,1800,9.9 -2226,4,0,2300,8.6 -2227,1,0,1748,7.19 -2228,1,0,0847,6.15 -2230,1,0,1439,9.1 -2230,2,0,1540,15.1 -2230,3,0,1900,13.1 -2230,4,0,2215,10.5 -2231,1,0,2209,6.4 -2233,1,0,1323,6.9 -2236,1,0,1856,8.5 -2237,1,0,1332,12.8 -2237,2,0,1501,11.3 -2237,3,0,1756,9.6 -2237,4,1,0110,7.8 -2238,1,0,2339,5.1 -2240,1,0,2155,12.7 -2240,2,1,0030,15.6 -2240,3,1,0405,10.4 -2241,1,0,1928,8.9 -2244,1,0,1815,13.6 -2245,1,0,1950,11.9 -2245,2,0,2112,14.3 -2245,3,0,2245,13.4 -2246,1,1,0520,10.6 -2247,1,0,1925,5.8 -2248,1,0,1134,7.1 -2250,1,0,1908,7.8 -2251,1,0,2310,8.4 -2251,2,2,0415,8.7 -2251,3,3,0537,11.1 -2251,4,4,0550,9.5 -2253,1,0,0920,8.1 -2253,2,0,2100,9.8 -2253,3,1,0210,6.3 -2253,4,2,0643,6.3 -2258,1,0,2316,9.2 -2258,2,1,0501,7.1 -2258,3,1,1103,6.7 -2258,4,1,2045,9.6 -2259,1,0,1650,17.5 -2260,1,0,1703,17.6 -2260,2,0,2330,14 -2260,3,1,0938,17.2 -2260,4,1,1715,17.7 -2263,1,1,0010,16.2 -2264,1,0,1230,10.1 -2265,1,0,1904,29.5 -2265,2,1,0325,19.3 -2265,3,1,0900,16.6 -2266,1,0,2215,10.9 -2266,2,1,0050,10.3 -2266,3,1,0950,10.9 -2267,1,0,2359,11.3 -2269,1,0,1920,8.4 -2270,1,1,0047,11.3 -2271,1,0,1425,11.9 -2272,1,0,1440,9.1 -2273,1,0,1310,17 -2273,2,0,1415,15.3 -2273,3,0,1521,14.9 -2273,4,1,0030,12.6 -2274,1,0,1418,16.48 -2274,2,1,0445,13.49 -2274,3,2,0435,13.31 -2274,4,6,0600,11.35 -2275,1,1,0200,15.5 -2275,2,2,0600,9.1 -2276,1,0,2010,10.5 -2277,1,0,1630,8.3 -2278,1,0,1711,19 -2278,2,0,1950,23.2 -2278,3,0,2112,19.5 -2278,4,1,0330,14.3 -2279,1,0,1628,7.82 -2280,2,0,1846,4.9 -2281,1,0,2032,18.9 -2282,1,0,1910,13.2 -2286,1,0,2045,15.1 -2286,2,0,2140,16.6 -2286,3,1,0015,14.4 -2286,4,1,0610,9.8 -2287,1,1,0035,12.1 -2290,1,0,2142,12.5 -2290,2,1,0019,12.1 -2290,3,1,0154,13 -2295,1,0,1843,13.5 -2295,2,1,0255,14.3 -2295,3,1,1600,7.4 -2295,4,2,0321,8 -2296,1,0,2128,7 -2297,1,0,1255,11.7 -2297,2,0,1608,13.3 -2298,1,0,1000,8.2 -2298,2,0,1055,8.7 -2298,3,0,1305,8.9 -2301,1,1,0000,7.9 -2301,2,1,0200,6.6 -2302,1,0,1815,10.4 -2302,2,1,0210,7.2 -2303,1,0,1430,6.5 -2305,1,0,2000,7.5 -2307,1,1,0550,10.1 -2307,2,2,0515,11.5 -2310,1,0,1610,10 -2311,1,0,1445,7.5 -2313,1,0,1708,23.2 -2313,2,0,2342,17.1 -2313,3,1,0521,11.7 -2313,4,1,0843,9.2 -2315,1,0,2025,6.3 -2318,1,0,1733,14.4 -2319,1,0,2041,17.8 -2320,1,0,2356,13.9 -2321,1,0,2151,16.7 -2323,1,0,1701,11.2 -2323,2,0,1945,12 -2323,3,0,2359,11.5 -2323,4,1,0400,9.5 -2324,1,0,0150,11.7 -2324,2,0,0725,7.9 -2326,1,0,2056,8.98 -2327,1,0,1718,6.22 -2328,1,0,1450,10.4 -2330,1,1,0915,8.9 -2332,1,0,1940,11.2 -2333,1,0,1151,7 -2336,1,0,1600,7.2 -2336,2,0,1710,9.7 -2336,3,0,1900,9.8 -2337,1,0,1730,10.5 -2337,2,1,0030,16.5 -2337,3,1,0545,15.4 -2337,4,1,1400,15.1 -2338,1,0,2301,12.6 -2339,1,0,2200,10.7 -2339,2,1,0827,8.7 -2340,1,0,2350,20.6 -2340,2,1,0741,22.2 -2340,3,1,1610,16.2 -2340,4,1,2225,14.7 -2342,1,0,1112,23.1 -2343,1,0,0347,11 -2343,2,0,1104,14.9 -2343,3,0,1920,10.9 -2343,4,1,0300,9.3 -2344,1,0,1630,13.1 -2344,2,1,0615,7 -2345,1,0,1900,15.9 -2345,2,0,2017,13.9 -2345,3,1,0130,7.6 -2345,4,1,0915,9.4 -2347,1,0,2035,11.19 -2348,1,0,1943,7.7 -2351,1,0,2320,13.8 -2353,1,0,1452,6.4 -2354,1,0,2350,17.8 -2354,2,1,0640,17.3 -2354,3,1,1310,16.8 -2354,4,1,2040,16.1 -2356,1,0,1657,11.5 -2356,2,2,0452,9.5 -2356,3,3,0450,6 -2357,1,0,1556,9.9 -2359,1,0,1740,8.7 -2359,2,0,1900,10.9 -2359,3,0,2100,11 -2360,1,0,2024,5.6 -2361,1,0,1640,5.8 -2362,1,0,1642,23.3 -2362,2,0,1800,22.9 -2362,3,0,1943,20.8 -2362,4,1,0500,14.2 -2363,1,1,0001,9.4 -2363,2,1,0345,9.9 -2363,3,1,1000,6.6 -2363,4,1,1545,8.1 -2364,1,0,1935,18.6 -2366,1,1,0009,5 -2368,1,0,1220,6 -2369,1,0,2138,14.8 -2371,1,0,1504,11.02 -2371,2,0,1800,14.67 -2371,3,1,0000,12.33 -2371,4,1,0509,11.32 -2372,1,0,1713,6.3 -2373,1,0,1314,6.95 -2374,1,0,1545,13.1 -2374,2,1,0020,12.5 -2374,3,1,0500,15.1 -2374,4,2,0720,13 -2375,1,0,1445,4.6 -2376,1,0,1717,10.6 -2377,1,0,1650,16.6 -2377,2,0,1815,14.6 -2377,3,0,2000,14 -2378,1,0,2005,6.4 -2379,1,0,1837,10.7 -2381,1,0,2115,13.5 -2381,2,0,2240,10.9 -2381,3,1,0115,9.6 -2381,4,1,0620,8.7 -2383,1,0,1240,5.7 -2384,1,0,1827,10.6 -2384,2,1,0400,9.6 -2385,1,0,1609,8.4 -2386,1,0,2152,8.5 -2387,1,0,0450,8.2 -2387,2,0,0643,10 -2387,3,0,0755,10.4 -2387,4,0,1900,7.3 -2388,1,0,1525,7.7 -2389,1,0,1550,10.4 -2390,1,0,1702,17.8 -2390,2,1,0347,16.5 -2391,1,0,2056,13.7 -2392,1,0,2120,22.4 -2392,2,1,0550,15 -2392,3,2,0249,9.9 -2393,1,0,2007,11.7 -2394,1,0,1914,17.7 -2395,1,0,0835,8.4 -2396,1,0,1858,10.5 -2397,1,0,1800,5.1 -2399,1,0,1810,9.6 -2400,1,0,1942,12.6 -2400,2,1,0234,18.9 -2400,3,1,1042,16.7 -2401,1,0,2100,17.5 -2401,2,1,0735,13.6 -2402,1,0,1521,8.77 -2402,2,1,0139,8.2 -2402,3,1,0754,7.96 -2403,1,0,0107,8.3 -2404,1,0,1415,7 -2405,1,0,1910,9.3 -2409,1,0,2018,9.2 -2409,2,0,2133,11.1 -2409,3,0,2312,14.6 -2411,1,0,1714,11 -2411,2,0,1831,11.7 -2411,3,0,2028,13.8 -2412,1,0,1741,8.1 -2413,1,0,2000,7.1 -2414,1,0,2143,12.6 -2416,1,0,1550,9.3 -2417,1,0,1920,9.8 -2417,2,0,2110,7.8 -2417,3,0,2330,8 -2418,1,0,0315,17.18 -2421,1,0,2031,11.8 -2423,1,0,1757,5.3 -2424,1,0,2004,8.1 -2425,1,0,0055,13.8 -2426,1,0,1905,21.6 -2426,2,1,0610,9.88 -2426,3,1,1433,8.57 -2426,4,2,0602,9.97 -2427,1,0,0301,10.2 -2428,1,0,2125,14.9 -2430,1,0,2210,16.1 -2431,1,0,2130,9.7 -2431,2,0,2325,10.5 -2431,3,1,0030,8.6 -2431,4,1,1000,6.9 -2434,1,0,1620,11.6 -2435,1,0,1658,6.2 -2436,1,1,0600,7.3 -2437,1,0,2127,9.7 -2438,1,0,1833,12 -2438,2,1,0123,10.4 -2445,1,0,1458,13.1 -2445,2,0,2308,12.3 -2446,1,0,1700,4.9 -2446,2,2,1717,7.6 -2447,1,0,1834,7.2 -2448,1,0,0130,23.8 -2448,2,0,1003,16.7 -2448,3,1,0700,6 -2448,4,5,0650,5.5 -2449,1,0,1958,11.4 -2450,1,0,0354,11.1 -2451,1,0,1020,7.4 -2453,1,0,0123,8.4 -2453,2,0,0933,8.8 -2455,1,0,0144,8.8 -2456,1,0,1537,7.6 -2457,1,0,1734,7.3 -2458,1,0,2232,17.2 -2459,1,0,1405,7.3 -2460,1,0,2036,10.2 -2462,1,0,1713,14.8 -2462,2,1,1338,12.3 -2462,3,5,0529,9.4 -2463,1,0,1700,12.2 -2463,2,0,1815,13.6 -2463,3,0,2000,12.1 -2463,4,0,2250,12.4 -2464,1,0,1135,20 -2464,2,0,1706,14.9 -2464,3,0,1810,15.4 -2464,4,1,0020,10.1 -2466,1,0,2330,5.4 -2467,1,0,0735,14.8 -2467,2,0,1015,13.2 -2467,3,0,1240,11.9 -2467,4,0,1800,8.9 -2468,1,0,0314,23.4 -2468,2,0,0630,30 -2468,3,0,1000,35.3 -2468,4,0,1630,35.6 -2471,1,0,1730,6.3 -2474,1,0,1256,18.6 -2475,1,0,2154,13.5 -2475,2,1,0001,12.7 -2475,3,1,0133,12.1 -2476,1,0,0228,14.28 -2477,1,0,0551,21.2 -2478,1,0,2008,15.3 -2478,2,1,0330,13.2 -2478,3,1,1425,10.5 -2478,4,2,0446,10.3 -2479,1,0,1722,9.3 -2481,2,1,0225,9.7 -2482,1,0,1911,23.8 -2482,2,0,2307,11.4 -2482,3,1,0341,6.9 -2482,4,1,1247,9.6 -2484,1,0,1541,6.8 -2485,1,0,2152,12.8 -2486,1,0,2105,22.8 -2490,1,1,0011,8.6 -2491,1,2,0530,15.7 -2491,2,3,0400,14.5 -2491,3,4,0345,11.3 -2491,4,5,0545,10.1 -2492,1,0,0808,12.93 -2492,2,0,2251,11.86 -2492,3,1,1135,13.98 -2492,4,2,0530,12.25 -2494,1,0,1650,8.4 -2495,1,0,1213,7.5 -2496,1,0,2003,10.8 -2496,2,1,0007,15.6 -2496,3,1,0415,12.2 -2496,4,2,0807,7.1 -2497,1,0,2030,7.1 -2497,2,0,2130,8.4 -2497,3,0,2320,12 -2498,1,0,1900,13.8 -2498,2,1,0630,10.5 -2501,1,0,2038,16.9 -2502,1,0,0900,6 -2502,2,0,1105,7 -2502,3,0,1200,7 -2503,1,1,0500,17 -2503,2,4,0720,6.8 -2505,1,0,1843,9.9 -2507,1,0,1251,5.8 -2508,1,0,1558,7.7 -2509,1,0,1904,15.6 -2509,2,1,0924,6.5 -2511,1,0,1539,36.8 -2511,2,0,2031,11.2 -2511,3,1,0015,8.2 -2511,4,1,0420,7.5 -2512,1,0,1748,16.6 -2512,2,0,2129,19.7 -2512,3,0,2324,16 -2512,4,1,0450,11 -2513,1,1,0004,13.5 -2513,2,2,0544,7.2 -2515,1,0,2355,10.4 -2516,1,0,2028,5.6 -2517,1,0,0833,7.8 -2518,1,0,1420,5.5 -2518,2,0,1605,6.7 -2518,3,0,1720,6.3 -2518,4,1,0320,4.1 -2519,1,0,1955,9.2 -2521,1,0,2120,18.4 -2521,2,1,0419,12.6 -2521,3,2,0350,11.8 -2521,4,3,0430,8.7 -2522,1,0,2240,9.6 -2522,2,1,0000,14.6 -2522,3,1,0210,11.8 -2522,4,1,1040,9 -2523,1,0,1206,7.4 -2524,1,0,0910,7 -2525,1,0,2321,13.2 -2526,1,0,1525,12.4 -2526,2,0,1735,20.7 -2526,3,0,1835,21 -2526,4,1,0300,13.2 -2528,1,0,1755,8.2 -2529,1,0,1631,11.8 -2530,1,0,1644,11.8 -2531,1,0,1855,12.1 -2532,1,0,2130,13.2 -2533,1,0,1701,16.4 -2534,1,0,1308,11.4 -2534,2,0,1400,20 -2534,3,0,1640,28.1 -2534,4,0,1800,26.6 -2535,1,1,0032,8.3 -2536,1,0,1947,13.2 -2538,1,0,1410,9.6 -2539,1,0,2140,11.9 -2540,1,0,1106,5.1 -2541,1,0,2134,23.7 -2541,2,1,0710,9.8 -2545,1,0,1940,10.5 -2545,2,0,2125,18.9 -2545,3,1,0140,14.9 -2547,1,0,0207,20 -2547,2,1,0430,9.5 -2548,1,0,2117,18.9 -2548,2,0,2241,19.3 -2548,3,1,0020,18 -2548,4,1,0640,15.7 -2549,1,0,1036,4.8 -2550,1,0,2216,12.9 -2551,1,0,1920,5.9 -2552,1,0,2041,9.1 -2552,2,0,2140,11.9 -2552,3,0,2341,18.9 -2552,4,1,0430,12 -2554,1,0,0828,6.8 -2554,2,1,0631,5.7 -2555,1,0,1740,7.3 -2555,2,0,1835,7 -2555,3,1,0400,6.1 -2555,4,1,1040,4.8 -2556,1,0,1300,12.5 -2556,2,1,0440,10.9 -2559,1,0,1626,16.7 -2559,2,1,0507,11 -2560,1,1,0245,15.3 -2561,1,0,1822,9.5 -2562,1,0,2023,14.4 -2562,2,1,0050,18.7 -2562,3,2,0500,11.3 -2562,4,3,0445,8.8 -2563,1,0,1315,6.7 -2563,2,1,0430,7.9 -2564,1,0,2130,13.6 -2565,1,0,1535,19.6 -2565,2,1,0812,9.6 -2567,1,0,1900,23.3 -2569,1,0,1900,6.8 -2569,2,0,2110,5.7 -2570,1,0,1224,7.9 -2571,1,0,0400,16 -2571,2,0,0548,12.9 -2571,3,0,0746,12.5 -2571,4,0,1530,10.1 -2572,1,0,1615,14.3 -2572,2,0,1830,9.5 -2572,3,0,2025,11.1 -2572,4,1,0615,5.9 -2574,1,0,1430,10.2 -2574,2,2,0430,8.4 -2575,1,0,2243,5 -2575,2,1,1153,4.4 -2576,1,0,0112,13.5 -2577,1,0,2208,13.4 -2580,1,0,1450,10.8 -2580,2,1,0411,7.4 -2580,3,2,0405,2.5 -2580,4,3,0420,4.7 -2581,1,0,1015,12 -2581,2,1,0535,8.6 -2582,1,0,2214,14.5 -2583,1,0,1900,8.6 -2587,1,0,1405,9.8 -2587,2,0,1505,7.1 -2588,1,0,1125,11 -2590,1,0,0700,7.9 -2592,1,0,1640,9.48 -2593,1,0,1155,12.5 -2594,1,0,1931,17.14 -2595,1,1,0245,25.8 -2596,1,0,1147,6.4 -2598,1,1,0005,9.95 -2599,1,0,1300,11.4 -2600,1,0,2212,11.1 -2601,1,0,1454,14.7 -2602,1,0,1800,11.1 -2605,1,0,1900,11.4 -2605,2,7,1350,9.4 -2606,1,1,0630,5.5 -2607,1,0,1220,9 -2608,1,0,2332,6.01 -2609,1,0,1749,7.1 -2610,1,0,1922,11.96 -2611,1,0,1749,16.4 -2613,1,0,2226,10.5 -2613,2,1,0025,16.6 -2613,3,1,0610,13.5 -2613,4,2,0740,11.8 -2614,1,0,2025,11.1 -2615,1,0,2355,11.7 -2616,1,0,1749,7.3 -2617,1,0,1824,9 -2618,1,0,2152,6.4 -2619,1,0,1745,11.1 -2620,1,0,1514,17.7 -2621,1,0,2259,11.1 -2621,2,1,1815,9.8 -2621,3,2,0600,9.7 -2621,4,2,1811,10.9 -2623,1,0,1410,5 -2625,1,0,1702,10.3 -2625,2,0,2323,11.7 -2626,1,1,0038,9.4 -2626,2,1,0349,21.4 -2628,1,0,1409,6.6 -2629,1,0,2244,8.5 -2629,2,1,1040,5.4 -2630,1,0,1810,9.9 -2632,1,0,1824,6.8 -2633,1,0,1610,22.1 -2633,2,0,1745,24.3 -2633,3,0,1930,19.3 -2633,4,1,0620,11.8 -2634,1,0,1145,23.3 -2635,1,0,2034,13.5 -2635,2,1,0100,8.4 -2635,3,1,0530,5.5 -2635,4,1,1415,4.8 -2636,1,0,1452,24.36 -2636,2,0,2052,13.69 -2636,3,1,0028,11.31 -2636,4,1,0459,9.8 -2638,1,0,2025,10.5 -2639,1,0,1518,7.8 -2640,1,0,2157,12.7 -2641,1,0,1425,8.1 -2641,2,0,1520,9.6 -2641,3,0,1740,9.2 -2641,4,0,2300,8.5 -2642,1,0,1315,8.3 -2643,1,0,2125,6.5 -2643,2,0,2208,7.3 -2643,3,0,2351,6.7 -2644,1,0,2107,12.2 -2644,2,0,2244,12.8 -2644,3,1,0445,11.2 -2644,4,1,1130,8.9 -2645,1,0,1423,14.4 -2647,1,0,1900,12.7 -2648,1,0,1429,10.2 -2648,2,0,1518,9.9 -2648,3,0,1809,10.4 -2651,1,0,1620,10.9 -2653,1,0,2234,10.4 -2654,1,0,2030,11 -2655,1,0,2102,13.5 -2655,2,1,0610,12.5 -2656,1,0,2045,28.3 -2656,2,2,0420,17.5 -2657,1,0,1335,6.7 -2659,1,0,1802,18.78 -2661,1,0,2025,7 -2662,1,0,1840,8.2 -2663,1,0,2115,17.3 -2664,1,0,1845,5.5 -2664,2,5,0658,4.8 -2666,1,0,2312,18.1 -2666,2,1,0654,13.84 -2667,1,0,2250,8.6 -2669,1,0,1854,11.1 -2671,1,0,1500,22.4 -2671,2,1,0600,15.9 -2671,3,1,1335,15.4 -2671,4,2,0528,14.2 -2672,1,0,1513,11.3 -2672,2,1,0831,18.8 -2672,3,6,1402,12.8 -2673,1,1,0120,10.4 -2674,1,0,1833,10.2 -2674,2,1,0100,14.5 -2674,3,1,1629,9.4 -2675,1,0,1247,18.2 -2675,2,0,1840,14.7 -2675,3,1,0332,10.7 -2675,4,1,1701,7.7 -2677,1,0,1552,8.3 -2683,1,0,0600,8.49 -2684,1,0,2331,15.31 -2684,2,2,0715,18.04 -2684,3,3,0800,13.28 -2684,4,4,0753,12.59 -2685,1,0,1535,11.7 -2687,1,0,1700,11.3 -2687,2,0,2200,10.4 -2687,3,1,0610,10.6 -2687,4,1,1034,8.2 -2688,1,0,1845,9.4 -2689,1,0,1124,11.4 -2689,2,0,1334,13 -2689,3,0,2030,9.2 -2689,4,0,2220,11 -2690,1,0,1557,11.3 -2692,1,0,0032,15.8 -2694,1,0,2240,12 -2694,2,0,2355,10.2 -2695,1,0,1345,8.9 -2695,2,0,1630,11 -2696,1,0,1933,17.3 -2696,2,0,2120,12.6 -2696,3,0,2241,11.8 -2696,4,1,0400,9.1 -2699,1,0,1320,19.4 -2699,2,0,1840,17.1 -2699,3,1,0430,9.5 -2700,1,0,0650,14.8 -2701,1,0,1626,9.2 -2703,1,0,2140,57 -2703,2,1,0044,49.4 -2703,3,1,0457,37.4 -2705,1,1,0200,7.9 -2705,2,1,0330,7 -2705,3,1,0640,6 -2705,4,1,1000,5.6 -2706,1,0,2151,13.6 -2707,1,0,1800,7.6 -2708,1,0,2023,9.3 -2710,1,0,0250,11.2 -2712,1,0,1709,9.3 -2712,2,1,0810,10.6 -2713,1,0,1551,5.3 -2714,1,0,1250,9.5 -2719,1,0,1150,22 -2719,2,0,1245,19 -2719,3,0,1700,16.3 -2719,4,0,2225,15.8 -2720,1,0,1524,13.3 -2722,1,0,1249,15.7 -2722,2,1,0114,8.6 -2722,3,1,0503,6.7 -2723,1,0,0210,7.8 -2723,2,0,0325,7.4 -2723,3,0,0530,7.4 -2725,1,0,1736,10.1 -2726,1,0,1245,8 -2727,1,0,2115,8.9 -2728,1,0,1637,11.2 -2729,1,0,1700,9.9 -2729,2,0,1850,14.6 -2731,1,1,0551,6.8 -2732,1,0,0845,4.6 -2733,1,0,0044,9.1 -2734,1,0,0730,6.1 -2735,1,0,2300,32 -2736,1,0,1820,24.1 -2737,1,0,2030,19.1 -2738,1,0,1556,7.2 -2739,1,0,1625,8.2 -2740,1,0,1240,25.6 -2741,1,0,1553,26.6 -2741,2,0,2037,12 -2741,3,1,0210,8.2 -2741,4,1,0812,8.3 -2742,1,0,1918,11.4 -2743,1,0,1240,5.2 -2744,1,0,0056,13.1 -2744,2,0,0549,16.2 -2744,3,0,1229,10 -2744,4,0,1343,8.7 -2745,1,0,1329,13 -2745,2,0,1450,12.8 -2745,3,1,0345,7.5 -2746,1,0,2330,12.9 -2746,2,2,0620,12.1 -2746,3,5,2126,9.4 -2746,4,6,1954,12.7 -2747,1,0,1800,8.9 -2747,2,0,1950,11.7 -2747,3,0,2135,11.7 -2749,1,0,1425,4.8 -2750,1,0,1655,14.7 -2751,1,0,1728,22.7 -2751,2,1,1014,9.3 -2752,1,0,1608,15.98 -2752,2,0,2200,17.7 -2752,3,1,0351,12.64 -2753,1,0,2146,10.6 -2754,1,0,0316,15.7 -2754,2,0,0400,16.2 -2756,1,1,0252,8.7 -2756,2,1,0357,9.3 -2756,3,1,0551,6.9 -2757,1,0,1503,12.1 -2758,1,0,1342,7.9 -2760,1,0,2100,6.9 -2762,1,0,1615,8.9 -2762,2,0,1740,12 -2762,3,0,2000,13.2 -2763,1,0,2330,7.4 -2764,1,0,1713,15.3 -2765,1,0,1727,9.8 -2765,2,0,2325,16.4 -2765,3,1,0400,12.2 -2770,1,0,1447,11.25 -2772,1,0,2113,11.5 -2773,1,0,1625,7.2 -2774,1,2,0650,11.5 -2775,1,0,1145,4.9 -2776,1,0,1128,6.9 -2777,1,0,0648,8.2 -2778,1,0,1520,10.4 -2778,2,0,1647,16.4 -2778,3,0,1950,12.5 -2780,1,0,2116,11.2 -2785,1,0,1935,26.1 -2785,2,1,2107,20.7 -2785,3,2,0844,11.9 -2786,1,0,1756,10.6 -2787,1,0,1728,15.62 -2788,1,0,1658,7.9 -2788,2,0,1807,8 -2788,3,0,1815,7.8 -2788,4,0,1930,7.9 -2791,1,0,2130,5.4 -2792,1,0,0754,8.44 -2793,1,0,1725,16.1 -2793,2,0,2028,12.6 -2793,3,1,0446,12.3 -2793,4,0,2015,12 -2795,1,0,1843,13.1 -2799,1,0,2123,9.1 -2800,1,0,1119,6.7 -2802,1,0,1730,14.3 -2803,1,0,1750,11.2 -2804,1,0,1759,10.9 -2805,1,0,2132,17.5 -2806,1,0,1824,4.3 -2811,1,0,1636,7.7 -2812,1,0,1740,15.4 -2812,2,2,1030,6.3 -2815,1,0,1417,13.3 -2816,1,0,1337,12.5 -2817,1,0,1953,8 -2818,1,0,2110,15.6 -2819,1,0,1710,8.1 -2820,1,0,1607,25.81 -2820,2,1,0658,8.81 -2820,3,4,0555,5.94 -2822,1,0,1958,12.6 -2824,1,2,0935,10.4 -2824,2,5,0615,7.6 -2826,1,0,1950,13.7 -2827,1,0,0500,9.3 -2829,1,0,1947,16.7 -2829,2,1,0300,11.4 -2829,3,2,0420,6.7 -2829,4,3,0400,4.3 -2830,1,0,2013,11.1 -2831,1,0,2023,8.54 -2832,1,0,1629,8 -2837,1,0,1600,16.9 -2837,2,0,1730,12 -2837,3,0,1910,16.6 -2837,4,0,2245,15.2 -2838,1,0,1600,12.4 -2838,2,1,0540,9 -2838,3,2,0420,9.3 -2839,1,0,1724,12.8 -2840,1,1,0019,13.3 -2841,1,0,0840,10.4 -2841,2,0,1140,20.7 -2841,3,0,1320,20.4 -2841,4,0,2225,15.3 -2844,1,0,1651,5.12 -2845,1,0,1323,13 -2847,1,0,1850,11.2 -2848,1,0,2311,22.5 -2848,2,1,0503,12.8 -2848,3,1,1145,9.5 -2848,4,1,1709,8.5 -2850,1,0,1720,12.6 -2852,1,0,1753,8.3 -2852,2,0,1900,13.9 -2852,3,0,2200,12.1 -2852,4,1,0415,8.3 -2853,1,0,2328,7.2 -2853,2,1,0439,13.1 -2855,1,0,1428,12.9 -2856,1,0,1645,8.8 -2856,2,0,1745,8.5 -2856,3,0,2130,9.9 -2857,1,0,2004,11 -2858,1,0,1227,10.4 -2858,2,0,1321,12.5 -2858,3,0,1554,15.4 -2858,4,0,2135,13.7 -2861,1,0,0500,6.2 -2863,1,1,0100,8 -2864,1,0,1720,8.6 -2867,1,0,1340,15.9 -2868,1,0,1459,7.4 -2869,1,0,1903,15.11 -2870,1,0,1910,8.4 -2870,2,0,2105,9.1 -2870,3,0,2310,10.9 -2870,4,1,0510,7 -2871,1,0,1420,4.7 -2871,2,1,0440,6.8 -2871,3,2,0551,6.6 -2872,1,0,1616,4.6 -2872,2,1,1113,4.6 -2872,3,2,0728,10 -2872,4,3,1206,8.6 -2873,1,0,0115,5.2 -2873,2,0,0140,5.2 -2874,1,0,1914,8.2 -2875,1,0,0826,4.38 -2876,1,0,1819,13.2 -2877,1,0,1619,13.2 -2877,2,0,1820,18.4 -2877,3,1,0437,11.8 -2877,4,1,0741,9.7 -2879,1,0,2033,7.4 -2882,1,0,1154,9.9 -2883,1,0,0425,8.8 -2883,2,0,0620,18.9 -2883,3,1,0732,10.4 -2884,1,0,1628,16.7 -2884,2,0,1720,18.9 -2884,3,0,1940,16.6 -2884,4,1,1030,9.2 -2885,1,0,1730,16.7 -2885,2,0,2357,11.3 -2885,3,1,0730,9.3 -2885,4,1,1113,8.4 -2886,1,0,2205,12.9 -2887,1,0,1556,11.1 -2888,1,0,1800,6.1 -2888,2,1,0021,8 -2888,3,1,0150,8.5 -2889,1,0,1838,12.6 -2890,1,0,1337,10 -2891,1,0,1952,6.7 -2892,1,0,1530,6.2 -2892,2,1,0600,5.4 -2894,1,0,0415,18.2 -2894,2,0,0950,18.2 -2894,3,0,1630,12.1 -2894,4,1,1230,7.8 -2895,1,0,1804,20.7 -2897,1,0,2318,15.5 -2897,2,2,0848,8.2 -2899,1,0,2019,5.9 -2899,2,0,2209,5.8 -2899,3,0,2354,5.7 -2899,4,1,0530,4.7 -2900,1,0,1800,8.9 -2901,1,0,2025,12.5 -2904,1,0,1623,25.1 -2906,1,0,1525,12.1 -2906,2,2,1950,9.6 -2906,3,3,0401,10.2 -2906,4,5,1800,9.8 -2908,1,0,1611,5.89 -2909,1,1,0515,8.9 -2910,1,0,2250,10.7 -2915,1,0,2335,19.4 -2916,1,0,1620,11.8 -2916,2,3,0700,13.2 -2917,1,0,1515,10.6 -2920,1,0,2201,16.7 -2922,1,0,1140,16.3 -2922,2,1,0035,15.4 -2922,3,1,0200,14.9 -2922,4,1,0550,14.1 -2925,1,0,2305,4.6 -2926,1,0,2235,16.4 -2927,1,0,1436,12.7 -2928,1,0,2211,11.4 -2929,1,0,1428,7.64 -2930,1,0,1435,17.1 -2931,1,0,2100,9.2 -2933,1,0,2031,8.7 -2934,1,0,1849,16.3 -2934,2,0,2020,16.4 -2934,3,0,2207,14.1 -2935,1,1,0530,14.1 -2935,2,2,0605,11.5 -2937,1,0,1245,7 -2938,1,0,1315,5.1 -2941,1,0,0709,6.1 -2943,1,0,1621,9.1 -2945,1,0,0205,19.3 -2945,2,0,0330,18.9 -2945,3,0,0535,9.5 -2945,4,0,0811,6.3 -2946,1,0,2227,6.1 -2947,1,0,1735,24.7 -2947,2,1,0247,13.5 -2947,3,1,0805,10.6 -2947,4,2,0433,13.1 -2948,1,0,1800,10.9 -2950,1,0,1241,6.6 -2952,1,0,1556,8.4 -2953,1,1,0010,12.9 -2954,1,0,1731,14.4 -2954,2,1,1030,8.4 -2955,1,0,1927,13.5 -2956,1,0,1734,11 -2958,1,0,2100,18.3 -2958,2,1,0457,12.2 -2962,1,0,1823,17.9 -2962,2,1,0110,7.1 -2962,3,1,0530,6.3 -2962,4,1,1730,5.1 -2963,1,0,1139,6 -2967,1,0,1125,6.6 -2967,2,0,1335,11.4 -2967,3,0,1605,9 -2967,4,0,1700,8.9 -2968,1,0,2130,8.6 -2969,1,1,1500,6.1 -2970,1,0,1950,6.6 -2971,1,0,1830,8.7 -2971,2,0,2328,19.4 -2971,3,1,0411,16.5 -2971,4,1,0835,13.1 -2972,1,0,1848,5.8 -2973,1,0,1800,12.3 -2975,1,0,1615,9.8 -2978,1,0,1018,13.2 -2980,1,0,2055,29.2 -2980,2,1,0850,19.8 -2980,3,1,2048,21.2 -2980,4,2,2015,19.2 -2981,1,0,2255,17.5 -2982,1,0,0944,13.15 -2982,2,1,0827,9.37 -2982,3,1,2041,11.98 -2983,1,0,1745,16.4 -2985,1,0,1621,8.4 -2986,1,0,1400,9.3 -2986,2,0,1500,12.5 -2986,3,0,1700,14.7 -2986,4,0,2200,11.3 -2988,1,0,0933,10.6 -2989,1,0,1611,9.8 -2992,1,0,1727,6.7 -2992,2,0,1946,7.6 -2993,1,0,1634,13 -2994,1,0,1938,20.8 -2994,2,1,0116,12.7 -2994,3,1,0529,13.2 -2994,4,1,1120,13.8 -2995,1,0,1008,6.9 -2999,1,1,0312,15.6 -3001,1,0,2144,16.8 -3002,1,0,1502,25.2 -3002,2,0,1941,17.4 -3002,3,1,0036,16.5 -3002,4,2,0416,12.5 -3004,1,0,1555,6.9 -3005,1,0,1900,24.2 -3005,2,0,2349,23.4 -3005,3,1,1400,12.4 -3005,4,2,0724,8.6 -3007,1,0,1629,7.7 -3008,1,0,0333,9.8 -3008,2,0,0421,11.6 -3008,3,0,0645,11.4 -3009,1,0,1625,19.5 -3009,2,0,2124,12.9 -3009,3,1,0300,9.4 -3011,1,0,2238,10.2 -3014,1,0,2214,28.1 -3014,2,1,0003,21.6 -3014,3,1,0556,11.5 -3014,4,1,1607,15.8 -3015,1,0,0920,6.9 -3015,2,0,1116,14.1 -3015,3,0,1320,9.6 -3015,4,0,2000,7.2 -3016,1,0,2210,14.2 -3016,2,1,0215,15.4 -3016,3,1,0540,12.4 -3018,1,0,2359,10.2 -3019,1,0,2201,8.2 -3019,2,1,0600,7.3 -3022,1,0,0957,9.1 -3023,1,0,1355,9 -3025,1,0,1930,7.6 -3025,2,0,2100,9.2 -3025,3,0,2245,10 -3025,4,1,0630,7.6 -3026,1,0,1534,8.1 -3027,1,0,1550,11.3 -3030,1,0,2006,12.7 -3030,2,1,0005,13.6 -3030,3,1,0617,8 -3030,4,1,1135,6.5 -3032,1,1,0035,19 -3032,2,1,0300,15.9 -3032,3,1,0415,16.3 -3032,4,1,1010,11.1 -3033,1,0,2242,15.5 -3034,1,0,2309,21.4 -3035,1,0,1420,5 -3036,1,0,1910,13.2 -3037,1,1,0015,7.4 -3037,2,1,0120,4.1 -3037,3,1,0341,4.1 -3037,4,1,0748,4 -3038,1,0,1633,15 -3039,1,0,1820,9.3 -3040,1,0,1400,9.8 -3040,2,0,1520,13.3 -3040,3,0,1650,16.4 -3042,1,0,1819,13 -3042,2,1,0924,7.1 -3042,3,1,1431,6 -3042,4,1,2133,6.7 -3043,1,0,1554,6 -3043,2,0,2015,10.9 -3043,3,1,0520,12.4 -3044,1,0,1253,6.5 -3045,1,0,1859,4.9 -3047,1,0,2206,6.9 -3047,2,0,2355,9.9 -3047,3,1,0130,8.7 -3048,1,0,2012,5.9 -3049,1,1,0105,18.9 -3049,2,1,0400,14.6 -3049,3,2,0615,13.5 -3050,1,0,1640,4.5 -3051,1,0,1630,13.1 -3054,1,0,1500,9.7 -3055,1,0,1025,5.3 -3056,1,0,1444,6.3 -3057,1,0,1535,11 -3057,2,1,0415,9.8 -3057,3,2,0400,9.6 -3057,4,2,1354,7.9 -3059,1,0,1535,22.6 -3059,2,0,1635,18.3 -3059,3,0,1750,17.7 -3059,4,0,2000,14.9 -3061,1,0,0950,15.1 -3062,1,1,0334,5.8 -3062,2,0,2357,6.6 -3062,3,0,1630,7.5 -3065,1,0,1456,15.67 -3066,1,0,1028,7.8 -3066,2,0,1202,12.7 -3066,3,0,1407,10.9 -3066,4,0,1700,8.6 -3067,1,0,1622,10.6 -3068,1,0,2132,19.9 -3069,1,0,1255,4.6 -3069,2,0,1620,11.1 -3069,3,0,2340,8.7 -3069,4,1,0520,8.5 -3070,1,0,1830,15.5 -3070,2,1,0613,12.2 -3071,1,0,2001,17.7 -3073,1,0,2002,9 -3073,2,1,0554,11.7 -3073,3,2,0622,8.9 -3073,4,3,0638,7.7 -3074,1,0,0349,11.3 -3074,2,0,0431,13.5 -3074,3,0,0844,10.8 -3074,4,0,1424,11.4 -3075,1,0,1551,7.65 -3076,1,0,0851,6.7 -3077,1,0,0048,8.5 -3077,2,0,0533,8.3 -3077,3,0,1628,7.6 -3077,4,1,0430,12.8 -3078,1,0,1130,6.5 -3079,1,0,1245,5.7 -3080,1,0,1608,9.01 -3082,1,0,1600,10.6 -3082,2,0,1700,13.4 -3082,3,0,1900,13.8 -3083,1,0,1305,11.4 -3088,1,0,2215,9.6 -3089,1,0,1230,9 -3091,1,0,1103,5.9 -3092,1,0,1800,7.5 -3092,2,0,1915,11.8 -3092,3,0,2056,14.6 -3092,4,1,0330,9.1 -3093,1,0,1836,13 -3093,2,5,0747,6.3 -3096,1,0,1830,18.8 -3096,2,0,2135,16.7 -3096,3,2,0850,11.8 -3098,1,0,1615,12.3 -3098,2,0,2055,11.7 -3098,3,1,0450,9.7 -3099,1,0,1555,6.5 -3100,1,0,1649,10.3 -3101,1,0,1500,18.6 -3101,2,0,1650,20.9 -3101,3,1,0440,12.3 -3102,1,0,1535,15.6 -3105,1,0,1220,8 -3105,2,0,2249,11 -3105,3,1,0326,10.2 -3105,4,1,0829,10.5 -3108,1,0,1835,9.1 -3109,1,0,0025,6.5 -3110,1,0,2247,14.8 -3110,2,1,0400,14.7 -3111,1,0,2123,12.9 -3111,2,1,0012,16.4 -3112,1,0,1231,22.1 -3112,2,0,1830,11.1 -3112,3,1,0309,22.7 -3113,1,0,1849,10.5 -3114,1,0,2050,11.5 -3114,2,1,0823,15.4 -3114,3,2,0430,6.7 -3115,1,0,2100,10.9 -3116,1,0,0826,7.6 -3120,1,0,1628,15.7 -3120,2,1,0600,7.2 -3122,1,0,1807,7.2 -3126,1,0,1400,10.4 -3127,1,0,2318,11.4 -3127,2,1,0405,12.4 -3128,1,0,2015,20.2 -3128,2,0,2120,25.4 -3128,3,1,0045,23.8 -3128,4,1,0330,20.2 -3129,1,0,0131,18.4 -3129,2,0,0826,15.8 -3129,3,1,0400,7.6 -3131,1,0,1846,18.8 -3132,1,0,1347,12.9 -3134,1,0,1510,8.2 -3135,1,0,1354,13.7 -3137,1,0,1400,8.8 -3138,1,0,1207,24.2 -3138,2,0,1702,17.6 -3138,3,1,0400,14.3 -3138,4,3,1250,6.9 -3141,1,0,1501,17.3 -3142,1,0,0910,5.1 -3146,1,0,1848,7.1 -3146,2,0,1914,10.1 -3147,1,0,1233,4.78 -3148,1,0,1648,19.3 -3148,2,1,0345,40.6 -3149,1,0,1510,9.1 -3152,1,0,2347,10.5 -3153,1,0,2225,13.9 -3154,1,0,1106,4.1 -3155,1,1,0750,7.9 -3157,1,0,1708,13.7 -3159,1,1,0230,10.4 -3161,1,0,1833,14.1 -3162,1,0,1907,16.24 -3164,1,0,1816,11.7 -3165,1,1,0649,7.96 -3166,1,2,0020,11.3 -3167,1,1,0625,9.7 -3167,2,2,0555,12.4 -3167,3,3,0600,13.1 -3167,4,4,0521,11.7 -3169,1,0,0530,18.3 -3170,1,0,1715,15.6 -3170,2,1,0645,11.3 -3174,1,0,1842,8.3 -3175,1,0,2005,11.4 -3176,1,0,2258,8.4 -3177,1,0,1456,8.7 -3177,2,0,1520,10.5 -3178,1,0,1615,9.9 -3178,2,0,1715,13.8 -3178,3,0,1930,13.9 -3178,4,1,0430,6.9 -3179,1,0,2000,10.5 -3180,1,0,2100,13.1 -3182,1,0,1320,8.8 -3184,1,1,0030,11 -3184,2,1,0850,16 -3184,3,4,0515,6 -3184,4,5,0620,8.6 -3185,1,0,2301,10.1 -3186,1,0,0856,23.7 -3186,2,0,1831,13.54 -3186,3,1,0354,9.57 -3186,4,2,0533,9.99 -3187,1,0,1530,19.9 -3188,1,0,1631,13.2 -3189,1,0,1245,29.1 -3189,2,1,0815,9.8 -3189,3,1,1500,11.1 -3189,4,2,0230,12 -3190,1,0,0323,15.3 -3190,2,1,0500,12.5 -3190,3,2,0520,9.3 -3193,1,0,1020,7.2 -3194,1,0,1136,16.3 -3195,1,0,1650,13.7 -3196,1,0,2110,8.6 -3196,2,0,2247,11.4 -3198,1,0,2023,5.7 -3200,1,0,1735,21.3 -3200,2,0,1845,18.5 -3201,1,0,1626,11.71 -3201,2,1,0418,9.39 -3202,1,0,2120,13.3 -3203,1,0,2150,14.1 -3204,1,0,1939,13.4 -3207,1,0,1950,8 -3208,1,0,1633,11.2 -3208,2,0,1759,10 -3208,3,0,2031,11 -3209,1,0,2145,9.9 -3209,2,0,2355,17 -3210,1,0,1803,9.1 -3211,1,0,2203,42.7 -3211,2,1,2307,41.2 -3211,3,1,0200,47.4 -3211,4,1,0830,38.4 -3212,1,0,0945,7 -3213,1,0,1735,13.1 -3213,2,1,0700,12.5 -3214,1,0,1515,24.2 -3214,2,0,2030,15.5 -3214,3,1,0410,14.5 -3214,4,1,1140,12 -3214,5,2,0450,7.7 -3214,6,2,1715,11.3 -3214,7,3,0445,7.1 -3214,8,3,1630,5.4 -3214,9,5,0150,6.6 -3214,10,6,0355,8.9 -3216,1,0,1216,10.3 -3217,1,0,1411,10.5 -3218,1,1,1423,6.2 -3219,1,0,1632,15.7 -3220,1,1,0449,10.6 -3221,1,0,1815,11.7 -3222,1,0,1655,9.5 -3222,2,0,1845,12.8 -3222,3,0,2040,12.1 -3222,4,0,2220,6.2 -3224,1,0,2110,22.9 -3225,1,0,1851,13.6 -3226,1,0,1725,9 -3227,1,0,1604,11.2 -3228,1,0,1724,13.3 -3229,1,0,1335,11.2 -3230,1,0,1900,13.9 -3230,2,0,2035,19 -3230,3,0,2200,23 -3230,4,1,0405,17.3 -3231,1,0,2200,12.1 -3232,1,0,2330,24.3 -3232,2,1,0432,17.6 -3232,4,1,0947,11.2 -3232,5,1,1557,9.5 -3233,1,0,0712,16.1 -3233,2,0,0841,18.9 -3233,3,0,1330,12.8 -3233,4,0,1720,10.9 -3234,1,0,2015,12.5 -3234,2,0,2252,19 -3237,1,0,2340,7.5 -3238,1,0,1113,7.7 -3238,2,1,0215,6.6 -3238,3,1,1810,5.5 -3238,4,2,0716,5.6 -3240,1,0,1955,9.6 -3240,2,0,2142,14.4 -3240,3,0,2326,10.9 -3242,1,0,2313,22.4 -3242,2,1,0530,17.8 -3242,3,1,1600,14.7 -3242,4,2,0458,9.9 -3243,1,0,2213,7.4 -3244,1,0,0820,4.7 -3246,1,0,2252,8.6 -3247,1,0,2125,5.4 -3248,1,1,0010,19.6 -3248,2,1,0500,15 -3249,1,0,1737,17.4 -3250,1,0,1826,15.9 -3250,2,0,2210,20.7 -3250,3,1,0419,16.1 -3250,4,2,0408,8 -3251,1,0,1119,12.9 -3251,2,0,1214,15 -3251,3,0,1417,16 -3253,1,0,1649,8.4 -3255,1,0,2320,16.8 -3255,2,1,0143,13.1 -3255,3,1,0244,11.8 -3255,4,1,1800,12 -3256,1,2,0215,8.8 -3257,1,0,0840,13.2 -3257,2,0,1035,11.1 -3258,1,0,2110,13 -3258,2,1,0355,16.1 -3259,1,0,2133,6.8 -3260,1,0,1345,8.3 -3261,1,0,1602,12.8 -3264,1,0,2011,9.06 -3265,1,0,1806,17.1 -3265,2,0,1937,22.2 -3265,3,0,2345,16.5 -3265,4,1,0500,15.4 -3267,1,0,0235,10.2 -3268,1,0,1740,13.2 -3269,1,0,1816,10.6 -3270,1,0,1750,8.5 -3270,2,1,0600,5.8 -3270,3,1,1210,6.5 -3271,1,0,1850,10.1 -3272,1,0,1415,10.25 -3273,1,0,0420,7.9 -3275,1,0,1732,18.9 -3280,1,0,1546,10 -3280,2,1,0915,10.4 -3280,3,2,0650,6.9 -3281,1,0,1802,11.7 -3281,2,1,0012,9.5 -3281,3,1,0327,8.8 -3282,1,0,1030,6 -3283,1,0,2115,8.2 -3283,2,0,2215,5.1 -3283,3,1,0205,4.9 -3283,4,1,0846,5.3 -3284,1,0,2045,14.9 -3285,1,0,1029,13.3 -3286,1,0,1859,15.55 -3287,1,0,2040,5.2 -3292,1,0,2059,15.9 -3292,2,3,0714,9.5 -3292,3,3,1411,10.1 -3292,4,4,0423,10.1 -3293,1,0,2119,11 -3294,1,0,2107,10.31 -3295,1,0,0305,8.5 -3295,2,0,0500,10 -3295,3,1,0315,8.8 -3295,4,3,0340,8 -3297,1,0,0206,12.3 -3297,2,0,0801,10.2 -3297,3,0,1200,10.5 -3297,4,0,1544,11.8 -3299,1,0,1400,16.5 -3299,2,0,1539,14.9 -3301,1,0,1312,14.6 -3302,1,0,1710,12 -3304,1,1,0235,11.5 -3304,2,1,0800,9 -3304,3,1,2016,9.4 -3304,4,3,2027,8.1 -3306,1,0,1852,17.4 -3308,1,0,2301,15.1 -3309,1,0,1915,22.5 -3309,2,0,2114,29.5 -3309,3,1,0118,9.2 -3309,4,1,0315,3.9 -3310,1,0,0153,16.1 -3311,1,0,2020,7.8 -3312,1,0,1058,9.3 -3314,1,0,1520,9.9 -3314,2,1,0545,7.5 -3314,3,1,2030,6.5 -3314,4,2,0455,6.2 -3317,1,0,1351,8.8 -3318,1,0,1719,12.6 -3319,1,0,2319,15.1 -3319,2,1,0130,17.8 -3319,3,1,0530,9.2 -3319,4,1,1930,6.2 -3320,1,0,1703,6.6 -3322,1,0,1810,23.9 -3323,1,0,0405,9.5 -3323,2,0,0520,9.5 -3323,3,0,0805,7 -3324,1,0,2117,13.5 -3326,1,0,1820,10.3 -3327,1,0,1519,5.3 -3329,1,0,1934,15.2 -3329,2,0,2205,20.7 -3329,3,1,0045,16.4 -3329,4,1,0630,10.7 -3330,1,0,2150,5.2 -3330,2,1,1001,3.7 -3331,1,0,1240,14.6 -3332,1,0,1943,14.2 -3332,2,0,2130,18.6 -3332,3,1,0430,13 -3332,4,1,1030,10.7 -3334,1,2,1750,11.4 -3334,2,3,0430,11 -3334,3,3,1800,12.9 -3334,4,4,0600,11 -3337,1,0,0900,17.9 -3337,2,0,1407,15.6 -3337,3,0,1730,14.8 -3337,4,1,0218,17.2 -3338,1,0,1741,16.2 -3338,2,0,2107,14.8 -3338,3,1,0001,13.6 -3338,4,1,0550,9.6 -3339,1,0,1617,13.87 -3340,1,0,1736,4.7 -3341,1,0,1937,10.9 -3342,1,0,1948,15.6 -3342,2,1,0200,6.8 -3342,3,1,0455,6.7 -3342,4,1,1000,6.5 -3344,1,0,1933,11 -3344,2,0,2049,15.1 -3344,3,1,0630,9.4 -3344,4,1,1400,9.6 -3345,1,0,1955,10.5 -3346,1,0,2040,19.1 -3348,1,0,1740,6.7 -3349,1,0,1731,7.5 -3350,1,1,0008,11.5 -3351,1,0,1925,29.6 -3351,2,1,0350,16.9 -3351,3,2,0703,7.9 -3354,1,0,0322,4.85 -3356,1,0,2038,7.4 -3357,1,0,1802,5.9 -3358,1,0,1707,11.7 -3359,1,0,1824,14.9 -3360,1,0,1711,9.4 -3361,1,1,0530,11.7 -3362,1,0,2310,12.3 -3363,1,0,1930,5.92 -3365,1,0,1530,6.3 -3368,1,0,1700,13.5 -3371,1,0,2248,8.6 -3372,1,0,0745,12 -3372,2,1,0400,7.8 -3372,3,2,0445,8.1 -3373,1,0,1850,13.5 -3373,2,0,2220,9.7 -3373,3,1,0020,10.1 -3373,4,1,0340,9.9 -3374,1,0,2101,27.99 -3374,2,1,0723,16.19 -3375,1,0,2111,9.09 -3377,1,0,0016,8.07 -3377,2,0,0110,7.11 -3379,1,0,1800,9 -3379,2,1,0350,11 -3380,1,0,1756,9.7 -3380,2,0,2123,9.1 -3380,3,1,0630,8.5 -3380,4,1,1423,7.4 -3380,5,1,2052,7.5 -3380,6,2,0539,7.6 -3380,7,4,0843,6.7 -3381,1,0,1512,8 -3384,1,0,2327,9.2 -3384,2,1,0600,3.2 -3384,3,1,1102,3.5 -3384,4,1,1700,5.5 -3385,1,0,1612,4.7 -3385,2,0,2017,9.4 -3386,1,0,1900,14.4 -3388,1,0,1748,13 -3388,2,0,2340,11.1 -3389,1,0,1614,5.9 -3390,1,0,1627,12.86 -3390,2,0,2037,15.52 -3390,3,1,0321,20.22 -3390,4,1,1136,15.16 -3392,1,0,1500,14.4 -3393,1,0,1619,4.7 -3395,1,0,0510,10.8 -3396,1,0,1415,9.46 -3397,1,0,1400,5.9 -3399,1,0,2330,9.7 -3400,1,0,1818,11.9 -3401,1,0,2007,5.45 -3401,2,1,0500,6.12 -3401,3,1,1715,7.83 -3402,1,0,1200,4 -3402,2,1,0423,5.3 -3404,1,0,2005,10.8 -3404,2,0,2145,16.6 -3404,3,0,2311,15.7 -3404,4,1,0545,10.1 -3405,1,1,0420,10.9 -3406,1,0,1953,9.4 -3406,2,0,2120,9.9 -3406,3,0,2245,11.9 -3407,1,0,0145,9.5 -3408,1,0,2246,12.6 -3409,1,0,0205,11.6 -3410,1,0,1610,11.9 -3410,2,0,1815,13.9 -3410,3,0,2120,12.5 -3410,4,1,0300,9.6 -3414,1,0,1345,11.7 -3414,2,0,2040,15.1 -3414,3,1,0210,11.8 -3414,4,1,0910,12.2 -3415,1,0,1854,13.5 -3415,2,1,0355,14.8 -3415,3,1,1417,11.7 -3415,4,2,0410,12.3 -3416,1,0,2314,8.9 -3417,1,0,2214,6.6 -3418,1,0,1607,18.5 -3419,1,0,0258,7.1 -3420,1,0,2052,13.3 -3420,2,1,0700,10.6 -3421,1,0,1752,14.3 -3421,2,1,0608,15.2 -3422,1,0,1426,11.7 -3424,1,0,1852,10.7 -3425,1,0,2042,16.8 -3425,2,0,2214,17.6 -3425,3,1,0520,17 -3425,4,1,1045,12.7 -3426,1,0,1446,6.72 -3427,1,0,2152,6.3 -3428,1,0,2059,12.3 -3429,1,0,2015,10.3 -3430,1,0,2300,9.4 -3431,1,0,1915,11 -3431,2,1,0520,9.7 -3432,1,0,1817,15.3 -3433,1,0,2150,23.9 -3434,1,0,1950,9.8 -3436,1,1,0535,15.1 -3436,2,1,1430,13.9 -3437,1,0,2046,15.74 -3438,1,0,0113,5.9 -3439,1,1,0217,14.2 -3440,1,0,1518,14 -3441,1,0,1615,12.5 -3442,1,0,2152,13 -3442,2,1,0639,11.4 -3442,3,2,0642,8.2 -3443,1,0,2235,5.8 -3444,1,0,2149,11.7 -3445,1,0,1803,6.2 -3446,1,0,2154,8.8 -3447,1,0,1619,19.4 -3448,1,0,1416,19.8 -3449,1,0,0854,7.5 -3450,1,0,1652,13.8 -3451,1,0,1625,8.1 -3451,2,1,0600,6.3 -3452,1,0,1740,8.9 -3453,1,0,1012,14 -3454,1,0,1830,17.67 -3454,2,1,0613,8.91 -3455,1,0,1345,9.3 -3456,1,0,1430,8.1 -3456,2,0,2000,4.8 -3456,3,1,0400,7.2 -3456,4,2,0320,12.2 -3457,1,0,1600,17 -3461,1,0,1230,8.3 -3462,1,0,1420,19.7 -3463,1,0,1912,5.8 -3463,2,1,0300,5.7 -3463,3,1,1550,4.4 -3465,1,0,2321,11.4 -3466,1,0,0222,23.9 -3466,2,0,2128,9.1 -3466,3,5,0555,6 -3467,1,0,1344,4 -3468,1,0,1757,11 -3469,1,0,1305,17.96 -3469,2,0,1438,18.81 -3469,3,0,1904,20.12 -3469,4,4,0620,6.95 -3470,1,0,1546,8.62 -3472,1,0,2031,11.1 -3473,1,0,2029,19.9 -3473,2,0,2322,16.8 -3473,3,1,0128,12.1 -3473,4,1,0605,8.3 -3474,1,0,1520,9 -3480,1,0,1756,7.7 -3480,2,1,0840,11.2 -3481,1,0,1703,7.6 -3482,1,0,0154,4.8 -3483,1,0,1842,9.5 -3485,1,0,1628,12.5 -3486,1,0,2304,15.5 -3486,2,3,0655,7.6 -3488,1,0,1212,13 -3488,2,1,0823,8.1 -3488,3,1,2035,7.1 -3488,4,2,1115,5.5 -3489,1,0,2010,8.8 -3492,1,0,1812,13 -3494,1,1,0138,6.6 -3494,2,1,0356,9.2 -3494,3,1,0800,8.9 -3495,1,0,2315,21.1 -3495,2,1,1238,14.1 -3495,3,2,0645,10.7 -3496,1,1,0041,9 -3497,1,0,1720,13.8 -3497,2,1,0123,9 -3498,1,0,2200,11.9 -3498,2,0,2300,13.6 -3498,3,1,0130,12.9 -3498,4,1,0550,8.9 -3499,1,0,1731,12.1 -3500,1,0,1645,9.24 -3500,2,1,0642,8.51 -3501,1,0,2247,8.4 -3502,1,0,1940,8.2 -3503,1,0,2019,9.4 -3504,1,0,1522,15 -3506,1,1,0533,9 -3507,1,0,1539,10.8 -3508,1,0,2131,10.6 -3509,1,0,2300,11.6 -3512,1,0,1530,12.8 -3513,1,0,1944,17.7 -3514,1,0,2314,6.8 -3517,1,0,1017,15.4 -3517,2,0,1406,16.9 -3517,3,1,0612,10.9 -3517,4,1,1336,10 -3518,1,0,1818,19.9 -3519,1,0,2005,9.3 -3520,1,0,0940,4.1 -3521,1,0,1603,8.2 -3523,1,0,1445,9.4 -3525,1,0,2315,7.5 -3525,2,1,0505,7.7 -3525,3,2,0508,9.2 -3525,4,3,0400,9.8 -3526,1,1,0415,8.8 -3527,1,0,1948,10.6 -3528,1,0,2101,14.9 -3528,2,0,2326,13.5 -3528,3,1,0433,6.9 -3528,4,1,0629,11.3 -3529,1,0,0307,12.6 -3530,1,0,0105,12.5 -3530,2,0,0320,12.6 -3530,3,1,0200,6 -3531,1,0,1130,18.6 -3531,2,0,1311,15.3 -3531,3,0,1507,12.8 -3531,4,0,2053,11.3 -3533,1,0,1855,21.3 -3533,2,1,0450,12.6 -3533,3,1,1700,9.5 -3533,4,2,0405,11.1 -3535,1,0,1610,14.6 -3535,2,0,1745,14.9 -3535,3,0,1950,18.3 -3535,4,1,0430,8.6 -3536,1,0,1225,22.1 -3536,2,0,1615,34.3 -3536,3,0,2041,19.8 -3536,4,1,0135,12.9 -3538,1,1,0355,4.8 -3539,1,0,2215,15.6 -3539,2,1,0645,9.1 -3539,3,2,0950,11.9 -3541,1,0,2020,11.3 -3542,1,0,1945,5.5 -3543,1,0,1445,23 -3543,2,0,1600,14.1 -3543,3,0,1630,13 -3543,4,0,2100,9.9 -3544,1,0,1747,6.6 -3546,1,0,2227,8.4 -3548,1,0,2109,4.8 -3549,1,0,1955,12.7 -3550,1,0,0930,15 -3551,1,0,1817,18.4 -3551,2,1,0435,11.9 -3551,3,1,0640,9.9 -3551,4,3,0609,6.8 -3552,1,0,1544,12.9 -3553,1,1,0630,13.1 -3556,1,0,1745,9.6 -3556,2,0,2117,11.6 -3556,3,1,0720,9.6 -3557,1,0,1030,14.4 -3557,2,0,1555,12.6 -3557,3,1,0420,10.8 -3557,4,4,0320,7.2 -3558,1,0,1800,16.3 -3558,2,0,2155,3.8 -3558,3,1,0330,2.1 -3558,4,1,1015,4.3 -3560,1,0,1838,7.3 -3560,2,0,1945,6.1 -3560,3,0,2155,9.1 -3562,1,0,1631,12.4 -3562,2,1,0605,8.8 -3564,1,0,2320,15.5 -3566,1,0,1520,7.6 -3567,1,0,2113,11.7 -3570,1,0,1446,5.6 -3571,1,0,0140,11.6 -3572,1,0,2113,15.3 -3572,2,0,2222,14.5 -3573,1,0,1752,7.86 -3574,1,0,1740,12.6 -3574,2,1,0655,8.6 -3575,1,0,1722,7.1 -3576,1,0,1035,25.8 -3576,2,0,1554,16.8 -3576,3,0,2043,13.6 -3576,4,1,0001,10.5 -3580,1,0,2040,6.7 -3581,1,0,2000,15.8 -3582,1,0,2121,13.05 -3582,2,7,0447,7.68 -3583,1,0,1904,15.86 -3584,1,0,1634,11.9 -3586,1,0,1733,5.8 -3587,1,0,1907,15.2 -3587,2,1,0430,9 -3587,3,2,0500,8.9 -3587,4,3,0600,8.3 -3588,1,0,2219,8.6 -3588,2,0,2310,9.7 -3588,3,1,0113,11.2 -3589,1,0,1553,9 -3590,1,0,1930,5.1 -3591,1,0,2011,12.3 -3591,2,0,2200,17.6 -3591,3,1,0600,11.8 -3591,4,1,1700,11.1 -3592,1,0,1700,12.1 -3594,1,0,1824,10.4 -3595,1,0,1744,9.1 -3595,2,1,0728,8.4 -3596,1,0,1205,12.9 -3597,1,0,0957,5.95 -3598,1,0,1251,5.2 -3603,1,0,2337,9 -3603,2,0,2359,9 -3603,3,1,0543,14.8 -3603,4,2,0330,9.7 -3606,1,0,1830,9.9 -3606,2,0,2050,12.8 -3606,3,1,0100,10.9 -3606,4,1,0410,8.2 -3607,1,0,1238,17.6 -3608,1,0,2115,12 -3610,1,0,1320,14.1 -3610,2,1,0659,10.1 -3610,3,2,0726,28.9 -3611,1,0,1735,8.8 -3614,1,0,1515,8.6 -3615,1,0,2106,22.5 -3615,2,0,2328,15.3 -3615,3,1,0146,15.8 -3615,4,1,0435,6.8 -3618,1,0,1936,13.4 -3623,1,0,0202,11.5 -3627,1,0,2044,9.2 -3628,1,0,1546,8.2 -3630,1,1,0540,15.6 -3631,1,0,2150,11 -3631,2,1,1050,8.37 -3632,1,0,1030,21.1 -3632,2,0,1119,17.5 -3632,3,0,1318,16.1 -3632,4,0,1945,10 -3634,1,0,1919,8.4 -3635,1,0,0827,11.2 -3640,1,0,2215,7.2 -3641,1,0,2045,8.8 -3642,1,0,2013,10.2 -3643,1,0,1700,7.8 -3645,1,0,1620,15.6 -3648,1,0,1826,7.8 -3649,1,0,1601,11.7 -3650,1,0,1600,9.8 -3650,2,2,0549,12.8 -3652,1,0,2035,26 -3657,1,0,1946,10.8 -3658,1,0,1736,18.5 -3658,2,1,0436,12.9 -3658,3,2,0421,15.6 -3658,4,5,0534,6.4 -3659,1,0,1828,16.4 -3659,2,1,0651,12.9 -3662,1,0,1740,6.8 -3663,1,0,2142,6.6 -3664,1,0,1705,9.7 -3664,2,0,1810,15.3 -3664,3,0,1939,20.5 -3665,1,0,1730,16.8 -3665,2,0,1953,15.6 -3666,1,0,2008,11.2 -3668,1,0,1539,17.9 -3669,1,0,1900,9.3 -3671,1,0,1204,38.3 -3672,1,0,1652,15.2 -3672,2,1,0800,12.8 -3674,1,0,1921,8.6 -3675,1,0,1840,2.9 -3675,2,0,2200,2.4 -3675,3,1,0350,3.5 -3675,4,2,0415,8.9 -3676,1,0,0945,17 -3676,2,1,0355,8.7 -3677,1,0,2359,10.2 -3678,1,0,2100,15.2 -3679,1,0,1515,7.7 -3679,2,0,1710,11.1 -3679,3,0,1940,8.6 -3679,4,0,2250,7.1 -3681,1,1,0030,10.2 -3682,1,0,1640,8.7 -3684,1,0,1448,6.8 -3686,1,0,1441,19.4 -3687,1,0,1050,10.1 -3689,1,0,1734,9.7 -3690,1,0,1106,8.7 -3691,1,0,1245,16.7 -3692,1,0,1500,6.3 -3695,1,0,2040,6.8 -3695,2,0,2235,10.5 -3695,3,0,2355,10.1 -3695,4,1,0400,8 -3696,1,0,1600,17.9 -3696,2,0,1755,21.3 -3696,3,0,2035,20.3 -3696,4,0,2245,17 -3697,1,0,1550,9.8 -3698,1,0,1636,20.6 -3698,2,0,1822,30.1 -3698,3,0,2107,26.7 -3699,1,0,1516,10.1 -3702,1,0,1308,5.5 -3702,2,0,1353,5.8 -3704,1,0,1746,11.4 -3707,1,0,1950,24.1 -3707,2,1,0430,18.7 -3707,3,2,0400,12.6 -3707,4,3,0715,9.8 -3710,1,0,1546,14.4 -3711,1,1,0443,14.38 -3712,1,0,1545,7.9 -3713,1,0,2100,14.9 -3713,2,2,2125,7.7 -3714,1,0,0957,4.4 -3715,1,0,1742,7.55 -3716,1,2,0650,5.39 -3716,2,1,0604,9.72 -3716,3,0,1848,11.09 -3717,1,0,1000,5.7 -3719,1,0,1719,19.1 -3719,2,0,2053,11.8 -3719,3,1,0234,7.2 -3719,4,1,0800,5 -3720,1,1,1036,13.5 -3720,2,2,0330,7.1 -3720,3,3,0345,5.2 -3720,4,4,0425,6.4 -3721,1,0,0714,16.3 -3721,2,0,0857,23.8 -3721,3,0,1106,22.4 -3721,4,1,0655,9.5 -3722,1,0,2240,8.2 -3723,1,0,1715,10.9 -3724,1,0,1758,10.3 -3725,1,0,1839,6.1 -3726,1,0,1741,7.4 -3729,1,0,0129,11.6 -3729,2,0,0529,30 -3729,3,0,1351,27.8 -3729,4,1,0314,18.9 -3730,1,0,1550,9.5 -3730,2,1,0635,6.4 -3731,1,0,2106,8.7 -3733,1,0,1800,10.7 -3734,1,0,1633,13.3 -3735,1,0,1410,7.6 -3735,2,0,1500,7.9 -3736,1,0,1549,20.8 -3737,1,0,0410,14.3 -3739,1,0,1838,15.6 -3739,2,0,2322,15.5 -3739,3,1,0346,10.2 -3739,4,1,1040,5.4 -3741,1,0,1210,12.8 -3744,1,0,1720,5.8 -3744,2,0,1825,5.4 -3744,3,0,2050,5.1 -3744,4,1,0140,3.1 -3746,1,1,0400,12.5 -3747,1,0,2105,7.8 -3752,1,0,1409,7.1 -3753,1,0,0714,9.4 -3753,2,1,0843,9.5 -3753,3,2,1124,10.3 -3754,1,0,0200,14.2 -3754,2,0,0320,11.8 -3755,1,0,1844,8.6 -3756,1,0,1125,6.1 -3756,2,0,1720,6.2 -3756,3,0,2230,5.7 -3756,4,1,0400,4.2 -3757,1,0,1640,12 -3761,1,0,2005,10.7 -3761,2,1,0800,9.9 -3762,1,0,1714,14.7 -3762,2,0,2045,10.6 -3762,3,1,0147,8.3 -3762,4,1,0613,7.2 -3763,1,0,1415,7.8 -3768,1,0,1006,20.2 -3769,1,0,1600,7.5 -3771,1,0,2300,16.8 -3771,2,1,0600,14.6 -3773,1,0,1152,5.9 -3775,1,0,0248,7.3 -3776,1,0,0236,13.1 -3777,1,0,2244,8.6 -3778,1,0,1642,12.4 -3779,1,0,2057,7.6 -3780,1,0,2250,9.1 -3781,1,0,1210,8.1 -3782,1,0,1350,8.2 -3785,1,0,1615,14.8 -3785,2,0,1710,29.1 -3785,3,0,2240,17.9 -3785,4,1,0400,21.9 -3787,1,0,1915,15.5 -3787,2,1,0542,8.9 -3788,1,0,1800,6.8 -3790,1,0,2140,14.1 -3792,1,0,0236,5.5 -3793,1,0,1421,10.3 -3795,1,0,1940,6.5 -3799,1,0,0053,7.6 -3801,1,0,1719,14.9 -3801,2,0,2230,11.1 -3801,3,1,0350,9.6 -3801,4,2,0400,7.1 -3802,1,0,2218,7 -3803,1,0,1310,15 -3807,1,1,0025,14.4 -3807,2,1,0245,11.9 -3807,3,1,0930,11.5 -3808,1,1,0505,14.5 -3809,1,0,0630,10.5 -3810,1,0,1500,8.9 -3812,1,0,1150,6 -3812,2,1,1106,6.9 -3812,3,2,0705,6.6 -3813,1,1,0345,18.1 -3815,1,0,1721,7 -3817,1,0,1850,11.6 -3818,1,0,0640,11.5 -3819,1,0,1635,10.7 -3821,1,0,2020,6.1 -3823,1,0,1607,6.6 -3824,1,0,1940,6.6 -3824,2,0,2130,10 -3824,3,0,2345,10.1 -3824,4,1,0430,9.6 -3825,1,0,2145,12.3 -3828,1,1,0605,7.28 -3830,1,0,2006,7.2 -3831,1,0,2125,6.5 -3831,2,0,2250,8.3 -3832,1,0,1430,7.7 -3834,1,0,1400,8 -3834,2,0,1505,16.5 -3834,3,0,1720,19.4 -3834,4,0,2155,17.1 -3835,1,0,1613,9.9 -3836,1,0,1845,13.3 -3838,1,0,1305,9.3 -3838,2,0,1535,14.5 -3840,1,0,1354,11.4 -3841,1,0,2214,10.3 -3842,1,0,1900,9 -3843,1,0,1118,16.8 -3845,1,0,1905,7.9 -3846,1,0,1708,16.9 -3847,1,0,2034,10.8 -3848,1,0,1857,12.9 -3849,1,0,2254,15.5 -3851,1,0,1124,10.09 -3852,1,0,2248,11.6 -3854,1,0,1929,13.4 -3855,1,0,1425,6.4 -3856,1,0,2155,8.1 -3857,1,0,1320,14.2 -3858,1,0,0758,5.6 -3860,1,0,1652,9.2 -3860,2,0,1755,13.3 -3860,3,0,2000,11.8 -3860,4,0,2330,12.3 -3861,1,0,1845,17.1 -3862,1,0,1905,11.49 -3863,1,1,2220,9 -3863,2,2,0530,9.4 -3863,3,1,0500,13.6 -3863,4,7,2200,11 -3864,1,0,1955,7.3 -3865,1,0,2310,6.6 -3865,2,1,0030,3.5 -3866,1,0,1036,14.5 -3866,2,0,1401,14.7 -3866,3,0,2015,9.8 -3866,4,1,0315,6.6 -3868,1,0,1620,16.3 -3868,2,5,1230,10.6 -3868,3,7,1750,9.3 -3869,1,0,1943,10.7 -3870,1,0,1810,14.8 -3870,2,1,1127,6.3 -3871,1,0,1506,9.9 -3871,2,0,1613,10.3 -3871,3,0,1759,11.9 -3871,4,1,0520,8.3 -3872,1,0,2208,15.1 -3872,2,0,2250,14 -3872,3,1,0144,13.8 -3872,4,1,0415,11.8 -3873,1,0,1517,8.4 -3874,1,0,2011,9.6 -3874,2,0,2110,12.6 -3875,1,0,1600,6.5 -3876,1,1,1150,8.2 -3878,1,0,1641,6.8 -3879,1,0,1312,23 -3880,1,0,1835,10 -3881,1,0,1838,9.4 -3882,1,0,2100,11.9 -3882,2,1,1139,7.1 -3882,3,1,1250,7.2 -3882,4,2,0705,6.2 -3885,1,0,2336,9.9 -3886,1,0,2048,9 -3886,2,1,1415,19.9 -3886,3,2,0700,12.6 -3887,1,0,1559,16.2 -3887,2,0,1709,16.1 -3889,1,0,2240,16.8 -3890,1,0,0115,22.6 -3895,1,0,1312,4.8 -3896,1,0,1714,6.5 -3897,1,0,1105,5.8 -3898,1,0,0820,8.6 -3898,2,1,1230,6.6 -3898,3,1,1608,6.3 -3898,4,2,0005,7.8 -3901,1,0,2209,17.4 -3901,2,1,0234,9.9 -3901,3,1,0630,5.7 -3901,4,1,0840,4.7 -3902,1,0,0750,7.7 -3903,1,0,1325,17.7 -3903,2,0,1415,20.9 -3903,3,0,2145,20 -3903,4,1,0420,16.4 -3904,1,0,1558,16.9 -3904,2,0,1705,12.7 -3904,3,0,1859,14.6 -3904,4,1,0100,11.6 -3905,1,0,1400,22.3 -3905,2,1,0630,9.9 -3905,3,2,0531,13.2 -3905,4,2,1711,13.3 -3906,1,1,0325,14.5 -3906,2,1,0615,12 -3906,3,1,2015,8.6 -3906,4,2,0020,7.3 -3907,1,0,1525,6.9 -3908,1,0,1620,15 -3908,2,0,1745,19.1 -3908,3,0,1930,19.8 -3908,4,1,0345,17.8 -3910,1,0,1925,14.2 -3910,2,1,1212,15.6 -3910,3,1,0215,13.1 -3910,4,1,1730,9.5 -3911,1,0,1655,11.6 -3912,1,0,1543,5.5 -3913,1,0,0352,17.32 -3914,1,0,2130,11.5 -3916,1,0,0821,14 -3917,1,0,2135,15 -3917,2,0,2235,10.3 -3917,3,1,0350,10.1 -3917,4,1,0957,8.7 -3918,1,0,1551,5.7 -3919,1,0,2159,7.3 -3920,1,0,1034,9.2 -3921,1,0,1225,8.5 -3921,2,0,1340,8.9 -3923,1,0,1703,15.9 -3923,2,0,2115,19.1 -3923,3,1,0331,12.5 -3923,4,1,1708,18 -3924,1,0,0145,47.3 -3924,2,0,0330,17.8 -3924,3,0,0510,17.9 -3924,4,0,0845,12.7 -3925,1,0,1838,18.5 -3926,1,0,1646,6.6 -3928,1,0,0054,6.21 -3929,1,0,1630,10.1 -3929,2,1,0550,8.9 -3929,3,1,1511,9.6 -3931,1,0,1500,10 -3933,1,0,1617,7.15 -3936,1,0,2104,11.2 -3940,1,0,2329,7.6 -3941,1,0,1741,10.5 -3942,1,0,1603,12.2 -3942,2,0,2250,13.2 -3942,3,1,0458,11.7 -3945,1,0,1647,8 -3945,2,1,0846,7.2 -3946,1,0,1431,7.2 -3947,1,0,1854,10.4 -3947,2,1,0656,8.4 -3948,1,0,0819,13.4 -3949,1,0,1228,9.5 -3950,1,0,2213,9.2 -3952,1,0,2230,15.8 -3952,2,1,0040,13.6 -3952,3,1,0120,13.5 -3952,4,1,0600,9.3 -3953,1,0,1832,9.6 -3954,1,0,2215,19.5 -3954,2,1,0450,8.6 -3954,3,1,0913,8.6 -3954,4,1,1600,5.6 -3955,1,0,2247,7.1 -3956,1,0,1814,7.22 -3958,1,0,0851,5.8 -3960,1,0,2128,6.6 -3962,1,0,2350,11 -3962,2,1,0345,14.6 -3962,3,1,1015,18.1 -3962,4,1,2150,10.9 -3963,1,0,1746,19 -3964,1,0,1614,15 -3965,1,0,1420,10.1 -3965,2,0,1535,7.1 -3965,3,1,0615,6.2 -3966,1,0,2111,18.8 -3966,2,1,0740,10.1 -3966,3,7,0806,7.6 -3967,1,0,1958,8.1 -3969,1,0,1950,6.4 -3970,1,0,1904,6.6 -3971,1,0,1616,11.5 -3972,1,0,2041,12.4 -3974,1,0,1705,17.9 -3974,2,0,1850,22.6 -3974,3,0,2118,15.1 -3974,4,1,0500,9 -3975,1,0,1832,16 -3976,1,1,0013,24 -3976,2,1,0936,11.2 -3977,1,0,1717,9.8 -3978,1,0,2235,11.4 -3978,2,0,0400,9.8 -3979,1,0,1250,17 -3980,1,0,1936,11.2 -3980,2,0,2000,9.7 -3980,3,0,2126,7.8 -3981,1,0,0230,10.2 -3981,2,0,0432,9.7 -3981,3,0,1315,11.6 -3982,1,0,1800,7.2 -3982,2,0,1934,7.2 -3982,3,0,2115,9 -3986,1,0,1954,10 -3988,1,0,1352,19.71 -3989,1,0,0930,10.2 -3990,1,0,2325,24.4 -3990,2,1,0050,16.7 -3990,3,1,0630,12.8 -3990,4,1,1940,10.5 -3992,1,0,1654,6.82 -3993,1,0,0809,13.9 -3993,2,0,1123,26.7 -3993,3,0,1849,19 -3993,4,1,0603,9.6 -3995,1,0,1605,6.2 -3996,1,0,1950,18.4 -3996,2,1,0005,11.1 -3996,3,1,0410,10 -3996,4,2,0400,9.9 -3997,1,0,2331,38.9 -3998,1,0,1552,17.4 -3999,1,0,2100,9.9 -4001,1,0,2020,6.8 -4001,2,0,2150,8.1 -4001,3,1,0000,8.9 -4002,1,0,2043,11.8 -4005,1,0,1330,32.1 -4005,2,0,2215,10.8 -4005,3,1,0355,8.7 -4005,4,1,1630,7.9 -4006,1,0,1950,5.88 -4007,1,0,0119,10.9 -4008,1,0,1513,7.7 -4008,2,0,1710,6.8 -4009,1,0,2110,13.2 -4010,1,0,2312,13.1 -4011,1,0,2250,9.4 -4011,2,1,0745,7.5 -4014,1,1,0644,8 -4014,2,2,0005,11.1 -4014,3,0,1745,19.5 -4016,1,0,2051,22.1 -4016,2,3,1136,13 -4021,1,0,1301,6.9 -4022,1,0,1641,13.5 -4022,2,1,0329,10.8 -4022,3,4,1245,6.4 -4023,1,0,1601,5.2 -4025,1,0,1851,13.2 -4025,2,1,0930,9.3 -4025,3,2,0400,7.5 -4026,1,0,0902,10.1 -4027,1,0,1801,12.23 -4027,2,1,2025,7.09 -4028,1,0,2115,9.7 -4028,2,1,0915,8.9 -4029,1,0,2322,13.41 -4030,1,0,1702,5.9 -4031,1,0,2213,16.8 -4031,2,1,0640,12.75 -4033,1,0,1924,13.1 -4033,2,1,0405,7.9 -4036,1,0,2131,9.2 -4036,2,0,2306,10 -4036,3,1,0036,11 -4036,4,1,0600,7.7 -4037,1,0,1434,9 -4038,1,0,2100,6.3 -4039,1,0,2253,22.5 -4039,2,1,0050,22.1 -4039,3,1,0200,10.6 -4039,4,1,0400,11.8 -4040,1,0,1830,8.4 -4040,2,0,1930,12.4 -4041,1,0,2104,17.6 -4042,1,0,2239,17.5 -4046,1,0,2115,26.8 -4046,2,0,2230,20.2 -4046,3,1,0945,10.9 -4046,4,2,0826,16.3 -4047,1,0,1640,5.5 -4047,2,2,0430,5.4 -4049,1,0,1622,6.9 -4052,1,0,1329,24.6 -4052,2,0,1611,20 -4052,3,0,1831,18.2 -4052,4,1,0116,23 -4054,1,0,1001,17.37 -4055,1,0,0035,10.7 -4055,2,0,0552,7.8 -4056,1,0,0548,12 -4057,1,0,2111,15.6 -4058,1,0,1949,16.2 -4058,2,0,2316,19.6 -4058,3,1,0143,18.1 -4058,4,1,0400,17.8 -4060,1,0,1455,5.81 -4062,1,0,1929,24.63 -4062,2,1,0556,10.08 -4062,3,2,0601,7.46 -4062,4,3,0649,13.71 -4064,1,0,2230,6.9 -4064,2,1,0025,11.5 -4064,3,1,0215,11.7 -4064,4,1,0450,8.9 -4066,1,0,2114,14.4 -4068,1,0,0915,9.6 -4068,2,0,1930,14.2 -4068,3,1,0820,7.2 -4070,1,0,1704,8.4 -4072,1,0,1948,6.1 -4073,1,0,1950,4.4 -4074,1,0,2243,13.7 -4075,1,0,1853,12.3 -4075,2,1,0509,10.8 -4076,1,0,1735,9.71 -4077,1,0,2238,17.3 -4077,2,1,0320,12.2 -4077,3,1,1216,9.4 -4078,1,0,1035,12.6 -4079,2,0,2112,6.7 -4081,1,0,1841,6.2 -4083,1,0,1046,4.1 -4084,1,0,1622,10.5 -4085,1,1,0500,11.5 -4085,2,2,0325,7.2 -4085,3,3,0545,5.9 -4085,4,4,0550,4.4 -4086,1,0,1526,7.7 -4087,1,0,1605,5.26 -4088,1,0,1911,11.2 -4088,2,1,0220,9.7 -4088,3,1,0600,8.8 -4088,4,1,1000,7.2 -4089,1,1,0010,8.8 -4090,1,0,1530,20.9 -4090,2,0,1730,21.2 -4090,3,0,1855,19.8 -4090,4,0,2355,15.2 -4091,1,0,1841,5.8 -4093,1,0,2120,10.8 -4094,1,0,1600,12.5 -4094,2,0,1730,13.3 -4095,1,0,1433,6.8 -4100,1,0,2211,7.9 -4100,2,0,2300,8.6 -4101,1,0,1828,21 -4101,2,0,2113,13.2 -4101,3,1,0006,11.3 -4101,4,1,0521,14.8 -4102,1,1,0020,7.3 -4104,1,0,2025,7.4 -4106,1,0,1558,6.13 -4107,1,0,1917,18.8 -4107,2,1,0515,12.01 -4110,1,0,1841,15.7 -4110,2,1,1110,6 -4112,1,0,1234,9.1 -4112,2,0,1350,10.2 -4112,3,0,1540,10.4 -4112,4,1,0030,7.7 -4114,1,0,1754,9.2 -4114,2,1,1410,9.2 -4114,3,1,2036,7.4 -4114,4,2,0933,7.4 -4115,1,0,1620,9.1 -4116,1,0,2325,7.6 -4117,1,0,2010,11.4 -4117,2,0,2150,11.3 -4117,3,0,2345,9.2 -4117,4,1,0450,6.7 -4118,1,0,1441,9.2 -4120,1,0,1817,5.2 -4121,1,0,0134,13.8 -4121,2,0,0430,18.7 -4122,1,1,0044,12.3 -4123,1,1,0720,10.7 -4125,1,1,0019,14 -4126,1,0,1936,13.2 -4126,2,0,2119,14.8 -4126,3,1,0250,11 -4127,1,0,2100,10.4 -4128,1,0,1958,17.2 -4129,1,0,1922,11.1 -4132,1,0,0620,6.2 -4135,1,0,1420,14.4 -4135,2,1,0655,8.6 -4139,1,0,0150,11.5 -4139,2,0,0300,10.6 -4141,1,0,2243,8.2 -4143,1,0,2038,23 -4143,2,5,0550,6.6 -4144,1,0,2101,13.1 -4146,1,0,1824,10.9 -4146,2,1,0850,8.1 -4147,1,0,2044,11.4 -4148,1,0,1521,8.9 -4148,2,0,2128,17.7 -4148,3,1,0528,12.5 -4148,4,1,1606,6.9 -4150,1,0,1315,7.8 -4151,1,0,1828,10.5 -4151,2,1,0143,17.1 -4151,3,1,0530,16.7 -4151,4,2,0505,11 -4154,1,0,2215,17.1 -4154,2,1,1100,10.2 -4154,3,2,1537,8.8 -4154,4,4,1730,8.4 -4155,1,0,1803,8.7 -4156,1,0,2000,7.3 -4156,2,0,2130,8.3 -4157,1,0,1425,26.6 -4157,2,0,1902,14.3 -4157,3,1,0500,12.6 -4157,4,2,0150,9 -4159,1,0,1657,21.5 -4159,2,1,0038,12 -4159,3,1,0400,9 -4159,4,1,0909,10.2 -4161,1,0,2015,16.5 -4163,1,0,2115,9.9 -4165,1,0,1744,6 -4165,2,0,1920,10.9 -4165,3,1,0200,6 -4165,4,1,0400,4.6 -4169,1,0,1724,6.1 -4170,1,0,2155,6.2 -4171,1,0,1505,9.9 -4172,1,0,0834,4.9 -4173,1,0,2115,15.2 -4173,2,0,2213,20.1 -4173,3,1,0024,18 -4175,1,0,1600,7.9 -4175,2,1,0406,8.6 -4179,1,0,2010,11.5 -4180,1,0,2150,10.4 -4180,2,1,0137,14.1 -4180,3,1,0641,14.4 -4180,4,2,0539,9.5 -4181,1,0,2135,38.3 -4181,2,1,0530,21 -4183,1,0,1846,7.7 -4184,1,0,1239,8.4 -4187,1,0,1029,12.2 -4188,1,0,0706,9.6 -4188,2,1,0736,5.9 -4189,1,0,1739,17.3 -4189,2,0,2240,15.8 -4189,3,1,0410,12.4 -4189,4,1,2110,17.7 -4190,1,0,1532,6.7 -4190,2,0,2045,5.7 -4190,3,1,0400,3.8 -4190,4,2,0540,7.1 -4193,1,3,0120,15 -4193,2,4,0400,14.7 -4193,3,4,0625,12.4 -4193,4,4,1750,16.1 -4195,1,0,2300,7.9 -4195,2,1,0015,8.9 -4197,1,0,1600,9.66 -4198,1,0,1550,31.4 -4200,1,0,1450,3.5 -4201,1,0,1530,14.1 -4201,2,0,1843,42 -4201,3,1,0051,30.8 -4201,4,1,0623,25.9 -4202,1,0,2102,12.15 -4203,1,0,1105,4.5 -4207,1,0,2055,8.1 -4208,1,0,1215,9.8 -4209,1,0,1910,12 -4211,1,0,1025,14.9 -4211,2,0,1238,31.9 -4211,3,0,1630,21.8 -4211,4,0,2000,21.2 -4214,1,0,1830,8.5 -4215,1,0,1916,13 -4215,2,1,0500,10.1 -4215,3,2,0110,9.5 -4218,1,0,2125,3.8 -4218,2,0,2203,2.8 -4218,3,1,0000,4 -4218,4,1,0530,3.9 -4219,1,0,1538,12.4 -4219,2,0,1640,17.6 -4220,1,0,1940,19.2 -4221,1,0,2317,6 -4222,1,0,1640,14.37 -4223,1,0,2036,12.8 -4224,1,0,1915,6.3 -4225,1,0,1723,8.2 -4225,2,1,0943,7.2 -4225,3,1,1346,6.5 -4226,1,0,2218,6.45 -4227,1,0,1105,10.1 -4227,2,1,0605,8.6 -4229,1,0,1515,3.9 -4230,1,0,1039,8.7 -4231,1,0,1734,8.5 -4231,2,1,0400,11.5 -4232,1,0,2059,9.9 -4233,1,1,0003,12.3 -4233,2,1,0615,11.1 -4234,1,0,2039,4.2 -4235,1,0,2106,6.9 -4236,1,0,1742,5.1 -4237,1,0,1537,9.4 -4238,1,0,0500,14.9 -4238,2,0,0655,10.6 -4238,3,0,1645,12.5 -4238,4,1,0430,13.1 -4239,1,0,2224,6.7 -4239,2,0,2319,7.1 -4239,3,1,0015,8 -4241,1,1,0020,7.7 -4243,1,0,1944,13.4 -4246,1,0,1140,6.3 -4250,1,0,1710,21 -4250,2,0,1950,12.5 -4250,3,0,2355,10.7 -4250,4,1,0425,10 -4251,1,0,1335,25.1 -4251,2,0,1510,18.5 -4251,3,0,1650,23.7 -4251,4,0,2245,11.2 -4252,1,0,1727,7.7 -4254,1,0,0829,7 -4254,2,0,0946,10.8 -4256,1,0,0900,4.5 -4260,1,0,1636,8.8 -4261,1,0,1425,8.8 -4263,1,0,1210,10 -4263,2,0,1557,15.7 -4265,1,0,2251,12.5 -4266,1,0,1807,6.4 -4266,2,1,0533,9.2 -4267,1,1,0058,10.7 -4268,1,0,2020,6.5 -4269,1,0,1847,10.8 -4270,1,0,1531,6.4 -4270,2,0,1639,13.5 -4270,3,1,0345,6 -4270,4,2,0845,9.5 -4271,1,0,1754,12.6 -4275,1,0,1443,8.5 -4275,2,0,1542,9 -4276,1,1,0240,16.6 -4277,1,0,0115,21.1 -4277,2,1,0541,9.6 -4279,1,0,1834,12.1 -4279,2,1,0605,7.8 -4280,1,0,2010,11.3 -4282,1,0,1944,8.6 -4283,1,0,1920,11.4 -4284,1,0,0331,10.4 -4284,2,0,0433,9 -4284,3,0,0650,9.4 -4285,1,0,1028,6.1 -4286,1,0,2150,8.2 -4286,2,1,0001,17.9 -4286,3,1,0155,15 -4287,1,0,1557,14 -4289,1,0,1915,15.6 -4289,2,1,0953,12.9 -4291,1,0,2116,11.4 -4292,1,0,2104,13.4 -4292,2,1,0420,13.5 -4293,1,0,2121,17.6 -4293,2,4,0421,13.2 -4293,3,6,1609,16.5 -4294,1,0,0930,14.4 -4294,2,0,1105,27.6 -4294,3,0,1545,19.1 -4294,4,1,0100,13.6 -4295,1,0,1819,9.9 -4297,1,0,1045,5.6 -4297,2,0,1227,6.2 -4298,1,0,1830,9.7 -4300,1,0,2141,10.4 -4300,2,0,2314,9.9 -4300,3,1,0130,8.9 -4302,1,0,1753,15.5 -4305,1,0,2029,18.4 -4306,1,0,0528,11.5 -4306,2,0,0945,20.1 -4306,3,1,0430,12.2 -4306,4,1,0547,11.9 -4307,1,0,1545,6.7 -4307,2,0,1925,5.4 -4307,3,1,0000,5.2 -4307,4,1,0400,4.8 -4308,1,1,0350,10.6 -4308,2,2,0415,9.1 -4308,3,3,0410,7.6 -4308,4,4,0420,7.4 -4309,1,1,0226,8.1 -4309,2,1,2116,6.6 -4309,3,2,1101,5 -4311,1,0,1726,8.67 -4312,1,0,1750,11.9 -4313,1,0,1828,9.28 -4313,2,1,0005,9.93 -4313,3,1,0600,7.3 -4314,1,0,2024,4.9 -4315,1,0,1640,22.8 -4316,1,0,2145,12.7 -4317,1,0,1354,9.99 -4317,2,1,0830,6.71 -4317,3,2,0650,7.27 -4319,1,0,1838,7.6 -4321,1,0,0117,8.1 -4322,1,0,1720,8.7 -4323,1,0,1810,5.2 -4324,1,0,0930,4.7 -4325,1,0,1815,7.1 -4326,1,0,1805,7.3 -4328,1,1,0900,11.1 -4329,1,0,1647,3.8 -4330,1,0,1631,10.3 -4330,2,1,0500,7.3 -4332,1,0,0723,15.5 -4333,1,0,1850,15.1 -4334,1,0,2018,33 -4334,2,0,2232,15.8 -4334,3,1,0258,6.8 -4334,4,1,0600,6.6 -4335,1,0,1934,17.2 -4336,1,0,1814,9.71 -4339,1,1,0200,9.8 -4340,1,0,0224,6.1 -4340,2,0,0518,8.8 -4342,1,0,1956,9.5 -4342,2,0,2224,12 -4342,3,1,0046,13.2 -4342,4,1,0620,12.9 -4343,1,0,0805,12.9 -4343,2,0,0855,13.8 -4343,3,0,1725,11.7 -4343,4,0,2215,10.7 -4344,1,0,1803,8.9 -4346,1,0,1445,10.1 -4348,1,0,1848,8.4 -4350,1,0,1810,12.7 -4350,2,0,2100,11.2 -4350,3,1,0304,7.5 -4350,4,1,0840,6.1 -4351,1,0,1241,17.8 -4351,2,0,1645,15.9 -4351,3,1,0414,7.1 -4353,1,0,1917,13.1 -4355,1,0,1609,9.3 -4355,2,1,0026,11.3 -4355,3,1,0552,6.2 -4355,4,1,1233,4.8 -4356,1,0,2050,10.4 -4356,2,0,2235,10.8 -4356,3,0,2345,14.8 -4356,4,1,0835,7.6 -4357,1,0,1749,12.4 -4358,1,0,1140,5.4 -4360,1,0,1630,29 -4360,2,0,1920,18.9 -4360,3,1,0010,18.3 -4360,4,1,0345,20.7 -4361,1,0,2041,28.9 -4361,2,1,0005,22.2 -4361,3,1,0405,16.8 -4361,4,2,0350,13.4 -4362,1,0,1940,8.41 -4363,1,0,1801,8 -4364,1,0,2230,19.1 -4364,2,1,0500,16.9 -4364,3,1,1230,9.8 -4364,4,2,0400,7.3 -4365,1,0,2215,20.3 -4365,2,0,2315,19.3 -4365,3,1,0100,19.3 -4365,4,1,0345,16.7 -4366,1,0,0120,18.8 -4366,2,0,0947,14.8 -4366,3,1,0600,9.8 -4367,1,0,2053,9.4 -4368,1,0,1300,13 -4369,1,0,1300,5.4 -4372,1,0,1651,7.3 -4373,1,0,2130,9.9 -4374,1,0,1635,8.9 -4374,2,0,1820,12.4 -4379,1,0,2050,13.3 -4379,2,0,2150,11.9 -4380,1,0,1710,8.6 -4381,1,0,1634,14.79 -4383,1,0,0915,11.1 -4383,2,1,0430,7.5 -4383,3,2,0430,10.3 -4383,4,3,0405,9.1 -4385,1,0,2000,6.7 -4385,2,2,0520,11 -4386,1,0,2033,10.9 -4387,1,1,0105,6.2 -4389,1,1,0430,7 -4391,1,0,0847,6.3 -4395,1,0,1420,5.9 -4396,1,0,2017,6.4 -4397,1,0,1506,10.71 -4399,1,0,2205,11.6 -4400,1,0,2158,17.84 -4400,2,1,0400,15.18 -4400,3,2,0655,13.78 -4402,1,0,2229,25 -4403,1,0,2020,9.3 -4403,2,1,0400,5.9 -4403,3,1,1420,11.3 -4403,4,2,0430,12.5 -4404,1,0,0119,24.7 -4404,2,0,0428,16.9 -4404,3,0,0910,10.4 -4404,4,0,1640,7.8 -4405,1,0,1707,14.3 -4406,1,1,0315,13.8 -4406,2,1,1145,9.6 -4406,3,1,2120,8.1 -4408,1,0,1308,7.3 -4409,1,0,0855,11.4 -4411,1,0,1400,10.6 -4412,1,0,1624,18.2 -4413,1,0,0105,12.4 -4414,1,0,1725,10.3 -4415,1,0,1856,13.4 -4415,2,0,2003,10.2 -4415,3,0,2255,9.9 -4415,4,1,0201,8.1 -4416,1,0,1625,15.49 -4417,1,0,1140,17.9 -4417,2,0,1642,11.4 -4417,3,0,1845,11.9 -4417,4,1,0530,8.6 -4418,1,0,2105,13.4 -4418,2,0,2220,16.1 -4418,3,1,0005,17.6 -4418,4,1,0510,14.9 -4419,1,0,1940,22.3 -4419,2,1,0228,11.7 -4419,3,1,0829,10.3 -4419,4,1,1454,10.8 -4420,1,0,1300,37.4 -4421,1,0,1708,3.5 -4422,1,0,2028,25.6 -4422,2,1,0645,12.3 -4422,3,1,0930,11.7 -4424,1,0,1639,17.24 -4425,1,0,2309,7.7 -4426,1,0,2140,10.6 -4426,2,1,0530,14.4 -4426,3,2,0500,11 -4426,4,3,0506,10.4 -4427,1,0,1445,6.5 -4430,1,0,0923,13 -4430,2,0,1644,13.3 -4432,1,0,1638,20.3 -4432,2,1,0510,10.6 -4434,1,0,2048,16.6 -4435,1,1,0155,9.8 -4436,1,0,2000,10.7 -4438,1,1,0825,9.9 -4438,2,2,0504,10.9 -4439,1,0,1854,8 -4440,1,0,2000,13.7 -4441,1,1,0116,14.6 -4441,2,1,0706,13.9 -4441,3,1,1312,14.1 -4441,4,1,1929,13.3 -4444,1,0,1850,22.4 -4445,1,0,2102,15 -4445,2,1,0300,15.3 -4447,1,0,1626,15.7 -4448,1,0,1919,8.1 -4451,1,0,2333,10.9 -4452,1,1,0710,4.2 -4453,1,0,1940,7.1 -4454,1,1,0045,9.8 -4454,2,1,0200,8.7 -4454,3,1,0905,6.9 -4456,1,0,1200,7.6 -4456,2,0,1300,13.8 -4456,3,0,1510,12.3 -4456,4,0,2106,10.8 -4457,1,0,1917,14.5 -4458,1,0,1907,8.2 -4459,1,0,1505,7.02 -4460,1,1,1550,14.5 -4462,1,0,0200,11 -4462,2,0,1310,7 -4465,1,0,2047,5.5 -4466,1,0,1155,7.3 -4467,1,0,0845,16.7 -4467,2,0,1820,16.1 -4467,3,1,0630,10.2 -4469,1,0,1122,5.7 -4470,1,0,1552,8.2 -4472,1,0,0816,11.2 -4473,1,0,1828,16.1 -4473,2,0,1929,19 -4473,3,0,2127,16.5 -4473,4,1,0410,12.6 -4474,1,1,0003,11.8 -4475,1,0,1459,9.4 -4477,1,0,2049,23.6 -4478,1,0,2347,15.7 -4480,1,2,0525,6.2 -4482,1,0,1852,9 -4483,1,0,1315,21.5 -4483,2,0,1600,20 -4483,3,0,1735,16.5 -4483,4,0,2045,13.1 -4484,1,0,2143,14.1 -4485,1,0,0015,37.5 -4485,2,0,0510,20 -4485,3,1,0337,9.3 -4485,4,2,0425,6.1 -4486,1,0,1925,9.2 -4486,2,0,2015,11 -4487,1,0,2210,6.6 -4490,1,0,0155,15.5 -4490,2,0,0300,17.1 -4490,3,0,0455,17.9 -4490,4,0,1050,12.7 -4491,1,0,0345,26.6 -4493,1,0,1726,8.3 -4493,2,0,1922,16.8 -4493,3,1,0515,9.8 -4493,4,1,2030,7.3 -4495,1,0,1810,11.1 -4495,2,0,2220,3.8 -4495,3,1,0510,2.9 -4495,4,1,1600,1.7 -4496,1,0,1930,14.3 -4497,1,0,1322,8.3 -4498,1,0,1305,7.7 -4499,1,0,2220,23.5 -4500,1,0,1904,8.5 -4500,2,1,0344,9.6 -4501,1,0,0013,9.5 -4502,1,0,1426,18 -4502,2,0,1713,14.8 -4502,3,0,2035,15.3 -4502,4,1,0230,9 -4503,1,0,2000,12.9 -4503,2,0,2115,16.1 -4503,3,0,2258,16.1 -4503,4,1,0715,9.2 -4504,1,0,1226,21 -4505,1,0,1527,8.17 -4509,1,0,2340,12.3 -4510,1,0,2313,11.7 -4510,2,1,0553,6.4 -4511,1,0,1945,38.8 -4512,1,0,1810,12 -4515,1,0,1601,19.96 -4518,1,0,2045,13.1 -4519,1,0,2157,7.7 -4521,1,0,0900,4 -4524,1,0,1745,15 -4525,1,0,0043,11.9 -4527,1,0,1303,9.7 -4529,1,1,0006,18.2 -4530,1,0,0920,15 -4530,2,0,1020,13.3 -4536,1,0,1356,4.9 -4538,1,0,2345,6.3 -4539,1,0,1925,21.7 -4539,2,0,2235,18.2 -4539,3,1,0042,17.1 -4539,4,1,0135,15.3 -4540,1,0,2000,21.5 -4540,2,0,2225,18.7 -4541,1,0,1946,5.8 -4542,1,2,0645,10 -4544,1,0,1258,16.4 -4544,2,0,1413,17 -4544,3,0,1549,20.7 -4545,1,0,1939,24.73 -4546,1,0,2300,13 -4547,1,0,1100,27.9 -4547,2,0,1530,11.9 -4547,3,1,0500,8.5 -4547,4,1,1445,6.6 -4549,1,0,2037,11.4 -4550,1,0,1619,18.57 -4550,2,0,1841,26.38 -4551,1,0,1900,8.4 -4552,1,0,2008,7.2 -4553,1,0,2211,7.8 -4553,2,1,0216,9.8 -4553,3,1,0740,7.6 -4555,1,0,2113,11.6 -4555,2,1,0400,13.2 -4555,3,2,0452,6.8 -4557,1,0,2030,20.5 -4557,2,1,0229,12.6 -4557,3,1,1824,13.6 -4557,4,1,2222,14.2 -4558,1,0,1440,13.9 -4558,2,1,0709,10.9 -4559,1,0,1719,10.9 -4560,1,0,1915,11 -4561,1,0,1731,12.1 -4562,1,0,1711,7.5 -4562,2,0,2157,10 -4562,3,1,0531,6.4 -4562,4,2,0433,5.4 -4563,1,0,1610,4 -4563,2,1,0010,4.1 -4563,3,1,0810,6.4 -4563,4,2,0400,5 -4564,1,0,1608,11.9 -4564,2,0,1749,16 -4564,3,0,1944,16.1 -4566,1,0,2310,12.9 -4566,2,2,0800,7.6 -4566,3,3,0715,6.7 -4566,4,7,0655,6.2 -4567,1,0,1610,8.5 -4568,1,0,1157,6 -4569,1,0,1939,9.2 -4570,1,0,1355,10.8 -4571,1,0,1852,15.3 -4572,1,0,1736,11.8 -4572,2,1,1553,5.9 -4573,1,0,1908,15.5 -4573,2,0,2020,13.4 -4573,3,1,0045,18.3 -4573,4,1,0140,13.3 -4576,1,0,1730,14.8 -4576,2,0,1855,18.9 -4577,1,0,2318,14.4 -4577,2,1,0412,13 -4577,3,2,0437,6 -4577,4,3,1050,14.8 -4579,1,1,0250,6.1 -4580,1,0,1527,8.3 -4581,1,0,2059,7.4 -4581,2,1,1917,6.5 -4582,1,0,1559,18 -4582,2,0,2200,23.9 -4582,3,1,0325,15 -4582,4,1,1000,11.7 -4583,1,0,1920,18.2 -4586,1,1,0600,8.6 -4587,1,0,2250,14 -4587,2,1,0006,13.4 -4587,3,1,0208,14.3 -4589,1,0,1327,7.6 -4590,1,0,0807,7.6 -4591,1,0,0916,8.4 -4592,1,0,2029,9.9 -4594,1,0,1610,14.7 -4594,2,0,1745,16.4 -4595,1,0,1621,8.3 -4596,1,0,2224,22.6 -4598,1,0,1047,14.8 -4598,2,0,1318,14.6 -4599,1,0,2320,8.8 -4600,1,0,1130,11.3 -4602,1,0,2245,9.4 -4602,2,1,0436,8.7 -4603,1,0,1528,17.55 -4604,1,1,2015,9.5 -4605,1,0,1510,13.8 -4605,2,0,1630,7.5 -4605,3,0,1800,11.5 -4605,4,1,0030,13.2 -4606,1,0,0845,5.7 -4607,1,0,2136,11.7 -4608,1,0,2355,17.1 -4610,1,0,1447,11.5 -4611,1,0,1910,9.6 -4611,2,0,2030,11.3 -4611,3,0,2320,12.9 -4613,1,0,1904,10.65 -4615,1,0,1340,10.5 -4615,2,1,0414,13 -4617,1,0,2358,11.1 -4618,1,0,0700,9.5 -4619,1,0,0101,11.8 -4620,1,0,1719,13.2 -4620,2,1,0530,9.8 -4622,1,0,2016,14.1 -4622,2,0,2105,20 -4622,3,0,2319,28.2 -4622,4,1,0240,17.3 -4623,1,0,1705,7.7 -4624,1,0,2300,17.8 -4625,1,0,2015,9.1 -4626,1,1,0510,8.9 -4627,1,0,1940,8.3 -4627,2,1,0629,5.7 -4628,1,0,1825,8.3 -4628,2,1,0400,9 -4630,1,0,1638,7.01 -4631,1,0,2123,11.6 -4633,1,1,0500,12.6 -4634,1,0,1751,9.4 -4634,2,1,0047,17.2 -4634,3,1,0945,13.7 -4634,4,2,0431,10.8 -4635,1,0,1341,23.5 -4637,1,0,1850,16.1 -4639,1,0,2225,12.5 -4640,1,0,2041,13.9 -4640,2,1,0005,14.8 -4640,3,2,0030,8.5 -4640,4,3,0340,8.7 -4642,1,0,1748,17.2 -4642,2,0,2314,16.2 -4642,3,0,2322,6.7 -4642,4,1,0135,12.7 -4643,1,0,1539,9.9 -4643,2,0,1628,10.3 -4644,1,0,1722,11.5 -4645,1,0,1717,17.3 -4646,1,0,1505,21.3 -4646,2,1,0605,1.3 -4646,3,1,1230,2.5 -4646,4,2,0600,4.2 -4648,1,0,2205,6.9 -4650,1,0,1931,9.5 -4650,2,1,0422,11.7 -4651,1,0,1004,13.36 -4651,2,0,1627,12.32 -4651,3,1,0000,7.74 -4651,4,1,0500,7.9 -4653,1,0,2150,26.1 -4653,2,1,0045,20.1 -4653,3,1,0423,13.2 -4653,4,1,1319,12 -4654,1,0,1614,10.6 -4654,2,1,0356,8.3 -4655,1,0,2015,8.7 -4655,2,0,2125,9.1 -4655,3,0,2325,12.1 -4655,4,1,0515,14.8 -4656,1,1,0322,12.7 -4656,2,1,0628,9.3 -4656,3,1,1141,8.8 -4656,4,1,1836,5.9 -4657,1,0,1740,7.9 -4658,1,0,0030,11.4 -4659,1,0,2339,6.3 -4659,2,1,0615,9.3 -4660,1,1,0615,11.5 -4663,1,0,2044,7.95 -4663,2,1,0710,7.45 -4664,1,0,1940,14 -4664,2,1,0050,21.1 -4664,3,1,0415,15.8 -4665,1,0,1650,11.8 -4667,1,0,1820,9.6 -4668,1,0,2006,9.24 -4669,1,0,1516,7.9 -4671,1,0,2330,14.8 -4671,2,1,0130,11.6 -4671,3,1,0330,12.9 -4672,1,0,1651,6.21 -4674,1,0,2037,21.2 -4674,2,1,0535,15.8 -4674,3,1,1850,8.6 -4675,1,0,1706,7.6 -4676,1,0,1255,12.2 -4676,2,0,1435,14.8 -4677,1,0,1806,10.8 -4680,1,0,1725,27.2 -4680,2,1,0001,3.4 -4680,3,1,0355,4.3 -4680,4,1,0807,5.2 -4682,1,0,0743,9.2 -4683,1,0,1500,14.1 -4684,1,0,1315,11.4 -4685,1,0,1525,18.4 -4687,1,0,1311,8.4 -4688,1,0,2300,12.1 -4688,2,1,0100,10.8 -4690,1,0,2012,10.2 -4690,2,1,0241,11.5 -4691,1,0,0950,7.9 -4692,1,0,1725,18.8 -4692,2,0,1845,14.9 -4692,3,0,2020,14.4 -4692,4,1,0230,12.9 -4693,1,0,1223,18 -4693,2,3,1420,13.1 -4693,3,3,2347,13.6 -4693,4,4,1159,18.2 -4694,1,0,2232,13.3 -4695,1,0,1617,9.1 -4698,1,0,1424,5.4 -4698,2,0,1522,4.7 -4698,3,0,1734,6.2 -4699,1,0,1754,8.3 -4699,2,0,1934,16.6 -4699,3,0,2239,13.2 -4700,1,0,1913,14.89 -4701,1,0,1315,7.6 -4702,1,1,0245,41 -4702,2,1,0410,30.7 -4702,3,1,0610,31.3 -4702,4,1,0840,24.6 -4703,1,0,1540,14.6 -4705,1,0,2111,13.2 -4705,2,0,2240,11.9 -4706,1,0,1950,14.31 -4707,1,0,1207,23.5 -4707,2,2,0515,7.3 -4708,1,0,2249,27.4 -4708,2,1,0446,21.6 -4708,3,2,0400,11.6 -4709,1,0,2045,25.4 -4711,1,0,1130,15 -4711,2,0,1600,12.9 -4711,3,0,2145,10.4 -4711,4,1,0300,9.6 -4712,1,0,1850,6.4 -4713,1,0,1440,10.2 -4714,1,0,2014,7.4 -4715,1,0,1745,17.6 -4715,2,3,1515,6.3 -4716,1,0,1753,38.2 -4717,1,0,1800,10.4 -4719,1,0,1858,13.7 -4719,2,0,2130,22.8 -4719,3,1,0005,16.5 -4719,4,1,0600,11.5 -4720,1,0,1530,5.3 -4722,1,0,1924,14.4 -4722,2,1,1245,14.6 -4722,3,1,0336,11.5 -4722,4,1,1008,8.8 -4723,1,0,1656,14.7 -4724,1,0,1323,23 -4724,2,0,1610,23 -4724,3,1,0405,14.1 -4725,1,0,0725,7.3 -4728,1,0,1829,7.4 -4729,1,0,1244,15.7 -4729,2,0,1353,24.4 -4729,3,0,1625,26.7 -4729,4,0,1800,22 -4733,1,0,1625,12.4 -4733,2,0,1725,11.4 -4734,1,0,1500,17 -4734,2,0,1620,16.5 -4734,3,0,1950,12.5 -4735,1,0,0204,9.4 -4735,2,0,0455,12.6 -4735,3,0,0645,12.2 -4737,1,0,1007,5.2 -4740,1,0,1720,17.5 -4740,2,0,1900,17 -4740,3,1,1430,7.1 -4740,4,2,0500,7 -4741,1,0,1414,12.3 -4742,1,0,0000,12.6 -4742,2,0,0130,24.4 -4742,3,0,0345,19.8 -4742,4,0,0735,16.2 -4743,1,0,0200,20.7 -4743,2,0,0935,10.6 -4744,1,0,1744,7 -4745,1,0,1929,17.6 -4745,2,2,0952,14.7 -4745,3,2,1804,9.5 -4745,4,3,0600,14.6 -4746,1,0,1630,12 -4746,2,0,1940,9.6 -4747,1,0,0823,18.2 -4749,1,0,1515,27.4 -4749,2,1,0424,12.3 -4749,3,1,0620,13.1 -4749,4,1,1003,13.4 -4752,1,1,0025,6.9 -4755,1,0,2010,17.6 -4755,2,0,2220,15 -4755,3,1,0001,13.3 -4755,4,1,0345,11.3 -4756,1,0,1859,17.25 -4757,1,0,1850,24.6 -4757,2,0,2325,22.6 -4757,3,1,0505,19.1 -4757,4,1,1202,13 -4758,1,1,0155,14.7 -4760,1,1,0100,8.6 -4760,2,1,0400,7 -4760,3,1,0600,5.2 -4760,4,1,2001,3.7 -4762,1,0,1740,5 -4764,1,0,1850,8.7 -4764,2,0,2000,9.7 -4765,1,0,1340,19.6 -4767,1,0,1400,6.8 -4768,1,0,2025,12.4 -4768,2,0,2155,11.4 -4770,1,0,1910,11.1 -4772,1,0,0025,38.4 -4772,2,0,0700,35.5 -4772,3,1,0343,18.5 -4772,4,1,1235,20.3 -4773,1,0,0043,10.5 -4777,1,0,0857,14.9 -4779,1,0,1745,9.5 -4779,2,0,1851,9.4 -4779,3,0,2103,8 -4779,4,1,0230,7 -4781,1,0,1901,13.3 -4786,1,0,0036,21.3 -4786,2,0,0500,16.6 -4786,3,0,1605,14.6 -4787,1,0,2243,14.9 -4787,2,1,0855,11.1 -4788,1,0,0215,17.7 -4789,1,0,1130,5.2 -4789,2,0,1250,6.9 -4790,1,0,1656,10.5 -4791,1,0,0137,13.6 -4791,2,0,0313,13.3 -4792,1,0,2238,19.2 -4792,2,1,0044,22.3 -4792,3,1,0323,18.3 -4792,4,1,0700,18.6 -4793,1,1,0057,7.8 -4794,1,0,2101,15.3 -4796,1,0,1755,7.44 -4797,1,0,1519,15.66 -4800,1,0,2102,11.3 -4801,1,0,1421,10.3 -4804,1,1,0010,8.2 -4805,1,0,2030,18.9 -4805,2,0,2320,16.3 -4805,3,1,0145,11.9 -4805,4,1,0715,11.9 -4806,1,0,1842,12.8 -4806,2,4,0637,15.9 -4806,3,4,1127,16.6 -4807,1,0,1800,12.3 -4807,2,1,0845,10.5 -4809,1,0,2156,8 -4810,1,0,1443,25.9 -4810,2,1,0117,19.6 -4810,3,1,0600,9.6 -4810,4,1,0822,11.5 -4812,1,0,1950,9.11 -4813,1,0,1435,6 -4814,1,0,2215,15.1 -4816,1,0,1723,11.8 -4817,1,0,0950,10.8 -4817,2,0,1050,13.2 -4817,3,0,1305,14.8 -4818,1,0,1504,16.1 -4820,1,1,0355,19.2 -4820,2,1,1737,10.5 -4820,3,2,0350,28.2 -4820,4,3,2120,14.8 -4821,1,0,1321,7.8 -4822,1,0,0841,10.3 -4822,2,0,1001,10.6 -4822,3,0,1117,16.1 -4822,4,0,1728,11 -4823,1,0,1945,9.1 -4824,1,0,1339,17.4 -4825,1,0,2154,11.8 -4825,2,1,0150,9.7 -4828,1,1,0010,17.4 -4828,2,1,0600,14.1 -4828,3,1,1750,8.1 -4828,4,2,0430,8.6 -4829,1,0,2134,8.6 -4831,1,0,1215,8.2 -4831,2,0,1410,6.1 -4831,3,0,1620,3.3 -4831,4,0,1700,1.7 -4832,1,0,2100,25.32 -4833,1,0,2205,6.1 -4833,2,0,2252,6.9 -4833,3,1,0054,8.5 -4834,1,1,0147,21 -4837,1,0,0755,13.2 -4838,1,0,2045,17.3 -4838,2,0,2150,13.2 -4838,3,1,0000,11.4 -4838,4,1,0530,10 -4839,1,0,2142,15.4 -4839,2,1,0420,12.4 -4840,1,1,0045,11.2 -4842,1,0,1645,17.5 -4842,2,0,2030,17 -4843,1,0,1143,15.67 -4843,2,1,0600,5.92 -4845,1,0,1142,28.8 -4845,2,0,1642,6.1 -4845,3,0,1716,5.1 -4845,4,0,1807,5 -4846,1,0,2109,15.5 -4846,2,0,2236,12.2 -4847,1,0,0321,10.7 -4847,2,0,2113,20.5 -4847,3,1,0446,11.3 -4848,1,0,0721,13 -4849,1,0,0039,21.3 -4849,2,0,0135,20.4 -4849,3,0,0339,21.5 -4851,1,0,1911,7.8 -4851,2,1,0733,12.4 -4852,1,0,1419,10.7 -4852,2,1,0019,7.4 -4852,3,2,1240,8.9 -4853,1,1,0424,12.54 -4854,1,0,2131,15.8 -4856,1,0,2330,10.8 -4857,1,0,1925,14.2 -4857,2,0,2126,13.8 -4857,3,1,0315,12.3 -4857,4,1,0815,12.3 -4858,1,0,2223,7.5 -4859,1,0,1744,12.24 -4860,1,0,1434,23.8 -4861,1,0,1008,3.3 -4861,2,0,1044,9.1 -4861,3,0,1818,10.2 -4861,4,1,0310,8 -4865,1,0,2010,11.6 -4865,2,1,0400,11.6 -4865,3,2,0500,7.6 -4865,4,3,0500,7.7 -4866,1,0,1444,7.3 -4866,2,1,0150,14 -4866,3,1,1013,7.7 -4868,1,0,2010,15.7 -4869,1,0,1848,9.9 -4870,1,0,1226,10.13 -4871,1,0,2104,15.6 -4872,1,0,1050,7.1 -4872,2,1,0725,5.1 -4873,1,0,1517,10.6 -4873,2,1,0614,6.6 -4874,1,0,1726,6 -4875,1,0,1646,15.2 -4875,2,0,1859,11.5 -4875,3,1,0900,9 -4877,1,0,1548,14.04 -4879,1,0,2210,12.7 -4879,2,1,0610,14.3 -4879,3,2,0410,7.7 -4879,4,3,0424,9.4 -4880,1,0,2319,21.4 -4880,2,1,0040,11.5 -4880,3,1,0220,13.4 -4880,4,1,0745,8.9 -4883,1,0,1204,10.1 -4884,1,0,1338,6.9 -4887,1,0,1630,6.2 -4888,1,1,1135,16.5 -4889,1,0,1515,14.5 -4890,1,0,2226,8.8 -4891,1,0,1030,4.7 -4893,1,0,1648,6.8 -4894,1,0,1728,18.3 -4895,1,1,0035,13.8 -4895,2,1,0130,13.1 -4898,1,0,1155,5.2 -4898,2,0,1300,7.7 -4898,3,0,1530,10.8 -4902,1,0,1704,6.4 -4903,1,0,1218,12.5 -4904,1,0,2050,7.3 -4905,1,0,2035,12.1 -4906,1,0,2310,6.7 -4909,1,0,0322,21.4 -4909,2,0,0742,25.2 -4909,3,0,1600,19.6 -4909,4,0,2200,19.4 -4910,1,0,0431,6.38 -4911,1,0,0336,13.3 -4911,2,0,0927,18.3 -4913,1,0,1229,11.4 -4914,1,0,2239,6.5 -4915,1,0,2210,5.8 -4917,1,0,2015,16.1 -4918,1,0,0140,6.5 -4918,2,0,0400,10.8 -4918,3,0,0745,9.4 -4918,4,0,1245,7.5 -4919,1,0,0737,13.6 -4919,2,0,0855,12.5 -4920,1,0,1610,5.2 -4921,1,0,1918,19.7 -4922,1,0,1730,8.8 -4923,1,0,1741,9.81 -4924,1,0,2052,14.6 -4924,2,2,0727,6.7 -4925,1,0,0200,6.82 -4926,1,1,0011,6.2 -4928,1,0,2046,12.1 -4929,1,0,1652,18.4 -4929,2,1,0810,8.3 -4929,3,2,0641,8.9 -4929,4,3,2340,10.1 -4930,1,0,2154,5.6 -4931,1,0,0928,8.9 -4933,1,0,2010,11.6 -4935,1,0,2040,4.8 -4936,1,0,1710,6.1 -4936,2,1,1545,6.5 -4938,1,0,1938,12.6 -4939,1,0,1735,6.2 -4939,2,0,2245,7 -4939,3,1,0120,6 -4940,1,0,1805,10.2 -4942,1,0,2000,20.8 -4943,1,0,2126,10.8 -4944,1,0,1613,11.7 -4944,2,1,0512,10.4 -4944,3,1,1129,7.4 -4944,4,2,0857,6.6 -4945,1,0,2102,13.4 -4945,2,1,0558,11.62 -4945,3,2,0625,7.82 -4945,4,3,0744,8.51 -4946,1,0,1506,4.9 -4946,2,0,1531,5.5 -4947,1,0,0045,5.2 -4948,1,0,2205,12.9 -4950,1,0,1630,16.5 -4950,2,0,2151,14.1 -4950,3,1,0600,12.6 -4950,4,0,0942,17.2 -4951,1,0,2108,9.4 -4951,2,0,2210,9.1 -4951,3,1,0030,10 -4952,1,0,1800,9.8 -4954,1,0,2020,14.8 -4955,1,0,1756,14.9 -4956,1,0,2243,9.6 -4957,1,0,2240,7.7 -4960,1,0,2138,11.4 -4963,1,0,2030,16.56 -4963,2,1,0430,8.77 -4963,3,1,2045,6.47 -4963,4,2,2220,8.63 -4966,1,0,1015,7.9 -4967,1,0,1920,11.6 -4967,2,1,0220,10.9 -4968,1,0,1609,20.1 -4969,1,0,2250,28.2 -4971,1,1,0818,5.32 -4974,1,0,2256,8.8 -4975,1,0,1822,15.8 -4975,2,0,2009,20.9 -4975,3,1,0930,11.2 -4975,4,1,1055,11 -4975,5,1,2032,13.1 -4977,1,1,0220,14.5 -4977,2,1,0500,11.8 -4977,3,2,0405,12.1 -4977,4,3,0355,10 -4978,1,0,0007,5.6 -4979,1,0,0915,7.5 -4980,1,0,2315,10.8 -4980,2,1,0008,11.8 -4980,3,1,0248,13.6 -4980,4,1,0640,11.1 -4981,1,0,1045,9.6 -4981,2,0,1215,10.1 -4982,1,0,1515,10 -4982,2,0,1715,6.9 -4982,3,0,1800,8 -4982,4,0,2020,6.6 -4983,1,0,0455,16.2 -4983,2,0,0430,14.9 -4984,1,0,1815,11.6 -4984,2,1,0735,10.2 -4985,1,0,1610,10.3 -4986,1,0,1712,7.6 -4987,1,0,1705,13.7 -4989,1,0,0306,9.4 -4989,2,0,0950,7.7 -4989,3,0,1545,7.1 -4989,4,0,2200,9.3 -4990,1,0,0920,8 -4990,2,0,1545,8.5 -4991,1,0,1510,11.2 -4992,1,0,1425,9.1 -4992,2,1,0410,7.5 -4993,1,0,1236,5.5 -4994,1,0,2327,16.19 -4994,2,1,0213,15.85 -4994,3,1,0755,10.5 -4994,4,1,2100,13.61 -4998,1,0,2224,11.27 -5000,1,0,1911,20.5 -5001,1,0,2145,10.8 -5003,1,0,1139,5.6 -5004,1,0,2005,15.4 -5004,2,1,1442,4.4 -5005,1,0,1355,6 -5006,1,0,2253,10.7 -5007,1,0,1743,20.6 -5008,1,0,1648,16.5 -5009,1,0,0239,6.3 -5009,2,0,1201,8 -5009,3,1,0930,13.8 -5009,4,2,0430,9.7 -5010,1,0,2212,6.5 -5010,2,1,0504,5.8 -5010,3,1,1719,7.3 -5013,1,0,1908,13 -5014,1,0,2237,19.1 -5015,1,1,0020,6.2 -5016,1,0,0215,6.88 -5016,2,0,0935,5.62 -5019,1,0,2245,13.45 -5020,1,0,1840,6.2 -5020,2,0,2046,15.4 -5020,3,1,0118,10.7 -5020,4,1,0511,9.1 -5021,1,0,2211,12.8 -5021,2,1,0808,10.8 -5021,3,2,0430,7.9 -5021,4,2,1120,6.8 -5022,1,0,1000,8.9 -5022,2,0,1530,8.3 -5023,1,0,2100,6.8 -5024,1,0,2138,12.3 -5025,1,0,1725,5.1 -5025,2,0,1850,4.8 -5025,3,0,2050,5.4 -5026,1,0,0130,25 -5026,2,0,0600,14.7 -5026,3,1,0420,9 -5026,4,2,0515,6.4 -5028,1,0,2150,10.6 -5029,1,0,1702,9.5 -5030,1,0,1535,12.2 -5031,1,0,1419,7.7 -5032,1,0,1737,9.6 -5032,2,0,2150,13.2 -5032,3,1,0857,7.9 -5033,1,0,0159,19.8 -5034,1,0,0126,11.8 -5034,2,0,0354,15.6 -5034,3,0,0521,12.2 -5034,4,0,1105,8 -5035,1,0,2030,8.3 -5036,1,0,2018,11.2 -5037,1,0,1410,4.6 -5037,2,0,1505,5.6 -5037,3,0,1549,5 -5037,4,0,1630,3.2 -5039,1,0,0045,5.9 -5041,1,0,1652,9 -5044,1,0,2157,5.3 -5045,1,0,2348,15.4 -5046,1,0,1250,14.4 -5047,1,0,2041,9.2 -5047,2,1,0700,7.6 -5048,1,0,0939,11.1 -5048,2,1,0643,8.3 -5049,1,0,0825,10.4 -5050,1,0,1907,12.2 -5050,2,0,2001,12.9 -5050,3,1,0400,8.3 -5050,4,1,1000,7.2 -5051,1,0,1630,9.5 -5052,1,0,0842,8.9 -5052,2,0,1925,10.7 -5052,3,1,0655,5.9 -5053,1,0,2243,10 -5054,1,0,1818,9.22 -5057,1,0,1803,6.84 -5059,1,0,2340,6.8 -5060,1,0,1920,10.2 -5060,2,1,0615,10.3 -5060,3,1,0955,9.7 -5061,1,0,1910,14 -5061,2,0,2010,17.6 -5061,3,1,0410,11.1 -5061,4,2,0810,7.4 -5063,1,0,2020,4.6 -5064,1,0,1910,10.5 -5064,2,1,0620,10.2 -5066,1,0,1542,10.5 -5067,1,0,0820,19.6 -5068,1,0,2106,12.4 -5070,1,0,0527,9.8 -5071,1,0,2343,15.1 -5071,2,1,1514,13.5 -5071,3,2,0548,12.3 -5071,4,4,0555,9.4 -5072,1,0,2140,12.6 -5072,2,0,2323,12.5 -5073,1,0,1420,8.8 -5074,1,0,2030,8.5 -5074,2,1,0330,13.4 -5074,3,2,0355,12.9 -5075,1,0,1930,16.1 -5080,1,0,2100,12.6 -5080,2,1,0604,13.5 -5080,3,1,1245,11.1 -5080,4,1,1826,11.9 -5081,1,0,1448,10.69 -5082,1,0,1637,16.3 -5083,1,0,1237,10.7 -5085,1,0,1455,19.3 -5086,1,0,0345,12.7 -5086,2,1,0345,7.8 -5087,1,0,2230,24.5 -5087,2,1,0038,31.4 -5087,3,1,0137,25.7 -5087,4,1,0515,21.6 -5089,1,0,2025,9.8 -5089,2,0,2142,11.1 -5089,3,0,2320,11.3 -5089,4,1,0530,7.9 -5090,1,0,1810,11 -5090,2,1,0629,6.9 -5092,1,0,1940,11.5 -5093,1,0,1946,11.6 -5094,1,0,1158,15.4 -5095,1,0,1214,21.6 -5096,1,0,1600,6.9 -5096,2,0,1705,7.3 -5097,1,0,1555,9.1 -5097,2,0,1708,12.1 -5097,3,0,1850,13.3 -5100,1,0,2159,13.5 -5103,1,0,1938,15.9 -5104,1,0,1333,7.9 -5105,1,0,1645,13.1 -5105,2,1,0705,9.1 -5107,1,0,1730,11.7 -5109,1,0,1916,10.45 -5110,1,0,1722,14.5 -5111,1,0,1830,13.6 -5111,2,0,2050,25.3 -5111,3,1,0205,16.3 -5111,4,1,0700,13.9 -5113,1,0,0108,7.1 -5114,1,0,1444,21.7 -5115,1,0,2103,7.5 -5115,2,1,0230,6.8 -5115,3,1,1110,6.1 -5115,4,1,1639,6 -5116,1,0,0240,7.6 -5116,2,0,0442,6.1 -5119,1,0,0850,13.1 -5119,2,1,0640,8 -5119,3,2,0655,8.7 -5123,1,0,0350,14.5 -5123,2,0,0455,10.7 -5123,3,0,0805,13.2 -5123,4,0,1430,11.3 -5124,1,0,2204,16.2 -5125,1,0,1805,10.2 -5125,2,1,0628,10.72 -5127,1,0,0310,7.4 -5128,1,0,2030,6.9 -5129,1,0,2159,19.4 -5129,2,1,0300,13.1 -5130,1,0,1442,10.2 -5131,1,0,1700,9.6 -5132,1,0,1500,37.7 -5132,2,0,1600,35.9 -5132,3,0,1745,35.4 -5132,4,0,1940,31.5 -5133,1,0,1603,7.9 -5134,1,1,0430,14.3 -5134,3,2,0640,8.8 -5136,1,0,1942,20.5 -5136,2,6,0716,7.9 -5137,1,0,1728,7.5 -5138,1,0,2049,26.3 -5139,1,0,1307,9.4 -5139,2,0,2025,7.2 -5139,3,1,0409,5.7 -5139,4,1,1454,5.6 -5140,1,0,2121,5.1 -5141,1,0,2140,9.9 -5143,1,0,1845,12.1 -5146,1,0,2000,10.4 -5146,2,0,2335,13.1 -5146,3,1,0220,10.8 -5146,4,1,1100,7.9 -5147,1,0,1829,15.2 -5147,2,1,0400,13.7 -5147,3,2,0400,6.8 -5150,1,0,0837,7.2 -5151,1,0,1815,17.3 -5152,1,0,1420,10.9 -5154,1,0,1338,7.2 -5155,1,0,0005,11.3 -5155,2,0,0943,11 -5157,1,0,2035,11.5 -5158,1,0,1940,16.2 -5158,2,1,0420,15.2 -5158,3,2,0315,13.8 -5158,4,2,1130,13.7 -5159,1,0,1215,18.8 -5159,2,0,2040,9.7 -5159,3,0,2255,9.6 -5159,4,1,0020,8.5 -5161,1,0,1843,7.6 -5161,2,2,1038,10.7 -5163,1,0,2215,15.5 -5164,1,0,1420,12.6 -5164,2,1,0400,11.8 -5165,1,0,1845,4.8 -5166,1,0,0404,19.7 -5170,1,0,2330,12.1 -5171,1,0,0057,20.6 -5172,1,0,2120,5.4 -5173,1,0,1550,7.7 -5174,1,0,1657,12.8 -5175,1,0,1544,11.5 -5176,1,0,2022,10.8 -5177,1,0,1638,14.4 -5177,2,0,1819,31.5 -5177,3,0,2127,24.9 -5177,4,1,0350,16.4 -5180,1,0,0920,13.8 -5180,2,1,0002,10.8 -5180,3,1,1358,10.5 -5181,1,0,1612,10.7 -5181,2,0,1720,12.4 -5181,3,0,1930,11.9 -5183,1,0,1342,10.1 -5187,1,0,0901,13 -5187,2,0,1435,13 -5188,1,0,2057,10.7 -5188,2,0,2310,12.6 -5188,3,1,0040,14 -5188,4,1,0600,9.8 -5189,1,0,2052,9.7 -5190,1,0,2242,14.1 -5192,1,0,1108,5.22 -5193,1,0,1335,11.8 -5194,1,0,1640,10.8 -5195,1,0,2340,8.9 -5195,2,1,0345,7.6 -5195,3,1,1020,6.7 -5195,4,2,0435,7.3 -5197,1,0,1737,8.5 -5199,1,0,1119,7.1 -5201,1,1,0035,14 -5205,1,0,2215,15.5 -5206,1,0,1751,6.3 -5207,1,0,1858,11 -5208,1,0,1722,13 -5210,1,0,1634,10 -5211,1,0,1330,8.9 -5212,1,0,1451,10.8 -5212,2,0,1605,10.8 -5213,1,0,1924,12.8 -5217,1,0,2009,12.8 -5218,1,0,2145,13 -5220,1,0,0157,17.7 -5221,1,0,2330,15.4 -5221,2,1,0023,14.8 -5221,3,1,0208,14.9 -5221,4,1,0910,10.2 -5223,1,0,1629,13.4 -5223,2,1,0508,16.9 -5223,3,3,0311,6.4 -5223,4,5,0342,7.5 -5224,1,0,2019,8.5 -5227,1,0,1642,16.3 -5228,1,1,0018,11.3 -5230,1,0,1430,22.4 -5231,1,0,2047,10.6 -5231,2,0,2232,11.6 -5231,3,1,0142,9.2 -5231,4,1,0747,7.4 -5232,1,0,0255,13.3 -5234,1,1,0439,14.4 -5235,1,0,1730,11.1 -5237,1,0,2007,10 -5237,2,1,0506,9.5 -5238,1,0,1704,10.7 -5239,1,0,1835,5.2 -5240,1,0,1858,17.8 -5241,1,0,2025,6.44 -5243,1,0,1555,9.27 -5244,1,0,1200,10.5 -5244,2,4,0752,8.1 -5245,1,0,1903,5.8 -5247,1,0,1935,6 -5248,1,0,1906,10 -5249,1,0,1550,6.4 -5250,1,0,2144,16.3 -5251,1,0,1645,6.59 -5252,1,0,2314,15.8 -5252,2,2,0553,8.8 -5252,3,3,0553,10.5 -5253,1,0,1521,14.2 -5253,2,0,1849,13.1 -5253,3,0,2151,11.8 -5253,4,1,0415,13.2 -5254,1,0,1800,13 -5254,2,0,2022,16.1 -5254,3,1,0105,11.3 -5254,4,1,0615,9.6 -5257,1,0,2205,12.42 -5258,1,-1,2320,9 -5262,1,0,2145,8.4 -5263,1,1,0002,9.1 -5264,1,0,1737,11.7 -5265,1,0,1452,7.12 -5266,1,0,0135,8.7 -5267,1,0,1855,12.05 -5267,2,0,2219,10.43 -5267,3,1,0615,7.91 -5268,1,0,2219,7.02 -5269,1,0,1622,12.8 -5269,2,1,1711,9.5 -5271,1,0,2100,12.56 -5272,1,0,2020,15.1 -5272,2,0,2151,17.7 -5272,3,1,0014,14.6 -5272,4,1,0402,11 -5273,1,0,1906,10.8 -5273,2,0,2010,13.8 -5273,3,0,2213,9.1 -5273,4,0,2307,9.7 -5275,1,0,2030,13.1 -5275,2,2,0600,15.1 -5276,1,1,0315,9 -5276,2,1,0837,8.9 -5276,3,1,1615,10.1 -5276,4,2,0414,12.8 -5278,1,0,1046,11.51 -5279,1,0,2222,7.1 -5279,2,1,0019,6.3 -5279,3,1,0126,6.5 -5280,1,0,1350,10.5 -5280,2,0,1600,11.6 -5280,3,0,2000,9.3 -5283,1,0,0440,20.1 -5283,2,0,2220,11.5 -5284,1,0,2340,22.4 -5284,2,1,0045,17.7 -5284,3,1,0215,18.6 -5284,4,1,0540,15.9 -5285,1,0,2256,9.9 -5286,1,0,1715,25.8 -5286,2,0,1920,22.9 -5286,3,0,2225,15.7 -5286,4,1,0440,9 -5287,1,0,2229,18.9 -5288,1,0,2204,9.7 -5290,1,0,1909,12.2 -5290,2,2,0615,7.5 -5292,1,0,1930,7.2 -5293,1,0,1613,9.5 -5294,1,0,2145,17.96 -5295,1,0,1645,9.2 -5296,1,0,1910,8.4 -5298,1,0,1220,5.5 -5300,1,0,1340,8.5 -5300,2,0,1520,11.3 -5300,3,0,1700,11 -5301,1,1,0010,11.5 -5302,1,0,0843,7.94 -5303,1,0,1500,13.3 -5303,2,1,0620,7.8 -5303,3,2,0550,6.6 -5303,4,3,0615,6.1 -5304,1,0,0850,8.6 -5305,1,0,2025,8.8 -5305,2,0,2130,8.7 -5305,3,0,2320,9.4 -5306,1,0,2300,8.4 -5309,1,0,2141,12.6 -5310,1,0,2010,8.4 -5313,1,0,1430,10.4 -5315,1,0,2030,12.7 -5316,1,0,1705,10.1 -5316,2,0,1819,17.4 -5316,3,0,1944,14.7 -5316,4,1,0545,8.1 -5318,1,0,1735,7.6 -5319,1,0,2030,11.4 -5319,2,0,2210,10.4 -5319,3,1,0001,10 -5319,4,1,0415,8.9 -5320,1,0,1420,9.9 -5322,1,0,1410,6.2 -5323,1,0,2130,15.86 -5324,1,0,0948,8 -5324,2,0,1620,18 -5324,3,1,0430,15.1 -5324,4,2,0430,11.7 -5325,1,0,1135,10.7 -5325,2,0,1310,12.2 -5325,3,0,1700,10.3 -5325,4,1,0800,6.1 -5326,1,0,1736,7.8 -5327,1,0,1645,8.6 -5327,2,0,1745,23.4 -5327,3,0,2000,22.2 -5327,4,0,2215,20.3 -5329,1,1,0032,7.8 -5330,1,0,0914,6.4 -5331,1,0,2004,21 -5331,2,0,2104,20.7 -5331,3,0,2150,20.6 -5331,4,1,0615,15.9 -5333,1,0,1730,7.1 -5333,2,0,1825,11 -5333,3,0,2100,14.4 -5333,4,0,2325,12.9 -5334,1,1,1200,17 -5334,2,1,0100,12.9 -5334,3,1,0255,15.2 -5334,4,1,0820,10.6 -5336,1,0,1931,22.7 -5336,2,0,2132,27.5 -5336,3,1,0505,10.6 -5336,4,1,1605,7.2 -5337,1,0,1003,13.1 -5338,1,0,1018,6.23 -5339,1,0,1526,4 -5340,1,0,1854,6.3 -5341,1,0,2051,6.7 -5343,1,0,1420,15.8 -5343,2,0,1735,19.7 -5344,1,2,1255,4.5 -5344,2,7,2105,6.3 -5345,1,0,1746,7.9 -5347,1,0,1912,27 -5348,1,0,2340,14.9 -5348,2,1,0345,9.7 -5348,3,2,0345,10 -5348,4,5,0345,5.3 -5350,1,0,0505,9.1 -5350,2,2,0452,15.1 -5351,1,0,0454,25.7 -5351,2,0,1045,26 -5351,3,1,1240,21.8 -5351,4,1,1000,15.6 -5352,1,0,1205,8.3 -5352,2,1,0720,5.7 -5353,1,0,1743,5.5 -5354,1,0,1853,12.4 -5355,1,0,2141,22.1 -5357,1,0,1700,10.3 -5361,1,0,1230,16 -5362,1,0,1115,31.5 -5362,2,0,1245,30.1 -5362,3,0,1456,32.4 -5362,4,0,2115,23.4 -5363,1,0,1815,9 -5363,2,0,2129,16.4 -5363,3,1,0130,11.8 -5363,4,1,0535,9 -5364,1,0,2111,19.4 -5364,2,1,0342,13.2 -5364,3,2,0649,9.3 -5365,1,0,1843,14.5 -5365,2,1,0320,12 -5365,3,2,0412,12.5 -5365,4,3,2331,7.6 -5366,1,0,1730,9.5 -5367,1,2,0423,14.4 -5368,1,0,2055,8.4 -5368,2,1,0359,6.8 -5369,1,0,1858,11.5 -5370,1,0,1133,8.3 -5372,1,0,1358,5.9 -5372,2,1,0520,6 -5373,1,0,0856,5.1 -5375,1,0,1002,2.6 -5375,2,0,1115,2.6 -5376,1,0,1800,14.7 -5376,2,0,2030,22.5 -5376,3,0,2240,21.4 -5376,4,1,0415,13.1 -5377,1,0,1920,27.1 -5377,2,0,2030,21 -5377,3,0,2230,23.2 -5378,1,0,1955,8.8 -5379,1,0,0129,11.4 -5379,2,0,0316,14 -5379,3,0,0945,10.3 -5379,4,0,1515,9.4 -5380,1,0,0010,7.4 -5383,1,0,0930,9.9 -5385,1,0,1741,16.9 -5385,2,1,0810,15.7 -5387,1,0,2133,14.2 -5387,2,2,0500,9.4 -5389,1,0,2304,17.2 -5390,1,0,2057,16.2 -5390,2,1,0728,9.2 -5391,1,0,1921,14.1 -5393,1,0,1717,8.2 -5394,1,0,1844,7.7 -5395,1,0,1938,8.7 -5397,1,0,1750,7.2 -5398,1,0,2338,14.2 -5399,1,0,1235,5 -5400,1,0,1554,15.9 -5402,1,0,1856,4.6 -5402,2,0,2120,4.6 -5403,1,0,2027,8 -5404,1,0,1112,7 -5406,1,0,1024,10.1 -5408,1,0,1939,11.6 -5409,1,0,2146,9.1 -5410,1,0,1745,7.9 -5413,1,0,2355,5.97 -5414,1,0,1817,18.5 -5416,1,0,1631,14.2 -5417,1,0,2044,10.2 -5417,2,1,0058,9 -5417,3,1,0731,7.5 -5417,4,1,1435,7.3 -5417,5,2,0842,7.6 -5418,1,0,0150,9.8 -5418,2,0,0444,10 -5419,1,0,1939,9 -5420,1,0,1000,14.8 -5421,1,0,1755,16.2 -5421,2,1,0040,17.7 -5421,3,1,0600,12 -5421,4,2,0610,8.7 -5422,1,0,1710,14.1 -5425,1,0,1615,7 -5426,1,0,2011,9 -5427,1,0,1440,15.21 -5427,2,1,0600,16.63 -5427,3,1,1219,13.28 -5427,4,2,0439,16.38 -5428,1,0,2345,9.3 -5428,2,1,0045,10.4 -5428,3,1,0235,9.4 -5429,1,0,0120,17.4 -5429,2,0,0530,14.1 -5429,3,0,1122,12.4 -5429,4,1,0300,13.2 -5430,1,0,2054,13.3 -5431,1,0,2156,11.2 -5432,1,0,2009,13.82 -5433,1,0,1800,7.2 -5435,1,0,1131,15 -5435,2,0,1616,11.3 -5435,3,1,0011,7.1 -5435,4,1,0740,6 -5437,1,0,1315,7.1 -5439,1,0,1437,6.5 -5440,1,0,1512,10.9 -5441,1,0,1952,6.86 -5442,1,0,1915,13.8 -5442,2,2,0520,6 -5443,1,0,2034,7.8 -5444,1,0,1456,7.4 -5445,1,0,1632,8.9 -5446,1,0,2143,11 -5448,1,0,1741,8.7 -5450,1,0,0920,14.1 -5451,1,1,1007,12.4 -5452,1,0,2208,8.8 -5453,1,0,1521,14.9 -5454,1,0,1050,11.3 -5454,2,0,1155,12 -5454,3,0,1414,14.8 -5456,1,0,1629,14.1 -5456,2,6,0545,10.4 -5457,1,0,1649,10.2 -5458,1,0,1915,7.21 -5458,2,0,2018,11.22 -5458,3,0,2314,8.41 -5459,1,0,1305,8.9 -5460,1,0,2030,27.9 -5460,2,0,2145,23.5 -5460,3,0,2235,25.6 -5460,4,1,0130,20.4 -5462,1,0,1600,10.6 -5462,2,0,1724,18.3 -5462,3,0,1900,18.3 -5462,4,1,0300,10.9 -5464,1,0,0800,18.7 -5464,2,0,1440,12.3 -5464,3,0,2025,9.8 -5464,4,0,2327,12.5 -5467,1,0,1734,5.73 -5468,1,0,0825,15.3 -5468,2,0,1638,15.8 -5470,1,0,1930,30.4 -5470,2,1,0400,16.7 -5470,3,4,0350,9.5 -5470,4,6,0545,7.8 -5471,1,0,2011,6.3 -5472,1,0,2338,20.45 -5472,2,1,0155,21.76 -5472,3,1,0506,24.38 -5472,4,1,0613,16.49 -5473,1,0,2235,21.8 -5474,1,0,1626,4.5 -5475,1,0,1101,30.4 -5475,2,0,1440,21.4 -5475,3,0,1954,14.9 -5475,4,0,2200,13.4 -5476,1,0,1531,8.8 -5476,2,0,1657,10.6 -5476,3,0,1934,9.2 -5479,1,0,1630,19.11 -5479,2,1,0521,9.39 -5483,1,0,0249,19.6 -5483,2,1,0300,8.7 -5483,3,2,0455,8.3 -5483,4,3,0430,8.4 -5485,1,0,0949,10 -5486,1,0,1640,8.5 -5487,1,0,1836,9.1 -5488,1,1,2010,18.2 -5488,2,2,0641,15 -5489,1,0,1550,19.5 -5489,2,1,1612,15.9 -5489,3,2,1035,13.2 -5490,1,0,1656,6.57 -5491,1,0,2351,6.1 -5491,2,1,0513,7.6 -5491,3,1,1525,8 -5491,4,2,0400,12.7 -5492,1,0,1843,5.6 -5493,1,0,1950,11.9 -5493,2,1,0720,8.8 -5494,1,0,1500,10.6 -5495,1,0,2255,11.5 -5495,2,1,0400,7.3 -5495,3,1,0857,6 -5495,4,1,1214,5.5 -5496,1,0,1132,4.4 -5497,1,0,1506,7.3 -5499,1,0,2030,11.3 -5499,2,0,2300,9.9 -5499,3,1,0400,8.3 -5499,4,1,1900,7.3 -5501,1,0,2024,13.3 -5502,1,0,1802,7 -5503,1,0,2115,13.1 -5503,2,2,0516,9.8 -5506,1,0,1331,24.1 -5507,1,0,1440,8.4 -5508,1,0,1255,13 -5509,1,0,1651,7.6 -5511,1,0,1422,14.8 -5513,1,1,0018,5.7 -5514,1,0,1803,6.7 -5515,1,0,2229,11.6 -5516,1,0,2356,12.2 -5517,1,0,1959,14.4 -5517,2,1,0526,10.6 -5520,1,0,1906,14.4 -5520,2,1,0920,7.9 -5521,1,0,2104,11.06 -5522,1,0,2125,13.3 -5523,1,0,2109,19.4 -5523,2,1,0230,15.7 -5524,1,0,2100,15.5 -5524,2,0,2236,11.9 -5526,1,0,0512,13.4 -5528,1,0,1811,8.8 -5528,2,1,0515,7.9 -5531,1,0,2330,8.5 -5531,2,1,1634,8.3 -5531,3,2,0849,6.8 -5532,1,0,2230,14.8 -5536,1,0,2127,9.8 -5536,2,1,0940,4.3 -5538,1,0,1410,6 -5538,2,0,1513,6.9 -5538,3,0,1715,8.3 -5538,4,1,0200,5.9 -5539,1,0,0331,8.8 -5539,2,0,0448,9.5 -5539,3,0,0658,8.7 -5540,1,0,1250,7.8 -5541,1,0,1125,4.1 -5542,1,0,1148,7.7 -5543,1,0,1805,12.5 -5543,2,0,2004,13.1 -5544,1,0,1706,10.4 -5544,2,0,1814,14.8 -5544,3,0,2009,14.8 -5544,4,1,0000,13.1 -5545,1,0,2123,16.4 -5547,1,0,1235,8 -5547,2,0,1345,7.8 -5549,1,0,2159,14 -5555,1,0,1842,6.3 -5556,1,0,1933,9.3 -5557,1,0,2329,1.5 -5557,2,1,0535,0.6 -5557,3,1,1609,0.4 -5559,1,0,2149,15.6 -5560,1,0,1830,17.5 -5562,1,0,1940,4.9 -5562,2,0,2055,7.4 -5562,3,1,0005,10.2 -5562,4,1,0820,8.5 -5564,1,0,1835,6 -5565,1,0,1705,11.7 -5565,2,1,0930,8.1 -5566,1,0,1829,13.5 -5566,2,1,1015,9.5 -5567,1,0,1854,14.9 -5568,1,0,1604,12.4 -5568,2,0,1702,13.2 -5572,1,0,1926,7.93 -5573,1,0,1503,8.8 -5574,1,0,1708,9.3 -5575,1,0,0235,19.6 -5576,1,0,1314,8.8 -5577,1,0,0804,15 -5578,1,0,1757,7.2 -5579,1,0,0950,6.6 -5580,1,0,1200,13.1 -5580,2,0,1305,15.4 -5580,3,0,1520,16.7 -5582,1,0,2006,7.2 -5583,1,0,1800,7.9 -5584,1,0,2252,8.9 -5586,1,0,2132,37.5 -5586,2,1,0004,16.2 -5586,3,1,0136,18.1 -5586,4,1,0450,18 -5586,5,1,1144,14.9 -5586,6,1,1605,13.8 -5586,7,1,2329,16.3 -5586,8,2,0727,13.9 -5587,1,0,2103,7.7 -5588,1,0,2350,19.5 -5590,1,0,2253,8.1 -5590,2,1,0243,12.4 -5590,3,2,0445,4.8 -5590,4,3,0430,5.3 -5593,1,0,2025,7 -5594,1,0,2222,9.9 -5594,2,1,0650,11.6 -5597,1,0,2010,15.4 -5597,2,1,0200,10.9 -5597,3,1,1400,9.6 -5599,1,0,0230,12.8 -5600,1,0,2248,15.2 -5601,1,0,1608,7.4 -5602,1,0,1830,9.5 -5603,1,0,1637,11.48 -5605,1,0,1630,12.7 -5605,2,0,1800,11.4 -5605,3,0,1930,11.9 -5606,1,0,0945,6.8 -5607,1,0,1823,17.9 -5608,1,0,1440,7.3 -5609,1,0,1625,9.8 -5611,1,0,1600,11.6 -5613,1,0,2029,21.7 -5613,2,1,1648,17.6 -5613,3,1,0307,14 -5613,4,1,1511,13 -5614,1,0,1730,8.3 -5615,1,0,2311,9.91 -5616,1,0,1850,8.9 -5616,2,1,0400,10.7 -5616,3,2,0400,10.6 -5616,4,3,0410,7.6 -5617,1,0,1651,7.9 -5618,1,0,1848,16.7 -5619,1,0,0025,5.1 -5620,1,0,1816,19.69 -5621,1,0,1459,13.9 -5621,2,0,1603,15.6 -5621,3,0,1813,19.6 -5624,1,0,1455,8.7 -5624,2,0,1700,13.3 -5624,3,0,1840,12.3 -5625,1,0,2010,11.1 -5625,2,0,2200,13.7 -5625,3,1,0125,11.9 -5625,4,1,0810,8.1 -5626,1,0,2200,8.6 -5626,2,0,2330,10.2 -5626,3,1,0155,13.8 -5627,1,0,2045,8.9 -5630,1,0,1810,1.9 -5634,1,0,1748,12.7 -5635,1,0,2023,5.3 -5637,1,0,2127,10.4 -5638,1,0,2120,10.1 -5639,1,0,2219,13.3 -5642,1,0,0805,17.2 -5642,2,0,1609,18.4 -5642,3,1,0505,18.2 -5642,4,1,1100,15.1 -5643,1,0,2100,12.1 -5643,2,2,1650,10.2 -5644,1,0,2142,12.07 -5645,1,0,1822,12.5 -5647,1,0,0434,12.7 -5647,2,0,0757,10.63 -5649,1,0,2335,10.3 -5651,1,0,1629,11.9 -5651,2,1,0643,10.4 -5653,1,0,0410,7.1 -5655,1,0,1600,18.1 -5655,2,2,0400,18.3 -5658,1,0,1609,4.1 -5660,1,0,2300,9 -5660,2,1,0000,9.5 -5661,1,0,1920,15 -5663,1,0,1900,16.42 -5667,1,0,1600,5.4 -5668,1,0,0839,17 -5668,2,2,0606,13.1 -5668,3,2,1331,15.6 -5669,1,0,1030,8.9 -5669,2,0,1130,11 -5669,3,0,1330,10.6 -5673,1,0,1714,19.5 -5673,2,0,1742,22 -5674,1,0,2244,8.1 -5675,1,0,1739,13.6 -5676,1,0,1930,14.6 -5676,2,0,2045,10.6 -5677,1,0,2128,12.3 -5680,1,0,1330,16 -5680,2,0,1440,16.2 -5680,3,0,1635,13.7 -5680,4,0,2005,13.6 -5684,1,0,1615,19.9 -5684,2,0,1743,17.9 -5684,3,0,2006,14.9 -5685,1,0,1900,16.1 -5687,1,0,1935,16.1 -5687,2,0,2221,23.6 -5687,3,1,0215,28.5 -5687,4,1,0520,29.2 -5688,1,0,1723,12.5 -5688,2,0,2139,11.7 -5689,1,0,1810,11 -5689,2,0,1945,9.2 -5689,3,0,2225,8.2 -5692,1,0,1322,13.3 -5693,1,0,2255,4.8 -5694,1,0,1033,21 -5694,2,0,1130,24.1 -5694,3,0,1350,22.4 -5694,4,0,2030,14.9 -5696,1,0,1429,8.4 -5698,1,0,2139,8.7 -5698,2,1,0305,8.8 -5698,3,1,1445,6.1 -5698,4,2,0330,9.1 -5699,1,0,1819,6.7 -5700,1,0,2010,12.9 -5700,2,1,0504,9.9 -5701,1,0,2005,11.6 -5701,2,0,2114,16.4 -5701,3,0,2319,13.4 -5701,4,1,0630,25.7 -5703,1,0,0402,15.8 -5703,2,1,0141,9.6 -5703,3,2,0505,10.2 -5704,1,7,1220,7.3 -5705,1,0,1827,5.5 -5707,1,0,0700,11.9 -5709,1,0,1842,7.7 -5709,2,0,2240,12.7 -5709,3,1,0400,7.5 -5709,4,2,0355,6 -5710,1,0,1940,10.9 -5711,1,0,1837,6.5 -5712,1,0,2044,9.6 -5713,1,0,1005,20.5 -5713,2,0,1131,17.8 -5713,3,0,1401,17 -5713,4,0,2100,12.1 -5714,1,0,1715,5 -5715,1,0,2337,9.6 -5715,2,1,0045,8.5 -5716,1,0,2359,7.6 -5720,1,0,0848,8.4 -5720,2,0,1036,8.2 -5720,3,0,1509,9.2 -5720,4,1,0025,9.1 -5724,1,0,1536,11.1 -5725,1,0,1615,7.3 -5725,2,0,1740,13.6 -5725,3,0,1950,12 -5727,1,0,0838,11.8 -5727,2,0,0937,13 -5729,1,1,0145,7.37 -5731,1,0,1913,8.8 -5731,2,1,0600,6.5 -5731,3,1,2030,8.4 -5731,4,2,0615,9 -5732,1,0,1626,7.8 -5732,2,0,1747,8 -5732,3,0,1945,7.7 -5734,1,0,2241,10.4 -5736,1,0,2147,6 -5736,2,0,2250,8.5 -5736,3,1,0050,10.9 -5736,4,1,0130,7.8 -5737,1,0,2115,15.9 -5737,2,0,2310,21.7 -5737,3,1,0230,15.4 -5737,4,1,1240,15.5 -5738,1,0,1502,7.4 -5740,1,0,1400,4.5 -5741,1,0,1615,7.7 -5742,1,0,2112,9.5 -5743,1,0,1618,7.2 -5744,1,0,1920,12.1 -5744,2,0,2020,16.1 -5744,3,1,0140,7.7 -5746,1,0,1546,17.9 -5746,2,0,1700,28.8 -5746,3,1,0400,30.8 -5749,1,0,0344,14.4 -5750,1,0,2049,10.3 -5750,2,1,0550,7.7 -5751,1,0,1448,22 -5752,1,0,1921,16.3 -5754,1,0,2057,16 -5754,2,1,0100,8 -5754,3,1,0135,8 -5754,4,1,0500,7 -5754,5,1,1323,6 -5754,6,1,1910,5.61 -5754,7,2,0030,8.72 -5754,8,2,0452,9.6 -5754,9,2,1305,8.73 -5755,1,0,1053,8.1 -5756,1,0,1920,18.2 -5756,2,1,0720,12.7 -5757,1,0,0130,16 -5757,2,0,0245,22.6 -5758,1,0,1830,14.9 -5758,2,1,0110,11.2 -5758,3,1,0430,9.4 -5758,4,2,0410,7.7 -5759,1,0,1315,13.4 -5759,2,0,2030,13 -5759,3,1,0501,8.4 -5759,4,2,0057,5.8 -5760,1,0,1410,9.82 -5760,2,0,2333,9.52 -5760,3,1,0555,7.87 -5761,1,0,2111,9.7 -5763,1,0,1434,9 -5763,2,1,0413,7.8 -5764,1,0,1433,7.1 -5765,1,0,1832,11.8 -5765,2,0,2155,16.4 -5766,1,0,2023,5 -5766,2,0,2129,6.9 -5766,3,0,2345,5.9 -5766,4,1,0550,4.1 -5767,1,0,1601,5 -5768,1,0,1658,7.3 -5770,1,0,2145,13.4 -5770,2,2,1215,7 -5770,3,3,0435,7.3 -5771,1,0,1605,14.3 -5775,1,0,1225,7.1 -5775,2,0,1321,7.5 -5775,3,0,1856,7.8 -5775,4,1,0150,7.6 -5776,1,0,1920,26.7 -5776,2,0,2219,17.9 -5778,1,0,2034,6.19 -5779,1,0,1923,10.2 -5781,1,0,1804,10.4 -5782,1,0,1420,12.3 -5782,2,1,0500,9.2 -5783,1,0,1922,27 -5783,2,1,0450,11.5 -5783,3,2,0430,12.7 -5783,4,2,0840,14.9 -5785,1,0,1305,5.6 -5785,2,1,0655,5.6 -5786,1,0,1520,16.1 -5786,2,1,0321,13.3 -5786,3,1,1550,14.2 -5786,4,1,2320,12.3 -5787,1,0,1533,12.9 -5791,1,0,1906,15.9 -5792,1,0,1830,9.8 -5793,1,0,1954,10.5 -5794,1,0,1847,15.9 -5797,1,0,2052,20.6 -5798,1,1,0600,12.2 -5799,1,0,0850,6.8 -5799,2,0,0950,9.9 -5799,3,0,1205,17.6 -5799,4,1,0025,9.1 -5800,1,0,1315,29.7 -5800,2,0,1515,26.7 -5800,3,0,1700,22.4 -5800,4,1,0150,17.1 -5802,1,0,1342,10.6 -5802,2,0,1442,16.6 -5809,1,0,1657,18.6 -5809,2,1,0841,10.6 -5810,1,0,2050,30.8 -5810,2,0,2220,31.2 -5810,3,0,2320,25.9 -5810,4,1,0300,19 -5811,1,0,2354,10.94 -5812,1,0,1625,8.7 -5815,1,0,1417,10.8 -5816,1,0,1932,8.6 -5816,2,0,2021,11.6 -5816,3,0,2242,11.8 -5816,4,1,0600,10.9 -5817,1,1,0351,11 -5820,1,0,2005,6.3 -5820,2,0,2130,8.2 -5820,3,0,2315,9.1 -5820,4,1,0325,7.9 -5821,1,0,1545,4.4 -5821,2,0,1650,3.8 -5821,3,0,1845,4 -5821,4,0,2345,4 -5822,1,0,2119,8.1 -5823,1,0,1614,9.3 -5824,1,0,1219,10.6 -5824,2,1,0045,9.9 -5824,3,1,0400,10.1 -5824,4,1,1533,8.7 -5826,1,0,2008,8.5 -5826,2,3,0715,12.1 -5829,1,0,2143,10.9 -5831,1,0,2054,16.9 -5833,1,0,1905,11.4 -5833,2,0,2020,15.2 -5833,3,0,2145,13.6 -5833,4,1,0345,8.6 -5834,1,1,0557,9.3 -5835,1,0,2019,10.8 -5836,1,0,2051,24.49 -5836,2,1,1052,17.97 -5837,1,0,0140,11.1 -5840,1,0,2300,7.6 -5841,1,0,2255,11.4 -5842,1,0,2140,13 -5843,1,0,2128,14.6 -5843,2,1,0703,11.2 -5844,1,0,1755,12.5 -5844,2,0,1928,29.5 -5844,3,0,2125,21.5 -5844,4,1,0330,14 -5846,1,0,1515,17.7 -5847,1,0,2219,16 -5848,1,0,2232,5.3 -5848,2,1,0315,7.6 -5848,3,1,0925,6.7 -5849,1,0,1504,7.6 -5850,1,0,2350,16.3 -5852,1,0,2116,5.7 -5853,1,0,2044,8.81 -5853,2,1,0600,10.12 -5855,1,0,1335,8.5 -5856,1,1,0030,11.7 -5857,1,0,1836,22.3 -5857,2,0,1952,17.7 -5857,3,0,2111,14.8 -5857,4,1,0530,11.3 -5858,1,0,1559,17.2 -5858,2,1,0545,10.9 -5860,1,0,2210,12.2 -5861,1,0,1941,6 -5863,1,0,1652,14.6 -5863,2,1,0639,15.5 -5863,3,2,1455,8.7 -5865,1,0,2312,17.5 -5865,2,1,0500,10.9 -5865,3,2,0400,8.9 -5865,4,3,0332,10.5 -5866,1,0,2335,7.3 -5868,1,0,2338,7.2 -5869,1,0,2228,5.5 -5869,2,0,2320,6.4 -5869,3,1,0224,6.1 -5870,1,1,0043,12.46 -5872,1,0,2230,11.9 -5874,1,0,1500,11.6 -5875,1,0,2200,12.6 -5876,1,0,1623,15.3 -5877,1,0,0448,11.8 -5879,1,0,2108,5.8 -5879,2,1,0502,5 -5879,3,6,1328,7.7 -5881,1,0,2123,7.4 -5884,1,1,0118,8.7 -5885,1,0,1852,7.39 -5886,1,0,0033,5.8 -5886,2,0,0638,7.9 -5887,1,0,0858,3.2 -5887,2,0,0955,7.8 -5888,1,0,1658,17.6 -5889,1,0,2144,27.1 -5889,2,0,2341,20.2 -5889,3,1,0255,18 -5890,1,0,2217,9.4 -5893,1,0,0935,7 -5894,1,0,0753,11.3 -5894,2,0,1021,17.3 -5894,3,0,1226,11.8 -5894,4,0,1415,7.1 -5895,1,0,1440,7.2 -5897,1,0,2224,9.3 -5898,1,0,2025,10.8 -5899,1,0,1731,9 -5899,2,0,2046,12.5 -5899,3,1,0116,10.3 -5899,4,1,0210,10.3 -5901,1,0,1545,5 -5903,1,0,1608,13.8 -5904,1,0,1920,9.4 -5905,1,0,2130,11.2 -5905,2,0,2250,10.5 -5906,1,0,1946,11.2 -5907,1,0,2000,6.3 -5907,2,0,2235,6.1 -5908,1,0,1250,43.6 -5909,1,0,1424,18.9 -5909,2,1,0005,9.2 -5909,3,1,0350,8.2 -5909,4,1,1415,7.2 -5910,1,0,1855,6.1 -5911,1,0,0937,14 -5911,2,4,1202,6.8 -5913,1,0,2245,7.9 -5913,2,0,2350,8.1 -5914,1,0,1037,10.7 -5914,2,1,0538,10.3 -5915,1,0,0955,8.7 -5915,2,0,1100,4.3 -5916,1,0,0726,11 -5916,2,0,0928,14.5 -5917,1,0,1715,14.9 -5917,2,1,1450,11.6 -5918,1,0,0845,13 -5921,1,0,2058,9.8 -5922,1,0,1705,21.3 -5922,2,0,1814,14.7 -5922,3,0,1936,13.6 -5922,4,1,0010,10.3 -5923,1,0,1945,13 -5925,1,1,0321,12.21 -5928,1,0,2058,9.13 -5929,1,0,0405,12.9 -5929,2,0,0537,17.6 -5929,3,0,0738,15.5 -5929,4,0,1438,12.7 -5930,1,1,0019,6.6 -5931,1,0,0838,6.4 -5932,1,1,0315,12.7 -5935,1,0,1636,17.5 -5935,2,0,1917,10.9 -5936,1,0,1734,16.8 -5936,2,0,2015,12.8 -5936,3,0,2348,9.5 -5936,4,1,0600,7.9 -5937,1,0,1724,7.9 -5938,1,0,2009,6.2 -5938,2,0,2109,13.2 -5938,3,1,0230,4.9 -5938,4,1,1605,13 -5941,1,1,0350,12.2 -5942,1,0,1445,8.8 -5943,1,0,2005,5.9 -5944,1,0,1732,10.4 -5945,1,0,1012,6.2 -5946,1,0,1900,11.1 -5946,2,0,1930,13.2 -5946,3,0,2030,10.1 -5947,1,0,2109,12.7 -5949,1,1,1200,10.8 -5950,1,0,1404,12.9 -5951,1,0,1942,23.1 -5951,2,0,2244,22.5 -5951,3,1,0400,18.3 -5951,4,1,1229,10.6 -5952,1,0,1449,16.1 -5953,1,0,0439,13.9 -5954,1,0,2327,32.9 -5954,2,1,0553,18.1 -5954,3,1,1140,17.2 -5955,1,0,1517,7.78 -5957,1,0,2144,10 -5958,1,1,0020,9.2 -5959,1,0,1820,10.5 -5959,2,0,2010,15.5 -5959,3,0,2102,14.1 -5959,4,0,2250,11.7 -5960,1,0,1839,8.3 -5961,1,0,1714,11.9 -5961,2,1,0145,9.8 -5961,3,1,1545,10.6 -5962,1,0,1926,5.4 -5963,1,0,1920,10.8 -5963,2,0,2030,14.7 -5963,3,0,2200,13.7 -5963,4,1,0155,12.1 -5964,1,0,1611,19.7 -5964,2,0,1806,21.9 -5964,3,0,1947,21.9 -5967,1,0,2108,5.6 -5968,1,0,2250,8.4 -5969,1,0,2203,10.3 -5969,2,0,2301,8.3 -5969,3,1,0042,15.8 -5969,4,1,0126,17.2 -5970,1,0,1540,13.8 -5971,1,0,2151,18.5 -5972,1,0,1638,12.11 -5973,1,0,1925,7.6 -5974,1,0,2100,8.5 -5976,1,0,0945,22.7 -5977,1,0,1830,18.6 -5978,1,1,0133,26.7 -5978,2,1,0456,16 -5978,3,1,0812,11.1 -5978,4,1,1200,8.1 -5980,1,1,1800,7.5 -5981,1,0,2141,7.8 -5982,1,1,0206,9.5 -5984,1,0,1055,10.7 -5984,2,1,0551,11 -5986,1,0,1235,9.23 -5987,1,0,2332,8.2 -5988,1,0,0210,11.4 -5989,1,0,2339,5.9 -5990,1,0,2002,14.1 -5992,1,0,1950,16.6 -5992,2,0,2150,30.7 -5992,3,1,0415,14.7 -5992,4,2,0420,9.6 -5995,1,0,2001,14.3 -5996,1,0,2004,26.1 -5996,2,1,0330,15.3 -5996,3,1,0900,12.2 -5996,4,1,1505,12.9 -5997,1,0,1655,18.2 -5997,2,1,0726,12.6 -5998,1,0,0530,18 -5998,2,0,1606,15.3 -5998,3,1,0114,12.8 -5998,4,1,0333,12.7 -5999,1,0,0319,6.1 -6000,1,0,0957,10.6 -6001,1,0,1630,7.1 -6002,1,1,0000,4 -6002,2,1,0410,2.4 -6002,3,1,0954,2.5 -6002,4,1,1310,1.5 -6003,1,0,0810,6.5 -6003,2,0,0945,18.5 -6003,3,0,1145,16.9 -6003,4,0,2225,14.2 -6004,1,0,2005,18 -6005,1,0,1845,12.9 -6005,2,0,2129,19.2 -6005,3,1,0230,16.5 -6005,4,1,0800,14.3 -6007,1,0,1930,18.8 -6009,1,0,2034,11.2 -6009,2,1,0720,7.6 -6009,3,1,1700,6.2 -6010,1,0,2115,8.1 -6011,1,0,1924,12 -6015,1,0,1356,24.7 -6015,2,0,1812,15.7 -6015,3,1,0530,13.3 -6015,4,2,0410,11.7 -6018,1,0,1945,7 -6019,1,0,2130,20.8 -6019,2,1,0455,13.7 -6019,3,2,0525,15 -6022,1,0,2205,13.6 -6023,1,0,1739,11.8 -6023,2,0,1910,19.5 -6023,3,0,2055,17.2 -6023,4,1,0446,12.1 -6027,1,0,0030,13.8 -6028,1,0,1750,8.3 -6028,2,1,0140,14.8 -6028,3,1,0620,12.9 -6028,4,1,0925,12 -6030,1,0,2035,9.9 -6030,2,1,0432,7.8 -6030,3,1,1245,7.1 -6030,4,1,1820,6.1 -6031,1,0,0833,9.8 -6033,1,0,2230,11 -6033,2,1,0530,7.1 -6033,3,1,1216,6.8 -6034,1,0,1934,9.3 -6035,1,0,1944,8.54 -6036,1,0,1739,7.7 -6038,1,0,1919,9.1 -6040,1,0,1213,9.6 -6041,1,0,2315,12.6 -6041,2,1,0020,12.7 -6041,3,1,0220,12.6 -6041,4,1,0440,10.4 -6042,1,0,1245,14.8 -6044,1,0,1925,12.6 -6046,1,0,1722,21.7 -6047,1,0,2248,15.2 -6047,2,1,0500,9.1 -6047,3,1,0650,8.9 -6047,4,1,0900,9.4 -6049,1,0,2145,8.1 -6050,1,0,2350,11.6 -6051,1,0,1415,8.6 -6051,2,0,2115,11.2 -6051,3,1,0315,7.9 -6051,4,1,1000,6.7 -6052,1,0,1115,4.58 -6054,1,0,1730,15.3 -6054,2,0,1832,12.8 -6054,3,0,1916,13.6 -6054,4,0,2145,14.3 -6057,1,0,1910,6.8 -6058,1,0,0052,11.5 -6058,2,0,0148,10.8 -6058,3,0,0750,8.6 -6058,4,0,1500,7.2 -6060,1,0,2225,5 -6060,2,1,0440,4.2 -6060,3,1,1150,3.5 -6060,4,2,0710,5.2 -6061,1,0,1800,7.2 -6063,1,0,2130,15.8 -6064,1,0,1713,8.4 -6065,1,0,2120,8.3 -6066,1,0,1524,7.7 -6067,1,0,2204,11.2 -6068,1,0,1306,11.5 -6068,2,1,0353,6.8 -6069,1,0,2235,7.9 -6070,1,0,2300,8 -6071,1,0,1255,14.8 -6071,2,0,1525,18.6 -6071,3,0,1820,17.7 -6073,1,0,1800,8.9 -6074,1,0,1042,9.8 -6075,1,0,1855,24.8 -6075,2,0,2035,25.8 -6075,3,0,2215,23.1 -6075,4,0,2340,19.6 -6077,1,0,0922,11.1 -6081,1,0,1725,8.4 -6082,1,0,1950,26.4 -6083,1,0,1706,9.9 -6083,2,0,2214,14.1 -6083,3,1,0627,11.3 -6084,1,0,2130,8.5 -6085,1,0,1821,6 -6088,1,0,1345,11.2 -6091,1,0,1840,14.03 -6092,1,0,1438,11.7 -6092,2,1,0519,9 -6092,3,1,1721,7.2 -6092,4,2,0520,6.8 -6093,1,0,1615,12.1 -6093,2,1,0636,9.1 -6093,3,1,1924,11.8 -6094,1,0,1453,7.4 -6095,1,0,0115,27.5 -6095,2,0,1150,12.2 -6095,3,1,0445,9.7 -6096,1,0,1748,12.4 -6097,1,0,1551,8.9 -6098,1,0,1937,14.9 -6098,2,1,0001,11.6 -6098,3,1,0454,11.8 -6098,4,1,1226,9.8 -6101,1,0,1710,8.3 -6101,2,0,1930,11.5 -6101,3,0,2232,7.7 -6101,4,1,0415,7.9 -6102,1,0,1654,16.9 -6103,1,0,1430,18 -6104,1,0,1859,7.33 -6106,1,1,0605,6.4 -6107,1,0,1814,18.6 -6109,1,0,1610,8.94 -6109,2,1,0911,6.26 -6109,3,2,0445,6.66 -6110,1,0,1212,17.6 -6111,1,0,1221,19.6 -6112,1,0,1535,8.6 -6112,2,0,1650,13.5 -6112,3,0,1835,17.9 -6112,4,1,0530,9.7 -6113,1,0,1929,11.5 -6114,1,0,2123,15.08 -6115,1,0,2201,17.6 -6116,1,1,0025,32.5 -6117,1,0,1731,5 -6118,1,0,1401,5.3 -6120,1,0,2315,12.6 -6121,1,0,2130,20.1 -6121,2,1,0431,16.8 -6122,1,0,0145,11.3 -6122,2,0,0610,22 -6122,3,0,1025,22.5 -6122,4,0,1725,19.5 -6123,1,0,2200,16.2 -6123,2,1,0110,12.6 -6123,3,1,0430,6.9 -6123,4,1,1156,5.2 -6125,1,0,2041,5.2 -6127,1,1,0001,9.5 -6128,1,0,1133,6.4 -6129,1,0,1800,15.3 -6129,2,1,0245,8.8 -6129,3,1,0630,7.6 -6129,4,1,1232,7.9 -6130,1,0,2215,11.4 -6131,1,0,1255,10.2 -6131,2,0,1441,5.4 -6131,3,1,0210,10.6 -6132,1,0,2247,26.3 -6132,2,1,0027,25.5 -6132,3,1,0228,24.1 -6132,4,1,0418,24.5 -6133,1,0,1836,7.5 -6134,1,0,1458,10.8 -6135,1,0,1840,6.7 -6136,1,0,1841,11.5 -6136,2,0,2049,11.8 -6136,3,0,2158,10.1 -6136,4,1,0310,8.2 -6138,1,0,1602,15.4 -6140,1,0,2235,10.57 -6141,1,0,1221,9.4 -6141,2,0,1238,10.6 -6141,3,0,1630,12.8 -6141,4,1,0000,11.1 -6142,1,0,2240,14.8 -6142,2,1,0143,18.5 -6142,3,1,0530,12.3 -6142,4,2,1100,7.3 -6143,1,0,1552,6.1 -6144,1,1,0510,8.5 -6146,1,0,2044,28.2 -6146,2,1,0330,15.7 -6147,1,0,1940,2.2 -6147,2,0,2250,2 -6147,3,1,0510,0.8 -6147,4,2,0345,1.7 -6148,1,0,1859,6.5 -6149,1,0,1931,19 -6149,2,1,0435,11.2 -6149,3,2,0400,12.9 -6149,4,3,0430,7.7 -6150,1,0,2025,7.7 -6151,1,0,1700,6.1 -6153,1,0,1911,5.4 -6154,1,0,0910,13.4 -6157,1,0,1949,12.03 -6161,1,0,2036,20.9 -6161,2,1,1458,9.7 -6161,3,1,0204,18.2 -6161,4,1,0818,11.8 -6162,1,0,1324,8.9 -6162,3,1,0430,6.3 -6164,1,1,1230,6.39 -6166,1,1,0550,7.9 -6167,1,0,2245,13.1 -6167,2,1,1130,9.4 -6168,1,0,2136,13.5 -6169,1,0,2020,14.1 -6170,1,0,1619,6.6 -6171,1,0,2126,13 -6172,1,1,0420,16.3 -6174,1,0,2254,11.53 -6175,1,0,1423,14.2 -6176,1,0,1803,15.4 -6176,2,1,0058,15.4 -6176,3,1,0614,13.3 -6176,4,1,1100,10.9 -6177,1,0,1329,7.8 -6178,1,0,2350,16.5 -6178,2,1,0130,10.8 -6178,3,1,0413,10.3 -6178,4,1,0815,9 -6179,1,0,1245,10.4 -6179,2,2,0645,5.9 -6180,1,0,2313,14.8 -6180,2,1,0041,7.3 -6180,3,1,0440,4.3 -6180,4,1,1034,3 -6181,1,0,1545,4.7 -6181,2,0,1645,6.4 -6181,3,0,1830,6.5 -6181,4,1,0745,4.1 -6182,1,0,1142,6.99 -6182,2,1,0638,6.42 -6182,3,2,0607,5.78 -6184,1,0,1500,10.5 -6186,1,0,1303,5.7 -6187,1,0,2014,5.5 -6189,1,1,0031,19.3 -6190,1,0,1150,5.7 -6192,1,0,1804,6.9 -6193,1,0,2005,4.4 -6195,1,0,1520,12.2 -6196,1,0,1840,12.4 -6199,1,0,1912,15.46 -6199,2,1,0600,17.48 -6200,1,0,1610,17.6 -6201,1,0,2102,6.9 -6202,1,0,1908,8.7 -6205,1,0,1828,15.5 -6205,2,1,1730,14 -6205,3,2,1015,11.9 -6205,4,3,0150,5.2 -6206,1,0,1927,9.4 -6206,2,0,2201,15.6 -6206,3,1,0300,12.6 -6207,1,0,1300,8.1 -6207,2,0,1450,13.2 -6207,3,0,1610,15.3 -6207,4,0,2230,8 -6208,1,0,1617,10 -6209,1,0,2001,15.5 -6209,2,1,0535,8.9 -6210,1,0,1240,7.4 -6211,1,0,1835,9.5 -6214,1,0,0100,12.8 -6215,1,0,0100,16 -6216,1,0,2031,12.2 -6217,1,0,2033,13.2 -6217,2,0,2255,10.5 -6217,3,1,0505,7.5 -6218,1,1,0115,11.5 -6218,2,1,0230,11.6 -6223,1,0,2230,6.2 -6224,1,0,2013,6.9 -6225,1,0,1647,6.8 -6225,2,0,2230,40.5 -6225,3,1,0355,7.2 -6225,4,1,1020,7.2 -6229,1,1,0126,6.56 -6229,2,1,0650,5.35 -6231,1,0,1743,8.5 -6232,1,0,2055,5.4 -6232,2,0,2235,4.9 -6232,3,1,0023,7 -6232,4,1,0630,6.4 -6233,1,0,2330,21.4 -6234,1,0,2312,7.9 -6235,1,0,1530,17.7 -6235,2,0,1758,16.6 -6235,3,0,1925,13.5 -6235,4,0,2345,11.1 -6236,1,0,0634,10.8 -6236,2,0,1406,11.5 -6236,3,0,1943,8.9 -6236,4,1,1847,6.8 -6239,1,0,1213,5.5 -6240,1,0,1920,10.5 -6241,1,0,1352,13.16 -6244,1,0,1912,15.9 -6245,1,0,2159,13.6 -6247,1,0,0108,6.9 -6248,1,0,2246,7.3 -6250,1,4,0550,6.4 -6250,2,5,0610,3.8 -6250,3,6,0620,5.2 -6251,1,0,1745,6.7 -6251,2,2,0540,11.2 -6251,3,4,1046,6.4 -6252,1,0,1204,15.8 -6252,2,0,1500,17.2 -6252,3,1,0350,12.8 -6252,4,2,0355,10.6 -6255,1,0,1839,15 -6255,2,0,1935,31.4 -6255,3,0,2220,30.8 -6255,4,1,0330,17.2 -6256,1,0,2010,11.3 -6257,1,0,1433,8.7 -6258,1,0,2030,11.5 -6260,1,0,2111,19.21 -6261,1,0,0809,9.9 -6263,1,0,0110,7.4 -6264,1,0,1347,9 -6264,2,2,0600,8.9 -6269,1,0,1805,15.2 -6269,2,1,0922,14.1 -6269,3,1,2118,11.8 -6270,1,0,2018,8 -6271,1,0,2230,8.4 -6272,1,0,2027,6.95 -6273,1,0,2150,14.1 -6274,1,0,1831,10.9 -6275,1,0,1414,9.5 -6275,2,0,1946,5.4 -6275,3,1,0135,6 -6275,4,1,0400,5.9 -6276,1,0,0300,13.8 -6278,1,0,1930,20.4 -6278,2,1,0535,10.1 -6278,3,3,0515,6.8 -6282,1,0,2015,9.7 -6283,1,0,2052,9.2 -6284,1,0,0708,8.4 -6285,1,0,0347,9.6 -6286,1,0,2030,14.3 -6287,1,0,1920,9.2 -6288,1,0,1200,4.8 -6288,2,0,1430,8.8 -6288,3,0,2200,8.5 -6288,4,1,0400,7.2 -6289,1,0,0323,9.2 -6289,2,0,0459,12.4 -6290,1,0,2012,8.6 -6291,1,0,1705,8.5 -6292,1,0,1824,11.7 -6293,1,4,0603,5.45 -6295,1,0,2040,16.1 -6295,2,0,2155,14.3 -6295,3,1,0015,10.9 -6295,4,2,1730,8.2 -6297,1,1,0005,8.85 -6298,1,0,1515,8.4 -6300,1,0,1220,20.3 -6300,2,3,0905,10.2 -6302,1,0,1315,12.2 -6302,2,0,1945,14.2 -6302,3,0,2205,4.7 -6302,4,1,0505,6.2 -6303,1,0,1800,9.5 -6303,2,2,0630,7.9 -6303,3,3,0605,6.8 -6306,1,0,2120,18.7 -6307,1,0,1900,8.2 -6309,1,0,1935,10.5 -6310,1,0,2151,16.2 -6316,1,0,1625,9.6 -6317,1,0,1100,6.4 -6318,1,0,1949,10.3 -6318,2,0,2055,15.9 -6318,3,0,2230,14.2 -6318,4,1,0300,11.7 -6319,1,0,2005,8.5 -6320,1,0,1145,13.5 -6321,1,0,1406,4.7 -6322,1,0,1843,16.9 -6323,1,0,1630,2.7 -6325,1,0,2120,11.1 -6325,2,0,2225,13.8 -6325,3,1,0046,11.9 -6325,4,1,0600,10 -6326,1,1,0640,12.8 -6327,1,0,1930,12.2 -6327,2,0,2051,11.8 -6327,3,0,2344,10.3 -6327,4,1,0330,8.4 -6328,1,0,1855,9.8 -6329,1,0,1920,8.2 -6330,1,0,2359,9.8 -6333,1,0,2103,11.7 -6335,1,0,0946,9.2 -6335,2,0,1324,9.1 -6335,3,0,1846,7.4 -6335,4,1,0700,6.4 -6336,1,0,1612,11.4 -6337,1,0,2121,10.3 -6338,1,0,2055,9.5 -6339,1,0,1928,17.4 -6340,1,0,0916,6.86 -6342,1,0,1756,5.6 -6343,1,0,1920,9.3 -6345,1,0,1528,16.5 -6345,2,0,2117,17.1 -6345,3,1,0430,16.4 -6347,1,0,2350,11.4 -6347,2,1,0102,14.6 -6347,3,1,0350,16.3 -6347,4,1,1330,10.5 -6350,1,0,0045,11.4 -6352,1,0,1206,9.5 -6352,2,0,1800,7.9 -6352,3,0,2330,8.1 -6352,4,1,1137,7.6 -6354,1,0,1851,9.6 -6355,1,0,1241,11.1 -6356,1,0,2231,14.5 -6358,1,0,2003,23.6 -6359,1,0,1045,7.8 -6362,1,0,1950,14.1 -6362,2,0,2100,14 -6362,3,0,2252,11.2 -6362,4,1,0230,10 -6363,1,0,2127,11.2 -6367,1,0,1037,7.5 -6367,2,0,1308,16.7 -6367,3,0,1617,27 -6367,4,0,2200,18.3 -6368,1,0,2207,7.7 -6369,1,0,1758,7.5 -6369,2,1,1140,6.5 -6369,3,2,0805,6.5 -6370,1,0,2108,9 -6370,2,1,0610,7.2 -6371,1,0,1506,2 -6372,1,0,1741,9.27 -6373,1,0,1330,6.8 -6375,1,0,1730,21.9 -6375,2,0,1900,23.1 -6375,3,1,0030,19.9 -6375,4,1,0445,16.6 -6377,1,0,2139,8.6 -6379,1,0,1213,11.6 -6380,1,0,1333,6.7 -6380,2,0,1343,14.9 -6381,1,0,2130,10.1 -6382,1,0,1850,11.16 -6383,1,0,1943,6.5 -6384,1,0,1813,7.1 -6384,2,0,2109,7.8 -6385,1,0,1128,7.9 -6386,1,0,1137,7.2 -6387,1,0,1652,11 -6387,2,1,0430,10.9 -6387,3,1,1430,9.3 -6387,4,1,2053,10 -6388,1,0,1840,10.4 -6388,2,0,2135,14.3 -6388,3,1,0400,6.9 -6388,4,1,0805,4.9 -6389,1,0,2046,18.9 -6389,2,2,0530,10.1 -6391,1,0,1315,9.9 -6392,1,0,2207,8 -6393,1,0,1510,17.7 -6393,2,1,0655,9.3 -6394,1,0,2357,6.7 -6395,1,1,0205,7.2 -6398,1,1,1157,4.4 -6399,1,0,1928,8.1 -6400,1,1,0655,9.5 -6400,2,0,2337,15 -6400,3,0,1710,10.5 -6401,1,0,1345,10 -6405,1,0,2233,25.8 -6405,2,1,0418,18.1 -6405,3,1,0900,12.1 -6405,4,2,0538,7.8 -6406,1,0,1233,8.9 -6406,2,0,1532,12.9 -6406,3,0,2253,6 -6407,1,0,2015,15.5 -6407,2,1,1026,10.8 -6410,1,0,0716,6 -6411,1,0,1830,19.17 -6411,2,1,0445,8.18 -6412,1,0,1710,9.7 -6415,1,0,1306,17.2 -6415,2,0,1637,11.4 -6415,3,1,0415,7.9 -6416,1,0,2150,8.2 -6417,1,0,1753,9 -6418,1,0,1230,11.9 -6418,2,0,1600,8.48 -6418,3,1,0355,8.23 -6418,4,2,1335,14.27 -6419,1,0,2007,18.1 -6420,1,0,2118,11.8 -6422,1,0,2013,8.4 -6423,1,0,1805,10.4 -6423,2,0,1945,10.9 -6423,3,1,0130,7.5 -6423,4,1,1045,4.8 -6425,1,0,1309,5.7 -6426,1,0,1319,8.6 -6427,1,1,0630,15.3 -6427,2,2,0407,17.1 -6427,3,3,0600,14.9 -6428,1,0,2203,23.5 -6428,2,1,0627,14.5 -6428,3,1,2015,11.6 -6428,4,2,0505,13.6 -6430,1,0,1338,3.4 -6431,1,0,1957,16.8 -6431,2,1,0549,6.7 -6432,1,0,2300,11.4 -6433,1,0,1328,11 -6433,2,0,1428,15 -6433,3,0,1600,15.1 -6433,4,0,1810,12.9 -6435,1,5,1130,10.5 -6436,1,0,1630,10.13 -6436,2,1,0613,8.5 -6436,3,2,0616,6.27 -6436,4,3,0622,5.39 -6437,1,0,1315,10 -6439,1,0,2315,14.4 -6440,1,0,2055,37.6 -6440,2,1,0228,22.1 -6440,3,2,0408,13.1 -6440,4,2,2230,11.1 -6441,1,0,2020,10.3 -6441,2,1,0020,6.9 -6441,3,1,0915,10 -6441,4,1,1615,9.2 -6442,1,0,1424,12.88 -6444,1,0,1850,8.3 -6445,1,0,0008,8.27 -6447,1,1,0006,14.8 -6447,2,1,0625,9.1 -6447,3,2,0545,5.2 -6447,4,3,0620,6.3 -6449,1,0,1930,17.2 -6450,1,0,1825,13.2 -6451,1,0,1722,7.3 -6452,1,0,1815,20.9 -6454,1,0,1909,8.1 -6456,1,1,0012,7.7 -6457,1,0,1554,14.4 -6460,1,0,1410,12.4 -6461,1,0,1800,4.8 -6462,1,0,0455,6.5 -6463,1,0,1339,11.4 -6464,1,0,0250,7.6 -6466,1,0,1500,13.4 -6466,2,0,2240,11.5 -6466,3,1,0240,12.2 -6466,4,1,0430,13.1 -6467,1,0,1800,7.1 -6470,1,0,2127,16.4 -6471,1,0,1337,9.7 -6473,1,0,0640,17.3 -6473,2,0,0901,13.3 -6473,3,1,1149,9.2 -6474,1,0,1856,21.83 -6474,2,0,2314,19.63 -6474,3,1,0814,12.64 -6474,4,2,0550,11.19 -6477,1,0,2117,14.6 -6478,1,0,1150,6.4 -6479,1,0,0918,11.2 -6480,1,1,0030,11 -6483,1,0,2322,13.89 -6484,1,0,2214,21.6 -6484,2,0,2216,20.4 -6484,3,1,0029,14 -6484,4,1,0500,13 -6485,1,0,1915,6.5 -6485,2,0,2040,12 -6485,3,0,2200,11 -6485,4,1,0615,7 -6486,1,0,1745,11.4 -6486,2,1,0645,7.7 -6486,3,2,0650,7.2 -6487,1,0,0012,18.9 -6487,2,0,0410,17.5 -6487,3,0,1400,27.9 -6487,4,1,0600,12.2 -6488,1,0,1552,9.5 -6490,1,0,1434,4.9 -6492,1,0,1948,19.2 -6495,1,0,1412,7.7 -6496,1,0,2259,16.4 -6497,1,0,1609,6.9 -6498,1,0,1728,9.6 -6499,1,0,1844,5.8 -6500,1,0,2123,13.1 -6501,1,0,1830,9.6 -6501,2,0,1940,9.6 -6501,3,0,2140,8.6 -6503,1,0,1506,5.1 -6504,1,0,1850,6.8 -6505,1,0,1633,10.15 -6506,1,0,1828,7.5 -6506,2,1,0648,5.8 -6507,1,0,1759,28.3 -6507,2,0,2210,17 -6507,3,1,0355,12.8 -6507,4,2,0325,8.6 -6508,1,0,1440,5.7 -6509,1,0,2044,16.4 -6510,1,0,1840,13.9 -6511,1,0,0800,12.2 -6511,2,0,1224,22.5 -6511,3,0,1800,12.6 -6511,4,0,2130,13.6 -6512,1,1,0503,8.2 -6513,1,0,2201,8.7 -6513,2,1,0345,10.6 -6515,1,0,1327,9.1 -6516,1,0,2225,9.7 -6516,2,1,0440,9.4 -6517,1,0,0230,17.7 -6517,2,0,0345,21.8 -6517,3,0,0815,9.3 -6517,4,0,1324,6.7 -6518,1,0,2339,10.3 -6519,1,0,1520,7.4 -6522,1,0,0715,14.6 -6525,1,0,1710,6.6 -6526,1,0,0645,19.6 -6526,2,1,0750,12.6 -6526,3,2,0715,12.3 -6527,1,0,2355,25.4 -6528,1,0,1715,20 -6529,1,1,0425,15.6 -6529,2,2,0440,18.3 -6529,3,3,0830,13.7 -6532,1,0,1353,8.3 -6533,1,0,1000,26.9 -6533,2,0,1135,17.4 -6533,3,0,1330,21 -6533,4,0,2000,13.4 -6536,1,0,1721,11.7 -6537,1,0,2105,8.2 -6539,1,0,1318,15.9 -6541,1,0,0040,6.8 -6541,2,0,0130,7.4 -6541,3,0,0632,9.5 -6542,1,0,1113,29.57 -6542,2,1,0502,10.4 -6542,3,2,0700,8.17 -6542,4,3,0424,8.31 -6543,1,0,1905,16.6 -6548,1,0,2217,15.3 -6548,2,1,0648,9.9 -6548,3,1,1115,9.7 -6548,4,1,1827,8 -6549,1,0,0042,11.8 -6550,1,0,1637,16.1 -6550,2,1,0735,11.8 -6551,1,0,0121,27.7 -6553,1,0,1500,17.5 -6553,2,1,0400,14.4 -6553,3,2,0355,11.8 -6553,4,3,0445,13.5 -6557,1,0,0255,19.4 -6558,1,0,1849,22.6 -6559,1,0,0941,11.8 -6560,1,0,1119,22.62 -6563,1,0,2217,7.1 -6564,1,1,0000,20.5 -6564,2,1,0115,15.7 -6564,3,1,0445,14.1 -6564,4,1,1045,9.6 -6565,1,0,1600,7.4 -6565,2,0,1754,10 -6566,1,0,1138,7.2 -6567,1,0,1655,8.2 -6573,1,0,1620,8.9 -6574,1,0,1350,17.4 -6575,1,0,2157,17.6 -6575,2,1,0304,12.1 -6576,1,0,1822,12.3 -6576,2,0,2002,15.1 -6576,3,0,2222,13.7 -6576,4,1,0455,10.6 -6578,1,0,1528,7.7 -6578,2,1,2330,7.7 -6578,3,3,1125,9.9 -6579,1,0,1931,13.6 -6579,2,0,2343,25.8 -6579,3,1,0404,23.7 -6579,4,1,1150,15.2 -6581,1,0,2325,8.1 -6581,2,1,1300,7.5 -6582,1,0,1113,24 -6582,2,1,2120,12.6 -6582,3,2,0405,9.9 -6583,1,0,1930,7.3 -6584,1,0,1919,8.3 -6584,2,1,0558,7.93 -6584,3,1,1218,6.85 -6584,4,1,1224,3 -6586,1,0,2355,9.6 -6587,1,0,1849,4.8 -6588,1,0,1901,7.5 -6588,2,0,1951,5.3 -6588,3,0,2134,10.1 -6588,4,1,0400,9.3 -6589,1,0,0930,4.7 -6591,1,0,2034,12.99 -6592,1,0,1000,9.4 -6593,1,0,2002,9.82 -6594,1,0,2200,13.1 -6594,2,1,0155,26.8 -6594,3,2,0020,17 -6594,4,2,1420,14.8 -6595,1,0,1424,14 -6596,1,0,1357,7.6 -6597,1,0,0855,7.93 -6599,1,0,0934,10.2 -6599,2,0,1420,2.3 -6599,3,0,1800,2.2 -6599,4,0,2050,1.2 -6600,1,0,2220,8.49 -6600,2,1,0540,10.88 -6600,3,2,0639,7.32 -6600,4,3,0650,4.54 -6601,1,0,2335,10.1 -6602,1,0,2112,8.2 -6603,1,0,1755,13.4 -6603,2,0,1900,13.9 -6604,1,0,0455,8.3 -6604,2,0,0558,7.7 -6604,3,0,1205,6.5 -6604,4,0,1810,5.4 -6605,1,0,1545,14.6 -6606,1,0,2230,11.5 -6606,2,1,0005,13.5 -6606,3,1,0200,13.1 -6606,4,2,1640,8.7 -6607,1,0,1835,24.3 -6608,1,0,2320,12.2 -6611,1,0,1559,7.2 -6612,1,0,2205,10.2 -6614,1,0,2228,8 -6615,1,0,1730,9.6 -6615,2,5,0550,6.4 -6616,1,0,2014,9.9 -6617,1,0,1830,11.84 -6619,1,0,1520,14.2 -6619,2,0,2130,14.4 -6619,3,1,0240,12.8 -6619,4,1,0900,12.4 -6620,1,0,1134,12.7 -6623,1,0,2231,7.2 -6623,2,2,0930,11.4 -6628,1,0,1707,7.7 -6629,1,0,1700,9.9 -6630,1,0,1940,9.6 -6630,2,0,2053,13.9 -6630,3,1,1700,10 -6630,4,2,0200,10.4 -6631,1,0,1545,11.3 -6631,2,0,1730,21.1 -6631,3,0,1930,16.7 -6631,4,0,2345,13.1 -6632,1,0,2229,19.2 -6635,1,0,0020,9.8 -6636,1,0,1705,11.6 -6636,2,1,0548,5.7 -6637,1,0,0226,7.61 -6638,1,0,0220,11.9 -6638,2,0,0500,10.1 -6638,3,0,0600,10.6 -6638,4,0,1400,8 -6639,1,0,0835,12.4 -6641,1,1,1359,5.95 -6642,1,0,0744,17.6 -6642,2,1,0545,9.3 -6642,3,2,0500,8 -6643,1,0,0125,11.3 -6644,1,0,1513,8.8 -6644,2,3,1902,8.8 -6645,1,0,0932,5.2 -6646,1,0,1214,12.3 -6647,1,0,1700,17.2 -6647,2,0,1734,20 -6647,3,0,2045,12.1 -6647,4,1,0300,4.1 -6650,1,0,2042,16.2 -6650,2,1,1154,11.7 -6652,1,0,2059,8.9 -6653,1,1,0015,7.6 -6654,1,0,1945,12.4 -6654,2,1,0840,14.9 -6655,1,0,1938,8.1 -6656,1,0,1306,12.4 -6660,1,0,1656,10 -6661,1,0,0243,18.7 -6661,2,0,1055,9.6 -6664,1,0,1400,15.6 -6664,2,0,1725,17.94 -6664,3,1,0532,18.51 -6664,4,7,0530,17.13 -6667,1,0,1832,8.3 -6668,1,0,2033,12 -6669,1,0,1808,9.6 -6672,1,0,2215,15.6 -6672,2,1,0100,13.2 -6672,3,1,0440,10.7 -6673,1,0,2306,21.5 -6673,2,1,0805,22 -6674,1,0,2030,8.3 -6674,2,0,2130,8.6 -6674,3,0,2350,9.5 -6674,4,1,0610,7.7 -6676,1,0,2133,9.9 -6677,1,0,2203,6.02 -6679,1,0,0935,4.2 -6680,1,0,0231,15.4 -6681,1,0,1905,15.6 -6682,1,0,2220,12.7 -6683,1,0,1130,43.9 -6684,1,0,1910,4.4 -6684,2,0,2040,5.9 -6685,1,0,1715,14.2 -6685,2,1,0558,10.5 -6686,1,0,1546,18.5 -6686,2,2,0646,12.8 -6691,1,0,2006,10.7 -6691,2,0,2340,11.3 -6692,1,1,0123,10.3 -6694,1,0,1615,8.5 -6694,2,1,0639,9.1 -6697,1,0,1008,7.8 -6698,1,0,1950,5.7 -6700,1,1,0035,8.7 -6701,1,0,1055,20.6 -6701,2,0,1429,22 -6701,3,0,1922,12.5 -6701,4,1,0310,13.6 -6702,1,0,0640,13.6 -6702,2,0,0750,12.6 -6702,3,0,1020,10.5 -6702,4,0,1600,9.2 -6704,1,0,2050,6 -6704,2,1,0550,7.1 -6705,1,0,1710,20.3 -6705,2,0,2240,12.9 -6705,3,1,0350,10 -6705,4,1,0555,10.2 -6706,1,0,2221,21.2 -6707,1,0,1440,4.3 -6708,1,0,1509,26.4 -6709,1,0,1703,8.7 -6713,1,0,2105,14.9 -6714,1,0,0900,19.1 -6714,2,3,0936,6.3 -6715,1,0,1930,12.2 -6718,1,0,1431,15.7 -6718,2,0,1545,12 -6719,1,1,0009,5.3 -6719,2,1,1300,3.9 -6721,1,0,0147,10.97 -6722,1,0,1232,7.9 -6723,1,0,1157,8.9 -6724,1,0,0118,8.1 -6724,2,0,0215,8.3 -6725,1,0,2345,10.7 -6725,2,1,0715,10.6 -6726,1,0,2229,18.7 -6727,1,0,1606,19.3 -6728,1,0,2335,6.62 -6730,1,0,2220,4.15 -6734,1,0,1159,25 -6734,2,0,1247,27.8 -6734,3,0,1643,27.3 -6734,4,1,0415,16 -6735,1,0,1235,13.56 -6736,1,0,1630,12.1 -6737,1,0,1025,11.6 -6738,1,0,2014,8.6 -6740,1,0,1815,5.9 -6741,1,1,0017,7 -6741,2,1,1110,5.6 -6742,1,1,0030,20.7 -6742,2,2,0405,15.1 -6742,3,1,0320,18.2 -6742,4,3,0600,11 -6743,1,1,0235,9.5 -6744,1,1,0546,7.1 -6744,2,0,1944,7.1 -6745,1,0,2018,9.2 -6746,1,0,1200,13.6 -6748,1,0,1755,8 -6748,2,1,0710,6.7 -6749,1,0,1340,14.8 -6750,1,0,1401,17.3 -6750,2,1,0400,9.7 -6751,1,0,1625,9.9 -6751,2,0,1825,10.2 -6755,1,0,2120,13.8 -6756,1,0,2311,5.12 -6758,1,0,1730,10.7 -6758,2,0,2000,9.7 -6759,1,0,2251,12.6 -6760,1,0,1550,21.3 -6761,1,0,1610,8.4 -6763,1,0,1842,11.6 -6764,1,0,1749,11.8 -6766,1,0,1703,14.6 -6767,1,0,1454,7.59 -6768,1,0,1000,13.7 -6768,2,1,0635,7.7 -6768,3,4,0625,11 -6769,1,0,1624,9.5 -6772,1,0,2207,9.8 -6773,1,0,0030,5.6 -6774,1,1,0012,20.2 -6775,1,0,1730,6.1 -6776,1,0,0558,7.3 -6777,1,0,1700,11 -6778,1,0,1835,8 -6779,1,0,1852,10.26 -6784,1,0,1404,23.4 -6784,2,0,1456,24.6 -6784,3,0,1732,32.2 -6784,4,1,0015,18.5 -6786,1,0,1925,7.2 -6790,1,0,1230,16.1 -6790,2,1,0435,6.8 -6792,1,0,1515,6.3 -6795,1,0,1744,17.71 -6797,1,0,1024,7.7 -6797,2,0,1324,13 -6797,3,0,2009,10.4 -6797,4,0,2235,9.6 -6798,1,0,2026,12.9 -6799,1,0,1543,5.25 -6800,1,0,1445,10 -6802,1,0,1627,24.8 -6803,1,0,2145,16.6 -6803,2,2,0621,11.5 -6804,1,0,0840,9.3 -6804,2,0,1345,21.5 -6804,3,0,1530,21 -6804,4,0,1900,19.5 -6805,1,1,0045,10.06 -6806,1,0,1945,12.39 -6809,1,0,0123,15.8 -6809,2,0,2100,10 -6809,3,1,0630,8.9 -6809,4,2,0430,8.9 -6810,1,0,1654,26.4 -6810,2,1,0554,9.7 -6810,3,3,2114,6.1 -6810,4,4,0410,7.1 -6814,1,0,2110,11.9 -6815,1,0,1645,14.2 -6815,2,1,0500,12.1 -6815,3,0,2030,12.1 -6816,1,0,1902,13.4 -6816,2,1,0310,11.4 -6817,1,0,1840,10 -6819,1,0,1934,10.9 -6820,1,0,1540,6.2 -6820,2,0,1955,7.4 -6821,1,0,0608,11.7 -6823,1,0,2205,12.81 -6824,1,0,2346,12.5 -6824,2,2,0722,7.4 -6825,1,0,1349,16 -6826,1,0,1858,10.5 -6827,1,0,1824,9.2 -6827,2,1,0806,6.8 -6828,1,0,2245,7.2 -6829,1,0,1110,6.7 -6830,1,0,1818,11.9 -6830,2,0,2235,13 -6830,3,1,0950,12.5 -6830,4,2,0805,10 -6837,1,0,1428,8.2 -6837,2,0,1610,15.5 -6837,3,0,1745,18 -6837,4,1,0845,8.2 -6838,1,0,1805,6.2 -6839,1,0,1809,11.4 -6841,1,0,1244,11.1 -6842,1,0,1302,7.34 -6843,1,0,1942,5.8 -6846,1,0,2132,8.9 -6847,1,0,1435,7.1 -6848,1,0,2109,12 -6849,1,0,1803,8 -6850,1,0,1514,13 -6851,1,0,1843,6.5 -6853,1,0,0110,16.3 -6853,2,0,0832,8.2 -6853,3,0,1427,8.3 -6853,4,0,1946,6.5 -6854,1,0,2213,13.4 -6854,2,0,2356,12.6 -6854,3,1,0148,11.1 -6854,4,1,0815,7.2 -6855,1,1,0039,11.3 -6856,1,0,2133,12.8 -6857,1,0,0325,9.3 -6858,1,0,2133,11.3 -6859,1,0,1931,9.3 -6860,1,0,1021,35.3 -6860,2,0,1620,31 -6860,3,0,1815,20.1 -6860,4,0,1920,20.8 -6861,1,0,2150,9 -6862,1,0,1927,11.4 -6862,2,0,2020,6.5 -6862,3,1,0301,13.6 -6862,4,1,0955,9.8 -6863,1,0,1237,6.5 -6864,1,0,1835,9.9 -6865,1,0,0858,22.43 -6865,2,1,1929,14.48 -6867,1,0,0352,12 -6869,1,0,0810,13.24 -6871,1,0,2355,16.3 -6872,1,0,0747,11.9 -6872,2,0,0846,17.4 -6872,3,0,1108,20.3 -6872,4,0,1800,10.7 -6873,1,0,0908,12.4 -6873,2,0,1025,16.8 -6873,3,0,1630,14.6 -6873,4,0,2120,10.3 -6874,1,0,1521,16.6 -6875,1,0,1759,10.42 -6876,1,0,2007,8.66 -6877,1,0,0045,15.4 -6877,2,0,0145,14.2 -6877,3,0,0550,12.5 -6878,1,0,2141,9.2 -6879,1,0,1852,22 -6881,1,0,2000,15.8 -6881,2,0,2345,19.9 -6881,3,1,0850,15 -6882,1,0,0703,15.79 -6884,1,0,2014,14.6 -6886,1,0,0050,10.97 -6888,1,0,0941,8.4 -6890,1,1,0014,17.2 -6890,2,1,0445,13.9 -6890,3,2,0517,7 -6894,1,0,2155,9.41 -6895,1,0,2145,14.6 -6897,1,0,1821,14.1 -6898,1,0,1853,21.3 -6898,2,0,2219,18.8 -6898,3,1,0336,13 -6898,4,1,0723,16.8 -6900,1,0,2056,17.3 -6901,1,0,2150,8.2 -6902,1,0,1616,25.1 -6902,2,2,0734,9 -6902,3,3,0719,9.37 -6903,1,0,1908,8.6 -6904,1,0,1546,14.29 -6904,2,3,0630,6.1 -6905,1,0,1855,5.15 -6909,1,0,1229,20 -6910,1,0,1430,18.9 -6910,2,0,2220,12.3 -6910,3,1,1005,10.7 -6910,4,2,1445,10 -6913,1,0,1647,6.2 -6914,1,0,1622,14.3 -6916,1,0,2045,15.1 -6916,2,0,2135,20 -6917,1,0,1802,8 -6919,1,0,1753,13.8 -6919,2,1,0538,10.5 -6919,3,2,0423,8.7 -6920,1,0,1715,18.64 -6920,2,1,0719,13.44 -6921,1,0,1530,14.8 -6922,1,0,1817,7.9 -6924,1,0,1439,11.4 -6926,1,0,1138,13.7 -6926,2,0,1822,11.6 -6926,3,1,0347,9.1 -6926,4,1,0910,11.6 -6927,1,0,1542,18.07 -6928,1,0,2000,10.2 -6928,2,0,2315,15.4 -6929,1,0,1859,10.2 -6930,1,0,1845,17.3 -6934,1,0,1550,8.4 -6935,1,0,1221,11 -6936,1,0,1715,24.3 -6936,2,1,0525,31.5 -6937,1,0,1430,8.9 -6937,2,0,1605,19.1 -6937,3,0,1740,18.1 -6937,4,1,0035,14.2 -6939,1,0,1655,9 -6940,1,0,0624,12.32 -6942,1,0,1904,7.4 -6944,1,0,1307,6.9 -6944,2,0,1616,13.8 -6946,1,0,1846,21.6 -6946,2,0,2118,30.3 -6946,3,0,2245,21 -6946,4,1,0400,14.2 -6947,1,0,1652,6.2 -6948,1,0,1249,12.2 -6949,1,0,1821,9.5 -6957,1,0,1143,16 -6957,2,2,0624,12.3 -6959,1,0,1718,14.6 -6959,2,1,0602,13 -6960,1,0,1628,18.1 -6960,2,1,1026,12.6 -6962,1,0,2043,9.5 -6962,2,1,0156,8.4 -6963,1,0,0251,12 -6963,2,1,0630,6.3 -6964,1,0,2010,15.2 -6965,1,0,1544,6.7 -6966,1,0,1900,14.2 -6967,1,1,0012,10.1 -6971,1,0,0930,7.68 -6972,1,0,1210,10.2 -6972,2,0,1530,10.6 -6972,3,0,1630,9.4 -6972,4,0,2330,6 -6973,1,0,1039,10.63 -6974,1,0,2145,21.7 -6976,1,0,1412,12.6 -6976,2,4,1320,6.6 -6977,1,0,1959,9.3 -6979,1,0,2110,5.6 -6980,1,0,2130,9.5 -6981,1,0,1925,9.7 -6982,1,0,2209,5.1 -6983,1,0,1805,13.3 -6983,2,1,0031,7.9 -6983,3,1,0547,7.4 -6985,1,0,1820,7.9 -6986,1,0,2350,9 -6987,1,0,1420,5.7 -6988,1,0,1619,7.9 -6989,1,0,2050,12.8 -6992,1,0,1650,7.79 -6992,2,1,0557,8.89 -6992,3,5,0543,5.35 -6995,1,0,1415,17.8 -6996,1,0,1757,7.6 -6997,1,0,2146,7.6 -6998,1,0,1701,7.3 -7000,1,0,2335,13.1 -7001,1,0,1801,10.3 -7001,2,1,0421,13.7 -7001,3,1,0955,11.4 -7003,1,0,1749,13.3 -7004,1,0,1745,16.8 -7004,2,0,1849,14.9 -7004,3,0,2054,13.4 -7004,4,1,0600,7.2 -7006,1,0,2300,6.6 -7008,1,0,1904,8.5 -7008,2,1,0021,11.9 -7008,3,1,0610,9 -7008,4,1,1800,29.7 -7009,1,0,1950,12.2 -7010,1,0,0016,13.1 -7010,2,0,0142,11.9 -7010,3,0,0335,10.6 -7010,4,0,0805,10.2 -7011,1,0,1810,13.4 -7016,1,0,1415,21.6 -7017,1,1,0600,3.2 -7018,1,0,1842,10 -7020,1,0,2328,11.4 -7020,2,1,0500,8.9 -7021,1,0,1306,9.94 -7022,1,0,2126,11.4 -7023,1,0,1846,18.9 -7024,1,0,0140,5.4 -7025,1,0,1520,4.9 -7025,2,0,1645,7.1 -7026,1,0,1920,14.3 -7027,1,0,2213,16.9 -7027,2,1,0750,12.9 -7027,3,2,1040,6.4 -7028,1,0,0155,14.1 -7029,1,1,0410,8.9 -7030,1,0,2325,8.3 -7030,2,1,0205,8.1 -7030,3,1,0330,7 -7031,1,0,1925,19.2 -7031,2,1,1413,15.6 -7031,3,1,1600,17 -7031,4,2,0410,21.2 -7032,1,0,2113,5.1 -7033,1,0,1640,12.8 -7034,1,0,1515,7.4 -7034,2,0,1631,8.8 -7034,3,0,1834,8.8 -7034,4,3,1008,6.2 -7035,1,0,1637,11.1 -7037,1,0,2109,6.8 -7038,1,0,2001,16 -7043,1,0,1942,12.6 -7044,1,0,0140,9.3 -7044,2,0,0445,13.9 -7045,1,0,2252,8.4 -7046,1,0,0955,6.1 -7047,1,0,2108,6.6 -7050,1,0,2219,19.5 -7050,2,1,0417,19.5 -7050,3,2,0400,9.9 -7051,1,1,0105,7 -7053,1,0,2350,13.6 -7053,2,1,0130,13.1 -7053,3,1,0600,12.1 -7053,4,2,0900,9.4 -7056,1,0,1738,24.5 -7056,2,1,0530,10.5 -7056,3,1,1430,15.6 -7056,4,2,0455,16.2 -7057,1,0,0921,5.6 -7060,1,0,1526,10.4 -7060,2,0,1630,11.6 -7060,3,0,1830,12.1 -7060,4,0,2005,11.8 -7061,1,0,2054,14.41 -7061,2,4,0035,14.55 -7062,1,0,0915,6 -7062,2,0,1005,4.9 -7062,3,0,1300,5.8 -7063,1,0,1000,5.7 -7066,1,0,0947,13.1 -7067,1,1,0011,15.64 -7067,2,1,0612,28.09 -7067,3,1,2135,9.96 -7067,4,2,0703,10.2 -7068,1,0,1045,10.2 -7069,1,0,2110,12.8 -7070,1,0,2342,7.7 -7070,2,1,0054,12.5 -7070,3,1,0345,9.5 -7071,1,0,1942,37.9 -7071,2,0,2048,10.5 -7071,3,1,0400,11.4 -7071,4,2,0400,9.3 -7072,1,0,1647,5.5 -7073,1,0,2041,11.8 -7074,1,0,1545,6.5 -7075,1,0,1305,12.2 -7078,1,0,1300,15.75 -7079,1,0,2235,5.8 -7082,1,0,1653,10.4 -7083,1,0,2242,6.5 -7084,1,0,1220,14.5 -7084,2,0,1800,11.9 -7085,1,0,1804,6.9 -7086,1,0,1442,9.1 -7087,1,0,1940,17.8 -7087,2,0,2050,17 -7087,3,1,0445,15.4 -7087,4,1,0740,13 -7090,1,0,1100,30.8 -7090,2,1,0725,11.5 -7091,1,0,1657,8.2 -7092,1,0,2000,10.6 -7094,1,0,2226,11.61 -7095,1,0,1630,4.2 -7096,1,0,1845,8.1 -7097,1,0,0215,10.5 -7101,1,0,1202,8.8 -7102,1,0,1630,11.1 -7103,1,0,0618,11.7 -7104,1,0,1902,12.82 -7105,1,0,1640,11.3 -7109,1,0,1540,12.1 -7110,1,0,1549,5.5 -7110,2,0,1930,16.8 -7110,3,1,0120,10.9 -7110,4,1,0600,7.8 -7113,1,0,1718,6 -7114,1,0,1934,9.5 -7115,1,0,1748,7.7 -7118,1,0,1747,9.6 -7119,1,0,1734,17.9 -7119,2,0,1938,14.4 -7119,3,0,2227,11.6 -7122,1,0,1733,26.9 -7122,2,1,0413,15.8 -7122,3,1,0921,11.7 -7123,1,0,1850,18 -7123,2,1,0013,18 -7123,3,3,0510,10.9 -7124,1,0,0209,8.9 -7124,2,0,0515,6.8 -7126,1,0,0851,4 -7127,1,0,0853,8.1 -7129,1,0,2235,5.7 -7129,2,0,2335,5.5 -7130,1,0,1608,4.7 -7132,1,0,0440,19.4 -7134,1,0,2013,8.5 -7134,2,0,2037,8.1 -7135,1,1,0000,10.2 -7135,2,1,0510,8.4 -7136,1,0,1815,15.7 -7136,2,1,0220,9.2 -7136,3,1,0300,16.2 -7136,4,1,1626,7.3 -7137,1,1,0006,8 -7138,1,0,0020,9.1 -7140,1,0,0530,13.4 -7140,2,1,0430,12.1 -7141,1,0,2345,17.6 -7142,1,0,0730,13.5 -7142,2,0,1106,23.3 -7142,3,0,1319,18.7 -7142,4,0,1820,14.9 -7143,1,0,1119,14.9 -7145,1,0,1000,17.4 -7146,1,0,1820,12.5 -7146,2,1,0415,11.2 -7150,1,0,0736,15 -7150,2,0,1027,17.6 -7150,3,0,1351,8 -7150,4,0,1709,7.7 -7151,1,2,0540,15.3 -7152,1,0,1411,11.9 -7152,2,0,1537,13.5 -7152,3,0,1707,13.4 -7152,4,1,0600,8 -7153,1,0,2137,14.7 -7154,1,0,1935,10.5 -7154,2,1,0705,9.7 -7157,1,0,1336,13.3 -7157,2,0,1424,8.7 -7158,1,0,1520,9.83 -7158,2,1,0826,7.92 -7159,1,0,2120,8.6 -7162,1,0,1915,7.8 -7163,1,0,2005,4.8 -7165,1,0,2230,8.7 -7165,2,1,0535,8.5 -7165,3,2,0824,10.2 -7166,1,0,1400,11.1 -7166,2,1,0500,7.9 -7166,3,2,0500,6.9 -7167,1,0,1936,11.56 -7167,2,1,0855,9.75 -7170,1,0,1429,15.7 -7171,1,0,1807,7.6 -7171,2,1,0400,13.9 -7173,1,0,0930,11.1 -7173,2,1,0700,5.6 -7174,1,0,1128,13.1 -7175,1,0,0940,6 -7175,2,0,1050,5.6 -7175,3,0,1300,5.7 -7177,1,0,2317,13.3 -7177,2,2,0600,9 -7177,3,3,0440,9.3 -7178,1,0,2023,18.4 -7180,1,0,0955,7.7 -7181,1,0,2120,15.4 -7181,2,1,1818,16.1 -7181,3,2,0425,11.2 -7182,1,0,2358,17.4 -7184,1,0,1836,10.2 -7185,1,0,1807,6 -7186,1,0,2045,20.1 -7186,2,2,0711,8.4 -7186,3,3,0703,8.6 -7188,1,0,1703,10.9 -7188,2,0,1843,17.7 -7188,3,0,2309,13.4 -7188,4,1,0520,9.4 -7189,1,0,1702,9.33 -7190,1,0,1506,8 -7193,1,0,2009,19.3 -7193,2,0,2345,13.8 -7193,3,1,0600,8.8 -7193,4,1,1800,8.1 -7195,1,0,2030,6 -7195,2,1,0020,8.6 -7195,3,1,0820,5.3 -7199,1,1,0004,13.9 -7200,1,0,1213,7.4 -7200,2,0,1406,12.1 -7200,3,0,1545,14.4 -7200,4,0,2215,8.5 -7202,1,0,2126,14 -7202,2,0,2211,10.8 -7203,1,0,0910,19 -7203,2,1,0750,8.4 -7205,1,0,1227,6 -7207,1,0,0843,10.6 -7208,1,0,2256,10.1 -7209,1,0,1111,13.3 -7210,1,0,1454,7.5 -7211,1,0,2335,11.4 -7211,2,1,0142,9.9 -7211,3,1,0250,9.6 -7213,1,0,2030,5.6 -7214,1,0,1231,18.9 -7214,2,0,1930,16.1 -7214,3,1,0600,10.3 -7214,4,2,0600,10.7 -7215,1,0,1350,14.4 -7215,2,0,1519,25.2 -7215,3,0,1815,21.8 -7215,4,0,2130,15.6 -7217,1,0,0810,19.17 -7217,2,2,0555,9.2 -7217,3,7,1614,9.38 -7218,1,0,2107,4.8 -7219,1,0,1137,7.45 -7220,1,0,2131,6.9 -7221,1,0,2028,23.7 -7221,2,0,2156,20.9 -7221,3,1,0011,16.1 -7221,4,1,0530,13.4 -7222,1,0,1845,9.9 -7223,1,0,1641,10.9 -7225,1,0,0810,9.9 -7225,2,0,0954,20 -7225,3,0,1218,19.5 -7225,4,0,1730,14.2 -7226,1,0,2250,12.8 -7227,1,0,1744,27.6 -7227,2,0,2323,25.9 -7227,3,1,0334,29.6 -7227,4,1,1112,27.5 -7228,1,0,1108,18.2 -7228,2,0,1635,12.3 -7228,3,1,0405,8.4 -7229,1,0,1214,14.7 -7229,2,0,1508,17.3 -7229,3,0,2100,16.8 -7229,4,1,0230,14.6 -7230,1,0,2040,14.6 -7231,1,0,1704,12.8 -7232,1,0,1601,5.1 -7234,1,0,1840,11.9 -7235,1,0,2230,11.9 -7237,1,0,0217,15 -7238,1,0,2120,11.3 -7240,1,0,1501,11.7 -7240,2,0,1614,17.4 -7240,3,0,1819,14.4 -7241,1,0,1607,7.14 -7243,1,0,1452,5.1 -7243,2,0,1930,9.6 -7244,1,0,2114,18.5 -7245,1,0,2047,10.2 -7245,2,1,0715,6.6 -7245,3,1,2229,8.4 -7245,4,2,0914,6.1 -7246,1,0,1913,7.9 -7247,1,0,0919,12.4 -7248,1,0,1519,19.6 -7248,2,2,0020,8.2 -7249,1,0,1740,10.1 -7250,1,0,1945,10.7 -7251,1,0,0026,7.7 -7252,1,0,1948,11.37 -7252,2,1,1323,6.61 -7253,1,0,2240,13.7 -7253,2,1,0400,9.8 -7253,3,1,1000,7.4 -7253,4,1,1600,7.5 -7254,1,0,1845,13.8 -7255,1,0,2030,13.8 -7256,1,0,1400,17.5 -7257,1,0,1918,10.1 -7258,1,0,0948,17.8 -7259,1,0,1539,22.02 -7259,2,1,0653,14.59 -7260,1,0,2047,21.3 -7260,2,0,2305,21 -7260,3,1,0423,15.1 -7260,4,1,1048,14.2 -7261,1,0,2250,15.1 -7262,1,0,1539,11.1 -7263,1,0,1755,7.2 -7264,1,1,0030,16.2 -7264,2,1,0225,20.5 -7264,3,1,0325,17.7 -7265,1,0,2240,17.6 -7265,2,1,0140,11.7 -7266,1,0,0437,6.8 -7267,1,0,2000,13.1 -7269,1,0,2034,12.1 -7270,1,0,2315,38.6 -7270,2,1,0040,31 -7270,3,1,0218,26.9 -7270,4,1,1500,15.9 -7271,1,1,0237,14.8 -7274,1,0,1839,15.6 -7274,2,0,2250,12.9 -7274,3,1,0553,8.2 -7274,4,4,0035,5.4 -7275,1,0,1838,8.4 -7275,2,1,1010,8.3 -7275,3,2,0200,7.7 -7275,4,3,2317,8 -7276,1,0,0703,13.7 -7276,2,1,0510,9.7 -7276,3,1,0635,11.4 -7276,4,2,0320,10.8 -7277,1,0,1252,12.9 -7278,1,0,1505,10.2 -7278,2,0,1530,9.9 -7278,3,0,1830,12 -7279,1,0,1505,9.1 -7279,2,1,0600,9.8 -7281,1,0,1700,8.1 -7281,2,1,0945,18.7 -7282,1,0,1204,6.83 -7282,2,2,0610,6.9 -7282,3,2,1600,6.47 -7282,4,6,0620,5.59 -7284,1,0,1542,26.7 -7285,1,0,1948,10 -7285,2,1,0400,26.6 -7288,1,0,2227,22.3 -7290,1,0,2152,9.7 -7292,1,1,0030,5.6 -7293,1,0,1504,10.9 -7294,1,0,1651,7.9 -7295,1,0,0920,7.6 -7297,1,0,2131,10.9 -7299,1,0,0024,5.7 -7300,1,0,1913,7.8 -7302,1,0,1712,15.9 -7302,2,1,0407,10.9 -7302,3,1,1637,8.6 -7302,4,1,2055,8.3 -7303,1,0,1826,7.5 -7304,1,0,1300,11.2 -7304,2,5,1930,5.8 -7304,3,7,0705,8 -7305,1,0,0818,6.8 -7306,1,0,0121,9.5 -7308,1,0,1719,10.2 -7308,2,1,0715,9.6 -7311,1,0,1110,10.3 -7312,1,0,1605,6.9 -7313,1,0,1712,12.6 -7313,2,0,1815,22.3 -7313,3,0,2020,19.9 -7313,4,1,0020,13.9 -7314,1,0,1302,6.2 -7315,1,0,1722,7.8 -7316,1,0,1614,16.9 -7316,2,0,1726,18.1 -7316,3,0,1931,17.5 -7316,4,1,0300,12.2 -7317,1,0,1142,7.8 -7318,1,0,1946,19.1 -7319,1,0,2005,8.7 -7319,2,0,2215,9.2 -7319,3,1,0015,9.5 -7319,4,1,0540,8.1 -7320,1,0,2210,7.8 -7320,2,1,1205,11.6 -7320,3,2,0600,6.8 -7321,1,0,1942,6.7 -7323,1,0,1917,8.6 -7324,1,0,2012,10.2 -7325,1,0,1741,9.4 -7327,1,0,1000,19.9 -7327,2,0,1110,20.5 -7327,3,0,1415,14 -7327,4,1,0450,12.9 -7328,1,0,2258,10.1 -7329,1,0,1000,7.2 -7332,1,0,2000,12.2 -7334,1,0,1457,6.59 -7335,1,0,1904,10.9 -7337,1,0,1753,8.9 -7339,1,0,1753,13.8 -7341,1,0,2110,9 -7342,1,0,2126,13.69 -7347,1,0,2220,38.2 -7347,2,1,0430,10.2 -7347,3,1,1500,11.4 -7347,4,2,0415,11 -7348,1,0,2155,7.2 -7349,1,0,0750,8.7 -7350,1,0,1359,7.5 -7350,2,0,1522,12 -7350,3,0,2115,11.3 -7350,4,1,0245,10.4 -7351,1,0,1615,11.8 -7351,2,0,1715,12.1 -7353,1,0,2315,18.3 -7353,2,1,0750,10.6 -7353,3,1,1825,10.1 -7353,4,2,0350,12.2 -7354,1,0,1800,10.2 -7356,1,0,1945,21.7 -7356,2,0,2128,17.8 -7356,3,0,2240,15.4 -7356,4,1,0015,14.8 -7360,1,0,0533,11.4 -7361,1,0,2348,3.4 -7362,1,0,2210,9.7 -7364,1,0,2026,13 -7364,2,1,0212,9.6 -7366,1,0,2102,16.4 -7367,1,0,2230,19.1 -7367,2,0,2359,7.9 -7367,3,1,0415,17.9 -7367,4,1,1039,10.2 -7368,1,0,1652,11.6 -7369,1,0,1754,13.2 -7371,1,1,0630,11.2 -7372,2,1,0355,15 -7372,3,2,0200,11.6 -7374,1,0,1900,13 -7375,1,0,1902,11.9 -7377,1,0,2104,6.8 -7381,1,-1,1740,10.6 -7382,1,0,2150,31.9 -7382,2,0,2258,21.7 -7382,3,1,0015,19.6 -7382,4,1,0134,21.4 -7383,1,0,1603,16.51 -7383,2,0,2234,13.56 -7383,3,1,0558,9.59 -7383,4,1,2002,7.85 -7384,1,0,1550,12.1 -7387,1,0,2016,9.6 -7387,2,2,0655,13.3 -7388,1,0,1114,12.8 -7389,1,0,1830,14.8 -7392,1,0,1811,6.7 -7394,1,0,1221,14.9 -7394,2,1,0650,4.3 -7398,1,0,1149,4.5 -7400,1,0,1512,13.8 -7401,1,0,1746,9.2 -7402,1,0,1910,15.2 -7403,1,0,1358,8.3 -7404,1,0,1326,21.3 -7404,2,0,1740,15.4 -7404,3,1,0405,11.5 -7405,1,0,1535,6.48 -7405,2,0,1536,22 -7406,1,0,1817,5.7 -7407,1,0,1255,4.9 -7407,2,0,1445,5.9 -7407,3,0,1740,6.6 -7407,4,1,0430,4.8 -7408,1,0,2214,7.9 -7409,1,0,1924,8.5 -7410,1,0,1437,18.7 -7414,1,0,1458,6.9 -7415,1,0,0413,9.2 -7416,1,0,1850,16.68 -7417,1,0,2205,5.7 -7417,2,1,0700,8.7 -7418,1,0,1820,8.6 -7420,1,0,1625,7.1 -7420,2,0,1730,12.4 -7421,1,0,1037,9.7 -7422,1,0,1732,11.6 -7425,1,0,2200,14.9 -7425,2,0,2322,13.5 -7425,3,1,0125,13.3 -7425,4,1,0350,11.3 -7426,1,0,1802,12.5 -7426,2,0,2205,18.3 -7426,3,1,0214,15.7 -7426,4,1,0628,15.3 -7427,1,0,1816,7.2 -7428,1,0,0705,11.5 -7428,2,0,0727,11.8 -7429,1,0,2115,25.3 -7429,2,1,0843,11.2 -7429,3,2,0900,12.9 -7430,1,0,1635,19.9 -7431,1,0,0554,15 -7432,1,0,2015,10 -7433,1,0,2140,11.1 -7433,2,1,0122,9.8 -7433,3,1,0648,9.2 -7433,4,2,0640,9.2 -7434,1,0,1242,11.4 -7435,1,0,0359,8.3 -7436,1,0,2011,14.2 -7436,2,0,2112,8.8 -7436,3,1,0130,7.9 -7436,4,1,0416,8 -7438,1,0,0253,18.5 -7440,1,0,1205,20.2 -7440,2,1,1840,8.4 -7441,1,0,2228,11.7 -7443,1,0,2053,21.5 -7445,1,0,1656,6.5 -7446,1,0,1925,5 -7446,2,4,1333,4.3 -7447,1,0,2135,7.8 -7449,1,0,1927,13.4 -7449,2,0,2049,14.5 -7449,3,0,2211,14.8 -7450,1,0,1910,6.9 -7450,2,1,1230,6.4 -7451,1,0,2333,10.3 -7453,1,0,1846,9.8 -7454,1,1,0425,8 -7454,2,3,1045,5.9 -7454,3,3,1910,6.9 -7454,4,5,0605,7.6 -7455,1,1,1204,4.7 -7455,2,2,0505,7.9 -7455,3,2,1128,10.3 -7456,1,0,1349,5 -7458,1,0,1715,14.8 -7459,1,0,1508,6.6 -7460,1,0,1835,5.4 -7460,2,0,1911,3.2 -7460,3,0,2056,3.4 -7462,1,0,1738,14.9 -7464,1,0,1632,11.8 -7466,1,0,1915,14.86 -7467,1,0,0739,9.6 -7468,1,0,2103,10.1 -7469,1,0,1850,8.7 -7469,2,0,2015,7.2 -7469,3,0,2150,7.9 -7471,1,0,1651,10.7 -7471,2,0,1815,16.6 -7474,1,0,1730,21.9 -7475,1,0,2315,7 -7478,1,0,1822,14.71 -7478,2,1,0400,10.98 -7478,3,1,1730,8.93 -7478,4,1,2300,9.77 -7480,1,0,2120,13 -7480,2,7,0405,6 -7480,3,7,2220,6.4 -7483,1,0,2153,8.7 -7484,1,0,2124,17.56 -7484,2,1,0143,18.11 -7484,3,1,0607,14.99 -7484,4,1,1005,13.96 -7486,1,0,0817,18.3 -7486,2,0,1320,12.4 -7486,3,1,0050,11.6 -7486,4,1,0405,7.5 -7487,1,1,0140,18 -7489,1,0,1800,8.6 -7490,1,0,1724,6.91 -7491,1,0,1456,11.8 -7492,1,0,1611,5 -7493,1,0,1604,28.2 -7493,2,0,1720,16.4 -7493,3,0,2300,15.9 -7493,4,1,0400,14.8 -7496,1,0,2137,28.6 -7496,2,1,0505,19.8 -7496,3,2,0451,19.8 -7496,4,3,0440,9.5 -7497,1,0,1800,13.1 -7497,2,1,1153,7.6 -7497,3,2,0845,8 -7498,1,0,0247,12.4 -7499,1,0,1450,6 -7499,2,0,1620,7.7 -7499,3,0,1815,9 -7499,4,0,2330,7.8 -7501,1,1,0613,9.8 -7503,1,0,1040,12.5 -7503,2,0,1130,12.5 -7503,3,0,1350,17.9 -7503,4,1,0030,11.3 -7504,1,0,0230,12.8 -7504,2,1,0250,11 -7504,3,2,0625,13.3 -7504,4,3,0610,12.1 -7505,1,0,2346,9.2 -7505,2,2,0415,7.3 -7507,1,0,0250,11.6 -7507,2,0,0504,10.1 -7508,1,0,1629,4.6 -7509,1,0,1525,6.2 -7510,1,0,2010,8.2 -7512,1,0,1341,7.5 -7513,1,0,1858,7.7 -7515,1,0,1829,19 -7515,2,0,2027,16.2 -7515,3,0,2212,13.9 -7517,1,0,1503,7.6 -7517,2,0,2321,5.2 -7517,3,1,0754,5.4 -7517,4,2,1350,4.7 -7518,1,0,2112,17 -7520,1,0,2015,9.2 -7520,2,0,2120,12.6 -7520,3,0,2345,11 -7520,4,1,0900,5.4 -7521,1,0,2200,16.7 -7522,1,0,1516,17.2 -7524,1,0,2215,9.6 -7524,2,1,0953,12.6 -7526,1,0,1853,13 -7527,1,0,1718,7.4 -7528,1,0,2348,10.7 -7528,2,1,0549,9.1 -7529,1,0,2046,6.4 -7529,2,0,2200,3.1 -7529,3,0,2235,6.6 -7529,4,0,2331,7.1 -7530,1,0,1918,10 -7531,1,0,1940,26.9 -7531,2,1,0530,10.5 -7531,3,1,1642,6.8 -7532,1,0,1250,13.7 -7532,2,0,1500,15.2 -7532,3,0,1725,12.2 -7532,4,0,1902,9.7 -7533,1,0,1920,7.79 -7535,1,0,1420,10.1 -7537,1,0,2112,6.2 -7538,1,0,1620,14.1 -7538,2,0,1720,17 -7538,3,0,1925,10.4 -7539,1,0,2340,15.7 -7540,1,0,1605,17.9 -7540,2,0,2045,17 -7540,3,1,0007,14.5 -7540,4,1,0419,13 -7541,1,0,1554,6.9 -7543,1,0,1831,14.4 -7543,2,0,1941,17.9 -7543,3,0,2154,18.5 -7547,1,0,1145,8.9 -7549,1,0,1002,7.62 -7551,1,0,2350,17.2 -7551,2,1,0431,8.3 -7552,1,0,0616,17.7 -7554,1,0,0200,12.5 -7555,1,0,1625,17.8 -7555,2,1,0539,7.2 -7556,1,0,1438,8.4 -7557,1,0,1147,9.8 -7558,1,0,1648,15.1 -7558,2,0,1817,12.8 -7558,3,0,2035,13.8 -7560,1,0,1330,9.9 -7560,2,0,1550,12.1 -7563,1,0,2218,7.7 -7564,1,0,0829,14.6 -7564,2,0,0914,17.2 -7564,3,0,1118,15.6 -7565,1,1,0025,11 -7565,2,1,0325,9.5 -7565,3,1,0725,7.9 -7566,1,0,1110,8.7 -7567,1,0,1854,8.1 -7568,1,0,2020,17.4 -7568,2,1,0405,13.6 -7570,1,0,1816,10.3 -7572,1,0,1428,6.6 -7573,1,0,2113,9 -7575,1,0,1325,20.4 -7575,2,0,1620,9.3 -7575,3,0,2033,9.1 -7575,4,1,0032,8 -7577,1,0,1235,5.1 -7578,1,0,1745,8.6 -7579,1,0,0845,5.9 -7579,2,0,0947,10.8 -7579,3,0,1305,13.4 -7579,4,0,1800,10.4 -7581,1,0,1757,5.8 -7582,1,0,1714,14.5 -7582,2,0,2210,9.2 -7582,3,1,0350,9.2 -7582,4,1,1100,8.8 -7583,1,0,1759,13.7 -7583,2,0,1900,19.9 -7583,3,0,2345,14.3 -7583,4,1,0410,11.5 -7584,1,1,0012,8.4 -7584,2,6,0008,7.2 -7585,1,-1,2140,6.9 -7585,2,-1,2240,7.1 -7585,3,0,0050,8.3 -7586,1,0,0455,11.5 -7586,2,3,0540,16.3 -7586,3,4,0615,11.8 -7586,4,0,0818,11.2 -7587,1,0,1339,10.1 -7588,1,0,1630,9.8 -7589,1,0,2106,10.7 -7590,1,1,0005,5.4 -7591,1,0,1550,20.9 -7594,1,0,1740,8.9 -7595,1,0,1800,13.9 -7595,2,1,0400,13.2 -7598,1,0,1258,10.3 -7599,1,0,1831,10.9 -7599,2,1,0430,8.9 -7600,1,0,1830,9.5 -7600,2,0,2010,10 -7601,1,0,1620,15.4 -7602,1,0,1830,18.8 -7602,2,1,1056,10.6 -7604,1,0,2100,9.9 -7607,1,0,1224,19.7 -7608,1,0,1857,20.8 -7608,2,1,0651,8.24 -7611,1,0,0240,18.6 -7611,2,0,0426,14.2 -7611,3,0,0559,13.1 -7611,4,0,0750,11.4 -7612,1,0,2355,13.5 -7613,1,0,2121,14.5 -7614,1,0,1728,7.9 -7614,2,0,1905,14.5 -7614,3,1,0100,9.2 -7614,4,1,0610,9.7 -7616,1,0,1950,12.8 -7616,2,0,2050,12 -7616,3,0,2310,9.8 -7616,4,1,0420,8.3 -7617,1,0,0750,6.3 -7618,1,0,1658,9.2 -7619,1,0,1915,12.6 -7620,1,0,0425,12.8 -7623,1,0,1728,12.8 -7623,2,1,0600,14.8 -7624,1,0,1714,7.9 -7624,2,1,1923,6.1 -7625,1,0,0408,14.3 -7626,1,0,2003,7.8 -7627,1,0,1534,31.4 -7627,2,0,1800,27.1 -7627,3,0,1925,25 -7627,4,0,2100,16.3 -7628,1,0,1120,11.1 -7628,2,0,1330,10.1 -7629,1,0,1630,32.6 -7629,2,0,1745,18 -7629,3,0,1921,22 -7629,4,1,0200,13.3 -7630,1,0,1657,13.4 -7630,2,1,0615,10.4 -7630,3,1,1630,11.8 -7631,1,0,2114,8.7 -7631,2,0,2218,7.7 -7631,3,1,0006,10.3 -7633,1,0,1630,11.6 -7633,2,1,1730,6.7 -7636,1,0,1650,7.7 -7636,2,0,1800,11.3 -7637,1,0,2035,12.9 -7638,1,1,0615,8 -7639,1,0,2100,15.2 -7641,1,0,1845,11.8 -7641,2,0,2230,12.9 -7641,3,1,2205,6.9 -7642,1,0,1608,11.4 -7643,1,0,0924,26.1 -7643,2,0,1139,24.1 -7643,3,0,1435,16.1 -7643,4,1,0400,13.7 -7644,1,0,1824,14.16 -7645,1,0,2330,18.8 -7645,2,1,1345,14.6 -7646,1,0,1424,8.4 -7647,1,0,1546,9.5 -7648,1,0,2100,10.2 -7649,1,0,1521,10.5 -7650,1,0,1535,7.1 -7651,1,0,1005,12.8 -7653,1,0,2045,8.9 -7654,1,0,2021,10.5 -7656,1,0,1415,17 -7656,2,0,1740,16.1 -7656,3,0,2330,9 -7656,4,1,0635,8.4 -7657,1,0,2138,10.8 -7658,1,0,1515,13.2 -7660,1,0,1620,14.6 -7660,2,1,0449,7.4 -7661,1,0,2102,14.5 -7663,1,0,2149,25.7 -7664,1,0,1522,4.3 -7664,2,0,2005,9.5 -7664,3,1,1522,12.8 -7664,4,2,0335,6.8 -7665,1,0,2249,12.97 -7669,1,0,2001,6.1 -7671,1,0,2112,12.8 -7671,2,1,0515,9.1 -7672,1,0,1524,10.7 -7673,1,0,1714,5.9 -7673,2,0,1929,7.6 -7673,3,0,2049,7.1 -7675,1,0,1457,14.1 -7676,1,0,1557,9.9 -7676,2,0,2026,13.3 -7676,3,1,0400,10.1 -7676,4,1,0945,8 -7678,1,0,1736,12.9 -7679,1,0,2035,8.9 -7679,2,0,2220,8.1 -7679,3,1,1410,7.2 -7680,1,0,1620,24.9 -7680,2,1,0346,15.6 -7681,1,0,1556,6.2 -7682,1,0,2338,13.9 -7682,2,2,0510,11.5 -7683,1,0,2316,12.8 -7684,1,0,1857,8.8 -7686,1,0,2125,11 -7687,1,0,1649,12.9 -7687,2,0,2050,18.4 -7687,3,1,0343,12.8 -7688,1,0,1959,11.11 -7689,1,0,0505,6.4 -7689,2,0,1909,4.7 -7690,1,0,2336,12.9 -7691,1,0,2118,4.4 -7692,1,0,1825,10.6 -7692,2,1,1336,7.9 -7694,1,0,1802,7.4 -7695,1,0,1646,8.6 -7696,1,0,2017,10.7 -7697,1,0,2020,18.7 -7698,1,0,1550,14.2 -7699,1,0,1716,11.2 -7700,1,0,1815,8.3 -7700,2,1,0708,4.3 -7702,1,0,2130,5.8 -7703,1,0,1036,4.8 -7705,1,0,0828,5.7 -7705,2,0,1001,4.6 -7705,3,0,1302,6.5 -7705,4,0,2030,5.7 -7706,1,0,1550,14.1 -7706,2,1,0709,8.4 -7707,1,0,1909,10.5 -7707,2,0,2029,12.8 -7707,3,0,2232,11.6 -7707,4,1,0515,10 -7708,1,1,0120,5.6 -7709,1,0,2245,8.3 -7711,1,0,2200,20.5 -7711,2,1,0712,15.3 -7712,1,0,1133,17.3 -7713,1,0,2030,10.4 -7714,1,0,1820,11.5 -7715,1,1,0045,13.1 -7715,2,1,0200,7.7 -7715,3,1,0400,5 -7715,4,1,0525,9 -7716,1,0,1957,8.6 -7717,1,0,1849,13.2 -7718,1,0,1319,6 -7719,1,0,2234,12.95 -7720,1,0,1332,10.1 -7721,1,0,2155,11.3 -7723,1,0,2118,13.3 -7724,1,0,1358,11.3 -7726,1,0,1717,5.5 -7727,1,0,0323,13.3 -7729,1,0,1858,13.7 -7729,2,6,0915,6.3 -7730,1,1,0145,5 -7732,1,0,0824,10.5 -7732,2,0,1349,11.8 -7732,3,1,0320,7.6 -7732,4,2,0500,8.1 -7735,1,0,1718,5.4 -7736,1,1,0550,7.7 -7737,1,0,1728,9.9 -7739,1,0,1045,9.9 -7739,2,1,2340,7 -7740,1,0,0930,4.7 -7742,1,0,1831,11.4 -7743,1,0,1224,12.07 -7744,1,0,1748,7.08 -7745,1,0,1743,14.6 -7745,2,0,1858,9.8 -7745,3,0,2058,10.3 -7746,1,0,2240,11.5 -7746,2,1,0125,11.6 -7746,3,1,0337,10.6 -7746,4,1,1000,8.1 -7747,1,0,0430,19.7 -7748,1,0,1545,12 -7750,1,1,1045,16.3 -7751,1,0,1920,6 -7752,1,0,1929,11.1 -7753,1,0,1850,10.6 -7754,1,0,1200,22.3 -7754,2,0,1346,19.8 -7755,1,0,1407,9.6 -7756,1,0,1035,8.7 -7756,2,0,1320,11.6 -7756,3,0,1630,8.2 -7756,4,0,2300,6 -7757,1,0,2230,6.9 -7759,1,0,1702,13.9 -7760,1,0,1243,7.12 -7761,1,0,2059,5.7 -7762,1,1,1930,8.1 -7762,2,2,0830,7 -7764,1,0,1636,8.5 -7764,2,0,1727,9.7 -7766,1,1,0205,10.6 -7767,1,0,2009,15.29 -7768,1,0,0442,20.6 -7770,1,0,1137,10.3 -7770,2,0,1315,15.7 -7770,3,1,0830,8.3 -7772,1,0,1340,35.8 -7772,2,0,1500,32.6 -7772,3,0,1645,32.1 -7772,4,1,0315,27.6 -7773,1,0,2337,24.3 -7773,2,1,0016,28.2 -7773,3,1,0345,18.3 -7773,4,2,0045,13.5 -7775,1,0,0453,20.2 -7776,1,0,2121,9 -7777,1,0,1139,6.7 -7779,1,0,1650,8.5 -7780,1,0,2212,9.56 -7781,1,0,1814,14.36 -7783,1,0,1638,15 -7783,2,1,0450,8.25 -7784,1,0,1642,5.4 -7785,1,0,2132,6.8 -7785,2,0,2246,10.3 -7785,3,1,0102,11.4 -7785,4,1,0615,7.8 -7786,1,0,2057,18.1 -7787,1,1,0130,17.9 -7787,2,2,0315,11.9 -7788,1,0,0309,12.7 -7789,1,0,2054,9.6 -7790,1,0,1500,18 -7790,2,0,1610,16.3 -7790,3,0,2010,13 -7790,4,1,0515,11.2 -7791,1,0,1536,19.4 -7793,1,0,0820,5 -7794,1,0,1111,8.1 -7796,1,0,0920,6.7 -7796,2,0,1400,11.4 -7796,3,0,1710,11.1 -7796,4,1,0550,8.3 -7799,1,0,1950,10.2 -7799,2,0,2230,10.3 -7799,3,1,0320,9.4 -7799,4,1,0840,7.6 -7800,1,0,1738,11.9 -7801,1,0,1516,6.3 -7803,1,0,1007,10 -7804,1,0,1730,11.7 -7804,2,1,0045,11.1 -7804,3,1,1056,10.5 -7804,4,1,1730,7.7 -7805,1,0,1745,9.1 -7805,2,0,1844,6.4 -7805,3,0,2119,7.9 -7806,1,0,2250,8.9 -7808,1,0,1320,5.8 -7811,1,0,1608,6.2 -7812,1,0,1342,16.6 -7813,1,0,1617,8.9 -7815,1,0,1948,13.65 -7815,2,2,1136,7.28 -7816,1,0,1900,11 -7816,2,0,2235,16.5 -7816,3,6,1230,9.1 -7821,1,0,1621,10.7 -7822,1,0,0145,6.3 -7822,2,0,0241,7.3 -7822,3,0,0428,7.3 -7822,4,0,0630,6.9 -7823,1,0,1613,5.8 -7823,2,0,1742,7.2 -7823,3,0,1921,6.7 -7824,1,0,1128,14.7 -7825,1,0,1314,19.1 -7825,2,0,1545,16.9 -7825,3,0,1700,14.2 -7825,4,0,1900,14.1 -7826,1,0,1920,4.9 -7827,1,0,1828,13.5 -7828,1,0,2044,7.4 -7829,1,0,1338,4.6 -7831,1,0,1328,17.8 -7831,2,1,1500,11.5 -7831,3,1,2235,9.5 -7832,1,0,2121,6.6 -7832,2,1,0441,7.9 -7832,3,1,1140,5.9 -7832,4,1,1814,5.7 -7833,1,0,2037,11.4 -7833,2,0,2130,14.6 -7833,3,0,2315,15.4 -7833,4,1,0515,12.7 -7836,1,1,0115,13.9 -7837,1,0,1951,12.2 -7837,2,0,2209,18.2 -7837,3,1,0053,14.5 -7837,4,1,0145,15.6 -7838,1,0,1744,12.7 -7838,2,1,0251,10.3 -7838,3,1,1222,9.8 -7838,4,1,2040,9.1 -7839,1,0,0402,6.1 -7840,1,0,1921,7.45 -7842,1,0,1310,14.7 -7843,1,0,1052,6.9 -7843,2,1,1422,14.1 -7848,1,0,1500,9.39 -7849,1,0,1532,8.3 -7850,1,0,0825,6.3 -7851,1,0,1951,9 -7851,2,3,2310,6.2 -7852,1,0,2153,13.7 -7853,1,0,1854,7.6 -7853,2,0,2223,6.9 -7853,3,1,0430,4.9 -7853,4,1,1000,4.1 -7854,1,0,1850,15.1 -7854,2,1,0646,12 -7855,1,0,1653,10.3 -7856,1,0,2030,12.6 -7856,2,0,2300,16.7 -7856,3,1,0027,13.7 -7856,4,1,0615,10.7 -7857,1,0,0039,13.7 -7858,1,0,1348,13.6 -7859,1,0,2052,18.1 -7859,2,0,2211,16.3 -7859,3,1,0036,12.1 -7859,4,1,0500,13.8 -7861,1,0,2037,10.9 -7861,2,0,2214,10.1 -7861,3,1,0012,11.3 -7861,4,1,0520,11 -7862,1,0,1924,16.3 -7862,2,2,1006,24.3 -7863,1,0,1848,5.2 -7864,1,0,1911,14.6 -7865,1,1,0128,6.7 -7866,1,0,1425,11.1 -7867,1,0,1950,10.4 -7867,2,0,2215,9.8 -7868,1,0,1510,16.3 -7869,1,0,2103,9.8 -7870,1,0,2035,5.6 -7871,1,0,0746,12.4 -7871,2,0,0909,14.6 -7871,3,0,1215,14 -7871,4,0,1420,12.1 -7872,1,0,2250,8 -7873,1,0,2251,24.59 -7873,2,2,0549,8.9 -7873,3,3,0636,11.25 -7873,4,4,0545,10.08 -7877,1,0,2132,11.5 -7880,1,0,1050,5.5 -7881,1,0,1822,18.7 -7881,2,0,1955,9.7 -7881,3,1,0045,9.5 -7881,4,1,0535,9.3 -7882,1,0,1739,18.6 -7882,2,1,0510,19.4 -7883,1,0,2324,9.05 -7883,2,1,0657,5.84 -7885,1,0,2230,8.6 -7887,1,0,2251,8.4 -7888,1,0,1618,14.64 -7888,2,1,0626,20.25 -7888,3,2,0605,15.63 -7888,4,3,0625,13.79 -7890,1,0,2117,12.8 -7890,2,1,0722,12.3 -7890,3,2,0556,9.1 -7891,1,0,1413,13.2 -7892,1,0,2113,11.2 -7893,1,0,2215,8.2 -7893,2,0,2350,12 -7893,3,1,0210,13.3 -7893,4,1,1000,8.5 -7895,1,0,1045,7.6 -7896,1,0,1337,9 -7896,2,0,1649,14.9 -7899,1,0,0334,9.2 -7899,2,0,0423,9.5 -7899,3,0,1130,10.6 -7899,4,1,1440,8.5 -7900,1,0,2000,22.2 -7900,2,0,2150,20.5 -7903,1,0,1658,19.9 -7903,2,1,0300,16.1 -7904,1,0,1930,23.3 -7904,2,1,0020,15.6 -7904,3,1,0415,11.4 -7904,4,1,0800,11.7 -7905,1,0,1506,10.4 -7907,1,0,1609,6 -7908,1,0,2225,13.1 -7909,1,0,1620,5.8 -7909,2,1,0652,5.4 -7910,1,0,1614,7 -7911,1,0,1730,14.8 -7911,2,0,2010,14 -7911,3,1,0630,11.2 -7912,1,0,1810,11.7 -7913,1,0,0418,9.3 -7914,1,0,1830,14.8 -7914,2,0,2145,16.9 -7914,3,1,0155,13.3 -7914,4,1,0700,12.8 -7916,1,0,2001,7.5 -7920,1,0,2044,7.7 -7922,1,0,2300,13.7 -7923,1,0,1613,4.2 -7925,1,0,1530,17 -7925,2,0,1645,16.9 -7925,3,0,1932,18 -7926,1,0,0248,13.7 -7926,2,0,0431,16.8 -7926,3,0,0618,17.9 -7926,4,0,1200,12.2 -7927,1,0,1725,17.1 -7927,2,0,1952,19.5 -7927,3,0,2216,17 -7927,4,1,0530,14.2 -7928,1,1,1446,7.3 -7929,1,0,1711,9.7 -7930,1,0,0830,4.7 -7933,1,0,1815,7.5 -7934,1,0,1945,12.7 -7935,1,0,2310,9.4 -7937,1,0,1759,8.5 -7937,2,0,1941,12.6 -7938,1,0,1655,11.7 -7938,2,0,1815,16.6 -7938,3,0,2043,17.3 -7938,4,1,0130,10.3 -7939,1,0,1815,23.4 -7939,2,0,1940,19 -7939,3,0,2120,15 -7939,4,1,0145,11.5 -7940,1,0,2027,8.7 -7941,1,0,1850,7.7 -7942,1,0,1600,9.7 -7944,1,0,1801,13.5 -7946,1,0,1639,11 -7947,1,1,0415,8.5 -7949,1,0,1840,8.4 -7950,1,0,1820,18.9 -7950,2,0,2015,18.7 -7950,3,1,0345,12.9 -7950,4,3,0442,9.1 -7951,1,0,1425,15 -7951,2,0,1600,15.7 -7953,1,0,1640,11.6 -7953,2,0,2245,7.9 -7953,3,1,0550,7.9 -7954,1,0,2025,12.9 -7956,1,0,0040,8.2 -7957,1,0,1156,5.2 -7957,2,1,0926,3.5 -7958,1,0,1220,18.3 -7958,2,1,0600,12.3 -7958,3,2,0600,10.4 -7958,4,2,0550,9 -7961,1,0,1634,12.8 -7962,1,0,1617,9.8 -7962,2,1,0410,10.9 -7963,1,0,2328,7.1 -7965,1,0,2238,11.7 -7966,1,0,2310,9.6 -7967,1,1,0530,9.7 -7968,1,0,2000,6.7 -7969,1,0,2300,12.7 -7970,1,0,0140,17.8 -7971,1,0,2040,18.9 -7971,2,0,2145,14.8 -7971,3,1,0007,12.9 -7972,1,0,2138,13 -7974,1,0,1900,15.3 -7974,2,0,2020,7.4 -7974,3,0,2230,7.8 -7975,1,0,2142,12.7 -7978,1,0,1849,7.5 -7979,1,0,1757,21.6 -7979,2,0,1934,19.6 -7981,1,0,1523,3.9 -7983,1,0,2206,6.91 -7984,1,0,1729,17.3 -7985,1,0,1820,13 -7985,2,1,0558,7.4 -7985,3,2,0611,10.8 -7985,4,3,0556,12.7 -7986,1,0,1441,12.5 -7986,2,0,1540,10.3 -7986,3,0,1848,11.7 -7988,1,0,0300,5.4 -7988,2,4,1602,8 -7989,1,0,1648,9.8 -7989,2,1,0400,9.8 -7990,1,0,2112,9.5 -7993,1,0,0111,8.4 -7995,1,0,0629,11.34 -7999,1,0,2032,11.7 -7999,2,0,2327,14.6 -7999,3,1,0421,9.7 -7999,4,2,0428,8 -8000,1,0,0934,7.7 -8000,2,0,1150,11.3 -8001,1,0,1106,12.74 -8002,1,0,1815,15.8 -8003,1,0,1612,28.3 -8005,1,0,2146,6.7 -8006,1,0,1626,7.8 -8008,1,0,1605,9.8 -8010,1,0,2010,22.2 -8010,2,0,2225,16 -8010,3,1,0020,13.8 -8010,4,1,0345,11 -8011,1,0,0200,8.2 -8013,1,0,1950,26.1 -8013,2,0,2040,19.2 -8013,3,0,2235,21.5 -8013,4,1,0420,12.7 -8014,1,0,1655,29.1 -8014,2,0,1800,21.5 -8014,3,0,2020,18.8 -8014,4,1,0420,10.9 -8016,1,0,1815,5.4 -8016,2,1,0811,11.7 -8017,1,0,2215,10.6 -8017,2,1,0035,13.7 -8017,3,1,0600,10.4 -8017,4,1,1230,6.7 -8018,1,0,2059,8.9 -8018,2,0,2239,7.8 -8019,1,0,2220,26.4 -8019,2,0,2338,18 -8019,3,1,0120,13.3 -8019,4,1,0730,10 -8021,1,0,0816,5.4 -8022,1,0,2214,10.7 -8023,1,0,2013,14.1 -8024,1,0,2100,9.4 -8026,1,0,0523,8.88 -8031,1,0,2314,6.7 -8032,1,0,2105,13.4 -8032,2,0,2110,11.6 -8032,3,0,2350,9.7 -8032,4,1,0139,10.3 -8033,1,0,1530,14.9 -8033,2,0,1720,15.8 -8034,1,0,1658,21.2 -8034,2,4,1120,22.4 -8034,3,6,0708,27.2 -8034,4,7,1111,19 -8036,1,0,1926,7.9 -8037,1,0,2054,7.9 -8037,2,1,1743,6.7 -8039,1,0,1927,17.28 -8040,1,0,1810,14.7 -8040,2,0,2002,11.2 -8040,3,0,2141,10.5 -8040,4,1,0415,8.5 -8041,1,1,0030,13.3 -8041,2,1,0430,12.7 -8041,3,1,0515,11.3 -8041,4,1,1030,9.9 -8042,1,0,0716,14.4 -8042,2,0,0914,21.7 -8042,3,0,1307,16.7 -8042,4,0,1705,14.2 -8043,1,0,0940,7.7 -8044,1,0,0936,6.6 -8045,1,0,2028,9.2 -8046,1,0,1800,8.1 -8048,1,0,2010,13.4 -8048,2,1,0350,11.3 -8049,1,0,0934,7.8 -8050,1,0,2106,8.6 -8051,1,0,2030,9.8 -8052,1,1,1545,14.7 -8052,2,2,0450,16.1 -8052,3,5,0745,16.5 -8054,1,0,2026,11.6 -8055,1,0,1647,7 -8058,1,0,1258,5.9 -8059,1,0,1850,10.6 -8060,1,0,1651,15.7 -8061,1,0,1750,15.7 -8061,2,0,1948,17.3 -8061,3,1,0600,10 -8061,4,1,1850,8.5 -8062,1,0,1825,15.5 -8063,1,6,2335,7.5 -8065,1,0,0537,11.7 -8067,1,1,0219,9.6 -8068,1,0,1331,9.8 -8069,1,0,1046,22.1 -8072,1,0,2345,16.9 -8073,1,0,2320,9.8 -8074,1,0,2143,5.9 -8075,1,0,0049,13.9 -8075,2,0,0120,17.8 -8075,3,0,0247,6 -8076,1,1,0300,8.7 -8076,2,2,0545,7.8 -8078,1,0,1912,11.3 -8078,2,2,0604,7.3 -8080,1,0,1234,10.1 -8081,1,0,1112,9.4 -8083,1,0,1745,15 -8083,2,0,1845,12.2 -8084,1,0,1809,6.7 -8085,1,0,1747,14.2 -8085,2,0,2001,17.6 -8086,1,0,2144,29.6 -8087,1,0,0159,8 -8088,1,0,1835,9 -8089,1,1,1600,5.94 -8090,1,0,0235,9.4 -8091,1,0,1305,12.2 -8091,2,1,0230,9.9 -8092,1,0,1226,13.27 -8094,1,0,1105,10.8 -8096,1,0,0050,12.3 -8097,1,0,1721,12.3 -8099,1,0,1738,8.8 -8099,2,1,0600,2.2 -8099,3,1,1254,3.2 -8100,1,0,1842,7.9 -8100,2,1,2110,6.4 -8101,1,0,1103,12.7 -8103,1,0,1615,6.6 -8106,1,0,1854,4.3 -8107,1,0,1859,18.6 -8107,2,0,2035,19.6 -8107,3,1,0200,9.1 -8107,4,1,0945,9.7 -8109,1,0,1810,6.7 -8110,1,0,2305,21.4 -8112,1,0,2040,19.4 -8112,2,0,2211,22.7 -8112,3,0,2300,22.8 -8112,4,1,0340,14.9 -8113,1,0,2035,8.7 -8117,1,0,0855,12.8 -8118,1,0,2214,9.4 -8119,1,0,1449,6.1 -8120,1,2,1600,11.7 -8121,1,0,2146,7.7 -8122,1,0,1617,14.3 -8123,1,0,1745,9 -8123,2,0,1835,7.2 -8124,1,0,1750,10.5 -8124,2,1,0125,9 -8124,3,1,0350,7.6 -8124,4,1,1100,9.2 -8125,1,0,2127,10.9 -8126,1,0,2258,22.5 -8127,1,0,0410,12.6 -8129,1,0,1817,8.8 -8130,1,0,2048,15.6 -8131,1,0,2200,4.7 -8133,1,0,1742,14.6 -8134,1,0,1108,4.7 -8137,1,0,1946,12.34 -8139,1,0,1605,29 -8139,2,0,1720,25.6 -8139,3,0,1949,23.2 -8139,4,1,0135,14.2 -8141,1,0,1937,9.7 -8141,2,2,0435,5.9 -8142,1,0,1933,11.3 -8143,1,0,1357,18.4 -8145,1,0,2003,9.5 -8147,1,0,1408,11 -8147,2,0,1830,13.8 -8147,3,0,2020,12.3 -8147,4,1,0350,8.4 -8151,1,0,1010,24.7 -8152,1,0,2009,8.9 -8154,1,0,1932,12 -8154,2,0,2200,12 -8154,3,0,2345,10.1 -8154,4,1,0000,10.2 -8155,1,0,0155,10.5 -8155,2,0,0234,11 -8155,3,0,0407,11.3 -8156,1,1,0048,9.04 -8157,1,0,1804,15.4 -8158,1,0,2027,10 -8159,1,0,1942,14.4 -8159,2,1,0050,8.7 -8159,3,1,0433,8.1 -8159,4,1,1047,7 -8160,1,0,2242,7.7 -8160,2,1,1613,10 -8161,1,0,1955,32 -8161,2,1,0011,17.6 -8161,3,2,0545,8.8 -8162,1,0,1954,9.9 -8163,1,0,1900,7.6 -8163,2,0,2057,11.4 -8163,3,0,2300,10.2 -8164,1,0,2120,3.5 -8165,1,0,1710,8.2 -8165,2,1,0405,5.7 -8165,3,2,1025,8.1 -8166,1,0,2105,12.5 -8167,1,0,1535,8.2 -8168,1,0,1645,22.1 -8168,2,1,0523,16.5 -8169,1,0,1633,11.8 -8169,2,1,0723,7.3 -8169,3,1,1145,8.2 -8170,1,0,1505,6.7 -8172,1,0,1902,23 -8175,1,0,1653,13.43 -8175,2,1,0427,11.17 -8175,3,2,0612,9.18 -8175,4,3,0543,6.65 -8176,1,1,0610,16.2 -8176,2,2,0630,8.4 -8177,1,0,1836,6.8 -8179,1,0,2029,12.31 -8180,1,0,2350,6.04 -8182,1,0,2345,9.4 -8183,1,0,1905,22.6 -8183,2,1,0645,8.8 -8183,3,2,0140,9.8 -8183,4,2,0950,11.8 -8184,1,0,1800,7.3 -8185,1,0,1940,9.4 -8186,1,0,1720,17 -8186,2,0,1925,21.6 -8186,3,1,0215,13.8 -8187,1,0,1819,18.4 -8187,2,0,1925,16.9 -8187,3,0,2121,15.2 -8187,4,1,0556,10.2 -8189,1,0,1335,9.7 -8189,2,0,1425,17.1 -8189,3,0,1615,16.3 -8191,1,0,1205,7.6 -8192,1,0,2210,17.5 -8192,2,1,0200,9.3 -8192,3,1,1218,11.2 -8192,4,1,2030,9.6 -8193,1,0,1808,7.1 -8194,1,0,1605,11.3 -8194,2,1,0736,11.3 -8194,3,6,0807,8.6 -8195,1,0,1838,10.3 -8196,1,0,1745,7.7 -8196,2,0,2030,7 -8197,1,0,2010,8.5 -8201,1,0,0115,6.2 -8202,1,0,1709,23.1 -8202,2,0,2253,15.7 -8202,3,1,0210,12.2 -8202,4,1,0740,15.2 -8203,1,0,2137,9.78 -8204,1,0,1750,13.9 -8204,2,0,1910,17.9 -8204,3,0,2135,15.7 -8204,4,1,0200,10.5 -8205,1,1,0610,19 -8208,1,0,1521,4.7 -8208,2,0,1729,7.8 -8209,1,0,1458,13.6 -8210,1,0,2018,21.7 -8210,3,1,0650,10.1 -8212,1,0,1758,14.57 -8212,2,1,0428,9.97 -8212,3,1,1217,8.71 -8212,4,2,0616,9.45 -8213,1,0,1920,7.9 -8214,1,0,2206,14.1 -8215,1,0,1312,13.97 -8216,1,0,1327,9.4 -8217,1,0,2300,11 -8220,1,0,1826,14 -8220,2,0,1926,15.9 -8220,3,1,0930,8.2 -8221,1,0,1420,25.8 -8221,2,0,1530,28.2 -8221,3,0,1800,22.5 -8221,4,1,0015,14.7 -8222,1,0,1557,18.58 -8222,2,0,2106,15.78 -8223,1,0,1819,8.97 -8225,1,0,1455,7.3 -8225,2,0,1620,6.5 -8225,3,0,1840,6.7 -8225,4,1,0734,4.7 -8227,1,0,1530,10.4 -8227,2,0,1730,17.1 -8228,1,0,1742,14 -8228,2,1,0109,9 -8228,3,1,0419,8.1 -8228,4,1,0947,6.1 -8229,1,0,1013,30.1 -8229,2,0,1117,26.7 -8229,3,0,1319,25.4 -8229,4,1,0350,15.3 -8232,1,0,1609,9.9 -8233,1,0,2158,16.5 -8235,1,0,1746,11.9 -8237,1,0,1815,6 -8238,1,0,2010,25 -8239,1,0,2320,11.4 -8239,2,1,0020,11.1 -8241,1,0,1338,16.9 -8241,2,6,1030,9 -8242,1,0,2100,14 -8243,1,0,1711,7.2 -8245,1,0,1610,8.4 -8248,1,0,2217,9.1 -8249,1,0,1140,22.32 -8249,2,0,1549,14.86 -8249,3,0,1948,9.9 -8249,4,1,0018,11.14 -8250,1,0,1320,25.3 -8250,2,2,1030,8.3 -8250,3,3,1300,7.2 -8250,4,4,0505,6.3 -8252,1,0,2115,11.7 -8254,1,0,2325,16.7 -8255,1,0,1653,13.3 -8255,2,0,2101,21.8 -8255,3,0,2301,21.6 -8255,4,1,0400,19.8 -8256,1,0,2304,7.5 -8257,1,0,1446,7.3 -8257,2,1,0500,5.4 -8257,3,1,1701,4.8 -8257,4,4,0825,4.2 -8258,1,0,1628,10.1 -8258,2,1,2053,8.2 -8260,1,0,2106,11.4 -8260,2,1,0205,6.6 -8260,3,1,0630,5.2 -8261,1,0,1300,12.6 -8261,2,0,1555,15.4 -8261,3,0,1730,12.8 -8261,4,1,0030,6.9 -8262,1,0,1005,8.99 -8262,2,0,1130,6.05 -8262,3,0,1608,8.18 -8262,4,1,0002,8.07 -8265,1,0,1536,10.5 -8266,1,1,0049,9.5 -8267,1,0,2202,5.4 -8268,1,0,2035,13.9 -8271,1,0,2042,32.5 -8272,1,0,2155,21 -8272,2,0,2223,21 -8272,3,0,2313,15.4 -8272,4,1,0505,14.1 -8273,1,0,1300,3.4 -8274,1,0,1148,6.4 -8275,1,0,0840,17.3 -8275,2,0,1000,15.1 -8275,3,0,1155,14.4 -8275,4,0,1910,10.9 -8276,1,0,2246,13.5 -8278,1,0,1912,10.8 -8280,1,0,1249,5.6 -8281,1,0,1910,6.5 -8281,2,0,2307,5.9 -8281,3,1,0917,8.5 -8282,1,0,2215,13.4 -8283,1,0,1303,15.8 -8284,1,1,0508,13.4 -8286,1,0,1530,12.4 -8286,2,0,1630,13.1 -8286,3,0,1815,13.3 -8286,4,1,0145,10 -8287,1,0,1630,6.2 -8288,1,0,0110,13.3 -8288,2,0,0245,15.9 -8288,3,1,0400,7 -8288,4,2,0415,6 -8289,1,0,0922,6.3 -8291,1,0,1212,8.5 -8292,1,0,2222,18 -8293,1,3,0435,10.2 -8293,2,2,0420,18.9 -8293,3,0,1800,37.1 -8294,1,0,1715,16.4 -8294,2,0,1838,13.8 -8294,3,0,2035,13.1 -8295,1,0,2035,8.73 -8297,1,0,1205,7.7 -8297,2,0,1400,9.8 -8298,1,0,1350,19.5 -8299,1,0,0920,9.3 -8299,2,0,1100,22.7 -8299,3,0,1530,14.4 -8299,4,0,2155,8.9 -8301,1,0,1625,22.5 -8302,1,0,1825,4.7 -8303,1,0,2045,5.5 -8304,1,0,1920,8.2 -8304,2,0,2030,9.7 -8305,1,0,2004,21.7 -8306,1,0,0624,10.8 -8309,1,0,1527,12 -8310,1,0,1615,22 -8310,2,1,0700,8.1 -8311,1,0,2034,14.9 -8311,2,0,2213,15.1 -8311,3,1,0400,11.3 -8311,4,2,0850,12 -8312,1,0,1500,7.2 -8314,1,1,0004,6.3 -8314,2,4,1640,5.4 -8315,1,0,1857,6.6 -8317,1,0,1935,15.5 -8318,1,0,1830,16.2 -8318,2,0,1950,21.7 -8318,3,1,0910,11 -8320,1,0,1812,9.53 -8321,1,0,1743,11.6 -8321,2,0,1843,11.8 -8321,3,0,2100,10 -8321,4,1,0555,6.4 -8322,1,0,2232,13.2 -8322,2,0,2025,13.1 -8322,3,1,0420,11.8 -8322,4,1,2205,10.3 -8323,1,0,1920,26.2 -8324,1,0,1800,5.9 -8324,2,0,1905,6.6 -8324,3,0,2255,6.3 -8325,1,0,1926,16.9 -8325,2,1,0050,12.9 -8325,3,1,0400,10.1 -8325,4,1,1600,12.2 -8326,1,0,1049,19 -8328,1,0,1825,10.1 -8329,1,0,1700,16.6 -8329,2,1,2000,8.6 -8329,3,2,0330,10.5 -8329,4,2,1150,10.3 -8330,1,0,1320,8.1 -8331,1,0,1935,9.5 -8331,2,0,2200,8.2 -8333,1,0,2009,11.2 -8334,1,0,1402,9.8 -8335,1,0,1704,6.8 -8337,1,1,0005,7.9 -8339,1,0,2043,13 -8340,1,0,1639,18.8 -8341,1,0,1415,9.4 -8341,2,0,1603,6.8 -8341,3,1,0850,7.1 -8344,1,0,1709,16 -8344,2,1,0518,16 -8346,1,0,1606,12.2 -8348,1,0,2220,16.1 -8349,1,0,1840,7.1 -8350,1,0,1400,10.1 -8351,1,1,0001,11.2 -8354,1,0,1620,14 -8355,1,0,1558,9 -8358,1,0,1445,17.6 -8358,2,1,0600,8.89 -8360,1,0,1650,9.5 -8361,1,0,1710,9.1 -8361,2,0,1729,7.4 -8361,3,0,1820,6.8 -8361,4,0,1900,5.3 -8362,1,0,2345,10.7 -8363,1,0,1640,33.9 -8363,2,0,2130,16 -8363,3,1,2330,11.1 -8363,4,2,0400,7.8 -8365,1,0,1624,12.7 -8366,1,0,2358,12 -8366,2,2,0707,7.7 -8366,3,2,0835,8.5 -8366,4,4,1620,10.1 -8368,1,1,1503,5.8 -8368,2,1,2103,6.5 -8368,3,2,0423,5.7 -8368,4,2,1830,7 -8369,1,1,0105,14.5 -8369,2,1,0200,13.3 -8369,3,1,0410,11.4 -8369,4,1,1550,7.2 -8370,1,0,1507,8.2 -8371,1,0,1837,6.47 -8372,1,0,0315,18 -8372,2,0,0435,22.2 -8372,3,0,0950,11.7 -8372,4,1,0220,8.2 -8373,1,0,2200,8 -8373,2,0,2309,10.7 -8373,3,1,0103,13.9 -8373,4,1,0730,10.5 -8375,1,0,0301,14.4 -8377,1,1,0137,12.2 -8378,1,0,1058,13.1 -8378,2,0,1233,12.2 -8378,3,1,0100,8.4 -8378,4,2,0300,6.6 -8381,1,0,0500,13.4 -8384,1,0,1246,14.3 -8384,2,0,1726,8.8 -8384,3,0,1851,8.5 -8384,4,0,2011,7.9 -8386,1,1,0125,15.3 -8386,2,1,2025,7.9 -8386,3,2,0400,10.3 -8386,4,3,0345,8 -8388,1,0,2042,10.4 -8389,1,0,1137,15.4 -8389,2,0,1945,6.7 -8389,3,1,0400,6.2 -8389,4,1,1205,6.5 -8391,1,0,1300,20.9 -8392,1,0,1745,15.5 -8393,1,0,1533,12.5 -8393,2,0,1800,12.9 -8393,3,1,0210,8.8 -8393,4,2,0345,12.9 -8395,1,1,0700,9.2 -8397,1,0,1330,15.4 -8399,1,0,1555,5.2 -8399,3,0,1745,7.1 -8399,4,0,1940,7.4 -8401,1,0,2039,15.5 -8402,1,0,1930,14.9 -8403,1,0,2055,12.4 -8404,1,0,2327,11.91 -8405,1,0,0704,10.8 -8409,1,0,1631,10.1 -8410,1,0,2000,15.5 -8411,1,0,0158,9.3 -8411,2,0,1015,6.8 -8411,3,1,0500,6.5 -8412,1,0,0326,8 -8413,1,0,2258,13.9 -8414,1,0,1912,13 -8415,1,0,1943,8.2 -8417,1,0,2000,15.8 -8419,1,0,1745,17.4 -8420,1,0,1825,17.9 -8422,1,0,2019,6.9 -8422,2,0,2122,11.9 -8422,3,0,2307,11.1 -8424,1,0,2239,11.3 -8425,1,0,0415,13.8 -8425,2,1,0410,13.2 -8425,3,2,0410,12.2 -8428,1,0,1730,8.6 -8428,2,0,1847,10.7 -8428,3,0,2030,3.6 -8428,4,1,0345,1.1 -8429,1,0,1615,7.7 -8429,2,0,1710,9.7 -8429,3,0,1915,10.4 -8430,1,0,1602,10.2 -8431,1,0,2001,14.7 -8432,1,0,2107,10.9 -8435,1,0,1911,9.4 -8436,1,0,1702,10.3 -8436,2,0,2113,10.7 -8436,3,2,1835,11.1 -8436,4,3,1335,9 -8438,1,0,2153,5.6 -8438,2,1,0423,11.9 -8438,3,2,0709,7.1 -8439,1,0,2201,6.5 -8440,1,1,0508,13.5 -8441,1,0,1115,6.8 -8441,2,0,1738,8.6 -8443,1,0,1208,6.1 -8444,1,0,1800,10.8 -8444,2,0,1940,11.5 -8444,3,0,2220,12.8 -8444,4,1,0225,8.2 -8446,1,0,1700,11.3 -8447,1,0,1926,8.7 -8450,1,0,1644,7.8 -8451,1,0,1124,13.2 -8451,2,0,1217,19.2 -8451,3,0,1414,12.3 -8451,4,0,1807,14.7 -8453,1,0,1731,25.7 -8455,1,0,1545,11 -8455,2,1,1230,18.1 -8455,3,4,1100,7.4 -8457,1,0,1930,13 -8458,1,0,0753,15 -8458,2,0,1927,12.1 -8460,1,0,1120,7.9 -8460,2,1,0010,12.8 -8460,3,1,1200,9.5 -8460,4,2,0220,8.6 -8461,1,0,0927,6.1 -8462,1,0,1326,12.9 -8466,1,0,1909,15.5 -8469,1,0,0943,12.4 -8475,1,0,1707,12.1 -8476,1,0,1550,15.7 -8476,2,0,1700,14.5 -8476,3,0,1915,13 -8477,1,0,1517,11.8 -8480,1,0,2026,6.6 -8481,1,0,2340,15.4 -8481,2,1,0136,13.4 -8481,3,1,0800,11.7 -8481,4,1,1232,9.6 -8482,1,0,0714,8.4 -8483,1,0,0643,12 -8484,1,1,0555,11.8 -8485,1,0,1412,6.9 -8485,2,0,1716,6.9 -8485,3,0,2036,7.4 -8485,4,1,0510,5.3 -8487,1,3,0710,11.5 -8487,2,0,2340,16.1 -8488,1,0,1749,26.4 -8488,2,1,0130,16.6 -8488,3,1,0347,15.1 -8488,4,1,0800,9.5 -8489,1,0,2125,13.86 -8489,2,1,0755,15.25 -8489,3,2,0656,8.74 -8490,1,0,0218,7.5 -8491,1,0,1805,9.6 -8492,1,0,2123,8.1 -8493,1,0,0735,11.2 -8493,2,0,1021,23.5 -8493,3,0,1359,14.6 -8493,4,0,1909,9.8 -8494,1,0,1037,15.5 -8494,2,0,1131,15.9 -8494,3,0,1318,20.1 -8494,4,0,2015,12.7 -8496,1,0,0300,12.8 -8496,2,0,0600,16.9 -8496,3,0,1030,14.4 -8498,1,0,1520,11.2 -8498,2,0,1730,12.4 -8498,3,0,1900,9.2 -8499,1,0,2211,6.8 -8500,1,0,2020,16.8 -8500,2,0,2145,18.1 -8500,3,1,0030,17.3 -8500,4,1,0550,11.6 -8501,1,0,2100,27.2 -8501,2,1,0025,21.5 -8501,3,1,0240,18.1 -8501,4,1,0850,16.1 -8502,1,0,2137,6.7 -8502,2,1,0021,6 -8502,3,1,0447,5.5 -8504,1,0,2224,16.8 -8504,2,1,0443,12.3 -8505,1,0,1741,7.6 -8506,1,0,2312,8.8 -8507,1,0,2056,8 -8507,2,1,0401,8.1 -8508,1,0,0330,15.6 -8509,1,0,1850,20.8 -8509,2,0,2024,19.4 -8509,3,1,0215,16.1 -8509,4,1,1800,13.3 -8510,1,0,1646,5.8 -8510,2,0,1807,6.1 -8512,1,0,1817,9.9 -8513,1,0,2031,10.1 -8516,1,0,1200,10.5 -8517,1,0,1640,5.1 -8517,2,0,1844,6.9 -8517,3,0,1945,6.8 -8518,1,0,1426,20 -8520,1,0,0424,6.3 -8522,1,0,1351,9.81 -8523,1,0,1945,8 -8530,1,0,1316,8.9 -8530,2,0,1415,16.7 -8530,3,0,1621,15.2 -8530,4,0,2225,11.7 -8531,1,0,1617,6.1 -8532,1,0,2145,10.41 -8533,1,0,2114,12.7 -8535,1,0,1335,8.8 -8538,1,0,1440,12.1 -8539,1,0,1623,15 -8540,1,0,1745,8.72 -8541,1,0,1816,20.6 -8541,2,1,0400,12.2 -8542,1,0,1800,8.5 -8543,1,0,1549,10.9 -8544,1,1,0605,18.7 -8544,2,1,1115,12.4 -8544,3,2,0645,8.5 -8545,1,0,2104,18.9 -8545,2,1,0113,18.9 -8546,1,0,2026,26.8 -8547,1,0,1930,19.8 -8547,2,1,0800,10.3 -8548,1,0,1202,18.9 -8548,2,1,0423,9.9 -8549,1,0,1734,10.2 -8551,1,3,0953,8.2 -8553,1,0,1900,21.21 -8553,2,1,2236,4.72 -8553,3,2,0430,7.27 -8553,4,2,0820,7.01 -8554,1,0,0324,8.8 -8555,1,0,1700,13.4 -8555,2,1,0020,16.3 -8555,3,1,0640,7.6 -8557,1,0,2237,18.1 -8558,1,0,1930,12.8 -8558,2,0,2030,16.4 -8558,3,1,0400,14 -8558,4,1,1100,11.3 -8560,1,0,0550,19.1 -8560,2,0,0552,24.1 -8560,3,2,0507,7.5 -8560,4,2,1405,7.2 -8561,1,0,1955,11.7 -8561,2,1,1505,8.3 -8561,3,2,0705,6.5 -8561,4,4,0720,5.3 -8567,1,0,1655,30.1 -8567,2,0,1800,26.8 -8567,3,0,1953,22.2 -8567,4,1,0240,16.1 -8568,1,0,2030,16.7 -8569,1,0,0757,28.4 -8569,2,1,0400,9 -8571,1,0,2028,8.9 -8573,1,1,0121,13.5 -8574,2,0,1644,18.59 -8574,3,1,0739,6.47 -8574,4,2,0659,5.92 -8576,1,0,1526,9.4 -8577,1,0,2210,20.9 -8577,2,1,0545,16.3 -8577,3,2,0530,9.2 -8578,1,0,1325,21.8 -8578,2,0,1700,16.6 -8578,3,0,2040,18.4 -8578,4,1,0022,15.6 -8579,1,0,1435,8.1 -8580,1,0,1906,24 -8582,1,0,2133,9.2 -8583,1,0,1740,6.4 -8584,1,0,1845,13.1 -8584,2,0,1950,21.1 -8586,1,0,0958,4.4 -8586,2,0,1607,4.8 -8587,1,0,1841,11.2 -8588,1,0,2248,15.3 -8589,1,0,1850,9.8 -8590,1,0,0538,12.1 -8590,2,0,0628,13.9 -8590,3,0,0831,13.4 -8594,1,0,1728,10.1 -8599,1,0,2113,7.3 -8601,1,0,1623,4.2 -8602,1,0,2314,18 -8604,1,0,2153,12.5 -8605,1,0,0553,11.5 -8605,2,2,0650,10.3 -8606,1,0,1703,9.9 -8609,1,0,1427,7.8 -8610,1,0,1754,12.4 -8611,1,0,1510,11.5 -8611,2,1,0627,17.7 -8611,3,2,0528,11.3 -8611,4,3,0553,11.6 -8612,1,1,0620,14 -8612,2,2,1000,12.8 -8613,1,0,0302,15 -8615,1,0,2225,5.6 -8616,1,0,1354,19.1 -8616,2,0,1535,31 -8616,3,0,2200,16.5 -8616,4,1,0342,10.4 -8617,1,0,1548,18.8 -8617,2,0,1655,16.3 -8617,3,1,0055,13.1 -8617,4,1,0520,12.6 -8618,1,0,1350,18.35 -8618,2,1,0439,13.44 -8621,1,1,0016,15.7 -8621,2,1,0130,7.8 -8621,3,1,0405,15.7 -8621,4,1,0400,10.3 -8622,1,0,1658,7.45 -8624,1,0,0348,20.6 -8626,1,0,1050,19.6 -8628,1,0,1955,13.5 -8628,2,0,2130,13.9 -8628,3,0,2330,12 -8628,4,1,0510,9.2 -8629,1,0,2053,7.7 -8630,1,0,0824,6.95 -8633,1,0,1546,9.8 -8634,1,0,1827,13.6 -8634,2,1,0945,7.6 -8634,3,1,1428,7.3 -8637,1,0,2210,9 -8638,1,0,2211,5.5 -8641,1,0,1328,10.9 -8642,1,0,0505,29.5 -8642,2,0,0900,15.7 -8642,3,0,1600,13.9 -8642,4,0,2255,13.8 -8643,1,0,1544,12.3 -8644,1,0,2037,7.9 -8644,2,1,0558,6.6 -8646,1,0,1805,11.1 -8647,1,0,1736,12.5 -8648,1,0,2131,6.8 -8649,1,0,2218,13.4 -8651,1,0,1200,7.3 -8651,2,0,1300,6.8 -8651,3,0,1605,5.6 -8651,4,0,1830,6.3 -8653,1,0,1830,13.3 -8654,1,0,2343,15.5 -8655,1,0,1940,8.3 -8656,1,0,2015,10.4 -8656,2,4,1118,7.7 -8656,3,4,1138,9 -8656,4,4,2223,8.3 -8657,1,0,2007,18.5 -8657,2,0,2122,11.2 -8657,3,1,0128,12.8 -8657,4,6,0910,6.5 -8660,1,0,2107,16.5 -8661,1,0,2126,8.2 -8663,1,0,1546,7.5 -8663,2,1,0630,8 -8664,1,0,1939,27.5 -8664,2,0,2350,11.5 -8664,3,1,0200,10.2 -8664,4,1,1545,12.6 -8665,1,0,2050,11.4 -8665,2,0,2110,10.9 -8666,1,0,2056,9.8 -8667,1,0,1503,4.9 -8668,1,0,1525,5.5 -8668,2,0,1632,8.2 -8668,3,0,1816,8.6 -8669,1,0,1920,10.3 -8670,1,0,1951,15.6 -8671,1,0,1908,11.5 -8671,2,1,1350,7.1 -8672,1,0,1303,11.2 -8674,1,0,1317,28.5 -8674,2,1,0645,10.6 -8674,3,2,0134,11.8 -8674,4,2,0855,11.1 -8675,1,0,2133,12.7 -8675,2,1,0355,9.6 -8675,3,1,1130,6.1 -8676,1,0,1250,13.2 -8676,2,0,1420,16.2 -8676,3,0,1610,14.1 -8677,1,0,1545,10.2 -8678,1,0,0123,8.3 -8679,1,0,2101,15.6 -8680,1,0,1600,8.8 -8683,1,0,1748,7.2 -8688,1,0,0930,7.7 -8690,1,0,2155,10.6 -8692,1,0,1510,19.7 -8692,2,0,1827,13.7 -8692,3,0,1933,15.3 -8692,4,0,2121,13 -8693,1,0,2101,9.7 -8694,1,0,1654,13.8 -8695,1,0,1932,8.9 -8695,2,0,2039,7.8 -8695,3,0,2206,9.9 -8695,4,1,0315,7.1 -8696,1,0,0740,18.6 -8698,1,0,1638,7.6 -8699,1,0,2004,14.8 -8699,2,1,0408,11.1 -8704,1,0,2300,5.9 -8704,2,1,0440,10 -8704,3,1,0800,11.7 -8704,4,1,1425,12.2 -8705,1,0,1208,7.2 -8706,1,0,0028,17.06 -8707,1,0,2120,6.7 -8707,2,1,0710,7.3 -8709,1,0,1340,10.9 -8709,2,0,1330,15.4 -8711,1,0,1435,6.2 -8713,1,0,1557,6.5 -8714,1,0,1410,11.3 -8715,1,0,2019,14.5 -8715,2,0,2133,11.9 -8715,3,0,2312,10.5 -8716,1,0,1941,8.93 -8719,1,0,1117,21.8 -8720,1,0,0836,5.7 -8721,1,0,1239,8.4 -8721,2,0,2000,12.4 -8722,1,0,1753,9.7 -8722,2,0,1918,22 -8722,3,0,2133,22.7 -8722,4,1,0815,12.2 -8725,1,0,1430,24.3 -8725,2,0,1540,27.3 -8725,3,0,2200,15.9 -8725,4,1,0140,15.8 -8726,1,0,1643,18 -8727,1,0,0040,10.8 -8728,2,1,0300,23.3 -8728,3,2,0415,10.3 -8728,4,3,0415,8.6 -8729,1,0,1926,21 -8729,2,1,1235,8.8 -8730,1,0,2140,14.72 -8730,2,1,0822,9.32 -8730,3,2,0515,4.52 -8732,1,0,1430,16.9 -8732,2,0,2100,14.2 -8732,3,1,0330,10 -8732,4,1,0600,9.1 -8734,1,0,1423,10.9 -8736,1,0,2028,9.34 -8737,1,0,1855,5.9 -8737,2,1,0430,5.32 -8739,1,0,1918,6.1 -8741,1,0,0540,7.3 -8743,1,0,2205,5.6 -8746,1,0,2200,12.8 -8746,2,0,2347,19.8 -8746,3,1,0150,12.6 -8746,4,1,0220,13.8 -8747,1,0,1440,14.1 -8748,1,0,1830,15.8 -8750,1,0,1230,9.4 -8751,1,0,2230,15.2 -8752,1,0,1132,8.2 -8754,1,0,0310,8.9 -8754,2,0,0725,18.8 -8754,3,0,1245,12.7 -8754,4,1,0400,6 -8755,1,0,1345,16.3 -8756,1,0,2100,9.1 -8756,2,0,2155,7.3 -8756,3,1,0445,5.7 -8757,1,0,0328,12.6 -8758,1,0,2032,6.1 -8759,1,0,0035,7.1 -8760,1,0,1400,26.8 -8760,2,0,1825,9.4 -8760,3,0,1930,7.1 -8760,4,0,2230,3.9 -8762,1,0,1415,26.6 -8764,1,0,2020,16.2 -8764,2,1,0420,12.4 -8764,3,2,0420,9.3 -8765,1,0,1533,4.8 -8766,1,0,1410,9.3 -8768,1,0,1015,12.3 -8768,2,1,0600,9.7 -8769,1,0,0230,19.5 -8769,2,0,0415,19.4 -8769,3,0,0640,17.8 -8769,4,0,1446,11.9 -8770,1,1,0600,4.5 -8772,1,0,2359,5 -8774,1,0,2100,7.1 -8776,1,0,2135,9.8 -8778,1,0,2008,8.28 -8779,1,0,1650,12.9 -8779,2,0,1855,20.4 -8779,3,0,2200,16.2 -8779,4,1,0340,10.6 -8780,1,0,1750,10.7 -8780,2,1,0600,12.4 -8780,3,4,1302,11.4 -8780,4,5,0550,12.2 -8782,1,0,1840,6.8 -8783,1,0,1318,10.8 -8783,2,0,1535,8.5 -8783,3,0,1740,10.4 -8784,1,0,1100,15.9 -8785,1,0,2236,4.3 -8786,1,0,1540,12.58 -8787,1,0,2120,10.4 -8788,1,0,2353,14.4 -8790,1,0,1653,12.6 -8790,2,1,0456,8 -8791,1,0,1900,6.4 -8792,1,0,1958,9.8 -8793,1,0,1810,8.6 -8794,1,0,2332,11.4 -8794,2,2,0600,10.1 -8794,3,3,0430,9.9 -8795,1,0,2125,8.5 -8796,1,2,0450,4.8 -8797,1,0,1119,9 -8798,1,0,1631,5.7 -8800,1,0,1720,10.3 -8801,1,0,2248,8.8 -8801,2,2,0400,10.5 -8802,1,0,0601,27.9 -8802,2,0,0731,22.5 -8802,3,0,0949,21.5 -8802,4,0,1115,20.4 -8803,1,0,2056,10.73 -8805,1,0,1735,6.1 -8805,2,0,1840,7.3 -8805,3,0,2040,6.9 -8807,1,0,0203,15.2 -8808,1,0,1947,17.2 -8808,2,0,2125,16.5 -8808,3,0,2245,17.7 -8808,4,1,0400,16.5 -8811,1,0,0320,13.3 -8811,2,0,0916,10.5 -8811,3,0,1342,8.6 -8811,4,0,1758,9.8 -8812,1,0,1615,6.8 -8813,1,0,1748,10.1 -8814,1,0,1849,8.9 -8814,2,1,1245,9.3 -8815,1,0,2054,14.6 -8816,1,0,1455,8.1 -8817,1,0,1529,22.5 -8818,1,0,1537,10.6 -8818,2,0,1945,8.4 -8818,3,1,0814,10.3 -8818,4,2,0129,8.5 -8820,1,0,1332,7.9 -8820,2,1,2010,10 -8820,3,2,1039,11.2 -8820,4,3,0944,11.3 -8821,1,1,0605,9.7 -8821,2,0,2035,13.9 -8825,1,0,1602,15.3 -8826,1,0,2057,4.8 -8827,1,0,1701,12.3 -8828,1,0,1941,6.4 -8829,1,0,1614,6.8 -8830,1,0,2112,13.6 -8831,1,0,2213,6.4 -8832,1,0,1031,6.39 -8834,1,0,2235,9.9 -8834,2,1,0540,13.4 -8834,3,2,0500,14.8 -8837,1,0,2100,15.2 -8838,1,0,1932,12.3 -8838,2,0,2200,21.5 -8838,3,1,0630,14 -8838,4,1,1434,10.8 -8839,1,0,0705,9.4 -8839,2,0,0900,8.2 -8841,1,1,0548,10.5 -8844,1,0,1750,25.4 -8844,2,0,2000,23.1 -8844,3,0,2130,20 -8844,4,1,0550,11.7 -8845,1,0,1937,10.3 -8846,1,0,2030,13.7 -8846,2,1,1600,5.3 -8846,3,2,0400,6 -8848,1,0,0839,7.3 -8848,2,0,1818,9 -8848,3,1,0430,6.8 -8850,1,0,2042,21.3 -8851,1,0,2100,9 -8852,1,0,1902,7.6 -8854,1,0,0110,14.1 -8854,2,0,0210,13.5 -8854,3,0,0410,13.2 -8856,1,0,1353,9.5 -8857,1,0,2000,14.3 -8858,1,0,1747,26.8 -8858,2,1,1255,8.7 -8858,3,2,0732,7.5 -8859,1,0,2232,14.1 -8862,1,0,1332,6.4 -8863,1,0,1730,8.7 -8863,2,0,1845,7.3 -8863,3,0,2135,6.6 -8863,4,1,0334,6.3 -8864,1,0,2135,9.8 -8865,1,0,1611,7.5 -8866,1,0,1605,8.4 -8866,2,0,1720,15.1 -8866,3,0,1935,12 -8866,4,0,2140,13.2 -8867,1,0,1745,15.4 -8868,1,1,0654,6.18 -8868,2,2,0840,7.2 -8868,3,0,1250,14.4 -8870,1,0,2209,7.9 -8872,1,0,2145,5.7 -8873,1,0,1825,6.84 -8874,1,1,0058,13.2 -8875,1,0,1615,13.1 -8875,2,0,1822,13.5 -8875,3,0,1920,12.6 -8877,1,0,1707,4.9 -8877,2,0,1815,5.2 -8877,3,0,2138,4.7 -8877,4,1,0400,4.2 -8878,1,0,0114,8.01 -8878,2,0,1240,8.11 -8878,3,0,1745,8.35 -8878,4,0,2329,6.5 -8880,1,0,1430,7.4 -8882,1,0,1857,8.6 -8882,2,1,0400,9.3 -8884,1,0,1316,8 -8884,2,0,1450,13.2 -8884,3,0,1710,10.7 -8885,1,0,1528,4.4 -8885,2,1,0736,5.7 -8886,1,0,1955,10.9 -8886,2,1,0639,8 -8887,1,0,1925,8.2 -8887,2,0,2040,10.5 -8887,3,0,2226,9.6 -8889,1,0,0244,15.68 -8889,2,1,1600,14.2 -8889,4,2,0600,8.87 -8890,1,1,0002,9.5 -8891,1,0,1550,11.6 -8891,2,0,1715,21.9 -8891,3,0,2245,22.6 -8891,4,1,0410,11.8 -8893,1,0,1310,11.2 -8894,1,0,1447,11.5 -8895,1,0,1958,7.9 -8896,1,0,1554,5.6 -8897,1,0,1721,21.2 -8899,1,0,2007,7.3 -8901,1,0,2010,6.2 -8902,1,0,1346,22.6 -8904,1,0,1948,11.5 -8905,1,0,0724,11 -8905,2,1,0625,6.5 -8908,1,0,1752,18 -8908,2,0,2137,18.1 -8908,3,1,0000,13.5 -8909,1,0,2030,6.9 -8910,1,0,0730,17 -8911,1,0,0215,13.8 -8912,1,0,2133,10 -8912,2,1,0554,7.1 -8913,1,0,1820,9 -8914,1,1,0015,7.1 -8915,1,0,1930,8.5 -8916,1,0,1825,6.7 -8918,1,0,1930,22.9 -8918,2,0,2050,21.7 -8918,3,0,2205,25.3 -8918,4,1,0305,19 -8920,1,0,1825,16.69 -8920,2,1,0736,8.01 -8922,1,0,2139,20.3 -8922,2,1,0410,15.8 -8923,1,0,1800,13.8 -8923,2,0,1920,13.3 -8923,3,1,0400,9.4 -8923,4,1,1400,7 -8926,1,0,1519,7.5 -8926,2,1,0700,8.6 -8927,1,0,2030,8.2 -8927,2,2,1404,9.3 -8929,1,0,0453,9.3 -8930,1,0,1720,10.4 -8930,2,1,0015,10.4 -8930,3,1,0558,8.3 -8932,1,0,2338,22.1 -8932,2,1,1745,9.5 -8934,1,0,2325,10.5 -8936,1,0,1523,16.7 -8938,1,0,1510,10 -8938,2,0,1657,12.4 -8938,3,0,1917,12.2 -8940,2,1,1055,9 -8940,3,2,0452,10.2 -8941,1,0,1616,9.9 -8942,1,0,1841,22.3 -8942,2,1,0450,14 -8942,3,2,0350,8.3 -8944,1,0,0350,15.8 -8944,2,0,0550,16.5 -8944,3,0,0630,13.3 -8944,4,1,1312,10.9 -8945,1,0,1529,9.4 -8946,1,0,1942,7.2 -8948,1,0,1520,4.9 -8949,1,0,1800,22.5 -8949,2,0,1900,21 -8949,3,0,2120,16.1 -8949,4,1,0250,10.6 -8951,1,0,1915,6.9 -8953,1,0,1625,7.5 -8954,1,0,1641,11.4 -8955,1,0,1700,7.4 -8956,1,0,1728,14.3 -8956,2,1,0020,12.3 -8957,1,0,1619,13.3 -8957,2,2,0420,11.5 -8958,1,0,1738,22.5 -8961,1,0,1315,8.4 -8961,2,0,1420,9.8 -8961,3,0,1620,12.5 -8961,4,0,2210,11.7 -8962,1,0,1718,12.97 -8963,1,0,1000,5.6 -8964,1,0,0037,16.3 -8964,2,0,1630,11 -8964,3,1,0300,9.6 -8965,1,0,2105,11 -8967,1,0,2158,7.4 -8968,1,1,0110,9.5 -8970,1,0,1827,8.4 -8971,1,0,1324,15.9 -8972,1,1,0605,7.2 -8973,1,0,1930,6.5 -8974,1,0,1815,24.4 -8974,2,0,2111,19.9 -8974,3,0,2206,17.7 -8974,4,0,2339,10 -8975,1,0,0903,8.5 -8976,1,0,1620,12.1 -8976,2,0,1954,17.7 -8976,3,0,2357,13.8 -8976,4,1,0429,10.9 -8977,1,0,0354,21.5 -8977,2,0,1940,11.5 -8977,3,1,0515,8.5 -8977,4,2,0045,8.2 -8982,1,0,1205,4.7 -8983,1,0,2032,10.6 -8986,1,0,2201,4.1 -8987,1,0,1820,14.5 -8988,1,0,1750,6 -8990,1,0,1935,9.2 -8991,1,0,1246,13 -8992,1,0,2033,5.7 -8993,1,0,1130,12.6 -8995,1,0,2120,11.6 -8996,1,0,1720,21.2 -8996,2,1,0840,14.2 -8996,3,4,1322,13.3 -8997,1,0,1620,6.3 -8997,2,0,1800,10.9 -8999,1,0,1806,9.1 -9000,1,0,1454,12.1 -9000,2,1,0339,6.7 -9000,3,1,1527,14.1 -9000,4,2,0330,17.2 -9002,1,0,1755,21.8 -9002,2,1,0515,14 -9004,1,0,1750,18.5 -9004,2,0,2315,15.3 -9004,3,1,0405,12.9 -9004,4,1,1040,13.6 -9005,1,0,1240,11.3 -9006,1,0,1250,33.5 -9006,2,0,1610,22.4 -9006,3,0,2156,17.4 -9006,4,1,0415,21.4 -9009,1,0,0439,16.9 -9010,1,0,1826,12.7 -9011,1,0,1430,7.8 -9011,2,0,1545,7.7 -9012,1,0,1728,11.2 -9012,2,1,0551,9.8 -9013,1,0,2315,20.5 -9014,1,0,2048,12.6 -9014,2,0,2145,16.6 -9014,3,1,0315,13.2 -9014,4,1,1646,13.4 -9015,1,0,1025,7.7 -9016,1,0,1637,9.8 -9018,1,0,1815,16.1 -9019,1,0,0806,7.8 -9021,1,0,0206,20.7 -9022,1,1,0730,5.9 -9023,1,0,1525,10.18 -9024,1,0,1952,15 -9024,2,0,2046,11.5 -9024,3,0,2222,14.4 -9025,1,0,0205,4.6 -9026,1,0,1959,21 -9026,2,0,2306,19.6 -9026,3,1,0547,8.6 -9026,4,2,0556,10.9 -9028,1,0,2209,11.7 -9028,2,1,0017,25.4 -9030,1,0,1620,7.1 -9032,1,0,1449,4.2 -9034,1,0,1340,5.6 -9035,1,0,1427,12.28 -9036,1,0,2224,13.4 -9037,1,0,1520,19.13 -9037,2,1,0755,7.12 -9037,3,3,1245,13.65 -9037,4,6,1015,9.33 -9039,1,0,1436,23.2 -9040,1,0,1250,9.46 -9042,1,0,0832,6.1 -9043,1,0,1411,6.8 -9045,1,0,1947,5.6 -9046,1,0,2345,7.5 -9047,1,0,0056,12.6 -9048,1,0,1320,6.4 -9049,1,0,1750,6.6 -9049,2,0,1915,8.4 -9049,3,0,2115,9.4 -9050,1,0,1134,8.5 -9051,1,0,2051,5.5 -9052,1,0,1734,19 -9052,2,1,0334,9.1 -9052,3,2,0231,10.8 -9052,4,4,0356,8.4 -9053,1,0,1729,5.3 -9054,1,0,1519,10.8 -9056,1,0,2203,4.7 -9057,1,0,1950,12.7 -9057,2,1,0659,13.1 -9057,3,1,1530,12.2 -9059,1,1,0058,7.9 -9061,1,0,1403,6.6 -9062,1,0,1004,10.9 -9064,1,0,0932,11.9 -9064,2,1,0940,7 -9065,1,0,1500,10.9 -9066,1,0,1840,10.4 -9066,2,0,2002,9.7 -9069,1,0,1611,11.6 -9070,1,0,2000,7.3 -9072,1,0,1215,20.5 -9072,2,0,1419,20.2 -9072,3,0,1636,12 -9072,4,0,2250,22 -9073,1,0,2219,15.9 -9073,2,0,2354,18.1 -9073,3,1,0550,14.1 -9073,4,2,0500,14.9 -9074,1,0,2256,23.4 -9074,2,1,0259,15.3 -9074,3,1,1000,13.2 -9074,4,2,0600,10.4 -9076,1,0,2303,16.6 -9076,2,2,0708,9.1 -9077,1,0,2250,10.5 -9078,1,0,0200,26 -9078,2,0,0915,24.9 -9080,1,0,1816,8.9 -9080,2,1,0402,7.1 -9080,3,2,0400,4.4 -9082,1,0,2145,16.53 -9082,2,1,0310,10.89 -9083,1,0,1652,21.58 -9083,2,1,0338,1.71 -9083,3,1,0423,1.84 -9083,4,1,1200,2.48 -9085,1,0,1547,20.3 -9085,2,1,0531,10.9 -9086,1,0,1145,12.5 -9087,1,0,1355,18.8 -9087,2,0,1720,11 -9087,3,0,1820,10.1 -9087,4,0,2210,12.9 -9088,1,0,1403,10.6 -9089,1,0,1811,12 -9090,1,0,1816,12.6 -9093,1,0,2319,12.64 -9095,1,0,2043,5.2 -9096,1,0,1454,21.9 -9096,2,2,1530,7.6 -9097,1,0,1619,12.4 -9098,1,0,1125,7.2 -9099,1,0,1319,17.4 -9100,1,0,2202,13.2 -9100,2,1,0720,6.6 -9101,1,0,1915,16 -9102,1,0,2215,12.2 -9103,1,0,2345,6.7 -9104,1,0,2011,7.1 -9107,1,0,2006,9.49 -9108,1,0,1631,14.7 -9109,1,0,2209,10.6 -9110,1,0,2030,9.9 -9111,1,0,1625,6.3 -9112,1,0,1750,14.1 -9112,2,0,1940,17.8 -9112,3,0,2105,18.5 -9112,4,1,0230,13.3 -9116,1,1,0530,9.3 -9116,2,1,1531,5.5 -9116,3,2,0400,6.3 -9116,4,2,2100,8.4 -9117,1,0,2200,15.6 -9117,2,0,2300,20.1 -9117,3,0,2355,23.2 -9117,4,1,0200,23.6 -9118,1,0,1946,9.7 -9118,2,0,2040,17.6 -9118,3,0,2235,18.9 -9118,4,1,0300,16.1 -9121,1,0,1950,9 -9122,1,0,2035,12.1 -9124,1,1,0005,14 -9124,2,1,0815,10 -9124,3,1,0400,10.5 -9124,4,1,1406,11.2 -9126,1,1,0037,11.7 -9130,1,0,1605,17 -9132,1,1,1200,7.4 -9133,1,0,2347,6 -9133,2,1,0654,5.58 -9134,1,0,1639,21.7 -9134,2,1,0631,8.9 -9135,1,0,2111,9.3 -9136,1,0,1545,14.4 -9136,2,0,1650,7.5 -9136,3,0,1745,9.9 -9136,4,0,1845,7.9 -9138,1,0,1020,10.6 -9138,2,1,0525,7.1 -9139,1,1,0400,7.5 -9139,2,1,1048,10.2 -9141,1,0,1131,6.9 -9142,1,0,2141,14.8 -9143,1,0,2020,22.38 -9143,2,1,0100,14.92 -9143,3,1,0600,6.31 -9143,4,1,1200,11.81 -9145,1,0,1820,10.4 -9146,1,0,0226,8.5 -9146,2,1,0607,7.3 -9147,1,0,1909,20.9 -9147,2,0,1951,16.8 -9147,3,0,2210,14.2 -9147,4,1,1300,5.4 -9149,1,0,1440,5.7 -9150,1,0,1940,7.9 -9151,1,0,2000,10.35 -9151,2,1,0855,7.14 -9152,1,0,0425,12.4 -9153,1,0,1340,12 -9154,1,0,2310,18.4 -9154,2,1,0130,15.8 -9154,3,1,0430,12.9 -9154,4,1,1035,11.1 -9155,1,0,0729,21.4 -9156,1,0,1500,8.7 -9156,2,0,1638,8.9 -9156,3,0,1925,9.5 -9156,4,0,2200,8.8 -9157,1,0,1740,13.5 -9158,1,0,1045,7.9 -9158,2,0,1325,9.6 -9159,1,1,0540,10.5 -9160,1,0,1816,17 -9160,2,1,0400,11.7 -9160,3,2,0450,8.8 -9160,4,4,1045,7.7 -9161,1,0,1240,9.4 -9161,2,1,0940,9.1 -9162,1,0,2035,13.5 -9165,1,0,2313,10.4 -9166,1,0,2040,14.3 -9166,2,1,1023,8.3 -9168,1,0,1725,31.97 -9168,2,3,0350,10.33 -9168,3,6,1025,13.91 -9170,1,0,0400,15.2 -9171,1,0,2113,8.3 -9173,1,0,0914,28.2 -9173,2,0,1104,21.9 -9173,3,0,1248,17.3 -9173,4,0,1612,14.5 -9174,1,0,2157,15.5 -9177,1,0,1650,5.6 -9178,1,0,2125,8.1 -9178,2,1,0738,2.9 -9178,3,1,0355,2.6 -9179,1,0,1045,32 -9179,2,0,1410,31.9 -9179,3,0,2302,22.2 -9179,4,1,0355,16 -9181,1,0,2245,7.2 -9183,1,1,0650,8.9 -9183,2,1,1802,8.3 -9184,1,0,1740,18.6 -9185,1,0,2250,14.91 -9186,1,0,2028,9.7 -9186,2,0,2359,19.3 -9187,1,0,2057,17.4 -9187,2,1,0250,14.1 -9187,3,1,0825,9.7 -9187,4,1,1515,10.5 -9188,1,0,1716,12.19 -9191,1,0,2026,8.2 -9191,2,1,0605,7.1 -9192,1,0,1813,7.1 -9193,1,0,1450,6 -9193,2,0,1601,6.1 -9193,3,0,1940,7.5 -9193,4,1,0230,8.2 -9194,1,0,1815,7.4 -9195,1,1,0700,10.6 -9196,1,0,1944,12.5 -9196,2,2,0400,8.8 -9197,1,0,1005,4.2 -9197,2,1,0600,6 -9199,1,0,1906,6.5 -9201,1,0,0140,6.9 -9202,1,0,2115,9.8 -9203,1,0,1606,8.1 -9203,2,0,2136,10.9 -9203,3,1,0400,10.8 -9203,4,2,0400,9.3 -9204,1,0,2046,18.7 -9206,1,0,1817,13.9 -9206,2,0,1928,11.5 -9206,3,0,2130,11.7 -9206,4,1,0200,7.8 -9207,1,0,1540,7.6 -9208,1,0,2315,11 -9210,1,0,1812,17.2 -9210,2,0,2120,16.3 -9210,3,1,0818,10.4 -9210,4,1,1853,9.2 -9211,1,0,1908,6.2 -9213,1,0,1845,7.2 -9214,1,0,1921,13.1 -9214,2,0,2042,13.7 -9215,1,0,0128,35.4 -9215,2,0,0617,20.7 -9215,3,0,0939,13.3 -9215,4,0,1220,11.3 -9216,1,0,1809,8.2 -9216,2,3,1135,10 -9217,1,0,2000,15.08 -9218,1,0,1047,10.9 -9218,2,0,2042,10.2 -9218,3,1,0810,8.3 -9219,1,0,2020,10.3 -9219,2,2,0725,7.2 -9220,1,0,0050,16.1 -9220,2,0,0750,10.6 -9221,1,0,2145,8.7 -9221,2,1,1200,11.5 -9221,3,1,0100,12.5 -9222,1,0,1341,20.9 -9222,2,1,0109,14.4 -9224,1,0,0750,18.9 -9224,2,0,1020,17 -9224,3,0,1145,16.1 -9224,4,0,1700,12.6 -9225,1,0,1440,12.6 -9225,2,0,1600,14.1 -9225,3,0,1735,10.7 -9225,4,1,0900,5.9 -9226,1,0,1105,13.2 -9227,1,1,0150,16.3 -9227,2,1,0800,12.8 -9227,3,1,1335,12.8 -9227,4,5,1321,11.6 -9230,1,1,0715,13 -9232,1,0,2212,11 -9233,1,0,1151,23.4 -9233,2,0,2014,16.8 -9233,3,1,0822,11.5 -9235,1,0,1941,18.6 -9236,1,0,1536,17.6 -9236,2,0,1740,15.4 -9236,3,0,1920,13.9 -9236,4,0,2110,9.9 -9237,1,0,1142,9.87 -9237,2,0,2115,11.87 -9237,3,1,0850,10.08 -9238,1,0,1734,12.8 -9239,1,0,1800,10 -9239,2,0,1900,14.4 -9239,3,0,2145,14.6 -9240,1,0,2007,10.7 -9242,1,0,1643,5.9 -9243,1,0,2225,16.4 -9245,1,0,0547,20.8 -9245,2,0,1100,19.5 -9245,3,0,1549,20.3 -9245,4,1,0336,16.9 -9246,1,0,2039,12 -9247,1,0,2352,12.2 -9247,2,2,0535,8.9 -9248,1,0,0937,6.8 -9249,1,0,2001,23.1 -9249,2,1,0611,9 -9250,1,0,2220,7.6 -9251,1,0,1615,6.2 -9255,1,0,2012,9.5 -9256,1,0,1652,18.6 -9256,2,1,0449,18.6 -9257,1,0,1814,13.9 -9258,1,0,1356,7.1 -9260,1,0,1705,9.2 -9261,1,0,1817,11.2 -9261,2,1,0600,8.5 -9262,1,0,1505,19.6 -9264,1,0,1719,7.9 -9265,1,0,1650,5.4 -9266,1,0,1055,7.6 -9266,2,1,0541,6.5 -9268,1,0,1802,4.6 -9269,1,0,1839,11.2 -9270,1,0,1500,10.9 -9271,1,0,1600,6.6 -9272,1,0,1557,4.8 -9273,1,0,1855,11.2 -9276,1,0,0958,6.6 -9277,1,0,1655,12.2 -9277,2,0,1750,15.8 -9277,3,0,2040,11.1 -9277,4,1,0330,7.4 -9279,1,0,1916,6.2 -9280,1,0,2245,17.1 -9280,2,1,0015,18.4 -9280,3,1,0140,16.1 -9282,1,0,0912,5.6 -9282,2,1,0626,5.2 -9282,3,1,0924,5.4 -9283,1,0,2247,8.4 -9284,1,0,2125,7.9 -9285,1,0,1820,20.4 -9285,2,1,0456,10.9 -9286,1,0,1011,17.7 -9288,1,0,1830,6.8 -9290,1,0,1335,10.4 -9291,1,0,1959,7.2 -9292,1,0,2248,4.2 -9292,2,1,0415,6.2 -9293,1,0,1731,9.1 -9293,2,2,0600,12 -9293,3,4,0715,7.1 -9293,4,4,1349,7.9 -9294,1,0,1450,14.8 -9294,2,0,1620,15.8 -9294,3,0,1735,15.7 -9295,1,0,0442,17.9 -9295,2,0,1123,9.5 -9295,3,0,1836,6.2 -9295,4,2,0917,6.3 -9296,1,0,1747,10 -9298,1,1,0554,13.7 -9298,2,2,0544,12.6 -9298,3,3,0718,8 -9298,4,0,0941,11.4 -9299,1,0,1632,5.1 -9300,1,0,1225,22.9 -9300,2,0,1800,31.3 -9300,3,0,2302,26.1 -9300,4,1,0448,20.5 -9301,1,0,1942,13.8 -9302,1,0,2145,11.62 -9303,1,1,0111,13.2 -9305,1,0,1813,7.4 -9306,1,0,1854,15 -9306,2,1,1829,6.6 -9307,1,1,0034,6.9 -9307,2,1,0231,5.6 -9308,1,0,2012,9.4 -9309,1,0,2153,8.4 -9310,1,0,0850,15.1 -9310,2,0,1010,15.1 -9310,3,0,1335,13.6 -9310,4,0,1700,12.8 -9311,1,0,2145,7.6 -9312,1,0,1922,17.9 -9313,2,0,2130,9.5 -9314,1,0,1650,15.7 -9314,2,0,1835,25.5 -9314,3,0,2336,19.2 -9314,4,1,0540,18.7 -9315,1,0,2128,12.36 -9315,2,1,0845,10.91 -9315,3,1,1900,8.25 -9315,4,2,0400,8.26 -9316,1,0,1915,8.3 -9316,2,0,2035,9 -9318,1,0,1645,8.6 -9319,1,0,2227,11.1 -9319,2,1,0220,5.9 -9319,3,1,0850,6.2 -9319,4,2,0631,7.4 -9320,1,0,1355,13.3 -9321,1,0,2036,16.49 -9322,1,1,0515,11.5 -9323,1,0,1616,11 -9323,2,0,2235,14.8 -9323,3,1,0606,12.1 -9323,4,1,1148,13.3 -9329,1,0,1125,7.9 -9331,1,0,2343,10.7 -9332,1,0,2253,13.7 -9333,1,0,2352,11.7 -9335,1,0,2120,11.3 -9336,1,0,2052,12.5 -9337,1,0,1845,17.8 -9337,2,2,0810,10.9 -9337,3,3,0200,7.6 -9338,1,0,1250,14.4 -9340,1,0,2010,17.4 -9342,1,0,1042,11.3 -9343,1,0,2105,14.4 -9343,2,1,0800,9.5 -9343,3,1,1745,14.5 -9343,4,1,0445,11.8 -9344,1,1,0250,18.9 -9345,1,0,1201,6 -9346,1,0,2345,7.1 -9347,1,0,1740,11.6 -9347,2,0,1844,8.3 -9347,3,0,2052,7.9 -9347,4,1,0230,7.9 -9349,1,0,1944,10.79 -9350,1,0,1350,6.8 -9350,2,0,1445,6.5 -9350,3,0,1648,12.9 -9350,4,1,0810,6.4 -9351,1,0,1820,6.3 -9351,2,0,1945,6.4 -9352,1,0,1525,18.4 -9352,2,0,1700,10.4 -9352,3,0,1955,12.5 -9352,4,1,0005,10.3 -9353,1,0,1740,10.5 -9354,1,0,1500,12.5 -9355,1,0,2334,14 -9355,2,1,0426,9.7 -9355,3,1,0719,9 -9357,1,0,1600,11.2 -9358,1,0,2140,15.9 -9359,1,0,1930,9 -9359,2,1,0734,6.9 -9361,1,0,1526,13.2 -9362,1,0,1643,22.6 -9362,2,1,0602,13.1 -9365,1,0,1421,13.1 -9365,2,1,0105,13.5 -9366,1,0,0105,11 -9369,1,0,0020,25.3 -9369,2,0,0805,14.4 -9369,3,1,0715,10.6 -9369,4,2,0515,8.7 -9370,1,0,1950,13.2 -9370,2,0,2300,13.7 -9374,1,1,0215,10.1 -9374,2,1,1350,7.1 -9375,1,0,1016,9.7 -9376,1,0,1923,19.47 -9376,2,1,0630,15.06 -9377,1,0,1320,5.4 -9378,1,0,1904,10.6 -9378,2,0,2240,8.1 -9378,3,1,0153,6.9 -9378,4,1,0453,5.9 -9380,1,0,1753,26.3 -9380,2,2,1715,9.9 -9380,3,3,0545,9.7 -9382,1,0,1400,11.2 -9382,2,0,1455,13.7 -9382,3,0,1830,12.2 -9382,4,0,2230,9.7 -9384,1,0,1731,14.3 -9386,1,0,1356,11.4 -9386,2,1,0005,9.8 -9390,1,0,1130,15.7 -9392,1,0,2054,16.8 -9393,1,1,0400,17.5 -9393,2,1,0813,14.6 -9396,1,0,1510,13.4 -9396,2,0,1605,18.7 -9396,3,0,1815,19.9 -9396,4,1,0410,14.2 -9397,1,0,1910,13.1 -9398,1,0,1515,10.2 -9398,2,0,1625,15.5 -9398,3,0,1840,16.4 -9398,4,1,0350,10.2 -9400,1,0,0025,13.6 -9401,1,0,1816,12.1 -9401,2,1,0614,6.4 -9401,3,2,0500,4.2 -9401,4,3,0540,5.5 -9402,1,0,2020,8.3 -9402,2,1,0300,15.7 -9403,1,0,1753,11.1 -9404,1,0,1529,21.1 -9405,1,0,1429,14.7 -9406,1,0,2035,9.7 -9406,2,1,0200,9.9 -9407,1,0,2048,5.1 -9409,1,1,0413,13.9 -9411,1,0,1925,12.4 -9411,2,1,2012,11.18 -9412,1,0,1657,7 -9413,1,0,1835,9 -9415,1,0,2300,13.5 -9415,2,1,0230,2.1 -9415,3,1,1043,1.5 -9415,4,1,1530,2 -9416,1,0,1540,11.9 -9416,2,0,2110,9.7 -9416,3,1,0144,7.3 -9416,4,1,0517,5.9 -9417,1,0,1234,19.1 -9417,2,1,0600,9.7 -9418,1,0,1755,9.9 -9418,2,0,1856,14.3 -9418,3,0,2052,15.2 -9420,1,0,0457,23.7 -9420,2,0,1100,15.4 -9420,3,0,2230,11.3 -9420,4,1,0400,7.3 -9423,1,0,1747,12.92 -9426,1,0,0500,12.1 -9429,1,0,1458,13.1 -9432,1,0,0923,7.4 -9432,2,0,1140,4.8 -9432,3,0,1236,2.3 -9432,4,0,1318,3.3 -9433,1,0,1717,13.7 -9433,2,1,0410,9.1 -9434,1,0,1204,16.6 -9435,1,0,1659,9.7 -9437,1,0,2245,10.7 -9437,2,1,0128,23.3 -9437,3,1,0800,14.8 -9437,4,1,1600,11.2 -9438,1,0,1913,12.6 -9438,2,1,0610,13.2 -9439,1,0,1428,3.6 -9440,1,0,2024,8.2 -9443,1,0,1825,10.5 -9443,2,1,0415,7.1 -9443,3,2,0016,6.1 -9444,1,0,1944,15.45 -9444,2,1,0930,9.87 -9447,1,0,1750,14.8 -9449,1,0,1630,14.6 -9451,1,0,1623,9.1 -9452,1,0,1712,5.3 -9453,1,0,2213,6 -9454,1,0,0210,7.1 -9456,1,0,1335,15.9 -9457,1,0,2055,15.1 -9458,1,0,1607,14.9 -9460,1,0,1942,8.2 -9462,1,0,1815,11.6 -9463,1,0,2332,7.6 -9464,1,0,1750,17.89 -9465,1,0,0020,6.3 -9466,1,0,1250,8 -9469,1,0,1556,9.9 -9469,2,1,0330,15.4 -9469,3,1,1630,11.3 -9469,4,2,0410,14.2 -9470,1,0,1615,11 -9471,1,0,1815,8.2 -9473,1,0,2055,23.1 -9475,1,0,1906,17.96 -9477,1,0,2327,13.5 -9478,1,0,1601,7.04 -9479,1,0,1926,24 -9480,1,0,1700,16.2 -9481,1,0,1827,11.2 -9481,2,0,2011,20.7 -9481,3,1,0024,15 -9481,4,1,0820,10.9 -9482,1,0,1745,7.2 -9484,1,0,1955,5.3 -9484,2,0,2037,5.4 -9486,1,0,1820,18.6 -9486,2,1,1628,7.2 -9487,1,0,2145,8 -9487,2,1,0450,10.4 -9487,3,1,1700,13 -9487,4,2,0615,9.6 -9488,1,0,2140,13.96 -9490,1,0,1656,7.7 -9491,1,0,1808,9.2 -9492,1,0,1158,8.6 -9493,1,0,2207,12.5 -9495,1,0,1647,11.7 -9497,1,1,0355,22.6 -9497,2,4,1240,14.7 -9498,1,0,1750,12.3 -9502,1,0,0916,12 -9503,1,0,2249,10.7 -9504,1,0,1805,9.5 -9504,2,0,1918,10.1 -9504,3,0,2109,8.1 -9505,1,0,2110,11.9 -9506,1,0,0408,11.3 -9506,2,0,0655,12.2 -9506,3,3,0630,9.9 -9506,4,4,0100,8.9 -9507,1,0,1250,20.4 -9508,1,0,1010,6.4 -9510,1,0,1900,8.7 -9511,1,0,1853,8.4 -9514,1,0,1457,8.9 -9514,2,0,1602,11.6 -9514,3,1,1250,9.7 -9515,1,1,1033,8.9 -9517,1,0,0316,15.2 -9518,1,0,2130,10.4 -9518,2,0,2315,10.9 -9519,1,0,0648,7.3 -9519,2,0,0934,8.4 -9521,1,0,2200,17.3 -9521,2,0,2302,17.8 -9521,3,1,0015,20.1 -9521,4,1,0420,11.1 -9522,1,0,2015,25.1 -9523,1,0,0233,11.8 -9523,2,0,1304,11.6 -9524,1,0,1638,11.4 -9525,1,0,1402,7.5 -9526,1,0,1929,14.38 -9527,1,0,1733,8.6 -9529,1,0,1947,7.8 -9530,1,0,1445,13.1 -9530,2,0,1655,14 -9530,3,0,1750,12.2 -9530,4,1,0050,9 -9531,1,0,1735,9.2 -9532,1,0,2121,14.7 -9534,1,1,1559,10.1 -9534,2,6,2040,9.3 -9535,1,0,0944,4.4 -9536,1,0,1637,10.9 -9538,1,0,2230,12.8 -9539,1,0,2133,16.2 -9540,1,0,1846,10.6 -9540,2,1,1401,9.2 -9541,1,0,1726,4.4 -9542,1,0,1634,9.5 -9542,2,0,2303,13 -9542,3,1,0720,10.1 -9542,4,2,0725,12.2 -9546,1,0,0827,7.6 -9547,1,0,1339,9.6 -9548,1,0,1640,8 -9548,2,0,1750,6.2 -9548,3,0,2150,7.3 -9548,4,1,0200,5.8 -9550,1,0,1501,7.7 -9551,1,0,1315,16.8 -9558,1,0,2231,6.8 -9558,2,0,2335,11.3 -9558,3,1,0115,14.1 -9559,1,0,1015,4.8 -9560,1,0,1827,11.4 -9561,1,0,1023,14.4 -9562,1,0,1600,9 -9563,1,0,1505,7.8 -9566,1,0,1152,14.9 -9567,1,0,1655,7 -9570,1,0,2157,12.6 -9571,1,0,1600,12.6 -9571,2,0,1820,18.3 -9571,3,0,2010,15 -9572,1,0,2049,8.9 -9573,1,0,1522,8.5 -9574,1,0,1209,6.43 -9575,1,0,1321,9.5 -9575,2,0,1610,30.8 -9575,3,0,1736,21.3 -9575,4,1,0004,17.8 -9576,1,0,2142,10 -9576,2,1,0705,8.3 -9577,1,0,1259,6.5 -9579,1,0,1942,7.2 -9581,1,0,1912,16.3 -9581,2,1,1127,11.4 -9583,1,0,1921,10.2 -9584,1,1,0115,15.1 -9584,2,1,0250,15 -9586,1,0,1732,9.6 -9586,2,1,0646,6.7 -9589,1,0,2101,6.9 -9590,1,0,1320,15.2 -9591,1,0,1945,9.5 -9591,2,1,0405,11.9 -9591,3,2,1035,15.2 -9592,1,0,0900,17.8 -9592,2,0,0945,15 -9592,3,0,1313,12.5 -9592,4,0,2120,6.5 -9593,1,0,2330,18.7 -9593,2,1,0045,17.1 -9593,3,2,0340,10.5 -9593,4,6,0130,11.4 -9595,1,0,2154,6.7 -9595,2,1,1020,5 -9596,1,0,1836,34.2 -9597,1,0,2145,6.4 -9599,1,0,1355,9.2 -9601,1,0,1721,13.2 -9601,2,2,0723,12 -9602,1,0,2017,10.9 -9603,1,0,2047,11.2 -9604,1,0,1306,15.8 -9609,1,0,1555,11.6 -9609,2,0,1700,12.8 -9609,3,0,1925,10.7 -9611,1,0,2301,11 -9612,1,0,1705,16.6 -9615,1,0,2130,16.7 -9615,2,0,2245,13.3 -9615,3,1,0110,11.4 -9615,4,1,0234,9.7 -9618,1,0,1845,15.9 -9620,1,0,1621,11.8 -9622,1,0,0447,8.3 -9622,2,0,0545,7.7 -9622,3,0,0826,6.4 -9623,1,0,1946,8.3 -9623,2,1,0952,9.6 -9623,3,2,0821,8.6 -9624,1,0,1742,4.9 -9626,1,0,2138,9.8 -9627,1,1,0555,16 -9627,2,1,1738,9.7 -9627,3,2,1755,10.4 -9627,4,2,0420,8.3 -9628,1,0,1646,4.87 -9630,1,0,1910,6 -9630,2,1,0938,4.8 -9631,1,1,0530,9.7 -9631,2,1,1015,7.9 -9632,1,0,2027,16.8 -9633,1,0,1740,14.8 -9633,2,0,1840,13.8 -9633,3,0,2010,12.1 -9633,4,1,0820,8.1 -9634,1,0,1830,5.4 -9636,1,0,2225,10.3 -9636,2,1,0020,15.6 -9636,3,1,0235,15 -9636,4,1,1245,10.4 -9637,1,0,2150,10.2 -9638,1,0,2214,23.51 -9641,1,0,1408,9.8 -9643,1,0,2022,5.66 -9644,1,0,2210,12.78 -9645,1,0,1819,11.2 -9647,1,0,2050,10.8 -9648,1,0,1718,23.2 -9652,1,0,2249,4.2 -9653,1,0,0900,7.9 -9654,1,0,1140,9.07 -9655,1,0,1154,9.5 -9657,1,0,2044,6.1 -9658,1,0,2215,13.4 -9659,1,0,1850,10.2 -9660,1,0,2116,5.4 -9661,1,0,0052,9.9 -9663,1,0,0954,10.89 -9664,1,0,2008,12.5 -9664,2,1,0149,10.3 -9664,3,1,0606,9.1 -9664,4,1,1205,8.1 -9665,1,0,2350,9.9 -9666,1,0,2243,12 -9666,2,1,0420,11.4 -9666,3,1,0835,9.8 -9666,4,1,1430,13.9 -9667,1,0,1942,15.6 -9668,1,0,1436,7.7 -9669,1,0,1035,14.6 -9669,2,0,1913,9.8 -9669,3,1,0500,10.6 -9669,4,1,1125,10.4 -9671,1,0,1854,9.6 -9671,2,1,0628,6.2 -9672,1,0,0031,10.8 -9673,1,0,1640,10.9 -9673,2,0,1745,9.9 -9673,3,1,0300,5.7 -9674,1,0,1510,7.6 -9675,1,0,1345,23.3 -9676,1,0,1116,5 -9677,1,0,2313,20.8 -9677,2,1,0203,17.5 -9677,3,2,0400,6.5 -9678,1,0,1420,23.5 -9678,2,0,1530,23 -9678,3,0,1715,21 -9678,4,0,2200,14.6 -9679,1,0,2243,8.4 -9680,1,0,0015,12.9 -9681,1,0,0808,14.7 -9681,2,0,0954,26.8 -9681,3,0,1104,23.3 -9681,4,0,1630,15.2 -9683,1,0,1950,11.5 -9685,1,0,1825,6.86 -9686,1,0,1145,10.7 -9689,1,0,2045,12.3 -9691,1,0,1625,3.8 -9692,1,0,1925,10.6 -9692,2,4,1510,4.1 -9697,1,0,1632,9.28 -9699,1,0,1238,8.4 -9699,2,0,1327,9.3 -9699,3,0,1525,16.3 -9700,1,0,1905,16.4 -9701,1,0,2200,20.4 -9701,2,1,0310,17.2 -9701,3,1,1825,11.1 -9701,4,2,0426,7.5 -9703,1,1,0128,13.42 -9703,2,1,0544,8.58 -9703,3,2,0400,11.88 -9704,1,0,1851,7.2 -9706,1,0,1700,12.8 -9706,2,1,0710,11.3 -9707,1,0,1625,15.1 -9709,1,0,1931,6.7 -9710,1,0,2130,14.8 -9710,2,1,0345,12.9 -9711,1,0,1727,5.7 -9711,2,0,1957,10.8 -9711,3,1,0230,10.1 -9711,4,1,1005,8.4 -9712,1,0,2037,9.8 -9713,1,0,1625,11.8 -9714,1,0,1745,37.1 -9714,2,1,0230,13.4 -9715,1,0,1448,4.7 -9716,1,0,1730,4.6 -9717,1,0,0050,11.5 -9718,1,0,1907,9.4 -9718,2,1,0323,9.7 -9718,3,1,0945,10.3 -9722,1,0,1437,13.5 -9723,1,0,1633,19.7 -9723,2,1,0600,11.2 -9723,3,2,0400,7.1 -9726,1,0,1705,9.5 -9726,2,1,0622,11.8 -9726,3,1,1932,9.1 -9729,1,0,2224,12.1 -9730,1,0,1257,15.6 -9730,2,0,1843,15.2 -9730,3,1,0048,11.3 -9730,4,1,0606,10.7 -9731,1,0,1930,16.5 -9731,2,3,1433,7.5 -9732,1,0,1255,8.7 -9733,1,0,2015,7.3 -9734,1,0,1540,14 -9734,2,0,1650,15 -9734,3,0,1845,23.9 -9734,4,0,2230,16.7 -9735,1,0,2033,4.6 -9737,1,0,1627,8.8 -9739,1,0,2156,9.8 -9741,1,0,0110,19.1 -9741,2,0,0243,22.2 -9741,3,0,0636,17.9 -9741,4,1,1147,16.7 -9742,1,0,1516,3.2 -9742,2,0,1732,4 -9742,3,0,2300,4.2 -9743,1,0,2110,12.6 -9743,2,1,0600,7.3 -9743,3,2,0515,7.6 -9744,1,1,0259,14.9 -9750,1,0,0937,7.5 -9751,1,0,2204,13 -9751,2,1,0005,11.8 -9751,3,1,0455,9 -9752,1,0,1206,9.2 -9755,1,0,1756,9.2 -9756,1,0,1343,7.1 -9758,1,0,1717,5.2 -9758,2,0,2036,4.9 -9759,1,0,0800,14.3 -9760,1,0,0922,4 -9763,1,0,1918,18 -9765,1,0,1810,10.7 -9765,2,1,0355,17.7 -9765,3,2,0330,14.5 -9766,1,0,2119,9.7 -9768,1,0,1350,6.2 -9768,2,0,1520,10.1 -9769,1,1,0510,8.3 -9770,1,0,1740,11.34 -9770,2,1,1402,9.19 -9771,1,0,2144,14.7 -9771,2,1,1638,10.6 -9771,3,5,0850,8 -9772,1,0,1901,4.3 -9773,1,0,1654,22.4 -9775,1,0,2215,27.1 -9775,2,1,0433,14.9 -9775,3,2,0425,13.9 -9775,4,3,0412,9.5 -9776,1,0,1325,8.8 -9776,2,0,1820,10.7 -9778,1,0,2207,10.6 -9778,2,0,2336,10.7 -9780,1,0,2300,8.8 -9781,1,0,1755,25.95 -9781,2,1,0840,11.93 -9782,1,0,1720,12 -9782,2,0,1845,14.3 -9782,3,0,2200,11.2 -9782,4,1,0545,6.8 -9784,1,0,0923,9.9 -9784,2,0,1443,8.1 -9784,3,1,0349,6.2 -9784,4,1,0425,5.8 -9785,1,0,1815,11.3 -9785,2,0,1930,16.4 -9785,3,0,2140,15.6 -9785,4,1,0150,11.9 -9786,1,0,2133,25.5 -9786,2,1,0600,18.5 -9786,3,3,0600,20.5 -9787,1,0,0249,18.8 -9788,1,0,1328,14.1 -9788,2,0,1501,16.4 -9788,3,0,1659,14.1 -9788,4,0,1950,10.3 -9790,1,0,0156,9 -9791,1,0,0821,6.8 -9791,2,1,0400,7.1 -9792,1,0,1042,4.3 -9793,1,0,2127,7.6 -9794,1,0,1610,14.1 -9795,1,1,0854,12.4 -9795,2,2,0350,10.6 -9795,3,3,0400,7.9 -9795,4,4,0405,6.6 -9796,1,0,1703,18.9 -9796,2,0,1838,22.1 -9796,3,1,0145,15.9 -9796,4,1,0835,12.3 -9799,1,0,0800,6.7 -9801,1,0,2125,29.6 -9801,2,1,0305,13.3 -9801,3,0,2319,16.5 -9801,4,1,0017,16.3 -9802,1,0,1530,14.3 -9804,1,0,1549,12.4 -9805,1,0,2119,11 -9805,2,1,0050,9.7 -9805,3,1,0557,8.5 -9805,4,1,1545,8.8 -9806,1,0,2012,5.9 -9807,1,0,0359,6.8 -9809,1,0,1120,6.7 -9810,1,0,1040,15.56 -9811,1,1,0055,9 -9813,1,1,0450,5.8 -9814,1,0,1413,7.2 -9815,1,0,0901,7.2 -9817,1,0,2017,15.8 -9818,1,0,1500,15 -9820,1,0,2120,12.5 -9820,2,1,0645,17.5 -9821,1,0,1625,11.9 -9821,2,0,1720,14.7 -9821,3,0,1925,16.4 -9821,4,1,0255,8 -9822,1,0,2330,10.1 -9822,2,1,1116,7.2 -9823,1,1,0045,7.9 -9823,2,1,0200,8.5 -9824,1,0,2116,9.12 -9827,1,1,0045,7.1 -9827,2,1,0145,7.3 -9830,1,0,2034,3.3 -9835,1,0,1311,9.2 -9836,1,0,2130,8.1 -9836,2,1,0133,7.5 -9837,1,0,1936,8.4 -9838,1,0,1910,12.8 -9839,1,0,1600,11.9 -9840,1,0,0226,15.3 -9841,1,0,1541,11 -9841,2,0,2149,16.8 -9841,3,1,0631,13 -9842,1,0,1506,14 -9843,1,0,1855,22.11 -9844,1,0,1644,17.9 -9845,1,0,0949,8.1 -9847,1,0,1850,10 -9847,2,0,2000,9 -9847,3,0,2315,7.7 -9848,1,0,1428,12.5 -9850,1,1,0415,6.9 -9852,1,0,1312,15.2 -9852,2,0,1625,10.4 -9852,3,0,1744,7.7 -9852,4,1,0512,5.6 -9853,1,0,1631,9.4 -9854,1,0,1120,5.1 -9855,1,0,0530,11.1 -9856,1,0,1845,6.1 -9856,2,0,2155,6.3 -9856,3,1,0415,5.3 -9856,4,1,0950,6.2 -9858,1,0,0920,8.7 -9859,1,1,0012,14.7 -9859,2,1,0613,11.1 -9859,3,2,0605,8.2 -9861,1,0,1930,9 -9862,1,0,2155,12.8 -9865,1,0,2200,8.5 -9866,1,0,0955,8.2 -9866,2,2,2145,16.5 -9868,1,1,0235,9.4 -9869,1,0,1807,16.7 -9869,2,1,0021,13 -9869,3,1,0656,11.3 -9870,1,0,0855,9.6 -9870,2,0,0903,10.2 -9870,3,0,1315,18.2 -9870,4,1,0352,8.9 -9871,1,0,1930,8.5 -9872,1,0,1948,15.31 -9872,2,1,0530,12.68 -9873,1,0,1225,4.9 -9873,2,0,1345,4.9 -9874,1,0,1906,11.4 -9876,1,0,1750,9.8 -9877,1,0,2307,13.5 -9877,2,2,0600,13.6 -9878,1,0,1629,11.7 -9880,1,0,2200,14.4 -9881,1,0,2024,10.5 -9882,1,0,1658,8.5 -9883,1,0,0258,12.5 -9883,2,0,0400,11.6 -9884,1,0,2025,9.6 -9885,1,0,1826,11.1 -9886,1,0,2058,6.4 -9887,1,1,0347,11.6 -9888,1,0,1331,10.6 -9889,1,1,1410,8.02 -9890,1,0,2016,7.2 -9892,1,0,2115,17.6 -9892,2,1,0628,10.5 -9893,1,0,1220,6.9 -9893,2,0,1239,6 -9894,1,0,1846,12.91 -9895,1,0,1920,8.2 -9896,1,0,1232,11.4 -9896,2,1,0600,13.2 -9897,1,0,1847,8.3 -9898,1,0,1700,7.8 -9899,1,0,1614,10.5 -9899,2,1,0501,13.8 -9900,1,0,2209,14.3 -9901,1,0,1028,10.5 -9902,1,0,1230,6.6 -9902,2,0,1355,6.4 -9904,1,0,2325,8.3 -9905,1,0,1058,12.6 -9906,1,0,2155,13.6 -9907,1,0,1648,16.6 -9909,1,0,1451,11.4 -9909,2,0,1559,14.9 -9909,3,0,2108,11.7 -9909,4,1,0915,6.4 -9913,1,0,2120,8.6 -9913,2,2,0550,5.7 -9914,1,0,1520,5.6 -9915,1,0,1834,6.1 -9916,1,0,1404,8.8 -9919,1,0,2120,17.2 -9920,1,0,2015,9.5 -9920,2,1,0004,9.4 -9920,3,1,0605,7.6 -9920,4,1,1215,8 -9923,1,1,0123,7 -9925,1,0,2339,9.9 -9926,1,0,2305,12.7 -9927,1,0,1821,9.3 -9927,2,0,2249,11.9 -9927,3,0,2320,11.1 -9928,1,0,1120,13.7 -9928,2,0,1330,10.9 -9929,1,0,1754,14.1 -9932,1,0,1630,13 -9932,2,1,0506,7.6 -9932,3,1,1708,5.8 -9932,4,2,0714,6.7 -9933,1,0,1435,9.9 -9934,1,0,1558,8.6 -9936,1,1,0042,8.9 -9939,1,0,1614,15.7 -9940,1,0,1754,8.5 -9944,1,0,1838,7.5 -9944,2,0,2014,11.7 -9945,1,0,2340,10.8 -9946,1,0,2102,16.2 -9947,1,0,1850,11.1 -9947,2,0,2130,18 -9947,3,1,0345,11.6 -9947,4,1,1650,6.1 -9948,1,0,2010,6.7 -9949,1,0,2225,5.1 -9950,1,0,0300,12.9 -9950,2,0,0400,18.1 -9950,3,0,0600,16.3 -9950,4,0,1645,11.9 -9952,1,0,1738,6.8 -9953,1,0,2116,7.6 -9954,1,0,2040,8.9 -9955,1,0,1921,12.8 -9955,2,0,2010,15.8 -9958,1,0,1155,12.6 -9958,2,0,1525,10 -9958,3,0,1618,13.6 -9958,4,0,1620,10.3 -9959,1,0,1730,10.41 -9961,1,0,1749,14 -9962,1,0,0445,12.3 -9962,2,1,1330,11.1 -9962,3,2,0758,10.7 -9963,1,0,1645,15.08 -9964,1,0,1635,6.6 -9966,1,0,2001,13.5 -9967,1,0,1855,8.5 -9967,2,0,2030,14.1 -9967,3,0,2200,15.3 -9968,1,0,1538,13.7 -9970,1,0,2018,10.4 -9970,2,1,0620,4.8 -9971,1,0,1629,10.31 -9972,1,0,2126,15.2 -9972,2,1,0305,15.1 -9972,3,1,0927,14 -9972,4,1,1516,13.7 -9974,1,1,0001,9.6 -9974,2,1,0750,6 -9974,3,1,0910,7.7 -9976,1,0,2003,14.4 -9977,1,0,1305,10.9 -9977,2,0,1435,11.6 -9977,3,0,1810,15.3 -9979,1,1,0135,21.7 -9980,1,0,1340,8.6 -9981,1,0,1936,6.7 -9984,1,0,1650,10.5 -9987,1,0,1439,7.6 -9990,1,0,1925,5.5 -9991,1,0,1316,18 -9991,2,1,0600,7.9 -9991,3,1,2045,8.5 -9991,4,2,0812,12.9 -9992,1,0,1023,3.8 -9992,2,1,2102,4.7 -9995,1,0,1650,3.7 -9996,1,0,2128,13.6 -9998,1,0,0204,12.6 -9998,2,0,0932,6.8 -9999,1,0,2024,9.4 -9999,2,1,0420,13 -9999,3,1,1225,7.3 -9999,4,2,0915,11.8 -10000,1,0,0720,32.7 -10000,2,0,1040,20.9 -10000,3,1,0545,14.3 -10000,4,1,1800,15.4 -10001,1,0,2138,10.8 -10002,1,0,2130,13.6 -10003,1,0,1930,14 -10003,2,0,2027,12.6 -10004,1,0,0112,15.2 -10005,1,0,1929,5.26 -10006,1,0,2118,13.5 -10007,1,0,1637,7.28 -10008,1,0,1334,10.1 -10008,2,0,1639,16.4 -10009,1,0,1944,13.1 -10010,1,1,0000,9.5 -10010,2,1,0623,7.2 -10010,3,1,0852,7.7 -10010,4,1,1400,7.9 -10012,1,0,0405,10 -10012,2,1,0420,11 -10013,1,0,1200,11.6 -10013,2,0,1355,13.1 -10013,3,0,1500,11.4 -10013,4,0,2235,8.3 -10014,1,0,1725,10.3 -10014,2,0,2030,12.5 -10014,3,1,0215,9.7 -10014,4,1,0810,7.9 -10015,1,0,1825,14.1 -10015,2,1,0715,10.4 -10016,1,0,1746,13.7 -10019,1,0,0335,15.9 -10020,1,0,2053,13.8 -10020,2,1,0809,12.1 -10021,2,0,2215,10.5 -10024,1,0,1350,24.5 -10027,1,0,1355,6.5 -10027,2,1,0411,10.8 -10028,1,0,1418,5.1 -10030,1,0,1835,17.5 -10030,2,0,1935,18.1 -10030,3,0,2230,18.3 -10030,4,1,0005,16.4 -10032,1,0,1751,5.4 -10034,1,0,2140,15.1 -10035,1,0,1223,17.9 -10036,1,0,1310,15.8 -10038,1,1,0456,9.2 -10039,1,0,2235,20.3 -10039,2,1,0035,16.7 -10042,1,0,1720,5 -10042,2,0,1815,5.9 -10042,3,0,2202,6.9 -10043,1,0,2018,8.7 -10044,1,1,0615,7.8 -10045,1,0,1905,10.5 -10045,2,1,1330,9.6 -10046,1,0,0940,2.2 -10046,2,0,1907,5.9 -10046,3,3,1948,4.7 -10047,1,0,1850,9.7 -10048,1,0,1801,15 -10048,2,2,0730,11.9 -10048,3,3,0738,11.1 -10048,4,4,0705,12.3 -10049,1,0,1600,8.1 -10050,1,0,0705,14.6 -10051,1,0,1930,17.9 -10051,2,3,0630,8.6 -10052,1,0,0120,12.1 -10053,1,0,2250,20.6 -10053,2,1,0410,13.4 -10053,3,4,0605,7.3 -10054,1,0,2220,14.1 -10054,2,0,2350,13 -10054,3,1,0152,10.9 -10054,4,1,0545,8.3 -10055,1,0,1846,7.5 -10055,2,1,0402,4.4 -10056,1,1,0127,14.3 -10057,1,0,0834,11.7 -10057,2,1,0430,9 -10059,1,0,1517,7.3 -10060,1,0,1355,10.3 -10060,2,0,2045,22.6 -10060,3,1,0410,16.6 -10061,1,0,1457,17.1 -10061,2,1,0514,9.7 -10061,3,2,1209,11.8 -10062,1,0,1643,9.18 -10063,1,0,0459,28.5 -10064,1,0,1734,30.6 -10064,2,0,1849,42.2 -10064,3,0,2049,38.1 -10064,4,1,0220,31.7 -10065,1,0,1945,9.4 -10065,2,0,2120,8.5 -10066,1,0,1720,10.2 -10067,1,0,1901,16 -10070,1,0,1555,7 -10070,2,0,1709,10.1 -10070,3,0,2111,9.6 -10070,4,3,1604,6.9 -10071,1,0,1843,13.5 -10072,1,1,1620,6.3 -10073,1,1,0011,9.9 -10073,2,1,0910,7.6 -10077,1,0,1830,11.97 -10077,2,1,0314,9.4 -10077,3,1,0916,7.56 -10077,4,1,1453,7.57 -10078,1,0,2126,10.6 -10079,1,0,1720,12.7 -10080,1,1,0005,11 -10083,1,0,2020,21 -10083,2,1,0315,14 -10083,3,2,0430,9.7 -10083,4,3,0505,8.4 -10084,1,0,1733,13.3 -10085,1,0,1927,6.2 -10086,1,0,1300,7.9 -10086,2,0,2228,10.9 -10087,1,0,0503,15.7 -10089,1,0,1856,12.11 -10093,1,0,1748,26.75 -10093,2,0,1952,11.25 -10093,3,2,0611,8.91 -10093,4,3,0606,9.68 -10094,1,0,1520,25.6 -10094,2,0,1658,22.2 -10094,3,0,2350,16.8 -10094,4,1,0600,14.5 -10096,1,0,0906,11.5 -10096,2,1,0400,10.2 -10097,1,0,1755,10.1 -10100,1,0,1025,22.51 -10100,2,1,0412,12.5 -10100,3,2,0604,8.16 -10100,4,3,0741,8.56 -10101,2,0,2332,8.3 -10102,1,0,2223,5.5 -10103,1,0,2040,11.7 -10103,2,1,1114,6.3 -10103,3,1,2058,7.7 -10105,1,0,1057,11 -10106,1,0,2320,27.2 -10107,1,0,1955,13.4 -10110,1,0,1745,12.4 -10113,1,0,2010,11.6 -10114,1,0,1857,12.73 -10116,1,0,1620,7.5 -10117,1,0,2130,6.4 -10118,1,0,1933,8.6 -10118,2,1,0600,8.3 -10119,1,0,0810,8.4 -10120,1,0,1744,5.5 -10121,1,0,0800,27.7 -10122,1,0,0958,7.2 -10123,1,0,1554,20.7 -10124,1,0,1751,19.7 -10124,2,0,2313,20.3 -10124,3,1,0151,15.8 -10124,4,1,0646,12.6 -10126,1,0,2330,5.5 -10126,2,1,0750,5.4 -10127,1,1,0030,10.5 -10129,1,0,2051,13.7 -10131,1,0,0110,17.1 -10132,1,0,0837,3.8 -10135,1,1,0005,7.14 -10137,1,2,1637,6.4 -10138,1,0,2022,14 -10139,1,0,1921,10.77 -10140,1,1,0012,6.9 -10141,1,0,1643,6.2 -10141,2,1,0540,4.3 -10144,1,0,2243,7.6 -10145,1,0,1016,4.8 -10146,1,0,2343,11.4 -10147,1,0,1615,12.7 -10147,2,1,0415,17.7 -10147,3,1,0900,19.5 -10147,4,2,0500,12.4 -10148,1,0,1623,11.6 -10148,2,1,0415,6.8 -10148,3,2,0405,4.9 -10150,1,0,1228,7.04 -10152,1,0,2007,7.1 -10153,1,0,1850,17.5 -10153,2,2,0645,20.9 -10155,1,0,1921,18.4 -10155,2,0,2212,17.5 -10155,3,3,1105,12.1 -10156,1,0,2232,12.4 -10157,1,0,1340,14.1 -10158,1,0,1245,14 -10159,1,0,2113,22.36 -10160,1,0,1425,13.1 -10161,1,0,1903,11.6 -10162,1,0,1925,5.1 -10162,2,1,0555,5.2 -10163,1,0,1634,12.2 -10163,2,0,1808,12.8 -10163,3,0,2033,13.8 -10163,4,1,0515,9.9 -10165,1,0,1141,11.3 -10166,1,0,1731,6.3 -10166,2,0,1831,7.2 -10166,3,0,2145,9.8 -10167,1,0,2154,9.9 -10170,1,0,1945,16.1 -10172,1,0,2024,11.5 -10174,1,0,1035,7.4 -10174,2,0,1235,16.6 -10174,3,0,1515,12.4 -10174,4,0,2200,9.2 -10175,1,0,1557,9.9 -10176,1,0,2235,17.4 -10177,1,0,2058,10.5 -10177,2,1,0600,11.9 -10179,1,0,1845,7 -10179,2,1,0400,14.7 -10181,1,0,2237,8.3 -10185,1,0,1330,13.2 -10187,1,0,1518,5.6 -10190,1,1,0009,12.3 -10190,2,1,0419,13.6 -10191,1,0,1318,5.7 -10192,1,1,0600,5.5 -10193,1,0,2210,9.2 -10194,1,0,2200,13.1 -10194,2,1,0750,9.9 -10196,1,1,0035,15.6 -10198,1,0,2219,5.24 -10199,1,0,1910,13.8 -10201,1,0,1855,35.9 -10201,2,0,1900,36.9 -10201,3,0,2130,33.1 -10202,1,0,0018,8.76 -10203,1,0,1534,17.5 -10203,2,0,1858,14.8 -10205,1,0,1440,12.8 -10206,1,0,1602,5.3 -10209,1,0,1800,12.3 -10210,1,0,0852,4.9 -10211,1,0,0920,10.9 -10211,2,0,1230,21.5 -10211,3,0,1755,15.8 -10211,4,1,0400,15.5 -10212,1,0,1459,15.4 -10212,2,1,0500,13.8 -10213,1,0,1440,19.3 -10213,2,0,1621,30.9 -10213,3,1,1123,12.9 -10213,4,1,2309,12.7 -10214,1,0,1655,15.76 -10214,2,0,1815,13.05 -10214,3,0,2005,10.74 -10214,4,1,0419,6.54 -10216,1,0,1555,6.6 -10216,2,0,1655,9.6 -10217,1,0,1937,13.9 -10217,2,1,0650,10 -10218,1,0,1643,8.8 -10218,2,5,1649,8.6 -10219,1,0,1815,6.8 -10220,1,0,1717,11.4 -10221,1,0,2115,10.5 -10222,1,0,2034,14.5 -10222,2,1,0605,11.77 -10222,3,2,0530,9.72 -10223,1,0,0721,6.7 -10225,1,0,2025,27.6 -10225,2,0,2355,14.8 -10225,3,1,0130,11.5 -10225,4,1,0430,8.7 -10226,1,0,2026,7.6 -10227,1,0,1859,6.5 -10228,1,0,1743,6.5 -10229,1,0,2126,12.4 -10230,1,0,2123,13.5 -10231,1,0,2235,13.1 -10232,1,0,1420,14.1 -10233,1,0,1526,10.7 -10235,1,0,0951,5 -10236,1,0,0254,10.9 -10237,1,0,1747,6.79 -10238,1,0,1540,9.3 -10238,2,0,2000,13.6 -10238,3,1,0215,11.3 -10238,4,1,0800,8.5 -10239,1,0,2222,11.9 -10241,1,6,0456,8.76 -10242,1,0,1623,11.4 -10243,1,0,2138,15.1 -10246,1,0,1846,7.7 -10247,1,0,1619,7.51 -10248,1,0,1210,8.8 -10248,2,1,0648,9 -10250,1,0,1543,8.81 -10252,1,0,2314,12 -10255,1,0,1817,12.3 -10257,1,0,1710,9.6 -10258,1,0,1610,10.4 -10262,1,1,0550,7.5 -10262,2,1,1605,7 -10263,1,0,1830,14.7 -10264,1,0,2315,7.6 -10265,1,0,1602,11.7 -10265,2,1,0400,9 -10265,3,2,0400,6.1 -10265,4,4,0400,5.3 -10266,2,0,0252,10.2 -10266,3,1,0445,6.4 -10268,1,0,1821,10.5 -10268,2,1,2335,11.4 -10268,3,2,0826,10.6 -10268,4,4,0855,8.7 -10268,5,5,1154,7.3 -10269,1,0,1711,11.8 -10269,2,1,0656,9.3 -10269,3,3,0500,11 -10269,4,6,1123,8.8 -10270,1,0,1653,24.8 -10270,2,0,1821,27.7 -10270,3,0,1941,18 -10270,4,1,0015,9.4 -10272,1,0,2246,7.3 -10273,1,0,1513,18.8 -10274,1,0,1456,22.9 -10274,2,1,0135,16.2 -10277,1,0,2154,14.7 -10278,1,0,1814,6.9 -10279,1,0,2122,7.2 -10280,1,0,1525,15.5 -10280,2,1,0555,10 -10281,1,0,1710,10.4 -10281,2,0,1810,14.5 -10281,3,0,2015,13.5 -10281,4,1,0550,7.8 -10283,1,0,1710,24.2 -10284,1,0,1748,8.5 -10285,1,0,2145,6.7 -10285,2,1,0045,7.2 -10285,3,1,0155,6.2 -10287,1,0,2030,10.1 -10287,2,0,2205,11.1 -10288,1,0,2023,9.14 -10288,2,1,0530,8.08 -10289,1,0,2102,18.48 -10289,2,1,0706,9.2 -10289,3,7,0615,5.36 -10290,1,1,0600,5.4 -10291,1,0,0948,14.9 -10291,2,0,2100,16 -10291,3,1,0500,12.4 -10295,1,0,1835,21.4 -10295,2,1,0410,11.5 -10295,3,1,1701,7.6 -10295,4,1,2315,8.6 -10296,1,0,0201,15.3 -10296,2,0,0318,17 -10296,3,0,0500,19.1 -10296,4,1,0145,9.4 -10297,1,0,1036,13.5 -10297,2,2,0508,6.7 -10300,1,0,1005,19.8 -10301,1,0,1013,8.6 -10302,1,0,2139,17.3 -10302,2,1,0946,14.5 -10303,1,0,2350,4.21 -10305,1,0,1959,12.3 -10305,2,1,0340,11.5 -10306,1,2,0545,6 -10306,2,0,1112,9.8 -10309,1,0,1635,23.1 -10309,2,0,1834,21.4 -10309,3,0,2023,18.2 -10310,1,0,2105,16.2 -10312,1,0,0201,26.4 -10312,2,0,0547,14.8 -10312,3,0,0700,14.6 -10312,4,0,1245,11.4 -10313,1,0,1409,5.5 -10313,2,0,1526,7.6 -10314,1,1,0445,12.1 -10318,1,0,1816,9 -10319,1,0,1618,15.7 -10320,1,0,1535,16.9 -10320,2,0,1930,16.9 -10320,3,0,2320,14.1 -10322,1,1,0600,12.7 -10323,1,0,2153,5.5 -10325,1,0,1841,7.9 -10326,1,0,1645,7.2 -10326,2,0,1745,8.8 -10331,1,0,1114,9.71 -10331,2,1,0644,6.68 -10332,1,1,0352,15.2 -10332,2,1,2030,13.8 -10332,3,2,0445,13.3 -10332,4,4,0550,8.3 -10333,1,0,1957,20.4 -10333,2,0,1800,8.9 -10333,3,1,0510,9.3 -10333,4,1,1128,10.7 -10334,1,0,1741,11.6 -10335,1,0,1943,20.7 -10336,1,0,1748,16.4 -10336,2,1,0500,10.3 -10337,1,0,2154,9.4 -10337,2,1,0430,7.5 -10338,1,0,1251,13.3 -10339,1,1,0001,9.8 -10342,1,0,2227,13.8 -10344,1,0,2032,8 -10345,1,0,2153,6.9 -10346,1,0,2106,12 -10348,1,0,0905,10.6 -10349,1,0,0118,10.3 -10349,2,0,1308,6.5 -10349,3,1,0435,6 -10350,1,0,2104,11.9 -10351,1,0,1701,13.54 -10351,2,1,1252,13.99 -10353,1,0,1135,23.6 -10353,2,0,1600,17.2 -10353,3,0,2145,11.5 -10353,4,1,0415,10.4 -10354,1,0,2230,6.3 -10354,2,1,0030,6.1 -10355,1,0,1905,9.1 -10357,1,0,1300,12.5 -10358,1,0,1734,12.2 -10358,2,1,0448,13.8 -10359,1,0,2355,25.3 -10360,1,0,1935,10.7 -10361,1,0,1909,14.16 -10361,2,1,0525,10.14 -10363,1,0,1010,6.2 -10365,1,0,2127,7.3 -10366,1,0,1849,9.9 -10368,1,0,1840,6.2 -10369,1,0,1647,14.9 -10369,2,0,1832,16.8 -10369,3,0,1942,17.7 -10370,1,0,1633,7.9 -10370,2,1,0703,9.9 -10370,3,2,0541,8.8 -10371,1,0,1349,13.6 -10372,1,0,1230,13.8 -10374,1,0,1431,22.3 -10374,2,0,1555,11.1 -10374,3,0,1719,8.1 -10374,4,0,2029,14.1 -10376,1,0,1707,6.3 -10377,1,0,1655,6.8 -10377,2,2,0535,9.5 -10377,3,3,0520,7.5 -10377,4,7,0250,4.6 -10379,1,0,2309,17.4 -10379,2,1,0645,13.4 -10380,1,0,1715,6.7 -10383,1,0,1600,9.5 -10384,1,0,1041,3.5 -10384,2,0,1328,7 -10384,3,1,0330,10 -10384,4,2,0615,8.8 -10386,1,1,0313,12.1 -10386,2,1,0519,9.8 -10386,3,1,1120,7.8 -10387,1,0,1301,8.1 -10387,2,0,2107,10.3 -10387,3,1,0356,9.6 -10388,1,0,2208,11.89 -10390,1,0,1615,7.5 -10390,2,1,0828,7.6 -10391,1,0,1825,8.8 -10392,1,0,1835,8.2 -10395,1,0,0125,6.5 -10396,1,0,1303,5 -10397,1,0,1930,9.6 -10397,2,0,2210,16.5 -10398,1,0,1430,12.97 -10398,2,1,0600,11.62 -10399,1,0,1950,9.3 -10400,1,0,1916,24.6 -10400,2,0,2135,18.5 -10400,3,0,2239,15.4 -10400,4,0,2323,18 -10402,1,0,0741,23 -10403,1,0,1958,5.3 -10404,1,0,0808,7.48 -10405,1,0,1955,12.9 -10406,1,0,1040,5.9 -10407,1,0,1545,11.7 -10408,1,0,1530,18 -10408,2,0,1720,22.4 -10408,3,0,1830,21.1 -10408,4,1,0000,14.3 -10410,1,1,0450,14.1 -10413,1,0,1150,15.9 -10417,1,0,1842,7.1 -10418,1,0,1700,6.1 -10418,2,0,2300,8.3 -10418,3,1,0500,5.8 -10418,4,1,1100,5.5 -10420,1,0,1742,11.5 -10421,1,0,2004,9.1 -10421,2,1,0642,9.4 -10423,1,0,2200,8.4 -10424,1,0,2329,12 -10424,2,1,0657,10.3 -10424,3,1,1415,10 -10424,4,1,1920,7.6 -10425,1,0,1310,11.9 -10425,2,0,1437,16.9 -10431,1,0,1512,10.1 -10432,1,0,1155,13.6 -10433,1,0,1832,11.2 -10434,1,0,2121,19.4 -10434,2,2,0615,16.7 -10435,1,0,2348,6.6 -10435,2,1,0040,6.3 -10435,3,1,0135,6.6 -10436,1,0,1754,7.2 -10439,1,0,0200,10.9 -10439,2,1,0610,6.1 -10442,1,0,1925,14 -10442,2,1,0500,12.5 -10442,3,2,0825,9.6 -10442,4,2,1850,10.8 -10444,1,0,1831,8 -10445,1,1,1836,23.9 -10446,1,0,1615,9.5 -10446,2,0,1745,9.4 -10446,3,0,2045,9.3 -10446,4,1,0400,6.8 -10447,1,0,1302,6.7 -10448,1,0,1616,11.7 -10449,1,0,1930,19.6 -10449,2,0,2057,11.9 -10449,3,1,0100,8.5 -10449,4,1,0615,9.8 -10450,1,0,1735,9.73 -10452,1,0,1630,20 -10454,1,0,1733,18.7 -10457,1,0,1600,13.6 -10458,1,0,1855,10 -10459,1,0,1913,9.4 -10460,1,0,0545,5.9 -10462,1,0,1830,12.8 -10464,1,0,1745,13.1 -10465,1,0,1629,12 -10466,1,1,0141,7.2 -10467,1,0,1501,6.1 -10467,2,0,1545,5.6 -10467,3,0,1800,5.4 -10471,1,0,1710,10.6 -10472,1,0,2310,9.2 -10473,1,0,1140,6.6 -10474,1,0,0409,14.4 -10474,2,0,2137,9.6 -10474,3,1,0601,10.9 -10476,1,0,1455,13.4 -10476,2,1,0837,8.6 -10476,3,2,0802,6.7 -10477,1,0,2029,6.7 -10481,2,0,2139,10.2 -10481,3,2,0550,11.7 -10484,1,0,1635,40.3 -10485,1,0,1837,7.8 -10486,1,0,1845,7.4 -10488,1,1,0155,15.7 -10488,2,1,0425,11.4 -10488,3,1,1447,7.3 -10488,4,2,0400,7.2 -10489,1,0,1715,9.1 -10490,1,0,1515,10.1 -10491,1,0,1842,5.7 -10492,1,0,2221,16.1 -10493,1,0,2230,19.3 -10494,1,0,2150,6.9 -10496,1,1,0027,6.9 -10497,1,0,1730,6.1 -10497,2,0,1920,7.9 -10497,3,0,2330,7.9 -10497,4,1,0730,6.3 -10499,1,0,1855,6.6 -10500,1,0,2055,6.8 -10502,1,0,2155,19.3 -10502,2,1,0419,18.2 -10502,3,2,0510,9.2 -10502,4,3,0038,5.5 -10503,1,0,1715,17.1 -10504,1,0,1522,5.3 -10505,1,0,1431,14.1 -10506,1,0,1909,9.7 -10507,1,1,1035,11.5 -10507,2,2,0400,9.4 -10507,3,3,0505,8.5 -10507,4,4,0600,8.2 -10508,1,0,2212,11.2 -10509,1,0,1320,5.4 -10511,1,0,1729,8.9 -10512,1,0,1407,7.3 -10512,2,0,1455,7.3 -10513,1,0,1651,17.6 -10515,1,0,0215,14.3 -10515,2,0,0340,9 -10517,1,0,0315,11.02 -10517,2,1,0940,6.68 -10519,1,0,1130,7.5 -10520,1,0,1309,6.9 -10521,1,0,1752,12.3 -10521,2,1,0450,9.7 -10521,3,2,0530,7 -10522,1,0,1903,7.83 -10522,2,1,0420,9.69 -10522,3,3,0708,6.37 -10523,1,0,2150,16.3 -10523,2,1,2013,9.2 -10524,1,0,1418,12.1 -10524,2,0,1517,16.1 -10524,3,0,1715,14.4 -10524,4,1,0135,9.1 -10525,1,0,1620,20 -10527,1,0,1712,4.5 -10529,1,0,2332,7.4 -10530,1,0,1750,8.1 -10530,2,0,2000,9.3 -10530,3,1,0300,10.5 -10530,4,1,0910,11.9 -10532,1,0,1310,9.6 -10533,1,0,0220,47.4 -10533,2,0,0320,25.6 -10533,3,0,0845,17.2 -10534,1,1,0115,7 -10535,1,0,1736,15.2 -10536,1,0,1643,8.1 -10538,1,0,1858,12.36 -10540,1,0,1645,11.8 -10540,2,0,2000,12 -10542,1,0,0953,8.7 -10542,2,0,1220,17.6 -10542,3,0,1635,11.4 -10542,4,0,2025,8.7 -10542,5,1,0216,6.4 -10542,6,1,0923,5.4 -10544,1,0,2344,8.5 -10547,1,0,2115,18.7 -10548,1,0,0401,10.3 -10548,2,0,0517,8.5 -10549,1,0,1523,11 -10549,2,1,0625,12.7 -10550,1,0,1434,16.85 -10550,2,0,2149,10.22 -10550,3,1,0626,6.3 -10551,1,0,1445,12.4 -10552,1,0,1530,6 -10553,1,0,0800,4.8 -10555,1,0,2044,17.6 -10555,2,1,0437,7.8 -10555,3,1,1355,7.1 -10555,4,2,0400,6.6 -10557,1,0,2136,8 -10557,2,4,0500,8 -10558,1,1,0350,18.7 -10558,2,5,1415,7.9 -10559,1,0,1437,11.1 -10560,1,0,1732,6.2 -10561,1,0,2113,9.9 -10562,1,0,1512,8.3 -10563,1,0,1903,9 -10563,2,0,2018,10.3 -10564,1,0,0929,8.6 -10565,1,0,1135,7.3 -10566,1,0,2142,11.3 -10566,2,1,0346,9.2 -10567,1,0,2256,10.2 -10568,1,0,1530,19.4 -10568,2,5,1612,16.9 -10568,3,7,0739,19.1 -10569,1,1,0055,8.3 -10570,1,1,0410,8.8 -10571,1,0,0851,7.7 -10572,1,0,1905,7.7 -10572,2,1,0655,9.8 -10574,1,0,0041,4.9 -10575,1,0,1330,16.6 -10575,2,2,0909,11.8 -10580,1,0,1736,9.7 -10583,1,0,1923,9.8 -10584,1,0,0517,8.1 -10584,2,0,0658,9.6 -10585,1,0,1750,11.3 -10587,1,0,2144,13.2 -10587,2,1,0407,15 -10587,3,1,1254,29.2 -10587,4,1,1802,8 -10588,1,0,2327,15.5 -10588,2,1,0453,15.7 -10588,3,1,0848,10.2 -10588,4,1,1259,8.2 -10589,1,0,1727,11.5 -10589,2,1,0400,6.7 -10590,1,0,1343,8.3 -10593,1,0,2120,9.2 -10593,2,1,0758,7.2 -10594,1,0,1250,10.8 -10594,2,0,1420,17 -10594,3,0,1610,13.6 -10594,4,1,0210,6.5 -10595,1,0,2136,9.9 -10597,1,0,2206,4.5 -10600,1,0,1544,20 -10600,2,0,2211,16.3 -10600,3,1,0540,13.4 -10600,4,1,1752,17.7 -10601,1,0,2148,9 -10602,1,0,1330,8.9 -10603,1,0,2050,12.7 -10603,2,0,2215,11 -10604,1,0,1830,9.8 -10605,1,0,1556,8.3 -10606,1,0,1656,11.7 -10607,1,0,0920,6.9 -10608,1,0,2127,14.4 -10608,2,0,2245,18 -10608,3,1,0925,14.3 -10610,1,0,2254,6.3 -10610,2,1,0441,6.7 -10614,1,0,1534,23.85 -10614,2,1,0705,6.24 -10616,1,1,0450,13.6 -10617,1,0,1245,8.1 -10619,1,0,1748,12.51 -10620,1,0,1138,6.1 -10621,1,0,1708,11 -10622,1,0,2007,9.5 -10623,1,0,0214,9.4 -10624,1,0,0440,10.2 -10625,1,0,0733,14.1 -10626,1,0,1800,8.9 -10626,2,0,1935,13 -10626,3,0,2113,13.3 -10626,4,1,0345,9.9 -10627,1,0,1300,6.9 -10627,2,0,1505,8.3 -10627,3,0,1645,7.2 -10627,4,1,0835,5.4 -10628,1,0,1740,7.7 -10629,1,0,1954,9.9 -10631,1,0,1612,10.1 -10631,2,1,0900,7.9 -10634,1,0,1432,8 -10636,1,0,0837,9.62 -10637,1,0,0950,25.34 -10637,2,0,1230,19.62 -10637,5,1,0200,10.44 -10637,6,1,0923,9.12 -10637,7,1,2120,10.88 -10637,8,2,1040,11.17 -10637,9,3,1002,9.86 -10637,10,4,1043,10.87 -10638,1,0,2349,25.67 -10638,2,1,1300,12.03 -10638,3,1,2000,9.95 -10638,4,1,2330,8.36 -10639,1,0,1727,24.2 -10639,2,1,0403,13.9 -10639,3,1,1600,16.6 -10639,4,2,0358,16.9 -10641,1,0,2057,16.3 -10641,2,1,0436,16.4 -10641,3,2,0500,10.5 -10641,4,3,0500,7.3 -10642,1,0,1115,7.2 -10642,2,0,1211,6.6 -10642,3,0,1410,7.4 -10643,1,0,1223,12.5 -10643,2,0,1640,13.9 -10643,3,0,2255,10.2 -10643,4,1,0335,10.2 -10645,1,0,2225,13.5 -10646,1,0,2113,4.9 -10647,1,0,1701,30.7 -10647,2,0,1855,28.5 -10647,3,0,2240,18.3 -10647,4,1,0210,14.4 -10649,1,0,1930,7.4 -10650,1,0,2318,8.7 -10652,1,2,0505,5.1 -10653,1,0,2105,7.4 -10656,1,0,2205,12.17 -10658,1,0,1915,11.1 -10659,1,0,1300,8.8 -10660,1,0,1938,7 -10660,2,1,0400,5.2 -10660,3,2,0400,4.3 -10660,4,3,0440,6.1 -10661,1,0,1400,6.8 -10665,1,0,2010,12.2 -10665,2,1,0754,7.6 -10665,3,2,0714,10.7 -10665,4,3,0645,9.4 -10668,1,0,1955,13.3 -10668,2,1,2150,8.9 -10669,1,0,1601,10.6 -10670,1,0,0738,11.12 -10670,2,1,0605,15.52 -10670,3,2,0534,13.65 -10670,4,3,0706,8.23 -10671,1,0,2130,9.9 -10671,2,1,0605,6.7 -10671,3,1,1520,5.4 -10673,1,0,1652,10.68 -10674,1,0,1337,4.1 -10675,1,0,1045,6.4 -10675,2,0,1230,6.7 -10675,3,0,1430,9 -10676,1,0,2053,24.18 -10677,1,1,0034,16.5 -10678,1,0,1221,5.7 -10680,1,0,1335,6.9 -10683,1,0,1843,7 -10684,1,0,1828,12.6 -10684,2,1,0410,10.9 -10684,3,2,0450,10.9 -10684,4,4,0455,9.5 -10687,1,1,1134,13.6 -10688,1,0,2042,12.7 -10689,1,0,1402,9.56 -10689,2,1,0600,8.49 -10689,3,2,0536,13.44 -10689,4,3,0901,9.01 -10690,1,0,1731,9.2 -10693,1,0,1145,14.6 -10693,2,1,0515,10.6 -10695,1,0,0828,10.1 -10696,1,0,2134,14.6 -10696,2,1,0437,20.6 -10696,3,1,2340,10.8 -10697,1,0,2007,10 -10697,2,1,0511,13 -10697,3,2,0400,7.4 -10697,4,3,0500,6.1 -10698,1,0,2237,12.39 -10698,2,1,0628,9.7 -10699,1,1,0635,5.4 -10700,1,0,2105,12.6 -10701,1,0,1222,14.1 -10701,2,0,1435,7.3 -10701,3,0,1550,6.1 -10701,4,0,2010,9.6 -10703,1,0,1759,12.8 -10703,2,1,1220,11.3 -10704,1,0,2211,11.8 -10704,2,1,1100,9.4 -10707,1,0,2331,5.3 -10707,2,1,0506,4.5 -10708,1,0,2021,14.99 -10711,1,0,1856,14.5 -10712,1,0,2225,9.1 -10713,1,0,1140,25 -10713,2,0,1340,26.9 -10713,3,0,1450,25.5 -10713,4,0,2000,19 -10714,1,0,2208,13.7 -10715,1,0,2204,15 -10720,1,0,1813,16.5 -10720,2,1,0300,10.8 -10720,3,1,1745,7.1 -10720,4,2,0520,7.3 -10722,1,0,2200,22.9 -10725,1,0,1605,8.72 -10726,1,1,1830,15.9 -10726,2,2,0620,12.4 -10726,3,2,0110,13.2 -10727,1,0,1159,8.4 -10727,2,1,0545,7 -10728,1,0,2005,34.9 -10728,2,1,1245,32.6 -10729,1,0,1939,10.3 -10730,1,0,1656,14.1 -10730,2,0,1800,9.1 -10730,3,0,2111,11.5 -10730,4,1,0140,8.1 -10731,1,0,2035,23.5 -10731,2,1,0631,17.2 -10731,3,2,0645,8 -10733,1,1,0000,5.7 -10733,2,1,0110,5.9 -10733,3,1,0500,6.3 -10735,1,0,1928,13.1 -10735,2,1,0350,12.1 -10737,1,0,2026,6.8 -10738,1,0,1845,11.9 -10738,2,0,2138,13.3 -10739,1,0,1513,7.8 -10740,1,0,1109,7.4 -10740,2,0,2215,8 -10740,3,1,0400,6.9 -10740,4,1,1005,5.8 -10741,1,0,1945,12.4 -10742,1,0,1415,15 -10743,1,0,1555,10.8 -10743,2,0,1730,11.5 -10743,3,0,2300,8.8 -10744,1,0,1548,5.9 -10745,1,0,1958,11.2 -10749,1,0,1429,40.1 -10749,2,1,0500,14.3 -10749,3,2,0000,11.8 -10749,4,2,1800,10.3 -10751,1,0,1623,9.3 -10752,1,0,1015,15.2 -10754,1,0,1039,8.3 -10755,1,0,0123,13.6 -10756,1,0,1835,25.78 -10756,2,1,0316,12.02 -10757,1,0,1715,9.4 -10757,2,1,0700,10.8 -10758,1,0,1500,10 -10760,1,0,2320,7.9 -10761,1,0,1523,6 -10761,2,0,1715,6.2 -10762,1,0,1030,4.3 -10763,1,0,1550,16.22 -10765,1,0,1605,11.8 -10765,2,0,2209,8.6 -10765,3,1,0411,8.2 -10765,4,1,1909,7.1 -10769,1,1,0330,9.1 -10770,1,0,1510,21.75 -10770,2,1,1019,10.06 -10771,1,0,2031,9.9 -10773,1,0,2136,8.1 -10775,1,0,1515,5.1 -10776,1,0,2050,15.49 -10776,2,1,0607,6.04 -10776,3,1,1126,12.07 -10776,4,1,1625,10.02 -10777,1,0,1338,33.1 -10777,2,0,2359,17.1 -10777,3,1,0430,13.8 -10777,4,2,0345,18.9 -10778,1,0,0130,11 -10781,1,0,1817,6.9 -10783,1,0,2325,14.8 -10783,2,1,0600,9 -10783,3,2,0600,5.9 -10783,4,3,0455,7.5 -10784,1,0,2055,11.1 -10784,2,1,0218,13.7 -10784,3,2,0536,18.1 -10784,4,3,0243,12 -10785,1,0,0144,14.7 -10786,1,0,2239,8.9 -10786,2,1,0945,4.6 -10787,1,0,2250,8.4 -10789,1,0,1006,9.9 -10790,1,0,2120,14.9 -10790,2,1,0330,11.6 -10790,3,2,0155,12.2 -10790,4,2,1740,13.4 -10791,1,0,2030,7.6 -10792,1,0,2216,16.2 -10793,1,0,1235,4.7 -10793,2,0,1339,8.5 -10794,1,0,1702,13.6 -10795,1,0,1629,14.2 -10795,2,1,0903,7.3 -10796,1,0,1525,9.5 -10798,1,0,1245,29.6 -10799,1,0,1652,8.62 -10801,1,0,1813,7.2 -10802,1,0,1453,8.2 -10803,1,0,2143,6.7 -10804,1,0,1717,12.6 -10805,1,0,1420,6.2 -10805,2,1,0935,4.6 -10810,1,0,2251,19.8 -10811,1,0,2102,6.4 -10811,2,1,0425,9.5 -10813,1,0,1620,15.6 -10813,2,0,2146,16.2 -10813,3,1,0330,11.9 -10815,1,0,2048,11 -10816,1,0,0857,11.2 -10818,1,0,1818,10.6 -10822,1,0,2010,26.9 -10822,2,0,2110,19.8 -10822,3,0,2315,19.5 -10822,4,1,0500,10 -10823,1,0,1504,11.6 -10825,1,0,1622,14.98 -10826,1,0,2027,7.49 -10828,1,0,1855,12.9 -10830,1,0,1919,6.2 -10831,1,2,0400,9.6 -10832,1,0,1850,6.7 -10833,1,1,0040,17.2 -10833,2,1,0852,9.9 -10835,1,0,2042,16.3 -10835,2,1,0210,11.9 -10835,3,1,0604,9.7 -10835,4,1,1328,8 -10835,5,3,0934,5.1 -10838,1,0,1900,10.7 -10839,1,1,0008,9.05 -10839,2,1,0849,10.91 -10841,1,0,1620,14.3 -10841,2,0,1745,18.8 -10841,3,0,1948,17.1 -10841,4,1,0100,13.6 -10843,1,0,1702,11.2 -10844,1,0,1925,9.3 -10844,2,0,2050,10.5 -10844,3,0,2305,11.1 -10844,4,1,0415,8.7 -10845,1,0,2253,11.3 -10847,1,0,1958,8.9 -10850,1,0,2235,13.9 -10850,2,1,0001,12.1 -10850,3,1,0300,12.5 -10853,1,0,2027,25.3 -10853,2,1,0530,19.1 -10853,3,1,2000,14.5 -10853,4,2,0625,13.6 -10854,1,0,2215,13.6 -10855,1,0,2031,14 -10855,2,1,0700,9.2 -10856,1,0,1800,12.8 -10856,2,0,1930,24.1 -10856,3,1,0230,13.9 -10856,4,1,0805,8.9 -10857,1,0,2040,6.4 -10858,1,0,1921,9.8 -10859,1,0,0902,11.7 -10859,2,0,1026,16.8 -10859,3,0,1444,11.7 -10859,4,0,2045,10.3 -10860,1,0,1719,3.7 -10861,1,0,2301,6.5 -10861,2,3,0600,5.9 -10864,1,0,1324,16.6 -10866,1,0,1941,10.1 -10866,2,0,2114,11 -10866,3,0,2244,10 -10867,1,0,2024,14.1 -10870,1,1,0100,14.2 -10871,1,0,2205,13.8 -10871,2,1,0525,11.2 -10872,1,0,1615,18 -10872,2,0,2139,12.5 -10872,3,1,0925,6.8 -10876,1,0,1945,10.3 -10876,2,0,2135,12.8 -10876,3,1,0125,10 -10877,1,0,1743,24.6 -10877,2,1,0213,11.9 -10877,3,1,1025,11.8 -10878,1,0,1835,14.7 -10879,1,0,1849,11.5 -10880,1,0,0846,5.4 -10881,1,0,1815,23.4 -10881,2,0,1945,18.7 -10881,3,0,2108,19.8 -10881,4,1,0230,15.4 -10884,1,0,1355,5.9 -10884,2,0,1830,11.1 -10885,1,0,1132,5.7 -10887,1,0,1749,4.7 -10887,2,1,0258,8.2 -10888,1,0,2222,15.05 -10892,1,0,1645,15.7 -10892,2,1,0611,13.8 -10893,1,0,1722,10.39 -10893,2,0,2330,8.14 -10893,3,1,0600,8.37 -10893,4,1,1056,7.81 -10896,1,0,0940,7.9 -10898,1,0,1345,10.2 -10898,2,0,1707,12.1 -10898,3,1,0845,10.5 -10899,1,0,2245,9.9 -10901,1,0,1849,9.5 -10902,1,0,1957,6.9 -10902,2,0,2103,7.1 -10902,3,0,2355,6.7 -10902,4,1,0545,5.6 -10903,1,0,0520,34.3 -10904,1,0,1618,14.9 -10905,1,0,1720,12.7 -10905,2,0,1830,13.7 -10905,3,0,2014,17.4 -10906,1,0,1938,7.9 -10909,1,0,1255,13.5 -10910,1,0,2357,9.7 -10911,1,0,1450,9.5 -10912,1,0,2359,10.8 -10913,1,0,1814,8.1 -10914,1,0,2320,13.13 -10915,1,1,0048,11.9 -10915,2,1,0159,10.8 -10915,3,1,0414,9.8 -10917,1,0,1230,10.1 -10918,1,0,2145,14.8 -10918,2,1,0140,9.9 -10918,3,1,0810,7.1 -10918,4,1,1600,7.2 -10919,1,0,2216,11.7 -10921,1,0,0845,11.8 -10921,2,0,1030,13.9 -10921,3,0,1430,12.4 -10921,4,0,2040,10 -10922,1,0,1829,9.8 -10925,1,1,0050,6.9 -10927,1,0,1011,8.3 -10927,2,0,1113,8.4 -10927,3,0,1401,8.3 -10927,4,0,2150,4.9 -10929,1,1,0400,16 -10929,2,1,0852,11.7 -10929,3,1,1209,9.9 -10929,4,1,1610,7.6 -10930,1,0,1300,7.6 -10932,1,0,1210,10.2 -10932,2,0,1505,15.9 -10933,1,0,2040,15.2 -10934,1,0,1758,8.22 -10935,1,0,1828,5.8 -10935,2,1,0346,5.1 -10936,1,0,2000,17.4 -10937,1,0,2104,13.7 -10937,2,1,0659,12.1 -10937,3,1,1827,14.8 -10937,4,2,0515,11.5 -10938,1,0,0457,7.3 -10940,1,0,1853,19.3 -10941,1,0,1205,13.42 -10941,2,0,1736,16.85 -10941,3,1,0012,17.39 -10941,4,1,0545,16.98 -10942,1,0,1740,10.2 -10942,2,0,1830,11.9 -10942,3,0,2045,10.4 -10943,1,0,1535,6.9 -10943,2,0,1630,7.5 -10943,3,0,1825,8 -10943,4,1,0055,8.2 -10945,1,0,1715,9.6 -10948,1,0,1406,8.17 -10949,1,0,1843,4.2 -10950,1,0,1705,12.8 -10950,2,1,1240,9.2 -10951,2,0,2330,9.7 -10951,3,1,0405,3.6 -10951,4,1,0820,4.5 -10951,5,2,0430,8.1 -10952,1,0,1637,7.5 -10954,1,0,2259,8.8 -10956,1,0,1938,7.9 -10956,2,0,2034,12.6 -10958,1,0,2114,9.9 -10961,1,0,1651,17.9 -10961,2,0,2041,16.6 -10961,3,1,0528,11.5 -10961,4,2,1257,9.4 -10962,1,1,0450,12.5 -10963,1,0,1246,4.5 -10964,1,0,1826,14 -10964,2,0,2007,13.5 -10964,3,0,2209,13 -10965,1,0,1343,9.1 -10966,1,0,1705,8.4 -10966,2,1,0623,6.7 -10967,1,0,1347,11.5 -10968,1,0,2028,15.71 -10970,1,0,2028,6.5 -10972,1,0,1735,8.8 -10974,1,0,1951,15.1 -10975,1,0,1207,8 -10976,1,0,1538,34 -10979,1,0,2010,10.1 -10981,1,0,2030,11.6 -10982,1,0,1600,5.1 -10983,1,0,1636,14.4 -10985,1,0,1610,13.6 -10986,1,0,2126,13.2 -10989,1,0,1707,5.7 -10990,1,0,2151,8.9 -10991,1,0,1830,38.9 -10991,2,1,0405,13.8 -10991,3,1,1618,9.2 -10991,4,2,0430,7.7 -10992,1,0,0805,13.9 -10993,1,0,2234,10.1 -10996,1,0,2109,12.6 -10996,2,1,0457,11.9 -10996,3,1,1240,10.9 -10997,1,0,1337,9.1 -10999,1,1,0035,10.5 -11000,1,0,1636,10.6 -11001,1,0,2332,7.8 -11003,1,0,1329,9.12 -11004,1,0,1740,14.6 -11004,2,0,2010,11.9 -11005,1,0,1240,14.9 -11006,1,0,1728,8.4 -11007,1,0,2229,15.5 -11007,2,1,0722,12.9 -11008,1,0,1439,12.2 -11010,1,0,1700,8.6 -11010,2,0,1930,9.1 -11014,1,0,1914,10.5 -11015,1,0,1110,18.6 -11016,1,0,1915,12.6 -11017,1,0,1947,6.3 -11018,1,0,0518,13.7 -11018,2,0,0624,15.7 -11018,3,0,0832,15 -11019,1,0,2115,10.4 -11019,2,0,2304,14.6 -11019,3,1,0245,8.8 -11019,4,2,0425,7.2 -11020,1,0,1542,7.2 -11020,2,1,0708,10.4 -11021,1,2,0800,8.4 -11022,1,0,1430,10.7 -11023,1,0,1906,7.4 -11023,2,1,0430,5.9 -11024,1,1,0618,7.7 -11025,2,0,1415,15.1 -11025,3,3,2315,10.9 -11026,1,0,2240,8.3 -11032,1,0,1207,12.1 -11032,2,0,1311,17 -11032,3,0,1514,21.5 -11032,4,1,0030,14.2 -11033,1,0,1431,28 -11034,1,0,1845,10.5 -11034,2,1,0440,10.3 -11034,3,1,1250,9.2 -11034,4,1,2008,8.7 -11036,1,0,1550,10 -11037,1,0,2040,5.5 -11037,2,0,2150,5 -11037,3,1,0005,5.5 -11039,1,0,0834,8.2 -11039,2,1,0540,5.9 -11041,1,0,0037,12.1 -11041,2,0,0641,7.5 -11041,3,0,1038,5.3 -11042,1,1,0027,12.2 -11043,1,0,1418,4.8 -11044,1,1,0037,12.5 -11046,1,0,1625,12.7 -11047,1,0,1940,9.7 -11047,2,0,2040,9.9 -11047,3,0,2230,12.3 -11049,1,0,0550,15.6 -11049,2,0,0735,19.4 -11049,3,0,1005,11.3 -11049,4,0,1205,11.9 -11055,1,0,2116,6.4 -11056,1,0,1415,8.8 -11057,1,0,2209,7.3 -11058,1,0,1440,12.6 -11058,2,0,2005,12.4 -11058,3,1,0102,5.3 -11058,4,1,0230,8.3 -11059,1,0,1921,20.6 -11060,1,0,2127,6 -11062,1,0,0531,8.8 -11062,2,0,1138,12.3 -11062,3,1,0410,8.8 -11062,4,1,2320,9 -11063,1,0,2320,10.8 -11064,1,0,1640,21.5 -11064,2,0,1746,16.3 -11064,3,0,1802,13.9 -11064,4,1,0020,10.4 -11066,1,0,1045,15.6 -11066,2,0,1220,26.7 -11066,3,0,1340,25.9 -11066,4,0,1605,21.2 -11068,1,0,1712,10.3 -11070,1,0,2310,8.4 -11071,1,0,2113,20.7 -11071,2,1,0550,12.3 -11072,1,0,2001,8.4 -11073,1,0,1837,9.9 -11074,1,0,1745,30.1 -11074,2,0,2029,19.3 -11074,3,1,0425,9.2 -11074,4,1,0928,8.1 -11076,1,0,1905,17 -11076,2,0,2010,16.2 -11076,3,0,2200,12.4 -11076,4,1,0400,10.7 -11081,1,0,1415,8.7 -11083,1,0,1112,8.7 -11083,2,0,1227,9.2 -11084,1,0,2148,11.6 -11086,1,0,2000,12.9 -11087,1,1,0130,20.6 -11087,2,3,1700,16.5 -11089,1,0,1325,8.1 -11089,2,0,2021,9.2 -11089,3,1,0346,8.4 -11089,4,2,0555,8.9 -11090,1,0,1710,7.4 -11090,2,0,1820,7.6 -11090,3,0,2055,10.8 -11092,1,0,0045,17.1 -11092,2,0,0751,17 -11092,3,1,0533,23.2 -11092,4,2,0450,17.1 -11093,1,0,1600,8.9 -11094,1,0,2003,9.6 -11095,1,0,1400,29.7 -11095,2,1,0745,10.9 -11095,3,2,0635,11.2 -11098,1,0,1700,17.9 -11099,1,0,1625,13.8 -11099,2,1,0600,12.6 -11099,3,1,2020,12.8 -11099,4,2,0230,10.2 -11101,1,0,1533,8.3 -11101,2,0,1800,15 -11101,3,1,0450,9 -11102,1,0,1245,4.9 -11104,1,0,1730,5.2 -11105,1,0,1920,9.4 -11105,2,1,0705,5.9 -11106,1,0,1833,20.7 -11107,1,0,1716,7.8 -11108,1,0,1956,7.1 -11109,1,0,1012,17.4 -11109,2,0,1525,14.6 -11109,3,1,0505,8.5 -11109,4,2,0758,6.5 -11110,1,0,2025,23.6 -11111,1,0,1957,17.9 -11111,2,1,0127,16.9 -11111,3,1,1029,11.8 -11111,4,2,0917,9.7 -11114,1,0,0914,7.1 -11115,1,0,2030,11 -11115,2,0,2200,14.2 -11116,1,0,1225,11.3 -11117,1,0,1955,13.9 -11117,2,1,0525,8.7 -11118,1,0,1112,7.1 -11120,1,0,0043,8.7 -11122,1,0,1520,10.9 -11122,2,1,0744,8.6 -11123,1,0,1651,17.9 -11123,2,0,2128,17 -11123,3,1,0656,10.9 -11124,1,0,1622,11.8 -11126,1,0,0938,27.11 -11126,2,1,0608,12.76 -11126,3,2,0941,12.75 -11126,4,4,1616,9.57 -11127,1,0,1130,8.1 -11129,1,0,1613,6.3 -11129,2,0,1725,7.2 -11129,3,0,1903,7.8 -11132,1,2,1155,12.1 -11134,1,0,1536,12.1 -11135,1,0,1550,4.9 -11135,2,1,0705,5.1 -11137,1,6,1450,9.6 -11138,1,0,2332,9.1 -11140,1,0,1857,11.9 -11140,2,1,1000,9 -11142,1,0,1935,22.2 -11142,2,1,0422,11 -11142,3,1,1615,8.7 -11144,1,0,1945,14.3 -11144,2,0,2058,23.9 -11144,3,0,2243,23.9 -11144,4,1,0445,15.8 -11146,1,0,1812,11.3 -11147,1,0,1918,9.8 -11148,1,0,1454,13.5 -11150,1,0,1600,16.3 -11150,2,0,1705,19.5 -11150,3,0,1900,21.8 -11150,4,0,2315,14.7 -11152,1,2,0540,12.5 -11153,1,1,0415,12.5 -11155,1,0,1736,8.7 -11156,1,0,1658,6.8 -11156,2,1,0650,6 -11157,1,0,1740,9.7 -11157,2,1,0516,8.9 -11158,1,0,1445,8.3 -11160,1,0,2053,11.5 -11161,1,1,0013,5.5 -11163,1,0,2100,7.5 -11163,2,1,0622,8.1 -11163,3,1,1515,11.4 -11163,4,2,0322,12.7 -11164,1,-1,2321,13.6 -11166,1,0,0335,9.3 -11166,2,0,0520,12.6 -11166,3,0,0935,13.6 -11166,4,0,1830,13.1 -11167,1,0,1109,20 -11167,2,0,1340,20.5 -11167,3,0,1830,17 -11167,4,0,2300,14.8 -11172,1,0,0310,14.1 -11172,2,0,0622,11.2 -11173,1,0,1915,17.5 -11173,2,0,2105,28.7 -11173,3,0,2255,22.5 -11173,4,1,0430,24.8 -11175,1,0,1927,4.8 -11176,1,0,2321,7.5 -11176,2,1,0035,6.3 -11176,3,1,0520,6.5 -11176,4,1,0955,5.7 -11178,1,0,2156,14.1 -11179,1,0,1901,11 -11179,2,0,2112,14.7 -11182,1,0,1734,6.6 -11183,1,0,0744,7.4 -11184,1,0,2125,7.7 -11186,1,0,0315,5.8 -11186,2,0,0615,11.1 -11187,1,0,1842,11.2 -11192,1,0,1250,18.7 -11192,2,0,1425,16.1 -11192,3,0,1740,13.1 -11192,4,0,2200,8.1 -11193,1,0,1505,8.8 -11197,1,0,1544,13 -11198,1,0,1852,13 -11198,2,1,0440,9.8 -11199,1,2,0720,8.5 -11200,1,0,1850,10.4 -11200,2,0,2100,8.2 -11200,3,1,0345,6.4 -11200,4,1,1040,4.7 -11201,1,0,1930,9.3 -11201,2,0,2055,16.7 -11201,3,0,2110,16.8 -11201,4,1,0345,14.8 -11202,1,0,2020,9 -11202,2,1,0635,4.2 -11205,1,0,1420,39.1 -11205,2,0,2000,32.1 -11205,3,1,0220,30 -11205,4,1,1200,32.6 -11206,1,0,2315,14.9 -11206,2,1,1220,11.5 -11207,1,0,0938,15.1 -11207,2,1,0430,12.8 -11207,3,3,1710,5.7 -11209,1,0,1734,19.2 -11210,1,0,2104,13.2 -11211,1,0,1938,9.1 -11212,1,0,1410,7.9 -11213,1,1,0550,13.9 -11213,2,1,1505,10.7 -11214,1,0,1642,11.8 -11214,2,0,0845,11.9 -11214,3,0,1454,9.2 -11214,4,2,1410,7.5 -11215,1,0,1716,19.25 -11215,2,1,1014,13.41 -11215,3,2,1238,10.61 -11217,1,0,1834,13.6 -11222,1,0,2126,13.7 -11222,2,2,0550,8.8 -11223,1,0,1701,8.8 -11225,1,0,1235,8.3 -11226,1,0,1913,6.3 -11226,2,1,1126,4.4 -11227,1,0,2130,9.1 -11228,1,0,2153,8 -11228,2,0,2332,10 -11228,3,1,0213,8.4 -11228,4,1,0520,6.9 -11229,1,0,2042,14 -11231,1,0,2118,15.4 -11234,1,0,2025,9.2 -11235,1,0,1555,13.8 -11236,1,0,1706,21.14 -11236,2,0,2355,13.98 -11236,3,2,1040,11.86 -11236,4,2,1140,11.33 -11236,5,2,1418,10.38 -11236,6,3,0850,9.13 -11236,7,4,1130,9.05 -11237,1,0,2015,5.3 -11239,1,0,1533,5.6 -11242,1,0,1658,12 -11242,2,1,0725,8.4 -11242,3,2,0820,8.7 -11242,4,6,0615,5.7 -11243,1,0,1822,7.5 -11244,1,0,1722,7.8 -11244,2,1,0745,5.2 -11245,1,1,0200,18.4 -11247,1,0,1803,17 -11247,2,0,1925,20.9 -11247,3,0,2020,18.1 -11247,4,0,2149,14.6 -11248,1,0,0930,23.21 -11248,2,1,0655,10.33 -11248,3,2,0740,10.13 -11248,4,3,0705,7.5 -11249,1,1,0058,10.2 -11250,1,0,1930,12 -11252,1,0,1651,11.2 -11253,1,0,2233,10.9 -11255,1,0,2015,16.2 -11256,1,1,0225,13.9 -11257,1,0,2125,12.1 -11257,2,0,2225,11.8 -11258,1,0,0140,9.1 -11258,2,0,0315,9.4 -11258,3,0,0835,7.5 -11258,4,0,1410,6.3 -11260,1,0,1434,6.2 -11261,1,0,1000,10.3 -11261,2,1,0706,9.1 -11262,1,0,1243,3.1 -11263,1,0,1645,15.3 -11264,1,0,1940,9.6 -11264,2,0,2240,9.3 -11264,3,1,0410,6.9 -11265,1,0,2035,10.6 -11265,2,1,0510,6.9 -11266,1,0,2217,9.64 -11268,1,0,1504,14.9 -11268,2,0,2220,14.5 -11268,3,1,0735,10.1 -11272,1,0,1644,17.2 -11273,1,0,1633,7.2 -11274,1,0,2010,5.3 -11274,2,0,2120,8.1 -11275,1,0,0334,5.9 -11275,2,0,0600,9.1 -11275,3,0,1035,9.5 -11275,4,0,1700,8.4 -11276,1,0,2213,9.4 -11277,1,0,1714,6.3 -11278,1,0,1430,12.9 -11278,2,0,2118,7.1 -11278,3,1,0600,6 -11279,1,0,1607,9.2 -11280,1,0,1744,9.6 -11281,1,0,1605,9.7 -11282,1,0,1339,11.2 -11282,2,0,1523,14 -11283,1,0,2320,7.1 -11284,1,0,2114,8.9 -11286,1,0,2040,11.4 -11286,2,1,0530,7.3 -11286,3,2,0355,5.5 -11288,1,0,1635,10.2 -11288,2,1,0605,9.1 -11288,3,1,1110,5.9 -11289,1,0,1554,8.3 -11291,1,0,2217,9.9 -11294,1,0,1931,6.1 -11295,1,1,0005,9.4 -11295,2,1,0620,17.2 -11295,3,4,0452,8.8 -11296,1,0,0115,18.8 -11297,1,0,2234,29.1 -11298,1,0,2208,12.3 -11298,2,1,0635,13.3 -11300,1,0,1902,9 -11302,1,0,0509,11.8 -11304,1,0,1728,23.9 -11304,2,1,0650,14.6 -11305,1,0,1934,7.9 -11306,1,0,1916,12.1 -11307,1,0,1754,27 -11308,1,0,1950,13.7 -11308,2,0,2245,14.3 -11308,3,0,2345,15.2 -11308,4,1,0053,13.3 -11310,1,0,2003,11 -11311,1,0,1940,9.4 -11312,1,0,2301,11.61 -11313,1,0,0330,12.8 -11314,1,0,0534,23.6 -11314,2,0,0631,22.5 -11314,3,0,0851,21.1 -11316,1,0,2228,11.1 -11317,1,0,1035,6.4 -11317,2,0,1135,5.7 -11317,3,0,1225,7.1 -11318,1,0,2246,9.7 -11320,1,0,2240,12.9 -11320,2,1,0601,9.1 -11320,3,1,1258,6.1 -11320,4,1,1846,8.4 -11321,1,0,2018,25.39 -11321,2,1,0514,16.7 -11321,3,1,2200,10.01 -11321,4,2,0600,11.21 -11324,1,0,1430,7.5 -11324,2,0,1544,9 -11324,3,0,1733,12.6 -11326,1,0,1848,12.7 -11326,2,0,2030,13.1 -11327,1,0,1801,8.1 -11328,1,0,2220,9.6 -11329,1,0,1543,7.2 -11331,1,0,2114,18.3 -11331,2,1,0410,15.4 -11332,1,0,2144,11.3 -11334,1,0,2053,17.5 -11334,2,0,2159,19.5 -11334,3,0,2324,14.4 -11334,4,1,0650,10.3 -11336,1,0,1633,18.3 -11336,2,0,2129,15.1 -11336,3,1,0600,9.5 -11336,4,1,2220,11.5 -11336,5,2,0410,10.1 -11336,6,3,0420,7.1 -11337,1,0,2240,4.5 -11337,2,1,0027,3.1 -11337,3,1,0950,7.4 -11337,4,2,0355,9.4 -11338,1,0,1700,24.6 -11338,2,1,0035,10.8 -11338,3,1,0713,9.4 -11339,1,0,0022,8.5 -11340,1,0,1713,7.9 -11340,2,0,1800,8.3 -11340,3,0,2010,8.6 -11341,1,0,1850,10.8 -11343,1,0,1713,9.8 -11346,1,0,2305,6.5 -11347,1,0,1921,8.6 -11348,1,0,2030,7.6 -11348,2,0,2200,9.3 -11348,3,0,2325,9.6 -11348,4,1,0445,11.8 -11349,1,1,0006,7.9 -11351,1,0,1910,4.8 -11352,1,0,1616,11.05 -11352,2,1,0633,8.1 -11352,3,1,1645,9.6 -11354,1,0,1832,14.7 -11355,1,0,1437,6.37 -11359,1,0,2115,11.2 -11360,1,0,1330,14.7 -11361,1,0,1639,10.6 -11362,1,0,2328,10.17 -11363,1,0,1704,14.8 -11364,1,0,2330,9.3 -11365,1,0,1543,6.5 -11367,1,0,1717,7.4 -11368,1,0,1540,12.3 -11369,1,0,1758,9.5 -11370,1,0,1307,8.29 -11371,1,0,1817,11 -11375,1,0,0115,5.4 -11376,1,0,1429,8.9 -11376,2,1,0919,5.7 -11378,1,0,2225,13.6 -11379,1,1,1045,5.2 -11381,1,0,1340,13 -11382,1,0,1806,11.64 -11384,1,0,2145,9.2 -11385,1,0,1540,10.2 -11386,1,0,1018,10.3 -11387,1,0,1515,8.2 -11387,2,1,0546,9.2 -11387,3,2,0430,7.1 -11387,4,3,0430,6.2 -11389,1,0,2127,14.6 -11389,2,2,0430,10.8 -11389,3,3,0430,6.9 -11391,1,0,2014,8.8 -11392,1,0,1753,31.31 -11392,2,1,0625,16.46 -11393,1,0,2230,8.7 -11395,1,0,1232,6.8 -11396,1,0,1330,16.2 -11397,1,0,1417,22.6 -11397,2,0,1540,14.1 -11397,3,0,2210,10 -11397,4,1,0420,7.7 -11400,1,0,1218,2.9 -11400,2,0,1413,7.6 -11401,1,0,1757,11.3 -11401,2,0,1915,20.6 -11401,3,0,2204,21.1 -11401,4,1,0440,15 -11402,1,0,1325,6.8 -11402,2,1,0015,7.59 -11402,3,1,0544,7.01 -11403,1,0,1353,3.9 -11406,1,0,1355,13 -11406,2,0,1455,11.5 -11406,3,0,1720,12.6 -11407,1,0,1208,10.7 -11408,1,0,2032,15.9 -11408,2,1,0646,7.9 -11408,3,2,0515,5 -11408,4,3,0656,4.3 -11410,1,0,1807,36.5 -11410,2,0,2150,28.1 -11410,3,1,0920,29.5 -11410,4,1,1150,29.7 -11411,1,0,1150,8.6 -11411,2,2,0010,12.5 -11411,3,3,1350,4 -11412,1,0,1145,9.4 -11412,2,1,0514,8.9 -11412,3,2,0645,10.5 -11413,1,0,1545,13.5 -11414,1,0,1015,6.64 -11415,1,0,2029,14.4 -11416,1,0,2120,7.8 -11419,1,0,0534,7.5 -11420,1,0,1631,9.53 -11421,1,0,2325,9.2 -11422,1,0,2135,5.1 -11424,1,0,1730,8.8 -11424,2,0,2315,10.5 -11424,3,1,0530,9.9 -11424,4,1,1315,6.6 -11425,1,0,1657,14 -11425,2,0,1955,12.3 -11425,3,1,0400,8.3 -11425,4,1,1130,7.3 -11426,1,0,0704,15.5 -11426,2,1,0723,7.3 -11427,1,0,2253,7.7 -11427,2,1,1011,8.4 -11427,3,2,0709,7.8 -11427,4,3,0643,7.2 -11428,1,0,1701,12.5 -11431,1,0,2122,21.2 -11432,1,0,1840,9.5 -11432,2,0,2100,12.4 -11432,3,1,0030,11.4 -11432,4,1,0445,8.8 -11435,1,0,1820,8.9 -11435,2,0,2050,12.8 -11436,1,0,2000,15.7 -11437,1,1,0235,10.1 -11437,2,1,0430,9.2 -11439,1,0,1847,11.74 -11440,1,0,2144,15.5 -11440,2,1,0500,19.2 -11440,3,1,1200,16 -11442,1,0,1740,12.1 -11443,1,0,0924,5.9 -11445,1,0,0200,9.6 -11445,2,0,0344,13.2 -11446,1,0,1808,8.8 -11447,1,0,0052,20.2 -11447,2,1,0430,6.3 -11448,1,0,1834,7.8 -11449,1,0,1854,7.9 -11449,2,0,2100,13.5 -11449,3,0,2215,15.5 -11450,1,0,2010,17.3 -11452,1,0,1707,12 -11453,1,0,1411,18.1 -11454,2,1,0005,27.5 -11454,3,1,0237,13.9 -11454,4,2,2130,9 -11455,1,0,1149,7.4 -11457,1,0,1641,8.6 -11458,1,0,1825,11.4 -11460,1,0,1759,9.1 -11460,2,1,0413,12.3 -11461,1,0,1551,6.3 -11462,1,0,1935,8.6 -11462,2,0,2115,7.9 -11464,1,0,2110,17.9 -11464,2,1,2227,7.6 -11464,3,3,2026,10.4 -11465,1,0,2134,8.5 -11466,1,0,1719,9.9 -11467,1,0,1440,6.1 -11467,2,0,1550,5.6 -11468,1,0,2131,12.5 -11468,2,0,2303,9.8 -11468,3,0,2353,10.7 -11469,1,0,1833,13.7 -11470,1,0,1655,6.1 -11470,2,0,1818,9.9 -11470,3,0,2015,10.8 -11472,1,0,1747,19.2 -11472,2,1,0829,20.7 -11472,3,1,1413,18.7 -11472,4,1,1958,16.9 -11474,1,0,1517,12.6 -11475,1,0,0140,11.6 -11475,2,0,0815,9.4 -11475,3,0,2000,10.3 -11475,4,1,0420,9.7 -11477,1,0,1703,19.8 -11478,1,0,1555,13.6 -11478,2,0,1705,17.1 -11478,3,0,1845,13.4 -11481,1,0,1340,16.1 -11481,2,0,1525,21 -11481,3,0,1627,14.6 -11482,1,0,2240,5.5 -11482,2,1,0050,4.9 -11482,3,1,0840,5.7 -11483,1,0,2053,8 -11484,1,0,0449,14.78 -11485,1,0,2204,7.6 -11486,1,0,2018,6.7 -11489,1,0,0300,12.7 -11490,1,0,1925,15.5 -11490,2,1,0005,8.1 -11490,3,1,0430,7.2 -11491,1,0,1545,3.1 -11491,2,0,1710,3.8 -11492,1,0,1441,16.9 -11492,2,0,2035,11.2 -11492,3,1,0600,9.2 -11493,1,1,0313,26.4 -11494,1,0,1240,19.09 -11496,1,0,2142,9.8 -11497,1,0,1845,27.6 -11497,2,1,0415,18.8 -11497,3,2,0425,7.6 -11498,1,0,1538,5.6 -11499,1,0,1506,6.93 -11500,1,0,1929,20 -11500,2,0,2338,9.3 -11500,3,1,0400,8.9 -11500,4,1,0600,10.3 -11501,1,0,1703,7.81 -11503,1,0,1730,9 -11506,1,0,2037,5.8 -11506,2,1,0610,8.5 -11508,1,0,2137,16.5 -11509,1,0,2105,11.9 -11511,1,0,2250,10.9 -11513,1,0,1830,8.9 -11514,1,0,1900,27.6 -11514,2,1,0039,9.5 -11514,3,1,0305,10.6 -11514,4,1,1645,16 -11515,1,0,2352,9.84 -11515,2,1,0535,5.85 -11516,1,0,0929,17.43 -11516,2,0,2038,11.73 -11519,1,0,1736,9.9 -11520,1,0,1306,13.5 -11522,1,0,1744,3.4 -11522,2,0,1842,8.8 -11522,3,1,0336,9.6 -11522,4,3,0623,6.2 -11524,1,0,1630,24.6 -11524,2,0,1720,21.1 -11524,3,0,2200,15.6 -11524,4,1,0330,11.1 -11525,1,0,1354,14.1 -11526,1,0,2306,5.6 -11526,2,1,0015,5.3 -11527,1,0,1326,5.4 -11528,1,0,2223,22.59 -11528,2,1,1229,14.2 -11529,1,0,1231,9.3 -11530,1,0,2158,20 -11530,2,2,0617,8.2 -11530,3,3,0445,5.4 -11532,1,0,1631,8.63 -11533,1,0,1736,9.2 -11535,1,0,1844,21.7 -11535,2,1,0034,19.9 -11535,3,1,0530,12.6 -11535,4,4,0615,5.5 -11536,1,0,0834,11.7 -11538,1,0,2217,10.16 -11539,1,0,1152,16.6 -11539,2,0,1555,12 -11540,1,0,1816,14.25 -11541,1,0,1045,10.8 -11542,1,0,1220,18.8 -11542,2,1,0511,11.1 -11543,1,0,1808,16.1 -11545,1,0,1529,7.5 -11548,1,0,1350,9.1 -11549,1,0,2300,7.5 -11549,2,1,0759,11.2 -11550,1,2,0540,9 -11551,1,0,1831,15.69 -11552,1,1,2145,15.1 -11552,2,0,2217,16 -11552,3,1,0037,13.8 -11552,4,1,0550,11.4 -11553,1,0,1725,19.61 -11553,2,2,0754,7.38 -11553,3,3,0650,7.95 -11553,4,5,0842,7.54 -11554,1,0,1446,8 -11554,2,1,0545,8.6 -11554,3,2,0710,7.9 -11555,1,0,2344,8.2 -11557,1,0,1639,12.2 -11559,1,0,1615,24.11 -11559,2,1,0650,10.57 -11559,3,1,1206,13.8 -11559,4,2,0645,9.79 -11560,1,0,2228,11.23 -11560,2,1,0341,13.81 -11561,1,0,2038,17.7 -11562,1,0,1745,14.4 -11564,1,0,1445,18.7 -11565,1,0,2209,10.54 -11566,1,0,1624,8.3 -11567,1,0,2052,12.6 -11570,1,0,2319,24 -11570,2,1,0818,14.3 -11572,1,0,1300,5.9 -11572,2,0,1425,9.2 -11572,3,0,1615,10.2 -11572,4,0,2150,7.6 -11574,1,0,1730,40.4 -11574,2,4,1106,20 -11574,3,4,1625,19.4 -11574,4,5,0907,16.3 -11576,1,0,1750,5.7 -11578,1,0,2313,14.7 -11579,1,0,1503,12.4 -11580,1,0,0233,23.6 -11580,2,1,0613,12.7 -11580,3,4,0934,10.7 -11581,1,0,1442,14.4 -11582,1,0,1909,8.74 -11587,1,0,1150,6.7 -11589,1,0,1600,10.3 -11590,1,0,1831,8.3 -11590,2,1,0500,9.9 -11594,1,0,1542,3.2 -11594,2,1,0623,3.2 -11597,1,0,2329,15.2 -11597,2,1,0550,12.1 -11599,1,0,0347,9 -11599,2,2,0820,5.9 -11600,1,0,2042,7.6 -11600,2,0,2308,13.4 -11600,3,1,0452,10 -11601,1,0,1845,9.7 -11602,1,0,0330,15.3 -11603,1,0,1450,14.6 -11603,2,1,0430,15.1 -11603,3,2,0430,15.5 -11604,1,0,0811,8.8 -11607,1,0,2031,15.7 -11607,2,1,0755,12.6 -11607,3,2,0400,7.7 -11608,1,0,1846,19.3 -11609,1,0,1758,12.8 -11611,1,0,0556,6.4 -11612,1,0,1250,9.2 -11613,1,0,1844,7.9 -11614,1,0,2116,29.2 -11616,1,0,0545,12.3 -11616,2,1,0644,15.1 -11617,1,0,2211,34.2 -11617,2,1,0358,12.2 -11618,2,0,2334,16.3 -11619,1,0,0430,8.9 -11621,1,0,2032,7.4 -11621,2,0,2145,6.5 -11621,3,0,2335,8.9 -11621,4,1,0500,6.6 -11623,1,0,2037,9.8 -11624,1,0,1347,6.9 -11625,1,0,1642,12 -11626,1,0,1010,7.2 -11628,1,0,0530,10.1 -11628,2,0,0650,10.2 -11628,3,0,0910,10 -11628,4,1,0225,7.1 -11629,1,0,1700,8.6 -11629,2,0,1835,11.5 -11629,3,1,0540,7.8 -11629,4,1,0840,8 -11630,1,0,1253,8.9 -11630,2,0,1829,10.3 -11630,3,0,2359,8.5 -11632,1,0,2240,12.3 -11633,1,0,2201,16.3 -11634,1,0,1335,18.9 -11634,2,1,0420,13.3 -11636,1,0,1715,10.2 -11637,1,1,0604,9.33 -11638,1,0,1900,15.5 -11638,2,1,0413,9.8 -11638,3,1,0814,11.2 -11638,4,1,1400,9.3 -11641,1,0,1253,5.7 -11643,1,0,2337,12.4 -11643,2,1,0105,12.1 -11643,3,1,0530,12.8 -11643,4,1,1118,9.8 -11643,5,1,1406,8.8 -11643,6,1,1758,7.8 -11643,7,2,0000,7 -11643,8,2,0639,6 -11643,9,2,1237,6.1 -11644,2,0,2050,6.5 -11645,1,0,1652,25.8 -11645,2,0,2021,20.8 -11645,3,1,0027,17.2 -11645,4,1,0414,15.7 -11646,1,0,0913,16 -11648,1,0,1453,15.08 -11648,2,1,0347,10.57 -11649,1,0,2214,7.9 -11650,1,0,1519,9.4 -11652,1,0,1939,10 -11652,2,0,2043,9.8 -11655,1,0,0410,13.8 -11656,1,0,1210,8.1 -11656,2,0,1333,14.7 -11656,3,0,1539,13.7 -11658,1,0,1514,12.6 -11660,1,0,0230,12.2 -11660,2,0,0738,14.1 -11660,3,0,1415,10.3 -11660,4,1,0600,7.3 -11661,1,0,1538,12.2 -11662,1,0,2200,6.3 -11663,1,0,2015,16.3 -11663,2,1,0400,16.6 -11665,1,0,1630,18.9 -11665,2,2,0450,9.7 -11666,1,0,1818,5.7 -11668,1,0,2142,18.2 -11669,1,0,1740,17.2 -11669,2,0,2014,21.1 -11669,3,0,2207,16.5 -11669,4,0,2345,11 -11670,1,0,2300,8.6 -11671,1,0,1615,7.9 -11672,1,0,1850,8.8 -11673,1,0,1745,12.4 -11673,2,0,1845,10.2 -11673,3,0,2115,9.9 -11673,4,1,0400,6.4 -11674,1,0,1622,10.6 -11674,2,0,1702,11.1 -11674,3,0,1820,10.7 -11675,1,0,1147,6.4 -11675,2,0,1850,8.5 -11675,3,1,0118,9.9 -11675,4,1,0700,9.3 -11676,1,0,2207,11 -11676,2,1,0635,11.8 -11679,1,1,0615,8.34 -11679,2,0,0941,17.76 -11681,1,2,0923,5.3 -11682,1,0,2212,24.3 -11682,2,1,0004,23.6 -11682,3,1,1046,12.6 -11682,4,1,1430,12.2 -11684,1,0,1500,11.6 -11684,2,0,1650,16.9 -11684,3,0,1900,13.8 -11684,4,1,0300,9.6 -11685,1,0,1402,7.3 -11686,1,0,0833,9.9 -11686,2,0,0930,12.4 -11686,3,1,0035,11.9 -11686,4,2,0745,5.4 -11688,1,0,0807,7.7 -11689,1,0,1745,11.3 -11690,1,0,1610,17.92 -11692,1,1,0410,11 -11692,2,2,0610,6.2 -11693,1,1,0530,8.4 -11693,2,2,0600,7.4 -11695,1,0,1251,7.7 -11697,1,0,2151,26 -11697,2,1,0318,9.8 -11697,3,2,0614,9 -11697,4,2,2340,6 -11698,1,0,0907,12.31 -11698,2,1,0550,5.81 -11699,1,0,1840,13.2 -11699,2,1,0535,8.9 -11700,1,0,1610,14.9 -11704,1,1,0830,8 -11705,1,0,2038,7.2 -11706,1,0,1646,5.3 -11707,1,0,1720,17.3 -11709,1,0,2025,17.7 -11711,1,1,0013,9.6 -11712,1,1,0021,13.3 -11712,2,1,0600,18.4 -11712,3,1,1254,9.1 -11712,4,1,1732,11.8 -11713,1,0,2230,6.8 -11714,1,0,1720,5.8 -11715,1,0,1830,7.7 -11718,1,0,2331,14 -11720,1,0,2038,8.83 -11722,1,2,0600,7.1 -11723,1,0,2117,8.4 -11730,1,0,1843,14.8 -11731,1,0,1122,15.4 -11732,1,0,0319,8.5 -11733,1,0,1359,3.2 -11734,1,0,2123,13.75 -11735,1,0,1223,10.9 -11736,1,0,1410,10.5 -11736,2,0,1500,14 -11737,1,0,1324,9.7 -11738,1,0,1633,6.5 -11739,1,0,1815,6.3 -11739,2,0,1930,12.1 -11739,3,0,2120,8.3 -11739,4,1,0345,6.2 -11740,1,0,1115,5.5 -11740,2,0,1245,5.8 -11740,3,0,1400,6.1 -11740,4,0,2200,6.8 -11742,1,0,1919,9.5 -11742,2,1,0015,15.9 -11742,3,1,0607,11.2 -11742,4,2,0743,6.3 -11742,5,3,0827,5.3 -11744,1,0,0215,9.1 -11745,1,0,1350,8.8 -11746,1,0,2355,6.2 -11748,1,1,0025,6.9 -11750,1,0,0102,20.8 -11750,2,0,0332,19.5 -11750,3,0,0542,19.3 -11750,4,0,1230,12.7 -11751,1,0,1030,22.3 -11751,2,0,1215,24.1 -11752,1,0,1929,14.4 -11752,2,1,0458,15 -11752,3,2,0400,17.7 -11752,4,3,0410,14.3 -11753,1,0,1918,10.7 -11753,2,1,0415,6.3 -11755,1,0,0817,6.2 -11756,1,0,2230,9.8 -11757,1,0,1600,6.7 -11759,1,0,2009,7.3 -11760,1,0,1623,7.6 -11761,1,1,0100,17.4 -11761,2,1,0210,19.4 -11761,3,1,0915,13.4 -11761,4,1,2015,11.1 -11762,1,0,1508,8.4 -11763,1,0,1215,10.6 -11764,1,0,1808,5.4 -11764,2,0,1933,6.2 -11764,3,1,0225,6.4 -11764,4,1,0815,5.4 -11765,1,0,2300,12.6 -11765,2,1,0615,13 -11766,1,0,1920,6.3 -11768,1,1,0615,8.6 -11770,1,0,2315,10.4 -11771,1,0,1703,10.3 -11772,1,0,1500,12.6 -11772,2,1,0440,8.2 -11775,1,0,0158,15.5 -11775,2,0,0613,15.8 -11775,3,0,1356,12.9 -11775,4,0,2040,9.3 -11776,1,0,0943,16.7 -11777,1,0,1105,9.8 -11778,1,0,2203,6.3 -11781,1,0,2305,22.7 -11781,2,1,0110,22.4 -11781,3,1,0305,18.6 -11781,4,1,1730,7.4 -11782,1,0,1914,4.1 -11782,2,0,2041,4.2 -11782,3,0,2250,5.2 -11782,4,1,0620,4 -11783,1,0,1905,2.5 -11783,2,0,2010,2.2 -11783,3,1,0020,2.7 -11783,4,1,0620,2.1 -11784,1,1,0925,10.2 -11785,1,0,1708,22.7 -11785,2,1,0340,15.3 -11785,3,1,1649,9.9 -11785,4,2,0430,7.4 -11786,1,0,1540,7.9 -11788,1,0,1421,9 -11788,2,0,1505,13.1 -11790,1,0,1936,19.5 -11790,2,1,0400,13.4 -11790,3,1,1214,10.4 -11790,4,2,0530,8.2 -11791,1,0,2213,13.11 -11791,2,1,0500,11.41 -11791,3,4,0002,5.15 -11794,1,0,2315,10.5 -11795,1,0,2336,7.7 -11796,1,0,2055,17.1 -11798,1,0,2054,12.4 -11799,1,0,1558,8.7 -11799,2,0,1755,9.7 -11799,3,1,0020,7.6 -11799,4,1,0545,6.7 -11800,1,0,1335,4 -11800,2,0,1536,5 -11800,3,0,1703,5.7 -11802,1,0,1930,26.8 -11802,2,0,2045,23.8 -11802,3,0,2310,21.1 -11804,1,0,1300,26.6 -11804,2,0,1510,23.1 -11804,3,0,1935,12.7 -11804,4,1,0030,11.2 -11805,1,0,0935,8.9 -11808,1,0,1912,7.8 -11809,1,0,0840,5.79 -11810,1,1,0010,12.4 -11811,1,0,1930,8.4 -11812,1,0,1625,4.4 -11814,1,0,1939,8.5 -11814,2,1,0600,4.9 -11814,3,2,0400,2.5 -11814,4,2,0620,3 -11816,1,0,1700,18.6 -11816,2,0,1750,13.2 -11817,1,0,1925,10.5 -11817,2,2,0410,8.3 -11819,1,0,1749,10.2 -11820,1,0,1936,18.3 -11820,2,1,0459,12.3 -11821,1,0,1442,35.1 -11821,2,0,1615,36.8 -11821,3,1,0500,18.1 -11821,4,3,0400,15.5 -11822,1,0,1950,6.9 -11823,1,0,2335,16.8 -11825,1,0,1850,5.3 -11826,1,0,1850,11.7 -11826,2,1,0920,5.5 -11826,3,1,1615,6.2 -11828,1,0,1642,8.2 -11831,1,0,1920,10.1 -11832,1,0,2231,16.22 -11833,1,1,0002,10.6 -11834,1,0,1755,7.7 -11836,1,0,2215,21.6 -11837,1,0,1227,13.6 -11837,2,0,1312,21.3 -11837,3,0,2205,16.4 -11839,1,0,1650,6.5 -11839,2,0,1800,8.1 -11839,3,1,0920,4.2 -11841,1,0,1800,8.1 -11841,2,0,2211,5.5 -11841,3,1,0210,5.8 -11841,4,1,0445,6.7 -11844,1,0,1354,6.1 -11846,1,0,0215,16.31 -11847,1,0,2357,8.6 -11847,2,1,0059,12.9 -11847,3,1,0220,12.7 -11849,1,0,2120,5.6 -11850,1,0,2238,11.7 -11850,2,1,0600,13.9 -11850,3,1,2000,12.1 -11850,4,2,0415,10.4 -11852,1,0,2321,16.3 -11852,2,1,0643,9.4 -11853,1,0,1740,9 -11853,2,0,2005,8.9 -11853,3,1,0825,6.6 -11853,4,2,2310,6.9 -11854,1,0,0947,4.3 -11855,1,0,1842,11.3 -11855,2,1,0308,12.1 -11856,1,0,2011,18.1 -11856,2,1,0630,9.9 -11856,3,2,0920,11.3 -11857,1,0,2218,29.4 -11857,2,1,0324,33.4 -11857,3,1,0731,33.4 -11857,4,1,1150,25.2 -11858,1,0,2050,11.9 -11858,2,0,2240,16.7 -11858,3,1,0010,13.6 -11858,4,1,0530,9.4 -11859,1,0,1925,16.9 -11859,2,0,2040,18.9 -11859,3,0,2255,17.4 -11859,4,1,1100,11.6 -11861,1,0,1548,7.7 -11865,1,0,1910,11.1 -11865,2,0,2015,20.3 -11865,3,0,2210,13.3 -11865,4,1,0500,17.5 -11868,1,0,0542,10.4 -11869,1,0,0920,8.91 -11870,1,0,1550,10 -11871,1,0,1915,13.8 -11872,1,0,1945,8.1 -11872,2,0,2056,9.4 -11872,3,0,2250,10.9 -11872,4,1,0645,6.7 -11873,1,0,1545,8 -11876,1,1,0404,11.5 -11876,2,1,0835,10.2 -11876,3,2,0505,9.5 -11876,4,4,0745,10 -11877,1,0,2146,16.6 -11877,2,1,0658,17.5 -11878,1,0,1400,31.2 -11878,2,1,0349,11 -11878,3,1,1629,10.1 -11879,1,0,2009,13 -11881,1,0,1440,11.6 -11882,1,1,0500,11.4 -11883,1,0,1728,7.09 -11884,1,0,2301,10 -11886,1,0,1855,5.3 -11887,1,0,2115,14.2 -11888,1,0,1608,22.8 -11888,2,0,1720,17.7 -11888,3,0,2208,12.2 -11888,4,1,0135,12.5 -11889,1,0,2126,16.96 -11893,1,0,1755,11.6 -11893,2,0,2030,12.5 -11893,3,0,2230,10.7 -11893,4,1,0420,8.6 -11894,1,0,2310,13.1 -11899,1,0,1545,8.1 -11902,1,0,2040,10 -11902,2,0,2216,11.3 -11902,3,1,0025,10.8 -11903,1,0,2139,14.4 -11905,1,0,1804,6.1 -11907,1,0,1530,7.2 -11908,1,0,2150,9.8 -11908,2,0,2310,10.5 -11909,1,0,2225,14.4 -11909,2,1,0425,12.5 -11910,1,0,1800,7.9 -11914,1,0,2025,14.44 -11915,1,0,2010,20.6 -11915,2,0,2049,26.2 -11915,3,0,2259,24.6 -11915,4,1,0400,24.7 -11916,1,1,0010,9.3 -11917,1,0,1510,15 -11918,1,0,0200,29.9 -11918,2,0,0338,26.3 -11918,3,0,0525,20.6 -11918,4,0,0830,5.7 -11919,1,1,0543,12.8 -11919,2,2,0415,5.7 -11919,3,3,0550,7.1 -11920,1,0,1907,12.9 -11922,1,0,1757,8.8 -11923,1,1,1117,10.4 -11927,1,0,1909,6.5 -11929,1,0,2212,6.03 -11932,1,0,1409,7.2 -11936,1,0,1909,14.4 -11937,1,0,1250,10.6 -11937,2,0,1500,14.2 -11937,3,0,1550,14.9 -11937,4,0,2050,17 -11939,1,1,0400,13 -11940,1,0,1219,13.3 -11940,2,1,0545,7.2 -11942,1,0,1624,9.7 -11943,1,0,1824,11.7 -11944,1,0,1759,5.5 -11945,1,0,1510,9.4 -11946,1,0,1816,12.5 -11949,1,0,1846,10.6 -11951,1,0,1607,6 -11952,1,0,2145,7.8 -11953,1,0,1950,8.1 -11954,1,0,0620,11.8 -11955,1,0,1611,17.2 -11957,1,0,1616,13.3 -11958,1,0,1222,15.1 -11959,1,0,1003,8.1 -11960,1,0,2333,9 -11962,1,2,0856,6.33 -11962,2,1,0654,7.61 -11962,3,0,1808,10.91 -11963,1,0,2342,23.4 -11963,2,1,0055,17.6 -11963,3,1,0256,16.2 -11963,4,1,0700,15.4 -11964,1,0,1810,11.1 -11965,1,0,0430,19.4 -11967,1,0,1846,22.6 -11969,1,0,1556,7.7 -11971,1,0,1952,11.3 -11972,1,0,2119,32.3 -11972,2,0,2227,22.9 -11972,3,1,0400,12.1 -11972,4,1,0530,10.6 -11973,1,0,2030,8.1 -11974,1,0,0850,8.03 -11977,1,0,1528,18.4 -11978,1,0,1015,7.2 -11978,2,0,1155,8.2 -11978,3,0,1325,9.2 -11979,1,0,1725,12.5 -11979,2,1,0731,13.3 -11980,1,0,1742,5.69 -11981,1,0,1649,11.8 -11985,1,0,2130,24.8 -11985,2,0,2300,34 -11985,3,1,0110,27.8 -11985,4,1,0530,28.6 -11986,1,0,1422,7.2 -11986,2,0,1729,8.1 -11987,1,0,2150,8.6 -11988,1,0,1452,24.9 -11988,2,0,1700,19.4 -11988,3,0,2100,16.2 -11988,4,1,0405,12.1 -11989,1,0,1645,10.2 -11989,2,1,2120,16.5 -11989,3,2,0350,16.2 -11989,4,2,1230,14.2 -11990,1,0,1858,13.9 -11990,2,1,1035,8.3 -11991,1,0,2157,6.4 -11992,1,0,1540,9.9 -11992,2,1,0845,6 -11994,1,0,1519,8.7 -11994,2,0,1950,10.2 -11994,3,1,0207,7.4 -11994,4,1,0920,6.9 -11995,1,0,1542,10.1 -11996,1,0,2055,11.9 -11996,2,0,2240,10.6 -11998,1,1,0830,8.7 -12003,1,0,1718,8.3 -12003,2,0,2250,9.1 -12004,1,0,2158,8.32 -12005,1,0,0400,22 -12005,2,0,0550,8.5 -12005,3,0,0800,9.2 -12007,1,0,1924,10.1 -12008,1,0,2319,12.1 -12010,1,0,1415,10.5 -12011,1,0,1735,16.6 -12012,1,0,1147,18.23 -12013,1,0,2021,9 -12015,1,0,1724,12.2 -12018,1,0,1655,7.8 -12018,2,0,1815,8.4 -12019,1,0,1315,11.7 -12019,2,0,1450,22.5 -12019,3,0,1900,20.4 -12020,1,0,0940,10.2 -12021,1,0,2030,9.8 -12021,2,0,2135,10.2 -12021,3,0,2330,11.8 -12023,1,0,1543,12.56 -12026,1,0,1847,5.5 -12026,2,2,1318,5.9 -12029,1,0,1548,7.3 -12030,1,0,1932,7.6 -12031,1,0,1003,19.4 -12031,2,1,0619,10.1 -12031,3,4,0645,5.3 -12032,1,0,2133,13.7 -12032,2,1,0620,9.8 -12033,1,0,1213,5.1 -12033,2,0,1558,10.1 -12035,1,0,1848,12.9 -12036,1,0,1620,13.7 -12037,1,0,1439,10.7 -12037,2,0,1538,16.2 -12037,3,0,1900,15.4 -12037,4,1,0140,14.3 -12039,1,1,0215,13.6 -12039,2,4,0050,7.2 -12040,1,0,2138,6.1 -12043,1,0,1130,7.4 -12044,1,0,1630,11.9 -12044,2,0,1720,17.3 -12044,3,0,2000,19.9 -12044,4,1,0450,12.8 diff --git a/data/iai_pecarn/raw/form6a.csv b/data/iai_pecarn/raw/form6a.csv deleted file mode 100644 index 0cfdf102..00000000 --- a/data/iai_pecarn/raw/form6a.csv +++ /dev/null @@ -1,12045 +0,0 @@ -subjectid,iaieddisp,ptsubsadmitted,ptreadmitted,DayofDischarge,IAIinED1,DiagPerLavage,DPLAbnormal,Laparoscopy,Laparotomy1,ThoracicInjury,PelvicFracture,NonAbdSurg,DidPtDie,DeathCause,OtherDeathCause -1,5,,2,0,2,2,,2,2,2,2,2,2,, -2,1,2,2,0,2,2,,2,2,2,2,2,2,, -3,4,,2,4,2,2,,2,2,2,2,1,2,, -4,1,2,,0,2,2,,2,2,2,2,2,2,, -5,7,,2,1,2,2,,2,2,2,2,2,2,, -6,4,,2,1,2,2,,2,2,2,2,2,2,, -7,4,,2,4,2,2,,2,2,2,2,1,2,, -8,4,,2,4,2,2,,2,2,1,2,2,2,, -9,1,2,,0,2,2,,2,2,2,2,2,2,, -10,4,,2,1,2,2,,2,2,1,2,2,2,, -11,1,2,,0,2,2,,2,2,2,2,2,2,, -12,5,,2,0,2,2,,2,2,2,2,2,2,, -13,4,,2,2,2,2,,2,2,2,2,1,2,, -14,1,2,,0,2,2,,2,2,2,2,2,2,, -15,1,2,2,0,2,2,,2,2,2,2,2,2,, -16,4,,2,1,2,2,,2,2,2,2,2,2,, -17,4,,2,1,2,2,,2,2,2,2,2,2,, -18,1,2,2,0,2,2,,2,2,2,2,2,2,, -19,1,2,2,0,2,2,,2,2,2,2,2,2,, -20,1,2,2,0,2,2,,2,2,2,2,2,2,, -21,5,,2,1,2,2,,2,2,2,2,2,2,, -22,1,2,2,0,2,2,,2,2,2,2,2,2,, -23,1,2,,0,2,2,,2,2,2,2,2,2,, -24,1,2,2,0,2,2,,2,2,2,2,2,2,, -25,1,2,2,0,2,2,,2,2,2,2,2,2,, -26,1,2,,0,2,2,,2,2,2,2,2,2,, -27,1,2,,0,2,2,,2,2,2,2,2,2,, -28,1,2,2,0,2,2,,2,2,2,2,2,2,, -29,1,2,2,0,2,2,,2,2,2,2,2,2,, -30,1,2,,0,2,2,,2,2,2,2,2,2,, -31,1,2,2,1,2,2,,2,2,2,2,2,2,, -32,4,,2,4,2,2,,2,2,2,2,1,2,, -33,1,1,1,1,2,2,,2,2,1,2,2,2,, -34,4,,2,2,2,2,,2,2,2,2,1,2,, -35,1,2,2,0,2,2,,2,2,2,2,2,2,, -36,1,2,2,0,2,2,,2,2,2,2,2,2,, -37,4,,2,1,2,2,,2,2,2,2,2,2,, -38,1,2,,0,2,2,,2,2,2,2,2,2,, -39,1,2,2,0,2,2,,2,2,2,2,2,2,, -40,7,,2,2,2,2,,2,2,2,2,2,2,, -41,4,,2,2,2,2,,2,2,1,1,2,2,, -42,6,,2,4,2,2,,2,2,2,2,1,2,, -43,1,2,2,0,2,2,,2,2,2,2,2,2,, -44,4,,2,1,2,2,,2,2,2,2,2,2,, -45,4,,2,1,2,2,,2,2,2,2,2,2,, -46,1,2,2,0,2,2,,2,2,2,2,2,2,, -47,4,,2,2,2,2,,2,2,2,2,1,2,, -48,7,,2,1,2,2,,2,2,2,2,2,2,, -49,7,,2,23,1,2,,2,2,1,2,1,2,, -50,7,,2,58,2,2,,2,2,1,2,2,2,, -51,1,2,2,0,2,2,,2,2,2,2,2,2,, -52,1,2,,0,2,2,,2,2,2,2,2,2,, -53,4,,2,3,2,2,,2,2,2,2,2,2,, -54,1,2,2,0,2,2,,2,2,2,2,2,2,, -55,7,,2,5,1,2,,2,2,2,2,2,2,, -56,4,,2,2,1,2,,2,2,2,2,2,2,, -57,6,,2,7,1,2,,2,1,1,2,2,2,, -58,1,2,,0,2,2,,2,2,2,2,2,2,, -59,1,2,2,0,2,2,,2,2,2,2,2,2,, -60,7,,2,14,2,2,,2,2,1,1,2,2,, -61,1,2,,0,2,2,,2,2,2,2,2,2,, -62,7,,2,3,2,2,,2,2,2,2,2,2,, -63,1,1,2,6,2,2,,2,2,2,2,2,2,, -64,1,2,,1,2,2,,2,2,2,2,2,2,, -65,4,,2,4,2,2,,2,2,2,2,1,2,, -66,7,,2,3,2,2,,2,2,2,2,2,2,, -67,7,,2,4,2,2,,2,2,2,2,2,2,, -68,4,,2,1,2,2,,2,2,2,2,2,2,, -69,4,,2,1,2,2,,2,2,2,2,2,2,, -70,7,,2,1,2,2,,2,2,2,2,2,2,, -71,1,2,,1,2,2,,2,2,2,2,2,2,, -72,7,,2,17,2,2,,2,2,2,2,2,2,, -73,1,2,,0,2,2,,2,2,2,2,2,2,, -74,4,,2,2,2,2,,2,2,2,2,2,2,, -75,4,,2,2,1,2,,2,2,2,2,2,2,, -76,7,,2,3,2,2,,2,2,2,2,2,2,, -77,1,2,2,0,2,2,,2,2,2,2,2,2,, -78,5,,2,1,2,2,,2,2,2,2,2,2,, -79,1,2,,0,2,2,,2,2,2,2,2,2,, -80,1,2,,0,2,2,,2,2,2,2,2,2,, -81,4,,2,2,2,2,,2,2,2,2,1,2,, -82,1,2,2,1,2,2,,2,2,2,2,2,2,, -83,1,2,,0,2,2,,2,2,2,2,2,2,, -84,1,2,,1,2,2,,2,2,2,2,2,2,, -85,7,,2,1,1,2,,2,2,1,2,2,1,2, -86,5,,2,1,2,2,,2,2,1,2,2,2,, -87,4,,2,3,2,2,,2,2,2,2,1,2,, -88,4,,2,5,2,2,,2,2,2,2,1,2,, -89,5,,2,1,2,2,,2,2,2,2,2,2,, -90,7,,2,3,1,2,,2,2,2,2,2,2,, -91,1,2,,0,2,2,,2,2,2,2,2,2,, -92,1,2,2,0,2,2,,2,2,2,2,2,2,, -93,1,2,,0,2,2,,2,2,2,2,2,2,, -94,1,2,2,0,2,2,,2,2,2,2,2,2,, -95,5,,2,1,2,2,,2,2,2,2,2,2,, -96,1,2,,1,2,2,,2,2,2,2,2,2,, -97,4,,2,2,2,2,,2,2,2,2,1,2,, -98,1,2,2,0,2,2,,2,2,2,2,2,2,, -99,7,,2,2,2,2,,2,2,2,2,2,2,, -100,1,2,,0,2,2,,2,2,2,2,2,2,, -101,4,,2,5,1,2,,2,2,1,2,2,2,, -102,4,,2,2,2,2,,2,2,2,2,1,2,, -103,4,,2,1,2,2,,2,2,2,2,2,2,, -104,1,2,,0,2,2,,2,2,2,2,2,2,, -105,4,,2,1,2,2,,2,2,2,2,2,2,, -106,1,2,,0,2,2,,2,2,2,2,2,2,, -107,1,2,,0,2,2,,2,2,2,2,2,2,, -108,1,2,2,0,2,2,,2,2,2,2,2,2,, -109,4,,2,4,2,2,,2,2,1,2,2,2,, -110,4,,2,1,2,2,,2,2,2,2,2,2,, -111,7,,2,2,1,2,,2,2,2,2,2,2,, -112,5,,2,1,2,2,,2,2,2,2,2,2,, -113,4,,2,4,2,2,,2,2,2,2,2,2,, -114,1,2,2,0,2,2,,2,2,2,2,2,2,, -115,4,,2,5,1,2,,1,2,2,2,2,2,, -116,4,,2,1,2,2,,2,2,2,2,2,2,, -117,1,2,2,0,2,2,,2,2,2,2,2,2,, -118,4,,2,1,2,2,,2,2,2,2,2,2,, -119,4,,2,4,2,2,,2,2,2,2,1,2,, -120,7,,2,1,2,2,,2,2,2,2,2,2,, -121,1,2,,0,2,2,,2,2,2,2,2,2,, -122,1,2,,0,2,2,,2,2,2,2,2,2,, -123,1,2,2,0,2,2,,2,2,2,2,2,2,, -124,5,,2,1,2,2,,2,2,1,2,2,2,, -125,4,,2,1,2,2,,2,2,2,2,2,2,, -126,1,2,,1,2,2,,2,2,2,2,2,2,, -127,1,2,,0,2,2,,2,2,2,2,2,2,, -128,1,2,,0,2,2,,2,2,2,2,2,2,, -129,1,2,,0,2,2,,2,2,2,2,2,2,, -130,1,2,2,1,2,2,,2,2,2,2,2,2,, -131,4,,2,1,2,2,,2,2,2,2,2,2,, -132,7,,2,11,1,2,,2,2,1,2,2,2,, -133,1,2,,0,2,2,,2,2,2,2,2,2,, -134,7,,2,2,2,2,,2,2,2,2,2,2,, -135,1,2,,1,2,2,,2,2,2,2,2,2,, -136,4,,2,1,2,2,,2,2,2,2,2,2,, -137,1,2,2,0,2,2,,2,2,2,2,2,2,, -138,4,,2,1,2,2,,2,2,2,2,2,2,, -139,1,2,2,0,2,2,,2,2,2,2,2,2,, -140,4,,2,11,1,2,,2,2,1,1,2,2,, -141,1,2,2,1,2,2,,2,2,2,2,2,2,, -142,4,,2,1,2,2,,2,2,2,2,2,2,, -143,5,,2,1,2,2,,2,2,2,2,2,2,, -144,4,,2,1,2,2,,2,2,2,1,2,2,, -145,7,,2,4,1,2,,2,2,1,2,2,2,, -146,5,,2,1,2,2,,2,2,2,2,2,2,, -147,4,,1,4,2,2,,2,2,2,2,2,2,, -148,6,,2,9,1,2,,2,1,2,2,2,2,, -149,1,2,,0,2,2,,2,2,2,2,2,2,, -150,1,2,,0,2,2,,2,2,2,2,2,2,, -151,4,,2,4,1,2,,2,2,1,2,2,2,, -152,4,,2,2,2,2,,2,2,2,2,2,2,, -153,7,,2,2,2,2,,2,2,2,2,2,2,, -154,1,2,,0,2,2,,2,2,2,2,2,2,, -155,7,,2,1,2,2,,2,2,1,2,2,2,, -156,1,2,,0,2,2,,2,2,2,2,2,2,, -157,1,2,2,1,2,2,,2,2,2,2,2,2,, -158,1,2,,0,2,2,,2,2,2,2,2,2,, -159,1,2,,0,2,2,,2,2,2,2,2,2,, -160,1,2,2,0,2,2,,2,2,2,2,2,2,, -161,6,,2,5,2,2,,2,2,2,2,1,2,, -162,1,2,,0,2,2,,2,2,2,2,2,2,, -163,7,,2,1,2,2,,2,2,2,2,2,1,3, -164,1,2,,0,2,2,,2,2,2,2,2,2,, -165,1,2,,1,2,2,,2,2,2,2,2,2,, -166,1,2,,0,2,2,,2,2,2,2,2,2,, -167,1,2,,0,2,2,,2,2,2,2,2,2,, -168,4,,2,1,2,2,,2,2,2,2,2,2,, -169,1,1,2,2,1,2,,2,2,2,2,2,2,, -170,6,,2,8,1,2,,2,1,2,2,2,2,, -171,4,,2,1,2,2,,2,2,2,2,2,2,, -172,1,2,,0,2,2,,2,2,2,2,2,2,, -173,6,,2,44,1,2,,2,1,1,2,1,2,, -174,4,,2,0,2,2,,2,2,2,2,2,2,, -175,1,2,,0,2,2,,2,2,2,2,2,2,, -176,4,,2,2,2,2,,2,2,2,2,2,2,, -177,5,,2,0,2,2,,2,2,2,2,2,2,, -178,4,,2,1,2,2,,2,2,1,2,2,2,, -179,4,,2,1,2,2,,2,2,2,2,2,2,, -180,1,2,,0,2,2,,2,2,2,2,2,2,, -181,4,,2,1,2,2,,2,2,2,2,2,2,, -182,7,,2,4,2,2,,2,2,2,2,2,1,3, -183,6,,2,6,1,2,,2,2,2,1,1,2,, -184,7,,2,9,2,2,,2,2,2,2,2,2,, -185,4,,2,1,2,2,,2,2,2,2,1,2,, -186,7,,2,5,2,2,,2,2,2,2,1,2,, -187,4,,2,1,2,2,,2,2,2,2,2,2,, -188,7,,2,2,2,2,,2,2,2,2,2,2,, -189,1,2,2,0,2,2,,2,2,2,2,2,2,, -190,1,2,,1,2,2,,2,2,2,2,2,2,, -191,1,2,2,1,2,2,,2,2,2,2,2,2,, -192,1,2,,0,2,2,,2,2,2,2,2,2,, -193,7,,2,1,2,2,,2,2,2,2,2,2,, -194,4,,2,8,2,2,,2,2,2,2,1,2,, -195,7,,2,1,2,2,,2,2,2,2,2,2,, -196,1,2,2,0,2,2,,2,2,2,2,2,2,, -197,4,,2,12,2,2,,2,2,2,1,1,2,, -198,7,,2,3,2,2,,2,2,2,2,1,2,, -199,4,,2,1,2,2,,2,2,2,2,2,2,, -200,1,2,2,1,2,2,,2,2,2,2,2,2,, -201,1,2,,0,2,2,,2,2,2,2,2,2,, -202,6,,2,2,2,2,,2,2,2,1,1,2,, -203,1,2,2,0,2,2,,2,2,2,2,2,2,, -204,4,,2,6,1,2,,2,2,2,2,2,2,, -205,1,2,2,0,2,2,,2,2,2,2,2,2,, -206,1,2,,0,2,2,,2,2,2,2,2,2,, -207,1,2,2,0,2,2,,2,2,2,2,2,2,, -208,1,2,2,0,2,2,,2,2,2,2,2,2,, -209,7,,2,2,2,2,,2,2,2,2,2,2,, -210,4,,2,1,2,2,,2,2,2,2,2,2,, -211,4,,2,1,2,2,,2,2,2,2,2,2,, -212,1,2,,0,2,2,,2,2,2,2,2,2,, -213,5,,2,1,2,2,,2,2,2,2,2,2,, -214,4,,2,1,2,2,,2,2,2,2,2,2,, -215,4,,2,5,2,2,,2,2,2,2,2,2,, -216,1,2,2,1,2,2,,2,2,2,2,2,2,, -217,1,2,,0,2,2,,2,2,2,2,2,2,, -218,1,2,2,0,2,2,,2,2,2,2,2,2,, -219,4,,2,2,2,2,,2,2,2,2,2,2,, -220,4,,2,3,2,2,,2,2,2,1,2,2,, -221,1,2,,1,2,2,,2,2,2,2,2,2,, -222,1,2,2,0,2,2,,2,2,2,2,2,2,, -223,1,2,,0,2,2,,2,2,2,2,2,2,, -224,1,2,,0,2,2,,2,2,2,2,2,2,, -225,5,,2,1,2,2,,2,2,2,2,2,2,, -226,1,2,,0,2,2,,2,2,2,2,2,2,, -227,4,,2,1,2,2,,2,2,2,2,2,2,, -228,1,2,,0,2,2,,2,2,2,2,2,2,, -229,1,2,,0,2,2,,2,2,2,2,2,2,, -230,1,2,2,0,2,2,,2,2,2,2,2,2,, -231,1,2,,0,2,2,,2,2,2,2,2,2,, -232,1,2,2,1,2,2,,2,2,2,2,2,2,, -233,1,2,2,0,2,2,,2,2,2,2,2,2,, -234,1,2,,0,2,2,,2,2,2,2,2,2,, -235,7,,2,14,2,2,,2,2,2,2,1,2,, -236,1,2,,0,2,2,,2,2,2,2,2,2,, -237,1,2,2,1,2,2,,2,2,2,2,2,2,, -238,6,,2,0,1,2,,1,2,1,1,2,1,2, -239,4,,2,4,2,2,,2,2,2,2,2,2,, -240,1,2,2,0,2,2,,2,2,2,2,2,2,, -241,1,2,,0,2,2,,2,2,2,2,2,2,, -242,1,2,,0,2,2,,2,2,2,2,2,2,, -243,1,2,,0,2,2,,2,2,2,2,2,2,, -244,7,,2,6,1,2,,2,2,1,1,1,2,, -245,7,,2,1,2,2,,2,2,2,2,2,2,, -246,4,,2,2,2,2,,2,2,2,2,2,2,, -247,1,2,,0,2,2,,2,2,2,2,2,2,, -248,5,,2,1,2,2,,2,2,2,2,2,2,, -249,1,2,,0,2,2,,2,2,2,2,2,2,, -250,5,,2,2,2,2,,2,2,2,2,2,2,, -251,1,2,2,1,2,2,,2,2,2,2,2,2,, -252,1,2,2,0,2,2,,2,2,2,2,2,2,, -253,1,2,,1,2,2,,2,2,2,2,2,2,, -254,1,2,,0,2,2,,2,2,2,2,2,2,, -255,1,2,,1,2,2,,2,2,2,2,2,2,, -256,7,,2,23,2,2,,2,2,1,2,2,2,, -257,4,,2,1,2,2,,2,2,2,2,2,2,, -258,1,2,2,0,2,2,,2,2,2,2,2,2,, -259,7,,2,1,2,2,,2,2,2,2,2,2,, -260,1,2,,0,2,2,,2,2,2,2,2,2,, -261,4,,2,1,2,2,,2,2,2,2,2,2,, -262,1,2,2,0,2,2,,2,2,2,2,2,2,, -263,1,2,2,0,2,2,,2,2,2,2,2,2,, -264,1,2,,0,2,2,,2,2,2,2,2,2,, -265,1,2,2,0,2,2,,2,2,2,2,2,2,, -266,1,2,2,0,2,2,,2,2,2,2,2,2,, -267,1,2,2,0,2,2,,2,2,2,2,2,2,, -268,1,2,2,0,2,2,,2,2,2,2,2,2,, -269,8,,2,1,2,2,,2,2,1,2,2,2,, -270,1,2,2,0,2,2,,2,2,2,2,2,2,, -271,1,2,,0,2,2,,2,2,2,2,2,2,, -272,1,2,2,0,2,2,,2,2,2,2,2,2,, -273,1,2,,0,2,2,,2,2,2,2,2,2,, -274,5,,2,1,2,2,,2,2,2,2,2,2,, -275,4,,2,1,2,2,,2,2,2,1,2,2,, -276,1,2,2,0,2,2,,2,2,2,2,2,2,, -277,1,2,,0,2,2,,2,2,2,2,2,2,, -278,1,2,2,0,2,2,,2,2,2,2,2,2,, -279,1,2,,0,2,2,,2,2,2,2,2,2,, -280,1,2,2,0,2,2,,2,2,2,2,2,2,, -281,1,2,,0,2,2,,2,2,2,2,2,2,, -282,5,,2,1,2,2,,2,2,2,2,2,2,, -283,4,,2,1,2,2,,2,2,2,2,2,2,, -284,1,2,,0,2,2,,2,2,2,2,2,2,, -285,2,2,,0,2,2,,2,2,2,2,2,2,, -286,4,,2,1,2,2,,2,2,2,2,2,2,, -287,4,,2,1,2,2,,2,2,2,2,2,2,, -288,4,,2,4,2,2,,2,2,2,2,1,2,, -289,1,2,,0,2,2,,2,2,2,2,2,2,, -290,4,,2,1,2,2,,2,2,2,2,1,2,, -291,1,2,,1,2,2,,2,2,2,2,2,2,, -292,4,,2,6,2,2,,2,2,2,2,2,2,, -293,6,,2,4,2,2,,2,2,2,2,1,2,, -294,1,2,,0,2,2,,2,2,2,2,2,2,, -295,4,,2,1,2,2,,2,2,2,2,2,2,, -296,7,,2,5,1,2,,2,2,1,1,1,2,, -297,4,,2,5,2,2,,2,2,2,2,1,2,, -298,1,2,2,0,2,2,,2,2,2,2,2,2,, -299,4,,2,1,2,2,,2,2,2,2,2,2,, -300,4,,2,2,2,2,,2,2,2,2,2,2,, -301,8,,2,0,2,2,,2,2,2,2,2,2,, -302,5,,2,1,2,2,,2,2,2,2,2,2,, -303,4,,2,1,2,2,,2,2,2,2,2,2,, -304,4,,2,1,2,2,,2,2,2,2,2,2,, -305,1,2,2,0,2,2,,2,2,2,2,2,2,, -306,7,,2,3,2,2,,2,2,2,2,2,2,, -307,1,2,,0,2,2,,2,2,2,2,2,2,, -308,1,2,,1,2,2,,2,2,2,2,2,2,, -309,1,2,2,0,2,2,,2,2,2,2,2,2,, -310,5,,2,1,2,2,,2,2,2,2,2,2,, -311,1,2,,1,2,2,,2,2,2,2,2,2,, -312,4,,2,3,1,2,,2,2,2,2,2,2,, -313,1,2,2,0,2,2,,2,2,2,2,2,2,, -314,4,,2,1,2,2,,2,2,2,2,2,2,, -315,1,2,2,0,2,2,,2,2,2,2,2,2,, -316,4,,2,4,2,2,,2,2,2,2,2,2,, -317,4,,2,1,2,2,,2,2,2,2,2,2,, -318,4,,2,2,2,2,,2,2,2,2,2,2,, -319,4,,2,1,2,2,,2,2,2,2,1,2,, -320,7,,2,2,2,2,,2,2,2,2,1,2,, -321,7,,2,2,2,2,,2,2,2,2,2,2,, -322,4,,2,1,2,2,,2,2,2,2,2,2,, -323,1,2,,0,2,2,,2,2,2,2,2,2,, -324,1,2,,0,2,2,,2,2,2,2,2,2,, -325,1,2,,0,2,2,,2,2,2,2,2,2,, -326,6,,2,5,2,2,,2,2,1,2,2,2,, -327,1,2,,0,2,2,,2,2,2,2,2,2,, -328,4,,2,1,2,2,,2,2,2,2,2,2,, -329,1,2,2,0,2,2,,2,2,2,2,2,2,, -330,1,2,,0,2,2,,2,2,2,2,2,2,, -331,1,2,2,0,2,2,,2,2,2,2,2,2,, -332,4,,2,2,2,2,,2,2,2,2,2,2,, -333,4,,2,1,2,2,,2,2,2,2,2,2,, -334,2,2,2,1,2,2,,2,2,1,2,2,2,, -335,4,,1,1,2,2,,2,2,2,2,2,2,, -336,4,,2,0,2,2,,2,2,2,2,2,2,, -337,7,,2,16,2,2,,2,2,1,2,1,2,, -338,4,,2,2,1,2,,2,2,2,2,2,2,, -339,1,2,2,0,2,2,,2,2,2,2,2,2,, -340,1,2,,0,2,2,,2,2,2,2,2,2,, -341,4,,2,1,2,2,,2,2,2,2,2,2,, -342,1,2,2,0,2,2,,2,2,2,2,2,2,, -343,4,,2,1,2,2,,2,2,2,2,2,2,, -344,4,,2,4,2,2,,2,2,2,2,2,2,, -345,1,2,2,0,2,2,,2,2,2,2,2,2,, -346,4,,2,1,2,2,,2,2,2,2,2,2,, -347,4,,2,1,2,2,,2,2,2,2,2,2,, -348,1,2,,1,2,2,,2,2,2,2,2,2,, -349,1,2,,0,2,2,,2,2,2,2,2,2,, -350,7,,2,2,1,2,,2,2,2,2,2,2,, -351,4,,2,3,2,2,,2,2,2,2,2,2,, -352,7,,2,3,2,2,,2,2,2,2,2,2,, -353,1,2,2,0,2,2,,2,2,2,2,2,2,, -354,1,2,,1,2,2,,2,2,2,2,2,2,, -355,4,,2,4,2,2,,2,2,2,2,1,2,, -356,4,,2,1,2,2,,2,2,2,2,2,2,, -357,1,2,,0,2,2,,2,2,2,2,2,2,, -358,1,2,2,0,2,2,,2,2,2,2,2,2,, -359,4,,2,1,2,2,,2,2,2,1,2,2,, -360,1,2,2,0,2,2,,2,2,2,2,2,2,, -361,1,2,2,0,2,2,,2,2,2,2,2,2,, -362,1,2,,0,2,2,,2,2,2,2,2,2,, -363,4,,2,1,2,2,,2,2,2,2,2,2,, -364,4,,2,1,2,2,,2,2,2,2,2,2,, -365,1,2,2,0,2,2,,2,2,2,2,2,2,, -366,1,2,2,1,2,2,,2,2,2,2,2,2,, -367,4,,2,10,2,2,,2,2,2,1,1,2,, -368,1,2,,0,2,2,,2,2,2,2,2,2,, -369,1,2,,0,2,2,,2,2,2,2,2,2,, -370,4,,2,4,1,2,,2,2,2,2,2,2,, -371,1,2,,1,2,2,,2,2,2,2,2,2,, -372,1,2,2,0,2,2,,2,2,2,2,2,2,, -373,4,,2,3,2,2,,2,2,2,2,2,2,, -374,4,,2,1,2,2,,2,2,2,2,2,2,, -375,1,2,2,0,2,2,,2,2,2,2,2,2,, -376,4,,2,2,2,2,,2,2,2,1,1,2,, -377,1,2,2,1,2,2,,2,2,2,2,2,2,, -378,1,2,,0,2,2,,2,2,2,2,2,2,, -379,7,,2,6,1,2,,2,2,1,2,2,2,, -380,1,2,,0,2,2,,2,2,2,2,2,2,, -381,1,2,2,1,2,2,,2,2,2,2,2,2,, -382,5,,2,1,2,2,,2,2,2,2,2,2,, -383,1,2,2,0,2,2,,2,2,2,2,2,2,, -384,1,2,,0,2,2,,2,2,2,2,2,2,, -385,1,2,2,0,2,2,,2,2,2,2,2,2,, -386,4,,2,1,2,2,,2,2,2,2,1,2,, -387,1,2,2,0,2,2,,2,2,2,2,2,2,, -388,4,,2,1,2,2,,2,2,2,2,2,2,, -389,1,2,2,0,2,2,,2,2,2,2,2,2,, -390,1,2,2,1,2,2,,2,2,2,2,2,2,, -391,4,,2,1,2,2,,2,2,2,2,2,2,, -392,1,2,,0,2,2,,2,2,2,2,2,2,, -393,1,2,2,0,2,2,,2,2,2,2,2,2,, -394,1,2,2,1,2,2,,2,2,2,2,2,2,, -395,1,2,2,0,2,2,,2,2,2,2,2,2,, -396,7,,2,2,2,2,,2,2,2,2,2,2,, -397,4,,2,1,2,2,,2,2,2,2,2,2,, -398,4,,2,1,2,2,,2,2,2,2,2,2,, -399,7,,2,10,1,2,,2,2,1,1,2,2,, -400,7,,2,2,2,2,,2,2,2,2,2,2,, -401,7,,1,1,2,2,,2,2,2,2,2,2,, -402,1,2,,0,2,2,,2,2,2,2,2,2,, -403,1,2,2,0,2,2,,2,2,2,2,2,2,, -404,1,2,,0,2,2,,2,2,2,2,2,2,, -405,1,2,,0,2,2,,2,2,2,2,2,2,, -406,6,,2,2,2,2,,2,2,2,2,1,2,, -407,1,2,,0,2,2,,2,2,2,2,2,2,, -408,1,2,2,0,2,2,,2,2,2,2,2,2,, -409,4,,1,2,2,2,,2,2,2,2,1,2,, -410,4,,2,3,2,2,,2,2,2,1,2,2,, -411,1,2,,0,2,2,,2,2,2,2,2,2,, -412,1,2,2,0,2,2,,2,2,2,2,2,2,, -413,4,,2,1,2,2,,2,2,2,2,2,2,, -414,4,,2,1,2,2,,2,2,2,1,2,2,, -415,4,,2,1,2,2,,2,2,2,2,2,2,, -416,1,2,2,1,2,2,,2,2,2,2,2,2,, -417,4,,2,1,2,2,,2,2,2,2,2,2,, -418,5,,2,1,2,2,,2,2,2,2,2,2,, -419,1,2,,0,2,2,,2,2,2,2,2,2,, -420,6,,2,9,2,2,,2,2,2,2,2,2,, -421,4,,2,2,2,2,,2,2,2,2,2,2,, -422,1,2,,0,2,2,,2,2,2,2,2,2,, -423,4,,2,1,2,2,,2,2,2,2,2,2,, -424,1,2,,0,2,2,,2,2,2,2,2,2,, -425,1,2,2,0,2,2,,2,2,2,2,2,2,, -426,1,2,2,0,2,2,,2,2,2,2,2,2,, -427,1,2,,1,2,2,,2,2,2,2,2,2,, -428,4,,1,2,2,2,,2,2,1,2,2,2,, -429,1,2,,0,2,2,,2,2,2,2,2,2,, -430,1,2,,0,2,2,,2,2,2,2,2,2,, -431,4,,2,1,2,2,,2,2,2,2,2,2,, -432,1,2,2,1,2,2,,2,2,2,2,2,2,, -433,7,,2,4,2,2,,2,2,2,1,2,2,, -434,1,2,2,0,2,2,,2,2,2,2,2,2,, -435,4,,2,6,1,2,,2,2,2,2,2,2,, -436,4,,2,2,2,2,,2,2,2,2,2,2,, -437,1,2,2,0,2,2,,2,2,2,2,2,2,, -438,1,2,,0,2,2,,2,2,2,2,2,2,, -439,4,,2,1,1,2,,2,2,2,2,2,2,, -440,5,,2,1,2,2,,2,2,2,2,2,2,, -441,1,2,2,0,2,2,,2,2,2,2,2,2,, -442,7,,2,3,2,2,,2,2,2,2,2,2,, -443,1,2,2,0,2,2,,2,2,2,2,2,2,, -444,4,,2,2,2,2,,2,2,1,2,2,2,, -445,4,,2,1,2,2,,2,2,2,2,2,2,, -446,4,,2,0,2,2,,2,2,2,2,2,2,, -447,7,,2,2,2,2,,2,2,2,2,2,2,, -448,1,2,,0,2,2,,2,2,2,2,2,2,, -449,4,,2,4,2,2,,2,2,2,2,2,2,, -450,4,,2,1,2,2,,2,2,2,2,2,2,, -451,4,,2,3,2,2,,2,2,2,2,1,2,, -452,4,,2,1,2,2,,2,2,2,2,2,2,, -453,1,2,,0,2,2,,2,2,2,2,2,2,, -454,4,,2,1,2,2,,2,2,2,2,2,2,, -455,1,2,2,0,2,2,,2,2,2,2,2,2,, -456,1,2,2,1,2,2,,2,2,2,2,2,2,, -457,4,,2,4,2,2,,2,2,1,2,1,2,, -458,4,,2,2,2,2,,2,2,2,2,1,2,, -459,1,2,2,0,2,2,,2,2,2,2,2,2,, -460,4,,2,1,2,2,,2,2,2,2,2,2,, -461,1,2,,0,2,2,,2,2,2,2,2,2,, -462,7,,2,3,1,2,,2,2,2,1,2,2,, -463,1,2,2,0,2,2,,2,2,2,2,2,2,, -464,4,,2,1,2,2,,2,2,2,2,2,2,, -465,7,,2,5,2,2,,2,2,1,1,1,2,, -466,4,,2,4,2,2,,2,2,2,2,2,2,, -467,1,2,,0,2,2,,2,2,2,2,2,2,, -468,1,2,2,0,2,2,,2,2,2,2,2,2,, -469,7,,2,6,1,2,,2,2,1,2,2,2,, -470,7,,2,3,2,2,,2,2,2,2,2,2,, -471,4,,2,1,2,2,,2,2,2,2,2,2,, -472,4,,2,4,2,2,,2,2,1,1,2,2,, -473,4,,2,2,2,2,,2,2,2,2,2,2,, -474,7,,1,7,2,2,,2,2,2,2,2,2,, -475,1,2,2,1,2,2,,2,2,2,2,2,2,, -476,1,2,2,0,2,2,,2,2,2,2,2,2,, -477,4,,2,2,1,2,,2,2,1,2,2,2,, -478,1,2,2,0,2,2,,2,2,2,2,2,2,, -479,1,2,,0,2,2,,2,2,2,2,2,2,, -480,1,2,2,1,2,2,,2,2,2,2,2,2,, -481,5,,2,0,2,2,,2,2,2,2,2,2,, -482,4,,2,2,2,2,,2,2,2,2,1,2,, -483,1,2,,0,2,2,,2,2,2,2,2,2,, -484,4,,2,2,1,2,,2,2,2,2,2,2,, -485,5,,2,1,2,2,,2,2,2,2,2,2,, -486,4,,2,1,2,2,,2,2,2,2,2,2,, -487,6,,2,3,1,2,,1,2,2,2,2,2,, -488,1,1,2,22,2,2,,2,2,2,2,2,2,, -489,1,2,2,0,2,2,,2,2,2,2,2,2,, -490,4,,2,3,2,2,,2,2,2,2,2,2,, -491,4,,2,2,1,2,,2,2,2,2,2,2,, -492,1,2,,0,2,2,,2,2,2,2,2,2,, -493,1,2,,1,2,2,,2,2,2,2,2,2,, -494,7,,2,1,1,2,,2,2,1,2,2,1,3, -495,4,,2,2,2,2,,2,2,2,2,2,2,, -496,4,,2,1,2,2,,2,2,2,2,2,2,, -497,4,,2,1,2,2,,2,2,2,2,2,2,, -498,4,,2,1,2,2,,2,2,2,2,2,2,, -499,4,,2,2,2,2,,2,2,2,2,2,2,, -500,4,,2,2,2,2,,2,2,2,2,2,2,, -501,1,2,2,0,2,2,,2,2,2,2,2,2,, -502,1,2,,0,2,2,,2,2,2,2,2,2,, -503,5,,2,1,2,2,,2,2,2,2,2,2,, -504,1,2,2,0,2,2,,2,2,2,2,2,2,, -505,1,2,2,0,2,2,,2,2,2,2,2,2,, -506,1,2,,0,2,2,,2,2,2,2,2,2,, -507,4,,2,1,2,2,,2,2,2,2,2,2,, -508,4,,2,1,2,2,,2,2,2,2,2,2,, -509,1,2,,1,2,2,,2,2,2,2,2,2,, -510,4,,2,1,2,2,,2,2,2,2,2,2,, -511,4,,2,2,2,2,,2,2,2,2,2,2,, -512,7,,2,7,2,2,,2,2,2,2,2,2,, -513,4,,2,1,2,2,,2,2,2,2,2,2,, -514,1,2,2,1,2,2,,2,2,2,2,2,2,, -515,1,2,,0,2,2,,2,2,2,2,2,2,, -516,4,,2,2,2,2,,2,2,2,1,2,2,, -517,1,2,,1,2,2,,2,2,2,2,2,2,, -518,4,,2,2,2,2,,2,2,2,2,2,2,, -519,7,,2,16,2,2,,2,2,2,2,2,2,, -520,7,,2,5,2,2,,2,2,1,2,1,2,, -521,5,,2,0,2,2,,2,2,2,2,2,2,, -522,7,,2,4,2,2,,2,2,1,1,2,2,, -523,5,,2,1,2,2,,2,2,2,2,2,2,, -524,1,2,2,0,2,2,,2,2,2,2,2,2,, -525,1,2,,1,2,2,,2,2,2,2,2,2,, -526,1,2,2,1,2,2,,2,2,2,2,2,2,, -527,1,2,,0,2,2,,2,2,2,2,2,2,, -528,4,,2,1,2,2,,2,2,2,2,2,2,, -529,1,2,2,1,2,2,,2,2,2,2,2,2,, -530,1,2,2,0,2,2,,2,2,2,2,2,2,, -531,4,,2,1,2,2,,2,2,2,2,2,2,, -532,4,,2,1,2,2,,2,2,2,2,2,2,, -533,1,2,2,0,2,2,,2,2,2,2,2,2,, -534,5,,2,0,2,2,,2,2,2,2,2,2,, -535,4,,2,2,2,2,,2,2,1,1,1,2,, -536,1,2,,1,2,2,,2,2,2,2,2,2,, -537,4,,2,3,2,2,,2,2,2,2,2,2,, -538,1,2,2,0,2,2,,2,2,2,2,2,2,, -539,5,,2,2,2,2,,2,2,2,2,1,2,, -540,5,,2,1,2,2,,2,2,2,2,2,2,, -541,1,2,2,0,2,2,,2,2,2,2,2,2,, -542,4,,2,2,2,2,,2,2,1,2,2,2,, -543,6,,2,4,2,2,,2,2,2,2,1,2,, -544,4,,2,3,2,2,,2,2,2,2,2,2,, -545,4,,2,1,2,2,,2,2,2,2,2,2,, -546,7,,2,1,1,2,,2,2,1,2,2,1,2, -547,1,2,,0,2,2,,2,2,2,2,2,2,, -548,7,,2,5,2,2,,2,2,2,2,2,2,, -549,4,,2,1,2,2,,2,2,1,2,2,2,, -550,4,,2,2,2,2,,2,2,2,2,1,2,, -551,4,,2,1,2,2,,2,2,2,2,2,2,, -552,1,2,,0,2,2,,2,2,2,2,2,2,, -553,1,2,,0,2,2,,2,2,2,2,2,2,, -554,1,2,,0,2,2,,2,2,2,2,2,2,, -555,1,2,2,0,2,2,,2,2,2,2,2,2,, -556,1,2,,0,2,2,,2,2,2,2,2,2,, -557,5,,2,0,2,2,,2,2,2,2,2,2,, -558,8,,2,3,1,2,,2,2,2,2,2,2,, -559,4,,2,1,2,2,,2,2,2,2,2,2,, -560,1,2,2,0,2,2,,2,2,2,2,2,2,, -561,1,2,,0,2,2,,2,2,2,2,2,2,, -562,1,2,2,1,2,2,,2,2,2,2,2,2,, -563,4,,2,3,1,2,,2,2,1,2,2,2,, -564,1,2,2,1,2,2,,2,2,2,2,2,2,, -565,1,2,2,1,2,2,,2,2,2,2,2,2,, -566,1,2,2,0,2,2,,2,2,2,2,2,2,, -567,4,,2,10,2,2,,2,2,2,2,2,2,, -568,1,2,,0,2,2,,2,2,2,2,2,2,, -569,4,,2,1,2,2,,2,2,2,2,2,2,, -570,4,,2,12,1,2,,2,2,1,2,2,2,, -571,1,2,2,0,2,2,,2,2,2,2,2,2,, -572,1,2,2,0,2,2,,2,2,2,2,2,2,, -573,1,2,,0,2,2,,2,2,2,2,2,2,, -574,7,,2,34,2,2,,2,2,1,1,2,2,, -575,4,,2,8,2,2,,2,2,2,2,2,2,, -576,4,,2,1,2,2,,2,2,1,1,2,2,, -577,4,,2,5,1,2,,2,2,2,2,2,2,, -578,1,2,,0,2,2,,2,2,2,2,2,2,, -579,4,,1,2,2,2,,2,2,2,2,2,2,, -580,4,,2,2,2,2,,2,2,2,2,2,2,, -581,1,2,,0,2,2,,2,2,2,2,2,2,, -582,4,,2,1,2,2,,2,2,2,2,2,2,, -583,4,,2,3,2,2,,2,2,2,2,2,2,, -584,1,2,,0,2,2,,2,2,2,2,2,2,, -585,1,2,,1,2,2,,2,2,2,2,2,2,, -586,5,,2,1,2,2,,2,2,2,2,2,2,, -587,7,,2,8,1,2,,2,1,2,2,2,2,, -588,1,2,,0,2,2,,2,2,2,2,2,2,, -589,5,,2,1,2,2,,2,2,2,2,1,2,, -590,1,2,,0,2,2,,2,2,2,2,2,2,, -591,7,,2,13,2,2,,2,2,1,1,2,2,, -592,4,,2,1,2,2,,2,2,2,2,2,2,, -593,1,2,2,0,2,2,,2,2,2,2,2,2,, -594,1,2,,0,2,2,,2,2,2,2,2,2,, -595,7,,1,9,1,2,,2,2,1,2,2,2,, -596,7,,2,1,2,2,,2,2,2,2,1,1,3, -597,1,2,2,0,2,2,,2,2,2,2,2,2,, -598,1,2,,0,2,2,,2,2,2,2,2,2,, -599,1,2,2,0,2,2,,2,2,2,2,2,2,, -600,1,2,,1,2,2,,2,2,2,2,2,2,, -601,1,2,,1,2,2,,2,2,2,2,2,2,, -602,4,,1,2,2,2,,2,2,2,2,1,2,, -603,5,,2,1,2,2,,2,2,2,2,2,2,, -604,1,2,,0,2,2,,2,2,2,2,2,2,, -605,1,2,2,0,2,2,,2,2,2,2,2,2,, -606,1,2,2,1,2,2,,2,2,1,2,2,2,, -607,1,2,,1,2,2,,2,2,2,2,2,2,, -608,4,,2,2,2,2,,2,2,1,2,2,2,, -609,1,2,,1,2,2,,2,2,2,2,2,2,, -610,1,2,,0,2,2,,2,2,2,2,2,2,, -611,4,,2,3,2,2,,2,2,2,1,2,2,, -612,5,,2,1,2,2,,2,2,2,2,2,2,, -613,4,,2,1,2,2,,2,2,2,2,2,2,, -614,1,2,2,0,2,2,,2,2,2,2,2,2,, -615,4,,2,7,2,2,,2,2,2,2,1,2,, -616,1,2,2,0,2,2,,2,2,2,2,2,2,, -617,6,,2,1,2,2,,2,2,2,2,1,2,, -618,1,2,,0,2,2,,2,2,2,2,2,2,, -619,1,2,2,1,2,2,,2,2,2,2,2,2,, -620,1,2,2,0,2,2,,2,2,2,2,2,2,, -621,1,2,2,0,2,2,,2,2,2,2,2,2,, -622,4,,2,2,2,2,,2,2,1,2,1,2,, -623,4,,2,4,1,2,,2,2,2,2,2,2,, -624,7,,2,4,2,2,,2,2,2,2,2,2,, -625,1,2,,1,2,2,,2,2,2,2,2,2,, -626,1,2,2,0,2,2,,2,2,2,2,2,2,, -627,4,,2,1,2,2,,2,2,2,2,2,2,, -628,1,2,,0,2,2,,2,2,2,2,2,2,, -629,1,2,2,0,2,2,,2,2,2,2,2,2,, -630,4,,2,1,2,2,,2,2,2,2,2,2,, -631,1,2,,0,2,2,,2,2,2,2,2,2,, -632,7,,2,3,1,2,,2,2,1,2,2,2,, -633,1,2,,1,2,2,,2,2,2,2,2,2,, -634,1,2,2,0,2,2,,2,2,2,2,2,2,, -635,6,,2,2,2,2,,2,2,2,2,2,2,, -636,4,,2,3,2,2,,2,2,2,2,2,2,, -637,4,,2,6,2,2,,2,2,2,2,1,2,, -638,1,2,2,1,2,2,,2,2,2,2,2,2,, -639,1,2,,1,2,2,,2,2,2,2,2,2,, -640,1,2,2,0,2,2,,2,2,2,2,2,2,, -641,4,,2,1,2,2,,2,2,2,2,2,2,, -642,4,,2,1,2,2,,2,2,1,2,2,2,, -643,1,2,2,0,2,2,,2,2,2,2,2,2,, -644,1,2,,0,2,2,,2,2,2,2,2,2,, -645,1,2,2,1,2,2,,2,2,2,2,2,2,, -646,1,2,2,0,2,2,,2,2,2,2,2,2,, -647,5,,2,1,2,2,,2,2,2,2,2,2,, -648,4,,2,2,2,2,,2,2,2,2,2,2,, -649,4,,2,2,2,2,,2,2,2,2,2,2,, -650,4,,2,4,2,2,,2,2,1,2,2,2,, -651,1,2,,1,2,2,,2,2,2,2,2,2,, -652,4,,2,1,2,2,,2,2,2,2,2,2,, -653,1,2,2,0,2,2,,2,2,2,2,2,2,, -654,5,,2,1,2,2,,2,2,2,1,2,2,, -655,1,2,2,1,2,2,,2,2,2,2,2,2,, -656,1,2,2,0,2,2,,2,2,2,2,2,2,, -657,7,,2,5,2,2,,2,2,1,2,1,2,, -658,1,2,2,0,2,2,,2,2,2,2,2,2,, -659,4,,2,4,2,2,,2,2,2,2,1,2,, -660,1,2,2,0,2,2,,2,2,2,2,2,2,, -661,4,,2,2,2,2,,2,2,2,2,2,2,, -662,4,,2,1,2,2,,2,2,2,2,2,2,, -663,4,,2,1,2,2,,2,2,2,2,2,2,, -664,8,,2,3,1,2,,2,2,2,2,2,2,, -665,4,,2,1,2,2,,2,2,2,2,2,2,, -666,5,,2,1,2,2,,2,2,2,2,2,2,, -667,1,2,,0,2,2,,2,2,2,2,2,2,, -668,4,,2,5,2,2,,2,2,2,2,2,2,, -669,7,,2,6,1,2,,2,2,1,1,2,2,, -670,1,2,,0,2,2,,2,2,2,2,2,2,, -671,1,2,,0,2,2,,2,2,2,2,2,2,, -672,1,2,,0,2,2,,2,2,2,2,2,2,, -673,4,,2,1,2,2,,2,2,2,2,2,2,, -674,6,,2,3,2,2,,2,2,2,2,1,2,, -675,4,,2,1,2,2,,2,2,1,2,2,2,, -676,4,,2,1,1,2,,2,2,2,2,2,2,, -677,1,2,,0,2,2,,2,2,2,2,2,2,, -678,1,2,,0,2,2,,2,2,2,2,2,2,, -679,1,2,2,1,2,2,,2,2,2,2,2,2,, -680,1,2,2,0,2,2,,2,2,2,2,2,2,, -681,1,2,,0,2,2,,2,2,2,2,2,2,, -682,1,2,,0,2,2,,2,2,2,2,2,2,, -683,4,,1,11,2,2,,2,2,2,2,1,2,, -684,1,2,2,0,2,2,,2,2,2,2,2,2,, -685,1,2,,0,2,2,,2,2,2,2,2,2,, -686,1,2,2,0,2,2,,2,2,2,2,2,2,, -687,1,2,2,0,2,2,,2,2,1,2,2,2,, -688,1,2,2,0,2,2,,2,2,2,2,2,2,, -689,4,,2,1,2,2,,2,2,2,2,1,2,, -690,1,2,,6,2,2,,2,2,2,2,2,2,, -691,1,2,,0,2,2,,2,2,2,2,2,2,, -692,1,2,2,0,2,2,,2,2,2,2,2,2,, -693,1,2,2,1,2,2,,2,2,2,2,2,2,, -694,4,,2,5,2,2,,2,2,2,1,2,2,, -695,4,,2,3,1,2,,2,2,1,2,2,2,, -696,7,,2,5,2,2,,2,2,2,2,1,2,, -697,1,2,,0,2,2,,2,2,2,2,2,2,, -698,1,2,,0,2,2,,2,2,2,2,2,2,, -699,1,2,2,0,2,2,,2,2,2,2,2,2,, -700,4,,2,1,2,2,,2,2,2,2,2,2,, -701,4,,2,2,2,2,,2,2,2,2,1,2,, -702,1,2,,0,2,2,,2,2,2,2,2,2,, -703,4,,2,2,2,2,,2,2,2,2,2,2,, -704,1,2,2,0,2,2,,2,2,2,2,2,2,, -705,4,,2,2,2,2,,2,2,2,2,2,2,, -706,1,2,,0,2,2,,2,2,2,2,2,2,, -707,7,,2,6,2,2,,2,2,2,2,2,2,, -708,1,1,2,10,1,2,,2,1,2,2,2,2,, -709,4,,2,1,2,2,,2,2,2,2,2,2,, -710,1,2,2,0,2,2,,2,2,2,2,2,2,, -711,1,2,,1,2,2,,2,2,2,2,2,2,, -712,1,2,,1,2,2,,2,2,2,2,2,2,, -713,1,2,2,0,2,2,,2,2,2,2,2,2,, -714,4,,2,15,2,2,,2,2,1,1,2,2,, -715,1,2,,0,2,2,,2,2,2,2,2,2,, -716,1,2,,0,2,2,,2,2,2,2,2,2,, -717,4,,2,2,2,2,,2,2,2,1,2,2,, -718,1,2,,0,2,2,,2,2,2,2,2,2,, -719,7,,2,1,2,2,,2,2,2,2,2,2,, -720,7,,2,1,2,2,,2,2,2,2,2,2,, -721,4,,2,20,2,2,,2,2,2,2,2,2,, -722,4,,2,1,2,2,,2,2,2,2,2,2,, -723,1,2,2,0,2,2,,2,2,2,2,2,2,, -724,1,2,2,0,2,2,,2,2,2,2,2,2,, -725,1,2,2,0,2,2,,2,2,2,2,2,2,, -726,1,2,2,0,2,2,,2,2,2,2,2,2,, -727,4,,2,3,2,2,,2,2,2,2,1,2,, -728,1,2,,0,2,2,,2,2,2,2,2,2,, -729,7,,2,2,1,2,,2,2,1,1,2,2,, -730,1,2,,0,2,2,,2,2,2,2,2,2,, -731,1,2,2,0,2,2,,2,2,2,2,2,2,, -732,4,,2,1,2,2,,2,2,2,2,2,2,, -733,5,,2,1,2,2,,2,2,2,2,2,2,, -734,5,,2,1,2,2,,2,2,2,2,2,2,, -735,1,2,2,0,2,2,,2,2,2,2,2,2,, -736,1,2,2,0,2,2,,2,2,2,2,2,2,, -737,1,2,,1,2,2,,2,2,2,2,2,2,, -738,4,,2,1,2,2,,2,2,2,2,2,2,, -739,4,,2,3,2,2,,2,2,2,2,1,2,, -740,1,2,,0,2,2,,2,2,2,2,2,2,, -741,1,2,,0,2,2,,2,2,2,2,2,2,, -742,1,2,,0,2,2,,2,2,2,2,2,2,, -743,1,2,,0,2,2,,2,2,2,2,2,2,, -744,1,2,,0,2,2,,2,2,2,2,2,2,, -745,1,2,,0,2,2,,2,2,2,2,2,2,, -746,7,,2,9,2,2,,2,2,2,2,2,2,, -747,1,2,2,1,2,2,,2,2,2,2,2,2,, -748,4,,2,2,2,2,,2,2,2,2,2,2,, -749,4,,2,2,2,2,,2,2,2,1,2,2,, -750,4,,2,5,2,2,,2,2,2,2,1,2,, -751,4,,2,0,2,2,,2,2,2,2,2,2,, -752,1,2,,0,2,2,,2,2,2,2,2,2,, -753,1,2,,1,2,2,,2,2,2,2,2,2,, -754,1,2,2,0,2,2,,2,2,2,2,2,2,, -755,1,2,2,1,2,2,,2,2,2,2,2,2,, -756,4,,2,5,2,2,,2,2,2,2,1,2,, -757,1,2,2,0,2,2,,2,2,2,2,2,2,, -758,4,,2,1,2,2,,2,2,2,2,2,2,, -759,1,2,,0,2,2,,2,2,2,2,2,2,, -760,4,,2,1,2,2,,2,2,2,2,2,2,, -761,1,2,,0,2,2,,2,2,2,2,2,2,, -762,1,2,2,1,2,2,,2,2,2,2,2,2,, -763,4,,2,2,2,2,,2,2,2,2,2,2,, -764,1,2,,0,2,2,,2,2,2,2,2,2,, -765,1,2,2,0,2,2,,2,2,2,2,2,2,, -766,6,,2,4,2,2,,2,2,2,1,1,2,, -767,1,2,,0,2,2,,2,2,2,2,2,2,, -768,1,2,2,0,2,2,,2,2,2,2,2,2,, -769,1,2,2,0,2,2,,2,2,2,2,2,2,, -770,4,,2,1,2,2,,2,2,2,2,2,2,, -771,5,,2,1,2,2,,2,2,2,2,2,2,, -772,5,,2,1,2,2,,2,2,2,2,2,2,, -773,7,,2,1,2,2,,2,2,2,2,2,2,, -774,4,,2,2,2,2,,2,2,2,2,2,2,, -775,1,2,2,0,2,2,,2,2,2,2,2,2,, -776,1,2,2,0,2,2,,2,2,2,2,2,2,, -777,1,2,,0,2,2,,2,2,2,2,2,2,, -778,5,,2,0,2,2,,2,2,2,2,2,2,, -779,4,,1,3,1,2,,2,2,1,2,2,2,, -780,1,2,2,0,2,2,,2,2,2,2,2,2,, -781,7,,2,21,2,2,,2,2,2,2,1,2,, -782,1,2,,0,2,2,,2,2,2,2,2,2,, -783,6,,2,1,2,2,,2,2,2,2,1,2,, -784,1,2,2,0,2,2,,2,2,2,2,2,2,, -785,1,2,,0,2,2,,2,2,2,2,2,2,, -786,4,,2,1,2,2,,2,2,2,2,2,2,, -787,1,2,,1,2,2,,2,2,2,2,2,2,, -788,1,2,,1,2,2,,2,2,2,2,2,2,, -789,1,2,,0,2,2,,2,2,2,2,2,2,, -790,1,2,2,0,2,2,,2,2,2,2,2,2,, -791,4,,2,1,2,2,,2,2,2,2,2,2,, -792,4,,2,19,2,2,,2,2,2,2,2,2,, -793,4,,2,1,2,2,,2,2,2,2,2,2,, -794,5,,2,1,2,2,,2,2,2,2,2,2,, -795,1,2,,0,2,2,,2,2,2,2,2,2,, -796,4,,2,3,2,2,,2,2,2,2,2,2,, -797,1,2,2,0,2,2,,2,2,2,2,2,2,, -798,1,2,2,1,2,2,,2,2,2,2,2,2,, -799,1,2,2,0,2,2,,2,2,2,2,2,2,, -800,1,2,,0,2,2,,2,2,2,2,2,2,, -801,4,,2,1,2,2,,2,2,2,2,2,2,, -802,6,,2,4,2,2,,2,2,2,2,1,2,, -803,1,2,,0,2,2,,2,2,2,2,2,2,, -804,1,2,2,0,2,2,,2,2,2,2,2,2,, -805,4,,2,1,2,2,,2,2,2,2,2,2,, -806,4,,2,3,2,2,,2,2,2,2,2,2,, -807,4,,2,3,2,2,,2,2,2,2,1,2,, -808,1,2,2,0,2,2,,2,2,2,2,2,2,, -809,1,2,2,0,2,2,,2,2,2,2,2,2,, -810,6,,2,5,2,2,,2,2,2,2,1,2,, -811,1,2,,0,2,2,,2,2,2,2,2,2,, -812,7,,2,1,2,2,,2,2,2,2,1,2,, -813,1,2,,0,2,2,,2,2,2,2,2,2,, -814,4,,2,3,2,2,,2,2,2,2,2,2,, -815,4,,1,2,2,2,,2,2,2,2,2,2,, -816,1,2,,0,2,2,,2,2,2,2,2,2,, -817,1,2,2,0,2,2,,2,2,2,2,2,2,, -818,1,2,2,0,2,2,,2,2,2,2,2,2,, -819,6,,2,3,2,2,,2,2,2,2,1,2,, -820,1,2,,0,2,2,,2,2,2,2,2,2,, -821,1,2,2,0,2,2,,2,2,2,2,2,2,, -822,1,2,,0,2,2,,2,2,2,2,2,2,, -823,1,2,,0,2,2,,2,2,2,2,2,2,, -824,5,,2,0,2,2,,2,2,2,2,2,2,, -825,4,,2,10,2,2,,2,2,2,2,1,2,, -826,1,2,,0,2,2,,2,2,2,2,2,2,, -827,1,2,2,0,2,2,,2,2,2,2,2,2,, -828,4,,2,1,2,2,,2,2,1,1,2,2,, -829,1,2,2,1,2,2,,2,2,2,2,2,2,, -830,1,2,,1,2,2,,2,2,2,2,2,2,, -831,7,,2,0,1,2,,2,2,2,2,2,1,3, -832,1,2,2,0,2,2,,2,2,2,2,2,2,, -833,1,2,2,0,2,2,,2,2,2,2,2,2,, -834,4,,2,5,2,2,,2,2,1,2,1,2,, -835,5,,2,1,2,2,,2,2,2,2,2,2,, -836,1,2,2,0,2,2,,2,2,2,2,2,2,, -837,4,,2,1,2,2,,2,2,2,2,2,2,, -838,4,,2,1,2,2,,2,2,2,2,2,2,, -839,4,,2,1,2,2,,2,2,2,2,2,2,, -840,1,2,,1,2,2,,2,2,2,2,2,2,, -841,4,,2,1,2,2,,2,2,1,2,2,2,, -842,4,,2,2,2,2,,2,2,1,2,2,2,, -843,5,,2,1,2,2,,2,2,2,2,2,2,, -844,1,2,2,0,2,2,,2,2,2,2,2,2,, -845,1,2,2,0,2,2,,2,2,2,2,2,2,, -846,1,2,,0,2,2,,2,2,2,2,2,2,, -847,4,,2,2,1,2,,2,2,2,2,2,2,, -848,4,,2,1,2,2,,2,2,2,2,2,2,, -849,1,2,2,1,2,2,,2,2,2,2,2,2,, -850,4,,2,1,2,2,,2,2,1,2,2,2,, -851,1,2,,0,2,2,,2,2,2,2,2,2,, -852,7,,2,1,2,2,,2,2,2,2,2,2,, -853,4,,2,2,2,2,,2,2,2,2,2,2,, -854,1,2,2,0,2,2,,2,2,2,2,2,2,, -855,5,,2,1,2,2,,2,2,2,2,2,2,, -856,4,,2,1,2,2,,2,2,2,2,2,2,, -857,5,,2,1,2,2,,2,2,2,2,2,2,, -858,4,,2,1,2,2,,2,2,2,2,2,2,, -859,1,2,,0,2,2,,2,2,2,2,2,2,, -860,1,2,2,0,2,2,,2,2,2,2,2,2,, -861,6,,2,3,2,2,,2,2,2,2,1,2,, -862,1,2,2,1,2,2,,2,2,2,2,2,2,, -863,7,,2,6,1,2,,2,2,1,1,2,2,, -864,4,,2,3,2,2,,2,2,2,2,1,2,, -865,1,2,,0,2,2,,2,2,2,2,2,2,, -866,1,2,2,0,2,2,,2,2,2,2,2,2,, -867,1,2,,0,2,2,,2,2,2,2,2,2,, -868,7,,2,2,2,2,,2,2,2,2,2,2,, -869,4,,2,1,2,2,,2,2,2,2,2,1,3, -870,1,2,,1,2,2,,2,2,2,2,2,2,, -871,1,2,,1,2,2,,2,2,2,2,2,2,, -872,1,2,2,0,2,2,,2,2,2,2,2,2,, -873,7,,2,2,2,2,,2,2,2,2,2,2,, -874,7,,1,1,2,2,,2,2,2,2,2,2,, -875,1,2,,0,2,2,,2,2,2,2,2,2,, -876,4,,2,1,2,2,,2,2,2,2,2,2,, -877,4,,2,1,2,2,,2,2,2,2,2,2,, -878,7,,2,1,2,2,,2,2,2,2,2,2,, -879,4,,2,1,2,2,,2,2,2,2,2,2,, -880,5,,2,1,2,2,,2,2,2,2,2,2,, -881,1,2,2,0,2,2,,2,2,2,2,2,2,, -882,1,2,2,0,2,2,,2,2,2,2,2,2,, -883,5,,2,1,2,2,,2,2,2,1,2,2,, -884,1,2,,1,2,2,,2,2,2,2,2,2,, -885,1,2,2,0,2,2,,2,2,2,2,2,2,, -886,4,,2,2,2,2,,2,2,2,2,2,2,, -887,4,,2,1,2,2,,2,2,2,2,2,2,, -888,4,,1,18,1,2,,2,1,2,2,2,2,, -889,1,2,,0,2,2,,2,2,2,2,2,2,, -890,4,,2,3,1,2,,2,2,1,2,2,2,, -891,1,2,2,0,2,2,,2,2,2,2,2,2,, -892,1,2,2,1,2,2,,2,2,2,2,2,2,, -893,4,,2,1,2,2,,2,2,2,2,2,2,, -894,4,,2,1,2,2,,2,2,2,2,2,2,, -895,4,,2,1,2,2,,2,2,2,2,2,2,, -896,4,,2,1,2,2,,2,2,2,2,2,2,, -897,4,,2,7,2,2,,2,2,2,2,2,2,, -898,7,,2,7,2,2,,2,2,2,2,2,2,, -899,4,,2,1,2,2,,2,2,2,2,2,2,, -900,1,2,2,0,2,2,,2,2,2,2,2,2,, -901,1,2,2,0,2,2,,2,2,2,2,2,2,, -902,5,,2,1,2,2,,2,2,2,2,2,2,, -903,1,2,,0,2,2,,2,2,2,2,2,2,, -904,6,,2,4,2,2,,2,2,2,1,1,2,, -905,1,2,2,0,2,2,,2,2,1,2,2,2,, -906,1,2,,0,2,2,,2,2,2,2,2,2,, -907,7,,2,2,2,2,,2,2,2,2,2,2,, -908,4,,2,1,2,2,,2,2,2,2,2,2,, -909,1,2,2,1,2,2,,2,2,2,2,2,2,, -910,1,2,2,1,2,2,,2,2,2,2,2,2,, -911,4,,2,1,2,2,,2,2,2,2,2,2,, -912,1,2,2,1,2,2,,2,2,2,2,2,2,, -913,1,2,2,0,2,2,,2,2,2,2,2,2,, -914,1,2,,1,2,2,,2,2,2,2,2,2,, -915,4,,2,3,1,2,,2,2,2,2,2,2,, -916,1,2,,1,2,2,,2,2,2,2,2,2,, -917,6,,2,3,1,2,,2,2,1,2,1,2,, -918,4,,2,1,2,2,,2,2,2,2,2,2,, -919,7,,2,5,2,2,,2,2,2,2,2,2,, -920,1,2,,0,2,2,,2,2,2,2,2,2,, -921,1,2,,0,2,2,,2,2,2,2,2,2,, -922,1,2,,1,2,2,,2,2,2,2,2,2,, -923,1,2,,0,2,2,,2,2,2,2,2,2,, -924,4,,2,1,2,2,,2,2,2,2,2,2,, -925,4,,2,2,2,2,,2,2,2,2,2,2,, -926,4,,2,2,2,2,,2,2,2,2,1,2,, -927,1,2,2,0,2,2,,2,2,2,2,2,2,, -928,1,2,,0,2,2,,2,2,2,2,2,2,, -929,1,2,,0,2,2,,2,2,2,2,2,2,, -930,1,2,2,0,2,2,,2,2,2,2,2,2,, -931,7,,2,11,2,2,,2,2,1,2,2,2,, -932,4,,2,2,2,2,,2,2,2,2,2,2,, -933,4,,2,0,2,2,,2,2,2,2,2,2,, -934,1,2,,0,2,2,,2,2,2,2,2,2,, -935,4,,2,1,2,2,,2,2,2,1,2,2,, -936,4,,2,1,2,2,,2,2,2,2,2,2,, -937,4,,2,7,2,2,,2,2,2,2,2,2,, -938,1,2,,0,2,2,,2,2,2,2,2,2,, -939,4,,2,4,1,2,,2,2,1,1,2,2,, -940,1,2,,0,2,2,,2,2,2,2,2,2,, -941,1,2,2,0,2,2,,2,2,2,2,2,2,, -942,1,2,,0,2,2,,2,2,2,2,2,2,, -943,4,,2,2,2,2,,2,2,2,2,2,2,, -944,4,,2,1,2,2,,2,2,2,2,2,2,, -945,4,,2,1,2,2,,2,2,2,2,2,2,, -946,4,,2,2,1,2,,2,2,2,2,2,2,, -947,1,2,2,0,2,2,,2,2,2,2,2,2,, -948,4,,2,2,2,2,,2,2,2,2,1,2,, -949,6,,2,2,2,2,,2,2,1,2,1,2,, -950,7,,2,4,2,2,,2,2,1,2,2,2,, -951,1,2,2,0,2,2,,2,2,2,2,2,2,, -952,1,2,2,1,2,2,,2,2,2,2,2,2,, -953,1,2,2,0,2,2,,2,2,2,2,2,2,, -954,6,,2,1,2,2,,2,2,2,2,1,2,, -955,7,,2,10,2,2,,2,2,1,2,2,2,, -956,1,2,2,0,2,2,,2,2,2,2,2,2,, -957,7,,2,4,2,2,,2,2,1,2,2,2,, -958,1,2,,1,2,2,,2,2,2,2,2,2,, -959,1,2,2,0,2,2,,2,2,2,2,2,2,, -960,1,2,,1,2,2,,2,2,2,2,2,2,, -961,4,,2,2,2,2,,2,2,2,2,2,2,, -962,5,,2,0,2,2,,2,2,2,2,1,2,, -963,1,2,,0,2,2,,2,2,2,2,2,2,, -964,7,,2,4,2,2,,2,2,2,2,1,2,, -965,1,2,,0,2,2,,2,2,2,2,2,2,, -966,4,,2,1,2,2,,2,2,2,2,2,2,, -967,7,,2,5,1,2,,2,2,2,2,2,2,, -968,1,2,,0,2,2,,2,2,2,2,2,2,, -969,1,2,2,0,2,2,,2,2,2,2,2,2,, -970,7,,2,4,1,2,,2,2,1,2,2,2,, -971,1,2,2,0,2,2,,2,2,2,2,2,2,, -972,5,,2,1,2,2,,2,2,2,2,2,2,, -973,1,2,2,1,2,2,,2,2,2,2,2,2,, -974,1,2,,0,2,2,,2,2,2,2,2,2,, -975,1,2,,0,2,2,,2,2,2,2,2,2,, -976,4,,2,2,2,2,,2,2,2,1,2,2,, -977,1,2,,1,2,2,,2,2,2,2,2,2,, -978,7,,2,2,2,2,,2,2,2,2,2,2,, -979,1,2,,0,2,2,,2,2,2,2,2,2,, -980,1,2,2,0,2,2,,2,2,2,2,2,2,, -981,4,,2,5,1,2,,2,2,2,2,2,2,, -982,4,,2,6,1,2,,2,2,2,2,2,2,, -983,4,,2,3,1,2,,2,2,2,2,2,2,, -984,1,2,,0,2,2,,2,2,2,2,2,2,, -985,1,2,,0,2,2,,2,2,2,2,2,2,, -986,4,,2,1,2,2,,2,2,2,2,2,2,, -987,1,2,2,0,2,2,,2,2,2,2,2,2,, -988,7,,2,3,1,2,,2,2,2,2,2,2,, -989,1,2,,0,2,2,,2,2,2,2,2,2,, -990,7,,2,52,2,2,,2,2,2,2,1,2,, -991,1,2,,0,2,2,,2,2,2,2,2,2,, -992,4,,2,2,2,2,,2,2,1,1,2,2,, -993,1,2,,1,2,2,,2,2,2,2,2,2,, -994,1,2,2,1,2,2,,2,2,2,2,2,2,, -995,1,2,,1,2,2,,2,2,2,2,2,2,, -996,4,,2,1,2,2,,2,2,2,2,1,2,, -997,1,2,2,1,2,2,,2,2,2,2,2,2,, -998,1,2,,1,2,2,,2,2,2,2,2,2,, -999,1,2,2,1,2,2,,2,2,2,2,2,2,, -1000,1,2,2,0,2,2,,2,2,2,2,2,2,, -1001,4,,2,11,1,2,,2,1,1,2,1,2,, -1002,7,,2,5,2,2,,2,2,2,2,2,2,, -1003,1,2,,1,2,2,,2,2,2,2,2,2,, -1004,4,,2,4,2,2,,2,2,2,2,2,2,, -1005,1,2,2,0,2,2,,2,2,2,2,2,2,, -1006,4,,2,2,2,2,,2,2,2,1,2,2,, -1007,1,2,2,0,2,2,,2,2,2,2,2,2,, -1008,1,2,2,0,2,2,,2,2,2,2,2,2,, -1009,1,2,,0,2,2,,2,2,2,2,2,2,, -1010,1,2,,0,2,2,,2,2,2,2,2,2,, -1011,6,,2,1,2,2,,2,2,2,2,1,2,, -1012,1,2,2,0,2,2,,2,2,2,2,2,2,, -1013,6,,2,2,2,2,,2,2,2,2,1,2,, -1014,1,2,,0,2,2,,2,2,2,2,2,2,, -1015,1,2,,1,2,2,,2,2,2,2,2,2,, -1016,1,2,,0,2,2,,2,2,2,2,2,2,, -1017,1,2,,0,2,2,,2,2,2,2,2,2,, -1018,4,,2,1,2,2,,2,2,2,2,2,2,, -1019,1,2,,0,2,2,,2,2,2,2,2,2,, -1020,4,,2,1,2,2,,2,2,2,2,2,2,, -1021,1,2,2,0,2,2,,2,2,2,2,2,2,, -1022,4,,2,1,2,2,,2,2,2,2,2,2,, -1023,5,,2,1,2,2,,2,2,2,2,2,2,, -1024,1,2,,0,2,2,,2,2,2,2,2,2,, -1025,4,,2,2,2,2,,2,2,2,2,2,2,, -1026,1,2,,1,2,2,,2,2,2,2,2,2,, -1027,1,2,2,0,2,2,,2,2,2,2,2,2,, -1028,1,2,,1,2,2,,2,2,2,2,2,2,, -1029,1,2,2,0,2,2,,2,2,2,2,2,2,, -1030,4,,2,2,2,2,,2,2,2,2,2,2,, -1031,1,2,,0,2,2,,2,2,2,2,2,2,, -1032,1,2,2,0,2,2,,2,2,2,2,2,2,, -1033,1,2,2,0,2,2,,2,2,2,2,2,2,, -1034,4,,2,1,2,2,,2,2,2,1,2,2,, -1035,4,,2,5,2,2,,2,2,2,2,2,2,, -1036,5,,2,1,2,2,,2,2,2,2,2,2,, -1037,1,2,2,0,2,2,,2,2,2,2,2,2,, -1038,7,,2,8,2,2,,2,2,2,1,1,2,, -1039,4,,2,2,2,2,,2,2,1,2,2,2,, -1040,4,,2,1,2,2,,2,2,2,2,1,2,, -1041,4,,2,1,2,2,,2,2,1,2,1,2,, -1042,4,,2,3,2,2,,2,2,2,2,2,2,, -1043,1,2,2,0,2,2,,2,2,2,2,2,2,, -1044,4,,2,3,2,2,,2,2,2,2,2,2,, -1045,4,,2,1,2,2,,2,2,1,2,2,2,, -1046,1,2,2,0,2,2,,2,2,2,2,2,2,, -1047,1,2,2,0,2,2,,2,2,2,2,2,2,, -1048,1,2,2,0,2,2,,2,2,2,2,2,2,, -1049,4,,2,3,1,2,,2,2,1,2,2,2,, -1050,1,2,,0,2,2,,2,2,2,2,2,2,, -1051,4,,2,1,2,2,,2,2,2,2,1,2,, -1052,1,2,2,0,2,2,,2,2,2,2,2,2,, -1053,4,,2,2,2,2,,2,2,2,2,2,2,, -1054,4,,2,1,2,2,,2,2,2,2,2,2,, -1055,1,2,2,0,2,2,,2,2,2,2,2,2,, -1056,1,2,,0,2,2,,2,2,2,2,2,2,, -1057,1,2,,0,2,2,,2,2,2,2,2,2,, -1058,1,2,,0,2,2,,2,2,2,2,2,2,, -1059,1,2,2,0,2,2,,2,2,2,2,2,2,, -1060,1,2,,0,2,2,,2,2,2,2,2,2,, -1061,4,,2,1,2,2,,2,2,2,2,2,2,, -1062,1,2,,0,2,2,,2,2,2,2,2,2,, -1063,1,2,,0,2,2,,2,2,2,2,2,2,, -1064,1,2,,0,2,2,,2,2,2,2,2,2,, -1065,6,,2,14,2,2,,2,2,1,2,1,2,, -1066,1,2,2,0,2,2,,2,2,2,2,2,2,, -1067,1,2,2,1,2,2,,2,2,2,2,2,2,, -1068,1,2,,0,2,2,,2,2,2,2,2,2,, -1069,1,2,2,0,2,2,,2,2,2,2,2,2,, -1070,1,2,2,0,2,2,,2,2,2,2,2,2,, -1071,7,,2,2,2,2,,2,2,2,2,2,2,, -1072,1,2,,0,2,2,,2,2,2,2,2,2,, -1073,5,,2,1,2,2,,2,2,1,2,2,2,, -1074,1,2,,0,2,2,,2,2,2,2,2,2,, -1075,4,,2,1,2,2,,2,2,2,2,2,2,, -1076,7,,2,2,2,2,,2,2,2,1,1,2,, -1077,4,,2,4,2,2,,2,2,2,2,2,2,, -1078,4,,2,2,2,2,,2,2,2,2,1,2,, -1079,1,2,,1,2,2,,2,2,2,2,2,2,, -1080,4,,2,2,2,2,,2,2,2,2,2,2,, -1081,5,,2,1,2,2,,2,2,2,2,2,2,, -1082,4,,2,1,2,2,,2,2,2,2,2,2,, -1083,1,2,,0,2,2,,2,2,2,2,2,2,, -1084,7,,2,2,2,2,,2,2,2,2,2,2,, -1085,1,2,2,0,2,2,,2,2,2,2,2,2,, -1086,1,2,2,1,2,2,,2,2,2,2,2,2,, -1087,4,,1,1,2,2,,2,2,2,2,2,2,, -1088,5,,1,1,2,2,,2,2,2,2,2,2,, -1089,1,2,2,0,2,2,,2,2,2,2,2,2,, -1090,1,2,2,1,2,2,,2,2,2,2,2,2,, -1091,1,2,,0,2,2,,2,2,2,2,2,2,, -1092,7,,2,4,2,2,,2,2,1,2,1,2,, -1093,7,,2,7,2,2,,2,2,2,2,2,2,, -1094,1,2,2,0,2,2,,2,2,2,2,2,2,, -1095,7,,2,1,2,2,,2,2,2,2,2,2,, -1096,1,2,,1,2,2,,2,2,2,2,2,2,, -1097,1,2,2,0,2,2,,2,2,2,2,2,2,, -1098,7,,2,3,1,2,,2,2,2,2,2,2,, -1099,1,2,,0,2,2,,2,2,2,2,2,2,, -1100,7,,2,1,2,2,,2,2,1,1,2,1,3, -1101,1,2,,0,2,2,,2,2,2,2,2,2,, -1102,7,,2,1,2,2,,2,2,1,2,2,1,3, -1103,4,,2,1,2,2,,2,2,2,2,2,2,, -1104,4,,2,2,2,2,,2,2,1,2,1,2,, -1105,4,,2,34,1,2,,2,2,1,1,1,2,, -1106,1,2,,1,2,2,,2,2,2,2,2,2,, -1107,1,2,2,0,2,2,,2,2,2,2,2,2,, -1108,4,,2,1,1,2,,2,2,2,2,2,2,, -1109,7,,2,10,2,2,,2,2,1,2,1,1,3, -1110,4,,1,2,2,2,,2,2,2,2,2,2,, -1111,1,2,,0,2,2,,2,2,2,2,2,2,, -1112,5,,2,1,2,2,,2,2,2,2,2,2,, -1113,1,2,2,0,2,2,,2,2,2,2,2,2,, -1114,1,2,,0,2,2,,2,2,2,2,2,2,, -1115,1,2,,0,2,2,,2,2,2,2,2,2,, -1116,4,,2,1,2,2,,2,2,2,2,2,2,, -1117,1,2,2,0,2,2,,2,2,2,2,2,2,, -1118,1,2,2,0,2,2,,2,2,2,2,2,2,, -1119,4,,2,1,2,2,,2,2,2,2,2,2,, -1120,4,,2,1,2,2,,2,2,2,2,2,2,, -1121,4,,2,6,2,2,,2,2,2,2,2,2,, -1122,4,,2,1,2,2,,2,2,2,2,2,2,, -1123,1,2,,1,2,2,,2,2,2,2,2,2,, -1124,1,2,2,0,2,2,,2,2,2,2,2,2,, -1125,4,,2,14,1,2,,1,2,2,2,2,2,, -1126,1,2,,0,2,2,,2,2,2,2,2,2,, -1127,1,2,,0,2,2,,2,2,2,2,2,2,, -1128,4,,2,2,2,2,,2,2,2,2,2,2,, -1129,4,,2,1,2,2,,2,2,2,2,2,2,, -1130,1,2,,0,2,2,,2,2,2,2,2,2,, -1131,1,2,2,1,2,2,,2,2,2,2,2,2,, -1132,1,2,2,1,2,2,,2,2,2,2,2,2,, -1133,1,2,2,0,2,2,,2,2,2,2,2,2,, -1134,5,,2,0,2,2,,2,2,2,2,2,2,, -1135,1,2,,0,2,2,,2,2,2,2,2,2,, -1136,1,2,2,0,2,2,,2,2,2,2,2,2,, -1137,1,2,2,0,2,2,,2,2,2,2,2,2,, -1138,1,2,2,0,2,2,,2,2,2,2,2,2,, -1139,4,,1,2,2,2,,2,2,2,2,2,2,, -1140,4,,2,2,2,2,,2,2,2,2,2,2,, -1141,7,,2,6,1,2,,2,2,1,2,2,2,, -1142,7,,2,2,2,2,,2,2,2,2,2,2,, -1143,1,2,,0,2,2,,2,2,2,2,2,2,, -1144,1,2,,0,2,2,,2,2,2,2,2,2,, -1145,7,,2,2,2,2,,2,2,2,2,2,1,3, -1146,5,,2,1,2,2,,2,2,2,2,2,2,, -1147,4,,2,1,2,2,,2,2,2,2,2,2,, -1148,4,,2,1,2,2,,2,2,2,2,2,2,, -1149,7,,2,4,1,2,,2,2,1,2,1,2,, -1150,4,,2,3,1,2,,2,2,1,2,2,2,, -1151,1,2,2,1,2,2,,2,2,2,2,2,2,, -1152,1,2,,0,2,2,,2,2,2,2,2,2,, -1153,4,,2,1,2,2,,2,2,2,2,2,2,, -1154,5,,2,1,2,2,,2,2,2,2,2,2,, -1155,1,2,,0,2,2,,2,2,2,2,2,2,, -1156,4,,2,1,1,2,,2,2,2,2,2,2,, -1157,4,,2,1,2,2,,2,2,2,2,2,2,, -1158,1,2,2,0,2,2,,2,2,2,2,2,2,, -1159,4,,2,1,2,2,,2,2,2,2,2,2,, -1160,7,,2,21,2,2,,2,2,2,2,2,2,, -1161,1,2,,1,2,2,,2,2,2,2,2,2,, -1162,4,,2,1,2,2,,2,2,2,2,2,2,, -1163,1,2,2,0,2,2,,2,2,2,2,2,2,, -1164,5,,2,1,2,2,,2,2,2,2,2,2,, -1165,5,,2,1,2,2,,2,2,2,2,2,2,, -1166,1,2,,1,2,2,,2,2,2,2,2,2,, -1167,1,2,2,0,2,2,,2,2,2,2,2,2,, -1168,7,,2,13,2,2,,2,2,2,2,2,2,, -1169,1,2,,0,2,2,,2,2,2,2,2,2,, -1170,1,2,,0,2,2,,2,2,2,2,2,2,, -1171,4,,2,4,1,2,,2,2,2,2,2,2,, -1172,4,,2,2,2,2,,2,2,2,1,2,2,, -1173,5,,1,3,1,2,,2,2,2,2,2,2,, -1174,1,2,2,1,2,2,,2,2,2,2,2,2,, -1175,7,,2,16,2,2,,2,2,1,2,2,2,, -1176,1,2,,0,2,2,,2,2,2,2,2,2,, -1177,1,2,2,0,2,2,,2,2,2,2,2,2,, -1178,1,2,2,0,2,2,,2,2,2,2,2,2,, -1179,1,2,2,0,2,2,,2,2,2,2,2,2,, -1180,1,2,,0,2,2,,2,2,2,2,2,2,, -1181,4,,2,2,2,2,,2,2,2,2,2,2,, -1182,4,,2,3,2,2,,2,2,2,2,2,2,, -1183,4,,2,6,2,2,,2,2,2,2,2,2,, -1184,1,2,2,0,2,2,,2,2,2,2,2,2,, -1185,9,2,2,0,2,2,,2,2,2,2,2,2,, -1186,1,2,,0,2,2,,2,2,2,2,2,2,, -1187,1,2,,0,2,2,,2,2,2,2,2,2,, -1188,5,,2,0,2,2,,2,2,2,2,2,2,, -1189,4,,2,1,2,2,,2,2,2,2,2,2,, -1190,1,2,,1,2,2,,2,2,2,2,2,2,, -1191,1,2,2,1,2,2,,2,2,2,2,2,2,, -1192,1,2,2,1,2,2,,2,2,2,2,2,2,, -1193,1,2,,0,2,2,,2,2,2,2,2,2,, -1194,1,2,2,0,2,2,,2,2,2,2,2,2,, -1195,4,,2,3,2,2,,2,2,2,2,2,2,, -1196,7,,2,10,1,2,,2,2,1,2,1,2,, -1197,1,2,2,0,2,2,,2,2,2,2,2,2,, -1198,7,,2,2,2,2,,2,2,1,2,1,1,3, -1199,1,2,,1,2,2,,2,2,2,2,2,2,, -1200,1,2,2,1,2,2,,2,2,2,2,2,2,, -1201,4,,2,3,2,2,,2,2,1,1,2,2,, -1202,6,,2,2,2,2,,2,2,1,2,1,2,, -1203,7,,2,1,2,2,,2,2,2,2,2,2,, -1204,1,2,,0,2,2,,2,2,2,2,2,2,, -1205,4,,2,2,2,2,,2,2,1,2,2,2,, -1206,4,,2,1,2,2,,2,2,2,2,2,2,, -1207,1,2,2,1,2,2,,2,2,2,2,2,2,, -1208,1,2,2,0,2,2,,2,2,2,2,2,2,, -1209,4,,2,4,2,2,,2,2,2,2,1,2,, -1210,1,2,,0,2,2,,2,2,2,2,2,2,, -1211,1,2,2,0,2,2,,2,2,2,2,2,2,, -1212,1,2,,1,2,2,,2,2,2,2,2,2,, -1213,7,,1,13,2,2,,2,2,2,2,2,2,, -1214,1,2,,1,2,2,,2,2,2,2,2,2,, -1215,1,2,,0,2,2,,2,2,2,2,2,2,, -1216,4,,2,1,2,2,,2,2,2,2,2,2,, -1217,4,,2,3,1,2,,2,2,2,2,2,2,, -1218,4,,2,5,2,2,,2,2,2,2,1,2,, -1219,7,,2,8,2,2,,2,2,2,2,2,2,, -1220,1,2,,0,2,2,,2,2,1,2,2,2,, -1221,5,,2,1,2,2,,2,2,2,2,2,2,, -1222,4,,2,1,2,2,,2,2,2,2,2,2,, -1223,1,2,,1,2,2,,2,2,2,2,2,2,, -1224,7,,2,3,2,2,,2,2,2,2,2,2,, -1225,1,2,,1,2,2,,2,2,2,2,2,2,, -1226,1,2,2,0,2,2,,2,2,2,2,2,2,, -1227,1,2,,1,2,2,,2,2,2,2,2,2,, -1228,7,,2,1,2,2,,2,2,2,2,2,2,, -1229,7,,2,5,1,2,,2,2,2,2,2,2,, -1230,7,,2,21,2,2,,2,2,2,1,1,2,, -1231,1,2,,0,2,2,,2,2,2,2,2,2,, -1232,4,,2,3,2,2,,2,2,2,2,1,2,, -1233,1,2,2,0,2,2,,2,2,2,2,2,2,, -1234,4,,2,3,1,2,,2,2,1,2,2,2,, -1235,1,2,,1,2,2,,2,2,2,2,2,2,, -1236,4,,2,2,2,2,,2,2,2,2,2,2,, -1237,4,,2,2,2,2,,2,2,2,2,2,2,, -1238,1,2,2,0,2,2,,2,2,2,2,2,2,, -1239,7,,2,53,1,2,,2,2,1,1,2,2,, -1240,1,2,,1,2,2,,2,2,2,2,2,2,, -1241,5,,2,1,2,2,,2,2,2,2,2,2,, -1242,5,,2,1,2,2,,2,2,2,2,2,2,, -1243,1,2,,0,2,2,,2,2,2,2,2,2,, -1244,4,,2,1,2,2,,2,2,2,2,2,2,, -1245,4,,2,1,2,2,,2,2,2,2,2,2,, -1246,4,,2,10,2,2,,2,2,2,2,1,2,, -1247,1,2,2,1,2,2,,2,2,2,2,2,2,, -1248,1,2,2,0,2,2,,2,2,2,2,2,2,, -1249,4,,2,2,2,2,,2,2,2,2,2,2,, -1250,4,,2,1,2,2,,2,2,2,1,2,2,, -1251,4,,2,3,2,2,,2,2,2,2,1,2,, -1252,1,2,2,0,2,2,,2,2,2,2,2,2,, -1253,4,,2,1,2,2,,2,2,2,1,2,2,, -1254,1,2,2,1,1,2,,2,2,2,2,2,2,, -1255,1,2,2,0,2,2,,2,2,2,2,2,2,, -1256,1,2,,1,2,2,,2,2,1,2,2,2,, -1257,4,,2,3,2,2,,2,2,1,2,2,2,, -1258,1,2,2,0,2,2,,2,2,2,2,2,2,, -1259,4,,2,3,2,2,,2,2,2,2,2,2,, -1260,1,2,2,0,2,2,,2,2,2,2,2,2,, -1261,4,,2,6,2,2,,2,2,2,2,2,2,, -1262,4,,2,1,2,2,,2,2,2,2,2,2,, -1263,4,,2,8,2,2,,2,2,2,1,1,2,, -1264,1,2,,0,2,2,,2,2,2,2,2,2,, -1265,4,,2,6,1,2,,2,2,2,2,2,2,, -1266,1,2,2,0,2,2,,2,2,2,2,2,2,, -1267,7,,2,5,2,2,,2,2,2,2,2,2,, -1268,2,2,,13,2,2,,2,2,2,2,2,2,, -1269,1,2,2,1,2,2,,2,2,2,2,2,2,, -1270,1,2,,0,2,2,,2,2,2,2,2,2,, -1271,1,2,,1,2,2,,2,2,2,2,2,2,, -1272,7,,2,3,2,2,,2,2,2,2,2,2,, -1273,4,,2,1,2,2,,2,2,1,2,2,2,, -1274,6,,2,1,2,2,,2,2,2,2,1,2,, -1275,7,,2,5,1,2,,2,2,1,2,1,2,, -1276,5,,2,1,2,2,,2,2,2,2,2,2,, -1277,4,,2,1,2,2,,2,2,2,2,2,2,, -1278,1,2,,0,2,2,,2,2,2,2,2,2,, -1279,4,,2,3,2,2,,2,2,2,2,2,2,, -1280,7,,2,3,1,2,,2,2,1,2,2,1,3, -1281,4,,2,1,2,2,,2,2,2,2,2,2,, -1282,4,,2,2,2,2,,2,2,2,2,2,2,, -1283,4,,2,6,2,2,,2,2,2,2,2,2,, -1284,7,,2,3,2,2,,2,2,2,2,2,2,, -1285,4,,2,1,2,2,,2,2,2,2,2,2,, -1286,1,2,2,0,2,2,,2,2,2,2,2,2,, -1287,1,2,,0,2,2,,2,2,2,2,2,2,, -1288,4,,2,3,2,2,,2,2,2,2,2,2,, -1289,6,,2,18,1,2,,2,1,1,1,2,2,, -1290,1,2,2,0,2,2,,2,2,2,2,2,2,, -1291,1,2,2,1,2,2,,2,2,2,2,2,2,, -1292,1,2,,0,2,2,,2,2,2,2,2,2,, -1293,1,2,2,0,2,2,,2,2,2,2,2,2,, -1294,1,2,2,0,2,2,,2,2,2,2,2,2,, -1295,4,,2,1,2,2,,2,2,2,2,2,2,, -1296,4,,2,2,2,2,,2,2,1,2,2,2,, -1297,7,,2,7,2,2,,2,2,1,2,2,2,, -1298,1,2,,0,2,2,,2,2,2,2,2,2,, -1299,4,,2,2,2,2,,2,2,2,2,2,2,, -1300,4,,2,1,2,2,,2,2,2,2,2,2,, -1301,1,2,2,0,2,2,,2,2,2,2,2,2,, -1302,1,2,2,0,2,2,,2,2,2,2,2,2,, -1303,5,,2,1,2,2,,2,2,2,2,2,2,, -1304,5,,2,1,2,2,,2,2,2,2,2,2,, -1305,1,2,2,0,2,2,,2,2,2,2,2,2,, -1306,1,2,,1,2,2,,2,2,2,2,2,2,, -1307,1,2,,0,2,2,,2,2,2,2,2,2,, -1308,4,,2,15,1,2,,2,1,1,1,1,2,, -1309,4,,2,5,2,2,,2,2,2,1,2,2,, -1310,7,,2,2,2,2,,2,2,2,2,2,2,, -1311,5,,2,0,2,2,,2,2,2,2,2,2,, -1312,4,,2,2,2,2,,2,2,2,2,1,2,, -1313,7,,2,23,1,2,,1,2,2,2,2,2,, -1314,1,2,2,0,2,2,,2,2,2,2,2,2,, -1315,5,,2,1,2,2,,2,2,2,2,2,2,, -1316,4,,2,2,2,2,,2,2,2,2,2,2,, -1317,1,2,2,0,2,2,,2,2,2,2,2,2,, -1318,1,2,2,0,2,2,,2,2,2,2,2,2,, -1319,1,2,,0,2,2,,2,2,2,2,2,2,, -1320,7,,2,2,2,2,,2,2,2,2,2,2,, -1321,4,,2,15,1,2,,2,1,2,2,2,2,, -1322,7,,2,2,1,2,,2,1,2,2,2,2,, -1323,1,2,,0,2,2,,2,2,2,2,2,2,, -1324,4,,2,3,2,2,,2,2,2,2,2,2,, -1325,1,2,2,1,2,2,,2,2,2,2,2,2,, -1326,1,2,2,0,2,2,,2,2,2,2,2,2,, -1327,4,,2,2,2,2,,2,2,2,2,2,2,, -1328,5,,2,1,2,2,,2,2,2,2,2,2,, -1329,1,2,,0,2,2,,2,2,2,2,2,2,, -1330,4,,2,1,2,2,,2,2,2,1,2,2,, -1331,4,,2,3,2,2,,2,2,2,2,2,2,, -1332,1,2,2,0,2,2,,2,2,2,2,2,2,, -1333,1,2,2,0,2,2,,2,2,2,2,2,2,, -1334,1,2,,0,2,2,,2,2,2,2,2,2,, -1335,1,2,2,0,2,2,,2,2,2,2,2,2,, -1336,7,,2,2,2,2,,2,2,2,2,2,1,5,Respiratory Failure -1337,1,2,2,0,2,2,,2,2,2,2,2,2,, -1338,6,,2,8,1,2,,2,1,2,2,2,2,, -1339,1,2,,0,2,2,,2,2,2,2,2,2,, -1340,1,2,,0,2,2,,2,2,2,2,2,2,, -1341,1,2,,0,2,2,,2,2,2,2,2,2,, -1342,5,,2,1,2,2,,2,2,2,2,2,2,, -1343,1,2,2,0,2,2,,2,2,2,2,2,2,, -1344,1,2,,0,2,2,,2,2,2,2,2,2,, -1345,1,2,,0,2,2,,2,2,2,2,2,2,, -1346,4,,2,4,2,2,,2,2,2,2,2,2,, -1347,5,,2,1,2,2,,2,2,2,2,2,2,, -1348,1,2,,0,2,2,,2,2,2,2,2,2,, -1349,1,2,,1,2,2,,2,2,2,2,2,2,, -1350,1,2,2,0,2,2,,2,2,2,2,2,2,, -1351,1,2,2,0,2,2,,2,2,2,2,2,2,, -1352,4,,2,4,1,2,,2,2,2,2,2,2,, -1353,1,2,,1,2,2,,2,2,2,2,2,2,, -1354,4,,2,1,2,2,,2,2,2,2,2,2,, -1355,7,,2,1,2,2,,2,2,2,2,2,2,, -1356,5,,2,1,2,2,,2,2,2,2,2,2,, -1357,1,2,2,0,2,2,,2,2,2,2,2,2,, -1358,1,2,2,1,2,2,,2,2,2,2,2,2,, -1359,4,,2,2,2,2,,2,2,2,2,2,2,, -1360,5,,2,1,2,2,,2,2,2,2,2,2,, -1361,1,2,2,0,2,2,,2,2,2,2,2,2,, -1362,1,2,2,0,2,2,,2,2,2,2,2,2,, -1363,7,,2,9,2,2,,2,2,1,2,2,2,, -1364,1,2,,1,2,2,,2,2,2,2,2,2,, -1365,1,2,2,0,2,2,,2,2,2,2,2,2,, -1366,1,2,2,0,2,2,,2,2,2,2,2,2,, -1367,1,2,2,0,2,2,,2,2,2,2,2,2,, -1368,1,2,2,1,2,2,,2,2,2,2,2,2,, -1369,7,,2,4,2,2,,2,2,2,2,2,2,, -1370,4,,2,2,2,2,,2,2,2,2,2,2,, -1371,1,2,2,0,2,2,,2,2,2,2,2,2,, -1372,1,2,,0,2,2,,2,2,2,2,2,2,, -1373,4,,1,5,2,2,,2,2,2,1,1,2,, -1374,4,,2,1,2,2,,2,2,2,2,2,2,, -1375,4,,2,1,2,2,,2,2,2,2,2,2,, -1376,5,,2,0,2,2,,2,2,2,2,2,2,, -1377,1,2,,0,2,2,,2,2,2,2,2,2,, -1378,1,2,2,0,2,2,,2,2,2,2,2,2,, -1379,4,,2,1,2,2,,2,2,2,2,2,2,, -1380,1,2,2,0,2,2,,2,2,2,2,2,2,, -1381,4,,2,1,2,2,,2,2,2,2,1,2,, -1382,4,,2,6,2,2,,2,2,1,1,2,2,, -1383,1,2,2,0,2,2,,2,2,2,2,2,2,, -1384,1,2,,0,2,2,,2,2,2,2,2,2,, -1385,5,,2,0,2,2,,2,2,2,2,2,2,, -1386,2,2,,0,2,2,,2,2,2,2,2,2,, -1387,1,2,2,0,2,2,,2,2,2,2,2,2,, -1388,1,2,2,0,2,2,,2,2,2,2,2,2,, -1389,1,2,,0,2,2,,2,2,2,2,2,2,, -1390,1,2,,0,2,2,,2,2,2,2,2,2,, -1391,1,2,2,1,2,2,,2,2,2,2,2,2,, -1392,1,2,2,0,2,2,,2,2,2,2,2,2,, -1393,4,,2,1,2,2,,2,2,2,2,1,2,, -1394,4,,2,1,2,2,,2,2,1,2,1,2,, -1395,4,,2,2,2,2,,2,2,2,2,1,2,, -1396,1,2,,0,2,2,,2,2,2,1,2,2,, -1397,1,2,,1,2,2,,2,2,2,2,2,2,, -1398,1,2,,0,2,2,,2,2,2,2,2,2,, -1399,1,2,2,0,2,2,,2,2,2,2,2,2,, -1400,1,2,,1,2,2,,2,2,2,2,2,2,, -1401,1,2,,1,2,2,,2,2,2,2,2,2,, -1402,4,,2,6,2,2,,2,2,1,2,2,2,, -1403,4,,2,2,2,2,,2,2,2,2,2,2,, -1404,1,2,2,0,2,2,,2,2,2,2,2,2,, -1405,4,,2,3,2,2,,2,2,2,2,1,2,, -1406,1,2,2,0,2,2,,2,2,2,2,2,2,, -1407,6,,2,5,2,2,,2,2,2,2,1,2,, -1408,1,2,2,0,2,2,,2,2,2,2,2,2,, -1409,1,2,2,0,2,2,,2,2,2,2,2,2,, -1410,1,2,,1,2,2,,2,2,2,2,2,2,, -1411,1,2,,0,2,2,,2,2,2,2,2,2,, -1412,4,,2,1,2,2,,2,2,2,2,2,2,, -1413,1,2,2,0,2,2,,2,2,2,2,2,2,, -1414,4,,2,1,2,2,,2,2,2,2,2,2,, -1415,1,2,,0,2,2,,2,2,2,2,2,2,, -1416,4,,2,3,2,2,,2,2,1,2,1,2,, -1417,1,2,2,0,2,2,,2,2,2,2,2,2,, -1418,7,,2,7,1,2,,2,1,2,2,2,2,, -1419,1,2,2,0,2,2,,2,2,2,2,2,2,, -1420,1,2,,0,2,2,,2,2,2,2,2,2,, -1421,1,2,,0,2,2,,2,2,2,2,2,2,, -1422,1,2,2,1,2,2,,2,2,2,2,2,2,, -1423,4,,2,1,2,2,,2,2,2,2,2,2,, -1424,4,,2,3,2,2,,2,2,2,2,1,2,, -1425,5,,2,1,2,2,,2,2,2,2,2,2,, -1426,4,,2,1,2,2,,2,2,2,2,2,2,, -1427,5,,2,1,2,2,,2,2,2,2,2,2,, -1428,1,2,,0,2,2,,2,2,2,2,2,2,, -1429,4,,2,2,2,2,,2,2,2,1,2,2,, -1430,1,2,,0,2,2,,2,2,2,2,2,2,, -1431,4,,2,1,2,2,,2,2,2,2,2,2,, -1432,1,2,2,1,2,2,,2,2,2,2,2,2,, -1433,1,2,,0,2,2,,2,2,2,2,2,2,, -1434,1,2,2,0,2,2,,2,2,2,2,2,2,, -1435,1,2,2,0,2,2,,2,2,2,2,2,2,, -1436,4,,2,16,2,2,,2,2,2,2,2,2,, -1437,4,,2,1,2,2,,2,2,2,2,2,2,, -1438,1,2,2,0,2,2,,2,2,2,2,2,2,, -1439,1,2,,0,2,2,,2,2,2,2,2,2,, -1440,4,,2,4,2,2,,2,2,2,1,1,2,, -1441,1,2,,0,2,2,,2,2,2,2,2,2,, -1442,4,,1,26,2,2,,2,2,2,2,1,2,, -1443,1,2,2,0,2,2,,2,2,2,2,2,2,, -1444,4,,2,3,2,2,,2,2,2,2,1,2,, -1445,1,2,2,0,2,2,,2,2,2,2,2,2,, -1446,4,,2,2,2,2,,2,2,1,2,2,2,, -1447,4,,2,1,2,2,,2,2,2,2,2,2,, -1448,4,,2,4,1,2,,2,2,1,2,1,2,, -1449,1,2,,1,2,2,,2,2,2,2,2,2,, -1450,4,,2,2,2,2,,2,2,2,2,2,2,, -1451,1,2,,0,2,2,,2,2,2,2,2,2,, -1452,1,2,2,0,2,2,,2,2,2,2,2,2,, -1453,4,,2,4,2,2,,2,2,2,2,2,2,, -1454,1,2,,0,2,2,,2,2,2,2,2,2,, -1455,7,,2,5,1,2,,2,2,1,1,2,2,, -1456,1,2,,0,2,2,,2,2,2,2,2,2,, -1457,4,,2,1,2,2,,2,2,1,2,2,2,, -1458,1,2,2,0,2,2,,2,2,2,2,2,2,, -1459,4,,2,4,2,2,,2,2,1,1,2,2,, -1460,4,,2,2,2,2,,2,2,1,2,2,2,, -1461,4,,2,1,2,2,,2,2,2,2,2,2,, -1462,1,2,,1,2,2,,2,2,2,2,2,2,, -1463,1,2,2,0,2,2,,2,2,2,2,2,2,, -1464,7,,2,3,2,2,,2,2,2,2,2,2,, -1465,7,,2,4,1,2,,2,2,2,2,2,2,, -1466,7,,2,1,2,2,,2,2,2,2,2,2,, -1467,1,2,,0,2,2,,2,2,2,2,2,2,, -1468,1,2,2,0,2,2,,2,2,2,2,2,2,, -1469,1,2,,0,2,2,,2,2,2,2,2,2,, -1470,1,2,2,0,2,2,,2,2,2,2,2,2,, -1471,1,2,2,1,2,2,,2,2,2,2,2,2,, -1472,1,2,2,1,2,2,,2,2,2,2,2,2,, -1473,7,,2,2,2,2,,2,2,1,2,2,2,, -1474,1,2,,1,2,2,,2,2,2,2,2,2,, -1475,1,2,2,1,2,2,,2,2,2,2,2,2,, -1476,1,2,,0,2,2,,2,2,2,2,2,2,, -1477,4,,2,1,2,2,,2,2,2,2,2,2,, -1478,1,2,,0,2,2,,2,2,2,2,2,2,, -1479,1,2,,0,2,2,,2,2,2,2,2,2,, -1480,4,,2,1,2,2,,2,2,2,2,2,2,, -1481,1,2,,0,2,2,,2,2,2,2,2,2,, -1482,1,2,2,0,2,2,,2,2,2,2,2,2,, -1483,1,2,2,0,2,2,,2,2,2,2,2,2,, -1484,4,,2,3,2,2,,2,2,2,2,2,2,, -1485,1,2,,0,2,2,,2,2,2,2,2,2,, -1486,7,,2,3,2,2,,2,2,2,2,2,2,, -1487,1,2,2,1,2,2,,2,2,2,2,2,2,, -1488,1,2,,0,2,2,,2,2,2,2,2,2,, -1489,5,,2,1,2,2,,2,2,2,2,2,2,, -1490,4,,2,1,2,2,,2,2,2,2,2,2,, -1491,1,2,,0,2,2,,2,2,2,2,2,2,, -1492,1,2,2,0,2,2,,2,2,2,2,2,2,, -1493,1,2,,0,2,2,,2,2,2,2,2,2,, -1494,7,,2,3,2,2,,2,2,2,2,2,2,, -1495,4,,2,3,1,2,,2,2,2,2,2,2,, -1496,7,,2,3,2,2,,2,2,2,1,2,2,, -1497,1,2,,0,2,2,,2,2,2,2,2,2,, -1498,1,2,,1,2,2,,2,2,2,2,2,2,, -1499,7,,2,8,2,2,,2,2,1,2,2,2,, -1500,4,,2,1,2,2,,2,2,2,2,1,2,, -1501,4,,2,1,2,2,,2,2,2,2,2,2,, -1502,4,,2,4,2,2,,2,2,2,2,2,2,, -1503,1,2,,1,2,2,,2,2,2,2,2,2,, -1504,1,2,2,0,2,2,,2,2,2,2,2,2,, -1505,6,,2,2,2,2,,2,2,2,2,1,2,, -1506,1,2,2,1,2,2,,2,2,2,2,2,2,, -1507,4,,2,4,2,2,,2,2,2,1,1,2,, -1508,1,2,2,1,2,2,,2,2,2,2,2,2,, -1509,4,,2,1,2,2,,2,2,2,2,2,2,, -1510,4,,2,4,1,2,,2,2,2,2,2,2,, -1511,1,2,,0,2,2,,2,2,2,2,2,2,, -1512,7,,2,2,2,2,,2,2,2,2,2,2,, -1513,4,,2,2,2,2,,2,2,2,2,2,2,, -1514,7,,2,15,2,2,,2,2,2,2,1,2,, -1515,5,,2,0,2,2,,2,2,2,2,2,2,, -1516,1,2,,0,2,2,,2,2,2,2,2,2,, -1517,1,2,2,0,2,2,,2,2,2,2,2,2,, -1518,4,,2,2,2,2,,2,2,2,2,2,2,, -1519,5,,2,2,2,2,,2,2,2,2,1,2,, -1520,1,2,2,0,2,2,,2,2,2,2,2,2,, -1521,1,2,2,0,2,2,,2,2,2,2,2,2,, -1522,4,,2,1,2,2,,2,2,2,2,2,2,, -1523,1,2,,0,2,2,,2,2,2,2,2,2,, -1524,5,,2,1,2,2,,2,2,2,2,2,2,, -1525,5,,2,1,2,2,,2,2,2,2,2,2,, -1526,1,2,,1,2,2,,2,2,2,2,2,2,, -1527,4,,2,1,2,2,,2,2,2,2,2,2,, -1528,4,,2,5,1,2,,2,2,2,1,2,2,, -1529,7,,2,2,2,2,,2,2,2,2,2,2,, -1530,4,,2,1,2,2,,2,2,2,2,2,2,, -1531,4,,2,2,2,2,,2,2,2,2,2,2,, -1532,1,2,,1,2,2,,2,2,2,2,2,2,, -1533,4,,2,1,2,2,,2,2,2,2,2,2,, -1534,1,2,2,0,2,2,,2,2,2,2,2,2,, -1535,4,,2,1,2,2,,2,2,2,2,2,2,, -1536,1,2,2,0,2,2,,2,2,2,2,2,2,, -1537,4,,2,1,2,2,,2,2,2,2,1,2,, -1538,4,,2,2,2,2,,2,2,2,2,2,2,, -1539,4,,2,1,2,2,,2,2,2,2,2,2,, -1540,7,,2,5,2,2,,2,2,2,2,1,2,, -1541,1,2,,0,2,2,,2,2,2,2,2,2,, -1542,1,2,,0,2,2,,2,2,2,2,2,2,, -1543,1,2,2,0,2,2,,2,2,2,2,2,2,, -1544,1,2,,0,2,2,,2,2,2,2,2,2,, -1545,1,2,,0,2,2,,2,2,2,2,2,2,, -1546,6,,2,58,2,2,,2,2,2,2,1,2,, -1547,4,,2,1,2,2,,2,2,2,2,2,2,, -1548,4,,2,1,2,2,,2,2,2,2,2,2,, -1549,7,,2,3,2,2,,2,2,2,2,2,2,, -1550,4,,2,3,2,2,,2,2,2,2,2,2,, -1551,1,2,2,1,2,2,,2,2,2,2,2,2,, -1552,4,,2,2,2,2,,2,2,2,2,1,2,, -1553,5,,2,0,2,2,,2,2,2,2,2,2,, -1554,1,2,2,0,2,2,,2,2,2,2,2,2,, -1555,4,,2,3,2,2,,2,2,2,2,2,2,, -1556,1,2,,0,2,2,,2,2,2,2,2,2,, -1557,1,2,,0,2,2,,2,2,2,2,2,2,, -1558,1,2,,0,2,2,,2,2,2,1,2,2,, -1559,4,,2,1,2,2,,2,2,2,2,2,2,, -1560,4,,2,1,2,2,,2,2,2,2,2,2,, -1561,5,,2,1,2,2,,2,2,2,2,2,2,, -1562,4,,2,2,2,2,,2,2,2,2,2,2,, -1563,1,2,,0,2,2,,2,2,2,2,2,2,, -1564,1,2,2,1,2,2,,2,2,2,2,2,2,, -1565,1,2,,1,2,2,,2,2,2,2,2,2,, -1566,4,,2,2,1,2,,2,2,1,2,2,2,, -1567,7,,2,5,2,2,,2,2,2,2,1,2,, -1568,1,2,2,0,2,2,,2,2,2,2,2,2,, -1569,4,,2,4,2,2,,2,2,2,2,1,2,, -1570,1,2,2,0,2,2,,2,2,2,2,2,2,, -1571,1,2,,0,2,2,,2,2,2,2,2,2,, -1572,1,2,2,1,2,2,,2,2,2,2,2,2,, -1573,1,2,,0,2,2,,2,2,2,2,2,2,, -1574,7,,2,5,2,2,,2,2,2,2,2,2,, -1575,7,,2,5,2,2,,2,2,2,1,2,2,, -1576,1,2,2,0,2,2,,2,2,2,2,2,2,, -1577,1,2,2,0,2,2,,2,2,2,2,2,2,, -1578,1,2,2,0,2,2,,2,2,2,2,2,2,, -1579,1,2,2,1,2,2,,2,2,2,2,2,2,, -1580,1,2,2,0,2,2,,2,2,2,2,2,2,, -1581,1,2,,0,2,2,,2,2,2,2,2,2,, -1582,1,2,2,1,2,2,,2,2,2,2,2,2,, -1583,4,,2,1,2,2,,2,2,2,2,2,2,, -1584,4,,2,1,2,2,,2,2,2,2,2,2,, -1585,1,2,,0,2,2,,2,2,2,2,2,2,, -1586,1,2,,0,2,2,,2,2,2,2,2,2,, -1587,4,,2,2,2,2,,2,2,2,2,2,2,, -1588,4,,2,1,2,2,,2,2,2,2,2,2,, -1589,5,,2,1,2,2,,2,2,2,2,2,2,, -1590,4,,2,1,2,2,,2,2,2,2,1,2,, -1591,1,2,2,0,2,2,,2,2,2,2,2,2,, -1592,1,2,2,0,2,2,,2,2,2,2,2,2,, -1593,1,2,2,0,2,2,,2,2,2,2,2,2,, -1594,4,,2,0,2,2,,2,2,2,2,2,2,, -1595,1,2,2,0,2,2,,2,2,2,2,2,2,, -1596,1,2,2,0,2,2,,2,2,2,2,2,2,, -1597,1,2,,0,2,2,,2,2,2,2,2,2,, -1598,1,2,2,0,2,2,,2,2,2,2,2,2,, -1599,1,2,,0,2,2,,2,2,2,2,2,2,, -1600,4,,2,2,2,2,,2,2,2,2,1,2,, -1601,4,,2,3,2,2,,2,2,2,2,2,2,, -1602,7,,2,8,2,2,,2,2,2,2,2,1,3, -1603,1,2,2,1,2,2,,2,2,2,2,2,2,, -1604,1,2,,1,2,2,,2,2,2,2,2,2,, -1605,4,,2,1,2,2,,2,2,2,2,2,2,, -1606,4,,2,1,2,2,,2,2,2,2,2,2,, -1607,1,2,,0,2,2,,2,2,2,2,2,2,, -1608,1,2,2,0,2,2,,2,2,2,2,2,2,, -1609,4,,2,2,2,2,,2,2,2,2,2,2,, -1610,1,2,,0,2,2,,2,2,2,2,2,2,, -1611,4,,2,1,2,2,,2,2,2,2,2,2,, -1612,1,2,,0,2,2,,2,2,2,2,2,2,, -1613,4,,2,4,2,2,,2,2,2,2,2,2,, -1614,1,2,2,0,2,2,,2,2,2,2,2,2,, -1615,1,2,2,0,2,2,,2,2,2,2,2,2,, -1616,4,,2,3,1,2,,2,2,2,2,2,2,, -1617,7,,2,25,2,2,,2,2,1,2,1,2,, -1618,1,2,2,0,2,2,,2,2,2,2,2,2,, -1619,1,2,,1,2,2,,2,2,2,2,2,2,, -1620,1,2,2,1,2,2,,2,2,2,2,2,2,, -1621,4,,2,1,2,2,,2,2,2,2,2,2,, -1622,4,,2,2,2,2,,2,2,2,2,1,2,, -1623,5,,2,2,2,2,,2,2,2,2,1,2,, -1624,7,,2,10,2,2,,2,2,2,2,2,2,, -1625,7,,2,1,2,2,,2,2,2,2,2,2,, -1626,5,,2,1,2,2,,2,2,2,2,2,2,, -1627,1,2,,0,2,2,,2,2,2,2,2,2,, -1628,1,2,,0,2,2,,2,2,2,2,2,2,, -1629,6,,2,2,2,2,,2,2,2,2,1,2,, -1630,1,2,2,0,2,2,,2,2,2,2,2,2,, -1631,1,2,2,0,2,2,,2,2,2,2,2,2,, -1632,4,,2,1,2,2,,2,2,2,2,2,2,, -1633,7,,2,6,2,2,,2,2,2,2,1,2,, -1634,1,2,,0,2,2,,2,2,2,2,2,2,, -1635,1,2,,0,2,2,,2,2,2,2,2,2,, -1636,1,2,,0,2,2,,2,2,2,2,2,2,, -1637,1,2,,0,2,2,,2,2,2,2,2,2,, -1638,4,,2,1,2,2,,2,2,2,2,2,2,, -1639,2,2,2,0,2,2,,2,2,2,2,2,2,, -1640,4,,2,3,2,2,,2,2,2,2,2,2,, -1641,1,2,,0,2,2,,2,2,2,2,2,2,, -1642,4,,2,1,1,2,,2,2,2,1,2,2,, -1643,1,2,,0,2,2,,2,2,2,2,2,2,, -1644,5,,2,1,2,2,,2,2,2,2,2,2,, -1645,4,,2,1,2,2,,2,2,2,2,2,2,, -1646,1,2,2,0,2,2,,2,2,2,2,2,2,, -1647,6,,2,3,2,2,,2,2,1,2,1,2,, -1648,8,,2,2,2,2,,2,2,1,2,2,2,, -1649,7,,2,4,2,2,,2,2,2,2,2,2,, -1650,4,,2,2,2,2,,2,2,2,2,2,2,, -1651,1,2,,0,2,2,,2,2,2,2,2,2,, -1652,1,2,,0,2,2,,2,2,1,2,2,2,, -1653,4,,2,1,2,2,,2,2,1,2,2,2,, -1654,7,,2,23,2,2,,2,2,2,2,1,2,, -1655,1,2,,0,2,2,,2,2,2,2,2,2,, -1656,1,2,,0,2,2,,2,2,2,2,2,2,, -1657,1,2,,0,2,2,,2,2,2,2,2,2,, -1658,1,2,,1,2,2,,2,2,2,2,2,2,, -1659,1,2,,0,2,2,,2,2,2,2,2,2,, -1660,1,2,,1,2,2,,2,2,2,2,2,2,, -1661,4,,2,1,2,2,,2,2,2,2,2,2,, -1662,1,2,2,0,2,2,,2,2,2,2,2,2,, -1663,4,,2,1,2,2,,2,2,2,2,2,2,, -1664,4,,2,1,2,2,,2,2,2,1,2,2,, -1665,6,,1,8,1,2,,2,2,1,2,1,2,, -1666,1,2,,1,2,2,,2,2,2,2,2,2,, -1667,4,,2,1,2,2,,2,2,2,2,2,2,, -1668,1,2,2,0,2,2,,2,2,2,2,2,2,, -1669,1,2,2,0,2,2,,2,2,2,2,2,2,, -1670,1,2,2,0,2,2,,2,2,2,2,2,2,, -1671,1,2,,0,2,2,,2,2,2,2,2,2,, -1672,1,2,2,0,2,2,,2,2,2,2,2,2,, -1673,1,2,2,1,2,2,,2,2,2,2,2,2,, -1674,4,,2,4,2,2,,2,2,2,2,2,2,, -1675,1,2,,1,2,2,,2,2,2,2,2,2,, -1676,4,,2,2,2,2,,2,2,2,2,1,2,, -1677,4,,2,1,2,2,,2,2,2,2,2,2,, -1678,1,2,,1,2,2,,2,2,2,2,2,2,, -1679,7,,2,14,1,2,,2,2,1,1,2,2,, -1680,7,,2,3,2,2,,2,2,2,2,2,2,, -1681,1,2,,0,2,2,,2,2,2,2,2,2,, -1682,1,2,,0,2,2,,2,2,2,2,2,2,, -1683,1,2,,1,2,2,,2,2,2,2,2,2,, -1684,4,,2,1,2,2,,2,2,2,2,2,2,, -1685,1,2,,0,2,2,,2,2,2,2,2,2,, -1686,1,2,2,0,2,2,,2,2,2,2,2,2,, -1687,4,,1,2,1,2,,2,2,2,2,2,2,, -1688,1,2,2,0,2,2,,2,2,2,2,2,2,, -1689,1,2,,1,2,2,,2,2,2,2,2,2,, -1690,5,,2,0,2,2,,2,2,2,2,2,2,, -1691,4,,2,2,2,2,,2,2,2,2,2,2,, -1692,7,,2,21,2,2,,2,2,2,2,2,2,, -1693,4,,2,1,2,2,,2,2,2,2,2,2,, -1694,1,2,,1,2,2,,2,2,2,2,2,2,, -1695,1,2,,1,2,2,,2,2,2,2,2,2,, -1696,4,,2,1,2,2,,2,2,2,2,2,2,, -1697,4,,2,4,2,2,,2,2,2,2,1,2,, -1698,1,2,2,0,2,2,,2,2,2,2,2,2,, -1699,4,,2,1,2,2,,2,2,1,2,2,2,, -1700,1,2,,0,2,2,,2,2,2,2,2,2,, -1701,4,,2,1,2,2,,2,2,2,2,2,2,, -1702,1,2,2,0,2,2,,2,2,2,2,2,2,, -1703,5,,2,1,2,2,,2,2,2,2,2,2,, -1704,1,2,2,0,2,2,,2,2,2,2,2,2,, -1705,1,2,2,0,2,2,,2,2,2,2,2,2,, -1706,1,2,,0,2,2,,2,2,2,2,2,2,, -1707,4,,2,11,2,2,,2,2,2,2,2,2,, -1708,4,,2,1,2,2,,2,2,2,2,2,2,, -1709,7,,2,5,2,2,,2,2,2,2,1,2,, -1710,4,,2,2,2,2,,2,2,2,2,2,2,, -1711,1,2,,0,2,2,,2,2,2,2,2,2,, -1712,4,,2,11,2,2,,2,2,2,2,1,2,, -1713,1,2,,0,2,2,,2,2,2,2,2,2,, -1714,1,2,2,0,2,2,,2,2,2,2,2,2,, -1715,1,2,2,0,2,2,,2,2,2,2,2,2,, -1716,1,2,2,0,2,2,,2,2,2,2,2,2,, -1717,1,2,,1,2,2,,2,2,2,2,2,2,, -1718,4,,2,0,2,2,,2,2,2,2,2,2,, -1719,1,2,2,0,2,2,,2,2,2,2,2,2,, -1720,4,,2,1,2,2,,2,2,2,2,2,2,, -1721,1,2,,0,2,2,,2,2,2,2,2,2,, -1722,5,,2,1,2,2,,2,2,2,1,2,2,, -1723,7,,2,10,2,2,,2,2,1,2,2,2,, -1724,5,,2,1,2,2,,2,2,2,2,2,2,, -1725,7,,2,3,1,2,,2,2,1,2,2,2,, -1726,4,,2,1,2,2,,2,2,2,2,2,2,, -1727,6,,2,4,1,2,,2,1,2,2,2,2,, -1728,1,2,2,0,2,2,,2,2,2,2,2,2,, -1729,7,,2,2,2,2,,2,2,1,2,2,2,, -1730,1,2,2,0,2,2,,2,2,2,2,2,2,, -1731,1,2,,0,2,2,,2,2,2,2,2,2,, -1732,4,,2,0,2,2,,2,2,2,2,2,2,, -1733,4,,2,2,2,2,,2,2,2,2,2,2,, -1734,7,,2,8,1,2,,2,1,1,2,2,2,, -1735,7,,2,26,2,2,,2,2,2,2,1,2,, -1736,4,,2,1,2,2,,2,2,2,2,2,2,, -1737,1,2,2,0,2,2,,2,2,2,2,2,2,, -1738,5,,2,0,2,2,,2,2,2,2,2,2,, -1739,4,,2,1,2,2,,2,2,2,2,2,2,, -1740,4,,2,7,1,2,,2,2,2,2,2,2,, -1741,1,2,2,0,2,2,,2,2,2,2,2,2,, -1742,1,2,2,0,2,2,,2,2,2,2,2,2,, -1743,1,2,,0,2,2,,2,2,2,2,2,2,, -1744,1,2,2,0,2,2,,2,2,2,2,2,2,, -1745,4,,2,1,2,2,,2,2,2,2,2,2,, -1746,1,2,2,0,2,2,,2,2,2,2,2,2,, -1747,4,,2,3,2,2,,2,2,2,2,1,2,, -1748,7,,2,10,2,2,,2,2,2,2,2,2,, -1749,1,2,2,1,2,2,,2,2,2,2,2,2,, -1750,4,,2,0,2,2,,2,2,2,2,2,2,, -1751,1,2,2,0,2,2,,2,2,2,2,2,2,, -1752,1,2,,1,2,2,,2,2,2,2,2,2,, -1753,1,2,,0,2,2,,2,2,2,2,2,2,, -1754,4,,2,1,2,2,,2,2,2,2,2,2,, -1755,1,2,,0,2,2,,2,2,2,2,2,2,, -1756,4,,2,1,2,2,,2,2,2,2,2,2,, -1757,4,,2,1,2,2,,2,2,2,2,2,2,, -1758,4,,2,1,2,2,,2,2,2,2,2,2,, -1759,1,2,2,0,2,2,,2,2,2,2,2,2,, -1760,4,,2,4,1,2,,2,2,1,2,2,2,, -1761,7,,2,16,2,2,,2,2,1,1,2,2,, -1762,1,2,2,1,2,2,,2,2,2,2,2,2,, -1763,1,2,,0,2,2,,2,2,2,2,2,2,, -1764,6,,2,17,1,2,,2,1,1,1,1,2,, -1765,4,,2,1,2,2,,2,2,2,2,2,2,, -1766,1,2,2,0,2,2,,2,2,2,2,2,2,, -1767,7,,2,2,2,2,,2,2,2,2,2,2,, -1768,5,,2,1,2,2,,2,2,2,1,2,2,, -1769,4,,2,3,1,2,,2,2,2,2,2,2,, -1770,7,,2,51,2,2,,2,2,1,2,1,2,, -1771,1,2,,0,2,2,,2,2,2,2,2,2,, -1772,4,,2,1,2,2,,2,2,2,2,2,2,, -1773,4,,2,1,2,2,,2,2,2,2,2,2,, -1774,5,,2,0,2,2,,2,2,2,2,2,2,, -1775,4,,2,6,2,2,,2,2,2,2,1,2,, -1776,4,,2,1,2,2,,2,2,2,2,2,2,, -1777,4,,2,3,2,2,,2,2,2,2,1,2,, -1778,4,,2,1,2,2,,2,2,2,2,2,2,, -1779,1,2,,0,2,2,,2,2,2,2,2,2,, -1780,5,,2,1,2,2,,2,2,2,2,2,2,, -1781,1,2,2,0,2,2,,2,2,2,2,2,2,, -1782,4,,2,3,2,2,,2,2,2,2,1,2,, -1783,1,2,,0,2,2,,2,2,2,2,2,2,, -1784,6,,2,1,2,2,,2,2,2,2,1,2,, -1785,4,,2,2,2,2,,2,2,1,2,2,2,, -1786,1,2,,0,2,2,,2,2,2,2,2,2,, -1787,7,,2,3,2,2,,2,2,2,2,2,2,, -1788,1,2,,1,2,2,,2,2,2,2,2,2,, -1789,1,2,2,0,2,2,,2,2,2,2,2,2,, -1790,7,,2,89,2,2,,2,2,1,2,2,2,, -1791,1,2,,0,2,2,,2,2,2,2,2,2,, -1792,4,,2,1,2,2,,2,2,2,2,2,2,, -1793,4,,2,2,2,2,,2,2,2,2,1,2,, -1794,1,2,2,1,2,2,,2,2,2,2,2,2,, -1795,1,2,2,0,2,2,,2,2,2,2,2,2,, -1796,1,2,2,0,2,2,,2,2,2,2,2,2,, -1797,1,2,2,1,2,2,,2,2,2,2,2,2,, -1798,4,,2,2,2,2,,2,2,2,1,2,2,, -1799,4,,2,1,2,2,,2,2,2,2,2,2,, -1800,1,2,,0,2,2,,2,2,2,2,2,2,, -1801,1,2,,0,2,2,,2,2,2,2,2,2,, -1802,1,2,2,0,2,2,,2,2,2,2,2,2,, -1803,1,2,2,0,2,2,,2,2,2,2,2,2,, -1804,1,2,2,1,2,2,,2,2,2,2,2,2,, -1805,5,,2,1,2,2,,2,2,2,2,2,2,, -1806,4,,2,1,2,2,,2,2,2,2,2,2,, -1807,1,2,2,1,2,2,,2,2,2,1,2,2,, -1808,1,2,,0,2,2,,2,2,2,2,2,2,, -1809,1,2,2,0,2,2,,2,2,2,2,2,2,, -1810,5,,2,1,2,2,,2,2,2,2,2,2,, -1811,4,,2,1,2,2,,2,2,2,2,2,2,, -1812,1,2,2,0,2,2,,2,2,2,2,2,2,, -1813,5,,2,1,2,2,,2,2,2,2,2,2,, -1814,1,2,2,0,2,2,,2,2,2,2,2,2,, -1815,4,,2,2,2,2,,2,2,2,2,2,2,, -1816,4,,2,1,2,2,,2,2,2,2,2,2,, -1817,7,,2,14,2,2,,2,2,1,2,2,2,, -1818,1,2,2,1,2,2,,2,2,2,2,2,2,, -1819,1,2,2,1,2,2,,2,2,2,2,2,2,, -1820,1,2,2,1,2,2,,2,2,2,2,2,2,, -1821,1,2,,1,2,2,,2,2,2,2,2,2,, -1822,5,,2,1,2,2,,2,2,2,2,2,2,, -1823,4,,2,1,2,2,,2,2,2,2,2,2,, -1824,4,,2,5,2,2,,2,2,1,2,1,2,, -1825,1,2,,0,2,2,,2,2,2,2,2,2,, -1826,1,2,,0,2,2,,2,2,2,2,2,2,, -1827,4,,2,1,2,2,,2,2,2,2,2,2,, -1828,6,,2,7,2,2,,2,2,1,2,1,2,, -1829,4,,2,1,2,2,,2,2,1,2,2,2,, -1830,1,2,2,0,2,2,,2,2,2,2,2,2,, -1831,4,,2,1,2,2,,2,2,2,2,2,2,, -1832,1,2,2,0,2,2,,2,2,2,2,2,2,, -1833,1,2,,0,2,2,,2,2,2,2,2,2,, -1834,7,,2,19,2,2,,2,2,2,2,2,2,, -1835,7,,2,4,2,2,,2,2,2,2,2,2,, -1836,4,,2,1,2,2,,2,2,2,2,2,2,, -1837,7,,2,5,1,2,,2,2,1,2,2,2,, -1838,4,,2,1,2,2,,2,2,2,2,2,2,, -1839,1,2,,0,2,2,,2,2,2,2,2,2,, -1840,4,,2,1,2,2,,2,2,2,2,2,2,, -1841,1,2,2,0,2,2,,2,2,2,2,2,2,, -1842,1,2,,0,2,2,,2,2,2,2,2,2,, -1843,4,,2,1,2,2,,2,2,2,2,2,2,, -1844,1,2,,0,2,2,,2,2,2,2,2,2,, -1845,1,2,,0,2,2,,2,2,2,2,2,2,, -1846,4,,2,1,2,2,,2,2,2,2,2,2,, -1847,1,2,,0,2,2,,2,2,2,2,2,2,, -1848,5,,2,2,2,2,,2,2,2,2,2,2,, -1849,1,2,,0,2,2,,2,2,2,2,2,2,, -1850,1,2,2,0,2,2,,2,2,2,2,2,2,, -1851,1,2,,1,2,2,,2,2,2,2,2,2,, -1852,4,,2,3,2,2,,2,2,2,2,2,2,, -1853,1,2,,1,2,2,,2,2,2,2,2,2,, -1854,4,,2,2,2,2,,2,2,2,2,2,2,, -1855,4,,2,2,2,2,,2,2,2,2,2,2,, -1856,1,2,2,1,2,2,,2,2,2,2,2,2,, -1857,1,2,2,0,2,2,,2,2,2,2,2,2,, -1858,4,,2,1,2,2,,2,2,2,2,2,2,, -1859,4,,2,6,2,2,,2,2,2,2,1,2,, -1860,7,,2,1,2,2,,2,2,2,2,2,2,, -1861,1,2,,0,2,2,,2,2,2,2,2,2,, -1862,1,2,2,0,2,2,,2,2,2,2,2,2,, -1863,1,2,,0,2,2,,2,2,2,2,2,2,, -1864,1,2,2,0,2,2,,2,2,2,2,2,2,, -1865,1,2,,0,2,2,,2,2,2,2,2,2,, -1866,4,,2,1,2,2,,2,2,2,2,2,2,, -1867,4,,2,1,2,2,,2,2,2,2,2,2,, -1868,4,,2,1,2,2,,2,2,2,2,2,2,, -1869,4,,2,1,2,2,,2,2,2,2,2,2,, -1870,4,,2,1,2,2,,2,2,1,2,2,2,, -1871,4,,2,1,2,2,,2,2,2,2,2,2,, -1872,6,,2,1,2,2,,2,2,2,2,1,2,, -1873,1,2,,0,2,2,,2,2,2,2,2,2,, -1874,1,2,2,0,2,2,,2,2,2,2,2,2,, -1875,1,2,,0,2,2,,2,2,2,2,2,2,, -1876,4,,2,2,2,2,,2,2,2,2,1,2,, -1877,1,2,,0,2,2,,2,2,2,2,2,2,, -1878,4,,2,2,2,2,,2,2,2,2,2,2,, -1879,5,,2,0,2,2,,2,2,2,2,2,2,, -1880,5,,2,0,2,2,,2,2,2,2,2,2,, -1881,1,2,,0,2,2,,2,2,2,2,2,2,, -1882,1,2,2,1,2,2,,2,2,2,2,2,2,, -1883,4,,2,4,2,2,,2,2,2,2,2,2,, -1884,1,2,2,1,2,2,,2,2,2,2,2,2,, -1885,1,2,,0,2,2,,2,2,2,2,2,2,, -1886,1,2,2,0,2,2,,2,2,2,2,2,2,, -1887,1,2,,1,2,2,,2,2,2,2,2,2,, -1888,1,2,2,0,2,2,,2,2,2,2,2,2,, -1889,4,,2,1,2,2,,2,2,2,2,2,2,, -1890,7,,2,3,2,2,,2,2,2,2,2,2,, -1891,1,2,2,1,2,2,,2,2,2,2,2,2,, -1892,1,2,,0,2,2,,2,2,2,2,2,2,, -1893,4,,2,2,2,2,,2,2,2,2,2,2,, -1894,7,,2,3,2,2,,2,2,1,2,2,2,, -1895,1,2,,0,2,2,,2,2,2,2,2,2,, -1896,1,2,2,0,2,2,,2,2,2,2,2,2,, -1897,4,,2,1,1,2,,2,2,2,2,2,2,, -1898,1,2,,0,2,2,,2,2,2,2,2,2,, -1899,7,,2,4,2,2,,2,2,2,2,2,2,, -1900,6,,2,8,2,2,,2,2,2,2,1,2,, -1901,1,2,2,0,2,2,,2,2,2,2,2,2,, -1902,4,,2,1,2,2,,2,2,2,2,2,2,, -1903,1,2,,0,2,2,,2,2,2,2,2,2,, -1904,7,,2,1,2,2,,2,2,2,2,2,2,, -1905,1,2,2,0,2,2,,2,2,2,2,2,2,, -1906,5,,2,1,2,2,,2,2,2,2,2,2,, -1907,1,2,,1,2,2,,2,2,2,2,2,2,, -1908,1,2,,0,2,2,,2,2,2,2,2,2,, -1909,7,,2,4,1,2,,2,2,2,2,1,2,, -1910,4,,2,2,2,2,,2,2,1,2,2,2,, -1911,4,,2,2,2,2,,2,2,2,2,2,2,, -1912,1,2,2,0,2,2,,2,2,2,2,2,2,, -1913,4,,2,2,2,2,,2,2,2,2,2,2,, -1914,1,2,2,0,2,2,,2,2,2,2,2,2,, -1915,4,,2,2,2,2,,2,2,2,2,2,2,, -1916,1,2,2,0,2,2,,2,2,2,2,2,2,, -1917,7,,2,0,2,2,,2,2,2,2,2,1,5,cardiac arrest -1918,1,2,,1,2,2,,2,2,2,2,2,2,, -1919,1,2,2,0,2,2,,2,2,2,2,2,2,, -1920,1,2,2,0,2,2,,2,2,2,2,2,2,, -1921,4,,2,4,1,2,,2,2,2,2,2,2,, -1922,7,,2,4,2,2,,2,2,2,2,2,2,, -1923,5,,2,1,2,2,,2,2,2,2,2,2,, -1924,1,2,,0,2,2,,2,2,2,2,2,2,, -1925,1,2,2,0,2,2,,2,2,2,2,2,2,, -1926,4,,2,9,2,2,,2,2,1,2,2,2,, -1927,1,2,,0,2,2,,2,2,2,2,2,2,, -1928,4,,2,4,2,2,,2,2,2,2,1,2,, -1929,2,2,,0,2,2,,2,2,2,2,2,2,, -1930,4,,2,2,2,2,,2,2,2,2,1,2,, -1931,1,2,2,0,2,2,,2,2,2,2,2,2,, -1932,1,2,,0,2,2,,2,2,2,2,2,2,, -1933,4,,2,2,2,2,,2,2,2,2,2,2,, -1934,1,2,,0,2,2,,2,2,2,2,2,2,, -1935,1,2,,0,2,2,,2,2,2,2,2,2,, -1936,1,2,,0,2,2,,2,2,2,2,2,2,, -1937,4,,2,6,2,2,,2,2,2,2,2,2,, -1938,1,2,,1,2,2,,2,2,2,2,2,2,, -1939,1,2,2,0,2,2,,2,2,2,2,2,2,, -1940,1,2,2,0,2,2,,2,2,2,2,2,2,, -1941,4,,2,2,2,2,,2,2,2,2,1,2,, -1942,1,2,2,0,2,2,,2,2,2,2,2,2,, -1943,4,,2,1,2,2,,2,2,2,2,2,2,, -1944,4,,2,1,2,2,,2,2,2,2,2,2,, -1945,7,,2,11,2,2,,2,2,1,2,2,2,, -1946,1,2,2,0,2,2,,2,2,2,2,2,2,, -1947,5,,2,0,2,2,,2,2,2,2,2,2,, -1948,1,2,,0,2,2,,2,2,2,2,2,2,, -1949,4,,2,2,2,2,,2,2,2,2,1,2,, -1950,7,,2,0,1,2,,2,2,1,2,2,1,3, -1951,1,2,,0,2,2,,2,2,2,2,2,2,, -1952,1,2,2,0,2,2,,2,2,2,2,2,2,, -1953,4,,2,3,2,2,,2,2,2,2,1,2,, -1954,1,2,2,1,2,2,,2,2,2,2,2,2,, -1955,4,,2,6,2,2,,2,2,2,2,1,2,, -1956,1,2,2,0,2,2,,2,2,2,2,2,2,, -1957,1,2,2,0,2,2,,2,2,2,2,2,2,, -1958,4,,2,2,1,2,,2,2,2,2,2,2,, -1959,1,2,,0,2,2,,2,2,2,2,2,2,, -1960,4,,2,1,2,2,,2,2,2,2,2,2,, -1961,1,2,2,0,2,2,,2,2,2,2,2,2,, -1962,4,,2,3,2,2,,2,2,2,2,1,2,, -1963,1,2,,0,2,2,,2,2,2,2,2,2,, -1964,1,2,2,0,2,2,,2,2,2,2,2,2,, -1965,1,2,2,0,2,2,,2,2,2,2,2,2,, -1966,4,,2,3,2,2,,2,2,2,2,2,2,, -1967,1,2,2,0,2,2,,2,2,2,2,2,2,, -1968,1,2,2,0,2,2,,2,2,2,2,2,2,, -1969,1,2,2,0,2,2,,2,2,2,2,2,2,, -1970,5,,2,0,2,2,,2,2,2,2,2,2,, -1971,4,,2,1,2,2,,2,2,2,2,2,2,, -1972,1,2,,1,2,2,,2,2,2,2,2,2,, -1973,1,2,,0,2,2,,2,2,2,2,2,2,, -1974,1,2,2,0,2,2,,2,2,2,2,2,2,, -1975,4,,2,3,2,2,,2,2,2,1,2,2,, -1976,1,2,,0,2,2,,2,2,2,2,2,2,, -1977,1,2,,0,2,2,,2,2,2,2,2,2,, -1978,4,,2,1,2,2,,2,2,2,2,2,2,, -1979,4,,2,1,2,2,,2,2,2,2,2,2,, -1980,1,2,2,0,2,2,,2,2,2,2,2,2,, -1981,4,,2,1,2,2,,2,2,2,2,2,2,, -1982,1,2,2,0,2,2,,2,2,2,2,2,2,, -1983,1,2,,0,2,2,,2,2,2,2,2,2,, -1984,1,2,2,0,2,2,,2,2,2,2,2,2,, -1985,7,,2,6,1,2,,2,2,1,1,1,1,3, -1986,1,2,,0,2,2,,2,2,2,2,2,2,, -1987,7,,2,9,2,2,,2,2,2,2,2,2,, -1988,7,,2,1,2,2,,2,2,2,2,2,2,, -1989,5,,2,1,2,2,,2,2,2,2,2,2,, -1990,7,,2,4,1,2,,2,2,2,2,2,2,, -1991,7,,2,2,2,2,,2,2,2,2,2,2,, -1992,4,,2,4,1,2,,2,2,2,2,2,2,, -1993,4,,2,1,2,2,,2,2,2,2,2,2,, -1994,4,,2,2,2,2,,2,2,2,2,2,2,, -1995,1,2,,0,2,2,,2,2,2,2,2,2,, -1996,1,2,2,0,2,2,,2,2,2,2,2,2,, -1997,1,2,2,0,2,2,,2,2,2,2,2,2,, -1998,5,,2,1,2,2,,2,2,2,2,2,2,, -1999,4,,2,3,2,2,,2,2,2,2,1,2,, -2000,4,,2,3,1,2,,2,2,1,1,2,2,, -2001,1,2,,0,2,2,,2,2,2,2,2,2,, -2002,1,2,2,0,2,2,,2,2,2,2,2,2,, -2003,1,2,2,0,2,2,,2,2,2,2,2,2,, -2004,4,,2,0,2,2,,2,2,2,2,2,2,, -2005,1,2,,0,2,2,,2,2,2,2,2,2,, -2006,1,2,,1,2,2,,2,2,2,2,2,2,, -2007,1,2,,0,2,2,,2,2,2,2,2,2,, -2008,5,,2,1,2,2,,2,2,2,2,2,2,, -2009,4,,2,7,2,2,,2,2,2,2,2,2,, -2010,1,2,,0,2,2,,2,2,2,2,2,2,, -2011,4,,2,5,1,2,,2,2,2,2,2,2,, -2012,1,2,,0,2,2,,2,2,2,2,2,2,, -2013,1,2,2,0,2,2,,2,2,2,2,2,2,, -2014,1,2,2,0,2,2,,2,2,2,2,2,2,, -2015,7,,2,30,2,2,,2,2,2,2,1,2,, -2016,4,,2,1,2,2,,2,2,2,2,2,2,, -2017,1,2,,0,2,2,,2,2,2,2,2,2,, -2018,1,2,,0,2,2,,2,2,2,2,2,2,, -2019,7,,2,1,2,2,,2,2,2,2,2,2,, -2020,4,,2,1,2,2,,2,2,2,2,2,2,, -2021,4,,2,1,2,2,,2,2,2,1,2,2,, -2022,7,,2,1,2,2,,2,2,2,2,2,2,, -2023,1,2,2,0,2,2,,2,2,2,2,2,2,, -2024,7,,2,2,2,2,,2,2,2,2,2,1,3, -2025,1,2,,0,2,2,,2,2,2,2,2,2,, -2026,1,2,2,1,2,2,,2,2,2,2,2,2,, -2027,1,2,2,0,2,2,,2,2,2,2,2,2,, -2028,1,2,2,1,2,2,,2,2,2,2,2,2,, -2029,4,,2,1,2,2,,2,2,2,2,2,2,, -2030,7,,2,5,2,2,,2,2,2,2,2,2,, -2031,1,2,2,0,2,2,,2,2,2,2,2,2,, -2032,1,2,,0,2,2,,2,2,2,2,2,2,, -2033,7,,2,1,2,2,,2,1,1,1,1,1,2, -2034,1,2,2,0,2,2,,2,2,2,2,2,2,, -2035,4,,2,2,2,2,,2,2,2,2,2,2,, -2036,1,2,,0,2,2,,2,2,2,2,2,2,, -2037,1,2,2,0,2,2,,2,2,2,2,2,2,, -2038,1,2,,0,2,2,,2,2,2,2,2,2,, -2039,5,,2,1,2,2,,2,2,2,2,1,2,, -2040,1,2,,0,2,2,,2,2,2,2,2,2,, -2041,4,,2,2,2,2,,2,2,2,2,2,2,, -2042,1,2,,0,2,2,,2,2,2,2,2,2,, -2043,7,,2,2,1,2,,2,2,1,2,2,1,5,Blunt head trauma -2044,4,,2,1,2,2,,2,2,2,2,2,2,, -2045,4,,2,2,2,2,,2,2,1,2,2,2,, -2046,1,2,,0,2,2,,2,2,2,2,2,2,, -2047,7,,2,9,2,2,,2,2,1,1,2,2,, -2048,1,2,2,0,2,2,,2,2,2,2,2,2,, -2049,4,,2,4,2,2,,2,2,2,2,1,2,, -2050,1,2,2,0,2,2,,2,2,2,2,2,2,, -2051,1,2,2,0,2,2,,2,2,2,2,2,2,, -2052,5,,2,1,2,2,,2,2,2,2,2,2,, -2053,1,2,,1,2,2,,2,2,2,2,2,2,, -2054,4,,2,4,2,2,,2,2,2,2,1,2,, -2055,1,2,,1,2,2,,2,2,2,2,2,2,, -2056,4,,2,1,2,2,,2,2,2,2,2,2,, -2057,1,2,2,0,2,2,,2,2,2,2,2,2,, -2058,4,,2,4,1,2,,2,2,2,1,2,2,, -2059,7,,2,2,2,2,,2,2,1,2,2,2,, -2060,1,2,,0,2,2,,2,2,2,2,2,2,, -2061,6,,2,10,2,2,,2,2,2,2,1,2,, -2062,4,,2,2,2,2,,2,2,2,2,2,2,, -2063,4,,2,1,1,2,,2,2,2,1,2,2,, -2064,4,,2,1,2,2,,2,2,2,2,2,2,, -2065,1,2,,0,2,2,,2,2,2,2,2,2,, -2066,6,,2,0,2,2,,2,2,2,2,1,2,, -2067,4,,2,4,2,2,,2,2,2,2,2,2,, -2068,1,2,,0,2,2,,2,2,2,2,2,2,, -2069,1,2,,0,2,2,,2,2,2,2,2,2,, -2070,7,,2,3,2,2,,2,2,2,2,2,2,, -2071,6,,2,2,2,2,,2,2,2,2,1,2,, -2072,4,,2,1,2,2,,2,2,2,2,2,2,, -2073,7,,2,2,2,2,,2,2,2,2,2,2,, -2074,7,,2,13,2,2,,2,2,2,1,2,2,, -2075,4,,2,1,2,2,,2,2,2,1,2,2,, -2076,7,,2,1,2,2,,2,2,1,2,2,2,, -2077,1,2,2,0,2,2,,2,2,2,2,2,2,, -2078,1,2,,1,2,2,,2,2,2,2,2,2,, -2079,1,2,2,0,2,2,,2,2,2,2,2,2,, -2080,1,2,2,0,2,2,,2,2,2,2,2,2,, -2081,4,,2,1,2,2,,2,2,1,2,2,2,, -2082,7,,2,4,1,2,,2,2,1,2,2,2,, -2083,4,,2,2,2,2,,2,2,2,2,1,2,, -2084,6,,2,2,2,2,,2,2,2,2,1,2,, -2085,1,2,,1,2,2,,2,2,2,2,1,2,, -2086,4,,1,1,2,2,,2,2,2,2,2,2,, -2087,1,2,,0,2,2,,2,2,2,2,2,2,, -2088,1,2,,0,2,2,,2,2,2,2,2,2,, -2089,4,,2,1,2,2,,2,2,2,2,2,2,, -2090,1,2,,0,2,2,,2,2,2,2,2,2,, -2091,1,2,,0,2,2,,2,2,2,2,2,2,, -2092,1,2,2,0,2,2,,2,2,2,2,2,2,, -2093,1,2,2,0,2,2,,2,2,2,2,2,2,, -2094,1,2,,0,2,2,,2,2,2,2,2,2,, -2095,4,,2,1,2,2,,2,2,2,2,2,2,, -2096,7,,2,1,2,2,,2,2,2,2,2,2,, -2097,1,2,,0,2,2,,2,2,2,2,2,2,, -2098,1,2,2,0,2,2,,2,2,2,2,2,2,, -2099,1,2,2,0,2,2,,2,2,2,2,2,2,, -2100,1,2,2,0,2,2,,2,2,2,2,2,2,, -2101,4,,2,3,2,2,,2,2,2,1,2,2,, -2102,1,2,,0,2,2,,2,2,2,2,2,2,, -2103,6,,2,1,2,2,,2,2,2,2,2,2,, -2104,1,2,2,0,2,2,,2,2,2,2,2,2,, -2105,4,,2,1,2,2,,2,2,2,2,2,2,, -2106,1,2,2,0,2,2,,2,2,2,2,2,2,, -2107,1,2,2,0,2,2,,2,2,2,2,2,2,, -2108,4,,2,1,2,2,,2,2,2,2,2,2,, -2109,6,,2,3,2,2,,2,2,1,1,1,2,, -2110,1,2,2,0,2,2,,2,2,2,2,2,2,, -2111,1,2,2,1,2,2,,2,2,2,2,2,2,, -2112,1,2,,1,2,2,,2,2,2,2,2,2,, -2113,7,,1,43,2,2,,2,2,2,2,2,2,, -2114,7,,2,1,2,2,,2,2,1,2,2,2,, -2115,4,,2,2,2,2,,2,2,2,2,2,2,, -2116,1,2,2,0,2,2,,2,2,2,2,2,2,, -2117,1,2,2,0,2,2,,2,2,2,2,2,2,, -2118,1,2,2,0,2,2,,2,2,2,2,2,2,, -2119,4,,2,2,2,2,,2,2,2,2,1,2,, -2120,1,2,,0,2,2,,2,2,2,2,2,2,, -2121,4,,2,2,2,2,,2,2,2,2,1,2,, -2122,7,,2,10,2,2,,2,2,2,2,1,2,, -2123,1,2,2,0,2,2,,2,2,2,2,2,2,, -2124,1,2,,0,2,2,,2,2,2,2,2,2,, -2125,4,,2,2,2,2,,2,2,2,2,2,2,, -2126,6,,2,2,2,2,,2,2,2,2,1,2,, -2127,4,,2,1,2,2,,2,2,2,2,2,2,, -2128,4,,2,1,2,2,,2,2,2,2,2,2,, -2129,1,2,,0,2,2,,2,2,2,2,2,2,, -2130,4,,2,4,1,2,,2,1,2,2,2,2,, -2131,7,,2,1,2,2,,2,2,2,2,2,2,, -2132,4,,2,1,2,2,,2,2,2,2,2,2,, -2133,5,,2,1,2,2,,2,2,2,2,2,2,, -2134,4,,2,1,2,2,,2,2,2,2,2,2,, -2135,4,,2,2,2,2,,2,2,2,2,1,2,, -2136,7,,2,10,2,2,,2,2,1,2,2,1,3, -2137,5,,2,1,2,2,,2,2,2,2,2,2,, -2138,4,,2,12,2,2,,2,2,2,2,2,2,, -2139,1,2,,0,2,2,,2,2,2,2,2,2,, -2140,1,2,,0,2,2,,2,2,2,2,2,2,, -2141,4,,2,2,2,2,,2,2,2,2,2,2,, -2142,5,,1,2,2,2,,2,2,2,2,2,2,, -2143,4,,2,3,2,2,,2,2,2,2,2,2,, -2144,1,2,,0,2,2,,2,2,2,2,2,2,, -2145,4,,2,1,2,2,,2,2,2,2,2,2,, -2146,4,,2,1,2,2,,2,2,2,2,2,2,, -2147,1,2,2,0,2,2,,2,2,2,2,2,2,, -2148,6,,2,2,2,2,,2,2,2,2,1,2,, -2149,7,,2,4,2,2,,2,2,2,2,2,2,, -2150,6,,2,2,2,2,,2,2,2,2,1,2,, -2151,1,2,2,0,2,2,,2,2,2,2,2,2,, -2152,1,2,2,0,2,2,,2,2,2,2,2,2,, -2153,4,,2,1,2,2,,2,2,2,1,2,2,, -2154,4,,2,1,2,2,,2,2,2,2,2,2,, -2155,4,,1,6,2,2,,2,2,2,2,1,2,, -2156,1,2,2,0,2,2,,2,2,2,2,2,2,, -2157,7,,2,5,2,2,,2,2,2,1,2,2,, -2158,4,,2,25,2,2,,2,2,2,2,1,2,, -2159,7,,2,4,1,2,,2,2,1,2,2,2,, -2160,1,2,2,0,2,2,,2,2,2,2,2,2,, -2161,4,,2,1,2,2,,2,2,2,2,1,2,, -2162,4,,2,1,2,2,,2,2,2,2,1,2,, -2163,6,,2,2,2,2,,2,2,2,2,1,2,, -2164,4,,2,1,2,2,,2,2,2,2,2,2,, -2165,1,2,,0,2,2,,2,2,2,2,2,2,, -2166,5,,2,2,2,2,,2,2,2,2,2,2,, -2167,1,2,,0,2,2,,2,2,2,2,2,2,, -2168,4,,2,1,2,2,,2,2,2,2,2,2,, -2169,1,2,,0,2,2,,2,2,2,2,2,2,, -2170,1,2,,0,2,2,,2,2,2,2,2,2,, -2171,1,2,,0,2,2,,2,2,2,2,2,2,, -2172,7,,2,2,2,2,,2,2,2,2,2,2,, -2173,1,2,2,0,2,2,,2,2,2,2,2,2,, -2174,7,,2,5,2,2,,2,2,2,2,1,2,, -2175,1,2,,0,2,2,,2,2,2,2,2,2,, -2176,4,,2,1,2,2,,2,2,2,2,2,2,, -2177,1,2,2,1,2,2,,2,2,2,2,2,2,, -2178,4,,2,2,2,2,,2,2,2,2,1,2,, -2179,1,2,2,1,2,2,,2,2,2,2,2,2,, -2180,7,,2,1,2,2,,2,2,2,2,2,2,, -2181,5,,2,1,2,2,,2,2,2,2,2,2,, -2182,5,,2,1,2,2,,2,2,1,2,1,2,, -2183,4,,2,5,2,2,,2,2,2,2,2,2,, -2184,1,2,,0,2,2,,2,2,2,2,2,2,, -2185,1,2,,0,2,2,,2,2,2,2,2,2,, -2186,1,2,,1,2,2,,2,2,2,2,2,2,, -2187,1,2,,1,2,2,,2,2,2,2,2,2,, -2188,1,2,2,1,2,2,,2,2,2,1,2,2,, -2189,1,2,2,0,2,2,,2,2,2,2,2,2,, -2190,4,,2,1,2,2,,2,2,2,2,2,2,, -2191,7,,2,2,1,2,,2,2,1,1,2,2,, -2192,1,2,2,0,2,2,,2,2,2,2,2,2,, -2193,4,,2,4,1,2,,2,2,2,2,2,2,, -2194,1,2,,0,2,2,,2,2,2,2,2,2,, -2195,5,,2,1,1,2,,2,2,2,2,2,2,, -2196,1,2,2,0,2,2,,2,2,2,2,2,2,, -2197,7,,2,16,2,2,,2,2,2,1,1,2,, -2198,4,,2,1,2,2,,2,2,2,2,2,2,, -2199,4,,2,8,2,2,,2,2,2,2,2,2,, -2200,1,2,,0,2,2,,2,2,2,2,2,2,, -2201,1,2,2,0,2,2,,2,2,2,2,2,2,, -2202,4,,2,1,2,2,,2,2,2,2,2,2,, -2203,1,2,,0,2,2,,2,2,2,2,2,2,, -2204,4,,2,2,2,2,,2,2,2,2,2,2,, -2205,1,2,2,0,2,2,,2,2,2,2,2,2,, -2206,5,,2,1,2,2,,2,2,2,2,2,2,, -2207,4,,2,2,2,2,,2,2,2,2,2,2,, -2208,4,,2,1,2,2,,2,2,2,2,2,2,, -2209,7,,2,10,2,2,,2,2,2,2,1,2,, -2210,7,,2,18,2,2,,2,2,2,2,2,2,, -2211,1,2,,0,2,2,,2,2,2,2,2,2,, -2212,4,,2,1,1,2,,2,2,2,2,2,2,, -2213,4,,2,2,2,2,,2,2,2,2,2,2,, -2214,7,,2,1,2,2,,2,2,2,2,2,2,, -2215,1,2,2,0,2,2,,2,2,2,2,2,2,, -2216,7,,2,6,2,2,,2,2,1,2,2,2,, -2217,1,2,2,0,2,2,,2,2,2,2,2,2,, -2218,1,2,,0,2,2,,2,2,2,2,2,2,, -2219,1,2,,0,2,2,,2,2,2,2,2,2,, -2220,4,,2,3,2,2,,2,2,2,2,2,2,, -2221,4,,2,4,2,2,,2,2,2,2,1,2,, -2222,5,,2,1,2,2,,2,2,2,2,2,2,, -2223,7,,2,11,2,2,,2,2,1,2,2,2,, -2224,4,,2,1,2,2,,2,2,2,2,2,2,, -2225,1,2,,0,2,2,,2,2,2,2,2,2,, -2226,4,,2,9,2,2,,2,2,2,2,1,2,, -2227,4,,2,1,2,2,,2,2,2,2,2,2,, -2228,5,,2,1,2,2,,2,2,2,2,2,2,, -2229,1,2,2,1,2,2,,2,2,2,2,2,2,, -2230,4,,2,1,2,2,,2,2,2,2,2,2,, -2231,1,2,2,1,2,2,,2,2,2,2,2,2,, -2232,1,2,,0,2,2,,2,2,2,2,2,2,, -2233,1,2,2,0,2,2,,2,2,2,2,2,2,, -2234,1,2,,0,2,2,,2,2,2,2,2,2,, -2235,1,2,,0,2,2,,2,2,2,2,2,2,, -2236,1,2,2,0,2,2,,2,2,2,2,2,2,, -2237,6,,2,3,2,2,,2,2,2,2,1,2,, -2238,1,2,,1,2,2,,2,2,2,2,2,2,, -2239,1,2,,1,2,2,,2,2,2,2,2,2,, -2240,4,,2,1,2,2,,2,2,2,2,2,2,, -2241,1,2,2,0,2,2,,2,2,2,2,2,2,, -2242,1,2,2,0,2,2,,2,2,2,2,2,2,, -2243,1,2,2,0,2,2,,2,2,2,2,2,2,, -2244,4,,2,2,2,2,,2,2,2,2,2,2,, -2245,1,2,2,1,2,2,,2,2,2,2,2,2,, -2246,4,,2,1,2,2,,2,2,2,1,1,2,, -2247,1,2,2,0,2,2,,2,2,2,2,2,2,, -2248,1,2,2,0,2,2,,2,2,2,2,2,2,, -2249,1,2,2,0,2,2,,2,2,2,2,2,2,, -2250,1,2,2,0,2,2,,2,2,1,2,2,2,, -2251,7,,2,11,2,2,,2,2,2,2,2,2,, -2252,1,2,,0,2,2,,2,2,2,2,2,2,, -2253,4,,2,2,1,2,,2,2,1,2,2,2,, -2254,1,2,,0,2,2,,2,2,2,2,2,2,, -2255,1,2,,0,2,2,,2,2,2,2,2,2,, -2256,1,2,2,0,2,2,,2,2,2,2,2,2,, -2257,1,2,2,0,2,2,,2,2,2,2,2,2,, -2258,7,,2,5,1,2,,2,2,2,2,2,2,, -2259,4,,2,8,2,2,,2,2,2,2,2,2,, -2260,4,,2,2,2,2,,2,2,2,2,2,2,, -2261,1,2,2,1,2,2,,2,2,2,2,2,2,, -2262,1,2,2,0,2,2,,2,2,2,2,2,2,, -2263,1,2,2,0,2,2,,2,2,2,2,2,2,, -2264,1,2,,0,2,2,,2,2,2,2,2,2,, -2265,7,,2,8,2,2,,2,2,2,2,2,2,, -2266,4,,2,1,2,2,,2,2,2,2,2,2,, -2267,1,2,2,1,2,2,,2,2,2,2,2,2,, -2268,1,2,,0,2,2,,2,2,2,2,2,2,, -2269,1,2,,0,2,2,,2,2,2,2,2,2,, -2270,4,,2,1,2,2,,2,2,2,2,2,2,, -2271,4,,2,1,2,2,,2,2,2,2,2,2,, -2272,1,2,,0,2,2,,2,2,2,2,2,2,, -2273,4,,2,2,2,2,,2,2,2,2,1,2,, -2274,7,,2,3,2,2,,2,2,2,2,2,2,, -2275,7,,2,3,2,2,,2,2,2,2,2,2,, -2276,1,2,,0,2,2,,2,2,2,2,2,2,, -2277,1,2,2,0,2,2,,2,2,2,2,2,2,, -2278,4,,2,3,1,2,,2,2,1,2,2,2,, -2279,1,2,,0,2,2,,2,2,2,2,2,2,, -2280,1,2,2,0,2,2,,2,2,2,2,2,2,, -2281,4,,2,2,2,2,,2,2,2,2,2,2,, -2282,5,,2,1,2,2,,2,2,2,2,2,2,, -2283,5,,2,1,2,2,,2,2,2,2,2,2,, -2284,1,2,,0,2,2,,2,2,2,2,2,2,, -2285,1,2,2,0,2,2,,2,2,2,1,2,2,, -2286,7,,2,6,2,2,,2,2,2,2,2,2,, -2287,1,2,,1,2,2,,2,2,2,2,2,2,, -2288,1,2,2,0,2,2,,2,2,2,2,2,2,, -2289,1,2,2,0,2,2,,2,2,2,2,2,2,, -2290,1,2,,1,2,2,,2,2,2,2,2,2,, -2291,1,2,,0,2,2,,2,2,2,2,2,2,, -2292,1,2,,1,2,2,,2,2,2,2,2,2,, -2293,1,2,2,1,2,2,,2,2,2,2,2,2,, -2294,1,2,,0,2,2,,2,2,2,2,2,2,, -2295,7,,2,17,1,2,,2,2,1,2,1,2,, -2296,1,2,,1,2,2,,2,2,2,2,2,2,, -2297,1,2,,0,2,2,,2,2,2,2,2,2,, -2298,6,,2,2,2,2,,2,2,2,2,1,2,, -2299,1,2,,1,2,2,,2,2,2,2,2,2,, -2300,1,2,2,0,2,2,,2,2,2,2,2,2,, -2301,1,2,,1,2,2,,2,2,2,2,2,2,, -2302,7,,2,4,2,2,,2,2,2,2,1,2,, -2303,4,,2,2,2,2,,2,2,2,2,2,2,, -2304,1,2,2,0,2,2,,2,2,2,2,2,2,, -2305,4,,2,1,2,2,,2,2,2,2,2,2,, -2306,7,,2,5,1,2,,2,2,2,2,2,2,, -2307,7,,2,5,1,2,,2,2,2,2,2,2,, -2308,4,,2,1,2,2,,2,2,2,2,2,2,, -2309,1,2,2,0,2,2,,2,2,2,2,2,2,, -2310,1,2,,0,2,2,,2,2,2,2,2,2,, -2311,1,2,,0,2,2,,2,2,2,2,2,2,, -2312,4,,2,1,2,2,,2,2,2,2,2,2,, -2313,7,,2,5,1,2,,2,2,1,2,1,2,, -2314,1,2,,0,2,2,,2,2,2,2,2,2,, -2315,5,,2,1,2,2,,2,2,2,2,2,2,, -2316,1,2,2,1,2,2,,2,2,2,2,2,2,, -2317,1,2,2,0,2,2,,2,2,2,2,2,2,, -2318,1,2,2,0,2,2,,2,2,2,2,2,2,, -2319,1,2,,0,2,2,,2,2,2,2,2,2,, -2320,4,,2,2,2,2,,2,2,2,2,2,2,, -2321,4,,2,1,2,2,,2,2,2,1,2,2,, -2322,4,,2,1,2,2,,2,2,2,2,2,2,, -2323,7,,2,2,2,2,,2,2,2,2,1,2,, -2324,1,2,2,0,2,2,,2,2,2,2,2,2,, -2325,1,2,2,0,2,2,,2,2,2,2,2,2,, -2326,5,,2,2,2,2,,2,2,2,2,2,2,, -2327,5,,1,1,2,2,,2,2,2,2,2,2,, -2328,1,2,2,0,2,2,,2,2,2,2,2,2,, -2329,1,2,,0,2,2,,2,2,2,2,2,2,, -2330,5,,2,2,2,2,,2,2,2,1,2,2,, -2331,1,2,2,0,2,2,,2,2,2,2,2,2,, -2332,1,2,,0,2,2,,2,2,2,2,2,2,, -2333,1,2,2,0,2,2,,2,2,2,2,2,2,, -2334,1,2,,0,2,2,,2,2,2,2,2,2,, -2335,1,2,2,0,2,2,,2,2,2,2,2,2,, -2336,1,2,,0,2,2,,2,2,2,2,2,2,, -2337,7,,2,9,2,2,,2,2,1,2,1,2,, -2338,4,,2,2,2,2,,2,2,2,2,1,2,, -2339,4,,2,1,2,2,,2,2,2,1,2,2,, -2340,7,,2,49,2,2,,2,2,1,1,1,2,, -2341,1,2,,0,2,2,,2,2,2,2,2,2,, -2342,8,,2,2,2,2,,2,2,2,2,2,2,, -2343,4,,2,2,1,2,,2,2,1,2,2,2,, -2344,4,,2,1,2,2,,2,2,2,2,2,2,, -2345,6,,2,9,1,2,,2,1,1,2,2,2,, -2346,4,,2,4,2,2,,2,2,2,2,2,2,, -2347,1,2,,0,2,2,,2,2,2,2,2,2,, -2348,1,2,2,0,2,2,,2,2,2,2,2,2,, -2349,4,,2,1,2,2,,2,2,2,2,2,2,, -2350,1,2,,0,2,2,,2,2,2,2,2,2,, -2351,4,,2,2,2,2,,2,2,2,2,2,2,, -2352,1,2,,0,2,2,,2,2,2,2,2,2,, -2353,1,2,2,0,2,2,,2,2,2,2,2,2,, -2354,7,,2,44,1,2,,2,1,2,2,2,2,, -2355,7,,2,5,2,2,,2,2,2,2,1,2,, -2356,7,,2,8,2,2,,2,2,2,2,2,2,, -2357,4,,2,2,2,2,,2,2,2,2,2,2,, -2358,1,2,,0,2,2,,2,2,2,2,2,2,, -2359,1,2,,0,2,2,,2,2,2,2,2,2,, -2360,1,2,2,0,2,2,,2,2,2,2,2,2,, -2361,4,,2,2,2,2,,2,2,2,2,2,2,, -2362,4,,2,3,1,2,,2,2,2,2,2,2,, -2363,6,,2,5,2,2,,2,2,2,2,1,2,, -2364,1,2,,1,2,2,,2,2,2,2,2,2,, -2365,1,2,,0,2,2,,2,2,2,2,2,2,, -2366,1,2,,1,2,2,,2,2,2,2,2,2,, -2367,1,2,,0,2,2,,2,2,2,2,2,2,, -2368,7,,2,20,2,2,,2,2,2,2,2,2,, -2369,8,,2,1,2,2,,2,2,2,2,2,2,, -2370,1,2,,1,2,2,,2,2,2,2,2,2,, -2371,7,,2,14,2,2,,2,2,1,2,2,2,, -2372,1,2,,0,2,2,,2,2,2,2,2,2,, -2373,1,2,,0,2,2,,2,2,2,2,2,2,, -2374,4,,1,25,2,2,,2,2,2,2,1,2,, -2375,5,,2,1,2,2,,2,2,2,2,2,2,, -2376,4,,2,2,2,2,,2,2,2,2,2,2,, -2377,1,2,2,0,2,2,,2,2,2,2,2,2,, -2378,4,,2,3,2,2,,2,2,2,2,2,2,, -2379,1,2,,0,2,2,,2,2,2,2,2,2,, -2380,4,,2,1,2,2,,2,2,2,1,2,2,, -2381,6,,2,7,2,2,,2,2,2,2,1,2,, -2382,5,,2,1,1,2,,2,2,1,2,2,2,, -2383,1,2,2,1,2,2,,2,2,2,2,2,2,, -2384,4,,2,3,2,2,,2,2,2,2,2,2,, -2385,5,,2,1,2,2,,2,2,2,2,2,2,, -2386,1,2,2,1,2,2,,2,2,2,2,2,2,, -2387,4,,2,1,2,2,,2,2,2,2,2,2,, -2388,1,2,,0,2,2,,2,2,2,2,2,2,, -2389,1,2,,0,2,2,,2,2,2,2,2,2,, -2390,6,,2,2,2,2,,1,2,1,2,2,2,, -2391,1,2,2,0,2,2,,2,2,2,2,2,2,, -2392,4,,2,4,1,2,,2,2,1,1,2,2,, -2393,5,,2,2,2,2,,2,2,2,2,2,2,, -2394,4,,2,2,2,2,,2,2,2,2,2,2,, -2395,1,2,2,0,2,2,,2,2,2,2,2,2,, -2396,5,,2,1,2,2,,2,2,2,2,2,2,, -2397,1,2,,1,2,2,,2,2,2,2,2,2,, -2398,1,2,2,1,2,2,,2,2,2,2,2,2,, -2399,1,2,2,0,2,2,,2,2,2,2,2,2,, -2400,4,,2,3,2,2,,2,2,2,2,2,2,, -2401,6,,2,1,2,2,,2,2,2,2,1,2,, -2402,7,,2,3,2,2,,2,2,1,1,2,1,5,TBI and multiple blunt force trauma -2403,1,2,2,0,2,2,,2,2,2,2,2,2,, -2404,1,2,2,0,2,2,,2,2,2,2,2,2,, -2405,1,2,,0,2,2,,2,2,2,2,2,2,, -2406,1,2,2,0,2,2,,2,2,2,2,2,2,, -2407,1,2,,0,2,2,,2,2,2,2,2,2,, -2408,1,2,,0,2,2,,2,2,2,2,2,2,, -2409,1,2,,0,2,2,,2,2,2,2,2,2,, -2410,1,2,2,0,2,2,,2,2,2,2,2,2,, -2411,1,2,,0,2,2,,2,2,2,2,2,2,, -2412,1,2,2,0,2,2,,2,2,2,2,2,2,, -2413,1,2,2,0,2,2,,2,2,2,2,2,2,, -2414,4,,2,1,2,2,,2,2,2,2,2,2,, -2415,1,2,,1,2,2,,2,2,2,2,2,2,, -2416,1,2,2,0,2,2,,2,2,2,2,2,2,, -2417,4,,2,2,2,2,,2,2,2,1,2,2,, -2418,4,,2,4,2,2,,2,2,2,2,2,2,, -2419,5,,1,1,2,2,,2,2,1,2,2,2,, -2420,1,2,,0,2,2,,2,2,2,2,2,2,, -2421,4,,2,1,2,2,,2,2,2,2,2,2,, -2422,1,2,2,0,2,2,,2,2,2,2,2,2,, -2423,1,2,,0,2,2,,2,2,2,2,2,2,, -2424,1,2,2,0,2,2,,2,2,2,2,2,2,, -2425,5,,2,0,2,2,,2,2,2,2,2,2,, -2426,4,,1,12,2,2,,2,2,2,2,2,2,, -2427,1,2,,0,2,2,,2,2,2,2,2,2,, -2428,4,,2,3,2,2,,2,2,2,1,2,2,, -2429,5,,2,0,2,2,,2,2,2,2,2,2,, -2430,4,,2,3,2,2,,2,2,2,2,1,2,, -2431,4,,2,1,2,2,,2,2,2,2,2,2,, -2432,1,2,2,0,2,2,,2,2,2,2,2,2,, -2433,1,2,,0,2,2,,2,2,2,2,2,2,, -2434,1,2,2,0,2,2,,2,2,2,2,2,2,, -2435,4,,2,1,2,2,,2,2,2,2,2,2,, -2436,4,,2,1,2,2,,2,2,1,2,2,2,, -2437,1,2,2,0,2,2,,2,2,2,2,2,2,, -2438,7,,2,4,2,2,,2,2,2,2,2,2,, -2439,1,2,2,0,2,2,,2,2,2,2,2,2,, -2440,1,2,,1,2,2,,2,2,2,2,2,2,, -2441,1,2,,0,2,2,,2,2,2,2,2,2,, -2442,1,2,,0,2,2,,2,2,2,2,2,2,, -2443,4,,2,1,2,2,,2,2,2,2,2,2,, -2444,1,2,2,0,2,2,,2,2,2,2,2,2,, -2445,4,,2,2,1,2,,2,2,1,2,2,2,, -2446,4,,2,3,2,2,,2,2,2,2,2,2,, -2447,4,,1,1,2,2,,2,2,2,2,2,2,, -2448,4,,2,5,2,2,,2,2,2,1,1,2,, -2449,6,,2,3,2,2,,2,2,2,2,1,2,, -2450,1,2,2,0,2,2,,2,2,2,2,2,2,, -2451,1,2,,0,2,2,,2,2,2,2,2,2,, -2452,1,2,2,0,2,2,,2,2,2,2,2,2,, -2453,4,,2,2,2,2,,2,2,2,2,1,2,, -2454,5,,2,2,2,2,,2,2,2,2,2,2,, -2455,4,,2,0,2,2,,2,2,2,2,2,2,, -2456,4,,2,1,2,2,,2,2,2,2,2,2,, -2457,1,2,2,0,2,2,,2,2,2,2,2,2,, -2458,4,,2,5,2,2,,2,2,2,2,1,2,, -2459,1,2,2,0,2,2,,2,2,2,2,2,2,, -2460,1,2,,1,2,2,,2,2,2,2,2,2,, -2461,1,2,,0,2,2,,2,2,2,2,2,2,, -2462,7,,2,6,2,2,,2,2,2,2,1,2,, -2463,7,,2,4,2,2,,2,2,2,2,2,2,, -2464,7,,2,6,2,2,,2,2,2,2,1,2,, -2465,1,2,2,0,2,2,,2,2,2,2,2,2,, -2466,1,2,,1,2,2,,2,2,2,2,2,2,, -2467,4,,2,9,2,2,,2,2,1,2,1,2,, -2468,6,,2,5,2,2,,2,2,1,1,2,1,3, -2469,1,2,,0,2,2,,2,2,2,2,2,2,, -2470,1,2,2,0,2,2,,2,2,2,2,2,2,, -2471,1,2,2,0,2,2,,2,2,2,2,2,2,, -2472,1,2,,0,2,2,,2,2,2,2,2,2,, -2473,1,2,,1,2,2,,2,2,2,2,2,2,, -2474,4,,2,2,2,2,,2,2,2,2,1,2,, -2475,4,,2,1,2,2,,2,2,2,2,2,2,, -2476,7,,2,3,2,2,,2,2,2,2,2,2,, -2477,4,,2,1,2,2,,2,2,2,2,2,2,, -2478,7,,2,4,2,2,,2,2,2,2,1,2,, -2479,4,,2,1,2,2,,2,2,2,2,2,2,, -2480,5,,2,1,2,2,,2,2,2,2,2,2,, -2481,4,,2,14,2,2,,2,2,2,2,1,2,, -2482,4,,2,50,2,2,,2,1,1,2,1,2,, -2483,1,2,2,0,2,2,,2,2,2,2,2,2,, -2484,1,2,,0,2,2,,2,2,2,2,2,2,, -2485,4,,2,1,2,2,,2,2,2,2,2,2,, -2486,4,,2,1,2,2,,2,2,2,2,2,2,, -2487,1,2,,0,2,2,,2,2,2,2,2,2,, -2488,5,,2,1,2,2,,2,2,2,2,2,2,, -2489,1,2,,1,2,2,,2,2,2,2,2,2,, -2490,4,,2,2,2,2,,2,2,2,2,2,2,, -2491,7,,2,14,2,2,,2,2,2,2,1,2,, -2492,7,,2,6,2,2,,2,2,1,2,1,2,, -2493,1,2,2,0,2,2,,2,2,2,2,2,2,, -2494,1,2,2,0,2,2,,2,2,2,2,2,2,, -2495,1,2,,0,2,2,,2,2,2,2,2,2,, -2496,4,,2,2,2,2,,2,2,2,2,1,2,, -2497,1,2,,1,2,2,,2,2,2,2,2,2,, -2498,1,2,2,1,2,2,,2,2,2,2,2,2,, -2499,6,,2,3,2,2,,2,2,2,2,1,2,, -2500,1,2,,0,2,2,,2,2,2,2,2,2,, -2501,5,,2,1,2,2,,2,2,2,2,2,2,, -2502,1,2,,0,2,2,,2,2,1,2,2,2,, -2503,7,,2,5,2,2,,2,2,2,2,2,2,, -2504,1,2,2,0,2,2,,2,2,2,2,2,2,, -2505,4,,2,1,2,2,,2,2,2,2,2,2,, -2506,1,2,,0,2,2,,2,2,2,2,2,2,, -2507,7,,2,3,2,2,,2,2,2,2,2,2,, -2508,1,2,,0,2,2,,2,2,2,2,2,2,, -2509,4,,2,1,2,2,,2,2,1,2,2,2,, -2510,1,2,,0,2,2,,2,2,2,2,2,2,, -2511,6,,2,29,2,2,,2,2,1,2,1,2,, -2512,4,,2,1,2,2,,2,2,2,2,2,2,, -2513,4,,2,4,2,2,,2,2,1,2,1,2,, -2514,1,2,2,0,2,2,,2,2,2,2,2,2,, -2515,4,,2,2,1,2,,2,2,2,2,2,2,, -2516,4,,2,1,2,2,,2,2,2,2,2,2,, -2517,1,2,2,0,2,2,,2,2,2,2,2,2,, -2518,4,,2,1,2,2,,2,2,2,2,2,2,, -2519,1,2,2,1,2,2,,2,2,2,2,2,2,, -2520,1,2,2,0,2,2,,2,2,2,2,2,2,, -2521,4,,2,3,2,2,,2,2,2,2,2,2,, -2522,4,,2,2,2,2,,2,2,2,2,2,2,, -2523,7,,2,1,2,2,,2,2,2,2,2,2,, -2524,1,2,2,0,2,2,,2,2,2,2,2,2,, -2525,5,,2,1,2,2,,2,2,2,2,1,2,, -2526,4,,2,3,2,2,,2,2,1,2,1,2,, -2527,1,2,,0,2,2,,2,2,2,2,2,2,, -2528,1,2,,0,2,2,,2,2,2,2,2,2,, -2529,1,2,,0,2,2,,2,2,2,2,2,2,, -2530,4,,2,1,2,2,,2,2,2,2,2,2,, -2531,5,,2,1,2,2,,2,2,2,2,2,2,, -2532,5,,2,1,2,2,,2,2,2,2,2,2,, -2533,1,2,2,0,2,2,,2,2,2,2,2,2,, -2534,4,,2,5,1,2,,2,2,2,2,2,2,, -2535,5,,2,1,2,2,,2,2,2,2,2,2,, -2536,1,2,2,1,2,2,,2,2,2,2,2,2,, -2537,1,2,,0,2,2,,2,2,2,2,2,2,, -2538,1,2,2,0,2,2,,2,2,2,2,2,2,, -2539,1,2,,1,2,2,,2,2,2,2,2,2,, -2540,1,2,2,0,2,2,,2,2,2,2,2,2,, -2541,5,,2,1,2,2,,2,2,2,2,2,2,, -2542,1,2,2,0,2,2,,2,2,2,2,2,2,, -2543,1,2,,0,2,2,,2,2,2,2,2,2,, -2544,1,2,2,0,2,2,,2,2,2,2,2,2,, -2545,4,,2,2,2,2,,2,2,2,2,2,2,, -2546,1,2,,1,2,2,,2,2,2,2,2,2,, -2547,1,2,2,1,2,2,,2,2,1,2,2,2,, -2548,4,,2,4,2,2,,2,2,2,2,1,2,, -2549,1,2,2,0,2,2,,2,2,2,2,2,2,, -2550,4,,2,1,2,2,,2,2,2,2,2,2,, -2551,1,2,2,1,2,2,,2,2,2,2,2,2,, -2552,4,,2,9,2,2,,2,2,2,2,1,2,, -2553,1,2,,0,2,2,,2,2,2,2,2,2,, -2554,6,,2,3,2,2,,2,2,2,2,1,2,, -2555,4,,2,1,2,2,,2,2,2,2,2,2,, -2556,4,,2,1,1,2,,2,2,1,1,2,2,, -2557,1,2,2,0,2,2,,2,2,2,2,2,2,, -2558,4,,2,2,2,2,,2,2,2,2,1,2,, -2559,4,,2,4,2,2,,2,2,2,2,2,2,, -2560,5,,2,1,1,2,,2,2,2,2,2,2,, -2561,4,,2,1,2,2,,2,2,2,2,2,2,, -2562,7,,2,5,2,2,,2,2,2,2,2,2,, -2563,4,,2,2,2,2,,2,2,2,2,1,2,, -2564,1,2,,0,2,2,,2,2,2,2,2,2,, -2565,4,,2,2,2,2,,2,2,1,2,2,2,, -2566,1,2,,1,2,2,,2,2,2,2,2,2,, -2567,7,,2,6,2,2,,2,2,1,2,2,2,, -2568,1,2,,0,2,2,,2,2,2,2,2,2,, -2569,1,2,,0,2,2,,2,2,2,2,2,2,, -2570,5,,2,1,2,2,,2,2,2,2,2,2,, -2571,4,,2,1,2,2,,2,2,2,2,2,2,, -2572,4,,2,1,2,2,,2,2,2,2,2,2,, -2573,1,2,,0,2,2,,2,2,2,2,2,2,, -2574,4,,2,2,2,2,,2,2,2,2,1,2,, -2575,5,,2,1,2,2,,2,2,2,2,2,2,, -2576,1,2,2,0,2,2,,2,2,2,2,2,2,, -2577,4,,2,4,2,2,,2,2,2,2,2,2,, -2578,1,2,2,0,2,2,,2,2,2,2,2,2,, -2579,1,2,2,0,2,2,,2,2,2,2,2,2,, -2580,7,,2,30,2,2,,2,2,1,2,1,2,, -2581,4,,2,5,2,2,,2,2,1,2,2,2,, -2582,6,,2,4,2,2,,2,2,1,2,1,2,, -2583,4,,2,1,2,2,,2,2,2,2,2,2,, -2584,4,,2,1,2,2,,2,2,2,2,2,2,, -2585,1,2,,0,2,2,,2,2,2,2,2,2,, -2586,1,2,2,0,2,2,,2,2,2,2,2,2,, -2587,1,2,,0,2,2,,2,2,2,2,2,2,, -2588,8,,2,0,2,2,,2,2,2,2,2,2,, -2589,5,,2,0,2,2,,2,2,2,2,2,2,, -2590,1,2,,0,2,2,,2,2,1,2,2,2,, -2591,4,,2,1,2,2,,2,2,2,2,2,2,, -2592,1,2,,0,2,2,,2,2,2,2,2,2,, -2593,1,2,2,0,2,2,,2,2,2,2,2,2,, -2594,1,2,2,1,2,2,,2,2,2,2,2,2,, -2595,7,,2,2,2,2,,2,2,2,2,2,1,3, -2596,1,2,,0,2,2,,2,2,1,2,2,2,, -2597,1,2,,0,2,2,,2,2,2,2,2,2,, -2598,1,2,,1,2,2,,2,2,2,2,2,2,, -2599,1,2,,0,2,2,,2,2,2,2,2,2,, -2600,1,2,,1,2,2,,2,2,2,2,2,2,, -2601,1,2,2,0,2,2,,2,2,2,2,2,2,, -2602,1,2,2,0,2,2,,2,2,2,2,2,2,, -2603,1,2,2,0,2,2,,2,2,2,2,2,2,, -2604,1,2,2,0,2,2,,2,2,2,2,2,2,, -2605,1,2,2,0,2,2,,2,2,2,2,2,2,, -2606,5,,2,1,2,2,,2,2,2,2,2,2,, -2607,4,,2,1,2,2,,2,2,2,2,2,2,, -2608,1,2,,1,2,2,,2,2,2,2,2,2,, -2609,1,2,2,0,2,2,,2,2,2,2,2,2,, -2610,1,2,,0,2,2,,2,2,2,2,2,2,, -2611,4,,2,1,2,2,,2,2,2,2,2,2,, -2612,1,2,2,1,2,2,,2,2,2,2,2,2,, -2613,4,,2,2,2,2,,2,2,2,2,2,2,, -2614,1,2,,1,2,2,,2,2,2,2,2,2,, -2615,4,,2,1,2,2,,2,2,2,2,2,2,, -2616,1,2,2,0,2,2,,2,2,2,2,2,2,, -2617,4,,2,4,2,2,,2,2,2,1,1,2,, -2618,4,,2,2,2,2,,2,2,2,2,2,2,, -2619,4,,2,3,2,2,,2,2,2,2,1,2,, -2620,1,2,,0,2,2,,2,2,2,2,2,2,, -2621,6,,2,4,2,2,,2,2,1,2,1,2,, -2622,1,2,2,0,2,2,,2,2,2,2,2,2,, -2623,1,2,2,0,2,2,,2,2,2,2,2,2,, -2624,4,,2,2,2,2,,2,2,2,2,2,2,, -2625,4,,2,2,2,2,,2,2,2,2,1,2,, -2626,1,2,,1,2,2,,2,2,2,2,2,2,, -2627,1,2,2,0,2,2,,2,2,2,2,2,2,, -2628,1,2,2,0,2,2,,2,2,2,2,2,2,, -2629,4,,2,1,2,2,,2,2,2,2,2,2,, -2630,1,2,,0,2,2,,2,2,2,2,2,2,, -2631,1,2,,0,2,2,,2,2,2,2,2,2,, -2632,1,2,2,0,2,2,,2,2,2,2,2,2,, -2633,7,,2,7,2,2,,2,2,2,2,1,2,, -2634,4,,2,3,2,2,,2,2,2,2,1,2,, -2635,7,,2,3,1,2,,2,2,2,2,2,2,, -2636,6,,2,4,1,2,,2,2,1,2,1,2,, -2637,1,2,,0,2,2,,2,2,2,2,2,2,, -2638,5,,2,1,2,2,,2,2,2,2,2,2,, -2639,1,2,2,0,2,2,,2,2,2,2,2,2,, -2640,1,2,,1,2,2,,2,2,2,2,2,2,, -2641,1,1,2,9,2,2,,2,2,2,2,2,2,, -2642,1,2,2,0,2,2,,2,2,2,2,2,2,, -2643,1,2,,1,2,2,,2,2,2,2,2,2,, -2644,7,,2,3,1,2,,2,2,2,2,2,2,, -2645,7,,2,4,2,2,,2,2,2,2,2,2,, -2646,1,2,,0,2,2,,2,2,2,2,2,2,, -2647,5,,1,1,2,2,,2,2,2,2,2,2,, -2648,1,2,,0,2,2,,2,2,2,2,2,2,, -2649,6,,2,1,2,2,,2,2,2,2,1,2,, -2650,1,2,2,0,2,2,,2,2,2,2,2,2,, -2651,4,,2,1,2,2,,2,2,2,2,2,2,, -2652,1,2,,0,2,2,,2,2,2,2,2,2,, -2653,1,2,,0,2,2,,2,2,2,2,2,2,, -2654,4,,2,1,2,2,,2,2,2,1,2,2,, -2655,4,,2,2,2,2,,2,2,2,2,2,2,, -2656,4,,2,3,2,2,,2,2,2,2,2,2,, -2657,1,2,,0,2,2,,2,2,2,2,2,2,, -2658,1,2,,0,2,2,,2,2,2,2,2,2,, -2659,4,,2,2,1,2,,2,2,1,2,2,2,, -2660,1,2,,0,2,2,,2,2,2,2,2,2,, -2661,1,2,2,1,2,2,,2,2,2,2,2,2,, -2662,4,,2,1,2,2,,2,2,2,2,2,2,, -2663,1,2,,1,2,2,,2,2,2,2,2,2,, -2664,4,,2,6,2,2,,2,2,2,2,1,2,, -2665,1,2,,0,2,2,,2,2,2,2,2,2,, -2666,4,,2,3,2,2,,2,2,2,2,2,2,, -2667,1,2,,1,2,2,,2,2,2,2,2,2,, -2668,7,,1,3,2,2,,2,2,2,1,2,2,, -2669,4,,2,1,2,2,,2,2,2,2,2,2,, -2670,1,2,2,0,2,2,,2,2,2,2,2,2,, -2671,7,,2,14,2,2,,2,2,2,1,1,2,, -2672,4,,2,21,2,2,,2,2,2,1,2,2,, -2673,7,,2,4,2,2,,2,2,2,2,2,2,, -2674,4,,2,3,2,2,,2,2,2,2,2,2,, -2675,6,,2,16,2,2,,2,2,1,1,2,2,, -2676,1,2,,0,2,2,,2,2,2,2,2,2,, -2677,5,,2,0,2,2,,2,2,2,2,2,2,, -2678,1,2,2,0,2,2,,2,2,2,2,2,2,, -2679,1,2,2,0,2,2,,2,2,2,2,2,2,, -2680,1,2,2,0,2,2,,2,2,2,2,2,2,, -2681,1,2,,1,2,2,,2,2,2,2,2,2,, -2682,1,2,2,0,2,2,,2,2,2,2,2,2,, -2683,1,2,,0,2,2,,2,2,2,2,2,2,, -2684,6,,2,9,2,2,,2,2,1,2,2,2,, -2685,1,2,2,0,2,2,,2,2,2,1,2,2,, -2686,1,2,2,0,2,2,,2,2,2,2,2,2,, -2687,4,,2,2,2,2,,2,2,1,2,1,2,, -2688,1,2,,1,2,2,,2,2,2,2,2,2,, -2689,7,,2,2,2,2,,2,2,2,2,2,2,, -2690,5,,2,1,2,2,,2,2,2,2,2,2,, -2691,1,2,2,0,2,2,,2,2,2,2,2,2,, -2692,7,,2,2,2,2,,2,2,1,2,2,2,, -2693,1,2,2,0,2,2,,2,2,2,2,2,2,, -2694,1,2,2,1,2,2,,2,2,2,2,2,2,, -2695,1,2,2,0,2,2,,2,2,2,2,2,2,, -2696,4,,2,4,2,2,,2,2,2,2,1,2,, -2697,1,2,2,0,2,2,,2,2,2,2,2,2,, -2698,1,2,2,0,2,2,,2,2,2,2,2,2,, -2699,4,,2,2,1,2,,2,2,1,1,2,2,, -2700,1,2,2,0,2,2,,2,2,2,2,2,2,, -2701,4,,2,1,2,2,,2,2,2,2,2,2,, -2702,1,2,,1,2,2,,2,2,2,2,2,2,, -2703,7,,2,1,2,2,,2,2,2,2,1,1,3, -2704,1,2,,0,2,2,,2,2,2,2,2,2,, -2705,4,,1,7,1,2,,2,2,1,2,2,2,, -2706,1,2,,1,2,2,,2,2,2,2,2,2,, -2707,1,2,2,0,2,2,,2,2,2,2,2,2,, -2708,1,2,2,1,2,2,,2,2,2,2,2,2,, -2709,1,2,,0,2,2,,2,2,2,2,2,2,, -2710,5,,2,0,2,2,,2,2,2,2,2,2,, -2711,1,2,,1,2,2,,2,2,2,2,2,2,, -2712,7,,2,2,2,2,,2,2,2,2,2,2,, -2713,1,2,2,1,2,2,,2,2,2,2,2,2,, -2714,1,2,2,0,2,2,,2,2,2,2,2,2,, -2715,1,2,,0,2,2,,2,2,2,2,2,2,, -2716,1,2,2,0,2,2,,2,2,2,2,2,2,, -2717,1,2,,0,2,2,,2,2,2,2,2,2,, -2718,1,2,,0,2,2,,2,2,2,2,2,2,, -2719,4,,1,3,2,2,,2,2,2,2,2,2,, -2720,4,,2,1,2,2,,2,2,2,2,2,2,, -2721,1,2,,0,2,2,,2,2,2,1,2,2,, -2722,7,,2,39,2,2,,2,2,2,2,1,2,, -2723,1,2,2,0,2,2,,2,2,2,2,2,2,, -2724,4,,2,1,1,2,,2,2,1,2,2,2,, -2725,1,2,,0,2,2,,2,2,2,2,2,2,, -2726,1,2,2,0,2,2,,2,2,2,2,2,2,, -2727,5,,2,1,2,2,,2,2,2,2,2,2,, -2728,4,,2,1,2,2,,2,2,2,2,2,2,, -2729,1,2,,0,2,2,,2,2,2,2,2,2,, -2730,1,2,,0,2,2,,2,2,2,2,2,2,, -2731,6,,2,4,2,2,,2,2,2,2,1,2,, -2732,1,2,2,0,2,2,,2,2,2,2,2,2,, -2733,1,2,2,0,2,2,,2,2,2,2,2,2,, -2734,1,2,,0,2,2,,2,2,2,2,2,2,, -2735,4,,2,3,2,2,,2,2,2,2,2,2,, -2736,4,,2,3,2,2,,2,2,2,2,1,2,, -2737,1,2,2,1,2,2,,2,2,2,2,2,2,, -2738,1,2,,0,2,2,,2,2,2,2,2,2,, -2739,4,,2,1,2,2,,2,2,2,2,2,2,, -2740,1,2,2,0,2,2,,2,2,2,2,2,2,, -2741,6,,2,7,1,2,,2,2,2,1,1,2,, -2742,4,,2,5,2,2,,2,2,2,2,2,2,, -2743,1,2,2,0,2,2,,2,2,2,2,2,2,, -2744,5,,2,0,2,2,,2,2,2,2,2,2,, -2745,7,,2,7,2,2,,2,2,2,2,2,2,, -2746,7,,2,11,2,2,,2,2,2,2,1,2,, -2747,4,,2,1,2,2,,2,2,2,2,2,2,, -2748,1,2,2,0,2,2,,2,2,2,2,2,2,, -2749,1,2,2,0,2,2,,2,2,2,2,2,2,, -2750,5,,2,1,2,2,,2,2,2,2,2,2,, -2751,4,,2,1,2,2,,2,2,2,2,2,2,, -2752,4,,2,2,1,2,,2,2,2,2,2,2,, -2753,1,2,2,1,2,2,,2,2,2,2,2,2,, -2754,1,2,,0,2,2,,2,2,2,2,2,2,, -2755,4,,2,1,2,2,,2,2,2,2,2,2,, -2756,4,,2,2,2,2,,2,2,2,2,1,2,, -2757,5,,2,1,2,2,,2,2,2,2,2,2,, -2758,6,,1,3,2,2,,2,2,2,2,1,2,, -2759,1,2,2,0,2,2,,2,2,2,2,2,2,, -2760,5,,2,1,2,2,,2,2,2,2,2,2,, -2761,1,2,2,0,2,2,,2,2,2,2,2,2,, -2762,1,2,,1,2,2,,2,2,2,2,2,2,, -2763,4,,2,1,2,2,,2,2,2,2,2,2,, -2764,4,,2,6,2,2,,2,2,1,2,2,2,, -2765,5,,2,1,2,2,,2,2,2,2,2,2,, -2766,4,,2,2,2,2,,2,2,2,2,2,2,, -2767,1,2,2,0,2,2,,2,2,2,2,2,2,, -2768,5,,2,1,2,2,,2,2,2,2,2,2,, -2769,1,2,,0,2,2,,2,2,2,2,2,2,, -2770,6,,2,1,2,2,,2,2,2,2,2,2,, -2771,1,2,2,0,2,2,,2,2,2,2,2,2,, -2772,1,2,,1,2,2,,2,2,2,2,2,2,, -2773,4,,2,2,2,2,,2,2,2,2,2,2,, -2774,6,,2,4,2,2,,2,2,2,2,1,2,, -2775,1,2,2,0,2,2,,2,2,2,2,2,2,, -2776,1,2,2,0,2,2,,2,2,2,2,2,2,, -2777,4,,2,3,1,2,,2,2,1,2,2,2,, -2778,1,2,2,0,2,2,,2,2,2,2,2,2,, -2779,4,,2,1,2,2,,2,2,2,2,2,2,, -2780,1,2,2,0,2,2,,2,2,2,2,2,2,, -2781,1,2,2,0,2,2,,2,2,2,2,2,2,, -2782,1,2,,0,2,2,,2,2,2,2,2,2,, -2783,4,,2,1,2,2,,2,2,2,2,1,2,, -2784,4,,2,1,2,2,,2,2,2,2,2,2,, -2785,4,,2,2,2,2,,2,2,2,2,1,2,, -2786,1,2,2,0,2,2,,2,2,2,2,2,2,, -2787,1,2,,0,2,2,,2,2,2,2,2,2,, -2788,1,2,,0,2,2,,2,2,2,2,2,2,, -2789,1,2,,0,2,2,,2,2,2,2,2,2,, -2790,1,2,2,0,2,2,,2,2,2,2,2,2,, -2791,4,,2,2,2,2,,2,2,2,2,2,2,, -2792,1,2,,0,2,2,,2,2,2,2,2,2,, -2793,4,,2,12,1,2,,2,1,2,2,2,2,, -2794,1,2,,0,2,2,,2,2,2,2,2,2,, -2795,1,2,,0,2,2,,2,2,2,2,2,2,, -2796,1,2,,0,2,2,,2,2,2,2,2,2,, -2797,1,2,,0,2,2,,2,2,2,2,2,2,, -2798,1,2,2,0,2,2,,2,2,2,2,2,2,, -2799,1,2,,1,2,2,,2,2,2,2,2,2,, -2800,1,2,,0,2,2,,2,2,2,2,2,2,, -2801,1,2,2,0,2,2,,2,2,2,2,2,2,, -2802,4,,2,3,2,2,,2,2,2,2,1,2,, -2803,1,2,2,0,2,2,,2,2,2,2,2,2,, -2804,1,2,,0,2,2,,2,2,2,2,2,2,, -2805,5,,2,1,2,2,,2,2,2,2,2,2,, -2806,1,2,2,0,2,2,,2,2,2,2,2,2,, -2807,1,2,2,0,2,2,,2,2,2,2,2,2,, -2808,1,2,2,0,2,2,,2,2,2,2,2,2,, -2809,1,2,2,0,2,2,,2,2,2,2,2,2,, -2810,1,2,2,0,2,2,,2,2,2,2,1,2,, -2811,4,,2,1,2,2,,2,2,2,2,2,2,, -2812,4,,1,3,2,2,,2,2,2,2,2,2,, -2813,1,2,,0,2,2,,2,2,2,2,2,2,, -2814,4,,2,1,2,2,,2,2,2,2,2,2,, -2815,4,,2,3,2,2,,2,2,2,2,1,2,, -2816,5,,2,1,2,2,,2,2,2,2,2,2,, -2817,1,2,,0,2,2,,2,2,2,2,2,2,, -2818,1,2,,1,1,2,,2,2,2,2,2,2,, -2819,1,2,,0,2,2,,2,2,2,2,2,2,, -2820,4,,1,3,2,2,,2,2,2,2,1,2,, -2821,1,2,2,0,2,2,,2,2,2,2,2,2,, -2822,4,,2,1,2,2,,2,2,2,2,2,2,, -2823,1,2,2,1,2,2,,2,2,2,2,2,2,, -2824,6,,2,6,2,2,,2,2,2,2,1,2,, -2825,1,2,2,0,2,2,,2,2,2,2,2,2,, -2826,1,2,,1,2,2,,2,2,2,2,2,2,, -2827,4,,2,1,2,2,,2,2,1,2,1,2,, -2828,1,2,2,0,2,2,,2,2,2,2,2,2,, -2829,7,,2,77,2,2,,2,2,1,2,1,2,, -2830,1,2,,1,2,2,,2,2,2,2,2,2,, -2831,5,,2,2,2,2,,2,2,2,2,2,2,, -2832,6,,2,0,2,2,,2,2,2,2,1,2,, -2833,4,,2,1,2,2,,2,2,2,2,2,2,, -2834,1,2,2,0,2,2,,2,2,2,2,2,2,, -2835,1,2,2,0,2,2,,2,2,2,2,2,2,, -2836,1,2,,1,2,2,,2,2,2,2,2,2,, -2837,7,,2,20,1,2,,2,2,1,2,2,2,, -2838,4,,2,4,2,2,,2,2,2,2,1,2,, -2839,1,2,2,0,2,2,,2,2,2,2,2,2,, -2840,5,,2,2,2,2,,2,2,2,2,2,2,, -2841,4,,2,1,2,2,,2,2,2,2,2,2,, -2842,1,2,,0,2,2,,2,2,2,2,2,2,, -2843,1,2,2,1,2,2,,2,2,2,2,2,2,, -2844,7,,2,1,2,2,,2,2,2,2,2,2,, -2845,7,,2,1,2,2,,2,2,2,2,2,2,, -2846,1,2,2,0,2,2,,2,2,2,2,2,2,, -2847,5,,2,1,2,2,,2,2,2,2,2,2,, -2848,7,,2,6,1,2,,2,2,1,1,2,2,, -2849,1,2,2,0,2,2,,2,2,2,2,2,2,, -2850,1,2,,0,2,2,,2,2,2,2,2,2,, -2851,1,2,2,0,2,2,,2,2,2,2,2,2,, -2852,4,,2,1,1,2,,2,2,1,2,2,2,, -2853,4,,2,3,2,2,,2,2,2,2,2,2,, -2854,1,2,2,1,2,2,,2,2,2,2,2,2,, -2855,4,,2,2,2,2,,2,2,2,2,2,2,, -2856,4,,2,1,2,2,,2,2,2,2,2,2,, -2857,1,2,,0,2,2,,2,2,2,2,2,2,, -2858,4,,2,1,2,2,,2,2,1,2,1,2,, -2859,1,2,2,0,2,2,,2,2,2,2,2,2,, -2860,1,2,,0,2,2,,2,2,2,2,2,2,, -2861,1,2,,0,2,2,,2,2,2,2,2,2,, -2862,1,2,2,0,2,2,,2,2,2,2,2,2,, -2863,4,,2,5,1,2,,2,2,2,2,2,2,, -2864,4,,2,1,2,2,,2,2,2,2,2,2,, -2865,1,2,2,1,2,2,,2,2,2,2,2,2,, -2866,1,2,2,0,2,2,,2,2,2,2,2,2,, -2867,1,2,2,0,2,2,,2,2,2,2,2,2,, -2868,1,2,2,0,2,2,,2,2,2,2,2,2,, -2869,1,2,2,0,2,2,,2,2,2,2,2,2,, -2870,4,,2,5,2,2,,2,2,2,2,1,2,, -2871,4,,2,2,2,2,,2,2,2,2,1,2,, -2872,4,,2,7,2,2,,2,2,2,2,2,2,, -2873,1,2,,0,2,2,,2,2,2,2,2,2,, -2874,4,,2,1,2,2,,2,2,2,2,2,2,, -2875,1,2,2,0,2,2,,2,2,2,2,2,2,, -2876,4,,2,1,2,2,,2,2,2,2,2,2,, -2877,6,,2,1,2,2,,2,2,2,2,1,2,, -2878,1,2,,0,2,2,,2,2,2,2,2,2,, -2879,4,,2,1,2,2,,2,2,2,2,2,2,, -2880,4,,2,1,2,2,,2,2,2,2,2,2,, -2881,1,2,,0,2,2,,2,2,2,2,2,2,, -2882,4,,2,1,2,2,,2,2,2,2,2,2,, -2883,4,,2,1,2,2,,2,2,2,2,1,2,, -2884,4,,2,2,2,2,,2,2,2,2,1,2,, -2885,4,,2,2,1,2,,2,2,2,2,2,2,, -2886,1,2,2,1,2,2,,2,2,2,2,2,2,, -2887,4,,2,1,2,2,,2,2,2,2,2,2,, -2888,4,,2,1,2,2,,2,2,2,2,2,2,, -2889,4,,2,2,2,2,,2,2,2,2,2,2,, -2890,1,2,,0,2,2,,2,2,2,2,2,2,, -2891,1,2,,0,2,2,,2,2,2,2,2,2,, -2892,4,,2,1,2,2,,2,2,2,2,2,2,, -2893,1,2,,0,2,2,,2,2,2,2,2,2,, -2894,4,,2,3,2,2,,2,2,2,2,1,2,, -2895,4,,1,1,2,2,,2,2,2,1,2,2,, -2896,1,2,,0,2,2,,2,2,2,2,2,2,, -2897,7,,2,4,2,2,,2,2,2,2,2,2,, -2898,1,2,,0,2,2,,2,2,2,2,2,2,, -2899,4,,2,2,2,2,,2,2,2,2,2,2,, -2900,6,,2,4,2,2,,2,2,2,2,1,2,, -2901,7,,2,1,2,2,,2,2,2,2,2,2,, -2902,5,,2,1,2,2,,2,2,2,2,2,2,, -2903,1,2,2,0,2,2,,2,2,2,2,2,2,, -2904,1,2,,1,2,2,,2,2,2,2,2,2,, -2905,4,,2,1,2,2,,2,2,2,2,2,2,, -2906,7,,2,22,2,2,,2,2,2,2,2,2,, -2907,1,2,2,0,2,2,,2,2,2,2,2,2,, -2908,1,2,,0,2,2,,2,2,2,2,2,2,, -2909,4,,2,1,2,2,,2,2,2,2,2,2,, -2910,1,2,2,1,1,2,,2,2,2,2,2,2,, -2911,1,2,2,1,2,2,,2,2,2,2,2,2,, -2912,1,2,,0,2,2,,2,2,2,2,2,2,, -2913,1,2,2,0,2,2,,2,2,2,2,2,2,, -2914,1,2,2,0,2,2,,2,2,2,2,2,2,, -2915,1,2,2,1,2,2,,2,2,2,2,2,2,, -2916,6,,2,16,2,2,,2,2,2,2,1,2,, -2917,6,,2,3,2,2,,2,2,2,2,1,2,, -2918,4,,2,2,2,2,,2,2,2,2,2,2,, -2919,4,,2,1,2,2,,2,2,2,2,1,2,, -2920,4,,2,1,2,2,,2,2,2,2,2,2,, -2921,1,2,2,0,2,2,,2,2,2,2,2,2,, -2922,4,,2,7,1,2,,2,1,2,2,1,2,, -2923,1,2,2,1,2,2,,2,2,2,2,2,2,, -2924,1,2,,0,2,2,,2,2,2,2,2,2,, -2925,5,,2,1,2,2,,2,2,2,2,2,2,, -2926,1,2,2,1,2,2,,2,2,2,2,2,2,, -2927,4,,2,2,2,2,,2,2,2,2,1,2,, -2928,1,2,2,1,2,2,,2,2,2,2,2,2,, -2929,1,2,,0,2,2,,2,2,2,2,2,2,, -2930,7,,2,1,2,2,,2,2,2,2,2,2,, -2931,1,2,2,1,2,2,,2,2,2,2,2,2,, -2932,1,2,,0,2,2,,2,2,2,2,2,2,, -2933,1,2,2,1,2,2,,2,2,1,2,2,2,, -2934,1,2,,1,2,2,,2,2,2,2,2,2,, -2935,7,,2,4,1,2,,2,2,2,2,2,2,, -2936,1,2,2,0,2,2,,2,2,2,2,2,2,, -2937,1,2,2,0,2,2,,2,2,2,2,2,2,, -2938,1,2,2,0,2,2,,2,2,2,2,2,2,, -2939,7,,2,4,1,2,,2,2,1,2,2,2,, -2940,1,2,,0,2,2,,2,2,2,2,2,2,, -2941,1,2,2,0,2,2,,2,2,2,2,2,2,, -2942,1,2,2,1,2,2,,2,2,2,2,2,2,, -2943,1,2,2,0,2,2,,2,2,2,2,2,2,, -2944,5,,2,0,2,2,,2,2,2,2,2,2,, -2945,7,,2,62,1,2,,2,2,1,2,1,2,, -2946,4,,1,1,2,2,,2,2,2,2,2,2,, -2947,6,,1,21,2,2,,2,2,1,1,1,2,, -2948,4,,2,1,2,2,,2,2,2,2,2,2,, -2949,1,2,2,1,2,2,,2,2,2,2,2,2,, -2950,1,2,,0,2,2,,2,2,2,2,2,2,, -2951,1,2,,0,2,2,,2,2,2,2,2,2,, -2952,4,,2,1,2,2,,2,2,2,2,2,2,, -2953,4,,2,1,2,2,,2,2,2,2,2,2,, -2954,6,,2,8,2,2,,2,2,2,2,1,2,, -2955,1,2,,0,2,2,,2,2,2,2,2,2,, -2956,1,2,,0,2,2,,2,2,2,2,2,2,, -2957,1,2,2,0,2,2,,2,2,2,2,2,2,, -2958,7,,2,4,2,2,,2,2,2,2,2,2,, -2959,4,,2,1,2,2,,2,2,2,2,2,2,, -2960,4,,2,2,1,2,,2,2,2,2,2,2,, -2961,1,2,,0,2,2,,2,2,2,2,2,2,, -2962,6,,2,21,1,2,,2,1,1,2,2,2,, -2963,1,2,,0,2,2,,2,2,2,2,2,2,, -2964,1,2,,1,2,2,,2,2,2,2,2,2,, -2965,4,,2,2,2,2,,2,2,2,2,2,2,, -2966,1,2,,0,2,2,,2,2,2,2,2,2,, -2967,1,2,,0,2,2,,2,2,2,2,2,2,, -2968,1,2,2,1,2,2,,2,2,2,2,2,2,, -2969,5,,2,1,2,2,,2,2,2,2,2,2,, -2970,1,2,2,0,2,2,,2,2,2,2,2,2,, -2971,7,,2,5,1,2,,2,2,1,2,2,2,, -2972,1,2,,0,2,2,,2,2,2,2,2,2,, -2973,4,,2,1,2,2,,2,2,2,2,2,2,, -2974,4,,2,0,2,2,,2,2,2,2,2,2,, -2975,1,2,,0,2,2,,2,2,2,2,2,2,, -2976,1,2,,0,2,2,,2,2,2,2,2,2,, -2977,1,2,2,0,2,2,,2,2,2,2,2,2,, -2978,1,2,,0,2,2,,2,2,2,2,2,2,, -2979,4,,2,4,2,2,,2,2,2,2,2,2,, -2980,7,,2,18,2,2,,2,2,1,2,2,2,, -2981,4,,2,1,1,2,,2,2,2,2,2,2,, -2982,4,,2,3,1,2,,2,2,1,2,1,2,, -2983,4,,2,1,2,2,,2,2,2,2,2,2,, -2984,1,2,,0,2,2,,2,2,2,2,2,2,, -2985,1,2,2,0,2,2,,2,2,2,2,2,2,, -2986,4,,2,1,2,2,,2,2,2,2,2,2,, -2987,1,2,,0,2,2,,2,2,2,2,2,2,, -2988,1,2,,0,2,2,,2,2,2,2,2,2,, -2989,4,,2,5,2,2,,2,2,2,2,2,2,, -2990,1,2,,0,2,2,,2,2,2,2,2,2,, -2991,7,,2,3,2,2,,2,2,2,2,2,2,, -2992,1,2,,0,2,2,,2,2,2,2,2,2,, -2993,1,2,2,0,2,2,,2,2,2,2,2,2,, -2994,7,,2,6,1,2,,2,2,2,2,2,2,, -2995,1,2,,0,2,2,,2,2,2,2,2,2,, -2996,1,2,2,0,2,2,,2,2,2,2,2,2,, -2997,1,2,2,0,2,2,,2,2,2,2,2,2,, -2998,1,2,,1,2,2,,2,2,2,2,2,2,, -2999,4,,2,2,2,2,,2,2,1,2,2,2,, -3000,4,,2,1,2,2,,2,2,2,2,2,2,, -3001,7,,2,2,2,2,,2,2,2,2,2,2,, -3002,7,,2,10,2,2,,2,2,2,2,2,2,, -3003,7,,2,1,2,2,,2,2,2,2,2,2,, -3004,5,,2,1,2,2,,2,2,2,2,2,2,, -3005,6,,2,7,1,2,,2,2,1,2,1,2,, -3006,1,2,2,0,2,2,,2,2,2,2,2,2,, -3007,1,2,,0,2,2,,2,2,2,2,2,2,, -3008,1,2,,0,2,2,,2,2,2,2,1,2,, -3009,4,,2,2,1,2,,2,2,2,2,2,2,, -3010,1,2,2,0,2,2,,2,2,2,2,2,2,, -3011,4,,2,2,2,2,,2,2,2,2,2,2,, -3012,1,2,,0,2,2,,2,2,2,2,2,2,, -3013,1,2,,0,2,2,,2,2,2,2,2,2,, -3014,7,,1,12,2,2,,2,2,2,2,1,2,, -3015,4,,2,2,1,2,,2,2,2,2,2,2,, -3016,4,,2,8,1,2,,2,2,1,2,2,2,, -3017,1,2,,0,2,2,,2,2,2,2,2,2,, -3018,1,2,2,1,2,2,,2,2,2,2,2,2,, -3019,7,,2,1,2,2,,2,2,2,2,2,2,, -3020,1,2,2,0,2,2,,2,2,2,2,2,2,, -3021,1,2,,0,2,2,,2,2,2,2,2,2,, -3022,4,,2,1,2,2,,2,2,1,2,2,2,, -3023,1,2,2,0,2,2,,2,2,2,2,2,2,, -3024,1,2,,0,2,2,,2,2,2,2,2,2,, -3025,4,,2,4,2,2,,2,2,2,2,1,2,, -3026,1,2,2,0,2,2,,2,2,2,2,2,2,, -3027,4,,2,3,2,2,,2,2,2,2,2,2,, -3028,1,2,,0,2,2,,2,2,2,2,2,2,, -3029,1,2,,0,2,2,,2,2,2,2,2,2,, -3030,4,,2,2,2,2,,2,2,2,2,2,2,, -3031,1,2,2,0,2,2,,2,2,2,2,2,2,, -3032,7,,2,3,2,2,,2,2,2,2,2,2,, -3033,4,,2,1,2,2,,2,2,2,2,2,2,, -3034,4,,2,3,2,2,,2,2,2,2,2,2,, -3035,1,2,2,0,2,2,,2,2,2,2,2,2,, -3036,5,,2,1,2,2,,2,2,2,2,1,2,, -3037,4,,2,11,1,2,,2,1,2,2,2,2,, -3038,1,2,,0,2,2,,2,2,2,2,2,2,, -3039,5,,2,1,2,2,,2,2,2,2,2,2,, -3040,1,2,2,0,2,2,,2,2,2,2,2,2,, -3041,1,2,2,1,2,2,,2,2,2,2,2,2,, -3042,7,,2,11,2,2,,2,2,2,2,1,2,, -3043,5,,2,1,2,2,,2,2,2,2,2,2,, -3044,4,,2,1,2,2,,2,2,2,2,2,2,, -3045,1,2,,1,2,2,,2,2,2,2,2,2,, -3046,1,2,2,0,2,2,,2,2,2,2,2,2,, -3047,1,2,,1,2,2,,2,2,2,2,2,2,, -3048,1,2,,0,2,2,,2,2,2,2,2,2,, -3049,7,,2,6,2,2,,2,2,1,1,1,2,, -3050,7,,2,3,2,2,,2,2,2,2,2,2,, -3051,1,2,2,0,2,2,,2,2,2,2,2,2,, -3052,1,2,2,0,2,2,,2,2,2,2,2,2,, -3053,1,2,,0,2,2,,2,2,2,2,2,2,, -3054,4,,2,1,2,2,,2,2,2,2,2,2,, -3055,7,,2,1,2,2,,2,2,2,2,2,2,, -3056,1,2,,0,2,2,,2,2,2,2,2,2,, -3057,4,,2,10,2,2,,2,2,2,1,2,2,, -3058,1,2,2,0,2,2,,2,2,2,2,2,2,, -3059,4,,2,2,2,2,,2,2,2,2,2,2,, -3060,1,2,2,0,2,2,,2,2,2,2,2,2,, -3061,4,,1,3,1,2,,2,2,2,1,2,2,, -3062,7,,2,1,2,2,,2,2,2,2,2,1,3, -3063,4,,2,1,2,2,,2,2,2,2,2,2,, -3064,4,,2,3,1,2,,2,2,2,2,2,2,, -3065,1,2,,0,2,2,,2,2,2,2,2,2,, -3066,4,,2,1,2,2,,2,2,2,2,2,2,, -3067,4,,2,1,2,2,,2,2,2,2,2,2,, -3068,4,,2,1,1,2,,2,2,2,2,2,2,, -3069,4,,2,1,2,2,,2,2,2,2,2,2,, -3070,7,,2,2,2,2,,2,2,2,2,2,2,, -3071,4,,2,1,2,2,,2,2,2,2,2,2,, -3072,1,2,,0,2,2,,2,2,2,2,2,2,, -3073,7,,2,6,2,2,,2,2,2,2,2,2,, -3074,4,,2,20,1,2,,2,2,1,1,1,2,, -3075,1,2,,0,2,2,,2,2,2,2,2,2,, -3076,1,2,,0,2,2,,2,2,2,2,2,2,, -3077,4,,2,2,2,2,,2,2,2,2,2,2,, -3078,1,2,,0,2,2,,2,2,2,2,2,2,, -3079,4,,2,1,2,2,,2,2,2,2,2,2,, -3080,1,2,,0,2,2,,2,2,2,2,2,2,, -3081,1,2,,0,2,2,,2,2,2,2,2,2,, -3082,1,2,2,0,2,2,,2,2,2,2,2,2,, -3083,1,2,2,0,2,2,,2,2,2,2,2,2,, -3084,1,2,2,0,2,2,,2,2,2,2,2,2,, -3085,4,,2,1,2,2,,2,2,2,2,2,2,, -3086,1,2,,0,2,2,,2,2,2,2,2,2,, -3087,1,2,2,1,2,2,,2,2,2,2,2,2,, -3088,1,2,,0,2,2,,2,2,2,2,2,2,, -3089,4,,2,1,2,2,,2,2,2,2,2,2,, -3090,1,2,2,0,2,2,,2,2,2,2,2,2,, -3091,1,2,,0,2,2,,2,2,2,2,2,2,, -3092,4,,2,1,2,2,,2,2,2,2,2,2,, -3093,4,,2,5,2,2,,2,2,2,2,2,2,, -3094,1,2,,1,2,2,,2,2,2,2,2,2,, -3095,1,2,2,0,2,2,,2,2,2,2,2,2,, -3096,4,,2,2,2,2,,2,2,2,2,2,2,, -3097,1,2,,0,2,2,,2,2,2,2,2,2,, -3098,4,,2,1,2,2,,2,2,2,2,2,2,, -3099,4,,2,2,2,2,,2,2,2,2,1,2,, -3100,4,,2,1,2,2,,2,2,2,2,2,2,, -3101,4,,2,1,2,2,,2,2,1,2,2,2,, -3102,4,,2,1,2,2,,2,2,2,2,2,2,, -3103,1,2,,0,2,2,,2,2,2,2,2,2,, -3104,1,2,,0,2,2,,2,2,2,2,2,2,, -3105,7,,2,3,2,2,,2,2,2,2,2,2,, -3106,1,2,2,0,2,2,,2,2,2,2,2,2,, -3107,1,2,,1,2,2,,2,2,2,2,2,2,, -3108,1,2,2,0,2,2,,2,2,2,2,2,2,, -3109,4,,2,1,2,2,,2,2,2,2,2,2,, -3110,4,,2,6,2,2,,2,2,2,2,2,2,, -3111,1,2,,1,2,2,,2,2,2,2,2,2,, -3112,6,,2,8,1,2,,2,1,1,1,2,2,, -3113,1,2,,0,2,2,,2,2,2,2,2,2,, -3114,4,,2,2,2,2,,2,2,1,2,2,2,, -3115,4,,2,1,2,2,,2,2,1,2,2,2,, -3116,7,,2,1,2,2,,2,2,2,2,2,2,, -3117,1,2,2,0,2,2,,2,2,2,2,2,2,, -3118,1,2,2,1,2,2,,2,2,2,2,2,2,, -3119,1,2,2,1,2,2,,2,2,2,2,2,2,, -3120,5,,2,1,1,2,,2,2,2,2,2,2,, -3121,1,2,2,0,2,2,,2,2,2,2,2,2,, -3122,1,2,2,0,2,2,,2,2,2,2,2,2,, -3123,1,2,,0,2,2,,2,2,2,2,2,2,, -3124,4,,2,1,2,2,,2,2,2,2,2,2,, -3125,4,,2,1,2,2,,2,2,2,2,2,2,, -3126,4,,2,1,2,2,,2,2,2,2,2,2,, -3127,7,,2,3,2,2,,2,2,2,2,2,2,, -3128,4,,2,4,2,2,,2,2,2,1,2,2,, -3129,7,,2,1,2,2,,2,2,1,2,2,2,, -3130,1,2,,0,2,2,,2,2,2,2,2,2,, -3131,5,,2,1,2,2,,2,2,2,2,2,2,, -3132,4,,2,2,2,2,,2,2,1,2,2,2,, -3133,4,,2,1,2,2,,2,2,1,2,2,2,, -3134,1,2,,0,2,2,,2,2,2,2,2,2,, -3135,1,2,2,0,2,2,,2,2,2,2,2,2,, -3136,4,,2,0,2,2,,2,2,2,2,2,2,, -3137,1,2,2,0,2,2,,2,2,2,2,2,2,, -3138,7,,2,5,2,2,,2,2,2,2,2,2,, -3139,1,2,2,0,2,2,,2,2,2,2,2,2,, -3140,4,,2,2,2,2,,2,2,2,2,2,2,, -3141,4,,2,1,2,2,,2,2,2,2,2,2,, -3142,1,2,2,0,2,2,,2,2,2,2,2,2,, -3143,1,2,2,0,2,2,,2,2,2,2,2,2,, -3144,1,2,2,0,2,2,,2,2,2,2,2,2,, -3145,4,,2,4,1,2,,2,2,2,2,2,2,, -3146,4,,2,1,2,2,,2,2,2,2,2,2,, -3147,4,,2,1,2,2,,2,2,2,2,2,2,, -3148,7,,2,1,2,2,,2,2,1,2,2,1,3, -3149,1,2,2,0,2,2,,2,2,2,2,2,2,, -3150,1,2,2,0,2,2,,2,2,2,2,2,2,, -3151,4,,2,2,2,2,,2,2,2,2,2,2,, -3152,5,,2,1,2,2,,2,2,2,2,2,2,, -3153,1,2,,1,2,2,,2,2,2,2,2,2,, -3154,1,2,2,0,2,2,,2,2,2,2,2,2,, -3155,7,,2,1,2,2,,2,2,2,2,2,2,, -3156,1,2,,1,2,2,,2,2,2,2,2,2,, -3157,1,2,2,0,2,2,,2,2,2,2,2,2,, -3158,1,2,,0,2,2,,2,2,2,2,2,2,, -3159,7,,2,3,2,2,,2,2,1,2,2,2,, -3160,1,2,2,0,2,2,,2,2,2,2,2,2,, -3161,1,2,2,0,2,2,,2,2,2,2,2,2,, -3162,4,,2,1,2,2,,2,2,2,2,2,2,, -3163,1,2,2,0,2,2,,2,2,2,2,2,2,, -3164,1,2,2,0,2,2,,2,2,1,2,2,2,, -3165,4,,2,2,2,2,,2,2,2,2,2,2,, -3166,4,,2,3,2,2,,2,2,2,2,2,2,, -3167,7,,2,18,2,2,,2,2,1,2,2,2,, -3168,1,2,,0,2,2,,2,2,2,2,2,2,, -3169,6,,2,4,2,2,,2,2,2,2,1,2,, -3170,5,,2,1,2,2,,2,2,2,2,2,2,, -3171,1,2,,0,2,2,,2,2,2,2,2,2,, -3172,5,,2,1,2,2,,2,2,2,2,2,2,, -3173,1,2,2,0,2,2,,2,2,2,2,2,2,, -3174,1,2,2,0,2,2,,2,2,2,2,2,2,, -3175,4,,2,2,2,2,,2,2,2,2,2,2,, -3176,1,2,,1,2,2,,2,2,2,2,2,2,, -3177,1,2,2,0,2,2,,2,2,2,2,2,2,, -3178,4,,2,4,2,2,,2,2,2,2,1,2,, -3179,1,2,2,1,2,2,,2,2,2,2,2,2,, -3180,7,,2,4,2,2,,2,2,2,2,1,2,, -3181,1,2,2,1,2,2,,2,2,2,2,2,2,, -3182,4,,2,2,2,2,,2,2,2,2,2,2,, -3183,1,2,2,0,2,2,,2,2,2,2,2,2,, -3184,7,,2,6,2,2,,2,2,2,2,2,2,, -3185,1,2,,1,2,2,,2,2,2,2,2,2,, -3186,6,,2,6,2,2,,2,2,1,1,1,2,, -3187,8,,2,4,1,2,,2,2,2,2,2,2,, -3188,4,,2,1,2,2,,2,2,2,2,2,2,, -3189,7,,2,11,2,2,,2,2,2,2,2,2,, -3190,4,,2,2,2,2,,2,2,1,2,2,2,, -3191,1,2,2,0,2,2,,2,2,2,2,2,2,, -3192,4,,2,1,2,2,,2,2,2,2,2,2,, -3193,1,2,,0,2,2,,2,2,2,2,2,2,, -3194,4,,2,4,2,2,,2,2,1,2,1,2,, -3195,5,,2,0,2,2,,2,2,1,2,2,2,, -3196,1,2,,1,2,2,,2,2,2,2,2,2,, -3197,4,,2,2,2,2,,2,2,2,1,1,2,, -3198,1,2,2,1,2,2,,2,2,2,2,2,2,, -3199,5,,2,1,2,2,,2,2,2,2,2,2,, -3200,1,2,,0,2,2,,2,2,2,2,2,2,, -3201,4,,2,2,2,2,,2,2,2,2,2,2,, -3202,5,,2,1,2,2,,2,2,2,2,2,2,, -3203,6,,1,2,2,2,,2,2,2,2,2,2,, -3204,1,2,,0,2,2,,2,2,2,2,2,2,, -3205,7,,2,2,2,2,,2,2,2,2,2,2,, -3206,4,,2,2,2,2,,2,2,2,2,2,2,, -3207,4,,2,2,2,2,,2,2,2,2,2,2,, -3208,4,,2,1,2,2,,2,2,2,2,2,2,, -3209,1,2,,1,2,2,,2,2,2,2,2,2,, -3210,1,2,,0,2,2,,2,2,2,2,2,2,, -3211,7,,2,7,1,2,,2,2,1,1,1,2,, -3212,1,2,,0,2,2,,2,2,2,2,2,2,, -3213,5,,2,1,2,2,,2,2,2,2,2,2,, -3214,7,,2,13,2,2,,2,2,2,2,2,2,, -3215,1,2,,0,2,2,,2,2,2,2,2,2,, -3216,4,,2,1,2,2,,2,2,2,2,2,2,, -3217,4,,2,1,2,2,,2,2,2,2,2,2,, -3218,1,1,2,3,1,2,,2,2,2,2,2,2,, -3219,1,2,2,0,2,2,,2,2,2,2,2,2,, -3220,7,,2,2,2,2,,2,2,2,2,2,2,, -3221,1,2,2,0,2,2,,2,2,2,2,2,2,, -3222,7,,2,150,1,2,,2,2,2,2,1,2,, -3223,1,2,2,0,2,2,,2,2,2,2,2,2,, -3224,7,,2,2,1,2,,2,1,1,2,2,1,2, -3225,4,,2,1,2,2,,2,2,1,2,2,2,, -3226,1,2,2,0,2,2,,2,2,2,2,2,2,, -3227,1,2,2,1,2,2,,2,2,2,2,2,2,, -3228,4,,2,1,2,2,,2,2,2,2,2,2,, -3229,4,,2,1,2,2,,2,2,1,2,2,2,, -3230,4,,2,1,2,2,,2,2,2,2,2,2,, -3231,1,2,2,1,2,2,,2,2,2,2,2,2,, -3232,7,,2,15,2,2,,2,2,1,1,1,2,, -3233,7,,2,2,1,2,,2,1,2,2,1,2,, -3234,1,2,,1,2,2,,2,2,2,2,2,2,, -3235,1,2,2,0,2,2,,2,2,2,2,2,2,, -3236,1,2,2,0,2,2,,2,2,2,2,2,2,, -3237,1,2,2,0,2,2,,2,2,2,2,2,2,, -3238,7,,2,3,1,2,,2,2,2,2,2,2,, -3239,1,2,,0,2,2,,2,2,2,2,2,2,, -3240,1,2,,1,2,2,,2,2,2,2,2,2,, -3241,5,,2,1,2,2,,2,2,2,2,1,2,, -3242,4,,2,13,2,2,,2,2,1,2,1,2,, -3243,1,2,2,0,2,2,,2,2,2,2,2,2,, -3244,4,,1,3,2,2,,2,2,2,2,2,2,, -3245,6,,2,29,2,2,,2,2,2,2,1,2,, -3246,4,,2,2,2,2,,2,2,1,2,2,2,, -3247,7,,2,2,2,2,,2,2,2,2,2,2,, -3248,7,,2,2,2,2,,2,2,2,2,2,2,, -3249,1,2,,0,2,2,,2,2,2,2,2,2,, -3250,6,,2,31,2,2,,2,1,1,2,1,2,, -3251,1,2,,0,2,2,,2,2,2,2,2,2,, -3252,1,2,,0,2,2,,2,2,2,2,2,2,, -3253,1,2,,0,2,2,,2,2,2,2,2,2,, -3254,1,2,,0,2,2,,2,2,2,2,2,2,, -3255,4,,2,3,2,2,,2,2,2,2,2,2,, -3256,7,,2,4,1,2,,2,2,2,2,2,2,, -3257,1,2,2,0,2,2,,2,2,2,2,2,2,, -3258,7,,2,1,2,2,,2,2,2,2,2,2,, -3259,4,,2,1,2,2,,2,2,2,2,2,2,, -3260,7,,2,1,2,2,,2,2,2,2,2,2,, -3261,4,,2,1,2,2,,2,2,2,2,2,2,, -3262,4,,2,2,2,2,,2,2,2,2,2,2,, -3263,1,2,,0,2,2,,2,2,2,2,2,2,, -3264,7,,2,1,2,2,,2,2,2,2,2,2,, -3265,7,,2,2,2,2,,2,2,2,2,2,2,, -3266,1,2,,1,2,2,,2,2,2,2,2,2,, -3267,1,2,2,0,2,2,,2,2,2,2,2,2,, -3268,4,,2,1,2,2,,2,2,2,2,2,2,, -3269,2,2,2,0,2,2,,2,2,2,2,2,2,, -3270,4,,2,1,2,2,,2,2,2,2,2,2,, -3271,1,2,,0,2,2,,2,2,2,2,2,2,, -3272,4,,2,1,2,2,,2,2,2,2,1,2,, -3273,1,2,2,0,2,2,,2,2,2,2,2,2,, -3274,1,2,,1,2,2,,2,2,2,2,2,2,, -3275,7,,2,3,2,2,,2,2,1,2,2,2,, -3276,5,,2,2,2,2,,2,2,2,2,2,2,, -3277,1,2,,1,2,2,,2,2,2,2,2,2,, -3278,4,,2,1,2,2,,2,2,2,2,2,2,, -3279,1,2,,1,2,2,,2,2,2,2,2,2,, -3280,7,,2,3,1,2,,2,2,1,2,2,2,, -3281,7,,2,4,2,2,,2,2,2,2,2,2,, -3282,1,2,,0,2,2,,2,2,2,2,2,2,, -3283,4,,2,1,2,2,,2,2,2,2,2,2,, -3284,4,,2,1,2,2,,2,2,2,2,2,2,, -3285,1,2,2,0,2,2,,2,2,2,2,2,2,, -3286,1,2,,0,2,2,,2,2,2,2,2,2,, -3287,1,2,2,1,2,2,,2,2,2,2,2,2,, -3288,1,2,2,0,2,2,,2,2,2,2,2,2,, -3289,1,2,,1,2,2,,2,2,2,2,2,2,, -3290,1,2,2,1,2,2,,2,2,2,2,2,2,, -3291,1,2,,0,2,2,,2,2,2,2,2,2,, -3292,7,,2,6,1,2,,2,2,2,2,2,2,, -3293,1,2,,0,2,2,,2,2,2,2,2,2,, -3294,7,,2,1,2,2,,2,2,2,2,2,2,, -3295,7,,2,8,2,2,,2,2,1,2,2,2,, -3296,1,2,,0,2,2,,2,2,2,2,2,2,, -3297,7,,2,4,1,2,,2,2,2,2,2,2,, -3298,1,2,2,1,2,2,,2,2,2,2,2,2,, -3299,4,,2,1,2,2,,2,2,2,2,2,2,, -3300,1,2,,0,2,2,,2,2,2,2,2,2,, -3301,4,,2,1,2,2,,2,2,2,2,2,2,, -3302,7,,2,1,2,2,,2,2,2,2,2,2,, -3303,1,2,2,1,2,2,,2,2,2,2,2,2,, -3304,4,,2,7,2,2,,2,2,2,2,1,2,, -3305,1,2,2,0,2,2,,2,2,2,2,2,2,, -3306,4,,2,3,2,2,,2,2,2,2,2,2,, -3307,1,2,2,0,2,2,,2,2,2,2,2,2,, -3308,4,,2,1,2,2,,2,2,2,2,2,2,, -3309,7,,2,1,2,2,,2,2,2,2,2,1,2, -3310,6,,2,0,2,2,,2,2,2,2,1,2,, -3311,1,2,2,1,2,2,,2,2,2,2,2,2,, -3312,1,2,,0,2,2,,2,2,2,2,2,2,, -3313,1,2,2,0,2,2,,2,2,2,2,2,2,, -3314,4,,2,5,2,2,,2,2,1,2,2,2,, -3315,1,2,,0,2,2,,2,2,2,2,2,2,, -3316,1,2,2,0,2,2,,2,2,2,2,2,2,, -3317,1,2,2,0,2,2,,2,2,2,2,2,2,, -3318,1,2,2,0,2,2,,2,2,2,2,2,2,, -3319,7,,2,24,1,2,,2,2,1,2,1,2,, -3320,1,2,,0,2,2,,2,2,2,2,2,2,, -3321,1,2,2,0,2,2,,2,2,2,2,2,2,, -3322,4,,2,1,2,2,,2,2,1,1,2,2,, -3323,1,2,2,0,2,2,,2,2,2,2,2,2,, -3324,4,,2,2,2,2,,2,2,2,2,2,2,, -3325,1,2,2,0,2,2,,2,2,2,2,2,2,, -3326,1,2,,0,2,2,,2,2,2,2,2,2,, -3327,1,2,2,0,2,2,,2,2,2,2,2,2,, -3328,1,2,,0,2,2,,2,2,2,2,2,2,, -3329,7,,2,3,1,2,,2,2,2,2,2,2,, -3330,4,,2,3,1,2,,2,2,2,2,2,2,, -3331,1,2,,0,2,2,,2,2,2,2,2,2,, -3332,4,,2,2,2,2,,2,2,1,2,2,2,, -3333,1,2,2,1,2,2,,2,2,2,2,2,2,, -3334,7,,2,4,2,2,,2,2,1,2,2,2,, -3335,4,,2,1,2,2,,2,2,2,2,2,2,, -3336,1,2,2,0,2,2,,2,2,2,2,2,2,, -3337,7,,2,37,2,2,,2,2,1,2,1,2,, -3338,4,,2,7,2,2,,2,2,2,2,1,2,, -3339,5,,2,1,2,2,,2,2,2,2,2,2,, -3340,1,2,,0,2,2,,2,2,2,2,2,2,, -3341,4,,2,3,2,2,,2,2,2,2,1,2,, -3342,6,,2,8,2,2,,2,2,2,1,1,2,, -3343,1,2,,0,2,2,,2,2,2,2,2,2,, -3344,4,,2,2,2,2,,2,2,2,2,2,2,, -3345,4,,2,1,2,2,,2,2,2,2,2,2,, -3346,5,,2,2,2,2,,2,2,2,2,1,2,, -3347,4,,2,1,2,2,,2,2,2,2,2,2,, -3348,1,2,,1,2,2,,2,2,2,2,2,2,, -3349,4,,2,1,2,2,,2,2,2,2,2,2,, -3350,1,2,2,1,2,2,,2,2,2,2,2,2,, -3351,6,,2,4,2,2,,2,2,1,2,2,2,, -3352,1,2,,0,2,2,,2,2,2,2,2,2,, -3353,1,2,,0,2,2,,2,2,2,2,2,2,, -3354,1,2,,0,2,2,,2,2,2,2,2,2,, -3355,1,2,,0,2,2,,2,2,2,2,2,2,, -3356,1,2,,1,2,2,,2,2,2,2,2,2,, -3357,1,2,2,0,2,2,,2,2,2,2,2,2,, -3358,1,2,,0,2,2,,2,2,2,2,2,2,, -3359,4,,2,1,2,2,,2,2,2,2,2,2,, -3360,1,2,2,0,2,2,,2,2,2,2,2,2,, -3361,4,,2,2,2,2,,2,2,2,2,2,2,, -3362,5,,2,1,2,2,,2,2,2,2,2,2,, -3363,1,2,,0,2,2,,2,2,2,2,2,2,, -3364,1,2,,0,2,2,,2,2,2,2,2,2,, -3365,1,2,,0,2,2,,2,2,2,2,2,2,, -3366,1,2,2,0,2,2,,2,2,2,2,2,2,, -3367,1,2,,0,2,2,,2,2,2,2,2,2,, -3368,5,,2,1,2,2,,2,2,2,2,2,2,, -3369,1,2,2,0,2,2,,2,2,2,2,2,2,, -3370,1,2,2,0,2,2,,2,2,2,2,2,2,, -3371,4,,2,1,2,2,,2,2,2,2,2,2,, -3372,4,,2,4,2,2,,2,2,1,2,1,2,, -3373,4,,2,1,2,2,,2,2,2,1,2,2,, -3374,4,,2,9,2,2,,2,2,2,2,2,2,, -3375,1,2,,1,2,2,,2,2,2,2,2,2,, -3376,4,,2,1,2,2,,2,2,2,2,2,2,, -3377,4,,2,1,2,2,,2,2,2,2,1,2,, -3378,4,,2,3,2,2,,2,2,2,2,1,2,, -3379,6,,2,3,2,2,,2,2,2,2,1,2,, -3380,4,,2,4,2,2,,2,2,2,2,1,2,, -3381,1,2,2,0,2,2,,2,2,2,2,2,2,, -3382,1,2,,1,2,2,,2,2,2,2,2,2,, -3383,4,,2,1,2,2,,2,2,2,2,2,2,, -3384,6,,2,54,1,2,,2,1,1,2,2,2,, -3385,1,2,2,0,2,2,,2,2,2,2,2,2,, -3386,4,,2,1,2,2,,2,2,2,2,2,2,, -3387,1,2,2,0,2,2,,2,2,2,2,2,2,, -3388,6,,2,13,2,2,,2,2,2,2,1,2,, -3389,5,,2,1,2,2,,2,2,2,2,2,2,, -3390,7,,2,7,2,2,,2,2,1,2,2,2,, -3391,1,2,,0,2,2,,2,2,2,2,2,2,, -3392,7,,2,1,2,2,,2,2,2,2,2,2,, -3393,1,2,,0,2,2,,2,2,2,2,2,2,, -3394,1,2,,1,2,2,,2,2,2,2,2,2,, -3395,7,,2,4,2,2,,2,2,2,2,2,2,, -3396,1,2,2,0,2,2,,2,2,2,2,2,2,, -3397,4,,2,1,2,2,,2,2,2,2,2,2,, -3398,4,,2,3,2,2,,2,2,1,2,2,2,, -3399,1,2,2,1,2,2,,2,2,2,2,2,2,, -3400,1,2,,0,2,2,,2,2,2,2,2,2,, -3401,4,,2,1,2,2,,2,2,2,2,2,2,, -3402,7,,2,5,2,2,,2,2,2,2,1,2,, -3403,1,2,2,0,2,2,,2,2,2,2,2,2,, -3404,7,,2,2,1,2,,2,2,2,2,2,2,, -3405,1,2,2,1,2,2,,2,2,2,2,2,2,, -3406,1,2,,0,2,2,,2,2,2,2,2,2,, -3407,1,2,2,0,2,2,,2,2,2,2,2,2,, -3408,1,2,,1,2,2,,2,2,2,2,2,2,, -3409,4,,2,1,2,2,,2,2,2,2,2,2,, -3410,4,,2,1,2,2,,2,2,2,2,2,2,, -3411,1,2,,0,2,2,,2,2,2,2,2,2,, -3412,1,2,,0,2,2,,2,2,2,2,2,2,, -3413,1,2,,0,2,2,,2,2,2,2,2,2,, -3414,7,,2,6,1,2,,2,2,2,2,2,2,, -3415,4,,2,27,1,2,,2,2,2,2,1,2,, -3416,4,,2,2,2,2,,2,2,2,2,2,2,, -3417,1,2,,1,2,2,,2,2,2,2,2,2,, -3418,4,,2,4,2,2,,2,2,2,2,1,2,, -3419,1,2,,0,2,2,,2,2,2,2,2,2,, -3420,4,,2,4,2,2,,2,2,2,2,2,2,, -3421,6,,2,2,2,2,,2,2,2,2,1,2,, -3422,1,2,,0,2,2,,2,2,2,2,2,2,, -3423,1,2,2,1,2,2,,2,2,2,2,2,2,, -3424,4,,2,1,2,2,,2,2,2,2,2,2,, -3425,7,,2,7,1,2,,2,2,1,2,2,2,, -3426,5,,2,0,2,2,,2,2,2,2,2,2,, -3427,1,2,,1,2,2,,2,2,2,2,2,2,, -3428,1,2,2,1,2,2,,2,2,2,2,2,2,, -3429,1,2,,1,2,2,,2,2,2,2,2,2,, -3430,1,2,,1,2,2,,2,2,2,2,2,2,, -3431,4,,2,3,2,2,,2,2,2,2,2,2,, -3432,1,2,2,0,2,2,,2,2,2,2,2,2,, -3433,5,,2,1,1,2,,2,2,2,2,2,2,, -3434,1,2,2,1,2,2,,2,2,2,2,2,2,, -3435,1,2,2,1,2,2,,2,2,2,2,2,2,, -3436,4,,2,3,2,2,,2,2,2,2,1,2,, -3437,4,,2,2,2,2,,2,2,2,2,2,2,, -3438,1,2,2,0,2,2,,2,2,2,2,2,2,, -3439,4,,2,1,2,2,,2,2,2,2,2,2,, -3440,1,2,,0,2,2,,2,2,2,2,2,2,, -3441,1,2,2,0,2,2,,2,2,2,2,2,2,, -3442,4,,2,4,1,2,,2,2,1,2,2,2,, -3443,4,,2,1,2,2,,2,2,2,2,2,2,, -3444,1,2,,1,2,2,,2,2,2,2,2,2,, -3445,1,2,2,1,2,2,,2,2,2,2,2,2,, -3446,1,2,2,1,2,2,,2,2,2,2,2,2,, -3447,1,2,2,0,2,2,,2,2,2,2,2,2,, -3448,7,,2,1,2,2,,2,2,1,1,2,2,, -3449,4,,2,1,2,2,,2,2,2,2,2,2,, -3450,1,2,2,0,2,2,,2,2,2,2,2,2,, -3451,7,,2,1,2,2,,2,2,2,2,2,2,, -3452,1,2,,0,2,2,,2,2,2,2,2,2,, -3453,5,,2,1,2,2,,2,2,2,2,2,2,, -3454,4,,2,4,2,2,,2,2,2,2,1,2,, -3455,4,,2,1,2,2,,2,2,2,2,2,2,, -3456,7,,2,2,2,2,,2,2,2,2,2,1,3, -3457,4,,2,1,2,2,,2,2,2,2,2,2,, -3458,1,2,,1,2,2,,2,2,2,2,2,2,, -3459,4,,2,1,2,2,,2,2,2,2,2,2,, -3460,1,2,2,0,2,2,,2,2,2,2,2,2,, -3461,5,,2,1,2,2,,2,2,2,2,2,2,, -3462,7,,2,4,1,2,,2,2,2,2,2,2,, -3463,4,,2,2,1,2,,2,2,2,2,2,2,, -3464,1,2,2,0,2,2,,2,2,2,2,2,2,, -3465,4,,2,2,2,2,,2,2,2,2,1,2,, -3466,6,,2,4,2,2,,2,2,2,2,1,2,, -3467,1,2,,0,2,2,,2,2,2,2,2,2,, -3468,1,2,,0,2,2,,2,2,2,2,2,2,, -3469,7,,2,4,2,2,,2,2,1,2,1,2,, -3470,7,,2,1,2,2,,2,2,2,2,2,2,, -3471,1,2,2,0,2,2,,2,2,2,2,2,2,, -3472,1,2,,1,2,2,,2,2,2,2,2,2,, -3473,4,,2,2,2,2,,2,2,2,2,1,2,, -3474,1,2,,0,2,2,,2,2,2,2,2,2,, -3475,1,2,2,0,2,2,,2,2,2,2,2,2,, -3476,1,2,,0,2,2,,2,2,2,2,2,2,, -3477,1,2,,1,2,2,,2,2,2,2,2,2,, -3478,1,2,,0,2,2,,2,2,2,2,2,2,, -3479,1,2,2,0,2,2,,2,2,2,2,2,2,, -3480,7,,2,2,2,2,,2,2,2,2,2,2,, -3481,1,2,,0,2,2,,2,2,2,2,2,2,, -3482,5,,2,0,2,2,,2,2,2,2,2,2,, -3483,1,2,,0,2,2,,2,2,2,2,2,2,, -3484,6,,2,3,2,2,,2,2,2,2,1,2,, -3485,7,,2,1,2,2,,2,2,2,2,2,2,, -3486,4,,2,4,2,2,,2,2,2,2,2,2,, -3487,1,2,,0,2,2,,2,2,2,2,2,2,, -3488,7,,2,5,2,2,,2,2,2,2,2,2,, -3489,1,2,2,0,2,2,,2,2,2,2,2,2,, -3490,1,2,2,0,2,2,,2,2,2,2,2,2,, -3491,4,,2,2,2,2,,2,2,1,2,2,2,, -3492,1,2,2,0,2,2,,2,2,2,2,2,2,, -3493,1,2,,1,2,2,,2,2,2,2,2,2,, -3494,4,,2,1,2,2,,2,2,2,2,2,2,, -3495,4,,2,8,2,2,,2,2,2,2,2,2,, -3496,1,2,,1,2,2,,2,2,2,2,2,2,, -3497,4,,2,2,1,2,,2,2,2,2,2,2,, -3498,4,,2,1,2,2,,2,2,2,2,2,2,, -3499,1,2,,1,2,2,,2,2,2,2,2,2,, -3500,4,,2,1,2,2,,2,2,2,2,2,2,, -3501,4,,2,3,2,2,,2,2,2,2,1,2,, -3502,4,,2,1,2,2,,2,2,2,2,2,2,, -3503,7,,2,1,2,2,,2,2,2,2,2,2,, -3504,4,,2,4,2,2,,2,2,2,2,1,2,, -3505,1,2,,0,2,2,,2,2,2,2,2,2,, -3506,4,,2,2,1,2,,2,2,2,2,2,2,, -3507,1,2,2,0,2,2,,2,2,2,2,2,2,, -3508,1,2,2,1,2,2,,2,2,2,2,2,2,, -3509,1,2,2,1,2,2,,2,2,2,2,2,2,, -3510,1,2,,0,2,2,,2,2,2,2,2,2,, -3511,1,2,2,0,2,2,,2,2,2,2,2,2,, -3512,4,,2,5,2,2,,2,2,2,2,2,2,, -3513,1,2,,1,1,2,,2,2,1,2,2,2,, -3514,4,,2,1,2,2,,2,2,2,2,2,2,, -3515,1,2,2,0,2,2,,2,2,2,2,2,2,, -3516,1,2,2,0,2,2,,2,2,2,2,2,2,, -3517,7,,2,8,2,2,,2,2,2,2,2,2,, -3518,1,2,2,0,2,2,,2,2,2,2,2,2,, -3519,1,2,2,1,2,2,,2,2,2,2,2,2,, -3520,5,,2,0,2,2,,2,2,2,2,2,2,, -3521,1,2,2,0,2,2,,2,2,2,2,2,2,, -3522,7,,2,5,2,2,,2,2,2,2,2,2,, -3523,1,2,,0,2,2,,2,2,2,2,2,2,, -3524,1,2,2,0,2,2,,2,2,2,2,2,2,, -3525,7,,2,13,2,2,,2,2,1,2,2,2,, -3526,4,,2,2,2,2,,2,2,2,2,2,2,, -3527,1,2,2,0,2,2,,2,2,2,2,2,2,, -3528,7,,2,6,1,2,,2,2,2,2,2,2,, -3529,5,,2,1,2,2,,2,2,2,2,2,2,, -3530,7,,2,2,2,2,,2,2,2,2,2,2,, -3531,4,,2,31,2,2,,2,2,2,2,1,2,, -3532,1,2,2,0,2,2,,2,2,2,2,2,2,, -3533,4,,2,10,2,2,,2,2,2,2,1,2,, -3534,1,2,,0,2,2,,2,2,2,2,2,2,, -3535,4,,2,4,2,2,,2,2,2,2,2,2,, -3536,6,,2,26,1,2,,2,2,2,2,1,2,, -3537,1,2,2,0,2,2,,2,2,2,2,2,2,, -3538,7,,1,1,2,2,,2,2,2,2,2,2,, -3539,7,,2,3,2,2,,2,2,2,2,2,2,, -3540,1,2,2,0,2,2,,2,2,2,2,2,2,, -3541,1,2,2,0,2,2,,2,2,2,2,2,2,, -3542,1,2,2,0,2,2,,2,2,2,2,2,2,, -3543,7,,2,7,1,2,,2,1,1,2,2,2,, -3544,1,2,2,0,2,2,,2,2,2,2,2,2,, -3545,1,2,2,0,2,2,,2,2,2,2,2,2,, -3546,1,2,2,1,2,2,,2,2,2,2,2,2,, -3547,1,2,2,1,2,2,,2,2,2,2,2,2,, -3548,1,2,2,1,2,2,,2,2,2,2,2,2,, -3549,1,2,2,0,2,2,,2,2,2,2,2,2,, -3550,7,,2,2,2,2,,2,2,2,2,2,2,, -3551,7,,2,4,2,2,,2,2,2,2,2,2,, -3552,4,,2,2,2,2,,2,2,2,2,2,2,, -3553,7,,2,1,2,2,,2,2,2,2,2,2,, -3554,1,2,2,0,2,2,,2,2,2,2,2,2,, -3555,1,2,,0,2,2,,2,2,2,2,2,2,, -3556,4,,2,1,2,2,,2,2,2,2,2,2,, -3557,7,,2,12,2,2,,2,2,1,2,1,2,, -3558,6,,2,30,1,2,,2,1,2,2,2,2,, -3559,4,,2,1,1,2,,2,2,1,2,2,2,, -3560,4,,2,4,2,2,,2,2,2,2,1,2,, -3561,1,2,2,0,2,2,,2,2,2,2,2,2,, -3562,4,,2,4,2,2,,2,2,2,2,2,2,, -3563,1,2,2,0,2,2,,2,2,2,2,2,2,, -3564,7,,2,1,1,2,,2,2,1,2,2,1,3, -3565,1,2,2,0,2,2,,2,2,2,2,2,2,, -3566,1,2,2,0,2,2,,2,2,2,2,2,2,, -3567,1,2,2,0,2,2,,2,2,2,2,2,2,, -3568,4,,2,2,2,2,,2,2,2,2,2,2,, -3569,1,2,,0,2,2,,2,2,2,2,2,2,, -3570,1,2,2,0,2,2,,2,2,2,2,2,2,, -3571,1,2,2,0,2,2,,2,2,2,2,2,2,, -3572,5,,2,1,2,2,,2,2,2,2,2,2,, -3573,4,,2,1,2,2,,2,2,2,2,2,2,, -3574,4,,2,1,2,2,,2,2,2,2,2,2,, -3575,1,2,2,0,2,2,,2,2,2,2,2,2,, -3576,7,,2,68,1,2,,2,2,1,1,1,2,, -3577,1,2,2,1,2,2,,2,2,2,2,2,2,, -3578,1,2,2,0,2,2,,2,2,2,2,2,2,, -3579,1,2,,0,2,2,,2,2,2,2,2,2,, -3580,7,,2,1,2,2,,2,2,2,2,2,2,, -3581,1,2,,0,2,2,,2,2,2,2,2,2,, -3582,7,,2,8,2,2,,2,2,2,2,1,2,, -3583,4,,2,2,2,2,,2,2,2,2,2,2,, -3584,7,,2,2,1,2,,2,2,1,2,2,2,, -3585,5,,2,1,2,2,,2,2,2,2,2,2,, -3586,1,2,2,0,2,2,,2,2,2,2,2,2,, -3587,4,,2,7,2,2,,2,2,2,2,1,2,, -3588,4,,2,1,2,2,,2,2,2,2,2,2,, -3589,4,,2,1,2,2,,2,2,2,2,2,2,, -3590,1,2,2,0,2,2,,2,2,2,2,2,2,, -3591,4,,2,2,1,2,,2,2,2,2,2,2,, -3592,4,,2,1,2,2,,2,2,2,2,2,2,, -3593,1,2,2,0,2,2,,2,2,2,2,2,2,, -3594,1,2,,0,2,2,,2,2,2,2,2,2,, -3595,4,,2,1,2,2,,2,2,2,2,2,2,, -3596,7,,2,1,2,2,,2,2,2,2,2,2,, -3597,1,2,,0,2,2,,2,2,2,2,2,2,, -3598,4,,2,1,2,2,,2,2,2,2,2,2,, -3599,1,2,2,0,2,2,,2,2,2,2,2,2,, -3600,1,2,,0,2,2,,2,2,2,2,2,2,, -3601,1,2,2,1,2,2,,2,2,2,2,2,2,, -3602,1,2,,0,2,2,,2,2,2,2,2,2,, -3603,7,,2,6,2,2,,2,2,2,2,1,2,, -3604,4,,2,5,2,2,,2,2,2,2,2,2,, -3605,1,2,2,0,2,2,,2,2,2,2,2,2,, -3606,4,,2,2,2,2,,2,2,2,2,2,2,, -3607,4,,2,2,2,2,,2,2,2,1,2,2,, -3608,1,2,2,1,2,2,,2,2,2,2,2,2,, -3609,1,2,,0,2,2,,2,2,2,2,2,2,, -3610,4,,2,4,2,2,,2,2,2,2,1,2,, -3611,1,2,,0,2,2,,2,2,2,2,2,2,, -3612,4,,2,2,2,2,,2,2,2,2,2,2,, -3613,1,2,,0,2,2,,2,2,2,2,2,2,, -3614,4,,2,1,2,2,,2,2,2,2,2,2,, -3615,7,,2,124,2,2,,2,2,2,1,1,2,, -3616,1,2,2,0,2,2,,2,2,2,2,2,2,, -3617,1,2,,0,2,2,,2,2,2,2,2,2,, -3618,1,2,,0,2,2,,2,2,2,2,2,2,, -3619,1,2,2,0,2,2,,2,2,2,2,2,2,, -3620,1,2,2,0,2,2,,2,2,2,2,2,2,, -3621,1,2,2,0,2,2,,2,2,2,2,2,2,, -3622,5,,1,1,2,2,,2,2,2,2,2,2,, -3623,1,2,2,0,2,2,,2,2,2,2,2,2,, -3624,1,2,2,0,2,2,,2,2,1,2,2,2,, -3625,1,2,2,0,2,2,,2,2,2,2,2,2,, -3626,1,2,2,0,2,2,,2,2,2,2,2,2,, -3627,1,2,2,1,2,2,,2,2,2,2,2,2,, -3628,1,2,,0,2,2,,2,2,2,2,2,2,, -3629,4,,2,4,2,2,,2,2,2,2,2,2,, -3630,4,,2,2,2,2,,2,2,2,2,2,2,, -3631,4,,2,1,2,2,,2,2,2,2,2,2,, -3632,4,,1,2,1,2,,2,2,1,2,2,2,, -3633,1,2,2,0,2,2,,2,2,2,2,2,2,, -3634,1,2,,0,2,2,,2,2,2,2,2,2,, -3635,4,,2,7,2,2,,2,2,2,2,1,2,, -3636,1,2,2,1,2,2,,2,2,2,2,2,2,, -3637,1,2,,0,2,2,,2,2,2,2,2,2,, -3638,1,2,,0,2,2,,2,2,2,2,2,2,, -3639,1,2,,0,2,2,,2,2,2,2,2,2,, -3640,4,,2,2,2,2,,2,2,2,2,2,2,, -3641,4,,2,2,2,2,,2,2,2,2,1,2,, -3642,1,2,2,0,2,2,,2,2,2,2,2,2,, -3643,1,2,2,0,2,2,,2,2,2,2,2,2,, -3644,1,2,2,0,2,2,,2,2,2,2,2,2,, -3645,4,,2,1,2,2,,2,2,2,2,2,2,, -3646,4,,2,1,2,2,,2,2,2,2,2,2,, -3647,1,2,2,1,2,2,,2,2,2,2,2,2,, -3648,4,,2,3,2,2,,2,2,2,2,2,2,, -3649,4,,2,1,2,2,,2,2,2,2,2,2,, -3650,4,,2,3,2,2,,2,2,2,2,2,2,, -3651,4,,2,1,2,2,,2,2,1,2,2,2,, -3652,7,,2,2,2,2,,2,2,1,2,2,2,, -3653,1,2,,0,2,2,,2,2,2,2,2,2,, -3654,1,2,2,0,2,2,,2,2,2,2,2,2,, -3655,1,2,2,0,2,2,,2,2,2,2,2,2,, -3656,1,2,2,0,2,2,,2,2,2,2,2,2,, -3657,4,,2,1,2,2,,2,2,2,2,2,2,, -3658,7,,2,12,2,2,,2,2,2,2,2,2,, -3659,5,,1,1,2,2,,2,2,2,2,2,2,, -3660,1,2,2,0,2,2,,2,2,2,2,2,2,, -3661,1,2,2,0,2,2,,2,2,2,2,2,2,, -3662,1,2,,0,2,2,,2,2,2,2,2,2,, -3663,1,2,2,1,2,2,,2,2,2,2,2,2,, -3664,1,2,,0,2,2,,2,2,2,2,2,2,, -3665,1,2,,0,2,2,,2,2,2,2,2,2,, -3666,1,2,2,0,2,2,,2,2,2,2,2,2,, -3667,7,,2,4,2,2,,2,2,2,2,1,2,, -3668,4,,2,1,2,2,,2,2,2,2,2,2,, -3669,4,,2,3,2,2,,2,2,2,2,2,2,, -3670,1,2,,0,2,2,,2,2,2,2,2,2,, -3671,4,,2,1,2,2,,2,2,2,2,2,2,, -3672,4,,2,19,2,2,,2,2,2,2,1,2,, -3673,1,2,,0,2,2,,2,2,2,2,2,2,, -3674,5,,2,1,2,2,,2,2,2,2,2,2,, -3675,7,,2,15,2,2,,2,2,2,2,2,2,, -3676,4,,2,2,2,2,,2,2,2,2,1,2,, -3677,1,2,2,1,2,2,,2,2,2,2,2,2,, -3678,5,,2,1,2,2,,2,2,2,2,2,2,, -3679,7,,2,1,2,2,,2,2,2,2,2,2,, -3680,1,2,2,0,2,2,,2,2,2,2,2,2,, -3681,1,2,2,1,2,2,,2,2,2,2,2,2,, -3682,1,2,,0,2,2,,2,2,2,2,2,2,, -3683,4,,2,1,2,2,,2,2,2,2,2,2,, -3684,4,,2,1,2,2,,2,2,2,2,2,2,, -3685,1,2,2,0,2,2,,2,2,2,2,2,2,, -3686,4,,2,3,2,2,,2,2,2,2,2,2,, -3687,4,,2,1,2,2,,2,2,1,2,2,2,, -3688,1,2,,0,2,2,,2,2,2,2,2,2,, -3689,4,,2,1,2,2,,2,2,2,2,2,2,, -3690,1,2,,0,2,2,,2,2,2,2,2,2,, -3691,1,2,2,0,2,2,,2,2,2,2,2,2,, -3692,1,2,2,0,2,2,,2,2,2,2,2,2,, -3693,4,,2,1,2,2,,2,2,1,2,2,2,, -3694,1,2,,0,2,2,,2,2,2,2,2,2,, -3695,4,,2,1,2,2,,2,2,2,2,2,2,, -3696,4,,2,1,2,2,,2,2,2,2,2,2,, -3697,1,2,2,0,2,2,,2,2,2,2,2,2,, -3698,1,2,,1,2,2,,2,2,2,2,2,2,, -3699,1,2,2,0,2,2,,2,2,2,2,2,2,, -3700,1,2,2,0,2,2,,2,2,2,2,2,2,, -3701,7,,2,4,1,2,,2,2,1,2,2,2,, -3702,1,2,,0,2,2,,2,2,2,2,2,2,, -3703,1,2,,0,2,2,,2,2,2,2,2,2,, -3704,4,,2,1,2,2,,2,2,2,2,2,2,, -3705,1,2,,1,2,2,,2,2,2,2,2,2,, -3706,1,2,2,1,2,2,,2,2,2,2,2,2,, -3707,4,,2,6,2,2,,2,2,1,2,2,2,, -3708,1,2,,0,2,2,,2,2,2,2,2,2,, -3709,1,2,,0,2,2,2,2,2,2,2,2,2,, -3710,5,,2,0,2,2,,2,2,2,2,1,2,, -3711,4,,2,1,2,2,,2,2,2,2,2,2,, -3712,1,2,2,0,2,2,,2,2,2,2,2,2,, -3713,7,,2,6,2,2,,2,2,2,2,2,2,, -3714,1,2,2,0,2,2,,2,2,2,2,2,2,, -3715,4,,2,1,2,2,,2,2,2,2,2,2,, -3716,7,,2,2,2,2,,2,2,2,2,2,2,, -3717,4,,2,1,2,2,,2,2,2,2,2,2,, -3718,1,2,,0,2,2,,2,2,2,2,2,2,, -3719,7,,2,1,2,2,,2,2,2,2,2,2,, -3720,4,,2,48,2,2,,2,2,2,2,1,2,, -3721,4,,2,2,1,2,,2,2,2,1,2,2,, -3722,1,2,2,1,2,2,,2,2,2,2,2,2,, -3723,4,,2,3,2,2,,2,2,2,1,2,2,, -3724,4,,2,2,2,2,,2,2,2,2,1,2,, -3725,8,,2,1,2,2,,2,2,2,2,2,2,, -3726,1,2,2,0,2,2,,2,2,2,2,2,2,, -3727,5,,2,1,2,2,,2,2,2,2,2,2,, -3728,1,2,2,0,2,2,,2,2,2,2,2,2,, -3729,4,,2,10,2,2,,2,2,1,2,1,2,, -3730,6,,2,4,2,2,,2,2,2,2,1,2,, -3731,1,2,2,1,2,2,,2,2,2,2,2,2,, -3732,1,2,2,1,2,2,,2,2,2,2,2,2,, -3733,1,2,2,0,2,2,,2,2,2,2,2,2,, -3734,1,2,2,0,2,2,,2,2,2,2,2,2,, -3735,1,2,,0,2,2,,2,2,2,2,2,2,, -3736,4,,2,2,2,2,,2,2,2,2,2,2,, -3737,1,2,,0,2,2,,2,2,2,2,2,2,, -3738,4,,2,1,2,2,,2,2,2,2,1,2,, -3739,7,,2,6,1,2,,2,2,1,2,2,2,, -3740,1,2,,0,2,2,,2,2,2,2,2,2,, -3741,4,,2,1,2,2,,2,2,1,2,2,2,, -3742,1,2,,1,2,2,,2,2,2,2,2,2,, -3743,1,2,,0,2,2,,2,2,2,2,2,2,, -3744,7,,2,2,2,2,,2,2,2,2,2,2,, -3745,5,,2,1,2,2,,2,2,2,2,2,2,, -3746,7,,2,6,1,2,,2,2,1,2,2,2,, -3747,1,2,2,1,2,2,,2,2,2,2,2,2,, -3748,7,,2,2,2,2,,2,2,2,2,2,2,, -3749,1,2,2,0,2,2,,2,2,2,2,2,2,, -3750,1,2,,0,2,2,,2,2,2,2,2,2,, -3751,1,2,,0,2,2,,2,2,2,2,2,2,, -3752,5,,2,1,2,2,,2,2,2,2,2,2,, -3753,4,,2,2,1,2,,2,2,1,2,2,2,, -3754,1,2,2,0,2,2,,2,2,2,2,2,2,, -3755,5,,2,1,2,2,,2,2,2,2,2,2,, -3756,4,,2,1,2,2,,2,2,2,2,2,2,, -3757,5,,2,1,2,2,,2,2,2,2,2,2,, -3758,1,2,2,0,2,2,,2,2,2,2,2,2,, -3759,1,2,,1,2,2,,2,2,2,2,2,2,, -3760,1,2,2,1,2,2,,2,2,2,2,2,2,, -3761,4,,2,23,1,2,,2,1,2,2,2,2,, -3762,4,,2,3,1,2,,2,2,2,2,2,2,, -3763,1,2,2,0,2,2,,2,2,2,2,2,2,, -3764,1,2,,0,2,2,,2,2,2,2,2,2,, -3765,4,,2,2,2,2,,2,2,2,2,1,2,, -3766,1,2,2,0,2,2,,2,2,2,2,2,2,, -3767,6,,2,0,2,2,,2,2,1,2,1,1,3, -3768,4,,2,9,2,2,,2,2,1,1,2,2,, -3769,1,2,2,0,2,2,,2,2,2,2,2,2,, -3770,1,2,,0,2,2,,2,2,2,2,2,2,, -3771,7,,2,2,2,2,,2,2,2,2,2,2,, -3772,1,2,2,0,2,2,,2,2,2,2,2,2,, -3773,7,,2,1,2,2,,2,2,2,2,2,2,, -3774,4,,2,1,2,2,,2,2,1,2,2,2,, -3775,5,,2,1,2,2,,2,2,2,2,2,2,, -3776,5,,2,1,2,2,,2,2,2,2,2,2,, -3777,4,,2,1,2,2,,2,2,2,2,2,2,, -3778,7,,2,1,2,2,,2,2,2,2,2,2,, -3779,1,2,2,0,2,2,,2,2,2,2,2,2,, -3780,1,2,,0,2,2,,2,2,2,2,2,2,, -3781,1,2,2,0,2,2,,2,2,2,2,2,2,, -3782,1,2,2,0,2,2,,2,2,2,2,2,2,, -3783,1,2,,0,2,2,,2,2,2,2,2,2,, -3784,1,2,,0,2,2,,2,2,2,2,2,2,, -3785,4,,2,2,1,2,,2,1,1,2,1,2,, -3786,4,,2,3,2,2,,2,2,2,2,1,2,, -3787,7,,2,3,2,2,,2,2,1,2,2,2,, -3788,4,,2,8,2,2,,2,2,2,2,1,2,, -3789,1,2,,0,2,2,,2,2,2,2,2,2,, -3790,1,2,2,1,2,2,,2,2,2,2,2,2,, -3791,1,2,,0,2,2,,2,2,2,2,2,2,, -3792,7,,2,0,2,2,,2,2,2,2,2,2,, -3793,4,,2,1,2,2,,2,2,2,2,1,2,, -3794,1,2,,0,2,2,,2,2,2,2,2,2,, -3795,4,,2,2,2,2,,2,2,2,2,1,2,, -3796,1,2,2,0,2,2,,2,2,2,2,2,2,, -3797,1,2,,0,2,2,,2,2,2,2,2,2,, -3798,4,,2,1,2,2,,2,2,2,2,2,2,, -3799,5,,2,0,2,2,,2,2,2,2,2,2,, -3800,1,2,2,0,2,2,,2,2,2,2,2,2,, -3801,7,,2,3,2,2,,2,2,2,2,2,2,, -3802,5,,2,1,2,2,,2,2,2,2,2,2,, -3803,5,,2,0,2,2,,2,2,2,2,2,2,, -3804,1,2,2,1,2,2,,2,2,2,2,2,2,, -3805,1,2,2,0,2,2,,2,2,2,2,2,2,, -3806,4,,2,1,2,2,,2,2,2,2,2,2,, -3807,4,,2,1,2,2,,2,2,2,2,2,2,, -3808,7,,2,5,2,2,,2,2,2,2,2,2,, -3809,4,,2,8,2,2,,2,2,1,2,2,2,, -3810,1,2,,0,2,2,,2,2,2,2,2,2,, -3811,1,2,2,0,2,2,,2,2,2,2,2,2,, -3812,4,,2,4,1,2,,2,2,2,2,2,2,, -3813,7,,2,4,2,2,,2,2,2,2,1,2,, -3814,4,,2,2,2,2,,2,2,2,2,2,2,, -3815,1,2,,0,2,2,,2,2,2,2,2,2,, -3816,1,2,,0,2,2,,2,2,2,2,2,2,, -3817,1,2,,0,2,2,,2,2,2,2,2,2,, -3818,6,,2,1,2,2,,2,2,2,2,1,2,, -3819,4,,2,2,2,2,,2,2,2,2,2,2,, -3820,1,2,2,0,2,2,,2,2,2,2,2,2,, -3821,1,2,2,0,2,2,,2,2,2,2,2,2,, -3822,1,2,2,0,2,2,,2,2,2,2,2,2,, -3823,1,2,,0,2,2,,2,2,2,2,2,2,, -3824,4,,2,1,2,2,,2,2,2,2,2,2,, -3825,7,,2,1,2,2,,2,2,2,2,2,2,, -3826,1,2,2,0,2,2,,2,2,2,2,2,2,, -3827,1,2,,0,2,2,,2,2,2,2,2,2,, -3828,7,,2,1,2,2,,2,2,2,2,2,2,, -3829,1,2,2,0,2,2,,2,2,2,2,2,2,, -3830,1,2,,1,2,2,,2,2,2,2,2,2,, -3831,1,2,,1,2,2,,2,2,2,2,2,2,, -3832,1,2,,0,2,2,,2,2,2,2,2,2,, -3833,4,,2,2,2,2,,2,2,2,2,2,2,, -3834,6,,2,3,2,2,,2,2,2,2,1,2,, -3835,4,,2,1,2,2,,2,2,2,2,2,2,, -3836,4,,2,1,2,2,,2,2,2,2,2,2,, -3837,1,2,,1,2,2,,2,2,2,2,2,2,, -3838,1,2,2,0,2,2,,2,2,2,2,2,2,, -3839,5,,2,2,2,2,,2,2,2,2,2,2,, -3840,1,2,,0,2,2,,2,2,2,2,2,2,, -3841,1,2,2,0,2,2,,2,2,2,2,2,2,, -3842,1,2,2,0,2,2,,2,2,2,2,2,2,, -3843,1,2,,0,2,2,,2,2,2,2,2,2,, -3844,1,2,2,0,2,2,,2,2,2,2,2,2,, -3845,1,2,,0,2,2,,2,2,2,2,2,2,, -3846,4,,2,7,2,2,,2,2,1,2,2,2,, -3847,4,,2,1,2,2,,2,2,1,2,2,2,, -3848,1,2,2,0,2,2,,2,2,2,2,2,2,, -3849,5,,2,1,2,2,,2,2,2,2,2,2,, -3850,1,2,,0,2,2,,2,2,2,2,2,2,, -3851,1,2,,0,2,2,,2,2,2,2,2,2,, -3852,1,2,,0,2,2,,2,2,2,2,2,2,, -3853,1,2,,0,2,2,,2,2,2,2,2,2,, -3854,1,2,,1,2,2,,2,2,2,2,2,2,, -3855,5,,2,1,2,2,,2,2,2,2,2,2,, -3856,4,,2,3,2,2,,2,2,2,2,2,2,, -3857,1,2,,0,2,2,,2,2,2,2,2,2,, -3858,4,,2,11,2,2,,2,2,2,2,1,2,, -3859,1,2,2,0,2,2,,2,2,2,2,2,2,, -3860,4,,2,8,2,2,,2,2,2,2,1,2,, -3861,4,,2,1,2,2,,2,2,2,2,2,2,, -3862,1,2,,0,2,2,,2,2,2,2,2,2,, -3863,7,,2,12,2,2,,2,2,2,2,1,2,, -3864,4,,2,1,2,2,,2,2,2,2,2,2,, -3865,7,,2,1,2,2,,2,2,1,2,2,1,3, -3866,4,,2,1,2,2,,2,2,2,2,2,2,, -3867,1,2,2,0,2,2,,2,2,2,2,2,2,, -3868,7,,2,25,1,2,,2,2,1,2,1,2,, -3869,4,,2,2,2,2,,2,2,2,2,2,2,, -3870,4,,2,1,2,2,,2,2,1,2,2,2,, -3871,4,,1,1,2,2,,2,2,2,2,1,2,, -3872,7,,2,4,1,2,,2,2,2,1,2,2,, -3873,4,,2,1,2,2,,2,2,2,2,2,2,, -3874,1,2,,0,2,2,,2,2,2,2,2,2,, -3875,4,,2,1,2,2,,2,2,2,2,2,2,, -3876,4,,2,2,2,2,,2,2,2,2,2,2,, -3877,1,2,2,0,2,2,,2,2,2,2,2,2,, -3878,1,2,2,0,2,2,,2,2,2,2,2,2,, -3879,8,,2,1,2,2,,2,2,2,2,2,2,, -3880,7,,2,4,2,2,,2,2,2,2,2,2,, -3881,1,2,,0,2,2,,2,2,2,2,2,2,, -3882,4,,2,5,2,2,,2,2,2,1,2,2,, -3883,1,2,,1,2,2,,2,2,2,2,2,2,, -3884,1,2,2,0,2,2,,2,2,2,2,2,2,, -3885,1,2,,1,2,2,,2,2,2,2,2,2,, -3886,7,,2,2,2,2,,2,2,2,2,2,2,, -3887,7,,2,1,2,2,,2,2,2,2,2,2,, -3888,4,,2,1,2,2,,2,2,2,2,2,2,, -3889,1,2,2,1,2,2,,2,2,2,2,2,2,, -3890,1,2,,0,2,2,,2,2,2,2,2,2,, -3891,1,2,,0,2,2,,2,2,2,2,2,2,, -3892,1,2,,0,2,2,,2,2,2,2,2,2,, -3893,1,2,,0,2,2,,2,2,2,2,2,2,, -3894,1,2,2,0,2,2,,2,2,2,2,2,2,, -3895,1,2,2,0,2,2,,2,2,2,2,2,2,, -3896,4,,2,1,2,2,,2,2,2,2,2,2,, -3897,1,2,,0,2,2,,2,2,2,2,2,2,, -3898,4,,2,7,1,2,,2,2,2,2,1,2,, -3899,1,2,2,0,2,2,,2,2,2,2,2,2,, -3900,1,2,2,0,2,2,,2,2,2,2,2,2,, -3901,7,,1,24,1,2,,2,2,1,2,2,2,, -3902,4,,2,1,2,2,,2,2,2,2,2,2,, -3903,7,,1,6,1,2,,2,1,2,2,2,2,, -3904,7,,2,13,2,2,,2,2,2,2,2,2,, -3905,4,,2,2,2,2,,2,2,2,2,2,2,, -3906,6,,2,13,2,2,,2,2,2,2,1,2,, -3907,4,,2,1,2,2,,2,2,2,2,2,2,, -3908,4,,2,1,2,2,,2,2,2,2,2,2,, -3909,1,2,,1,2,2,,2,2,2,2,2,2,, -3910,7,,2,44,2,2,,2,1,1,1,1,2,, -3911,4,,2,1,2,2,,2,2,2,2,2,2,, -3912,1,2,2,0,2,2,,2,2,2,2,2,2,, -3913,4,,2,2,1,2,,2,2,2,2,2,2,, -3914,1,2,2,0,2,2,,2,2,2,2,2,2,, -3915,1,2,2,0,2,2,,2,2,2,2,2,2,, -3916,1,2,2,0,2,2,,2,2,2,2,2,2,, -3917,4,,2,1,2,2,,2,2,2,2,2,2,, -3918,1,2,,0,2,2,,2,2,2,2,2,2,, -3919,1,2,2,1,2,2,,2,2,2,2,2,2,, -3920,1,2,2,0,2,2,,2,2,2,2,2,2,, -3921,1,2,2,0,2,2,,2,2,2,2,2,2,, -3922,1,2,2,0,2,2,,2,2,2,2,2,2,, -3923,6,,2,16,2,2,,2,2,2,2,1,2,, -3924,4,,2,11,1,2,,2,2,2,2,1,2,, -3925,4,,2,1,2,2,,2,2,2,2,1,2,, -3926,1,2,2,0,2,2,,2,2,2,2,2,2,, -3927,1,2,,0,2,2,,2,2,2,2,2,2,, -3928,5,,2,0,2,2,,2,2,2,2,2,2,, -3929,4,,2,4,2,2,,2,2,2,2,2,2,, -3930,1,2,,0,2,2,,2,2,2,2,2,2,, -3931,4,,2,2,2,2,,2,2,2,2,2,2,, -3932,1,2,2,0,2,2,,2,2,2,2,2,2,, -3933,1,2,,0,2,2,,2,2,2,2,2,2,, -3934,1,2,2,0,2,2,,2,2,2,2,2,2,, -3935,1,2,2,0,2,2,,2,2,2,2,2,2,, -3936,4,,2,1,2,2,,2,2,2,2,2,2,, -3937,1,2,2,0,2,2,,2,2,2,2,2,2,, -3938,1,2,2,0,2,2,,2,2,2,2,2,2,, -3939,1,2,2,0,2,2,,2,2,2,2,2,2,, -3940,1,2,2,1,2,2,,2,2,2,2,2,2,, -3941,1,2,2,0,2,2,,2,2,2,2,2,2,, -3942,7,,2,25,2,2,,2,2,2,2,2,2,, -3943,1,2,,0,2,2,,2,2,2,2,2,2,, -3944,1,2,,0,2,2,,2,2,2,2,2,2,, -3945,7,,2,3,2,2,,2,2,2,2,2,2,, -3946,1,2,,0,2,2,,2,2,2,2,2,2,, -3947,6,,2,3,2,2,,2,2,2,2,1,2,, -3948,1,2,,0,2,2,,2,2,2,2,2,2,, -3949,7,,2,1,2,2,,2,2,2,2,1,2,, -3950,1,2,,0,2,2,,2,2,2,2,2,2,, -3951,1,2,2,0,2,2,,2,2,2,2,2,2,, -3952,4,,2,1,2,2,,2,2,2,2,2,2,, -3953,1,2,,0,2,2,,2,2,2,2,2,2,, -3954,7,,2,7,1,2,,2,2,2,2,2,2,, -3955,1,2,2,1,2,2,,2,2,2,2,2,2,, -3956,5,,2,1,2,2,,2,2,2,2,2,2,, -3957,4,,1,1,2,2,,2,2,2,2,2,2,, -3958,1,2,,0,2,2,,2,2,2,2,2,2,, -3959,1,2,2,0,2,2,,2,2,2,2,2,2,, -3960,4,,2,1,2,2,,2,2,2,2,2,2,, -3961,5,,2,1,2,2,,2,2,2,2,2,2,, -3962,7,,2,17,2,2,,2,2,2,2,1,2,, -3963,4,,2,1,2,2,,2,2,2,2,2,2,, -3964,5,,2,1,2,2,,2,2,2,2,2,2,, -3965,4,,2,1,2,2,,2,2,2,2,2,2,, -3966,4,,2,7,2,2,,2,2,2,1,2,2,, -3967,4,,2,1,2,2,,2,2,2,2,2,2,, -3968,1,2,2,0,2,2,,2,2,2,2,2,2,, -3969,1,2,2,0,2,2,,2,2,2,2,2,2,, -3970,1,2,2,1,2,2,,2,2,2,2,2,2,, -3971,4,,2,1,2,2,,2,2,2,2,2,2,, -3972,1,2,2,1,2,2,,2,2,2,2,2,2,, -3973,1,2,,0,2,2,,2,2,2,2,2,2,, -3974,4,,2,4,2,2,,2,2,2,2,1,2,, -3975,1,2,2,0,2,2,,2,2,2,2,2,2,, -3976,5,,2,2,2,2,,2,2,2,1,2,2,, -3977,1,2,,0,2,2,,2,2,2,2,2,2,, -3978,4,,2,7,1,2,,2,1,1,2,2,2,, -3979,4,,2,3,2,2,,2,2,1,2,2,2,, -3980,6,,2,0,1,2,,2,1,1,1,2,1,2, -3981,4,,2,0,2,2,,2,2,2,2,2,2,, -3982,1,2,,0,2,2,,2,2,2,2,2,2,, -3983,1,2,2,0,2,2,,2,2,2,2,2,2,, -3984,4,,2,1,2,2,,2,2,2,2,2,2,, -3985,1,2,,0,2,2,,2,2,2,2,2,2,, -3986,1,2,,1,2,2,,2,2,2,2,2,2,, -3987,1,2,,0,2,2,,2,2,2,2,2,2,, -3988,1,2,,0,2,2,,2,2,2,2,2,2,, -3989,1,2,,0,2,2,,2,2,2,2,2,2,, -3990,7,,1,14,2,2,,2,2,2,2,1,2,, -3991,5,,2,1,2,2,,2,2,2,2,2,2,, -3992,4,,2,1,2,2,,2,2,2,2,2,2,, -3993,7,,2,3,2,2,,2,2,1,2,2,2,, -3994,5,,2,1,2,2,,2,2,2,2,2,2,, -3995,1,2,2,0,2,2,,2,2,2,2,2,2,, -3996,7,,2,19,2,2,,2,2,1,2,2,2,, -3997,7,,2,9,2,2,,2,2,1,2,1,2,, -3998,1,2,,1,2,2,,2,2,2,2,2,2,, -3999,1,2,2,1,2,2,,2,2,2,2,2,2,, -4000,1,2,2,0,2,2,,2,2,2,2,2,2,, -4001,1,2,2,1,2,2,,2,2,2,2,2,2,, -4002,4,,2,1,2,2,,2,2,2,2,2,2,, -4003,1,2,2,0,2,2,,2,2,2,2,2,2,, -4004,1,2,2,0,2,2,,2,2,2,2,2,2,, -4005,4,,1,10,2,2,,2,2,1,2,2,2,, -4006,1,2,,0,2,2,,2,2,2,2,2,2,, -4007,1,2,2,0,2,2,,2,2,2,2,2,2,, -4008,1,2,,0,2,2,,2,2,2,2,2,2,, -4009,5,,2,1,2,2,,2,2,2,2,2,2,, -4010,4,,2,1,2,2,,2,2,2,2,2,2,, -4011,5,,2,1,2,2,,2,2,2,2,2,2,, -4012,1,2,2,0,2,2,,2,2,2,2,2,2,, -4013,4,,2,1,2,2,,2,2,2,2,2,2,, -4014,4,,2,3,1,2,,2,2,1,2,1,2,, -4015,1,2,2,0,2,2,,2,2,2,2,2,2,, -4016,4,,2,6,2,2,,2,2,2,2,1,2,, -4017,1,2,,0,2,2,,2,2,2,2,2,2,, -4018,4,,2,1,2,2,,2,2,2,2,2,2,, -4019,4,,2,2,2,2,,2,2,2,2,1,2,, -4020,1,2,2,0,2,2,,2,2,2,2,2,2,, -4021,1,2,,0,2,2,,2,2,2,2,2,2,, -4022,4,,2,7,1,2,,2,2,2,2,2,2,, -4023,1,2,,0,2,2,,2,2,2,2,2,2,, -4024,1,2,2,1,2,2,,2,2,2,2,2,2,, -4025,4,,2,2,2,2,,2,2,2,2,1,2,, -4026,1,2,2,0,2,2,,2,2,2,2,2,2,, -4027,7,,2,3,2,2,,2,2,2,1,2,2,, -4028,5,,2,1,1,2,,2,2,1,2,2,2,, -4029,4,,2,2,2,2,,2,2,2,2,2,2,, -4030,1,2,,0,2,2,,2,2,2,2,2,2,, -4031,4,,2,3,2,2,,2,2,2,2,2,2,, -4032,1,2,,0,2,2,,2,2,2,2,2,2,, -4033,7,,2,2,2,2,,2,2,2,2,2,2,, -4034,1,2,,1,2,2,,2,2,2,2,2,2,, -4035,1,2,2,0,2,2,,2,2,2,2,2,2,, -4036,4,,2,2,2,2,,2,2,2,2,2,2,, -4037,4,,2,1,2,2,,2,2,2,2,2,2,, -4038,1,2,2,0,2,2,,2,2,2,2,2,2,, -4039,4,,2,18,2,2,,2,2,1,2,1,2,, -4040,1,2,,0,2,2,,2,2,2,2,2,2,, -4041,1,2,,0,2,2,,2,2,2,2,2,2,, -4042,8,,2,2,2,2,,2,2,2,2,2,2,, -4043,1,2,,0,2,2,,2,2,2,2,2,2,, -4044,1,2,,0,2,2,,2,2,2,2,2,2,, -4045,1,2,,0,2,2,,2,2,2,2,2,2,, -4046,4,,2,3,2,2,,2,2,2,2,1,2,, -4047,4,,2,4,2,2,,2,2,1,2,1,2,, -4048,1,2,,0,2,2,,2,2,2,2,2,2,, -4049,1,2,2,0,2,2,,2,2,2,2,2,2,, -4050,1,2,2,0,2,2,,2,2,2,2,2,2,, -4051,1,2,,1,2,2,,2,2,2,2,2,2,, -4052,6,,2,24,2,2,,2,2,2,2,2,2,, -4053,1,2,2,0,2,2,,2,2,2,2,2,2,, -4054,1,2,,0,2,2,,2,2,2,2,2,2,, -4055,5,,2,0,2,2,,2,2,2,2,2,2,, -4056,5,,2,0,2,2,,2,2,2,2,1,2,, -4057,7,,2,1,2,2,,2,2,2,2,2,2,, -4058,4,,2,2,2,2,,2,2,2,2,2,2,, -4059,1,2,,1,2,2,,2,2,2,2,2,2,, -4060,1,2,2,0,2,2,,2,2,2,2,2,2,, -4061,1,2,2,0,2,2,,2,2,2,2,2,2,, -4062,7,,2,21,1,2,,2,2,2,2,1,2,, -4063,1,2,2,0,2,2,,2,2,2,2,2,2,, -4064,4,,2,1,2,2,,2,2,2,2,2,2,, -4065,4,,2,2,2,2,,2,2,2,2,2,2,, -4066,1,2,,0,2,2,,2,2,2,2,2,2,, -4067,1,2,2,0,2,2,,2,2,2,2,2,2,, -4068,4,,2,3,1,2,,2,2,2,2,1,2,, -4069,1,2,,0,2,2,,2,2,2,2,2,2,, -4070,5,,2,1,2,2,,2,2,2,2,2,2,, -4071,5,,2,2,2,2,,2,2,2,2,2,2,, -4072,1,2,,0,2,2,,2,2,2,2,2,2,, -4073,1,2,2,1,2,2,,2,2,2,2,2,2,, -4074,1,2,,1,2,2,,2,2,2,2,2,2,, -4075,7,,2,2,2,2,,2,2,2,2,2,2,, -4076,4,,2,2,1,2,,2,2,2,2,2,2,, -4077,7,,2,2,2,2,,2,2,2,2,2,2,, -4078,1,2,,0,2,2,,2,2,2,2,2,2,, -4079,7,,2,1,2,2,,2,2,2,2,2,2,, -4080,1,2,2,0,2,2,,2,2,2,2,2,2,, -4081,1,2,2,0,2,2,,2,2,2,2,2,2,, -4082,1,2,,0,2,2,,2,2,2,2,2,2,, -4083,1,2,2,0,2,2,,2,2,2,2,2,2,, -4084,4,,2,1,2,2,,2,2,2,2,2,2,, -4085,7,,2,4,2,2,,2,2,2,2,1,2,, -4086,1,2,,0,2,2,,2,2,2,2,2,2,, -4087,1,2,2,0,2,2,,2,2,2,2,2,2,, -4088,7,,2,10,1,2,,2,2,1,2,1,2,, -4089,1,2,,1,2,2,,2,2,2,2,2,2,, -4090,4,,2,3,2,2,,2,2,2,2,1,2,, -4091,1,2,2,0,2,2,,2,2,2,2,2,2,, -4092,1,2,2,0,2,2,,2,2,2,2,2,2,, -4093,1,2,2,1,2,2,,2,2,2,2,2,2,, -4094,4,,2,1,2,2,,2,2,2,2,1,2,, -4095,5,,2,1,2,2,,2,2,2,2,2,2,, -4096,1,2,2,0,2,2,,2,2,2,2,2,2,, -4097,4,,2,1,2,2,,2,2,2,2,2,2,, -4098,1,2,2,1,2,2,,2,2,2,2,2,2,, -4099,1,2,,0,2,2,,2,2,2,2,2,2,, -4100,1,2,,1,2,2,,2,2,2,2,2,2,, -4101,6,,2,3,1,2,,2,1,1,1,1,2,, -4102,4,,2,2,1,2,,2,2,2,2,2,2,, -4103,1,2,2,0,2,2,,2,2,2,2,2,2,, -4104,5,,2,1,2,2,,2,2,2,2,2,2,, -4105,1,2,,0,2,2,,2,2,2,2,2,2,, -4106,5,,2,1,2,2,,2,2,2,2,2,2,, -4107,4,,2,1,2,2,,2,2,1,2,2,2,, -4108,1,2,,0,2,2,,2,2,2,2,2,2,, -4109,1,2,,1,2,2,,2,2,2,2,2,2,, -4110,4,,2,2,1,2,,2,2,2,2,2,2,, -4111,1,2,2,0,2,2,,2,2,2,2,2,2,, -4112,4,,2,1,2,2,,2,2,2,2,2,2,, -4113,5,,2,1,2,2,,2,2,2,2,2,2,, -4114,4,,2,4,2,2,,2,2,2,2,2,2,, -4115,1,2,2,0,2,2,,2,2,2,2,2,2,, -4116,1,2,2,1,2,2,,2,2,2,2,2,2,, -4117,4,,2,2,2,2,,2,2,2,2,2,2,, -4118,1,2,,0,2,2,,2,2,2,2,2,2,, -4119,5,,2,1,2,2,,2,2,2,2,2,2,, -4120,5,,2,1,2,2,,2,2,2,2,2,2,, -4121,1,2,2,0,2,2,,2,2,2,2,2,2,, -4122,1,2,2,1,2,2,,2,2,2,2,2,2,, -4123,4,,2,5,2,2,,2,2,2,1,2,2,, -4124,1,2,,0,2,2,,2,2,2,2,2,2,, -4125,8,,2,2,2,2,,2,2,2,2,2,2,, -4126,7,,2,1,2,2,,2,2,2,2,2,2,, -4127,4,,2,1,2,2,,2,2,2,2,2,2,, -4128,1,2,2,1,2,2,,2,2,2,2,2,2,, -4129,1,2,,0,2,2,,2,2,2,2,2,2,, -4130,1,2,,0,2,2,,2,2,2,2,2,2,, -4131,1,2,2,0,2,2,,2,2,2,2,2,2,, -4132,1,2,2,0,2,2,,2,2,2,2,2,2,, -4133,1,2,,0,2,2,,2,2,2,2,2,2,, -4134,1,2,,0,2,2,,2,2,2,2,2,2,, -4135,4,,2,1,2,2,,2,2,2,2,2,2,, -4136,1,2,2,0,2,2,,2,2,2,2,2,2,, -4137,1,2,2,0,2,2,,2,2,2,2,2,2,, -4138,1,2,,0,2,2,,2,2,2,2,2,2,, -4139,1,2,,0,2,2,,2,2,2,2,2,2,, -4140,4,,2,1,2,2,,2,2,2,2,2,2,, -4141,5,,2,1,2,2,,2,2,2,2,2,2,, -4142,1,2,,0,2,2,,2,2,2,2,2,2,, -4143,4,,2,4,2,2,,2,2,1,2,1,2,, -4144,1,2,2,1,2,2,,2,2,2,2,2,2,, -4145,1,2,,0,2,2,,2,2,2,2,2,2,, -4146,4,,2,1,2,2,,2,2,2,2,2,2,, -4147,1,2,,1,2,2,,2,2,2,2,2,2,, -4148,7,,2,15,1,2,,2,2,2,2,2,2,, -4149,1,2,,0,2,2,,2,2,2,2,2,2,, -4150,5,,2,1,2,2,,2,2,2,2,1,2,, -4151,4,,2,2,1,2,,2,2,1,2,2,2,, -4152,1,2,2,0,2,2,,2,2,2,2,2,2,, -4153,4,,2,1,2,2,,2,2,1,2,2,2,, -4154,4,,2,4,2,2,,2,2,2,2,2,2,, -4155,1,2,2,0,2,2,,2,2,2,2,2,2,, -4156,1,2,,0,2,2,,2,2,2,2,2,2,, -4157,7,,2,1,2,2,,2,2,2,2,2,1,3, -4158,4,,2,1,2,2,,2,2,2,2,2,2,, -4159,7,,2,7,2,2,,2,2,1,1,1,2,, -4160,1,2,2,0,2,2,,2,2,2,2,2,2,, -4161,7,,2,3,2,2,,2,2,2,2,2,2,, -4162,1,2,,1,2,2,,2,2,2,2,2,2,, -4163,1,2,2,1,2,2,,2,2,2,2,2,2,, -4164,1,2,2,0,2,2,,2,2,2,2,2,2,, -4165,4,,2,22,1,2,,2,1,1,2,2,2,, -4166,1,2,2,0,2,2,,2,2,2,2,2,2,, -4167,4,,2,1,2,2,,2,2,2,2,2,2,, -4168,1,2,2,0,2,2,,2,2,2,2,2,2,, -4169,1,2,,0,2,2,,2,2,2,2,2,2,, -4170,1,2,2,0,2,2,,2,2,2,2,2,2,, -4171,1,2,,0,2,2,,2,2,2,2,2,2,, -4172,1,2,2,0,2,2,,2,2,2,2,2,2,, -4173,4,,2,3,2,2,,2,2,2,2,1,2,, -4174,1,2,,0,2,2,,2,2,2,2,2,2,, -4175,4,,2,1,2,2,,2,2,2,2,1,2,, -4176,1,2,,0,2,2,,2,2,2,2,2,2,, -4177,1,2,,0,2,2,,2,2,2,2,2,2,, -4178,1,2,,0,2,2,,2,2,2,2,2,2,, -4179,7,,2,6,1,2,,2,2,2,2,2,2,, -4180,4,,2,3,1,2,,2,2,1,2,1,2,, -4181,7,,2,5,1,2,,2,2,2,2,2,2,, -4182,1,2,2,0,2,2,,2,2,2,2,2,2,, -4183,1,2,2,0,2,2,,2,2,2,2,2,2,, -4184,4,,2,1,2,2,,2,2,2,2,2,2,, -4185,1,2,,0,2,2,,2,2,2,2,2,2,, -4186,1,2,2,1,2,2,,2,2,2,2,2,2,, -4187,1,2,2,0,2,2,,2,2,2,2,2,2,, -4188,4,,2,1,2,2,,2,2,2,2,2,2,, -4189,4,,2,4,2,2,,2,2,2,2,1,2,, -4190,4,,2,2,1,2,,2,2,2,2,2,2,, -4191,1,2,2,0,2,2,,2,2,2,2,2,2,, -4192,1,2,2,0,2,2,,2,2,2,2,2,2,, -4193,4,,1,23,1,2,,2,1,1,1,1,2,, -4194,1,2,,0,2,2,,2,2,2,2,2,2,, -4195,1,2,,1,2,2,,2,2,2,2,2,2,, -4196,1,2,,1,2,2,,2,2,2,2,2,2,, -4197,1,2,,0,2,2,,2,2,2,2,2,2,, -4198,8,,2,0,2,2,,2,2,2,2,2,2,, -4199,1,2,,0,2,2,,2,2,2,2,2,2,, -4200,1,2,,0,2,2,,2,2,2,2,2,2,, -4201,7,,2,7,2,2,,2,2,2,1,2,2,, -4202,5,,2,1,2,2,,2,2,2,2,1,2,, -4203,1,2,,0,2,2,,2,2,2,2,2,2,, -4204,1,2,,0,2,2,,2,2,2,2,2,2,, -4205,1,2,2,0,2,2,,2,2,2,2,2,2,, -4206,1,2,,0,2,2,,2,2,2,2,2,2,, -4207,1,2,,1,2,2,,2,2,2,2,2,2,, -4208,1,2,2,0,2,2,,2,2,2,2,2,2,, -4209,1,2,2,1,2,2,,2,2,2,2,2,2,, -4210,1,2,,1,2,2,,2,2,2,2,2,2,, -4211,6,,2,8,1,2,,2,2,1,2,2,2,, -4212,1,2,2,0,2,2,,2,2,2,2,2,2,, -4213,1,2,2,0,2,2,,2,2,2,2,2,2,, -4214,1,2,,0,2,2,,2,2,2,2,2,2,, -4215,4,,2,4,2,2,,2,2,2,2,2,2,, -4216,1,2,,0,2,2,,2,2,2,2,2,2,, -4217,1,2,2,0,2,2,,2,2,2,2,2,2,, -4218,7,,2,2,1,2,,2,2,2,2,2,1,3, -4219,4,,2,1,2,2,,2,2,2,2,2,2,, -4220,1,2,,0,2,2,,2,2,2,2,2,2,, -4221,4,,2,2,2,2,,2,2,2,2,2,2,, -4222,4,,2,1,2,2,,2,2,2,2,2,2,, -4223,4,,2,2,2,2,,2,2,2,2,2,2,, -4224,5,,2,1,2,2,,2,2,2,2,2,2,, -4225,4,,2,3,2,2,,2,2,2,2,2,2,, -4226,1,2,,0,2,2,,2,2,2,2,2,2,, -4227,4,,2,1,2,2,,2,2,2,2,2,2,, -4228,4,,2,2,2,2,,2,2,2,2,2,2,, -4229,4,,2,1,2,2,,2,2,2,2,2,2,, -4230,6,,2,1,2,2,,2,2,2,2,1,2,, -4231,7,,2,3,2,2,,2,2,1,2,2,2,, -4232,4,,2,2,2,2,,2,2,2,2,2,2,, -4233,4,,2,4,2,2,,2,2,2,2,2,2,, -4234,1,2,2,0,2,2,,2,2,2,2,2,2,, -4235,1,2,,0,2,2,,2,2,2,2,2,2,, -4236,1,2,2,0,2,2,,2,2,2,2,2,2,, -4237,1,2,,0,2,2,,2,2,2,2,2,2,, -4238,4,,1,7,2,2,,2,2,2,2,2,2,, -4239,4,,2,1,2,2,,2,2,2,2,2,2,, -4240,1,2,,1,2,2,,2,2,2,2,2,2,, -4241,4,,2,1,2,2,,2,2,2,2,2,2,, -4242,1,2,,0,2,2,,2,2,2,2,2,2,, -4243,1,2,2,0,2,2,,2,2,2,2,2,2,, -4244,7,,2,1,2,2,,2,2,2,2,2,2,, -4245,1,2,2,0,2,2,,2,2,2,2,2,2,, -4246,1,2,2,0,2,2,,2,2,2,2,2,2,, -4247,1,2,2,0,2,2,,2,2,2,2,2,2,, -4248,1,2,2,0,2,2,,2,2,2,2,2,2,, -4249,1,2,,0,2,2,,2,2,2,2,2,2,, -4250,7,,2,11,1,2,,2,1,1,2,2,2,, -4251,4,,1,4,2,2,,2,2,1,2,1,2,, -4252,5,,2,0,2,2,,2,2,2,2,2,2,, -4253,5,,2,1,2,2,,2,2,2,2,2,2,, -4254,1,2,,0,2,2,,2,2,2,2,2,2,, -4255,5,,2,1,2,2,,2,2,2,2,2,2,, -4256,7,,2,4,2,2,,2,2,2,2,2,2,, -4257,1,2,2,0,2,2,,2,2,2,2,2,2,, -4258,1,2,,0,2,2,,2,2,2,2,2,2,, -4259,1,2,2,0,2,2,,2,2,2,2,2,2,, -4260,4,,2,1,2,2,,2,2,2,2,2,2,, -4261,1,2,2,0,2,2,,2,2,2,2,2,2,, -4262,4,,2,1,2,2,,2,2,2,2,2,2,, -4263,4,,2,1,2,2,,2,2,2,2,2,2,, -4264,1,2,2,0,2,2,,2,2,2,2,2,2,, -4265,5,,2,1,2,2,,2,2,2,2,2,2,, -4266,6,,2,3,2,2,,2,2,2,2,1,2,, -4267,5,,2,1,2,2,,2,2,2,2,2,2,, -4268,1,2,,1,2,2,,2,2,2,2,2,2,, -4269,4,,2,3,2,2,,2,2,2,2,2,2,, -4270,7,,2,2,2,2,,2,2,1,2,2,2,, -4271,1,2,2,1,2,2,,2,2,2,2,2,2,, -4272,1,2,,0,2,2,,2,2,2,2,2,2,, -4273,4,,2,2,2,2,,2,2,2,2,2,2,, -4274,1,2,,0,2,2,,2,2,2,2,2,2,, -4275,1,2,,0,2,2,,2,2,2,2,2,2,, -4276,7,,2,3,2,2,,2,2,2,2,2,2,, -4277,6,,2,3,2,2,,2,2,1,2,1,2,, -4278,1,2,,0,2,2,,2,2,2,2,2,2,, -4279,1,2,,1,2,2,,2,2,2,2,2,2,, -4280,4,,2,3,2,2,,2,2,2,2,2,2,, -4281,1,2,2,0,2,2,,2,2,2,2,2,2,, -4282,1,2,,0,2,2,,2,2,2,2,2,2,, -4283,7,,2,2,2,2,,2,2,2,2,2,2,, -4284,1,2,,0,2,2,,2,2,2,2,2,2,, -4285,1,2,2,0,2,2,,2,2,2,2,2,2,, -4286,1,2,,1,2,2,,2,2,2,2,2,2,, -4287,7,,2,2,2,2,,2,2,2,2,2,2,, -4288,1,2,,0,2,2,,2,2,2,2,2,2,, -4289,4,,2,2,1,2,,2,2,2,2,2,2,, -4290,1,2,,0,2,2,,2,2,2,2,2,2,, -4291,4,,2,1,2,2,,2,2,2,2,2,2,, -4292,7,,2,5,2,2,,2,2,2,2,2,2,, -4293,7,,2,10,2,2,,2,2,1,2,2,2,, -4294,7,,2,6,2,2,,2,2,2,1,1,2,, -4295,7,,2,1,2,2,,2,2,2,2,2,2,, -4296,1,2,,0,2,2,,2,2,2,2,2,2,, -4297,1,2,,0,2,2,,2,2,2,2,2,2,, -4298,4,,2,1,2,2,,2,2,2,2,2,2,, -4299,1,2,2,0,2,2,,2,2,2,2,2,2,, -4300,4,,2,1,2,2,,2,2,2,2,2,2,, -4301,1,2,,0,2,2,,2,2,2,2,2,2,, -4302,4,,2,2,2,2,,2,2,2,2,2,2,, -4303,1,2,2,0,2,2,,2,2,2,2,2,2,, -4304,1,2,,0,2,2,,2,2,2,2,2,2,, -4305,8,,2,2,1,2,,2,2,2,2,2,2,, -4306,4,,2,2,2,2,,2,2,2,2,1,2,, -4307,4,,2,1,2,2,,2,2,2,2,2,2,, -4308,7,,2,14,2,2,,2,2,1,2,2,2,, -4309,6,,2,2,1,2,,2,1,2,2,2,2,, -4310,4,,2,1,2,2,,2,2,2,2,2,2,, -4311,4,,2,3,2,2,,2,2,2,2,2,2,, -4312,4,,2,1,2,2,,2,2,2,2,2,2,, -4313,7,,2,2,2,2,,2,2,2,2,2,2,, -4314,1,2,,0,2,2,,2,2,2,2,2,2,, -4315,1,2,,1,2,2,,2,2,2,2,2,2,, -4316,6,,2,3,2,2,,2,2,2,2,1,2,, -4317,4,,2,3,2,2,,2,2,2,2,1,2,, -4318,1,2,,0,2,2,,2,2,2,2,2,2,, -4319,1,2,2,0,2,2,,2,2,2,2,2,2,, -4320,1,2,,0,2,2,,2,2,2,2,2,2,, -4321,1,2,,0,2,2,,2,2,2,2,2,2,, -4322,5,,2,1,2,2,,2,2,2,2,2,2,, -4323,1,2,2,0,2,2,,2,2,2,2,2,2,, -4324,1,2,,0,2,2,,2,2,2,2,2,2,, -4325,1,2,2,1,2,2,,2,2,2,2,2,2,, -4326,1,2,,0,2,2,,2,2,2,2,2,2,, -4327,1,2,2,0,2,2,,2,2,2,2,2,2,, -4328,4,,2,1,2,2,,2,2,2,2,2,2,, -4329,5,,2,1,2,2,,2,2,2,2,2,2,, -4330,5,,2,1,2,2,,2,2,2,2,2,2,, -4331,1,2,,1,2,2,,2,2,2,2,2,2,, -4332,4,,2,1,2,2,,2,2,2,2,2,2,, -4333,1,2,,0,2,2,,2,2,2,2,2,2,, -4334,6,,2,53,1,1,2,2,1,1,2,1,2,, -4335,1,2,2,0,2,2,,2,2,2,2,1,2,, -4336,4,,2,1,2,2,,2,2,2,2,2,2,, -4337,5,,2,1,2,2,,2,2,2,2,2,2,, -4338,5,,2,0,2,2,,2,2,2,2,2,2,, -4339,1,2,,1,2,2,,2,2,2,2,2,2,, -4340,1,2,2,0,2,2,,2,2,2,2,2,2,, -4341,1,2,,1,2,2,,2,2,2,2,2,2,, -4342,6,,2,3,2,2,,2,2,1,2,1,2,, -4343,4,,2,1,2,2,,2,2,2,2,2,2,, -4344,4,,2,1,2,2,,2,2,2,2,2,2,, -4345,1,2,2,0,2,2,,2,2,2,2,2,2,, -4346,1,2,,0,2,2,,2,2,2,2,2,2,, -4347,1,2,2,0,2,2,,2,2,2,2,2,2,, -4348,4,,2,1,2,2,,2,2,2,2,2,2,, -4349,1,2,2,0,2,2,,2,2,2,2,2,2,, -4350,4,,2,6,1,2,,2,2,2,2,2,2,, -4351,6,,2,3,2,2,,2,2,1,2,1,2,, -4352,1,2,2,0,2,2,,2,2,2,2,2,2,, -4353,5,,2,1,2,2,,2,2,2,2,2,2,, -4354,4,,2,2,2,2,,2,2,2,2,2,2,, -4355,4,,2,11,2,2,,2,2,2,1,1,2,, -4356,4,,2,1,2,2,,2,2,1,2,2,2,, -4357,1,2,,0,2,2,,2,2,2,2,2,2,, -4358,1,2,2,0,2,2,,2,2,2,2,2,2,, -4359,1,2,,0,2,2,,2,2,2,2,2,2,, -4360,7,,2,59,1,2,,2,2,2,2,2,2,, -4361,6,,2,7,1,2,,2,1,2,2,2,2,, -4362,1,2,2,1,2,2,,2,2,2,2,2,2,, -4363,1,2,2,0,2,2,,2,2,2,2,2,2,, -4364,4,,2,10,2,2,,2,2,1,2,1,2,, -4365,4,,2,1,2,2,,2,2,2,2,2,2,, -4366,4,,2,2,2,2,,2,2,2,2,1,2,, -4367,7,,2,3,2,2,,2,2,2,2,2,2,, -4368,5,,2,1,2,2,,2,2,2,2,2,2,, -4369,1,2,2,0,2,2,,2,2,2,2,2,2,, -4370,1,2,,0,2,2,,2,2,2,2,2,2,, -4371,1,2,,1,2,2,,2,2,2,2,2,2,, -4372,4,,2,2,2,2,,2,2,1,2,2,2,, -4373,9,2,2,1,2,2,,2,2,2,2,2,2,, -4374,1,2,2,1,2,2,,2,2,2,2,2,2,, -4375,1,2,2,0,2,2,,2,2,2,2,2,2,, -4376,1,2,2,0,2,2,,2,2,2,2,2,2,, -4377,1,2,,0,2,2,,2,2,2,2,2,2,, -4378,1,2,,0,2,2,,2,2,2,2,2,2,, -4379,1,2,,1,2,2,,2,2,2,2,2,2,, -4380,5,,2,1,2,2,,2,2,2,2,2,2,, -4381,4,,2,3,2,2,,2,2,2,2,2,2,, -4382,9,2,2,1,2,2,,2,2,2,2,2,2,, -4383,4,,2,6,2,2,,2,2,2,2,1,2,, -4384,1,2,,0,2,2,,2,2,2,2,2,2,, -4385,4,,2,2,2,2,,2,2,2,2,1,2,, -4386,6,,2,2,2,2,,2,2,2,2,1,2,, -4387,1,2,,1,2,2,,2,2,2,2,2,2,, -4388,1,2,2,0,2,2,,2,2,2,2,2,2,, -4389,7,,2,3,2,2,,2,2,2,2,2,2,, -4390,1,2,,0,2,2,,2,2,2,2,2,2,, -4391,1,2,,0,2,2,,2,2,2,2,2,2,, -4392,1,2,2,0,2,2,,2,2,2,2,2,2,, -4393,1,2,2,0,2,2,,2,2,2,2,2,2,, -4394,1,2,,0,2,2,,2,2,2,2,2,2,, -4395,1,2,2,0,2,2,,2,2,2,2,2,2,, -4396,7,,2,1,2,2,,2,2,2,2,2,2,, -4397,7,,2,1,2,2,,2,2,2,2,2,2,, -4398,1,2,2,0,2,2,,2,2,2,2,2,2,, -4399,5,,2,1,2,2,,2,2,1,2,1,2,, -4400,7,,2,1,2,2,,2,2,2,2,2,2,, -4401,1,2,2,0,2,2,,2,2,2,2,2,2,, -4402,6,,2,9,1,2,,2,2,1,2,2,2,, -4403,7,,2,27,2,2,,2,2,1,1,2,2,, -4404,4,,2,15,1,2,,2,2,2,1,2,2,, -4405,5,,2,1,2,2,,2,2,2,2,2,2,, -4406,4,,2,2,2,2,,2,2,2,2,2,2,, -4407,1,2,,0,2,2,,2,2,2,2,2,2,, -4408,1,2,,0,2,2,,2,2,2,2,2,2,, -4409,1,2,2,0,2,2,,2,2,2,2,2,2,, -4410,1,2,2,0,2,2,,2,2,2,2,2,2,, -4411,1,2,2,0,2,2,,2,2,2,2,2,2,, -4412,4,,2,1,2,2,,2,2,1,2,2,2,, -4413,7,,2,2,2,2,,2,2,2,2,2,2,, -4414,4,,2,1,2,2,,2,2,2,2,2,2,, -4415,7,,2,3,1,2,,2,2,2,1,2,2,, -4416,1,2,2,0,2,2,,2,2,2,2,2,2,, -4417,4,,2,3,2,2,,2,2,2,1,1,2,, -4418,4,,2,2,2,2,,2,2,2,2,2,2,, -4419,4,,2,3,1,2,,2,2,2,2,2,2,, -4420,4,,2,1,1,2,,2,2,2,2,2,2,, -4421,4,,2,3,2,2,,2,2,2,2,2,2,, -4422,4,,2,1,2,2,,2,2,2,2,2,2,, -4423,1,2,,0,2,2,,2,2,2,2,2,2,, -4424,7,,2,1,2,2,,2,2,2,2,2,2,, -4425,1,2,2,0,2,2,,2,2,2,2,2,2,, -4426,7,,2,16,2,2,,2,2,2,1,2,2,, -4427,1,2,2,0,2,2,,2,2,2,2,2,2,, -4428,1,2,2,0,2,2,,2,2,2,2,2,2,, -4429,4,,2,1,2,2,,2,2,2,2,2,2,, -4430,4,,2,3,2,2,,2,2,2,2,2,2,, -4431,1,2,,0,2,2,,2,2,2,2,2,2,, -4432,5,,2,1,2,2,,2,2,2,2,2,2,, -4433,1,2,,0,2,2,,2,2,2,2,2,2,, -4434,5,,2,1,2,2,,2,2,2,2,2,2,, -4435,4,,2,1,2,2,,2,2,2,2,2,2,, -4436,1,2,2,1,2,2,,2,2,2,2,2,2,, -4437,1,2,,0,2,2,,2,2,2,2,2,2,, -4438,7,,2,6,2,2,,2,2,2,2,2,2,, -4439,1,2,2,0,2,2,,2,2,2,2,2,2,, -4440,4,,2,1,2,2,,2,2,2,2,2,2,, -4441,4,,2,3,1,2,,2,2,2,2,2,2,, -4442,1,2,,0,2,2,,2,2,2,2,2,2,, -4443,1,2,,0,2,2,,2,2,2,2,2,2,, -4444,7,,2,3,2,2,,2,2,2,2,2,2,, -4445,4,,2,2,2,2,,2,2,2,2,2,2,, -4446,1,2,,0,2,2,,2,2,2,2,2,2,, -4447,1,2,2,0,2,2,,2,2,2,2,2,2,, -4448,4,,2,3,2,2,,2,2,1,2,1,2,, -4449,1,2,2,0,2,2,,2,2,2,2,2,2,, -4450,1,2,,1,2,2,,2,2,2,2,2,2,, -4451,1,2,,1,2,2,,2,2,2,2,2,2,, -4452,1,2,2,1,2,2,,2,2,2,2,2,2,, -4453,6,,2,0,2,2,,2,2,2,2,1,2,, -4454,4,,2,2,2,2,,2,2,2,2,2,2,, -4455,1,2,2,1,2,2,,2,2,2,2,2,2,, -4456,7,,2,1,2,2,,2,2,2,2,2,2,, -4457,5,,2,1,2,2,,2,2,2,2,2,2,, -4458,4,,2,2,2,2,,2,2,2,2,2,2,, -4459,1,2,,0,2,2,,2,2,2,2,2,2,, -4460,7,,2,4,2,2,,2,2,2,2,2,2,, -4461,1,2,2,0,2,2,,2,2,2,2,2,2,, -4462,4,,2,5,2,2,,2,2,2,1,2,2,, -4463,1,2,2,0,2,2,,2,2,2,2,2,2,, -4464,1,2,,1,2,2,,2,2,2,2,2,2,, -4465,1,2,2,1,2,2,,2,2,2,2,2,2,, -4466,1,2,,0,2,2,,2,2,2,2,2,2,, -4467,7,,2,2,2,2,,2,2,1,2,2,2,, -4468,1,2,,0,2,2,,2,2,2,2,2,2,, -4469,1,2,2,0,2,2,,2,2,2,2,2,2,, -4470,1,2,2,0,2,2,,2,2,2,2,2,2,, -4471,7,,2,2,2,2,,2,2,2,2,2,2,, -4472,5,,2,0,2,2,,2,2,2,2,2,2,, -4473,4,,2,1,2,2,,2,2,2,2,2,2,, -4474,1,2,,1,2,2,,2,2,2,2,2,2,, -4475,1,2,2,0,2,2,,2,2,2,2,2,2,, -4476,1,2,,0,2,2,,2,2,2,2,2,2,, -4477,4,,2,1,2,2,,2,2,2,2,2,2,, -4478,4,,2,1,2,2,,2,2,2,2,2,2,, -4479,1,2,2,0,2,2,,2,2,2,2,2,2,, -4480,7,,2,2,2,2,,2,2,2,2,2,2,, -4481,5,,1,0,2,2,,2,2,2,2,2,2,, -4482,5,,2,1,2,2,,2,2,2,2,1,2,, -4483,4,,2,2,1,2,,2,2,1,2,2,2,, -4484,1,2,2,1,2,2,,2,2,2,2,2,2,, -4485,7,,2,17,2,2,,2,2,2,2,2,2,, -4486,1,2,2,0,2,2,,2,2,2,2,2,2,, -4487,1,2,2,1,2,2,,2,2,2,2,2,2,, -4488,1,2,,0,2,2,,2,2,2,2,2,2,, -4489,1,2,,0,2,2,,2,2,2,2,2,2,, -4490,7,,2,3,1,2,,2,2,1,2,2,2,, -4491,6,,2,1,2,2,,2,2,1,2,1,2,, -4492,1,2,,0,2,2,,2,2,2,2,2,2,, -4493,4,,2,8,2,2,,2,2,1,2,1,2,, -4494,1,2,2,0,2,2,,2,2,2,2,2,2,, -4495,7,,2,29,2,2,,2,2,2,2,2,2,, -4496,4,,2,1,2,2,,2,2,2,2,2,2,, -4497,1,2,2,0,2,2,,2,2,2,2,2,2,, -4498,1,2,2,0,2,2,,2,2,2,2,2,2,, -4499,4,,2,1,2,2,,2,2,2,2,2,2,, -4500,4,,2,1,2,2,,2,2,2,2,2,2,, -4501,1,2,,0,2,2,,2,2,2,2,2,2,, -4502,7,,2,3,1,2,,2,2,1,2,1,2,, -4503,4,,2,2,2,2,,2,2,2,2,2,2,, -4504,1,2,2,0,2,2,,2,2,2,2,2,2,, -4505,7,,2,1,2,2,,2,2,2,2,2,2,, -4506,1,2,,0,2,2,,2,2,2,2,2,2,, -4507,1,2,,0,2,2,,2,2,2,2,2,2,, -4508,1,2,2,0,2,2,,2,2,2,2,2,2,, -4509,5,,2,1,2,2,,2,2,2,2,1,2,, -4510,4,,2,2,2,2,,2,2,2,2,2,2,, -4511,1,2,2,0,2,2,,2,2,2,2,2,2,, -4512,4,,2,1,2,2,,2,2,2,2,2,2,, -4513,1,2,2,0,2,2,,2,2,2,2,2,2,, -4514,1,2,,0,2,2,,2,2,2,2,2,2,, -4515,4,,2,3,2,2,,2,2,2,2,2,2,, -4516,1,2,2,0,2,2,,2,2,2,2,2,2,, -4517,1,2,,0,2,2,,2,2,2,2,2,2,, -4518,1,2,2,1,2,2,,2,2,2,2,2,2,, -4519,4,,2,1,2,2,,2,2,2,2,2,2,, -4520,1,2,2,0,2,2,,2,2,2,2,2,2,, -4521,1,2,2,0,2,2,,2,2,2,2,2,2,, -4522,4,,1,2,2,2,,2,2,2,2,2,2,, -4523,1,2,2,0,2,2,,2,2,2,2,2,2,, -4524,7,,2,8,2,2,,2,2,2,2,2,2,, -4525,5,,2,0,2,2,,2,2,2,2,2,2,, -4526,1,2,,0,2,2,,2,2,2,2,2,2,, -4527,1,2,2,0,2,2,,2,2,2,2,2,2,, -4528,1,2,,0,2,2,,2,2,2,2,2,2,, -4529,4,,2,1,2,2,,2,2,2,2,2,2,, -4530,4,,2,1,2,2,,2,2,2,2,2,2,, -4531,5,,2,1,2,2,,2,2,2,2,2,2,, -4532,1,2,2,0,2,2,,2,2,2,2,2,2,, -4533,4,,2,1,2,2,,2,2,2,2,2,2,, -4534,1,2,,0,2,2,,2,2,2,2,2,2,, -4535,4,,2,1,2,2,,2,2,2,2,2,2,, -4536,4,,2,1,2,2,,2,2,2,2,2,2,, -4537,4,,2,3,2,2,,2,2,1,2,2,2,, -4538,4,,2,1,2,2,,2,2,1,2,2,2,, -4539,4,,2,8,2,2,,2,2,2,2,2,2,, -4540,4,,2,4,1,2,,2,2,2,2,2,2,, -4541,4,,2,1,2,2,,2,2,2,2,2,2,, -4542,7,,2,3,2,2,,2,2,2,2,2,2,, -4543,1,2,,1,2,2,,2,2,2,2,2,2,, -4544,4,,2,1,2,2,,2,2,2,2,2,2,, -4545,4,,2,1,2,2,,2,2,1,2,2,2,, -4546,1,2,,1,2,2,,2,2,2,2,2,2,, -4547,7,,2,3,1,2,,2,2,2,2,1,1,3, -4548,5,,2,1,2,2,,2,2,2,2,2,2,, -4549,1,2,2,1,2,2,,2,2,2,2,2,2,, -4550,8,,2,15,2,2,,2,1,1,2,1,2,, -4551,1,2,2,0,2,2,,2,2,2,2,2,2,, -4552,1,2,2,0,2,2,,2,2,2,2,2,2,, -4553,4,,2,2,2,2,,2,2,2,2,2,2,, -4554,1,2,,0,2,2,,2,2,2,2,2,2,, -4555,4,,2,2,2,2,,2,2,1,2,2,2,, -4556,1,2,,0,2,2,,2,2,2,2,2,2,, -4557,7,,2,40,1,2,,2,1,2,2,2,2,, -4558,7,,2,12,2,2,,2,2,1,2,1,2,, -4559,4,,2,1,2,2,,2,2,2,2,2,2,, -4560,4,,2,1,2,2,,2,2,2,2,2,2,, -4561,4,,2,1,2,2,,2,2,2,2,2,2,, -4562,7,,2,4,1,2,,2,2,1,2,2,2,, -4563,4,,2,73,2,2,,2,2,2,1,2,2,, -4564,1,2,,0,2,2,,2,2,2,2,2,2,, -4565,4,,2,4,2,2,,2,2,2,2,2,2,, -4566,4,,2,5,2,2,,2,2,2,2,1,2,, -4567,4,,2,1,2,2,,2,2,2,2,2,2,, -4568,1,2,2,0,2,2,,2,2,2,2,2,2,, -4569,1,2,,0,2,2,,2,2,2,2,2,2,, -4570,4,,2,1,2,2,,2,2,2,2,2,2,, -4571,4,,2,2,2,2,,2,2,2,2,2,2,, -4572,1,2,,0,2,2,,2,2,2,2,2,2,, -4573,7,,2,2,2,2,,2,2,2,2,2,2,, -4574,6,,2,1,2,2,,2,2,2,2,1,2,, -4575,1,2,,0,2,2,,2,2,2,2,2,2,, -4576,4,,2,2,2,2,,2,2,1,1,2,2,, -4577,7,,2,13,2,2,,2,1,2,2,2,2,, -4578,1,2,,0,2,2,,2,2,2,2,2,2,, -4579,1,2,2,1,2,2,,2,2,2,2,2,2,, -4580,1,2,,0,2,2,,2,2,2,2,2,2,, -4581,7,,2,2,2,2,,2,2,1,2,2,2,, -4582,7,,2,4,1,2,,2,2,1,2,2,2,, -4583,4,,2,2,2,2,,2,2,2,2,1,2,, -4584,1,2,,0,2,2,,2,2,2,2,2,2,, -4585,1,2,,0,2,2,,2,2,2,2,2,2,, -4586,4,,2,2,2,2,,2,2,1,2,2,2,, -4587,1,2,2,1,2,2,,2,2,2,2,2,2,, -4588,1,2,,0,2,2,,2,2,2,2,2,2,, -4589,4,,2,1,2,2,,2,2,2,2,2,2,, -4590,4,,2,0,2,2,,2,2,2,2,2,2,, -4591,6,,2,1,2,2,,2,2,2,2,2,2,, -4592,4,,2,3,2,2,,2,2,2,2,2,2,, -4593,1,2,2,0,2,2,,2,2,2,2,2,2,, -4594,1,2,2,0,2,2,,2,2,2,2,2,2,, -4595,1,2,2,0,2,2,,2,2,2,2,2,2,, -4596,5,,1,0,2,2,,2,2,2,2,2,2,, -4597,1,2,,0,2,2,,2,2,2,2,2,2,, -4598,1,2,,0,2,2,,2,2,2,2,2,2,, -4599,9,2,2,1,2,2,,2,2,2,2,2,2,, -4600,4,,2,1,2,2,,2,2,2,2,2,2,, -4601,1,2,2,1,2,2,,2,2,2,2,2,2,, -4602,7,,2,1,2,2,,2,2,2,2,2,2,, -4603,1,2,,0,2,2,,2,2,2,2,2,2,, -4604,4,,2,2,2,2,,2,2,2,1,2,2,, -4605,4,,2,1,2,2,,2,2,2,2,2,2,, -4606,1,2,2,0,2,2,,2,2,2,2,2,2,, -4607,4,,2,1,2,2,,2,2,2,2,2,2,, -4608,4,,2,2,2,2,,2,2,2,2,2,2,, -4609,5,,2,2,2,2,,2,2,2,2,2,2,, -4610,1,2,,0,2,2,,2,2,2,2,2,2,, -4611,1,2,2,1,2,2,,2,2,2,2,2,2,, -4612,1,2,,0,2,2,,2,2,2,2,2,2,, -4613,1,2,2,1,2,2,,2,2,2,2,2,2,, -4614,1,1,2,1,2,2,,2,2,2,2,2,2,, -4615,7,,2,6,2,2,,2,2,2,2,1,2,, -4616,1,2,2,0,2,2,,2,2,2,2,2,2,, -4617,5,,1,1,2,2,,2,2,2,2,2,2,, -4618,4,,2,1,2,2,,2,2,2,2,2,2,, -4619,1,2,2,0,2,2,,2,2,2,2,2,2,, -4620,7,,2,2,2,2,,2,2,1,2,2,2,, -4621,1,2,,0,2,2,,2,2,2,2,2,2,, -4622,4,,2,10,2,2,,2,2,2,2,1,2,, -4623,4,,2,1,2,2,,2,2,2,2,2,2,, -4624,5,,2,1,2,2,,2,2,2,2,2,2,, -4625,4,,2,1,2,2,,2,2,2,2,2,2,, -4626,5,,2,1,2,2,,2,2,2,2,2,2,, -4627,4,,2,1,2,2,,2,2,2,2,2,2,, -4628,7,,2,7,2,2,,2,2,2,2,2,2,, -4629,1,2,,0,2,2,,2,2,2,2,2,2,, -4630,5,,2,1,2,2,,2,2,2,2,2,2,, -4631,1,2,2,1,2,2,,2,2,2,2,2,2,, -4632,1,2,2,0,2,2,,2,2,2,2,2,2,, -4633,7,,2,3,2,2,,2,2,2,2,2,2,, -4634,7,,2,6,2,2,,2,2,2,2,1,2,, -4635,4,,2,2,2,2,,2,2,2,2,1,2,, -4636,7,,2,5,1,2,,2,2,2,2,2,2,, -4637,1,2,2,0,2,2,,2,2,2,2,2,2,, -4638,1,2,2,0,2,2,,2,2,2,2,2,2,, -4639,1,2,,1,2,2,,2,2,2,2,2,2,, -4640,4,,2,7,2,2,,2,2,2,1,2,2,, -4641,1,2,,0,2,2,,2,2,2,2,2,2,, -4642,7,,2,22,1,2,,2,2,1,1,2,2,, -4643,1,2,,0,2,2,,2,2,2,2,2,2,, -4644,5,,2,0,2,2,,2,2,2,2,2,2,, -4645,7,,2,1,2,2,,2,2,2,2,2,2,, -4646,7,,2,22,2,2,,2,2,2,2,1,2,, -4647,4,,2,1,2,2,,2,2,2,2,2,2,, -4648,1,2,,0,2,2,,2,2,2,2,2,2,, -4649,1,2,2,0,2,2,,2,2,2,2,2,2,, -4650,4,,2,2,2,2,,2,2,1,1,2,2,, -4651,4,,2,8,2,2,,2,2,2,2,2,2,, -4652,4,,2,1,2,2,,2,2,2,2,2,2,, -4653,4,,2,4,1,2,,2,2,2,2,2,2,, -4654,4,,2,2,2,2,,2,2,2,2,1,2,, -4655,4,,2,2,2,2,,2,2,2,2,2,2,, -4656,4,,2,4,1,2,,2,2,1,2,2,2,, -4657,4,,2,1,2,2,,2,2,2,2,1,2,, -4658,1,2,2,0,2,2,,2,2,2,2,2,2,, -4659,1,1,1,1,2,2,,2,2,2,2,2,2,, -4660,4,,2,2,2,2,,2,2,1,2,1,2,, -4661,1,2,,0,2,2,,2,2,2,2,2,2,, -4662,1,2,,0,2,2,,2,2,2,2,2,2,, -4663,5,,2,1,2,2,,2,2,2,2,2,2,, -4664,4,,2,4,2,2,,2,2,2,2,1,2,, -4665,1,2,2,0,2,2,,2,2,2,2,2,2,, -4666,4,,2,1,2,2,,2,2,2,2,1,2,, -4667,1,2,2,0,2,2,,2,2,2,2,2,2,, -4668,7,,2,1,2,2,,2,2,2,2,2,2,, -4669,1,2,2,0,2,2,,2,2,2,2,2,2,, -4670,1,2,2,0,2,2,,2,2,2,2,2,2,, -4671,4,,2,4,2,2,,2,2,2,2,2,2,, -4672,7,,2,1,2,2,,2,2,2,2,2,2,, -4673,1,2,,0,2,2,,2,2,2,2,2,2,, -4674,4,,2,3,1,2,,2,2,1,2,1,2,, -4675,4,,2,1,2,2,,2,2,2,2,2,2,, -4676,1,2,,0,2,2,,2,2,2,2,2,2,, -4677,4,,2,3,2,2,,2,2,2,2,2,2,, -4678,1,2,2,0,2,2,,2,2,2,2,2,2,, -4679,1,2,2,0,2,2,,2,2,2,2,2,2,, -4680,7,,2,40,2,2,,2,2,2,2,1,2,, -4681,1,2,2,0,2,2,,2,2,2,2,2,2,, -4682,1,2,,0,2,2,,2,2,2,2,2,2,, -4683,4,,2,1,2,2,,2,2,2,2,2,2,, -4684,4,,1,1,2,2,,2,2,2,2,2,2,, -4685,4,,2,1,2,2,,2,2,2,2,2,2,, -4686,1,2,2,0,2,2,,2,2,2,2,2,2,, -4687,4,,2,1,2,2,,2,2,2,2,2,2,, -4688,1,2,,1,2,2,,2,2,2,2,2,2,, -4689,1,2,2,0,2,2,,2,2,2,2,2,2,, -4690,4,,2,4,2,2,,2,2,2,2,2,2,, -4691,1,2,,0,2,2,,2,2,2,2,2,2,, -4692,4,,2,1,2,2,,2,2,2,2,2,2,, -4693,4,,2,11,2,2,,2,2,2,2,2,2,, -4694,4,,2,1,2,2,,2,2,2,2,2,2,, -4695,4,,2,2,1,2,,2,2,2,2,2,2,, -4696,1,2,2,0,2,2,,2,2,2,2,2,2,, -4697,1,2,2,0,2,2,,2,2,2,2,2,2,, -4698,1,2,,0,2,2,,2,2,2,2,2,2,, -4699,1,2,,1,2,2,,2,2,2,2,2,2,, -4700,1,2,2,0,2,2,,2,2,2,2,2,2,, -4701,4,,2,1,2,2,,2,2,2,2,2,2,, -4702,7,,2,4,2,2,,2,2,2,2,2,2,, -4703,1,2,,0,2,2,,2,2,2,2,2,2,, -4704,1,2,2,0,2,2,,2,2,2,2,2,2,, -4705,1,2,,1,2,2,,2,2,2,2,2,2,, -4706,1,2,,0,2,2,,2,2,2,2,2,2,, -4707,4,,2,6,2,2,,2,2,2,2,2,2,, -4708,6,,1,26,2,2,,2,2,1,1,1,2,, -4709,1,2,2,1,2,2,,2,2,1,2,2,2,, -4710,1,2,2,1,2,2,,2,2,2,2,2,2,, -4711,4,,2,1,2,2,,2,2,2,1,2,2,, -4712,5,,2,1,1,2,,2,2,2,2,2,2,, -4713,1,2,,0,2,2,,2,2,2,2,2,2,, -4714,1,2,2,1,2,2,,2,2,2,2,2,2,, -4715,4,,2,4,1,2,,2,2,2,2,2,2,, -4716,6,,2,6,2,2,,2,2,2,2,1,2,, -4717,4,,2,1,2,2,,2,2,1,2,2,2,, -4718,1,2,,0,2,2,,2,2,2,2,2,2,, -4719,4,,2,2,2,2,,2,2,2,2,2,2,, -4720,5,,2,1,2,2,,2,2,2,2,2,2,, -4721,1,2,2,0,2,2,,2,2,2,2,2,2,, -4722,6,,2,18,1,2,,2,1,1,2,1,2,, -4723,7,,2,3,2,2,,2,2,2,2,2,2,, -4724,7,,2,3,2,2,,2,2,1,2,2,2,, -4725,1,2,,0,2,2,,2,2,2,2,2,2,, -4726,1,2,2,1,2,2,,2,2,2,2,2,2,, -4727,1,2,,0,2,2,,2,2,2,2,2,2,, -4728,1,2,2,0,2,2,,2,2,2,2,2,2,, -4729,4,,2,3,2,2,,2,2,2,1,2,2,, -4730,1,2,,0,2,2,,2,2,2,2,2,2,, -4731,1,2,2,0,2,2,,2,2,2,2,2,2,, -4732,1,2,,0,2,2,,2,2,2,2,2,2,, -4733,1,2,2,0,2,2,,2,2,2,2,2,2,, -4734,1,2,2,1,2,2,,2,2,2,2,2,2,, -4735,1,2,,0,2,2,,2,2,2,2,2,2,, -4736,1,2,,0,2,2,,2,2,2,2,2,2,, -4737,4,,2,1,2,2,,2,2,2,2,2,2,, -4738,4,,2,2,2,2,,2,2,2,2,2,2,, -4739,1,2,,0,2,2,,2,2,2,2,2,2,, -4740,4,,2,3,1,2,,2,2,2,2,2,2,, -4741,5,,2,1,2,2,,2,2,2,2,2,2,, -4742,7,,2,2,2,2,,2,2,2,2,2,1,3, -4743,6,,2,1,1,2,,1,2,2,2,2,2,, -4744,1,2,,0,2,2,,2,2,2,2,2,2,, -4745,7,,2,24,2,2,,2,2,1,2,2,1,3, -4746,4,,2,2,2,2,,2,2,2,2,1,2,, -4747,1,2,,0,2,2,,2,2,2,2,2,2,, -4748,1,2,,1,2,2,,2,2,2,2,2,2,, -4749,7,,2,2,1,2,,2,2,1,1,2,2,, -4750,1,2,,0,2,2,,2,2,2,2,2,2,, -4751,1,2,2,0,2,2,,2,2,1,2,2,2,, -4752,1,2,,1,2,2,,2,2,2,2,2,2,, -4753,5,,2,1,2,2,,2,2,2,2,2,2,, -4754,1,2,,1,2,2,,2,2,2,2,2,2,, -4755,4,,2,1,1,2,,2,2,2,2,2,2,, -4756,4,,2,1,2,2,,2,2,2,2,2,2,, -4757,7,,1,35,1,2,,2,2,1,2,2,2,, -4758,1,2,2,1,2,2,,2,2,2,2,2,2,, -4759,1,2,2,0,2,2,,2,2,2,2,2,2,, -4760,7,,2,2,1,2,,2,2,1,2,2,1,3, -4761,1,2,2,0,2,2,,2,2,2,2,2,2,, -4762,4,,2,2,2,2,,2,2,2,2,2,2,, -4763,1,2,,0,2,2,,2,2,2,2,2,2,, -4764,1,2,,0,2,2,,2,2,2,2,2,2,, -4765,4,,2,1,2,2,,2,2,2,2,2,2,, -4766,4,,2,2,2,2,,2,2,2,1,2,2,, -4767,1,2,2,0,2,2,,2,2,2,2,2,2,, -4768,1,2,2,1,2,2,,2,2,2,2,2,2,, -4769,1,2,,0,2,2,,2,2,2,2,2,2,, -4770,6,,2,3,2,2,,2,2,2,2,1,2,, -4771,1,2,,0,2,2,,2,2,2,2,2,2,, -4772,6,,2,20,2,2,,2,2,1,2,1,2,, -4773,1,2,2,0,2,2,,2,2,2,2,2,2,, -4774,1,2,,0,2,2,,2,2,2,2,2,2,, -4775,4,,2,1,2,2,,2,2,2,2,2,2,, -4776,1,2,,0,2,2,,2,2,2,2,2,2,, -4777,5,,2,1,2,2,,2,2,2,2,2,2,, -4778,1,1,2,10,2,2,,2,2,2,2,2,2,, -4779,4,,2,1,2,2,,2,2,2,2,2,2,, -4780,1,2,,0,2,2,,2,2,2,2,2,2,, -4781,5,,2,1,2,2,,2,2,2,2,2,2,, -4782,1,2,,0,2,2,,2,2,2,2,2,2,, -4783,1,2,,0,2,2,,2,2,2,2,2,2,, -4784,1,2,2,0,2,2,,2,2,2,2,2,2,, -4785,5,,2,0,2,2,,2,2,2,2,2,2,, -4786,6,,2,3,2,2,,2,2,2,1,1,2,, -4787,4,,2,1,2,2,,2,2,2,2,2,2,, -4788,4,,2,2,2,2,,2,2,2,1,2,2,, -4789,1,2,,0,2,2,,2,2,2,2,2,2,, -4790,1,2,,0,2,2,,2,2,2,2,2,2,, -4791,1,2,,0,2,2,,2,2,2,2,2,2,, -4792,7,,2,1,2,2,,2,2,1,2,2,1,3, -4793,1,2,2,1,2,2,,2,2,2,2,2,2,, -4794,4,,2,2,2,2,,2,2,2,2,2,2,, -4795,1,2,,0,2,2,,2,2,2,2,2,2,, -4796,7,,2,1,2,2,,2,2,2,2,2,2,, -4797,4,,1,2,2,2,,2,2,2,2,2,2,, -4798,1,2,2,0,2,2,,2,2,2,2,2,2,, -4799,1,2,2,0,2,2,,2,2,2,2,2,2,, -4800,1,2,2,0,2,2,,2,2,2,2,2,2,, -4801,1,2,,0,2,2,,2,2,2,2,2,2,, -4802,1,2,,0,2,2,,2,2,2,2,2,2,, -4803,1,2,,1,2,2,,2,2,2,2,2,2,, -4804,4,,2,2,2,2,,2,2,2,2,2,2,, -4805,7,,2,2,2,2,,2,2,2,2,2,2,, -4806,7,,2,5,2,2,,2,2,2,2,2,2,, -4807,4,,2,3,2,2,,2,2,2,2,2,2,, -4808,1,2,2,0,2,2,,2,2,2,2,2,2,, -4809,1,2,,0,2,2,,2,2,2,2,2,2,, -4810,7,,2,30,1,2,,2,2,1,2,1,2,, -4811,1,2,2,0,2,2,,2,2,2,2,2,2,, -4812,4,,2,1,2,2,,2,2,2,2,2,2,, -4813,4,,2,4,2,2,,2,2,2,1,2,2,, -4814,1,2,2,0,2,2,,2,2,2,2,2,2,, -4815,4,,2,1,2,2,,2,2,2,2,2,2,, -4816,4,,2,1,2,2,,2,2,2,1,2,2,, -4817,1,2,2,0,2,2,,2,2,2,2,2,2,, -4818,1,2,,0,2,2,,2,2,2,2,2,2,, -4819,1,2,2,0,2,2,,2,2,2,2,2,2,, -4820,7,,2,14,2,2,,2,2,1,2,1,2,, -4821,4,,2,1,2,2,,2,2,2,2,1,2,, -4822,7,,2,4,2,2,,2,2,1,1,1,2,, -4823,1,2,2,1,2,2,,2,2,2,2,2,2,, -4824,4,,2,1,2,2,,2,2,2,2,2,2,, -4825,4,,2,2,2,2,,2,2,2,2,2,2,, -4826,1,2,,0,2,2,,2,2,2,2,2,2,, -4827,1,2,2,0,2,2,,2,2,2,2,2,2,, -4828,7,,2,2,1,2,,2,2,2,2,2,2,, -4829,1,2,2,1,2,2,,2,2,2,2,2,2,, -4830,4,,2,1,2,2,,2,2,2,2,2,2,, -4831,6,,2,47,1,2,,1,2,2,1,1,2,, -4832,4,,2,2,2,2,,2,2,1,2,2,2,, -4833,1,2,,1,2,2,,2,2,2,2,2,2,, -4834,4,,2,3,2,2,,2,2,2,2,2,2,, -4835,1,2,,0,2,2,,2,2,2,2,2,2,, -4836,4,,2,1,2,2,,2,2,2,2,2,2,, -4837,1,2,,0,2,2,,2,2,2,2,2,2,, -4838,7,,2,2,2,2,,2,2,2,2,2,2,, -4839,7,,2,1,2,2,,2,2,2,2,2,1,5,anoxic brain injury -4840,1,2,,1,2,2,,2,2,2,2,2,2,, -4841,5,,2,1,2,2,,2,2,2,2,2,2,, -4842,1,2,,0,2,2,,2,2,2,2,2,2,, -4843,4,,1,2,2,2,,2,2,2,2,1,2,, -4844,1,2,2,0,2,2,,2,2,2,2,2,2,, -4845,7,,2,19,1,2,,2,2,1,1,2,2,, -4846,1,2,,1,2,2,,2,2,2,2,2,2,, -4847,4,,2,3,2,2,,2,2,2,2,1,2,, -4848,5,,2,2,2,2,,2,2,2,2,2,2,, -4849,1,2,,0,1,2,,2,2,2,2,2,2,, -4850,5,,2,1,2,2,,2,2,2,2,2,2,, -4851,7,,2,3,2,2,,2,2,2,2,2,2,, -4852,4,,2,3,2,2,,2,2,2,2,2,2,, -4853,4,,2,7,2,2,,2,2,2,2,2,2,, -4854,4,,2,1,2,2,,2,2,2,2,2,2,, -4855,1,2,2,0,2,2,,2,2,2,2,2,2,, -4856,1,2,2,1,2,2,,2,2,2,2,2,2,, -4857,4,,2,3,2,2,,2,2,2,2,2,2,, -4858,5,,2,1,2,2,,2,2,2,2,2,2,, -4859,4,,2,2,2,2,,2,2,1,1,2,2,, -4860,4,,2,1,2,2,,2,2,2,2,2,2,, -4861,4,,2,1,2,2,,2,2,2,2,2,2,, -4862,1,2,,0,2,2,,2,2,2,2,2,2,, -4863,1,2,,0,2,2,,2,2,2,2,2,2,, -4864,1,2,,0,2,2,,2,2,2,2,2,2,, -4865,4,,2,3,2,2,,2,2,1,1,2,2,, -4866,4,,2,1,2,2,,2,2,2,2,2,2,, -4867,1,2,,0,2,2,,2,2,2,2,2,2,, -4868,4,,2,7,2,2,,2,2,2,2,1,2,, -4869,1,2,2,1,2,2,,2,2,2,2,2,2,, -4870,1,2,,0,2,2,,2,2,2,2,2,2,, -4871,1,2,,0,2,2,,2,2,2,2,2,2,, -4872,4,,2,1,2,2,,2,2,2,2,2,2,, -4873,6,,2,2,2,2,,2,2,2,2,1,2,, -4874,1,2,2,0,2,2,,2,2,2,2,2,2,, -4875,4,,2,1,2,2,,2,2,2,2,2,2,, -4876,1,2,,0,2,2,,2,2,2,2,2,2,, -4877,4,,2,1,2,2,,2,2,2,2,2,2,, -4878,1,2,,0,2,2,,2,2,2,2,2,2,, -4879,7,,2,12,2,2,,2,2,2,2,1,1,3, -4880,6,,2,11,1,2,,2,1,1,1,1,2,, -4881,1,2,,0,2,2,,2,2,2,2,2,2,, -4882,1,2,,0,2,2,,2,2,2,2,2,2,, -4883,1,2,,0,2,2,,2,2,2,2,2,2,, -4884,1,2,,0,2,2,,2,2,2,2,2,2,, -4885,4,,2,2,2,2,,2,2,2,2,2,2,, -4886,1,2,2,1,2,2,,2,2,2,2,2,2,, -4887,4,,2,1,2,2,,2,2,2,2,2,2,, -4888,4,,2,2,2,2,,2,2,2,2,2,2,, -4889,4,,2,1,2,2,,2,2,1,2,2,2,, -4890,1,2,,1,2,2,,2,2,2,2,2,2,, -4891,1,2,,0,2,2,,2,2,2,2,2,2,, -4892,1,2,,0,2,2,,2,2,2,2,2,2,, -4893,7,,2,2,2,2,,2,2,1,2,2,2,, -4894,7,,2,4,1,2,,2,2,1,1,2,2,, -4895,4,,2,1,2,2,,2,2,2,2,2,2,, -4896,1,2,2,0,2,2,,2,2,2,2,2,2,, -4897,1,2,,1,2,2,,2,2,2,2,2,2,, -4898,1,2,2,0,2,2,,2,2,2,2,2,2,, -4899,1,2,2,0,2,2,,2,2,2,2,2,2,, -4900,1,2,2,0,2,2,,2,2,2,2,2,2,, -4901,4,,2,1,2,2,,2,2,2,2,2,2,, -4902,5,,2,2,2,2,,2,2,2,2,2,2,, -4903,1,2,2,0,2,2,,2,2,2,2,2,2,, -4904,1,2,,0,2,2,,2,2,2,2,2,2,, -4905,4,,2,5,2,2,,2,2,2,2,1,2,, -4906,1,2,2,1,2,2,,2,2,2,2,2,2,, -4907,1,2,2,0,2,2,,2,2,2,2,2,2,, -4908,4,,2,1,2,2,,2,2,2,2,2,2,, -4909,4,,2,8,1,2,,2,2,1,1,1,2,, -4910,1,2,,0,2,2,,2,2,2,2,2,2,, -4911,5,,2,0,2,2,,2,2,2,2,1,2,, -4912,1,2,,1,2,2,,2,2,2,2,2,2,, -4913,5,,2,1,2,2,,2,2,2,2,2,2,, -4914,4,,2,1,2,2,,2,2,2,2,2,2,, -4915,1,2,2,0,2,2,,2,2,2,2,2,2,, -4916,5,,2,1,2,2,,2,2,2,2,2,2,, -4917,1,2,2,0,2,2,,2,2,2,2,2,2,, -4918,4,,2,3,2,2,,2,2,2,2,2,2,, -4919,1,2,,0,2,2,,2,2,2,2,2,2,, -4920,1,2,2,0,2,2,,2,2,2,2,2,2,, -4921,7,,2,2,2,2,,2,2,2,2,2,2,, -4922,1,2,2,0,2,2,,2,2,2,2,2,2,, -4923,1,2,,0,2,2,,2,2,2,2,2,2,, -4924,4,,2,2,2,2,,2,2,1,2,1,2,, -4925,4,,2,1,2,2,,2,2,2,2,2,2,, -4926,1,2,,1,2,2,,2,2,2,2,2,2,, -4927,1,2,2,1,2,2,,2,2,2,2,2,2,, -4928,4,,2,4,2,2,,2,2,2,2,1,2,, -4929,6,,2,4,2,2,,2,2,2,2,2,2,, -4930,1,2,,1,2,2,,2,2,2,2,2,2,, -4931,5,,1,1,2,2,,2,2,2,2,2,2,, -4932,1,2,,0,2,2,,2,2,2,2,2,2,, -4933,1,2,2,0,2,2,,2,2,2,2,2,2,, -4934,1,2,2,0,2,2,,2,2,2,2,2,2,, -4935,4,,2,1,2,2,,2,2,2,2,2,2,, -4936,4,,2,2,2,2,,2,2,2,2,2,2,, -4937,1,2,2,0,2,2,,2,2,2,2,2,2,, -4938,1,2,2,0,2,2,,2,2,2,2,2,2,, -4939,1,2,,1,2,2,,2,2,2,2,2,2,, -4940,4,,2,1,2,2,,2,2,2,2,2,2,, -4941,1,2,2,0,2,2,,2,2,2,2,2,2,, -4942,6,,2,2,2,2,,2,2,2,2,1,2,, -4943,4,,2,2,2,2,,2,2,1,2,2,2,, -4944,7,,2,8,2,2,,2,2,2,2,1,2,, -4945,7,,2,5,2,2,,2,2,2,2,2,2,, -4946,1,2,2,1,2,2,,2,2,2,2,2,2,, -4947,1,2,2,0,2,2,,2,2,2,2,2,2,, -4948,4,,2,2,2,2,,2,2,2,2,2,2,, -4949,1,2,2,0,2,2,,2,2,2,2,2,2,, -4950,4,,2,11,1,2,,2,2,1,2,2,2,, -4951,1,2,2,1,2,2,,2,2,2,2,2,2,, -4952,4,,2,1,2,2,,2,2,2,2,2,2,, -4953,7,,2,1,2,2,,2,2,2,2,2,2,, -4954,4,,2,1,2,2,,2,2,2,2,2,2,, -4955,7,,2,1,2,2,,2,2,2,2,2,2,, -4956,1,2,2,1,2,2,,2,2,2,2,2,2,, -4957,1,2,,1,2,2,,2,2,2,2,2,2,, -4958,1,2,,1,2,2,,2,2,2,2,2,2,, -4959,4,,2,2,2,2,,2,2,1,2,2,2,, -4960,5,,2,1,2,2,,2,2,2,2,2,2,, -4961,1,2,,0,2,2,,2,2,2,2,2,2,, -4962,5,,2,1,2,2,,2,2,2,2,2,2,, -4963,7,,2,4,2,2,,2,2,2,2,2,2,, -4964,1,2,2,0,2,2,,2,2,2,2,2,2,, -4965,1,2,2,0,2,2,,2,2,1,2,2,2,, -4966,1,2,,0,2,2,,2,2,2,2,2,2,, -4967,4,,2,1,2,2,,2,2,2,2,2,2,, -4968,4,,2,1,1,2,,2,2,2,2,2,2,, -4969,4,,2,4,1,2,,2,2,2,2,2,2,, -4970,1,2,2,0,2,2,,2,2,2,2,2,2,, -4971,5,,2,1,2,2,,2,2,2,2,2,2,, -4972,1,2,,0,2,2,,2,2,2,2,2,2,, -4973,1,2,2,1,2,2,,2,2,2,2,2,2,, -4974,4,,2,1,2,2,,2,2,2,2,2,2,, -4975,7,,2,4,2,2,,2,2,2,2,1,2,, -4976,1,2,2,0,2,2,,2,2,2,2,2,2,, -4977,7,,2,13,1,2,,2,2,2,2,1,2,, -4978,1,2,2,1,2,2,,2,2,2,2,2,2,, -4979,4,,2,1,2,2,,2,2,2,2,2,2,, -4980,4,,2,2,2,2,,2,2,2,2,2,2,, -4981,1,2,,0,2,2,,2,2,2,2,2,2,, -4982,1,2,,0,2,2,,2,2,2,2,2,2,, -4983,5,,2,3,2,2,,2,2,2,2,1,2,, -4984,7,,2,2,2,2,,2,2,2,2,1,2,, -4985,1,2,2,0,2,2,,2,2,2,2,2,2,, -4986,4,,2,1,2,2,,2,2,2,2,2,2,, -4987,4,,2,3,2,2,,2,2,2,2,1,2,, -4988,1,2,2,0,2,2,,2,2,2,2,2,2,, -4989,4,,2,2,2,2,,2,2,2,2,2,2,, -4990,1,2,,0,2,2,,2,2,2,2,2,2,, -4991,1,2,,0,2,2,,2,2,2,2,2,2,, -4992,7,,2,3,1,2,,2,2,2,2,2,2,, -4993,1,2,,0,2,2,,2,2,2,2,2,2,, -4994,7,,2,1,1,2,,2,2,1,2,1,2,, -4995,1,2,,0,2,2,,2,2,2,2,2,2,, -4996,1,2,2,0,2,2,,2,2,2,2,2,2,, -4997,1,2,,1,2,2,,2,2,2,2,2,2,, -4998,7,,2,3,2,2,,2,2,2,2,1,2,, -4999,1,2,,0,2,2,,2,2,2,2,2,2,, -5000,1,2,2,0,2,2,,2,2,2,2,2,2,, -5001,4,,2,1,2,2,,2,2,2,2,2,2,, -5002,6,,2,1,2,2,,2,2,2,2,1,2,, -5003,4,,2,1,2,2,,2,2,2,2,2,2,, -5004,4,,2,1,1,2,,2,2,1,2,2,2,, -5005,1,2,2,0,2,2,,2,2,2,2,2,2,, -5006,5,,2,1,2,2,,2,2,1,2,2,2,, -5007,4,,2,1,2,2,,2,2,2,2,2,2,, -5008,1,2,2,0,2,2,,2,2,2,2,2,2,, -5009,6,,2,10,1,2,,2,1,2,2,2,2,, -5010,4,,2,1,1,2,,2,2,2,2,2,2,, -5011,1,2,,0,2,2,,2,2,2,2,2,2,, -5012,1,2,,0,2,2,,2,2,2,2,2,2,, -5013,5,,2,1,2,2,,2,2,2,2,2,2,, -5014,5,,2,1,2,2,,2,2,2,2,1,2,, -5015,1,2,2,0,2,2,,2,2,2,2,2,2,, -5016,4,,2,0,2,2,,2,2,2,2,2,2,, -5017,1,2,,1,2,2,,2,2,2,2,2,2,, -5018,1,2,2,0,2,2,,2,2,2,2,2,2,, -5019,4,,2,3,2,2,,2,2,2,2,1,2,, -5020,7,,2,5,1,2,,2,2,1,2,2,2,, -5021,6,,2,11,2,2,,2,2,2,2,1,2,, -5022,7,,2,2,2,2,,2,2,2,2,2,2,, -5023,4,,2,4,2,2,,2,2,2,2,2,2,, -5024,1,2,,0,2,2,,2,2,2,2,2,2,, -5025,1,2,,1,2,2,,2,2,2,2,2,2,, -5026,7,,2,3,2,2,,2,2,2,2,2,2,, -5027,1,2,2,0,2,2,,2,2,2,2,2,2,, -5028,5,,2,1,2,2,,2,2,2,2,2,2,, -5029,4,,2,2,2,2,,2,2,2,2,2,2,, -5030,1,2,2,0,2,2,,2,2,2,2,2,2,, -5031,1,2,,0,2,2,,2,2,2,2,2,2,, -5032,4,,2,1,2,2,,2,2,2,2,2,2,, -5033,1,2,,0,2,2,,2,2,2,2,2,2,, -5034,4,,2,0,2,2,,2,2,2,2,2,2,, -5035,1,2,2,0,2,2,,2,2,2,2,2,2,, -5036,7,,2,1,2,2,,2,2,2,2,2,2,, -5037,6,,2,0,1,2,,2,1,1,2,1,1,2, -5038,1,2,2,0,2,2,,2,2,2,2,2,2,, -5039,1,2,2,0,2,2,,2,2,2,2,2,2,, -5040,4,,2,1,2,2,,2,2,2,2,2,2,, -5041,1,2,,0,2,2,,2,2,2,2,2,2,, -5042,1,2,,0,2,2,,2,2,2,2,2,2,, -5043,4,,2,1,2,2,,2,2,2,2,2,2,, -5044,1,2,2,0,2,2,,2,2,2,2,2,2,, -5045,4,,2,1,2,2,,2,2,2,2,2,2,, -5046,1,2,,0,2,2,,2,2,2,2,2,2,, -5047,4,,2,1,2,2,,2,2,2,2,2,2,, -5048,7,,2,2,2,2,,2,2,2,2,2,2,, -5049,1,2,2,0,2,2,,2,2,2,2,2,2,, -5050,4,,2,1,2,2,,2,2,2,2,2,2,, -5051,4,,2,2,2,2,,2,2,2,2,2,2,, -5052,4,,2,1,1,2,,2,2,2,2,2,2,, -5053,1,2,2,1,2,2,,2,2,2,2,2,2,, -5054,1,2,,0,2,2,,2,2,2,2,2,2,, -5055,7,,2,0,1,2,,2,2,2,2,2,1,3, -5056,1,2,2,0,2,2,,2,2,2,2,2,2,, -5057,5,,2,1,2,2,,2,2,2,2,2,2,, -5058,1,2,2,0,2,2,,2,2,2,2,2,2,, -5059,4,,2,1,2,2,,2,2,2,2,2,2,, -5060,4,,2,1,2,2,,2,2,2,2,2,2,, -5061,4,,2,7,2,2,,2,2,2,2,1,2,, -5062,7,,2,9,2,2,,2,2,2,2,1,2,, -5063,5,,2,1,2,2,,2,2,2,2,2,2,, -5064,4,,2,2,2,2,,2,2,2,2,2,2,, -5065,1,2,2,0,2,2,,2,2,2,2,2,2,, -5066,4,,2,1,2,2,,2,2,2,2,2,2,, -5067,7,,2,3,2,2,,2,2,2,1,2,2,, -5068,1,2,2,1,2,2,,2,2,2,2,2,2,, -5069,1,2,2,0,2,2,,2,2,2,2,2,2,, -5070,7,,2,1,2,2,,2,2,2,2,2,2,, -5071,7,,2,11,1,2,,2,2,1,1,1,2,, -5072,1,2,,1,2,2,,2,2,2,2,2,2,, -5073,1,2,2,0,2,2,,2,2,2,2,2,2,, -5074,4,,2,4,2,2,,2,2,2,2,2,2,, -5075,1,2,2,0,2,2,,2,2,2,2,2,2,, -5076,1,2,2,0,2,2,,2,2,2,2,2,2,, -5077,5,,2,1,2,2,,2,2,2,2,2,2,, -5078,1,2,,0,2,2,,2,2,2,2,2,2,, -5079,1,2,2,0,2,2,,2,2,2,2,2,2,, -5080,4,,2,6,1,2,,2,2,1,1,1,2,, -5081,7,,2,4,1,2,,2,2,1,2,2,2,, -5082,4,,2,2,2,2,,2,2,2,2,2,2,, -5083,1,2,2,0,2,2,,2,2,2,2,2,2,, -5084,1,2,2,1,2,2,,2,2,2,2,2,2,, -5085,4,,2,2,2,2,,2,2,2,2,2,2,, -5086,4,,2,1,2,2,,2,2,1,2,2,2,, -5087,7,,2,9,2,2,,2,2,1,1,2,2,, -5088,1,2,,0,2,2,,2,2,2,2,2,2,, -5089,4,,2,1,2,2,,2,2,2,2,2,2,, -5090,7,,2,3,2,2,,2,2,2,1,2,2,, -5091,4,,2,0,2,2,,2,2,1,2,1,2,, -5092,4,,2,1,2,2,,2,2,1,2,2,2,, -5093,1,2,2,0,2,2,,2,2,2,2,2,2,, -5094,1,2,,0,2,2,,2,2,2,2,2,2,, -5095,7,,2,3,2,2,,2,2,2,2,2,2,, -5096,1,2,2,0,2,2,,2,2,2,2,2,2,, -5097,1,2,,1,2,2,,2,2,2,2,2,2,, -5098,1,2,2,0,2,2,,2,2,2,2,2,2,, -5099,1,2,,0,2,2,,2,2,2,2,2,2,, -5100,1,2,2,1,2,2,,2,2,2,2,2,2,, -5101,1,2,,0,2,2,,2,2,2,2,2,2,, -5102,1,2,,0,2,2,,2,2,2,2,2,2,, -5103,4,,2,2,1,2,,2,2,1,2,2,2,, -5104,1,2,2,0,2,2,,2,2,2,2,2,2,, -5105,4,,2,5,1,2,,2,2,2,2,2,2,, -5106,1,2,2,0,2,2,,2,2,2,2,2,2,, -5107,1,2,2,0,2,2,,2,2,2,2,2,2,, -5108,1,2,2,0,2,2,,2,2,2,2,2,2,, -5109,6,,2,8,2,2,,2,2,2,2,2,2,, -5110,4,,2,3,2,2,,2,2,2,2,2,2,, -5111,4,,2,4,2,2,,2,2,2,2,1,2,, -5112,1,2,,0,2,2,,2,2,2,2,2,2,, -5113,1,2,,0,2,2,,2,2,2,2,2,2,, -5114,4,,2,1,2,2,,2,2,2,2,2,2,, -5115,4,,2,17,2,2,,2,2,1,2,1,2,, -5116,1,2,,0,2,2,,2,2,2,2,2,2,, -5117,1,2,,0,2,2,,2,2,2,2,2,2,, -5118,4,,2,1,2,2,,2,2,2,2,2,2,, -5119,4,,2,5,2,2,,2,2,2,2,1,2,, -5120,1,2,2,0,2,2,,2,2,2,2,2,2,, -5121,1,2,2,0,2,2,,2,2,2,2,2,2,, -5122,1,2,,0,2,2,,2,2,2,2,2,2,, -5123,4,,2,0,2,2,,2,2,2,2,2,2,, -5124,4,,2,1,2,2,,2,2,2,2,2,2,, -5125,4,,2,5,2,2,,2,2,2,2,2,2,, -5126,6,,2,3,2,2,,2,2,2,2,1,2,, -5127,1,2,2,0,2,2,,2,2,2,2,2,2,, -5128,1,2,2,1,2,2,,2,2,2,2,2,2,, -5129,4,,2,1,2,2,,2,2,2,2,2,2,, -5130,1,2,2,0,2,2,,2,2,2,2,2,2,, -5131,1,2,,0,2,2,,2,2,2,2,2,2,, -5132,4,,2,1,2,2,,2,2,2,2,2,2,, -5133,1,2,2,0,2,2,,2,2,2,2,2,2,, -5134,7,,2,6,2,2,,2,2,2,2,2,2,, -5135,1,2,,0,2,2,,2,2,2,2,2,2,, -5136,1,1,1,6,2,2,,2,2,2,2,2,2,, -5137,1,2,2,0,2,2,,2,2,2,2,2,2,, -5138,1,2,2,0,2,2,,2,2,2,2,2,2,, -5139,7,,2,5,1,2,,2,2,2,2,2,2,, -5140,4,,2,1,2,2,,2,2,2,2,2,2,, -5141,1,2,2,1,2,2,,2,2,2,2,2,2,, -5142,1,2,2,0,2,2,,2,2,2,2,2,2,, -5143,5,,2,1,2,2,,2,2,2,2,2,2,, -5144,1,2,,1,2,2,,2,2,2,2,2,2,, -5145,1,2,2,0,2,2,,2,2,2,2,2,2,, -5146,4,,2,2,2,2,,2,2,2,2,2,2,, -5147,7,,2,2,2,2,,2,2,1,1,2,2,, -5148,5,,2,1,2,2,,2,2,1,2,2,2,, -5149,1,2,,1,2,2,,2,2,2,2,2,2,, -5150,7,,2,8,2,2,,2,2,2,2,2,2,, -5151,4,,2,2,2,2,,2,2,2,2,1,2,, -5152,1,2,2,0,2,2,,2,2,2,2,2,2,, -5153,1,2,,0,2,2,,2,2,2,2,2,2,, -5154,4,,2,1,2,2,,2,2,2,2,2,2,, -5155,1,2,,0,2,2,,2,2,2,2,2,2,, -5156,1,2,,0,2,2,,2,2,2,2,2,2,, -5157,1,2,2,1,2,2,,2,2,2,2,2,2,, -5158,7,,2,5,2,2,,2,2,2,2,2,2,, -5159,4,,2,50,2,2,,2,2,2,1,1,2,, -5160,1,2,2,0,2,2,,2,2,2,2,2,2,, -5161,4,,2,3,2,2,,2,2,2,2,2,2,, -5162,1,2,,0,2,2,,2,2,2,2,2,2,, -5163,4,,1,1,2,2,,2,2,2,2,2,2,, -5164,7,,2,1,2,2,,2,2,2,2,2,2,, -5165,1,2,,1,2,2,,2,2,2,2,2,2,, -5166,6,,2,1,2,2,,2,2,2,2,1,2,, -5167,1,2,,1,2,2,,2,2,2,2,2,2,, -5168,1,2,2,0,2,2,,2,2,2,2,2,2,, -5169,2,2,2,0,2,2,,2,2,2,2,2,2,, -5170,1,2,,0,2,2,,2,2,2,2,2,2,, -5171,4,,2,1,2,2,,2,2,2,2,2,2,, -5172,1,2,2,1,2,2,,2,2,2,2,2,2,, -5173,1,2,,0,2,2,,2,2,2,2,2,2,, -5174,1,2,,0,2,2,,2,2,2,2,2,2,, -5175,1,2,2,0,2,2,,2,2,2,2,2,2,, -5176,1,2,2,0,2,2,,2,2,2,2,2,2,, -5177,4,,2,1,2,2,,2,2,2,2,2,2,, -5178,1,2,2,0,2,2,,2,2,2,2,2,2,, -5179,1,2,2,0,2,2,,2,2,2,2,2,2,, -5180,4,,2,2,2,2,,2,2,2,1,2,2,, -5181,4,,2,1,2,2,,2,2,2,2,2,2,, -5182,4,,2,1,2,2,,2,2,2,2,2,2,, -5183,4,,2,1,2,2,,2,2,2,2,2,2,, -5184,4,,2,4,1,2,,2,2,1,2,2,2,, -5185,1,2,,0,2,2,,2,2,2,2,2,2,, -5186,1,2,2,0,2,2,,2,2,2,2,2,2,, -5187,1,2,,0,2,2,,2,2,2,2,2,2,, -5188,4,,2,17,2,2,,2,2,1,2,1,2,, -5189,1,2,,0,2,2,,2,2,2,2,2,2,, -5190,1,2,,1,2,2,,2,2,2,2,2,2,, -5191,1,2,2,1,2,2,,2,2,2,2,2,2,, -5192,4,,2,1,2,2,,2,2,2,2,2,2,, -5193,1,2,2,0,2,2,,2,2,2,2,2,2,, -5194,1,2,2,0,2,2,,2,2,2,2,2,2,, -5195,7,,2,2,2,2,,2,2,2,2,2,2,, -5196,1,2,2,0,2,2,,2,2,2,2,2,2,, -5197,4,,2,2,2,2,,2,2,2,1,1,2,, -5198,4,,2,1,2,2,,2,2,2,2,2,2,, -5199,1,2,,0,2,2,,2,2,2,2,2,2,, -5200,1,2,,1,2,2,,2,2,2,2,2,2,, -5201,1,2,2,1,2,2,,2,2,2,2,2,2,, -5202,1,2,2,0,2,2,,2,2,2,2,2,2,, -5203,4,,2,1,2,2,,2,2,1,2,2,2,, -5204,4,,2,3,2,2,,2,2,2,2,2,2,, -5205,5,,2,1,2,2,,2,2,2,2,2,2,, -5206,1,2,2,0,2,2,,2,2,2,2,2,2,, -5207,6,,2,1,2,2,,2,2,2,2,2,2,, -5208,1,2,,0,2,2,,2,2,2,2,2,2,, -5209,4,,2,1,2,2,,2,2,1,2,2,2,, -5210,4,,2,1,2,2,,2,2,2,2,2,2,, -5211,1,2,2,0,2,2,,2,2,2,2,2,2,, -5212,1,2,,0,2,2,,2,2,2,2,2,2,, -5213,5,,2,1,2,2,,2,2,2,2,2,2,, -5214,1,2,2,0,2,2,,2,2,2,2,2,2,, -5215,1,2,,0,2,2,,2,2,2,2,2,2,, -5216,1,2,,0,2,2,,2,2,2,2,2,2,, -5217,4,,2,1,2,2,,2,2,2,2,2,2,, -5218,1,2,2,0,2,2,,2,2,2,2,2,2,, -5219,4,,2,3,2,2,,2,2,2,2,1,2,, -5220,5,,2,0,2,2,,2,2,2,2,2,2,, -5221,4,,2,3,2,2,,2,2,2,2,2,2,, -5222,4,,2,1,2,2,,2,2,2,2,2,2,, -5223,4,,2,5,2,2,,2,2,2,2,2,2,, -5224,4,,2,2,2,2,,2,2,2,2,1,2,, -5225,1,2,,0,2,2,,2,2,2,2,2,2,, -5226,1,2,,0,2,2,,2,2,2,2,2,2,, -5227,4,,2,1,2,2,,2,2,2,2,2,2,, -5228,1,2,,1,2,2,,2,2,2,2,2,2,, -5229,4,,2,1,2,2,,2,2,2,2,2,2,, -5230,4,,2,1,2,2,,2,2,2,2,2,2,, -5231,4,,2,2,2,2,,2,2,2,2,2,2,, -5232,1,2,2,0,2,2,,2,2,2,2,2,2,, -5233,1,2,2,0,2,2,,2,2,2,2,2,2,, -5234,6,,2,8,2,2,,2,2,2,2,1,2,, -5235,1,2,,0,2,2,,2,2,2,2,2,2,, -5236,1,2,,0,2,2,,2,2,2,2,2,2,, -5237,4,,2,3,2,2,,2,2,1,2,1,2,, -5238,1,2,2,0,2,2,,2,2,2,2,2,2,, -5239,1,2,2,0,2,2,,2,2,2,2,2,2,, -5240,1,2,2,0,2,2,,2,2,2,2,2,2,, -5241,1,2,,0,2,2,,2,2,2,2,2,2,, -5242,1,2,,0,2,2,,2,2,2,2,2,2,, -5243,7,,2,1,2,2,,2,2,2,2,2,2,, -5244,7,,2,5,2,2,,2,2,1,2,2,2,, -5245,1,2,2,0,2,2,,2,2,2,2,2,2,, -5246,1,2,,0,2,2,,2,2,2,2,2,2,, -5247,1,2,,0,2,2,,2,2,2,2,2,2,, -5248,4,,2,1,2,2,,2,2,2,2,1,2,, -5249,1,2,,0,2,2,,2,2,2,2,2,2,, -5250,1,2,2,1,2,2,,2,2,2,2,2,2,, -5251,1,2,2,0,2,2,,2,2,2,2,2,2,, -5252,4,,2,3,2,2,,2,2,1,2,1,2,, -5253,4,,2,2,1,2,,2,2,2,2,2,2,, -5254,4,,2,8,2,2,,2,2,2,2,2,2,, -5255,1,2,,1,2,2,,2,2,2,2,2,2,, -5256,1,2,,0,2,2,,2,2,2,2,2,2,, -5257,5,,2,1,2,2,,2,2,2,2,2,2,, -5258,1,2,2,0,2,2,,2,2,2,2,2,2,, -5259,4,,2,1,2,2,,2,2,2,2,2,2,, -5260,4,,2,1,2,2,,2,2,2,2,2,2,, -5261,1,2,2,0,2,2,,2,2,2,2,2,2,, -5262,1,2,2,1,2,2,,2,2,1,2,2,2,, -5263,4,,2,2,2,2,,2,2,2,2,2,2,, -5264,1,2,2,0,2,2,,2,2,2,2,2,2,, -5265,1,2,,0,2,2,,2,2,2,2,2,2,, -5266,1,2,,0,2,2,,2,2,2,2,2,2,, -5267,4,,2,3,2,2,,2,2,2,2,2,2,, -5268,4,,2,1,2,2,,2,2,2,2,2,2,, -5269,4,,2,1,2,2,,2,2,2,2,1,2,, -5270,1,2,,0,2,2,,2,2,2,2,2,2,, -5271,4,,2,1,2,2,,2,2,2,2,2,2,, -5272,4,,2,2,2,2,,2,2,1,2,2,2,, -5273,4,,2,1,2,2,,2,2,2,2,2,2,, -5274,4,,2,2,2,2,,2,2,2,2,1,2,, -5275,6,,2,3,2,2,,2,2,2,2,2,2,, -5276,7,,2,4,2,2,,2,2,2,2,1,2,, -5277,8,,2,0,2,2,,2,2,2,2,2,2,, -5278,1,2,,0,2,2,,2,2,2,2,2,2,, -5279,4,,2,1,2,2,,2,2,2,2,2,2,, -5280,1,2,,1,2,2,,2,2,2,2,2,2,, -5281,1,2,,0,2,2,,2,2,2,2,2,2,, -5282,1,2,2,0,2,2,,2,2,2,2,2,2,, -5283,4,,2,4,2,2,,2,2,2,2,2,2,, -5284,7,,2,3,2,2,,2,2,2,2,2,2,, -5285,1,2,,0,2,2,,2,2,2,2,2,2,, -5286,7,,2,3,2,2,,2,2,1,2,2,2,, -5287,1,2,,1,2,2,,2,2,2,2,2,2,, -5288,4,,2,1,2,2,,2,2,2,2,2,2,, -5289,1,2,,0,2,2,,2,2,2,2,2,2,, -5290,6,,2,2,2,2,,2,2,2,2,1,2,, -5291,1,2,2,0,2,2,,2,2,2,2,2,2,, -5292,1,2,2,0,2,2,,2,2,2,2,2,2,, -5293,4,,2,2,2,2,,2,2,2,2,2,2,, -5294,1,2,,0,2,2,,2,2,2,2,2,2,, -5295,1,2,,0,2,2,,2,2,2,2,2,2,, -5296,1,2,2,0,2,2,,2,2,2,2,2,2,, -5297,1,2,2,0,2,2,,2,2,2,2,2,2,, -5298,4,,2,1,2,2,,2,2,2,2,2,2,, -5299,1,2,,0,2,2,,2,2,2,2,2,2,, -5300,1,2,2,0,2,2,,2,2,2,2,2,2,, -5301,1,2,,1,2,2,,2,2,2,2,2,2,, -5302,4,,2,1,2,2,,2,2,2,2,1,2,, -5303,4,,2,7,2,2,,2,2,2,2,2,2,, -5304,1,2,2,0,2,2,,2,2,2,2,2,2,, -5305,1,2,,1,2,2,,2,2,2,2,2,2,, -5306,1,2,2,1,2,2,,2,2,2,2,2,2,, -5307,1,2,2,0,2,2,,2,2,2,2,2,2,, -5308,5,,2,1,2,2,,2,2,1,2,2,2,, -5309,5,,2,1,2,2,,2,2,2,2,2,2,, -5310,1,2,2,0,2,2,,2,2,1,2,2,2,, -5311,1,2,2,0,2,2,,2,2,2,2,2,2,, -5312,1,2,,0,2,2,,2,2,2,2,2,2,, -5313,4,,2,2,2,2,,2,2,2,2,2,2,, -5314,1,2,,0,2,2,,2,2,2,2,2,2,, -5315,4,,2,5,2,2,,2,2,2,2,2,2,, -5316,4,,2,1,2,2,,2,2,2,2,2,2,, -5317,1,2,2,0,2,2,,2,2,2,2,2,2,, -5318,1,2,2,0,2,2,,2,2,2,2,2,2,, -5319,4,,2,2,2,2,,2,2,2,2,2,2,, -5320,4,,2,1,2,2,,2,2,2,2,2,2,, -5321,1,2,,0,2,2,,2,2,2,2,2,2,, -5322,1,2,2,0,2,2,,2,2,2,2,2,2,, -5323,4,,2,6,2,2,,2,2,2,2,2,2,, -5324,4,,2,7,1,2,,2,1,2,2,2,2,, -5325,4,,2,1,2,2,,2,2,2,2,2,2,, -5326,5,,2,1,2,2,,2,2,2,2,2,2,, -5327,7,,2,2,2,2,,2,2,2,2,2,2,, -5328,1,2,2,0,2,2,,2,2,2,2,2,2,, -5329,4,,2,1,2,2,,2,2,2,2,2,2,, -5330,1,2,,0,2,2,,2,2,2,2,2,2,, -5331,4,,2,2,2,2,,2,2,2,2,2,2,, -5332,1,2,,0,2,2,,2,2,2,2,2,2,, -5333,4,,2,1,2,2,,2,2,2,2,2,2,, -5334,7,,2,15,1,2,,2,2,1,2,1,2,, -5335,1,2,2,0,2,2,,2,2,2,2,2,2,, -5336,4,,2,2,2,2,,2,2,2,1,1,2,, -5337,7,,2,1,2,2,,2,2,1,2,2,2,, -5338,1,2,,0,2,2,,2,2,2,2,2,2,, -5339,1,2,2,0,2,2,,2,2,2,2,2,2,, -5340,1,2,,0,2,2,,2,2,2,2,2,2,, -5341,1,2,2,1,2,2,,2,2,2,2,2,2,, -5342,4,,2,1,2,2,,2,2,2,2,2,2,, -5343,4,,2,4,2,2,,2,2,2,2,2,2,, -5344,7,,2,11,2,2,,2,2,2,2,1,2,, -5345,7,,2,1,2,2,,2,2,2,2,2,2,, -5346,1,2,,0,2,2,,2,2,2,2,2,2,, -5347,4,,2,1,2,2,,2,2,2,2,2,2,, -5348,6,,2,18,2,2,,2,2,2,2,1,2,, -5349,1,2,2,1,2,2,,2,2,2,2,2,2,, -5350,7,,2,10,2,2,,2,2,2,2,2,2,, -5351,4,,2,5,2,2,,2,2,1,2,2,1,3, -5352,4,,2,1,2,2,,2,2,2,2,2,2,, -5353,1,2,2,0,2,2,,2,2,2,2,2,2,, -5354,4,,2,1,2,2,,2,2,2,2,2,2,, -5355,5,,2,1,2,2,,2,2,2,2,2,2,, -5356,1,2,2,0,2,2,,2,2,2,2,2,2,, -5357,1,2,,0,2,2,,2,2,2,2,2,2,, -5358,1,2,,0,2,2,,2,2,2,2,2,2,, -5359,1,2,,0,2,2,,2,2,2,2,2,2,, -5360,1,2,2,0,2,2,,2,2,2,2,2,2,, -5361,5,,2,1,2,2,,2,2,2,2,2,2,, -5362,7,,2,16,1,2,,2,2,1,1,1,2,, -5363,4,,2,1,2,2,,2,2,2,2,2,2,, -5364,4,,2,3,2,2,,2,2,1,1,2,2,, -5365,7,,2,11,2,2,,2,2,1,2,2,2,, -5366,1,2,2,0,2,2,,2,2,2,2,2,2,, -5367,4,,2,3,2,2,,2,2,2,2,1,2,, -5368,4,,2,1,2,2,,2,2,2,2,2,2,, -5369,4,,2,2,2,2,,2,2,2,2,2,2,, -5370,1,2,,0,2,2,,2,2,2,2,2,2,, -5371,4,,2,1,2,2,,2,2,2,2,2,2,, -5372,7,,2,1,2,2,,2,2,2,2,2,2,, -5373,1,2,,0,2,2,,2,2,2,2,2,2,, -5374,1,2,,0,2,2,,2,2,2,2,2,2,, -5375,1,2,,0,2,2,,2,2,2,2,2,2,, -5376,4,,2,1,2,2,,2,2,2,2,2,2,, -5377,7,,2,2,2,2,,2,2,2,2,2,2,, -5378,4,,2,1,2,2,,2,2,2,2,2,2,, -5379,7,,2,1,2,2,,2,2,2,2,2,2,, -5380,1,2,2,1,2,2,,2,2,2,2,2,2,, -5381,1,2,,0,2,2,,2,2,2,2,2,2,, -5382,1,2,2,0,2,2,,2,2,2,2,2,2,, -5383,1,2,,0,2,2,,2,2,2,2,2,2,, -5384,4,,2,1,2,2,,2,2,2,2,2,2,, -5385,4,,2,3,2,2,,2,2,2,2,1,2,, -5386,1,2,2,0,2,2,,2,2,2,2,2,2,, -5387,4,,2,4,2,2,,2,2,2,2,2,2,, -5388,1,2,2,0,2,2,,2,2,2,2,2,2,, -5389,4,,2,1,2,2,,2,2,2,2,2,2,, -5390,4,,2,2,2,2,,2,2,2,2,1,2,, -5391,4,,2,2,2,2,,2,2,2,2,2,2,, -5392,1,2,,0,2,2,,2,2,2,2,2,2,, -5393,4,,2,1,2,2,,2,2,2,2,2,2,, -5394,1,2,2,0,2,2,,2,2,2,2,2,2,, -5395,1,2,,0,2,2,,2,2,2,2,2,2,, -5396,1,2,2,0,2,2,,2,2,2,2,2,2,, -5397,1,2,2,0,2,2,,2,2,2,2,2,2,, -5398,5,,2,1,2,2,,2,2,2,2,2,2,, -5399,1,2,2,0,2,2,,2,2,2,2,2,2,, -5400,4,,2,1,2,2,,2,2,2,2,2,2,, -5401,4,,2,1,2,2,,2,2,2,2,2,2,, -5402,1,2,,0,2,2,,2,2,2,2,2,2,, -5403,5,,2,1,2,2,,2,2,2,2,2,2,, -5404,1,2,,0,2,2,,2,2,2,2,2,2,, -5405,1,2,,0,2,2,,2,2,2,2,2,2,, -5406,1,2,2,0,2,2,,2,2,2,2,2,2,, -5407,1,2,2,0,2,2,,2,2,2,2,2,2,, -5408,1,2,,1,2,2,,2,2,2,2,2,2,, -5409,1,2,,0,2,2,,2,2,2,2,2,2,, -5410,6,,2,4,2,2,,2,2,2,2,1,2,, -5411,1,2,2,0,2,2,,2,2,2,2,2,2,, -5412,1,2,,0,2,2,,2,2,2,2,2,2,, -5413,1,2,,1,2,2,,2,2,2,2,2,2,, -5414,1,2,,0,2,2,,2,2,2,2,2,2,, -5415,1,2,,0,2,2,,2,2,2,2,2,2,, -5416,5,,2,1,2,2,,2,2,2,2,1,2,, -5417,7,,2,4,1,2,,2,2,2,2,2,2,, -5418,5,,2,0,2,2,,2,2,2,2,2,2,, -5419,5,,2,1,2,2,,2,2,2,2,2,2,, -5420,4,,2,1,2,2,,2,2,2,2,2,2,, -5421,4,,2,2,2,2,,2,2,2,1,1,2,, -5422,6,,2,5,2,2,,2,2,1,2,1,2,, -5423,1,2,2,1,2,2,,2,2,2,2,2,2,, -5424,1,2,2,0,2,2,,2,2,2,2,2,2,, -5425,7,,2,6,2,2,,2,2,2,2,2,2,, -5426,1,2,2,1,2,2,,2,2,2,2,2,2,, -5427,7,,2,28,2,2,,2,2,2,2,2,2,, -5428,1,2,,1,2,2,,2,2,2,2,2,2,, -5429,6,,1,11,2,2,,2,2,2,2,1,2,, -5430,4,,2,2,2,2,,2,2,2,2,2,2,, -5431,1,2,,1,2,2,,2,2,2,2,2,2,, -5432,4,,1,2,2,2,,2,2,2,2,2,2,, -5433,4,,2,5,2,2,,2,2,2,2,2,2,, -5434,1,2,2,0,2,2,,2,2,2,2,2,2,, -5435,7,,2,2,1,2,,2,2,2,2,2,2,, -5436,1,2,2,0,2,2,,2,2,2,2,2,2,, -5437,1,2,2,0,2,2,,2,2,2,2,2,2,, -5438,1,2,2,0,2,2,,2,2,2,2,2,2,, -5439,1,2,,0,2,2,,2,2,2,2,2,2,, -5440,1,2,2,0,2,2,,2,2,2,2,2,2,, -5441,1,2,,0,2,2,,2,2,2,2,2,2,, -5442,4,,2,2,2,2,,2,2,1,2,2,2,, -5443,5,,2,1,2,2,,2,2,2,2,2,2,, -5444,1,2,,0,2,2,,2,2,2,2,2,2,, -5445,1,2,2,0,2,2,,2,2,2,2,2,2,, -5446,1,2,2,1,2,2,,2,2,2,2,2,2,, -5447,1,2,,1,2,2,,2,2,2,2,2,2,, -5448,1,2,,0,2,2,,2,2,2,2,2,2,, -5449,1,2,,0,2,2,,2,2,2,2,2,2,, -5450,1,2,2,0,2,2,,2,2,2,2,2,2,, -5451,5,,2,1,2,2,,2,2,2,2,2,2,, -5452,1,2,,1,2,2,,2,2,2,2,2,2,, -5453,4,,2,1,2,2,,2,2,2,2,2,2,, -5454,4,,2,1,2,2,,2,2,2,2,2,2,, -5455,1,2,2,0,2,2,,2,2,2,2,2,2,, -5456,4,,2,6,2,2,,2,2,2,2,1,2,, -5457,1,2,,0,2,2,,2,2,2,2,2,2,, -5458,7,,2,2,1,2,,2,2,1,2,2,1,3, -5459,1,2,,0,2,2,,2,2,2,2,2,2,, -5460,7,,2,6,1,2,,2,1,1,2,2,2,, -5461,1,2,,0,2,2,,2,2,2,2,2,2,, -5462,7,,2,4,1,2,,2,2,2,2,2,2,, -5463,1,2,,0,2,2,,2,2,2,2,2,2,, -5464,7,,2,13,2,2,,2,2,1,2,2,1,3, -5465,1,2,,1,2,2,,2,2,2,2,2,2,, -5466,1,2,,0,2,2,,2,2,2,2,2,2,, -5467,5,,1,1,2,2,,2,2,2,2,1,2,, -5468,4,,2,2,2,2,,2,2,2,2,1,2,, -5469,7,,2,2,2,2,,2,2,1,2,1,2,, -5470,7,,2,9,2,2,,2,2,2,2,2,2,, -5471,1,2,2,0,2,2,,2,2,2,2,2,2,, -5472,7,,2,6,1,2,,2,2,1,1,2,2,, -5473,4,,2,1,2,2,,2,2,2,2,2,2,, -5474,1,2,2,0,2,2,,2,2,2,2,2,2,, -5475,4,,2,14,1,2,,2,2,2,1,1,1,3, -5476,1,2,,0,2,2,,2,2,2,2,2,2,, -5477,1,2,2,1,2,2,,2,2,2,2,2,2,, -5478,1,2,,1,2,2,,2,2,2,2,2,2,, -5479,4,,2,3,2,2,,2,2,2,2,1,2,, -5480,4,,1,14,2,2,,2,2,2,2,2,2,, -5481,1,2,,0,2,2,,2,2,2,2,2,2,, -5482,1,2,,0,2,2,,2,2,2,2,2,2,, -5483,4,,2,12,2,2,,2,2,1,2,1,2,, -5484,1,2,,0,2,2,,2,2,2,2,2,2,, -5485,1,2,,0,2,2,,2,2,2,2,2,2,, -5486,1,2,,0,2,2,,2,2,2,2,2,2,, -5487,4,,2,1,2,2,,2,2,2,2,2,2,, -5488,7,,2,4,1,2,,2,2,2,2,2,2,, -5489,4,,2,5,2,2,,2,2,2,2,2,2,, -5490,1,2,2,0,2,2,,2,2,2,2,2,2,, -5491,4,,2,31,2,2,,2,2,1,2,2,2,, -5492,1,2,2,0,2,2,,2,2,2,2,2,2,, -5493,4,,2,1,2,2,,2,2,2,2,2,2,, -5494,4,,2,1,2,2,,2,2,2,2,2,2,, -5495,7,,2,35,2,2,,2,2,2,1,2,2,, -5496,1,2,2,0,2,2,,2,2,2,2,2,2,, -5497,1,2,2,0,2,2,,2,2,2,2,2,2,, -5498,1,2,2,0,2,2,,2,2,2,2,2,2,, -5499,7,,2,4,1,2,,2,2,2,2,2,2,, -5500,4,,2,1,2,2,,2,2,2,2,2,2,, -5501,1,2,2,0,2,2,,2,2,2,2,2,2,, -5502,1,2,,0,2,2,,2,2,2,2,2,2,, -5503,4,,2,2,2,2,,2,2,2,2,1,2,, -5504,1,2,2,1,2,2,,2,2,2,2,2,2,, -5505,5,,2,0,2,2,,2,2,2,2,2,2,, -5506,7,,2,1,2,2,,2,2,2,2,2,2,, -5507,4,,2,1,2,2,,2,2,1,2,2,2,, -5508,4,,2,2,2,2,,2,2,2,2,2,2,, -5509,1,2,2,0,2,2,,2,2,2,2,2,2,, -5510,1,2,,1,2,2,,2,2,2,2,2,2,, -5511,1,2,2,0,2,2,,2,2,1,2,2,2,, -5512,1,2,,0,2,2,,2,2,2,2,2,2,, -5513,1,2,2,1,2,2,,2,2,2,2,2,2,, -5514,4,,2,1,2,2,,2,2,2,2,2,2,, -5515,4,,2,1,2,2,,2,2,2,2,2,2,, -5516,4,,2,1,2,2,,2,2,2,2,2,2,, -5517,4,,2,1,2,2,,2,2,2,1,2,2,, -5518,4,,2,1,2,2,,2,2,2,2,2,2,, -5519,1,2,2,0,2,2,,2,2,2,2,2,2,, -5520,4,,2,2,2,2,,2,2,2,2,2,2,, -5521,7,,2,1,2,2,,2,2,2,2,2,2,, -5522,7,,2,1,2,2,,2,2,2,2,2,2,, -5523,6,,2,4,2,2,,2,2,2,2,1,2,, -5524,1,2,,1,2,2,,2,2,2,2,2,2,, -5525,1,2,,0,2,2,,2,2,2,2,2,2,, -5526,4,,2,1,2,2,,2,2,2,2,2,2,, -5527,1,2,2,0,2,2,,2,2,2,2,2,2,, -5528,7,,2,1,2,2,,2,2,1,2,2,2,, -5529,1,2,,0,2,2,,2,2,2,2,2,2,, -5530,1,2,2,0,2,2,,2,2,2,2,2,2,, -5531,4,,2,2,1,2,,2,2,1,2,2,2,, -5532,4,,2,1,2,2,,2,2,2,2,2,2,, -5533,1,2,,0,2,2,,2,2,2,2,2,2,, -5534,1,2,2,0,2,2,,2,2,2,2,2,2,, -5535,1,2,2,0,2,2,,2,2,2,2,2,2,, -5536,4,,2,1,2,2,,2,2,2,2,2,2,, -5537,4,,2,3,2,2,,2,2,2,1,1,2,, -5538,4,,2,1,2,2,,2,2,2,2,2,2,, -5539,1,2,,0,2,2,,2,2,2,2,2,2,, -5540,5,,2,1,2,2,,2,2,2,2,2,2,, -5541,5,,2,0,2,2,,2,2,2,2,2,2,, -5542,1,2,2,0,2,2,,2,2,2,2,2,2,, -5543,1,2,,0,2,2,,2,2,2,2,2,2,, -5544,4,,2,1,2,2,,2,2,2,2,2,2,, -5545,4,,2,3,2,2,,2,2,2,2,2,2,, -5546,1,2,2,0,2,2,,2,2,2,2,2,2,, -5547,1,2,2,0,2,2,,2,2,2,2,2,2,, -5548,5,,2,0,2,2,,2,2,2,2,1,2,, -5549,4,,2,1,2,2,,2,2,2,2,2,2,, -5550,1,2,,0,2,2,,2,2,2,2,2,2,, -5551,4,,2,1,2,2,,2,2,2,2,2,2,, -5552,4,,2,1,2,2,,2,2,2,2,2,2,, -5553,6,,2,1,2,2,,2,2,2,2,1,2,, -5554,1,2,2,0,2,2,,2,2,2,2,2,2,, -5555,1,2,,0,2,2,,2,2,2,2,2,2,, -5556,1,2,,0,2,2,,2,2,2,2,2,2,, -5557,7,,2,2,1,2,,2,2,1,2,1,1,2, -5558,1,2,,0,2,2,,2,2,2,2,2,2,, -5559,4,,2,4,2,2,,2,2,2,2,2,2,, -5560,9,2,2,1,2,2,,2,2,2,2,2,2,, -5561,4,,2,0,2,2,,2,2,2,2,2,2,, -5562,4,,2,1,2,2,,2,2,2,2,2,2,, -5563,1,2,,0,2,2,,2,2,2,2,2,2,, -5564,6,,2,3,2,2,,2,2,2,2,1,2,, -5565,6,,1,1,2,2,,2,2,2,2,1,2,, -5566,4,,2,1,2,2,,2,2,2,2,1,2,, -5567,1,2,2,1,2,2,,2,2,2,2,2,2,, -5568,1,2,2,0,2,2,,2,2,2,2,2,2,, -5569,4,,2,1,2,2,,2,2,2,2,2,2,, -5570,1,2,2,1,2,2,,2,2,2,2,2,2,, -5571,1,2,,1,2,2,,2,2,2,2,2,2,, -5572,1,2,,0,2,2,,2,2,2,2,2,2,, -5573,1,2,,0,2,2,,2,2,2,2,2,2,, -5574,1,2,,1,2,2,,2,2,2,2,2,2,, -5575,4,,2,1,2,2,,2,2,2,2,2,2,, -5576,4,,2,2,2,2,,2,2,2,2,1,2,, -5577,4,,2,1,1,2,,2,2,2,2,2,2,, -5578,1,2,,0,2,2,,2,2,2,2,2,2,, -5579,1,2,,0,2,2,,2,2,2,2,2,2,, -5580,1,2,,0,2,2,,2,2,2,2,2,2,, -5581,6,,2,3,2,2,,2,2,2,2,1,2,, -5582,1,2,,0,2,2,,2,2,2,2,2,2,, -5583,1,2,,1,2,2,,2,2,2,2,2,2,, -5584,1,2,2,1,2,2,,2,2,2,2,2,2,, -5585,4,,2,2,2,2,,2,2,2,2,2,2,, -5586,7,,2,10,1,2,,2,2,1,2,2,2,, -5587,4,,2,2,2,2,,2,2,2,2,1,2,, -5588,4,,2,1,2,2,,2,2,2,2,2,2,, -5589,1,2,2,0,2,2,,2,2,2,2,2,2,, -5590,4,,2,5,2,2,,2,2,2,2,2,2,, -5591,5,,2,2,2,2,,2,2,2,2,2,2,, -5592,1,2,2,0,2,2,,2,2,2,2,2,2,, -5593,1,2,2,1,2,2,,2,2,2,2,2,2,, -5594,7,,2,3,2,2,,2,2,2,2,2,2,, -5595,1,2,2,0,2,2,,2,2,2,2,2,2,, -5596,4,,2,1,2,2,,2,2,2,2,2,2,, -5597,4,,2,1,1,2,,2,2,2,2,2,2,, -5598,5,,2,0,2,2,,2,2,2,2,2,2,, -5599,4,,2,0,2,2,,2,2,2,2,2,2,, -5600,4,,2,1,2,2,,2,2,2,2,2,2,, -5601,5,,2,1,2,2,,2,2,2,2,2,2,, -5602,4,,2,1,2,2,,2,2,2,2,1,2,, -5603,1,2,,0,2,2,,2,2,2,2,2,2,, -5604,1,2,,0,2,2,,2,2,2,2,2,2,, -5605,1,2,,0,2,2,,2,2,2,2,2,2,, -5606,1,2,,0,2,2,,2,2,2,2,2,2,, -5607,4,,2,1,2,2,,2,2,1,2,2,2,, -5608,4,,2,1,2,2,,2,2,2,2,2,2,, -5609,1,2,,0,2,2,,2,2,2,2,2,2,, -5610,1,2,,0,2,2,,2,2,2,2,2,2,, -5611,1,2,2,0,2,2,,2,2,2,2,2,2,, -5612,6,,2,1,2,2,,2,2,2,2,1,2,, -5613,4,,2,5,2,2,,2,2,2,2,2,2,, -5614,1,2,2,0,2,2,,2,2,2,2,2,2,, -5615,1,2,2,1,2,2,,2,2,2,2,2,2,, -5616,6,,2,47,2,2,,2,2,2,2,1,2,, -5617,4,,2,1,2,2,,2,2,2,2,1,2,, -5618,5,,2,1,2,2,,2,2,2,2,2,2,, -5619,5,,2,0,2,2,,2,2,2,2,2,2,, -5620,7,,2,5,2,2,,2,2,1,2,1,2,, -5621,1,2,,0,2,2,,2,2,2,2,2,2,, -5622,5,,2,0,2,2,,2,2,2,2,2,2,, -5623,4,,2,1,2,2,,2,2,2,2,2,2,, -5624,1,2,,0,2,2,,2,2,2,2,2,2,, -5625,7,,2,10,2,2,,2,2,2,2,1,2,, -5626,1,2,,1,2,2,,2,2,2,2,2,2,, -5627,1,2,,1,2,2,,2,2,2,2,2,2,, -5628,7,,2,3,2,2,,2,2,2,2,2,2,, -5629,5,,2,0,2,2,,2,2,1,2,2,2,, -5630,1,2,,0,2,2,,2,2,2,2,2,2,, -5631,1,2,,0,2,2,,2,2,2,2,2,2,, -5632,4,,2,2,2,2,,2,2,2,2,2,2,, -5633,6,,2,0,2,2,,2,2,2,2,1,2,, -5634,1,2,2,0,2,2,,2,2,2,2,2,2,, -5635,1,2,,0,2,2,,2,2,2,2,2,2,, -5636,1,2,,0,2,2,,2,2,2,2,2,2,, -5637,7,,2,1,2,2,,2,2,2,2,2,2,, -5638,4,,2,1,2,2,,2,2,2,2,2,2,, -5639,5,,2,1,2,2,,2,2,2,2,2,2,, -5640,1,2,2,0,2,2,,2,2,2,2,2,2,, -5641,1,2,2,0,2,2,,2,2,2,2,2,2,, -5642,4,,2,1,2,2,,2,2,2,2,2,2,, -5643,4,,2,4,2,2,,2,2,2,2,1,2,, -5644,4,,2,2,2,2,,2,2,2,2,2,2,, -5645,1,2,,0,2,2,,2,2,2,2,2,2,, -5646,5,,2,1,2,2,,2,2,2,2,1,2,, -5647,1,2,,0,2,2,,2,2,2,1,2,2,, -5648,1,2,,0,2,2,,2,2,2,2,2,2,, -5649,1,2,,1,2,2,,2,2,2,2,2,2,, -5650,4,,2,1,2,2,,2,2,2,2,2,2,, -5651,4,,2,3,2,2,,2,2,1,2,1,2,, -5652,1,2,,0,2,2,,2,2,2,2,2,2,, -5653,5,,2,0,2,2,,2,2,2,2,2,2,, -5654,1,2,2,0,2,2,,2,2,2,2,2,2,, -5655,4,,2,3,2,2,,2,2,1,2,2,2,, -5656,1,2,2,0,2,2,,2,2,2,2,2,2,, -5657,7,,2,1,2,2,,2,2,2,2,2,2,, -5658,1,2,2,0,2,2,,2,2,2,2,2,2,, -5659,1,2,2,0,2,2,,2,2,2,2,2,2,, -5660,1,2,,1,2,2,,2,2,2,2,2,2,, -5661,1,1,1,9,2,2,,2,2,2,2,2,2,, -5662,1,2,2,0,2,2,,2,2,2,2,2,2,, -5663,1,2,2,0,2,2,,2,2,2,2,2,2,, -5664,1,2,2,0,2,2,,2,2,2,2,2,2,, -5665,1,2,,1,2,2,,2,2,2,2,2,2,, -5666,6,,2,1,2,2,,2,2,2,2,1,2,, -5667,1,2,2,0,2,2,,2,2,2,2,2,2,, -5668,7,,2,16,2,2,,2,2,2,2,1,2,, -5669,1,2,,0,2,2,,2,2,2,2,2,2,, -5670,1,2,,0,2,2,,2,2,2,2,2,2,, -5671,7,,2,8,2,2,,2,2,1,2,2,2,, -5672,4,,2,5,2,2,,2,2,2,2,2,2,, -5673,5,,2,0,2,2,,2,2,2,2,1,2,, -5674,1,2,2,1,2,2,,2,2,2,2,2,2,, -5675,1,2,2,0,2,2,,2,2,2,2,2,2,, -5676,1,2,,1,2,2,,2,2,2,2,2,2,, -5677,1,2,2,1,2,2,,2,2,2,2,2,2,, -5678,1,2,,0,2,2,,2,2,2,2,2,2,, -5679,1,2,2,0,2,2,,2,2,2,2,2,2,, -5680,7,,2,4,2,2,,2,2,2,2,2,2,, -5681,1,2,2,0,2,2,,2,2,2,2,2,2,, -5682,1,2,2,0,2,2,,2,2,2,2,2,2,, -5683,1,2,2,0,2,2,,2,2,2,2,2,2,, -5684,1,2,,1,2,2,,2,2,2,2,2,2,, -5685,4,,2,3,2,2,,2,2,2,2,2,2,, -5686,1,2,,0,2,2,,2,2,2,2,2,2,, -5687,7,,2,18,2,2,,2,2,2,2,1,1,3, -5688,4,,2,1,2,2,,2,2,2,2,2,2,, -5689,1,2,2,1,2,2,,2,2,2,2,2,2,, -5690,7,,2,2,2,2,,2,2,2,2,2,2,, -5691,1,2,2,0,2,2,,2,2,2,2,2,2,, -5692,1,2,2,0,2,2,,2,2,2,2,2,2,, -5693,1,2,2,1,2,2,,2,2,2,2,2,2,, -5694,7,,2,2,2,2,,2,2,2,2,2,2,, -5695,1,2,2,0,2,2,,2,2,2,2,2,2,, -5696,1,2,,0,2,2,,2,2,2,2,2,2,, -5697,1,2,,0,2,2,,2,2,2,2,2,2,, -5698,4,,2,3,1,2,,2,2,1,2,2,2,, -5699,4,,2,1,2,2,,2,2,2,2,2,2,, -5700,7,,2,2,2,2,,2,2,2,2,2,2,, -5701,7,,2,3,2,2,,2,2,2,2,2,2,, -5702,1,2,2,1,2,2,,2,2,2,2,2,2,, -5703,7,,2,4,1,2,,2,2,2,2,2,2,, -5704,4,,2,7,2,2,,2,2,2,2,2,2,, -5705,4,,2,1,2,2,,2,2,2,2,2,2,, -5706,4,,2,4,2,2,,2,2,2,2,2,2,, -5707,4,,2,2,1,2,,2,2,1,2,2,2,, -5708,1,2,,0,2,2,,2,2,2,2,2,2,, -5709,6,,2,33,2,2,,2,2,2,1,1,2,, -5710,7,,2,1,2,2,,2,2,2,2,2,2,, -5711,1,2,,1,2,2,,2,2,2,2,2,2,, -5712,4,,2,2,2,2,,2,2,2,1,2,2,, -5713,4,,2,1,2,2,,2,2,2,2,2,2,, -5714,1,2,2,0,2,2,,2,2,2,2,2,2,, -5715,1,2,,1,2,2,,2,2,2,2,2,2,, -5716,4,,2,2,2,2,,2,2,2,2,2,2,, -5717,1,2,2,0,2,2,,2,2,2,2,2,2,, -5718,5,,2,1,2,2,,2,2,2,2,2,2,, -5719,1,2,2,0,2,2,,2,2,2,2,2,2,, -5720,4,,2,2,2,2,,2,2,2,2,2,2,, -5721,1,2,2,0,2,2,,2,2,2,2,2,2,, -5722,1,2,2,0,2,2,,2,2,2,2,2,2,, -5723,1,2,2,0,2,2,,2,2,2,2,2,2,, -5724,1,2,2,0,2,2,,2,2,2,2,2,2,, -5725,1,2,2,0,2,2,,2,2,2,2,2,2,, -5726,1,2,,0,2,2,,2,2,2,2,2,2,, -5727,4,,2,1,2,2,,2,2,1,2,2,2,, -5728,1,2,,0,2,2,,2,2,2,2,2,2,, -5729,1,2,,1,2,2,,2,2,2,2,2,2,, -5730,1,2,,0,2,2,,2,2,2,2,2,2,, -5731,4,,2,3,1,2,,2,2,2,2,2,2,, -5732,1,2,,0,2,2,,2,2,2,2,2,2,, -5733,1,2,2,0,2,2,,2,2,2,2,2,2,, -5734,5,,2,1,2,2,,2,2,2,2,2,2,, -5735,1,2,2,1,2,2,,2,2,2,2,2,2,, -5736,7,,2,2,2,2,,2,2,2,2,2,2,, -5737,7,,2,3,2,2,,2,2,2,2,1,2,, -5738,1,2,2,0,2,2,,2,2,2,2,2,2,, -5739,1,2,2,0,2,2,,2,2,2,2,2,2,, -5740,1,2,,0,2,2,,2,2,2,2,2,2,, -5741,1,2,2,0,2,2,,2,2,2,2,2,2,, -5742,1,2,2,0,2,2,,2,2,2,2,2,2,, -5743,1,2,,0,2,2,,2,2,2,2,2,2,, -5744,1,2,,1,2,2,,2,2,2,2,2,2,, -5745,1,2,2,0,2,2,,2,2,2,2,2,2,, -5746,7,,2,1,2,2,,2,2,2,2,2,1,3, -5747,1,2,,0,2,2,,2,2,2,2,2,2,, -5748,1,2,,0,2,2,,2,2,2,2,2,2,, -5749,4,,2,0,2,2,,2,2,2,2,2,2,, -5750,4,,2,1,2,2,,2,2,2,2,2,2,, -5751,4,,2,1,2,2,,2,2,2,2,2,2,, -5752,6,,2,8,1,2,,2,1,2,2,2,2,, -5753,1,2,2,0,2,2,,2,2,2,2,2,2,, -5754,4,,2,10,2,2,,2,2,2,1,1,2,, -5755,1,2,,0,2,2,,2,2,2,2,2,2,, -5756,6,,1,8,1,2,,2,2,2,2,1,2,, -5757,1,2,,0,2,2,,2,2,2,2,2,2,, -5758,7,,2,23,2,2,,2,2,2,1,1,2,, -5759,7,,2,13,1,2,,2,1,2,2,2,2,, -5760,7,,2,1,1,2,,2,2,2,2,2,2,, -5761,4,,2,1,2,2,,2,2,2,2,2,2,, -5762,1,2,2,0,2,2,,2,2,2,2,2,2,, -5763,7,,2,4,1,2,,2,2,1,2,2,2,, -5764,1,2,,0,2,2,,2,2,2,2,2,2,, -5765,1,2,,1,2,2,,2,2,2,2,2,2,, -5766,7,,2,1,2,2,,2,2,2,1,2,2,, -5767,1,2,,0,2,2,,2,2,2,2,2,2,, -5768,4,,2,1,2,2,,2,2,2,2,2,2,, -5769,1,2,,0,2,2,,2,2,2,2,2,2,, -5770,4,,2,3,2,2,,2,2,2,2,1,2,, -5771,1,2,2,0,2,2,,2,2,2,2,2,2,, -5772,1,2,,0,2,2,,2,2,2,2,2,2,, -5773,1,2,2,0,2,2,,2,2,2,2,2,2,, -5774,1,2,,1,2,2,,2,2,2,2,2,2,, -5775,4,,2,1,2,2,,2,2,2,2,2,2,, -5776,4,,2,1,2,2,,2,2,1,2,2,2,, -5777,1,2,,0,2,2,,2,2,2,2,2,2,, -5778,1,2,2,0,2,2,,2,2,2,2,2,2,, -5779,4,,2,1,2,2,,2,2,2,2,2,2,, -5780,1,2,,0,2,2,,2,2,2,2,2,2,, -5781,5,,2,1,2,2,,2,2,2,2,2,2,, -5782,4,,2,1,2,2,,2,2,1,2,2,2,, -5783,6,,2,4,2,2,,2,2,2,2,1,2,, -5784,7,,2,2,2,2,,2,2,2,2,2,2,, -5785,4,,2,1,2,2,,2,2,2,2,2,2,, -5786,7,,2,13,1,2,,2,2,2,2,2,2,, -5787,4,,2,2,2,2,,2,2,2,2,1,2,, -5788,1,2,2,0,2,2,,2,2,2,2,2,2,, -5789,1,2,2,1,2,2,,2,2,2,2,2,2,, -5790,1,2,2,0,2,2,,2,2,2,2,2,2,, -5791,1,2,2,1,2,2,,2,2,2,2,2,2,, -5792,4,,2,2,2,2,,2,2,2,2,1,2,, -5793,4,,2,1,2,2,,2,2,1,2,2,2,, -5794,1,2,,0,2,2,,2,2,2,2,2,2,, -5795,4,,2,1,2,2,,2,2,2,1,2,2,, -5796,1,2,,0,2,2,,2,2,2,2,2,2,, -5797,1,2,2,1,2,2,,2,2,2,2,2,2,, -5798,4,,2,2,2,2,,2,2,2,2,2,2,, -5799,4,,2,1,2,2,,2,2,2,2,1,2,, -5800,7,,2,5,2,2,,2,2,1,2,2,2,, -5801,1,2,2,0,2,2,,2,2,2,2,2,2,, -5802,1,2,2,0,2,2,,2,2,2,2,2,2,, -5803,1,2,,0,2,2,,2,2,2,2,2,2,, -5804,4,,2,1,2,2,,2,2,2,2,2,2,, -5805,1,2,,0,2,2,,2,2,2,2,2,2,, -5806,4,,2,0,2,2,,2,2,2,2,2,2,, -5807,4,,2,1,2,2,,2,2,2,2,2,2,, -5808,4,,2,6,2,2,,2,2,2,2,2,2,, -5809,4,,2,2,2,2,,2,2,2,2,2,2,, -5810,7,,2,12,1,2,,2,2,1,1,2,2,, -5811,7,,2,2,2,2,,2,2,2,2,2,2,, -5812,1,2,2,0,2,2,,2,2,2,2,2,2,, -5813,1,2,2,0,2,2,,2,2,2,2,2,2,, -5814,1,2,2,0,2,2,,2,2,2,2,2,2,, -5815,5,,2,1,2,2,,2,2,2,2,2,2,, -5816,4,,2,11,2,2,,2,2,2,2,1,2,, -5817,1,2,,1,2,2,,2,2,2,2,2,2,, -5818,1,2,2,0,2,2,,2,2,2,2,2,2,, -5819,1,2,,0,2,2,,2,2,2,2,2,2,, -5820,4,,2,1,2,2,,2,2,2,2,2,2,, -5821,4,,2,1,2,2,,2,2,2,2,2,2,, -5822,1,2,2,0,2,2,,2,2,2,2,2,2,, -5823,1,2,,0,2,2,,2,2,2,2,2,2,, -5824,4,,2,16,2,2,,2,2,2,2,1,2,, -5825,1,2,,0,2,2,,2,2,2,2,2,2,, -5826,7,,2,4,2,2,,2,2,2,2,2,2,, -5827,1,2,2,0,2,2,,2,2,2,2,2,2,, -5828,1,2,,1,2,2,,2,2,2,2,2,2,, -5829,4,,2,1,2,2,,2,2,2,2,2,2,, -5830,4,,2,2,2,2,,2,2,2,2,1,2,, -5831,1,2,,1,2,2,,2,2,2,2,2,2,, -5832,1,2,,0,2,2,,2,2,2,2,2,2,, -5833,4,,2,1,2,2,,2,2,2,2,2,2,, -5834,4,,2,2,2,2,,2,2,1,2,2,2,, -5835,4,,2,1,2,2,,2,2,2,2,2,2,, -5836,4,,2,5,2,2,,2,2,2,2,1,2,, -5837,1,2,,0,2,2,,2,2,2,2,2,2,, -5838,1,2,,0,2,2,,2,2,2,2,2,2,, -5839,4,,2,1,2,2,,2,2,2,2,1,2,, -5840,1,2,2,0,2,2,,2,2,2,2,2,2,, -5841,1,2,,1,2,2,,2,2,2,2,2,2,, -5842,1,2,,1,2,2,,2,2,2,2,2,2,, -5843,5,,2,1,1,2,,2,2,2,2,2,2,, -5844,7,,2,5,1,2,,2,2,1,2,2,2,, -5845,1,2,2,0,2,2,,2,2,2,2,2,2,, -5846,4,,2,3,2,2,,2,2,2,2,2,2,, -5847,4,,2,2,1,2,,2,2,2,2,2,2,, -5848,7,,2,1,2,2,,2,2,2,2,2,2,, -5849,1,2,2,0,2,2,,2,2,2,2,2,2,, -5850,4,,2,4,2,2,,2,2,1,2,2,2,, -5851,1,2,2,0,2,2,,2,2,2,2,2,2,, -5852,1,2,2,0,2,2,,2,2,2,2,2,2,, -5853,7,,2,2,2,2,,2,2,2,2,1,2,, -5854,1,2,2,0,2,2,,2,2,2,2,2,2,, -5855,4,,2,3,2,2,,2,2,2,2,2,2,, -5856,5,,2,2,2,2,,2,2,2,2,2,2,, -5857,6,,2,12,1,2,,2,1,1,1,2,2,, -5858,4,,2,1,2,2,,2,2,2,1,2,2,, -5859,1,2,2,0,2,2,,2,2,2,2,2,2,, -5860,1,2,2,0,2,2,,2,2,2,2,2,2,, -5861,4,,2,4,2,2,,2,2,2,2,2,2,, -5862,1,2,2,0,2,2,,2,2,2,2,2,2,, -5863,7,,2,2,2,2,,2,2,2,2,2,2,, -5864,1,2,2,0,2,2,,2,2,2,2,2,2,, -5865,7,,2,3,1,2,,2,2,2,2,2,2,, -5866,1,2,2,1,2,2,,2,2,2,2,2,2,, -5867,1,2,,0,2,2,,2,2,2,2,2,2,, -5868,1,2,2,1,2,2,,2,2,2,2,2,2,, -5869,4,,2,1,2,2,,2,2,2,2,1,2,, -5870,4,,2,3,1,2,,2,2,2,2,2,2,, -5871,1,2,,0,2,2,,2,2,2,2,2,2,, -5872,4,,2,2,2,2,,2,2,2,2,2,2,, -5873,1,2,2,1,2,2,,2,2,2,2,2,2,, -5874,4,,2,2,2,2,,2,2,2,2,2,2,, -5875,1,2,,1,2,2,,2,2,2,2,2,2,, -5876,1,2,2,0,2,2,,2,2,2,2,2,2,, -5877,1,2,2,0,2,2,,2,2,2,2,2,2,, -5878,1,2,,1,2,2,,2,2,2,2,2,2,, -5879,4,,2,2,2,2,,2,2,2,2,2,2,, -5880,1,2,,0,2,2,,2,2,2,2,2,2,, -5881,1,2,,1,2,2,,2,2,2,2,2,2,, -5882,1,2,,0,2,2,,2,2,2,2,2,2,, -5883,4,,2,1,2,2,,2,2,2,2,2,2,, -5884,4,,2,1,2,2,,2,2,2,2,2,2,, -5885,7,,2,1,2,2,,2,2,2,2,2,2,, -5886,5,,2,0,2,2,,2,2,2,2,2,2,, -5887,1,2,2,0,2,2,,2,2,2,2,2,2,, -5888,4,,2,2,2,2,,2,2,2,2,2,2,, -5889,7,,2,1,2,2,,2,2,2,2,2,2,, -5890,1,2,,1,2,2,,2,2,2,2,2,2,, -5891,1,2,,1,2,2,,2,2,2,2,2,2,, -5892,1,2,,0,2,2,,2,2,2,2,2,2,, -5893,1,2,2,0,2,2,,2,2,2,2,2,2,, -5894,7,,1,21,1,2,,2,1,1,2,2,2,, -5895,5,,2,1,2,2,,2,2,2,2,2,2,, -5896,1,2,2,0,2,2,,2,2,2,2,2,2,, -5897,4,,2,2,2,2,,2,2,2,2,2,2,, -5898,1,2,,0,2,2,,2,2,2,2,2,2,, -5899,4,,2,2,2,2,,2,2,2,2,2,2,, -5900,4,,2,1,2,2,,2,2,2,2,2,2,, -5901,1,2,2,0,2,2,,2,2,2,2,2,2,, -5902,4,,2,1,2,2,,2,2,2,2,2,2,, -5903,4,,2,1,2,2,,2,2,2,2,2,2,, -5904,1,2,2,1,2,2,,2,2,2,2,2,2,, -5905,1,2,,1,2,2,,2,2,2,2,2,2,, -5906,1,2,2,0,2,2,,2,2,2,2,2,2,, -5907,1,2,2,1,2,2,,2,2,2,2,2,2,, -5908,7,,2,4,2,2,,2,2,2,2,1,2,, -5909,7,,2,10,2,2,,2,2,2,2,1,2,, -5910,1,2,2,0,2,2,,2,2,2,2,2,2,, -5911,7,,2,4,1,2,,2,2,2,2,2,2,, -5912,4,,2,1,2,2,,2,2,2,2,2,2,, -5913,1,2,2,1,2,2,,2,2,2,2,2,2,, -5914,4,,2,1,2,2,,2,2,2,2,2,2,, -5915,7,,2,0,1,2,,2,2,2,2,2,1,3, -5916,1,2,,0,2,2,,2,2,2,2,2,2,, -5917,6,,2,12,2,2,,2,2,2,1,2,2,, -5918,1,2,,0,2,2,,2,2,2,2,2,2,, -5919,1,2,,0,2,2,,2,2,2,2,2,2,, -5920,1,2,,0,2,2,,2,2,2,2,2,2,, -5921,4,,2,1,2,2,,2,2,2,2,2,2,, -5922,6,,1,6,1,2,,2,1,2,2,2,2,, -5923,1,2,,0,2,2,,2,2,1,2,2,2,, -5924,1,2,2,0,2,2,,2,2,2,2,2,2,, -5925,4,,2,2,1,2,,2,2,2,2,2,2,, -5926,4,,2,1,2,2,,2,2,2,2,2,2,, -5927,1,2,,1,2,2,,2,2,2,2,2,2,, -5928,4,,2,2,2,2,,2,2,2,2,2,2,, -5929,4,,2,1,2,2,,2,2,2,2,1,2,, -5930,4,,2,2,2,2,,2,2,2,2,2,2,, -5931,1,2,2,0,2,2,,2,2,2,2,2,2,, -5932,4,,2,1,2,2,,2,2,2,2,2,2,, -5933,1,2,2,0,2,2,,2,2,2,2,2,2,, -5934,4,,2,2,2,2,,2,2,2,2,1,2,, -5935,7,,2,0,1,2,,2,1,2,2,2,1,1, -5936,7,,2,4,2,2,,2,2,2,2,2,2,, -5937,1,2,,0,2,2,,2,2,2,2,2,2,, -5938,6,,2,8,2,2,,2,2,1,2,1,1,2, -5939,4,,2,1,2,2,,2,2,2,2,2,2,, -5940,1,2,,0,2,2,,2,2,2,2,2,2,, -5941,4,,2,1,2,2,,2,2,2,2,2,2,, -5942,1,2,2,0,2,2,,2,2,2,2,2,2,, -5943,1,2,2,0,2,2,,2,2,2,2,2,2,, -5944,5,,2,1,2,2,,2,2,2,2,2,2,, -5945,1,2,2,0,2,2,,2,2,2,2,2,2,, -5946,4,,2,13,2,2,,2,2,2,2,2,2,, -5947,1,2,,1,2,2,,2,2,2,2,2,2,, -5948,1,2,2,0,2,2,,2,2,2,2,2,2,, -5949,4,,2,5,1,2,,2,2,2,2,2,2,, -5950,1,2,2,1,2,2,,2,2,2,2,2,2,, -5951,7,,2,6,1,2,,2,2,1,1,2,2,, -5952,1,2,,0,2,2,,2,2,2,2,2,2,, -5953,7,,2,1,2,2,,2,2,2,2,2,2,, -5954,7,,2,2,2,2,,2,2,2,2,2,2,, -5955,1,2,,0,2,2,,2,2,2,2,2,2,, -5956,1,2,2,0,2,2,,2,2,2,2,2,2,, -5957,4,,2,2,2,2,,2,2,2,2,1,2,, -5958,1,2,2,1,2,2,,2,2,2,2,2,2,, -5959,4,,2,1,2,2,,2,2,2,2,2,2,, -5960,7,,2,1,2,2,,2,2,2,2,2,2,, -5961,4,,2,2,2,2,,2,2,2,2,2,2,, -5962,5,,2,1,2,2,,2,2,2,2,2,2,, -5963,7,,2,3,1,2,,2,2,1,2,2,2,, -5964,4,,2,1,2,2,,2,2,2,2,2,2,, -5965,1,2,,0,2,2,,2,2,2,2,2,2,, -5966,1,2,2,0,2,2,,2,2,2,2,2,2,, -5967,1,2,2,1,2,2,,2,2,2,2,2,2,, -5968,1,2,2,1,2,2,,2,2,2,2,2,2,, -5969,7,,2,1,2,2,,2,2,2,2,2,2,, -5970,4,,2,2,2,2,,2,2,1,2,2,2,, -5971,4,,2,1,2,2,,2,2,2,2,2,2,, -5972,6,,2,0,2,2,,2,2,2,2,1,1,3, -5973,4,,2,1,2,2,,2,2,2,2,2,2,, -5974,1,2,,0,2,2,,2,2,2,2,2,2,, -5975,1,2,2,0,2,2,,2,2,2,2,2,2,, -5976,4,,2,1,2,2,,2,2,2,1,2,2,, -5977,6,,2,3,2,2,,2,2,2,2,1,2,, -5978,4,,2,12,1,2,,2,2,1,2,1,2,, -5979,1,2,2,0,2,2,,2,2,2,2,2,2,, -5980,5,,2,2,2,2,,2,2,2,2,2,2,, -5981,5,,2,1,2,2,,2,2,2,2,2,2,, -5982,4,,2,2,1,2,,2,2,2,2,2,2,, -5983,4,,2,1,2,2,,2,2,2,2,2,2,, -5984,4,,2,1,2,2,,2,2,2,2,2,2,, -5985,4,,2,3,1,2,,2,2,2,2,2,2,, -5986,1,2,2,0,2,2,,2,2,2,2,2,2,, -5987,5,,2,1,2,2,,2,2,2,2,2,2,, -5988,1,2,,0,2,2,,2,2,2,2,2,2,, -5989,1,2,2,1,2,2,,2,2,2,2,2,2,, -5990,7,,2,2,2,2,,2,2,1,2,2,2,, -5991,1,2,2,0,2,2,,2,2,2,2,2,2,, -5992,7,,2,3,2,2,,2,2,1,2,2,2,, -5993,1,2,2,0,2,2,,2,2,2,2,2,2,, -5994,1,2,2,0,2,2,,2,2,2,2,2,2,, -5995,4,,2,1,2,2,,2,2,2,2,2,2,, -5996,7,,2,5,1,2,,2,2,1,2,2,2,, -5997,4,,1,16,2,2,,2,2,1,1,2,2,, -5998,7,,2,4,2,2,,2,2,2,1,2,2,, -5999,1,2,,0,2,2,,2,2,2,2,2,2,, -6000,4,,2,3,2,2,,2,2,2,2,1,2,, -6001,1,2,2,0,2,2,,2,2,2,2,2,2,, -6002,7,,2,61,2,2,,2,2,2,2,1,2,, -6003,4,,2,5,2,2,,2,2,2,2,1,2,, -6004,1,2,2,0,2,2,,2,2,2,2,2,2,, -6005,7,,2,5,2,2,,2,2,2,2,2,2,, -6006,1,2,2,0,2,2,,2,2,2,2,2,2,, -6007,1,2,,0,2,2,,2,2,2,2,2,2,, -6008,1,2,2,0,2,2,,2,2,2,2,2,2,, -6009,4,,2,5,2,2,,2,2,2,2,1,2,, -6010,1,2,2,0,2,2,,2,2,2,2,2,2,, -6011,4,,2,4,2,2,,2,2,2,1,1,2,, -6012,1,2,,0,2,2,,2,2,2,2,2,2,, -6013,1,2,,0,2,2,,2,2,2,2,2,2,, -6014,1,2,,0,2,2,,2,2,2,2,2,2,, -6015,4,,2,5,2,2,,2,2,1,2,1,2,, -6016,1,2,2,0,2,2,,2,2,2,2,2,2,, -6017,1,2,2,0,2,2,,2,2,2,2,2,2,, -6018,1,2,,0,2,2,,2,2,2,2,2,2,, -6019,4,,2,3,2,2,,2,2,2,2,2,2,, -6020,1,2,2,0,2,2,,2,2,2,2,2,2,, -6021,1,2,,0,2,2,,2,2,2,2,2,2,, -6022,4,,2,1,2,2,,2,2,2,2,2,2,, -6023,4,,2,9,2,2,,2,2,2,1,2,2,, -6024,4,,2,1,2,2,,2,2,2,2,2,2,, -6025,1,2,,0,2,2,,2,2,2,2,2,2,, -6026,4,,2,1,2,2,,2,2,2,2,2,2,, -6027,7,,2,1,2,2,,2,2,2,2,1,2,, -6028,7,,1,15,1,2,,2,1,1,1,1,2,, -6029,1,2,,0,2,2,,2,2,2,2,2,2,, -6030,4,,2,2,2,2,,2,2,2,2,2,2,, -6031,1,2,2,0,2,2,,2,2,2,2,2,2,, -6032,4,,2,3,2,2,,2,2,2,2,1,2,, -6033,4,,2,2,1,2,,2,2,2,2,2,2,, -6034,1,2,,0,2,2,,2,2,2,2,2,2,, -6035,7,,2,1,2,2,,2,2,2,2,2,2,, -6036,4,,2,3,2,2,,2,2,2,2,1,2,, -6037,7,,2,4,2,2,,2,2,2,2,2,2,, -6038,4,,2,2,2,2,,2,2,2,2,2,2,, -6039,1,2,2,0,2,2,,2,2,2,2,2,2,, -6040,1,2,2,0,2,2,,2,2,2,2,2,2,, -6041,4,,2,1,2,2,,2,2,2,2,2,2,, -6042,4,,2,1,2,2,,2,2,2,2,2,2,, -6043,1,2,,0,2,2,,2,2,2,2,2,2,, -6044,1,2,,0,2,2,,2,2,2,2,2,2,, -6045,1,2,,0,2,2,,2,2,2,2,2,2,, -6046,5,,2,1,2,2,,2,2,2,2,2,2,, -6047,4,,2,3,2,2,,2,2,2,2,2,2,, -6048,6,,2,1,2,2,,2,2,2,2,2,2,, -6049,1,2,,1,2,2,,2,2,2,2,2,2,, -6050,1,2,,1,2,2,,2,2,2,2,2,2,, -6051,4,,2,1,2,2,,2,2,2,2,2,2,, -6052,1,2,,0,2,2,,2,2,2,2,2,2,, -6053,4,,2,1,2,2,,2,2,2,2,2,2,, -6054,7,,2,3,2,2,,2,2,2,2,2,1,3, -6055,1,2,2,0,2,2,,2,2,2,2,2,2,, -6056,1,2,2,0,2,2,,2,2,2,2,2,2,, -6057,1,2,,0,2,2,,2,2,2,2,2,2,, -6058,4,,2,0,2,2,,2,2,2,2,2,2,, -6059,4,,2,2,2,2,,2,2,2,2,2,2,, -6060,4,,2,4,1,2,,2,2,2,2,2,2,, -6061,1,2,2,0,2,2,,2,2,2,2,2,2,, -6062,1,2,2,0,2,2,,2,2,2,2,2,2,, -6063,4,,2,4,2,2,,2,2,2,2,2,2,, -6064,1,2,2,0,2,2,,2,2,2,2,2,2,, -6065,1,2,,0,2,2,,2,2,2,2,2,2,, -6066,1,2,2,0,2,2,,2,2,2,2,2,2,, -6067,1,2,,1,2,2,,2,2,2,2,2,2,, -6068,7,,2,3,2,2,,2,2,2,2,2,2,, -6069,1,2,2,1,2,2,,2,2,2,2,2,2,, -6070,6,,2,1,2,2,,2,2,2,2,1,2,, -6071,6,,2,5,2,2,,2,2,2,2,1,2,, -6072,1,2,2,0,2,2,,2,2,2,2,2,2,, -6073,1,2,2,0,2,2,,2,2,2,2,2,2,, -6074,1,2,2,0,2,2,,2,2,2,2,2,2,, -6075,4,,2,2,2,2,,2,2,1,2,1,2,, -6076,1,2,2,0,2,2,,2,2,2,2,2,2,, -6077,1,2,,0,2,2,,2,2,2,2,2,2,, -6078,1,2,,0,2,2,,2,2,2,2,2,2,, -6079,1,2,,0,2,2,,2,2,2,2,2,2,, -6080,1,2,,0,2,2,,2,2,2,2,2,2,, -6081,4,,2,1,2,2,,2,2,2,2,2,2,, -6082,1,1,2,3,2,2,,2,2,2,2,2,2,, -6083,7,,2,4,2,2,,2,2,2,2,2,2,, -6084,1,2,,1,2,2,,2,2,2,2,2,2,, -6085,4,,2,1,2,2,,2,2,2,2,2,2,, -6086,1,2,,0,2,2,,2,2,2,2,2,2,, -6087,1,2,2,0,2,2,,2,2,2,2,2,2,, -6088,1,2,2,0,2,2,,2,2,2,2,2,2,, -6089,4,,2,1,2,2,,2,2,2,2,2,2,, -6090,1,2,,0,2,2,,2,2,2,2,2,2,, -6091,4,,1,2,2,2,,2,2,2,1,1,2,, -6092,4,,2,4,2,2,,2,2,2,2,1,2,, -6093,7,,2,1,2,2,,2,2,2,2,1,2,, -6094,1,2,2,0,2,2,,2,2,2,2,2,2,, -6095,4,,2,2,1,2,,2,2,1,2,2,2,, -6096,4,,2,3,1,2,,2,2,2,2,2,2,, -6097,4,,2,1,2,2,,2,2,2,2,2,2,, -6098,7,,1,5,2,2,,2,2,1,2,2,2,, -6099,6,,2,2,2,2,,2,2,2,2,1,2,, -6100,1,2,,0,2,2,,2,2,2,2,2,2,, -6101,6,,2,10,2,2,,2,2,2,2,1,2,, -6102,1,2,2,0,2,2,,2,2,2,2,2,2,, -6103,5,,2,1,2,2,,2,2,2,2,2,2,, -6104,4,,2,2,2,2,,2,2,2,2,2,2,, -6105,1,2,2,0,2,2,,2,2,2,2,2,2,, -6106,4,,2,3,1,2,,2,2,2,2,2,2,, -6107,4,,2,1,2,2,,2,2,2,2,2,2,, -6108,1,2,,0,2,2,,2,2,2,2,2,2,, -6109,4,,2,2,1,2,,2,2,2,2,2,2,, -6110,1,2,,0,2,2,,2,2,2,2,2,2,, -6111,1,2,2,0,2,2,,2,2,2,2,2,2,, -6112,4,,2,1,2,2,,2,2,2,2,2,2,, -6113,1,2,,1,2,2,,2,2,2,2,2,2,, -6114,1,2,,0,2,2,,2,2,2,2,2,2,, -6115,5,,2,1,2,2,,2,2,2,2,2,2,, -6116,4,,2,1,2,2,,2,2,2,2,2,2,, -6117,1,2,2,0,2,2,,2,2,2,2,2,2,, -6118,1,2,,0,2,2,,2,2,2,2,2,2,, -6119,1,2,2,1,2,2,,2,2,2,2,2,2,, -6120,1,2,,1,2,2,,2,2,2,2,2,2,, -6121,7,,2,2,2,2,,2,2,1,2,2,2,, -6122,4,,2,1,2,2,,2,2,2,2,2,2,, -6123,7,,2,10,2,2,,2,2,1,1,2,2,, -6124,1,2,2,0,2,2,,2,2,2,2,2,2,, -6125,1,2,2,0,2,2,,2,2,2,2,2,2,, -6126,1,2,,0,2,2,,2,2,2,2,2,2,, -6127,5,,2,1,2,2,,2,2,2,2,2,2,, -6128,1,2,2,0,2,2,,2,2,2,2,2,2,, -6129,7,,2,7,1,2,,2,2,2,2,1,2,, -6130,4,,2,1,2,2,,2,2,2,2,2,2,, -6131,7,,2,1,2,2,,2,2,2,2,2,2,, -6132,7,,2,22,2,1,1,2,2,2,2,1,2,, -6133,1,2,2,0,2,2,,2,2,2,2,2,2,, -6134,1,2,,0,2,2,,2,2,2,2,2,2,, -6135,4,,2,1,2,2,,2,2,2,2,2,2,, -6136,7,,2,9,1,2,,2,2,1,1,2,2,, -6137,1,2,,0,2,2,,2,2,2,2,2,2,, -6138,1,2,,0,2,2,,2,2,2,2,2,2,, -6139,7,,2,5,2,2,,2,2,2,2,2,2,, -6140,6,,2,6,2,2,,2,2,2,2,1,2,, -6141,7,,2,7,1,2,,2,1,2,2,2,2,, -6142,6,,2,9,2,2,,2,2,2,2,1,2,, -6143,4,,2,1,2,2,,2,2,2,2,2,2,, -6144,4,,2,8,2,2,,2,2,1,2,2,2,, -6145,1,2,,0,2,2,,2,2,2,2,2,2,, -6146,4,,2,1,2,2,,2,2,1,2,2,2,, -6147,7,,2,34,1,2,,2,2,1,2,1,2,, -6148,1,2,,0,2,2,,2,2,2,2,2,2,, -6149,4,,2,12,2,2,,2,2,2,2,1,2,, -6150,1,2,2,1,2,2,,2,2,2,2,2,2,, -6151,1,2,2,0,2,2,,2,2,2,2,2,2,, -6152,1,2,2,0,2,2,,2,2,2,2,2,2,, -6153,5,,2,1,2,2,,2,2,2,2,2,2,, -6154,4,,2,1,2,2,,2,2,2,2,2,2,, -6155,1,2,,0,2,2,,2,2,2,2,2,2,, -6156,1,2,,0,2,2,,2,2,2,2,2,2,, -6157,5,,2,1,2,2,,2,2,2,2,2,2,, -6158,1,2,2,0,2,2,,2,2,2,2,2,2,, -6159,1,2,2,0,2,2,,2,2,2,2,2,2,, -6160,1,2,,1,2,2,,2,2,2,2,2,2,, -6161,4,,2,3,1,2,,2,2,1,2,2,2,, -6162,5,,2,2,2,2,,2,2,2,2,2,2,, -6163,1,2,2,0,2,2,,2,2,2,2,2,2,, -6164,4,,2,13,2,2,,2,2,1,2,2,2,, -6165,1,2,,1,2,2,,2,2,2,2,2,2,, -6166,7,,2,4,1,2,,2,2,2,2,1,2,, -6167,4,,2,2,2,2,,2,2,2,2,2,2,, -6168,4,,2,1,2,2,,2,2,2,2,2,2,, -6169,4,,2,1,2,2,,2,2,2,2,2,2,, -6170,4,,2,3,2,2,,2,2,2,2,1,2,, -6171,4,,2,3,2,2,,2,2,2,2,2,2,, -6172,4,,2,2,2,2,,2,2,2,2,2,2,, -6173,1,2,,0,2,2,,2,2,2,2,2,2,, -6174,7,,2,3,2,2,,2,2,2,2,1,2,, -6175,4,,2,1,2,2,,2,2,2,2,2,2,, -6176,7,,2,107,2,2,,2,2,1,1,2,2,, -6177,1,2,2,0,2,2,,2,2,2,2,2,2,, -6178,7,,2,90,2,2,,2,2,2,2,1,2,, -6179,4,,2,2,2,2,,2,2,2,2,1,2,, -6180,6,,2,42,1,2,,2,2,1,1,1,2,, -6181,4,,2,1,2,2,,2,2,2,2,2,2,, -6182,7,,2,2,1,2,,2,2,2,2,2,2,, -6183,1,2,,0,2,2,,2,2,2,2,2,2,, -6184,4,,2,1,2,2,,2,2,2,2,2,2,, -6185,1,2,,0,2,2,,2,2,2,2,2,2,, -6186,1,2,2,0,2,2,,2,2,2,2,2,2,, -6187,1,2,,0,2,2,,2,2,2,2,2,2,, -6188,1,2,2,0,2,2,,2,2,2,2,2,2,, -6189,7,,2,4,2,2,,2,2,1,2,1,2,, -6190,1,2,2,0,2,2,,2,2,2,2,2,2,, -6191,1,2,,0,2,2,,2,2,2,2,2,2,, -6192,1,2,,0,2,2,,2,2,2,2,2,2,, -6193,5,,2,1,2,2,,2,2,2,2,2,2,, -6194,1,2,2,0,2,2,,2,2,2,2,2,2,, -6195,4,,2,3,2,2,,2,2,2,1,2,2,, -6196,6,,2,1,2,2,,2,2,2,2,1,2,, -6197,1,2,2,0,2,2,,2,2,2,2,2,2,, -6198,4,,2,2,2,2,,2,2,2,2,2,2,, -6199,4,,2,3,2,2,,2,2,2,2,2,2,, -6200,4,,2,1,1,2,,2,2,2,2,2,2,, -6201,4,,2,1,2,2,,2,2,2,2,2,2,, -6202,1,2,2,1,2,2,,2,2,2,2,2,2,, -6203,4,,2,1,2,2,,2,2,2,2,2,2,, -6204,1,2,2,0,2,2,,2,2,2,2,2,2,, -6205,7,,2,16,1,2,,2,1,2,2,2,2,, -6206,4,,2,1,2,2,,2,2,2,2,2,2,, -6207,4,,2,1,2,2,,2,2,2,2,2,2,, -6208,1,2,,0,2,2,,2,2,2,2,2,2,, -6209,4,,2,2,1,2,,2,2,2,2,2,2,, -6210,1,2,2,0,2,2,,2,2,2,2,2,2,, -6211,1,2,,0,2,2,,2,2,2,2,2,2,, -6212,1,2,,0,2,2,,2,2,2,2,2,2,, -6213,1,2,,0,2,2,,2,2,2,2,2,2,, -6214,1,2,2,0,2,2,,2,2,2,2,2,2,, -6215,4,,2,0,2,2,,2,2,2,2,2,2,, -6216,1,2,,0,2,2,,2,2,2,2,2,2,, -6217,7,,2,1,1,2,,2,2,1,2,2,2,, -6218,1,2,2,1,2,2,,2,2,2,2,2,2,, -6219,1,2,,0,2,2,,2,2,2,2,2,2,, -6220,1,2,,0,2,2,,2,2,2,2,2,2,, -6221,1,2,2,0,2,2,,2,2,2,2,2,2,, -6222,1,2,2,0,2,2,,2,2,2,2,2,2,, -6223,1,2,2,1,2,2,,2,2,2,2,2,2,, -6224,1,2,,0,2,2,,2,2,2,2,2,2,, -6225,4,,2,2,1,2,,2,2,2,2,2,2,, -6226,1,2,,0,2,2,,2,2,2,2,2,2,, -6227,1,2,2,0,2,2,,2,2,2,2,2,2,, -6228,1,2,2,0,2,2,,2,2,2,2,2,2,, -6229,5,,2,1,2,2,,2,2,2,2,2,2,, -6230,1,2,2,0,2,2,,2,2,2,2,2,2,, -6231,1,2,,0,2,2,,2,2,2,2,2,2,, -6232,4,,2,1,2,2,,2,2,2,2,2,2,, -6233,1,2,2,1,2,2,,2,2,2,2,2,2,, -6234,1,2,,1,2,2,,2,2,2,2,2,2,, -6235,7,,2,36,1,2,,2,2,2,2,2,2,, -6236,4,,2,9,2,2,,2,2,1,1,2,2,, -6237,1,2,,0,2,2,,2,2,2,2,2,2,, -6238,7,,2,10,2,2,,2,2,2,2,2,2,, -6239,1,2,2,0,2,2,,2,2,2,2,2,2,, -6240,1,2,2,0,2,2,,2,2,2,2,2,2,, -6241,4,,1,1,2,2,,2,2,2,2,2,2,, -6242,1,2,2,0,2,2,,2,2,2,2,2,2,, -6243,4,,2,1,2,2,,2,2,2,2,2,2,, -6244,1,2,,0,2,2,,2,2,2,2,2,2,, -6245,1,2,2,1,2,2,,2,2,2,2,2,2,, -6246,1,2,,0,2,2,,2,2,2,2,2,2,, -6247,5,,2,1,2,2,,2,2,2,2,2,2,, -6248,1,2,,1,2,2,,2,2,2,2,2,2,, -6249,1,2,,0,2,2,,2,2,2,2,2,2,, -6250,4,,2,35,1,2,,2,1,2,2,2,2,, -6251,7,,2,4,2,2,,2,2,2,2,1,2,, -6252,7,,2,7,2,2,,2,2,2,2,1,2,, -6253,1,2,2,0,2,2,,2,2,2,2,2,2,, -6254,1,2,,0,2,2,,2,2,2,2,2,2,, -6255,4,,2,6,2,2,,2,2,2,2,1,2,, -6256,1,2,2,0,2,2,,2,2,2,2,2,2,, -6257,1,2,2,0,2,2,,2,2,2,2,2,2,, -6258,4,,2,1,2,2,,2,2,2,2,1,2,, -6259,1,2,2,0,2,2,,2,2,2,2,2,2,, -6260,5,,2,2,2,2,,2,2,2,2,2,2,, -6261,4,,2,1,2,2,,2,2,2,1,2,2,, -6262,1,2,2,0,2,2,,2,2,2,2,2,2,, -6263,1,2,2,0,2,2,,2,2,2,2,2,2,, -6264,7,,2,3,2,2,,2,2,2,2,2,2,, -6265,1,2,,0,2,2,,2,2,2,2,2,2,, -6266,1,2,,0,2,2,,2,2,2,2,2,2,, -6267,1,2,2,1,2,2,,2,2,2,2,2,2,, -6268,1,2,2,0,2,2,,2,2,2,2,2,2,, -6269,4,,2,6,2,2,,2,2,2,2,2,2,, -6270,1,2,,1,2,2,,2,2,2,2,2,2,, -6271,1,2,2,0,2,2,,2,2,2,2,2,2,, -6272,1,2,,0,2,2,,2,2,2,2,2,2,, -6273,5,,2,1,2,2,,2,2,2,2,2,2,, -6274,1,2,,0,2,2,,2,2,2,2,2,2,, -6275,4,,2,10,2,2,,2,2,1,2,1,2,, -6276,1,2,2,0,2,2,,2,2,2,2,1,2,, -6277,1,2,,0,2,2,,2,2,2,2,2,2,, -6278,4,,2,3,2,2,,2,2,1,2,2,2,, -6279,1,2,,0,2,2,,2,2,2,2,2,2,, -6280,1,2,,0,2,2,,2,2,2,2,2,2,, -6281,7,,2,5,2,2,,2,2,2,2,2,2,, -6282,5,,2,1,2,2,,2,2,2,2,2,2,, -6283,1,2,2,0,2,2,,2,2,2,2,2,2,, -6284,4,,2,1,2,2,,2,2,2,2,2,2,, -6285,1,2,,0,2,2,,2,2,2,2,2,2,, -6286,1,2,,1,2,2,,2,2,2,2,2,2,, -6287,1,2,2,0,2,2,,2,2,2,2,2,2,, -6288,4,,2,1,2,2,,2,2,2,2,2,2,, -6289,1,2,,0,2,2,,2,2,2,2,2,2,, -6290,5,,2,1,2,2,,2,2,2,2,2,2,, -6291,4,,2,1,2,2,,2,2,2,2,2,2,, -6292,4,,2,1,2,2,,2,2,2,2,2,2,, -6293,7,,2,4,2,2,,2,2,1,1,1,2,, -6294,1,2,2,0,2,2,,2,2,2,2,2,2,, -6295,6,,2,6,2,2,,2,2,2,2,1,2,, -6296,1,2,,0,2,2,,2,2,2,2,2,2,, -6297,1,2,,1,2,2,,2,2,2,2,2,2,, -6298,4,,2,1,2,2,,2,2,2,2,2,2,, -6299,1,2,,0,2,2,,2,2,2,2,2,2,, -6300,4,,2,3,2,2,,2,2,2,2,1,2,, -6301,4,,2,1,2,2,,2,2,2,2,2,2,, -6302,7,,2,16,2,2,,2,2,2,2,2,2,, -6303,7,,2,4,1,2,,2,2,2,2,2,2,, -6304,1,2,,0,2,2,,2,2,2,2,2,2,, -6305,1,2,,0,2,2,,2,2,2,2,2,2,, -6306,4,,2,1,2,2,,2,2,2,2,2,2,, -6307,4,,2,3,2,2,,2,2,2,2,2,2,, -6308,1,2,,0,2,2,,2,2,2,2,2,2,, -6309,4,,2,1,2,2,,2,2,2,2,2,2,, -6310,5,,2,1,2,2,,2,2,2,2,2,2,, -6311,4,,2,3,2,2,,2,2,1,2,2,2,, -6312,1,2,,1,2,2,,2,2,2,2,2,2,, -6313,1,2,2,0,2,2,,2,2,2,2,2,2,, -6314,1,2,2,0,2,2,,2,2,2,2,2,2,, -6315,1,2,,0,2,2,,2,2,2,2,2,2,, -6316,1,2,2,0,2,2,,2,2,2,2,2,2,, -6317,4,,2,2,2,2,,2,2,2,2,2,2,, -6318,7,,2,2,2,2,,2,2,2,2,2,2,, -6319,5,,2,1,2,2,,2,2,2,2,2,2,, -6320,1,2,,0,2,2,,2,2,2,2,2,2,, -6321,4,,2,1,2,2,,2,2,2,2,2,2,, -6322,1,2,,1,2,2,,2,2,2,2,2,2,, -6323,5,,2,1,2,2,,2,2,2,1,2,2,, -6324,1,2,2,0,2,2,,2,2,2,2,2,2,, -6325,7,,2,4,1,2,,2,2,1,2,2,2,, -6326,6,,2,3,2,2,,2,2,2,2,1,2,, -6327,4,,2,2,2,2,,2,2,2,2,2,2,, -6328,1,2,2,0,2,2,,2,2,2,2,2,2,, -6329,1,2,2,0,2,2,,2,2,2,2,2,2,, -6330,1,2,2,1,2,2,,2,2,2,2,2,2,, -6331,1,2,,0,2,2,,2,2,2,2,2,2,, -6332,4,,2,2,1,2,,2,2,2,2,2,2,, -6333,4,,2,2,2,2,,2,2,2,2,2,2,, -6334,1,2,2,0,2,2,,2,2,2,2,2,2,, -6335,4,,2,1,2,2,,2,2,2,2,2,2,, -6336,1,2,,0,2,2,,2,2,2,2,2,2,, -6337,4,,2,3,2,2,,2,2,2,2,2,2,, -6338,4,,2,1,2,2,,2,2,2,2,2,2,, -6339,4,,2,1,2,2,,2,2,2,2,2,2,, -6340,4,,2,1,2,2,,2,2,2,2,2,2,, -6341,4,,2,2,1,2,,2,2,2,2,2,2,, -6342,4,,2,1,2,2,,2,2,2,2,2,2,, -6343,1,2,2,0,2,2,,2,2,2,2,2,2,, -6344,1,2,,0,2,2,,2,2,2,2,2,2,, -6345,7,,2,6,2,2,,2,2,2,2,2,2,, -6346,4,,2,1,2,2,,2,2,2,2,2,2,, -6347,4,,2,2,2,2,,2,2,2,2,2,2,, -6348,4,,2,3,2,2,,2,2,2,2,2,2,, -6349,1,2,,0,2,2,,2,2,2,2,2,2,, -6350,1,2,2,0,2,2,,2,2,2,2,2,2,, -6351,1,2,,0,2,2,,2,2,2,2,2,2,, -6352,4,,2,3,1,2,,2,2,2,2,1,2,, -6353,1,2,2,0,2,2,,2,2,2,2,2,2,, -6354,1,2,2,0,2,2,,2,2,2,2,2,2,, -6355,1,2,,0,2,2,,2,2,2,2,2,2,, -6356,5,,2,1,2,2,,2,2,2,2,2,2,, -6357,1,2,,0,2,2,,2,2,2,2,2,2,, -6358,4,,2,4,2,2,,2,2,2,2,1,2,, -6359,1,2,2,0,2,2,,2,2,2,2,2,2,, -6360,1,2,,0,2,2,,2,2,2,2,2,2,, -6361,4,,2,1,2,2,,2,2,1,2,2,2,, -6362,7,,2,10,1,2,,2,1,2,2,2,2,, -6363,1,2,,1,2,2,,2,2,2,2,2,2,, -6364,1,2,,0,2,2,,2,2,2,2,2,2,, -6365,1,2,2,0,2,2,,2,2,2,2,2,2,, -6366,1,2,,0,2,2,,2,2,2,2,2,2,, -6367,6,,2,4,1,2,,2,1,2,2,2,2,, -6368,8,,2,1,2,2,,2,2,2,2,2,2,, -6369,4,,2,4,2,2,,2,2,2,2,2,2,, -6370,4,,2,1,2,2,,2,2,2,1,2,2,, -6371,7,,2,0,2,2,,2,2,1,2,2,1,5,Unknown -6372,4,,2,1,2,2,,2,2,2,2,2,2,, -6373,1,2,2,0,2,2,,2,2,2,2,2,2,, -6374,1,2,2,0,2,2,,2,2,2,2,2,2,, -6375,7,,2,1,2,2,,2,2,2,2,2,2,, -6376,1,2,2,0,2,2,,2,2,2,2,2,2,, -6377,1,2,2,0,2,2,,2,2,2,2,2,2,, -6378,1,2,,0,2,2,,2,2,2,2,2,2,, -6379,4,,2,1,2,2,,2,2,2,2,2,2,, -6380,4,,2,3,2,2,,2,2,2,1,2,2,, -6381,1,2,,0,2,2,,2,2,2,2,2,2,, -6382,1,2,,0,2,2,,2,2,2,2,2,2,, -6383,4,,2,1,2,2,,2,2,1,2,2,2,, -6384,1,2,,0,2,2,,2,2,2,2,2,2,, -6385,1,2,,0,2,2,,2,2,2,2,2,2,, -6386,1,2,2,0,2,2,,2,2,2,2,2,2,, -6387,4,,2,3,1,2,,2,2,2,2,2,2,, -6388,7,,2,1,2,2,,2,2,2,2,1,1,3, -6389,4,,2,2,2,2,,2,2,1,2,2,2,, -6390,1,2,,0,2,2,,2,2,2,2,2,2,, -6391,1,2,2,0,2,2,,2,2,2,2,2,2,, -6392,4,,2,1,2,2,,2,2,2,2,2,2,, -6393,4,,2,1,2,2,,2,2,2,1,2,2,, -6394,1,2,,1,2,2,,2,2,2,2,2,2,, -6395,1,2,,1,2,2,,2,2,2,2,2,2,, -6396,1,2,,0,2,2,,2,2,2,2,2,2,, -6397,1,2,,0,2,2,,2,2,2,2,2,2,, -6398,5,,2,1,2,2,,2,2,2,2,2,2,, -6399,4,,2,2,2,2,,2,2,2,2,2,2,, -6400,5,,2,1,2,2,,2,2,2,2,2,2,, -6401,8,,2,0,2,2,,2,2,2,2,2,2,, -6402,4,,2,1,2,2,,2,2,2,2,2,2,, -6403,1,2,2,0,2,2,,2,2,2,2,2,2,, -6404,4,,2,1,2,2,,2,2,2,2,2,2,, -6405,4,,2,4,2,2,,2,2,1,1,1,2,, -6406,6,,2,4,2,2,,2,2,1,2,1,2,, -6407,7,,2,3,2,2,,2,2,2,2,2,2,, -6408,1,2,2,0,2,2,,2,2,2,2,2,2,, -6409,4,,2,2,2,2,,2,2,2,2,2,2,, -6410,4,,2,2,2,2,,2,2,1,2,2,2,, -6411,7,,2,3,2,2,,2,2,2,2,2,2,, -6412,4,,2,1,2,2,,2,2,2,2,2,2,, -6413,1,2,2,0,2,2,,2,2,2,2,2,2,, -6414,1,2,2,0,2,2,,2,2,2,2,2,2,, -6415,7,,2,2,2,2,,2,2,2,2,1,2,, -6416,4,,2,1,2,2,,2,2,2,2,2,2,, -6417,1,2,,0,2,2,,2,2,2,2,2,2,, -6418,4,,2,4,1,2,,2,2,2,2,2,2,, -6419,7,,2,2,2,2,,2,2,2,2,2,2,, -6420,1,2,2,0,2,2,,2,2,2,2,2,2,, -6421,4,,2,1,2,2,,2,2,2,2,2,2,, -6422,1,2,2,0,2,2,,2,2,2,2,2,2,, -6423,7,,2,1,2,2,,2,2,2,2,2,2,, -6424,1,2,2,0,2,2,,2,2,2,2,2,2,, -6425,1,2,2,0,2,2,,2,2,2,2,2,2,, -6426,5,,2,1,2,2,,2,2,2,2,2,2,, -6427,7,,2,4,2,2,,2,2,2,2,2,2,, -6428,7,,2,6,2,2,,2,2,2,2,2,2,, -6429,1,2,,0,2,2,,2,2,2,2,2,2,, -6430,1,2,2,0,2,2,,2,2,2,2,2,2,, -6431,4,,2,1,2,2,,2,2,2,2,2,2,, -6432,1,2,2,1,2,2,,2,2,2,2,2,2,, -6433,4,,2,6,1,2,,2,2,2,2,2,2,, -6434,1,2,2,0,2,2,,2,2,2,2,2,2,, -6435,4,,2,7,2,2,,2,2,2,2,1,2,, -6436,7,,2,13,2,2,,2,2,1,2,1,2,, -6437,4,,2,1,2,2,,2,2,2,2,2,2,, -6438,1,2,,0,2,2,,2,2,2,2,2,2,, -6439,1,2,2,1,2,2,,2,2,2,2,2,2,, -6440,6,,2,8,1,2,,2,1,2,2,2,2,, -6441,6,,2,4,1,2,,2,2,2,2,2,2,, -6442,7,,2,13,2,2,,2,2,2,2,2,2,, -6443,1,2,,0,2,2,,2,2,2,2,2,2,, -6444,5,,2,1,2,2,,2,2,2,2,2,2,, -6445,5,,2,0,2,2,,2,2,2,2,2,2,, -6446,1,2,2,1,2,2,,2,2,2,2,2,2,, -6447,4,,2,3,2,2,,2,2,2,2,2,2,, -6448,5,,2,1,2,2,,2,2,2,2,2,2,, -6449,4,,2,1,2,2,,2,2,2,2,2,2,, -6450,1,2,2,0,2,2,,2,2,2,2,2,2,, -6451,4,,2,1,2,2,,2,2,2,2,2,2,, -6452,4,,2,5,2,2,,2,2,2,1,2,2,, -6453,1,2,2,0,2,2,,2,2,2,2,2,2,, -6454,4,,2,5,2,2,,2,2,2,2,1,2,, -6455,1,2,,0,2,2,,2,2,2,2,2,2,, -6456,4,,2,1,2,2,,2,2,1,2,2,2,, -6457,4,,2,1,2,2,,2,2,2,2,2,2,, -6458,1,2,,1,2,2,,2,2,2,2,2,2,, -6459,1,2,,0,2,2,,2,2,1,2,2,2,, -6460,1,2,2,0,2,2,,2,2,2,2,2,2,, -6461,1,2,,0,2,2,,2,2,2,2,2,2,, -6462,1,2,2,0,2,2,,2,2,2,2,2,2,, -6463,4,,2,1,2,2,,2,2,2,2,2,2,, -6464,1,2,2,0,2,2,,2,2,2,2,2,2,, -6465,4,,2,5,2,2,,2,2,2,2,1,2,, -6466,4,,2,2,2,2,,2,2,2,2,1,2,, -6467,1,2,,0,2,2,,2,2,2,2,2,2,, -6468,1,2,2,1,2,2,,2,2,2,2,2,2,, -6469,1,2,2,0,2,2,,2,2,2,2,2,2,, -6470,1,2,2,0,2,2,,2,2,2,2,2,2,, -6471,1,2,2,0,2,2,,2,2,2,2,2,2,, -6472,1,2,2,0,2,2,,2,2,2,2,2,2,, -6473,4,,2,4,1,2,,2,2,2,2,2,2,, -6474,6,,2,9,2,2,,2,2,1,2,1,2,, -6475,1,2,2,1,2,2,,2,2,2,2,2,2,, -6476,1,2,2,0,2,2,,2,2,2,2,2,2,, -6477,1,2,2,0,2,2,,2,2,2,2,2,2,, -6478,1,2,,0,2,2,,2,2,2,2,2,2,, -6479,1,2,,0,2,2,,2,2,2,2,2,2,, -6480,5,,2,1,2,2,,2,2,2,2,2,2,, -6481,1,2,,1,2,2,,2,2,2,2,2,2,, -6482,1,2,,0,2,2,,2,2,2,2,2,2,, -6483,5,,2,1,2,2,,2,2,2,2,2,2,, -6484,7,,2,1,2,2,,2,2,1,2,2,2,, -6485,4,,2,5,2,2,,2,2,2,2,1,2,, -6486,6,,1,1,2,2,,2,2,2,2,1,2,, -6487,6,,2,4,2,2,,2,2,2,2,1,2,, -6488,4,,2,1,2,2,,2,2,2,2,2,2,, -6489,1,2,,0,2,2,,2,2,2,2,2,2,, -6490,5,,2,1,2,2,,2,2,2,2,2,2,, -6491,4,,2,1,2,2,,2,2,2,2,2,2,, -6492,1,2,2,0,2,2,,2,2,2,2,2,2,, -6493,7,,2,2,2,2,,2,2,2,2,2,2,, -6494,1,2,,0,2,2,,2,2,2,2,2,2,, -6495,8,,2,1,1,2,,2,2,2,2,2,2,, -6496,4,,2,1,2,2,,2,2,2,2,2,2,, -6497,1,2,,0,2,2,,2,2,2,2,2,2,, -6498,4,,2,3,2,2,,2,2,2,2,1,2,, -6499,1,2,2,0,2,2,,2,2,2,2,2,2,, -6500,1,2,,0,2,2,,2,2,2,2,2,2,, -6501,1,2,2,1,2,2,,2,2,2,2,2,2,, -6502,4,,1,8,2,2,,2,2,2,2,1,2,, -6503,1,2,2,0,2,2,,2,2,2,2,2,2,, -6504,1,2,2,0,2,2,,2,2,2,2,2,2,, -6505,1,2,2,0,2,2,,2,2,2,2,2,2,, -6506,4,,2,1,2,2,,2,2,2,2,1,2,, -6507,7,,2,7,2,2,,2,2,2,1,2,2,, -6508,1,2,,0,2,2,,2,2,2,2,2,2,, -6509,1,2,2,0,2,2,,2,2,2,2,2,2,, -6510,1,2,2,1,2,2,,2,2,2,2,2,2,, -6511,7,,2,14,2,2,,2,2,2,2,2,2,, -6512,4,,2,1,2,2,,2,2,2,2,2,2,, -6513,4,,2,1,2,2,,2,2,2,2,2,2,, -6514,4,,2,1,2,2,,2,2,2,2,2,2,, -6515,4,,2,1,2,2,,2,2,2,2,2,2,, -6516,7,,2,3,2,2,,2,2,2,2,2,2,, -6517,7,,2,34,1,2,,2,1,1,2,2,2,, -6518,1,2,2,1,2,2,,2,2,2,2,2,2,, -6519,1,2,,0,2,2,,2,2,2,2,2,2,, -6520,1,2,2,0,2,2,,2,2,2,2,2,2,, -6521,1,2,2,0,2,2,,2,2,2,2,2,2,, -6522,1,2,2,0,2,2,,2,2,2,2,2,2,, -6523,4,,2,2,1,2,,2,2,2,2,2,2,, -6524,1,2,,0,2,2,,2,2,2,2,2,2,, -6525,1,2,,0,2,2,,2,2,2,2,2,2,, -6526,7,,2,5,2,2,,2,2,2,2,2,2,, -6527,1,2,2,0,2,2,,2,2,2,2,2,2,, -6528,7,,2,2,2,2,,2,2,2,2,2,2,, -6529,7,,2,5,2,2,,2,2,2,2,1,2,, -6530,1,2,2,0,2,2,,2,2,2,2,2,2,, -6531,1,2,2,0,2,2,,2,2,2,2,2,2,, -6532,5,,2,1,2,2,,2,2,2,2,2,2,, -6533,7,,2,49,2,2,,2,2,2,2,2,2,, -6534,1,2,2,0,2,2,,2,2,2,2,2,2,, -6535,1,2,2,0,2,2,,2,2,2,2,2,2,, -6536,4,,2,1,2,2,,2,2,2,2,2,2,, -6537,1,2,2,1,2,2,,2,2,2,2,2,2,, -6538,1,2,,1,2,2,,2,2,2,2,2,2,, -6539,4,,2,4,2,2,,2,2,2,2,2,2,, -6540,1,2,2,0,2,2,,2,2,2,2,2,2,, -6541,5,,2,0,2,2,,2,2,2,2,2,2,, -6542,7,,2,3,2,2,,2,2,1,1,2,2,, -6543,4,,2,1,2,2,,2,2,2,2,2,2,, -6544,4,,2,1,2,2,,2,2,2,2,2,2,, -6545,1,2,2,1,2,2,,2,2,2,2,2,2,, -6546,1,2,,0,2,2,,2,2,2,2,2,2,, -6547,1,2,,0,2,2,,2,2,2,2,2,2,, -6548,4,,2,3,1,2,,2,2,1,2,2,2,, -6549,1,2,2,0,2,2,,2,2,2,2,2,2,, -6550,4,,2,1,2,2,,2,2,2,2,2,2,, -6551,4,,2,1,2,2,,2,2,2,2,2,2,, -6552,1,2,,1,2,2,,2,2,2,2,2,2,, -6553,7,,2,30,2,2,,2,2,1,2,1,2,, -6554,1,2,2,0,2,2,,2,2,2,2,2,2,, -6555,1,2,2,0,2,2,,2,2,2,2,2,2,, -6556,1,2,2,0,2,2,,2,2,2,2,2,2,, -6557,1,2,2,0,2,2,,2,2,2,2,2,2,, -6558,1,2,,0,2,2,,2,2,2,2,2,2,, -6559,4,,2,1,2,2,,2,2,2,2,1,2,, -6560,4,,2,3,2,2,,2,2,2,2,2,2,, -6561,1,2,,1,2,2,,2,2,2,2,2,2,, -6562,1,2,,0,2,2,,2,2,2,2,2,2,, -6563,1,2,2,1,2,2,,2,2,2,2,2,2,, -6564,4,,2,5,2,2,,2,2,2,2,2,2,, -6565,1,2,2,0,2,2,,2,2,2,2,2,2,, -6566,1,2,,0,2,2,,2,2,2,2,2,2,, -6567,1,2,2,0,2,2,,2,2,2,2,2,2,, -6568,1,2,2,1,2,2,,2,2,2,2,2,2,, -6569,1,2,2,0,2,2,,2,2,2,2,2,2,, -6570,1,2,2,0,2,2,,2,2,2,2,2,2,, -6571,9,2,2,1,2,2,,2,2,2,2,2,2,, -6572,4,,2,1,2,2,,2,2,2,1,1,2,, -6573,1,2,,0,2,2,,2,2,2,2,2,2,, -6574,7,,2,2,2,2,,2,2,2,2,2,2,, -6575,7,,2,4,1,2,,2,2,2,2,2,2,, -6576,4,,2,2,2,2,,2,2,1,2,1,2,, -6577,5,,2,1,2,2,,2,2,2,2,2,2,, -6578,4,,2,3,1,2,,2,2,2,2,2,2,, -6579,4,,2,16,2,2,,2,2,1,2,1,2,, -6580,1,2,2,0,2,2,,2,2,2,1,2,2,, -6581,4,,2,3,2,2,,2,2,2,2,1,2,, -6582,4,,2,30,2,2,,2,2,2,2,2,2,, -6583,1,2,,0,2,2,,2,2,2,2,2,2,, -6584,7,,2,2,2,2,,2,2,2,2,1,1,3, -6585,4,,2,1,2,2,,2,2,2,2,2,2,, -6586,1,2,2,1,1,2,,2,2,2,2,2,2,, -6587,4,,2,1,2,2,,2,2,2,2,2,2,, -6588,4,,2,2,2,2,,2,2,2,2,1,2,, -6589,1,2,,0,2,2,,2,2,2,2,2,2,, -6590,1,2,2,0,2,2,,2,2,2,2,2,2,, -6591,1,2,,0,2,2,,2,2,2,2,2,2,, -6592,6,,2,2,2,2,,2,2,2,2,1,2,, -6593,1,2,2,0,2,2,,2,2,2,2,2,2,, -6594,6,,2,7,2,2,,2,2,2,2,1,2,, -6595,1,2,2,0,2,2,,2,2,2,2,2,2,, -6596,4,,2,1,2,2,,2,2,2,2,2,2,, -6597,4,,2,1,2,2,,2,2,2,2,2,2,, -6598,1,2,2,0,2,2,,2,2,2,2,2,2,, -6599,6,,2,1,2,2,,2,1,1,1,1,1,3, -6600,7,,2,3,2,2,,2,2,1,2,2,2,, -6601,1,2,,1,2,2,,2,2,2,2,2,2,, -6602,1,2,,1,2,2,,2,2,2,2,2,2,, -6603,1,2,,0,2,2,,2,2,2,2,2,2,, -6604,7,,2,1,2,2,,2,2,2,2,2,2,, -6605,5,,2,1,2,2,,2,2,2,2,2,2,, -6606,1,2,,1,2,2,,2,2,2,2,2,2,, -6607,7,,2,1,2,2,,2,2,2,2,2,2,, -6608,1,2,,1,2,2,,2,2,2,2,2,2,, -6609,1,2,,0,2,2,,2,2,2,2,2,2,, -6610,1,2,2,0,2,2,,2,2,2,2,2,2,, -6611,1,2,,0,2,2,,2,2,2,2,2,2,, -6612,1,2,,1,2,2,,2,2,2,2,2,2,, -6613,1,2,2,0,2,2,,2,2,2,2,2,2,, -6614,1,2,,0,2,2,,2,2,2,2,2,2,, -6615,6,,2,5,2,2,,2,2,2,2,1,2,, -6616,1,2,2,0,2,2,,2,2,2,2,2,2,, -6617,7,,2,2,1,2,,2,2,2,2,1,2,, -6618,1,2,2,0,2,2,,2,2,2,2,2,2,, -6619,4,,2,2,2,2,,2,2,2,2,2,2,, -6620,1,2,2,0,2,2,,2,2,2,2,2,2,, -6621,1,2,2,0,2,2,,2,2,2,2,2,2,, -6622,1,2,,0,2,2,,2,2,2,2,2,2,, -6623,5,,2,2,2,2,,2,2,2,2,2,2,, -6624,1,2,,0,2,2,,2,2,2,2,2,2,, -6625,1,2,2,0,2,2,,2,2,2,2,2,2,, -6626,1,2,2,0,2,2,,2,2,2,2,2,2,, -6627,1,2,,0,2,2,,2,2,2,2,2,2,, -6628,1,2,2,0,2,2,,2,2,2,2,2,2,, -6629,1,2,,0,2,2,,2,2,2,2,2,2,, -6630,7,,2,51,2,2,,2,2,2,2,2,2,, -6631,4,,2,2,2,2,,2,2,2,2,2,2,, -6632,4,,2,3,2,2,,2,2,2,2,2,2,, -6633,1,2,2,0,2,2,,2,2,2,2,2,2,, -6634,1,2,,1,2,2,,2,2,2,2,2,2,, -6635,5,,2,0,2,2,,2,2,2,2,2,2,, -6636,5,,2,1,1,2,,2,2,2,2,2,2,, -6637,5,,2,0,2,2,,2,2,2,2,2,2,, -6638,4,,2,4,2,2,,2,2,2,2,1,2,, -6639,1,2,2,0,2,2,,2,2,2,2,2,2,, -6640,1,2,,0,2,2,,2,2,2,2,2,2,, -6641,1,2,,1,2,2,,2,2,2,2,2,2,, -6642,5,,2,0,2,2,,2,2,1,2,2,2,, -6643,1,2,,0,2,2,,2,2,2,2,2,2,, -6644,6,,2,5,2,2,,2,2,2,2,1,2,, -6645,1,2,,0,2,2,,2,2,2,2,2,2,, -6646,1,2,,0,2,2,,2,2,2,2,2,2,, -6647,7,,2,1,1,2,,2,2,2,2,2,1,3, -6648,1,2,2,0,2,2,,2,2,2,2,2,2,, -6649,1,2,2,0,2,2,,2,2,2,2,2,2,, -6650,4,,2,3,2,2,,2,2,2,2,2,2,, -6651,1,2,2,0,2,2,,2,2,2,2,2,2,, -6652,1,2,,1,2,2,,2,2,2,2,2,2,, -6653,4,,2,1,2,2,,2,2,2,2,2,2,, -6654,5,,2,4,2,2,,2,2,2,2,2,2,, -6655,1,2,2,0,2,2,,2,2,2,2,2,2,, -6656,5,,2,1,2,2,,2,2,2,2,2,2,, -6657,1,2,2,0,2,2,,2,2,2,2,2,2,, -6658,1,2,2,0,2,2,,2,2,2,2,2,2,, -6659,1,2,2,0,2,2,,2,2,2,2,2,2,, -6660,6,,2,1,2,2,,2,2,2,2,1,2,, -6661,4,,2,0,2,2,,2,2,2,2,2,2,, -6662,1,2,2,1,2,2,,2,2,2,2,2,2,, -6663,4,,2,2,2,2,,2,2,2,2,1,2,, -6664,7,,2,6,2,2,,2,2,2,2,2,2,, -6665,1,2,2,0,2,2,,2,2,2,2,2,2,, -6666,1,2,2,0,2,2,,2,2,2,2,2,2,, -6667,1,2,,0,2,2,,2,2,2,2,2,2,, -6668,5,,2,1,2,2,,2,2,2,2,2,2,, -6669,4,,2,24,2,2,,2,2,2,2,2,2,, -6670,1,2,2,0,2,2,,2,2,2,2,2,2,, -6671,1,2,2,0,2,2,,2,2,2,2,2,2,, -6672,7,,2,2,2,2,,2,2,2,2,2,2,, -6673,4,,2,7,1,2,,2,1,2,2,2,2,, -6674,7,,2,1,2,2,,2,2,2,2,2,2,, -6675,1,2,2,0,2,2,,2,2,2,2,2,2,, -6676,1,2,,0,2,2,,2,2,2,2,2,2,, -6677,5,,2,1,2,2,,2,2,2,2,2,2,, -6678,4,,2,2,2,2,,2,2,2,2,2,2,, -6679,1,2,,0,2,2,,2,2,2,2,2,2,, -6680,4,,2,1,2,2,,2,2,2,2,2,2,, -6681,4,,2,1,2,2,,2,2,1,2,2,2,, -6682,1,2,,1,2,2,,2,2,2,2,2,2,, -6683,1,2,,0,2,2,,2,2,2,2,2,2,, -6684,1,2,2,0,2,2,,2,2,2,2,2,2,, -6685,7,,2,2,2,2,,2,2,2,2,2,2,, -6686,4,,2,3,2,2,,2,2,2,2,2,2,, -6687,5,,2,1,2,2,,2,2,2,2,2,2,, -6688,1,2,2,1,2,2,,2,2,2,2,2,2,, -6689,1,2,,0,2,2,,2,2,2,2,2,2,, -6690,4,,2,1,2,2,,2,2,2,2,2,2,, -6691,7,,2,1,2,2,,2,2,2,2,1,1,3, -6692,1,2,2,1,2,2,,2,2,2,2,2,2,, -6693,1,2,,0,2,2,,2,2,2,2,2,2,, -6694,4,,2,1,2,2,,2,2,2,2,2,2,, -6695,4,,2,1,2,2,,2,2,2,2,2,2,, -6696,5,,2,0,2,2,,2,2,2,2,2,2,, -6697,1,2,2,0,2,2,,2,2,2,2,2,2,, -6698,1,2,2,0,2,2,,2,2,2,2,2,2,, -6699,1,2,,0,2,2,,2,2,2,2,2,2,, -6700,1,2,2,1,2,2,,2,2,2,2,2,2,, -6701,4,,2,18,2,2,,2,2,2,2,1,2,, -6702,4,,2,1,2,2,,2,2,2,2,2,2,, -6703,5,,2,1,2,2,,2,2,2,2,2,2,, -6704,4,,2,1,2,2,,2,2,2,2,2,2,, -6705,7,,2,53,1,2,,2,2,1,2,1,2,, -6706,7,,2,2,2,2,,2,2,1,2,2,2,, -6707,1,2,2,0,2,2,,2,2,2,2,2,2,, -6708,4,,2,1,2,2,,2,2,2,2,2,2,, -6709,4,,2,1,2,2,,2,2,1,2,2,2,, -6710,1,2,2,0,2,2,,2,2,2,2,2,2,, -6711,1,2,,0,2,2,,2,2,2,2,2,2,, -6712,1,2,,0,2,2,,2,2,2,2,2,2,, -6713,1,2,2,1,2,2,,2,2,2,2,2,2,, -6714,6,,2,4,2,2,,2,2,2,1,1,2,, -6715,4,,2,1,2,2,,2,2,2,2,2,2,, -6716,5,,2,1,2,2,,2,2,2,2,2,2,, -6717,1,2,2,0,2,2,,2,2,2,2,2,2,, -6718,4,,2,5,2,2,,2,2,2,2,2,2,, -6719,4,,2,1,1,2,,2,2,2,2,2,2,, -6720,1,2,,0,2,2,,2,2,2,2,2,2,, -6721,4,,2,1,2,2,,2,2,2,2,2,2,, -6722,1,2,2,0,2,2,,2,2,1,2,2,2,, -6723,4,,2,1,2,2,,2,2,2,2,2,2,, -6724,1,2,2,0,2,2,,2,2,2,2,2,2,, -6725,4,,2,1,2,2,,2,2,2,2,2,2,, -6726,4,,2,3,2,2,,2,2,2,2,2,2,, -6727,1,2,,0,2,2,,2,2,2,2,2,2,, -6728,4,,2,1,2,2,,2,2,2,2,2,2,, -6729,1,2,,0,2,2,,2,2,2,2,2,2,, -6730,1,2,,1,2,2,,2,2,2,2,2,2,, -6731,1,2,2,1,2,2,,2,2,2,2,2,2,, -6732,1,2,2,0,2,2,,2,2,2,2,2,2,, -6733,1,2,,0,2,2,,2,2,2,2,2,2,, -6734,4,,2,6,1,2,,2,2,1,1,2,2,, -6735,7,,2,1,2,2,,2,2,1,2,2,2,, -6736,1,2,2,0,2,2,,2,2,2,2,2,2,, -6737,1,2,,0,2,2,,2,2,2,2,2,2,, -6738,4,,2,1,2,2,,2,2,2,2,2,2,, -6739,1,2,,0,2,2,,2,2,2,2,2,2,, -6740,1,2,,0,2,2,,2,2,2,2,2,2,, -6741,4,,2,1,2,2,,2,2,2,2,2,2,, -6742,7,,2,6,2,2,,2,2,2,2,1,2,, -6743,1,2,2,1,2,2,,2,2,2,2,2,2,, -6744,7,,2,2,2,2,,2,2,2,2,2,2,, -6745,1,2,,0,2,2,,2,2,2,2,2,2,, -6746,4,,2,3,2,2,,2,2,2,2,2,2,, -6747,1,2,,0,2,2,,2,2,2,2,2,2,, -6748,4,,2,4,2,2,,2,2,2,2,2,2,, -6749,1,2,2,0,2,2,,2,2,2,2,2,2,, -6750,7,,2,2,1,2,,2,2,2,2,2,2,, -6751,1,2,2,0,2,2,,2,2,2,2,2,2,, -6752,1,2,2,1,2,2,,2,2,2,2,2,2,, -6753,1,2,,0,2,2,,2,2,2,2,2,2,, -6754,5,,2,0,2,2,,2,2,2,2,2,2,, -6755,4,,2,2,1,2,,2,2,2,2,1,2,, -6756,1,2,,0,2,2,,2,2,2,2,2,2,, -6757,1,2,2,0,2,2,,2,2,2,2,2,2,, -6758,1,2,2,0,2,2,,2,2,2,2,2,2,, -6759,1,1,2,1,2,2,,2,2,2,2,2,2,, -6760,4,,2,2,2,2,,2,2,2,2,2,2,, -6761,1,2,,0,2,2,,2,2,2,2,2,2,, -6762,1,2,,0,2,2,,2,2,2,2,2,2,, -6763,1,2,2,0,2,2,,2,2,2,2,2,2,, -6764,4,,2,0,2,2,,2,2,2,2,2,2,, -6765,1,2,2,0,2,2,,2,2,2,2,2,2,, -6766,4,,2,1,2,2,,2,2,2,2,2,2,, -6767,4,,2,1,2,2,,2,2,2,2,2,2,, -6768,4,,2,21,1,2,,1,1,2,2,2,2,, -6769,1,2,,0,2,2,,2,2,2,2,2,2,, -6770,1,2,2,0,2,2,,2,2,2,2,2,2,, -6771,4,,2,1,2,2,,2,2,2,2,2,2,, -6772,5,,2,1,2,2,,2,2,2,2,2,2,, -6773,1,2,,0,2,2,,2,2,2,2,2,2,, -6774,5,,2,1,2,2,,2,2,2,2,2,2,, -6775,1,2,,0,2,2,,2,2,2,2,2,2,, -6776,1,2,2,0,2,2,,2,2,2,2,2,2,, -6777,1,2,2,0,2,2,,2,2,2,2,2,2,, -6778,5,,2,1,2,2,,2,2,2,2,2,2,, -6779,4,,2,1,2,2,,2,2,2,2,2,2,, -6780,1,2,2,0,2,2,,2,2,2,2,2,2,, -6781,1,2,,0,2,2,,2,2,2,2,2,2,, -6782,1,2,2,0,2,2,,2,2,2,2,2,2,, -6783,1,2,,0,2,2,,2,2,2,2,2,2,, -6784,7,,2,1,2,2,,2,2,2,2,2,2,, -6785,1,2,2,0,2,2,,2,2,2,2,2,2,, -6786,4,,2,1,2,2,,2,2,2,2,2,2,, -6787,1,2,,0,2,2,,2,2,2,2,2,2,, -6788,1,2,2,0,2,2,,2,2,2,2,2,2,, -6789,1,2,,0,2,2,,2,2,2,2,2,2,, -6790,7,,2,3,1,2,,2,2,2,2,2,2,, -6791,4,,2,1,2,2,,2,2,2,2,2,2,, -6792,1,2,,0,2,2,,2,2,2,2,2,2,, -6793,1,2,2,0,2,2,,2,2,2,2,2,2,, -6794,1,2,,0,2,2,,2,2,2,2,2,2,, -6795,1,2,,0,2,2,,2,2,2,2,2,2,, -6796,1,2,2,0,2,2,,2,2,2,2,2,2,, -6797,7,,2,22,2,2,,2,2,2,2,2,2,, -6798,8,,2,372,2,2,,2,2,1,2,2,2,, -6799,1,2,2,0,2,2,,2,2,2,2,2,2,, -6800,4,,2,4,2,2,,2,2,2,2,2,2,, -6801,1,2,2,0,2,2,,2,2,2,2,2,2,, -6802,4,,2,1,2,2,,2,2,2,2,2,2,, -6803,4,,2,6,2,2,,2,2,2,2,1,2,, -6804,4,,2,1,2,2,,2,2,2,2,2,2,, -6805,1,2,2,1,2,2,,2,2,2,2,2,2,, -6806,4,,2,2,1,2,,2,2,2,2,2,2,, -6807,4,,2,2,2,2,,2,2,2,2,2,2,, -6808,1,2,,0,2,2,,2,2,2,2,2,2,, -6809,4,,2,6,2,2,,2,2,1,1,1,2,, -6810,7,,1,10,1,2,,2,1,1,2,2,2,, -6811,1,2,2,0,2,2,,2,2,2,2,2,2,, -6812,1,2,2,0,2,2,,2,2,2,2,2,2,, -6813,1,2,2,0,2,2,,2,2,2,2,2,2,, -6814,1,2,2,1,2,2,,2,2,2,2,2,2,, -6815,4,,2,2,2,2,,2,2,2,2,2,2,, -6816,4,,2,1,2,2,,2,2,2,2,2,2,, -6817,1,2,2,0,2,2,,2,2,2,2,2,2,, -6818,4,,2,2,2,2,,2,2,2,1,1,2,, -6819,1,2,,0,2,2,,2,2,2,2,2,2,, -6820,1,2,2,0,2,2,,2,2,2,2,2,2,, -6821,1,2,2,0,2,2,,2,2,2,2,2,2,, -6822,1,2,,0,2,2,,2,2,2,2,2,2,, -6823,4,,2,1,2,2,,2,2,2,2,2,2,, -6824,4,,2,4,2,2,,2,2,2,2,1,2,, -6825,1,2,,0,2,2,,2,2,2,2,2,2,, -6826,8,,2,1,2,2,,2,2,2,2,2,2,, -6827,4,,2,1,2,2,,2,2,2,2,2,2,, -6828,5,,2,1,2,2,,2,2,2,2,2,2,, -6829,6,,2,1,2,2,,2,2,2,2,1,2,, -6830,6,,2,4,2,2,,2,2,2,2,1,2,, -6831,1,2,,0,2,2,,2,2,2,2,2,2,, -6832,1,2,,0,2,2,,2,2,2,2,2,2,, -6833,4,,2,1,2,2,,2,2,2,2,2,2,, -6834,1,2,,0,2,2,,2,2,2,2,2,2,, -6835,1,2,2,0,2,2,,2,2,2,2,2,2,, -6836,1,2,2,0,2,2,,2,2,2,2,2,2,, -6837,4,,2,3,2,2,,2,2,2,2,1,2,, -6838,1,2,2,0,2,2,,2,2,2,2,2,2,, -6839,1,2,,0,2,2,,2,2,2,2,2,2,, -6840,1,2,2,0,2,2,,2,2,2,2,2,2,, -6841,4,,2,2,2,2,,2,2,2,2,1,2,, -6842,4,,2,2,2,2,,2,2,2,2,2,2,, -6843,4,,2,1,2,2,,2,2,2,2,2,2,, -6844,1,2,,1,2,2,,2,2,2,2,2,2,, -6845,1,2,2,0,2,2,,2,2,2,2,2,2,, -6846,4,,2,1,2,2,,2,2,2,2,1,2,, -6847,1,2,,0,2,2,,2,2,2,2,2,2,, -6848,1,2,,1,2,2,,2,2,2,2,2,2,, -6849,1,2,2,0,2,2,,2,2,2,2,2,2,, -6850,1,2,,0,2,2,,2,2,2,2,2,2,, -6851,1,2,,0,2,2,,2,2,2,2,2,2,, -6852,1,2,,0,2,2,,2,2,2,2,2,2,, -6853,7,,2,2,2,2,,2,2,2,2,2,2,, -6854,4,,2,1,2,2,,2,2,2,2,2,2,, -6855,1,2,,1,2,2,,2,2,2,2,2,2,, -6856,1,2,2,1,2,2,,2,2,2,2,2,2,, -6857,1,2,2,0,2,2,,2,2,2,2,2,2,, -6858,1,2,,0,2,2,,2,2,2,2,2,2,, -6859,5,,2,1,2,2,,2,2,2,2,2,2,, -6860,7,,2,4,2,2,,2,1,2,2,2,1,5,"Severe Acute respiratory distress syndrome, Cardiovascular instablity" -6861,5,,2,1,2,2,,2,2,2,2,2,2,, -6862,7,,2,40,2,2,,2,2,2,2,1,2,, -6863,1,2,2,0,2,2,,2,2,2,2,2,2,, -6864,4,,2,2,2,2,,2,2,2,2,2,2,, -6865,7,,2,7,1,2,,2,2,1,1,2,2,, -6866,1,2,2,0,2,2,,2,2,2,2,2,2,, -6867,5,,2,1,2,2,,2,2,2,2,2,2,, -6868,1,2,2,0,2,2,,2,2,2,2,2,2,, -6869,7,,2,1,2,2,,2,2,2,2,2,2,, -6870,5,,2,0,2,2,,2,2,2,2,2,2,, -6871,6,,2,3,2,2,,2,2,2,2,1,2,, -6872,4,,2,13,2,2,,2,2,2,1,1,2,, -6873,7,,2,2,2,2,,2,2,1,1,2,2,, -6874,4,,2,3,2,2,,2,2,2,2,2,2,, -6875,4,,2,3,2,2,,2,2,2,2,1,2,, -6876,5,,2,1,2,2,,2,2,2,2,2,2,, -6877,4,,2,0,2,2,,2,2,2,2,2,2,, -6878,1,2,,0,2,2,,2,2,2,2,2,2,, -6879,8,,2,9,1,2,,2,1,2,1,1,2,, -6880,5,,2,0,2,2,,2,2,2,2,2,2,, -6881,4,,2,2,2,2,,2,2,2,2,1,2,, -6882,4,,2,7,2,2,,2,2,2,2,1,2,, -6883,1,2,2,1,2,2,,2,2,2,2,2,2,, -6884,6,,2,3,2,2,,2,2,2,2,1,2,, -6885,1,2,,0,2,2,,2,2,2,2,2,2,, -6886,1,2,,0,2,2,,2,2,2,2,2,2,, -6887,1,2,,0,2,2,,2,2,2,2,2,2,, -6888,1,2,,0,2,2,,2,2,2,2,2,2,, -6889,1,2,,0,2,2,,2,2,2,2,2,2,, -6890,7,,2,2,2,2,,2,2,2,2,2,2,, -6891,4,,2,1,2,2,,2,2,2,2,2,2,, -6892,1,2,2,0,2,2,,2,2,2,2,2,2,, -6893,1,2,,0,2,2,,2,2,2,2,2,2,, -6894,4,,2,1,2,2,,2,2,2,2,2,2,, -6895,7,,2,2,2,2,,2,2,2,2,2,2,, -6896,1,2,,0,2,2,,2,2,2,2,2,2,, -6897,5,,2,1,2,2,,2,2,2,2,1,2,, -6898,7,,2,5,1,2,,2,2,2,1,2,2,, -6899,1,2,2,0,2,2,,2,2,2,2,2,2,, -6900,4,,2,2,2,2,,2,2,2,2,2,2,, -6901,4,,2,1,2,2,,2,2,2,2,2,2,, -6902,4,,2,3,2,2,,2,2,2,1,2,2,, -6903,1,2,2,0,2,2,,2,2,2,2,2,2,, -6904,7,,2,5,2,2,,2,2,2,2,1,2,, -6905,1,2,,0,2,2,,2,2,2,2,2,2,, -6906,1,2,2,0,2,2,,2,2,2,2,2,2,, -6907,4,,2,2,2,2,,2,2,2,2,2,2,, -6908,7,,2,2,2,2,,2,2,2,2,2,2,, -6909,5,,2,1,2,2,,2,2,2,2,2,2,, -6910,7,,2,7,2,2,,2,2,2,2,2,2,, -6911,5,,2,1,2,2,,2,2,2,1,2,2,, -6912,1,2,,0,2,2,,2,2,2,2,2,2,, -6913,1,2,2,0,2,2,,2,2,2,2,2,2,, -6914,1,2,2,0,2,2,,2,2,2,2,2,2,, -6915,1,2,2,0,2,2,,2,2,2,2,2,2,, -6916,1,2,,1,2,2,,2,2,2,2,2,2,, -6917,4,,2,1,2,2,,2,2,2,2,2,2,, -6918,5,,2,3,2,2,,2,2,2,2,2,2,, -6919,7,,2,4,2,2,,2,2,2,2,2,2,, -6920,4,,2,1,2,2,,2,2,2,2,2,2,, -6921,1,2,,0,2,2,,2,2,2,2,2,2,, -6922,5,,2,1,2,2,,2,2,2,2,2,2,, -6923,1,2,2,0,2,2,,2,2,2,2,2,2,, -6924,1,2,,0,2,2,,2,2,2,2,2,2,, -6925,5,,2,2,2,2,,2,2,2,2,2,2,, -6926,7,,2,117,1,2,,2,2,1,2,2,2,, -6927,5,,2,0,2,2,,2,2,2,2,2,2,, -6928,6,,2,2,2,2,,2,2,2,2,1,2,, -6929,4,,2,2,2,2,,2,2,2,2,2,2,, -6930,4,,2,1,2,2,,2,2,2,2,2,2,, -6931,4,,2,1,2,2,,2,2,2,2,2,2,, -6932,1,2,2,1,2,2,,2,2,2,2,2,2,, -6933,1,2,2,0,2,2,,2,2,2,2,2,2,, -6934,4,,2,2,2,2,,2,2,2,2,2,2,, -6935,5,,2,0,2,2,,2,2,2,2,2,2,, -6936,4,,1,8,1,2,,1,2,2,2,2,2,, -6937,7,,2,12,2,2,,2,2,2,2,2,2,, -6938,1,2,2,0,2,2,,2,2,2,2,2,2,, -6939,1,2,2,0,2,2,,2,2,2,2,2,2,, -6940,4,,2,1,2,2,,2,2,2,1,2,2,, -6941,1,2,2,0,2,2,,2,2,2,2,2,2,, -6942,4,,2,1,2,2,,2,2,2,2,2,2,, -6943,1,2,2,0,2,2,,2,2,2,2,2,2,, -6944,1,2,,0,2,2,,2,2,2,2,2,2,, -6945,1,2,,0,2,2,,2,2,2,2,2,2,, -6946,7,,2,4,1,2,,2,2,2,2,2,2,, -6947,4,,2,3,2,2,,2,2,2,2,1,2,, -6948,1,2,,0,2,2,,2,2,2,2,2,2,, -6949,1,2,,0,2,2,,2,2,2,2,2,2,, -6950,1,2,2,0,2,2,,2,2,2,2,2,2,, -6951,1,2,2,0,2,2,,2,2,2,2,2,2,, -6952,1,2,,0,2,2,,2,2,2,2,2,2,, -6953,1,2,2,0,2,2,,2,2,2,2,2,2,, -6954,4,,2,1,2,2,,2,2,2,2,2,2,, -6955,1,2,,1,2,2,,2,2,2,2,2,2,, -6956,1,2,2,0,2,2,,2,2,2,2,2,2,, -6957,7,,2,9,1,2,,2,1,2,2,2,2,, -6958,1,2,,0,2,2,,2,2,2,2,2,2,, -6959,7,,2,3,2,2,,2,2,2,1,2,2,, -6960,4,,2,5,2,2,,2,2,2,2,2,2,, -6961,7,,2,2,2,2,,2,2,2,2,2,2,, -6962,4,,2,2,2,2,,2,2,2,2,2,2,, -6963,4,,2,1,2,2,,2,2,1,2,1,2,, -6964,5,,2,1,2,2,,2,2,2,2,2,2,, -6965,5,,2,1,2,2,,2,2,2,2,2,2,, -6966,4,,2,2,2,2,,2,2,2,2,2,2,, -6967,1,2,2,1,2,2,,2,2,2,2,2,2,, -6968,1,2,,0,2,2,,2,2,2,2,2,2,, -6969,1,2,,1,2,2,,2,2,2,2,2,2,, -6970,1,2,,0,2,2,,2,2,2,2,2,2,, -6971,6,,2,1,2,2,,2,2,2,2,2,2,, -6972,4,,2,1,2,2,,2,2,2,2,2,2,, -6973,1,2,2,0,2,2,,2,2,2,2,2,2,, -6974,5,,2,1,2,2,,2,2,2,2,2,2,, -6975,4,,2,1,2,2,,2,2,2,2,2,2,, -6976,1,2,,0,2,2,,2,2,2,2,2,2,, -6977,4,,2,1,2,2,,2,2,2,2,2,2,, -6978,1,2,2,1,2,2,,2,2,2,2,2,2,, -6979,1,2,,1,2,2,,2,2,2,2,2,2,, -6980,1,2,,1,2,2,,2,2,2,2,2,2,, -6981,1,2,,0,2,2,,2,2,2,2,2,2,, -6982,1,2,2,0,2,2,,2,2,2,2,2,2,, -6983,7,,2,8,2,2,,2,2,2,2,2,2,, -6984,1,2,2,0,2,2,,2,2,2,2,2,2,, -6985,1,2,,0,2,2,,2,2,2,2,2,2,, -6986,1,2,,0,2,2,,2,2,2,2,2,2,, -6987,1,2,,0,2,2,,2,2,2,2,2,2,, -6988,1,2,2,0,2,2,,2,2,2,2,2,2,, -6989,5,,2,4,2,2,,2,2,1,1,2,2,, -6990,1,2,,0,2,2,,2,2,2,2,2,2,, -6991,1,2,,0,2,2,,2,2,2,2,2,2,, -6992,7,,2,4,2,2,,2,2,2,2,2,2,, -6993,1,2,,0,2,2,,2,2,2,2,2,2,, -6994,1,2,2,1,2,2,,2,2,2,2,2,2,, -6995,4,,2,1,2,2,,2,2,2,2,2,2,, -6996,1,2,2,0,2,2,,2,2,2,2,2,2,, -6997,1,2,2,1,2,2,,2,2,2,2,2,2,, -6998,7,,2,1,2,2,,2,2,2,2,2,2,, -6999,1,2,2,0,2,2,,2,2,2,2,2,2,, -7000,4,,2,2,1,2,,2,2,2,2,2,2,, -7001,7,,2,2,2,2,,2,2,1,2,2,2,, -7002,1,2,,0,2,2,,2,2,2,2,2,2,, -7003,7,,2,2,2,2,,2,2,2,2,2,2,, -7004,4,,2,2,2,2,,2,2,2,2,2,2,, -7005,1,2,2,0,2,2,,2,2,2,2,2,2,, -7006,1,2,2,1,2,2,,2,2,2,2,2,2,, -7007,5,,2,0,2,2,,2,2,2,2,2,2,, -7008,7,,2,4,2,2,,2,2,1,2,1,2,, -7009,1,2,,0,2,2,,2,2,2,2,2,2,, -7010,7,,2,1,2,2,,2,2,2,2,2,2,, -7011,1,2,,0,2,2,,2,2,2,2,2,2,, -7012,1,2,,0,2,2,,2,2,2,2,2,2,, -7013,1,2,2,0,2,2,,2,2,2,2,2,2,, -7014,1,2,2,0,2,2,,2,2,2,2,2,2,, -7015,1,2,,0,2,2,,2,2,2,2,2,2,, -7016,4,,2,13,2,2,,2,2,2,2,2,2,, -7017,5,,2,1,2,2,,2,2,2,2,2,2,, -7018,1,2,2,0,2,2,,2,2,2,2,2,2,, -7019,1,2,2,0,2,2,,2,2,2,2,2,2,, -7020,4,,2,1,2,2,,2,2,2,2,2,2,, -7021,5,,2,1,2,2,,2,2,2,2,2,2,, -7022,1,2,,0,2,2,,2,2,2,2,2,2,, -7023,1,2,,0,2,2,,2,2,2,2,2,2,, -7024,1,2,2,0,2,2,,2,2,2,2,2,2,, -7025,1,2,,0,2,2,,2,2,2,2,2,2,, -7026,1,2,2,0,2,2,,2,2,2,2,2,2,, -7027,7,,2,3,2,2,,2,2,2,2,2,2,, -7028,7,,2,3,2,2,,2,2,2,2,2,2,, -7029,7,,2,2,2,2,,2,2,2,2,2,2,, -7030,1,2,2,1,2,2,,2,2,2,2,2,2,, -7031,4,,2,5,2,2,,2,2,2,2,2,2,, -7032,1,2,2,1,2,2,,2,2,2,2,2,2,, -7033,1,2,2,0,2,2,,2,2,2,2,2,2,, -7034,1,2,,0,2,2,,2,2,2,2,2,2,, -7035,4,,2,1,2,2,,2,2,2,2,2,2,, -7036,1,2,2,0,2,2,,2,2,2,2,2,2,, -7037,1,2,2,0,2,2,,2,2,2,2,2,2,, -7038,5,,2,1,2,2,,2,2,2,2,2,2,, -7039,1,2,,0,2,2,,2,2,2,2,2,2,, -7040,1,2,,0,2,2,,2,2,2,2,2,2,, -7041,1,2,,1,2,2,,2,2,2,2,2,2,, -7042,5,,2,0,2,2,,2,2,2,2,2,2,, -7043,5,,2,1,2,2,,2,2,2,2,1,2,, -7044,1,2,2,0,2,2,,2,2,2,2,2,2,, -7045,1,2,2,1,2,2,,2,2,2,2,2,2,, -7046,4,,2,1,2,2,,2,2,2,2,2,2,, -7047,1,2,2,1,2,2,,2,2,2,2,2,2,, -7048,1,2,2,0,2,2,,2,2,2,2,2,2,, -7049,1,2,,0,2,2,,2,2,2,2,2,2,, -7050,7,,2,4,2,2,,2,2,1,1,1,2,, -7051,1,2,2,1,2,2,,2,2,2,2,2,2,, -7052,1,2,2,1,2,2,,2,2,2,2,2,2,, -7053,4,,2,5,2,2,,2,2,2,2,1,2,, -7054,1,2,2,0,2,2,,2,2,2,2,2,2,, -7055,1,2,,0,2,2,,2,2,2,2,2,2,, -7056,4,,2,2,2,2,,2,2,2,2,1,2,, -7057,1,2,2,0,2,2,,2,2,2,2,2,2,, -7058,4,,2,1,2,2,,2,2,2,2,2,2,, -7059,1,2,2,0,2,2,,2,2,2,2,2,2,, -7060,1,2,,0,2,2,,2,2,2,2,2,2,, -7061,1,1,2,5,2,2,,2,2,2,2,2,2,, -7062,1,2,2,0,2,2,,2,2,2,2,2,2,, -7063,1,2,,0,2,2,,2,2,2,2,2,2,, -7064,5,,2,4,2,2,,2,2,2,2,2,2,, -7065,1,2,,0,2,2,,2,2,2,2,2,2,, -7066,1,2,2,0,2,2,,2,2,2,2,2,2,, -7067,7,,2,5,2,2,,2,2,1,1,1,2,, -7068,1,2,,0,2,2,,2,2,2,2,2,2,, -7069,1,2,,0,2,2,,2,2,2,2,2,2,, -7070,1,2,,1,2,2,,2,2,2,2,2,2,, -7071,7,,2,11,1,2,,2,2,1,2,2,2,, -7072,1,2,2,0,2,2,,2,2,2,2,2,2,, -7073,1,2,,0,2,2,,2,2,2,2,2,2,, -7074,1,2,,0,2,2,,2,2,2,2,2,2,, -7075,1,2,2,0,2,2,,2,2,2,2,2,2,, -7076,1,2,,1,2,2,,2,2,2,2,2,2,, -7077,1,2,,0,2,2,,2,2,2,2,2,2,, -7078,4,,2,1,2,2,,2,2,2,2,2,2,, -7079,4,,2,1,2,2,,2,2,2,2,2,2,, -7080,9,2,2,1,2,2,,2,2,2,2,2,2,, -7081,2,2,2,1,2,2,,2,2,2,2,2,2,, -7082,4,,2,1,2,2,,2,2,2,2,2,2,, -7083,4,,2,1,2,2,,2,2,2,2,2,2,, -7084,4,,2,4,2,2,,2,2,1,2,2,2,, -7085,1,2,,0,2,2,,2,2,2,2,2,2,, -7086,7,,2,3,2,2,,2,2,2,2,2,2,, -7087,7,,2,14,1,2,,2,1,2,2,1,2,, -7088,1,2,,1,2,2,,2,2,2,2,2,2,, -7089,1,2,,0,2,2,,2,2,2,2,2,2,, -7090,6,,2,6,1,2,,2,1,2,2,1,2,, -7091,4,,2,3,2,2,,2,2,2,2,1,2,, -7092,1,2,,0,2,2,,2,2,2,2,2,2,, -7093,1,2,2,0,2,2,,2,2,2,2,2,2,, -7094,1,2,,0,2,2,,2,2,2,2,2,2,, -7095,4,,2,1,1,2,,2,2,2,2,2,2,, -7096,4,,2,1,1,2,,2,2,2,2,2,2,, -7097,1,2,,0,2,2,,2,2,2,2,2,2,, -7098,1,2,,0,2,2,,2,2,2,2,2,2,, -7099,1,2,2,0,2,2,,2,2,2,2,2,2,, -7100,1,2,,0,2,2,,2,2,2,2,2,2,, -7101,1,2,2,0,2,2,,2,2,2,2,2,2,, -7102,5,,2,1,2,2,,2,2,2,2,2,2,, -7103,1,2,,0,2,2,,2,2,2,2,2,2,, -7104,7,,2,2,2,2,,2,2,2,2,2,2,, -7105,1,2,2,0,2,2,,2,2,2,2,2,2,, -7106,1,2,,0,2,2,,2,2,2,2,2,2,, -7107,1,2,,0,2,2,,2,2,2,2,2,2,, -7108,1,2,2,1,2,2,,2,2,2,2,2,2,, -7109,4,,2,1,2,2,,2,2,2,2,2,2,, -7110,6,,2,1,2,2,,2,2,2,2,1,2,, -7111,1,2,,0,2,2,,2,2,2,2,2,2,, -7112,1,2,,0,2,2,,2,2,2,2,2,2,, -7113,4,,2,2,2,2,,2,2,2,2,1,2,, -7114,1,2,2,0,2,2,,2,2,2,2,2,2,, -7115,1,2,2,0,2,2,,2,2,2,2,2,2,, -7116,1,2,2,0,2,2,,2,2,2,2,2,2,, -7117,4,,2,2,2,2,,2,2,2,2,1,2,, -7118,1,2,,0,2,2,,2,2,2,2,2,2,, -7119,1,2,,1,2,2,,2,2,2,2,2,2,, -7120,1,2,,0,2,2,,2,2,2,2,2,2,, -7121,1,2,2,0,2,2,,2,2,2,2,2,2,, -7122,7,,1,17,2,2,,2,2,1,2,1,2,, -7123,7,,2,4,1,2,,2,1,2,2,2,2,, -7124,4,,2,0,2,2,,2,2,2,2,2,2,, -7125,1,2,2,0,2,2,,2,2,2,2,2,2,, -7126,1,2,2,0,2,2,,2,2,2,2,2,2,, -7127,1,2,,1,2,2,,2,2,2,2,2,2,, -7128,1,2,,0,2,2,,2,2,2,2,2,2,, -7129,1,2,,1,2,2,,2,2,2,2,2,2,, -7130,1,2,2,0,2,2,,2,2,2,2,2,2,, -7131,4,,2,2,2,2,,2,2,2,2,2,2,, -7132,4,,2,3,1,2,,2,2,1,2,2,2,, -7133,1,2,,0,2,2,,2,2,2,2,2,2,, -7134,5,,2,1,2,2,,2,2,2,2,2,2,, -7135,4,,2,3,1,2,,2,2,2,2,2,2,, -7136,6,,2,11,1,2,,2,2,1,2,1,2,, -7137,1,2,2,1,2,2,,2,2,2,2,2,2,, -7138,1,2,2,0,2,2,,2,2,2,2,2,2,, -7139,1,2,2,0,2,2,,2,2,2,2,2,2,, -7140,4,,2,1,2,2,,2,2,2,2,1,2,, -7141,4,,2,1,2,2,,2,2,2,1,2,2,, -7142,7,,2,4,1,2,,2,2,2,2,2,2,, -7143,1,2,2,0,2,2,,2,2,2,2,2,2,, -7144,1,2,2,0,2,2,,2,2,2,2,2,2,, -7145,1,2,,0,2,2,,2,2,2,2,2,2,, -7146,7,,2,2,2,2,,2,2,2,2,2,2,, -7147,1,2,2,0,2,2,,2,2,2,2,2,2,, -7148,1,2,2,1,2,2,,2,2,2,2,2,2,, -7149,1,2,,0,2,2,,2,2,2,2,2,2,, -7150,7,,2,41,1,2,,1,1,2,2,1,2,, -7151,7,,2,6,2,2,,2,2,2,2,2,2,, -7152,4,,2,1,2,2,,2,2,2,2,2,2,, -7153,1,2,,1,2,2,,2,2,2,2,2,2,, -7154,4,,2,4,2,2,,2,2,1,1,2,2,, -7155,1,2,,0,2,2,,2,2,2,1,2,2,, -7156,1,2,,0,2,2,,2,2,2,2,2,2,, -7157,1,2,,0,2,2,,2,2,2,2,2,2,, -7158,6,,2,4,1,2,,2,2,2,1,1,2,, -7159,1,2,2,0,2,2,,2,2,2,2,2,2,, -7160,1,2,2,0,2,2,,2,2,2,2,2,2,, -7161,1,2,,1,2,2,,2,2,2,2,2,2,, -7162,1,2,2,0,2,2,,2,2,2,2,2,2,, -7163,1,2,2,1,2,2,,2,2,2,2,2,2,, -7164,1,2,2,0,2,2,,2,2,2,2,2,2,, -7165,7,,2,6,2,2,,2,2,2,2,2,2,, -7166,6,,2,3,2,2,,2,2,2,2,1,2,, -7167,6,,2,3,2,2,,2,2,2,2,1,2,, -7168,1,2,2,0,2,2,,2,2,2,2,2,2,, -7169,4,,2,1,2,2,,2,2,2,2,1,2,, -7170,4,,2,1,2,2,,2,2,1,2,2,2,, -7171,7,,2,1,2,2,,2,2,2,2,2,2,, -7172,1,2,2,0,2,2,,2,2,2,2,2,2,, -7173,4,,2,3,1,2,,2,2,2,2,1,2,, -7174,7,,2,2,2,2,,2,2,2,2,2,2,, -7175,1,2,2,0,2,2,,2,2,2,2,2,2,, -7176,1,2,2,0,2,2,,2,2,2,2,2,2,, -7177,4,,2,3,2,2,,2,2,2,2,1,2,, -7178,4,,2,1,2,2,,2,2,2,2,2,2,, -7179,1,2,2,0,2,2,,2,2,2,2,2,2,, -7180,1,2,,0,2,2,,2,2,2,2,2,2,, -7181,7,,2,15,2,2,,2,2,2,2,1,2,, -7182,8,,2,0,2,2,,2,2,2,2,2,2,, -7183,4,,2,2,2,2,,2,2,2,2,2,2,, -7184,1,2,,0,2,2,,2,2,2,2,2,2,, -7185,5,,2,1,2,2,,2,2,2,2,2,2,, -7186,4,,2,8,2,2,,2,2,1,1,2,2,, -7187,5,,2,1,2,2,,2,2,2,2,2,2,, -7188,4,,2,1,2,2,,2,2,2,2,2,2,, -7189,6,,2,6,1,2,,2,2,1,2,1,2,, -7190,1,2,2,0,2,2,,2,2,2,2,2,2,, -7191,1,2,,0,2,2,,2,2,2,2,2,2,, -7192,1,2,,0,2,2,,2,2,2,2,2,2,, -7193,4,,2,2,1,2,,2,2,1,2,2,2,, -7194,1,2,2,0,2,2,,2,2,2,2,2,2,, -7195,4,,2,1,2,2,,2,2,2,2,2,2,, -7196,1,2,,0,2,2,,2,2,2,2,2,2,, -7197,1,2,2,0,2,2,,2,2,2,2,2,2,, -7198,1,2,,1,2,2,,2,2,2,2,2,2,, -7199,1,2,,1,2,2,,2,2,2,2,2,2,, -7200,4,,2,1,2,2,,2,2,2,2,2,2,, -7201,1,2,2,0,2,2,,2,2,2,2,2,2,, -7202,1,2,,1,2,2,,2,2,2,2,2,2,, -7203,4,,2,1,1,2,,2,2,2,2,2,2,, -7204,5,,2,1,2,2,,2,2,2,2,2,2,, -7205,4,,2,3,2,2,,2,2,2,2,2,2,, -7206,4,,2,1,2,2,,2,2,2,2,2,2,, -7207,1,2,,0,2,2,,2,2,2,2,2,2,, -7208,1,2,2,1,2,2,,2,2,2,2,2,2,, -7209,1,2,,0,2,2,,2,2,2,2,2,2,, -7210,1,2,2,0,2,2,,2,2,2,2,2,2,, -7211,1,2,,1,2,2,,2,2,2,2,2,2,, -7212,1,2,2,0,2,2,,2,2,2,2,2,2,, -7213,1,2,2,1,2,2,,2,2,2,2,2,2,, -7214,7,,2,4,1,2,,2,2,2,2,2,2,, -7215,7,,2,5,1,2,,2,2,1,1,2,2,, -7216,1,2,2,0,2,2,,2,2,2,2,2,2,, -7217,7,,2,6,2,2,,2,2,1,1,1,2,, -7218,1,2,2,1,2,2,,2,2,2,2,2,2,, -7219,1,2,,0,2,2,,2,2,2,2,2,2,, -7220,4,,2,1,2,2,,2,2,2,2,2,2,, -7221,4,,2,3,2,2,,2,2,2,2,2,2,, -7222,1,2,,0,2,2,,2,2,2,2,2,2,, -7223,4,,2,2,2,2,,2,2,2,1,2,2,, -7224,7,,2,1,2,2,,2,2,2,2,2,2,, -7225,4,,2,3,1,2,,2,2,1,2,2,2,, -7226,1,2,,1,2,2,,2,2,2,2,2,2,, -7227,7,,2,58,2,2,,2,2,1,2,1,2,, -7228,6,,2,37,1,2,,2,1,1,2,2,2,, -7229,7,,2,2,2,2,,2,2,2,2,2,2,, -7230,5,,2,1,2,2,,2,2,2,2,2,2,, -7231,6,,2,3,2,2,,2,2,2,2,2,2,, -7232,1,2,2,0,2,2,,2,2,2,2,2,2,, -7233,1,2,2,0,2,2,,2,2,2,2,2,2,, -7234,4,,2,1,2,2,,2,2,2,2,2,2,, -7235,1,2,,1,2,2,,2,2,2,2,2,2,, -7236,1,2,2,1,2,2,,2,2,2,2,2,2,, -7237,1,2,,0,2,2,,2,2,2,2,2,2,, -7238,4,,2,1,2,2,,2,2,2,2,2,2,, -7239,1,2,2,0,2,2,,2,2,2,2,2,2,, -7240,4,,2,1,2,2,,2,2,2,2,2,2,, -7241,7,,2,1,2,2,,2,2,2,2,2,2,, -7242,4,,2,4,1,2,,2,2,2,2,2,2,, -7243,1,2,,0,2,2,,2,2,2,2,2,2,, -7244,1,2,,0,2,2,,2,2,2,2,2,2,, -7245,4,,2,4,1,2,,2,2,2,1,2,2,, -7246,1,2,,1,2,2,,2,2,2,2,2,2,, -7247,4,,2,1,2,2,,2,2,1,2,2,2,, -7248,4,,2,9,2,2,,2,2,1,1,1,2,, -7249,1,2,2,0,2,2,,2,2,2,2,2,2,, -7250,4,,2,2,2,2,,2,2,2,2,2,2,, -7251,4,,2,1,2,2,,2,2,2,2,2,2,, -7252,4,,2,1,2,2,,2,2,1,1,2,2,, -7253,4,,2,4,1,2,,2,2,1,2,2,2,, -7254,4,,2,3,2,2,,2,2,2,2,1,2,, -7255,4,,2,1,2,2,,2,2,2,2,2,2,, -7256,1,2,2,0,2,2,,2,2,2,2,2,2,, -7257,4,,2,1,2,2,,2,2,2,2,2,2,, -7258,7,,2,2,2,2,,2,2,2,2,2,2,, -7259,4,,2,3,2,2,,2,2,1,2,2,2,, -7260,7,,2,6,1,2,,2,2,1,2,2,2,, -7261,1,2,2,1,2,2,,2,2,2,2,2,2,, -7262,1,2,,0,2,2,,2,2,2,2,2,2,, -7263,1,2,2,0,2,2,,2,2,2,2,2,2,, -7264,1,2,2,1,2,2,,2,2,2,2,2,2,, -7265,4,,2,1,2,2,,2,2,2,2,2,2,, -7266,4,,2,1,2,2,,2,2,2,2,2,2,, -7267,1,2,2,0,2,2,,2,2,2,2,2,2,, -7268,1,2,2,0,2,2,,2,2,2,2,2,2,, -7269,1,2,2,0,2,2,,2,2,2,2,2,2,, -7270,7,,2,5,2,2,,2,2,2,1,2,2,, -7271,4,,2,5,2,2,,2,2,2,2,2,2,, -7272,1,2,2,0,2,2,,2,2,2,2,2,2,, -7273,1,2,,0,2,2,,2,2,2,2,2,2,, -7274,4,,2,7,2,2,,2,2,2,2,1,2,, -7275,4,,2,4,2,2,,2,2,2,2,2,2,, -7276,6,,2,16,1,2,,2,1,2,2,1,2,, -7277,1,2,,0,2,2,,2,2,2,2,2,2,, -7278,1,2,2,0,2,2,,2,2,2,2,2,2,, -7279,4,,2,5,2,2,,2,2,2,2,1,2,, -7280,1,2,2,0,2,2,,2,2,2,2,2,2,, -7281,4,,2,1,2,2,,2,2,2,2,1,2,, -7282,4,,2,22,2,2,,2,2,2,2,1,2,, -7283,1,2,,0,2,2,,2,2,2,2,2,2,, -7284,1,2,2,0,2,2,,2,2,2,2,2,2,, -7285,7,,2,1,2,2,,2,2,1,2,2,1,3, -7286,1,2,,1,2,2,,2,2,2,2,2,2,, -7287,4,,2,1,2,2,,2,2,2,2,2,2,, -7288,7,,2,1,2,2,,2,2,2,2,1,1,5,drowning/cardiac arrest -7289,1,2,2,0,2,2,,2,2,2,2,2,2,, -7290,4,,2,1,2,2,,2,2,2,2,2,2,, -7291,1,2,,0,2,2,,2,2,2,2,2,2,, -7292,7,,2,5,2,2,,2,2,2,2,2,2,, -7293,1,2,,0,2,2,,2,2,2,2,2,2,, -7294,1,2,2,1,2,2,,2,2,2,2,2,2,, -7295,1,2,2,0,2,2,,2,2,2,2,2,2,, -7296,5,,2,0,2,2,,2,2,2,2,2,2,, -7297,1,2,2,0,2,2,,2,2,2,2,2,2,, -7298,1,2,2,0,2,2,,2,2,2,2,2,2,, -7299,1,2,2,0,2,2,,2,2,2,2,2,2,, -7300,1,2,2,0,2,2,,2,2,2,2,2,2,, -7301,1,2,,0,2,2,,2,2,2,2,2,2,, -7302,7,,2,4,2,2,,2,2,1,2,2,2,, -7303,1,2,,0,2,2,,2,2,2,2,2,2,, -7304,7,,1,14,2,2,,2,2,1,2,2,2,, -7305,1,2,2,0,2,2,,2,2,2,1,2,2,, -7306,1,2,,0,2,2,,2,2,2,2,2,2,, -7307,1,2,,1,2,2,,2,2,2,2,2,2,, -7308,4,,2,1,2,2,,2,2,2,2,2,2,, -7309,1,2,2,0,2,2,,2,2,2,2,2,2,, -7310,1,2,,0,2,2,,2,2,2,2,2,2,, -7311,1,2,2,0,2,2,,2,2,2,2,2,2,, -7312,1,2,,0,2,2,,2,2,2,2,2,2,, -7313,4,,2,5,1,2,,2,1,2,2,2,2,, -7314,1,2,,0,2,2,,2,2,2,2,2,2,, -7315,1,2,2,0,2,2,,2,2,2,2,2,2,, -7316,4,,2,1,2,2,,2,2,2,2,2,2,, -7317,1,2,2,0,2,2,,2,2,2,2,2,2,, -7318,1,2,,1,2,2,,2,2,2,2,2,2,, -7319,4,,2,2,2,2,,2,2,2,2,2,2,, -7320,4,,1,2,2,2,,2,2,2,2,2,2,, -7321,1,2,2,0,2,2,,2,2,2,2,2,2,, -7322,1,2,,0,2,2,,2,2,2,2,2,2,, -7323,4,,1,1,2,2,,2,2,2,2,2,2,, -7324,1,2,2,0,2,2,,2,2,1,2,2,2,, -7325,1,2,2,0,2,2,,2,2,2,2,2,2,, -7326,1,2,2,0,2,2,,2,2,2,2,2,2,, -7327,7,,2,3,2,2,,2,2,2,2,2,2,, -7328,4,,1,1,2,2,,2,2,2,2,2,2,, -7329,1,2,2,0,2,2,,2,2,2,2,2,2,, -7330,1,2,2,0,2,2,,2,2,2,2,2,2,, -7331,1,2,,0,2,2,,2,2,2,2,2,2,, -7332,4,,2,3,2,2,,2,2,2,2,2,2,, -7333,1,2,2,0,2,2,,2,2,2,2,2,2,, -7334,4,,2,1,2,2,,2,2,2,2,2,2,, -7335,4,,2,2,2,2,,2,2,2,2,2,2,, -7336,1,2,2,0,2,2,,2,2,2,2,2,2,, -7337,1,2,2,0,2,2,,2,2,2,2,2,2,, -7338,1,2,,0,2,2,,2,2,2,2,2,2,, -7339,1,2,,0,2,2,,2,2,2,2,2,2,, -7340,1,2,2,0,2,2,,2,2,2,2,2,2,, -7341,1,2,2,1,2,2,,2,2,2,2,2,2,, -7342,7,,2,2,2,2,,2,2,2,2,2,2,, -7343,4,,2,2,2,2,,2,2,2,2,2,2,, -7344,1,2,,0,2,2,,2,2,2,2,2,2,, -7345,1,2,2,0,2,2,,2,2,2,2,2,2,, -7346,4,,2,4,2,2,,2,2,2,2,2,2,, -7347,7,,2,17,1,2,,2,2,2,2,2,2,, -7348,4,,2,1,2,2,,2,2,2,2,2,2,, -7349,1,2,,0,2,2,,2,2,2,2,2,2,, -7350,7,,2,1,2,2,,2,2,2,2,2,2,, -7351,1,2,2,0,2,2,,2,2,2,2,2,2,, -7352,5,,2,1,2,2,,2,2,2,2,2,2,, -7353,4,,2,2,1,2,,2,2,1,1,1,2,, -7354,1,2,,0,2,2,,2,2,2,2,2,2,, -7355,1,2,,0,2,2,,2,2,2,2,2,2,, -7356,4,,2,1,2,2,,2,2,2,2,2,2,, -7357,1,2,2,1,2,2,,2,2,2,2,2,2,, -7358,1,2,,1,2,2,,2,2,2,2,2,2,, -7359,1,2,,0,2,2,,2,2,2,2,2,2,, -7360,5,,2,1,2,2,,2,2,2,2,2,2,, -7361,8,,2,2,2,2,,2,2,2,2,2,2,, -7362,1,2,2,1,2,2,,2,2,2,2,2,2,, -7363,4,,2,3,2,2,,2,2,2,2,2,2,, -7364,4,,2,1,2,2,,2,2,2,2,2,2,, -7365,1,2,2,0,2,2,,2,2,2,2,2,2,, -7366,1,2,2,0,2,2,,2,2,2,2,2,2,, -7367,7,,2,2,1,2,,2,2,1,2,2,1,3, -7368,4,,2,3,2,2,,2,2,2,2,2,2,, -7369,1,2,,0,2,2,,2,2,2,2,2,2,, -7370,1,2,,0,2,2,,2,2,2,2,2,2,, -7371,4,,2,3,2,2,,2,2,2,1,2,2,, -7372,7,,2,5,2,2,,2,2,2,2,2,2,, -7373,1,2,2,0,2,2,,2,2,2,2,2,2,, -7374,1,2,,0,2,2,,2,2,2,2,2,2,, -7375,4,,2,1,2,2,,2,2,2,2,2,2,, -7376,1,2,,0,2,2,,2,2,2,2,2,2,, -7377,1,2,,1,2,2,,2,2,2,2,2,2,, -7378,1,2,2,0,2,2,,2,2,2,2,2,2,, -7379,1,2,,0,2,2,,2,2,2,2,2,2,, -7380,1,2,2,0,2,2,,2,2,2,2,2,2,, -7381,1,2,,0,2,2,,2,2,2,2,2,2,, -7382,7,,2,9,1,2,,2,2,1,2,2,2,, -7383,6,,2,19,1,2,,2,2,1,2,1,2,, -7384,1,2,2,0,2,2,,2,2,2,2,2,2,, -7385,1,2,,0,2,2,,2,2,2,2,2,2,, -7386,4,,2,2,2,2,,2,2,2,2,2,2,, -7387,4,,2,2,2,2,,2,2,2,2,2,2,, -7388,1,2,,0,2,2,,2,2,2,2,2,2,, -7389,4,,2,2,2,2,,2,2,2,2,2,2,, -7390,1,2,2,0,2,2,,2,2,2,2,2,2,, -7391,1,2,,0,2,2,,2,2,2,2,2,2,, -7392,1,2,2,0,2,2,,2,2,2,2,2,2,, -7393,1,2,,0,2,2,,2,2,2,2,2,2,, -7394,4,,2,1,2,2,,2,2,2,2,2,2,, -7395,1,2,2,0,2,2,,2,2,2,2,2,2,, -7396,1,2,2,0,2,2,,2,2,2,2,2,2,, -7397,1,2,,0,2,2,,2,2,2,2,2,2,, -7398,1,2,2,0,2,2,,2,2,2,2,2,2,, -7399,4,,2,3,1,2,,2,2,2,2,2,2,, -7400,1,2,,0,2,2,,2,2,2,2,2,2,, -7401,1,2,,0,2,2,,2,2,2,2,2,2,, -7402,1,2,2,0,2,2,,2,2,2,2,2,2,, -7403,1,2,,0,2,2,,2,2,2,2,2,2,, -7404,4,,2,3,2,2,,2,2,2,2,1,2,, -7405,1,2,2,0,2,2,,2,2,2,2,2,2,, -7406,4,,2,1,2,2,,2,2,2,2,2,2,, -7407,4,,2,1,2,2,,2,2,2,2,2,2,, -7408,4,,2,3,2,2,,2,2,2,2,2,2,, -7409,1,2,2,1,2,2,,2,2,2,2,2,2,, -7410,4,,2,1,2,2,,2,2,2,2,2,2,, -7411,1,2,,1,2,2,,2,2,2,2,2,2,, -7412,1,2,2,1,2,2,,2,2,2,2,2,2,, -7413,1,2,,0,2,2,,2,2,2,2,2,2,, -7414,1,2,2,0,2,2,,2,2,2,2,2,2,, -7415,1,2,,0,2,2,,2,2,2,2,2,2,, -7416,4,,2,1,2,2,,2,2,2,2,2,2,, -7417,4,,2,1,2,2,,2,2,2,2,2,2,, -7418,4,,2,1,2,2,,2,2,1,2,2,2,, -7419,1,2,2,0,2,2,,2,2,2,2,2,2,, -7420,1,2,,0,2,2,,2,2,2,2,2,2,, -7421,4,,2,1,1,2,,2,2,2,2,2,2,, -7422,7,,2,3,2,2,,2,2,2,1,2,2,, -7423,1,2,2,0,2,2,,2,2,2,2,2,2,, -7424,1,2,2,0,2,2,,2,2,2,2,2,2,, -7425,7,,2,1,2,2,,2,2,2,2,2,2,, -7426,6,,2,5,2,2,,2,2,1,2,2,2,, -7427,1,2,2,0,2,2,,2,2,2,2,2,2,, -7428,1,2,,0,2,2,,2,2,2,2,2,2,, -7429,4,,2,2,1,2,,2,2,2,2,2,2,, -7430,1,2,2,0,2,2,,2,2,2,2,2,2,, -7431,1,2,,0,2,2,,2,2,2,2,2,2,, -7432,4,,2,2,1,2,,2,2,2,2,2,2,, -7433,4,,2,5,1,2,,2,2,2,2,2,2,, -7434,1,2,,0,2,2,,2,2,2,2,2,2,, -7435,1,2,2,0,2,2,,2,2,2,2,2,2,, -7436,6,,2,28,1,2,,2,1,1,2,1,1,3, -7437,1,2,2,0,2,2,,2,2,2,2,2,2,, -7438,7,,2,1,2,2,,2,2,2,2,2,2,, -7439,1,2,,0,2,2,,2,2,2,2,2,2,, -7440,4,,2,2,1,2,,2,2,2,2,2,2,, -7441,1,2,,1,2,2,,2,2,2,2,2,2,, -7442,1,2,2,0,2,2,,2,2,2,2,2,2,, -7443,7,,2,4,2,2,,2,2,2,2,1,2,, -7444,1,2,2,0,2,2,,2,2,2,2,2,2,, -7445,1,2,2,0,2,2,,2,2,2,2,2,2,, -7446,1,2,2,1,2,2,,2,2,2,2,2,2,, -7447,1,2,2,1,2,2,,2,2,2,2,2,2,, -7448,4,,2,1,2,2,,2,2,2,2,2,2,, -7449,4,,2,1,2,2,,2,2,2,2,2,2,, -7450,5,,2,1,2,2,,2,2,2,2,2,2,, -7451,4,,2,2,2,2,,2,2,2,2,2,2,, -7452,1,2,,0,2,2,,2,2,2,2,2,2,, -7453,4,,2,2,2,2,,2,2,2,2,1,2,, -7454,7,,2,6,1,2,,2,2,1,2,1,2,, -7455,6,,2,14,1,2,,2,1,2,2,2,2,, -7456,1,2,2,0,2,2,,2,2,2,2,2,2,, -7457,4,,2,1,2,2,,2,2,2,2,2,2,, -7458,4,,2,2,2,2,,2,2,2,2,1,2,, -7459,4,,2,2,2,2,,2,2,2,2,1,2,, -7460,1,2,,1,2,2,,2,2,2,2,2,2,, -7461,1,2,,0,2,2,,2,2,2,2,2,2,, -7462,4,,2,1,1,2,,2,2,2,2,2,2,, -7463,1,2,,1,2,2,,2,2,2,2,2,2,, -7464,5,,2,1,2,2,,2,2,2,2,2,2,, -7465,1,2,2,0,2,2,,2,2,2,2,2,2,, -7466,4,,2,1,2,2,,2,2,2,2,2,2,, -7467,4,,2,1,2,2,,2,2,2,2,2,2,, -7468,5,,2,1,2,2,,2,2,2,2,2,2,, -7469,1,2,2,0,2,2,,2,2,2,2,2,2,, -7470,1,2,2,0,2,2,,2,2,2,2,2,2,, -7471,1,2,,0,2,2,,2,2,2,2,2,2,, -7472,6,,2,1,2,2,,2,2,2,2,1,2,, -7473,6,,2,0,2,2,,2,2,2,2,1,2,, -7474,4,,2,11,2,2,,2,2,2,2,2,2,, -7475,5,,2,1,2,2,,2,2,2,2,2,2,, -7476,7,,2,1,2,2,,2,2,2,2,2,2,, -7477,1,2,,0,2,2,,2,2,2,2,2,2,, -7478,6,,2,13,2,2,,2,2,2,2,1,2,, -7479,1,2,,0,2,2,,2,2,2,2,2,2,, -7480,7,,2,17,1,2,,1,2,1,2,2,2,, -7481,1,2,,0,2,2,,2,2,2,2,2,2,, -7482,1,2,2,0,2,2,,2,2,2,2,2,2,, -7483,4,,2,1,2,2,,2,2,2,2,2,2,, -7484,4,,2,3,1,2,,2,2,1,2,1,2,, -7485,1,2,,0,2,2,,2,2,2,2,2,2,, -7486,4,,2,16,1,2,,2,2,1,1,1,2,, -7487,1,2,2,1,2,2,,2,2,2,2,2,2,, -7488,1,2,2,0,2,2,,2,2,2,2,2,2,, -7489,4,,2,1,2,2,,2,2,2,2,2,2,, -7490,4,,2,1,2,2,,2,2,2,2,2,2,, -7491,4,,2,1,2,2,,2,2,2,2,2,2,, -7492,1,2,2,0,2,2,,2,2,2,2,2,2,, -7493,4,,2,4,2,2,,2,2,1,2,1,2,, -7494,7,,2,2,2,2,,2,2,2,2,2,2,, -7495,5,,2,0,2,2,,2,2,2,2,2,2,, -7496,6,,2,3,2,2,,2,2,1,2,2,2,, -7497,6,,2,2,2,2,,2,2,2,2,1,2,, -7498,1,2,2,0,2,2,,2,2,2,2,2,2,, -7499,4,,2,1,2,2,,2,2,2,2,2,2,, -7500,1,2,2,0,2,2,,2,2,2,2,2,2,, -7501,7,,2,2,2,2,,2,2,2,2,1,2,, -7502,4,,2,1,2,2,,2,2,2,2,2,2,, -7503,4,,2,1,2,2,,2,2,2,2,2,2,, -7504,4,,2,3,2,2,,2,2,2,2,1,2,, -7505,4,,2,2,2,2,,2,2,2,2,1,2,, -7506,1,2,,0,2,2,,2,2,2,2,2,2,, -7507,1,2,,0,2,2,,2,2,2,2,2,2,, -7508,5,,2,1,2,2,,2,2,2,2,2,2,, -7509,1,2,,0,2,2,,2,2,2,2,2,2,, -7510,1,2,,0,2,2,,2,2,2,2,2,2,, -7511,1,2,,0,2,2,,2,2,2,2,2,2,, -7512,1,2,2,0,2,2,,2,2,2,2,2,2,, -7513,1,2,,0,2,2,,2,2,2,2,2,2,, -7514,1,2,2,0,2,2,,2,2,2,2,2,2,, -7515,1,2,,0,2,2,,2,2,2,2,2,2,, -7516,1,2,2,0,2,2,,2,2,2,2,2,2,, -7517,7,,2,10,2,2,,2,2,2,2,2,2,, -7518,4,,2,2,2,2,,2,2,2,2,1,2,, -7519,1,2,,0,2,2,,2,2,2,2,2,2,, -7520,4,,2,1,2,2,,2,2,2,2,2,2,, -7521,6,,2,5,2,2,,2,2,2,2,1,2,, -7522,1,2,2,1,2,2,,2,2,2,2,2,2,, -7523,1,2,2,0,2,2,,2,2,2,2,2,2,, -7524,4,,2,4,2,2,,2,2,2,2,2,2,, -7525,1,2,2,0,2,2,,2,2,2,2,2,2,, -7526,4,,2,1,2,2,,2,2,2,2,2,2,, -7527,1,2,2,0,2,2,,2,2,2,2,2,2,, -7528,4,,2,8,2,2,,2,2,2,2,2,2,, -7529,6,,2,1,1,2,,2,1,1,2,2,1,2, -7530,1,2,2,0,2,2,,2,2,2,2,2,2,, -7531,4,,2,6,1,2,,2,2,1,2,2,2,, -7532,7,,2,26,1,2,,2,2,1,1,2,2,, -7533,1,2,,0,2,2,,2,2,2,2,2,2,, -7534,4,,2,1,2,2,,2,2,2,2,2,2,, -7535,1,2,,0,2,2,,2,2,2,2,2,2,, -7536,1,2,2,0,2,2,,2,2,2,2,2,2,, -7537,1,2,2,0,2,2,,2,2,2,2,2,2,, -7538,1,2,,0,2,2,,2,2,2,2,2,2,, -7539,4,,2,2,2,2,,2,2,2,2,2,2,, -7540,7,,2,6,1,2,,2,2,1,2,2,2,, -7541,1,2,2,0,2,2,,2,2,2,2,2,2,, -7542,1,2,2,0,2,2,,2,2,2,2,2,2,, -7543,4,,2,1,2,2,,2,2,2,2,2,2,, -7544,1,2,2,0,2,2,,2,2,2,2,2,2,, -7545,7,,2,2,2,2,,2,2,2,2,2,2,, -7546,1,2,2,0,2,2,,2,2,1,2,2,2,, -7547,1,2,2,0,2,2,,2,2,2,2,2,2,, -7548,1,2,2,0,2,2,,2,2,2,2,2,2,, -7549,7,,2,1,2,2,,2,2,2,2,2,2,, -7550,1,2,,0,2,2,,2,2,2,2,2,2,, -7551,7,,2,2,2,2,,2,2,2,2,1,2,, -7552,1,2,2,0,2,2,,2,2,2,2,2,2,, -7553,1,2,2,0,2,2,,2,2,2,2,2,2,, -7554,4,,2,0,2,2,,2,2,2,2,2,2,, -7555,5,,2,1,2,2,,2,2,2,2,2,2,, -7556,1,2,,0,2,2,,2,2,2,2,2,2,, -7557,1,2,2,0,2,2,,2,2,2,2,2,2,, -7558,4,,2,1,2,2,,2,2,2,2,2,2,, -7559,1,2,2,0,2,2,,2,2,2,2,2,2,, -7560,1,2,,0,2,2,,2,2,2,2,2,2,, -7561,1,2,2,0,2,2,,2,2,2,2,2,2,, -7562,1,2,,0,2,2,,2,2,2,2,2,2,, -7563,4,,2,1,2,2,,2,2,2,2,2,2,, -7564,4,,2,1,2,2,,2,2,2,2,1,2,, -7565,4,,2,1,2,2,,2,2,2,2,2,2,, -7566,4,,2,1,2,2,,2,2,2,2,2,2,, -7567,1,2,2,0,2,2,,2,2,2,2,2,2,, -7568,7,,2,2,2,2,,2,2,1,2,2,2,, -7569,1,2,,0,2,2,,2,2,2,2,2,2,, -7570,4,,2,1,2,2,,2,2,2,2,2,2,, -7571,1,2,2,1,2,2,,2,2,2,2,2,2,, -7572,1,2,2,0,2,2,,2,2,2,2,2,2,, -7573,4,,2,1,2,2,,2,2,2,2,2,2,, -7574,1,2,2,0,2,2,,2,2,2,2,2,2,, -7575,4,,2,4,1,2,,2,2,2,2,1,1,3, -7576,1,2,,0,2,2,,2,2,2,2,2,2,, -7577,5,,2,1,2,2,,2,2,2,2,2,2,, -7578,1,2,2,0,2,2,,2,2,2,2,2,2,, -7579,4,,2,1,2,2,,2,2,2,2,2,2,, -7580,1,2,2,0,2,2,,2,2,2,2,2,2,, -7581,1,2,,0,2,2,,2,2,2,2,2,2,, -7582,7,,2,53,2,2,,2,2,1,2,1,2,, -7583,4,,2,1,2,2,,2,2,2,2,2,2,, -7584,4,,2,2,2,2,,2,2,2,2,1,2,, -7585,1,2,2,0,2,2,,2,2,2,2,2,2,, -7586,7,,2,6,1,2,,2,2,1,2,1,2,, -7587,4,,2,1,2,2,,2,2,2,2,2,2,, -7588,5,,2,1,2,2,,2,2,2,2,2,2,, -7589,4,,2,1,2,2,,2,2,2,2,2,2,, -7590,4,,2,1,2,2,,2,2,2,2,2,2,, -7591,4,,2,3,1,2,,2,2,1,2,2,2,, -7592,4,,2,1,2,2,,2,2,2,2,2,2,, -7593,1,2,,0,2,2,,2,2,2,2,2,2,, -7594,1,2,2,0,2,2,,2,2,2,2,2,2,, -7595,4,,2,1,2,2,,2,2,2,2,2,2,, -7596,1,2,,0,2,2,,2,2,2,2,2,2,, -7597,1,2,,0,2,2,,2,2,2,2,2,2,, -7598,1,2,,0,2,2,,2,2,2,2,2,2,, -7599,4,,2,1,2,2,,2,2,2,2,2,2,, -7600,1,2,2,0,2,2,,2,2,2,2,2,2,, -7601,1,2,2,0,2,2,,2,2,2,2,2,2,, -7602,4,,2,2,2,2,,2,2,2,2,2,2,, -7603,1,2,,0,2,2,,2,2,2,2,2,2,, -7604,4,,2,2,2,2,,2,2,2,2,2,2,, -7605,1,2,2,0,2,2,,2,2,2,2,2,2,, -7606,1,2,,0,2,2,,2,2,2,2,2,2,, -7607,7,,2,29,2,2,,2,2,2,2,1,2,, -7608,4,,2,1,1,2,,2,2,1,2,2,2,, -7609,1,2,2,0,2,2,,2,2,2,2,2,2,, -7610,1,2,2,0,2,2,,2,2,2,2,2,2,, -7611,7,,2,3,2,2,,2,2,1,2,2,2,, -7612,1,2,2,1,2,2,,2,2,2,2,2,2,, -7613,5,,2,2,2,2,,2,2,2,2,2,2,, -7614,7,,2,5,1,2,,2,2,1,1,2,2,, -7615,1,2,2,0,2,2,,2,2,2,2,2,2,, -7616,7,,2,2,1,2,,2,2,2,2,2,2,, -7617,4,,2,1,2,2,,2,2,2,2,2,2,, -7618,1,2,2,0,2,2,,2,2,2,2,2,2,, -7619,1,2,,0,2,2,,2,2,2,2,2,2,, -7620,6,,2,10,2,2,,2,2,2,2,1,2,, -7621,1,2,2,0,2,2,,2,2,2,2,2,2,, -7622,7,,2,2,2,2,,2,2,2,2,2,2,, -7623,5,,2,1,2,2,,2,2,1,2,2,2,, -7624,4,,2,2,2,2,,2,2,2,2,1,2,, -7625,1,2,,0,2,2,,2,2,2,2,2,2,, -7626,1,2,,1,2,2,,2,2,2,2,2,2,, -7627,4,,2,4,2,2,,2,2,2,1,1,2,, -7628,1,2,,0,2,2,,2,2,2,2,2,2,, -7629,7,,2,4,1,2,,2,2,1,2,2,2,, -7630,4,,2,1,2,2,,2,2,2,2,2,2,, -7631,1,2,2,1,2,2,,2,2,2,2,2,2,, -7632,1,2,,0,2,2,,2,2,2,2,2,2,, -7633,4,,2,2,1,2,,2,2,2,2,2,2,, -7634,7,,2,2,2,2,,2,2,2,2,2,2,, -7635,1,2,,0,2,2,,2,2,2,2,2,2,, -7636,4,,2,1,2,2,,2,2,2,2,2,2,, -7637,1,2,2,0,2,2,,2,2,2,2,2,2,, -7638,5,,2,1,2,2,,2,2,2,2,2,2,, -7639,1,2,,0,2,2,,2,2,2,2,2,2,, -7640,1,2,,0,2,2,,2,2,2,2,2,2,, -7641,1,1,2,1,2,2,,2,2,2,2,2,2,, -7642,4,,2,1,2,2,,2,2,2,2,2,2,, -7643,6,,2,37,1,2,,2,2,1,1,1,2,, -7644,4,,2,2,2,2,,2,2,2,2,2,2,, -7645,1,2,,1,2,2,,2,2,2,2,2,2,, -7646,4,,2,2,2,2,,2,2,2,2,1,2,, -7647,4,,2,3,2,2,,2,2,2,2,1,2,, -7648,4,,2,1,2,2,,2,2,2,2,2,2,, -7649,1,2,2,0,2,2,,2,2,2,2,2,2,, -7650,1,2,,0,2,2,,2,2,2,2,2,2,, -7651,4,,2,1,2,2,,2,2,2,2,2,2,, -7652,1,2,,0,2,2,,2,2,2,2,2,2,, -7653,4,,2,1,2,2,,2,2,2,2,2,2,, -7654,5,,2,1,2,2,,2,2,2,2,2,2,, -7655,1,2,2,0,2,2,,2,2,2,2,2,2,, -7656,4,,2,3,1,2,,2,2,2,2,2,2,, -7657,4,,2,3,2,2,,2,2,2,2,2,2,, -7658,1,2,2,0,2,2,,2,2,2,2,2,2,, -7659,1,2,,0,2,2,,2,2,2,2,2,2,, -7660,4,,2,1,2,2,,2,2,2,2,2,2,, -7661,1,2,,0,2,2,,2,2,2,2,2,2,, -7662,5,,2,2,2,2,,2,2,2,2,2,2,, -7663,8,,2,2,1,2,,2,2,2,2,2,2,, -7664,6,,2,4,2,2,,2,2,2,2,1,2,, -7665,1,2,,1,2,2,,2,2,2,2,2,2,, -7666,1,2,,0,2,2,,2,2,2,2,2,2,, -7667,1,2,2,0,2,2,,2,2,2,2,2,2,, -7668,1,2,2,0,2,2,,2,2,2,2,2,2,, -7669,4,,2,3,2,2,,2,2,2,2,2,2,, -7670,1,2,2,0,2,2,,2,2,2,2,2,2,, -7671,4,,2,2,2,2,,2,2,2,2,2,2,, -7672,1,2,2,0,2,2,,2,2,2,2,2,2,, -7673,1,2,,0,2,2,,2,2,2,2,2,2,, -7674,1,2,2,0,2,2,,2,2,2,2,2,2,, -7675,1,2,,0,2,2,,2,2,2,2,2,2,, -7676,7,,2,7,2,2,,2,2,2,2,1,2,, -7677,1,2,,0,2,2,,2,2,2,2,2,2,, -7678,1,2,,0,2,2,,2,2,2,2,2,2,, -7679,4,,2,4,2,2,,2,2,2,2,1,2,, -7680,7,,2,2,2,2,,2,2,2,2,2,2,, -7681,1,2,,0,2,2,,2,2,2,2,2,2,, -7682,7,,2,2,2,2,,2,2,2,2,2,2,, -7683,7,,2,4,2,2,,2,2,1,2,2,2,, -7684,1,2,2,1,2,2,,2,2,2,2,2,2,, -7685,1,2,2,0,2,2,,2,2,2,2,2,2,, -7686,1,2,,1,2,2,,2,2,2,2,2,2,, -7687,7,,2,2,2,2,,2,2,2,2,2,2,, -7688,1,2,,0,2,2,,2,2,2,2,2,2,, -7689,5,,2,1,2,2,,2,2,2,2,2,2,, -7690,4,,2,1,2,2,,2,2,2,2,2,2,, -7691,1,2,2,0,2,2,,2,2,2,2,2,2,, -7692,4,,2,1,2,2,,2,2,2,2,2,2,, -7693,1,2,,0,2,2,,2,2,2,2,2,2,, -7694,4,,2,1,2,2,,2,2,2,2,2,2,, -7695,1,2,2,0,2,2,,2,2,2,2,2,2,, -7696,4,,2,1,2,2,,2,2,2,2,2,2,, -7697,1,2,2,1,2,2,,2,2,1,2,2,2,, -7698,4,,2,1,2,2,,2,2,1,2,2,2,, -7699,1,2,,0,2,2,,2,2,2,2,2,2,, -7700,4,,2,2,2,2,,2,2,2,2,1,2,, -7701,1,2,,0,2,2,,2,2,2,2,2,2,, -7702,1,2,2,0,2,2,,2,2,2,2,2,2,, -7703,1,2,2,0,2,2,,2,2,2,2,2,2,, -7704,4,,2,1,2,2,,2,2,1,2,2,2,, -7705,4,,2,1,1,2,,2,2,1,2,2,2,, -7706,4,,2,1,2,2,,2,2,2,2,2,2,, -7707,4,,2,1,2,2,,2,2,2,2,2,2,, -7708,1,2,,1,2,2,,2,2,2,2,2,2,, -7709,1,2,2,1,2,2,,2,2,2,2,2,2,, -7710,1,2,,0,2,2,,2,2,2,2,2,2,, -7711,4,,2,1,2,2,,2,2,2,2,2,2,, -7712,1,2,,0,2,2,,2,2,2,2,2,2,, -7713,4,,2,1,2,2,,2,2,2,2,2,2,, -7714,1,2,2,0,2,2,,2,2,2,2,2,2,, -7715,4,,2,1,2,2,,2,2,2,2,2,2,, -7716,5,,2,1,2,2,,2,2,2,2,2,2,, -7717,4,,2,1,2,2,,2,2,2,2,2,2,, -7718,1,2,2,0,2,2,,2,2,2,2,2,2,, -7719,5,,2,1,2,2,,2,2,2,2,2,2,, -7720,7,,2,1,2,2,,2,2,2,2,2,2,, -7721,1,2,,0,2,2,,2,2,2,2,2,2,, -7722,1,2,,1,2,2,,2,2,2,2,2,2,, -7723,1,2,2,0,2,2,,2,2,2,2,2,2,, -7724,1,2,2,0,2,2,,2,2,2,2,2,2,, -7725,1,2,,0,2,2,,2,2,2,2,2,2,, -7726,1,2,2,0,2,2,,2,2,2,2,2,2,, -7727,4,,1,1,1,2,,2,2,2,2,2,2,, -7728,1,2,2,1,2,2,,2,2,2,2,2,2,, -7729,1,2,2,0,2,2,,2,2,2,2,2,2,, -7730,1,2,2,0,2,2,,2,2,2,2,2,2,, -7731,1,2,2,1,2,2,,2,2,2,2,2,2,, -7732,4,,2,2,1,2,,2,2,2,2,2,2,, -7733,4,,2,1,2,2,,2,2,2,2,2,2,, -7734,1,2,,0,1,2,,2,2,2,2,2,2,, -7735,4,,2,1,2,2,,2,2,2,2,2,2,, -7736,4,,2,1,2,2,,2,2,2,2,2,2,, -7737,4,,2,1,2,2,,2,2,1,2,2,2,, -7738,1,2,2,0,2,2,,2,2,2,2,2,2,, -7739,5,,2,3,2,2,,2,2,2,2,2,2,, -7740,1,2,,0,2,2,,2,2,2,2,2,2,, -7741,1,2,,0,2,2,,2,2,2,2,2,2,, -7742,4,,2,1,2,2,,2,2,2,2,2,2,, -7743,7,,2,1,2,2,,2,2,2,2,2,2,, -7744,5,,2,1,2,2,,2,2,2,2,2,2,, -7745,1,2,,0,2,2,,2,2,2,2,2,2,, -7746,4,,2,1,2,2,,2,2,2,2,2,2,, -7747,7,,2,0,2,2,,2,2,1,2,2,1,5,Unknown - SIDS -7748,5,,2,1,2,2,,2,2,2,2,2,2,, -7749,1,2,,0,2,2,,2,2,2,2,2,2,, -7750,7,,2,2,2,2,,2,2,2,2,2,2,, -7751,1,2,2,0,2,2,,2,2,2,2,2,2,, -7752,7,,2,2,2,2,,2,2,2,2,2,2,, -7753,1,2,2,0,2,2,,2,2,2,2,2,2,, -7754,4,,2,1,2,2,,2,2,2,2,2,2,, -7755,1,2,,0,2,2,,2,2,2,2,2,2,, -7756,4,,2,1,2,2,,2,2,2,2,2,2,, -7757,1,2,2,1,2,2,,2,2,2,2,2,2,, -7758,5,,2,0,2,2,,2,2,2,2,2,2,, -7759,7,,2,2,2,2,,2,2,2,2,1,2,, -7760,4,,2,1,2,2,,2,2,2,2,2,2,, -7761,1,2,,0,2,2,,2,2,2,2,2,2,, -7762,7,,2,4,1,2,,2,2,2,2,2,2,, -7763,1,2,,0,2,2,,2,2,2,2,2,2,, -7764,1,2,,0,2,2,,2,2,2,2,2,2,, -7765,1,2,,1,2,2,,2,2,2,2,2,2,, -7766,4,,2,1,2,2,,2,2,2,2,2,2,, -7767,7,,2,1,2,2,,2,2,2,2,2,2,, -7768,7,,2,2,1,2,,2,2,2,2,2,2,, -7769,1,2,,0,2,2,,2,2,2,2,2,2,, -7770,4,,2,1,2,2,,2,2,2,2,2,2,, -7771,1,2,2,0,2,2,,2,2,2,2,2,2,, -7772,4,,2,3,2,2,,2,2,2,2,2,2,, -7773,6,,2,4,2,2,,2,2,2,2,1,2,, -7774,1,2,,0,2,2,,2,2,2,2,2,2,, -7775,7,,2,2,2,2,,2,2,2,2,2,2,, -7776,1,2,2,1,2,2,,2,2,2,2,2,2,, -7777,4,,2,1,2,2,,2,2,2,2,2,2,, -7778,1,2,2,0,2,2,,2,2,2,2,2,2,, -7779,1,2,,0,2,2,,2,2,2,2,2,2,, -7780,1,2,,1,2,2,,2,2,2,2,2,2,, -7781,4,,1,1,2,2,,2,2,2,2,2,2,, -7782,1,2,,0,2,2,,2,2,2,2,2,2,, -7783,4,,2,3,2,2,,2,2,2,2,2,2,, -7784,1,2,,0,2,2,,2,2,2,2,2,2,, -7785,4,,2,2,2,2,,2,2,2,2,2,2,, -7786,1,2,2,1,2,2,,2,2,2,2,2,2,, -7787,4,,2,4,2,2,,2,2,2,2,2,2,, -7788,1,2,2,0,2,2,,2,2,2,2,2,2,, -7789,4,,2,2,2,2,,2,2,2,1,1,2,, -7790,7,,2,8,1,2,,2,1,2,2,1,2,, -7791,4,,2,2,2,2,,2,2,2,2,1,2,, -7792,1,2,,0,2,2,,2,2,2,2,2,2,, -7793,1,2,2,0,2,2,,2,2,2,2,2,2,, -7794,4,,2,1,2,2,,2,2,2,2,2,2,, -7795,1,2,,0,2,2,,2,2,2,2,2,2,, -7796,4,,2,2,2,2,,2,2,2,2,2,2,, -7797,1,2,2,0,2,2,,2,2,2,2,2,2,, -7798,1,2,2,0,2,2,,2,2,2,2,2,2,, -7799,4,,2,1,2,2,,2,2,2,2,2,2,, -7800,1,2,2,0,2,2,,2,2,2,2,2,2,, -7801,1,2,,0,2,2,,2,2,2,2,2,2,, -7802,4,,2,2,1,2,,2,2,2,2,2,2,, -7803,1,2,2,0,2,2,,2,2,2,2,2,2,, -7804,6,,2,12,1,2,,2,2,1,2,1,2,, -7805,1,2,,0,2,2,,2,2,2,2,2,2,, -7806,1,2,2,1,2,2,,2,2,2,2,2,2,, -7807,1,2,2,0,2,2,,2,2,2,2,2,2,, -7808,4,,2,1,2,2,,2,2,2,2,2,2,, -7809,1,2,2,0,2,2,,2,2,2,2,2,2,, -7810,1,2,,0,2,2,,2,2,2,2,2,2,, -7811,1,2,2,0,2,2,,2,2,2,2,2,2,, -7812,4,,2,2,2,2,,2,2,2,2,2,2,, -7813,1,2,,0,2,2,,2,2,2,2,2,2,, -7814,1,2,,0,2,2,,2,2,2,2,2,2,, -7815,4,,2,6,1,2,,2,2,2,2,2,2,, -7816,4,,2,1,2,2,,2,2,2,2,2,2,, -7817,1,2,2,0,2,2,,2,2,2,2,2,2,, -7818,4,,2,1,2,2,,2,2,2,2,1,2,, -7819,1,2,2,0,2,2,,2,2,2,2,2,2,, -7820,1,2,2,0,2,2,,2,2,2,2,2,2,, -7821,1,2,2,0,2,2,,2,2,2,2,2,2,, -7822,1,2,,0,2,2,,2,2,2,2,2,2,, -7823,4,,2,1,2,2,,2,2,2,2,2,2,, -7824,1,2,,0,2,2,,2,2,2,2,2,2,, -7825,1,2,,0,2,2,,2,2,2,2,2,2,, -7826,1,2,,0,2,2,,2,2,2,2,2,2,, -7827,1,2,,0,2,2,,2,2,2,2,2,2,, -7828,1,2,2,0,2,2,,2,2,2,2,2,2,, -7829,4,,2,1,2,2,,2,2,2,2,2,2,, -7830,1,2,,0,2,2,,2,2,2,2,2,2,, -7831,7,,2,14,1,2,,2,2,1,2,2,2,, -7832,4,,1,18,2,2,,2,2,2,2,2,2,, -7833,7,,2,2,2,2,,2,2,2,2,2,2,, -7834,1,2,,0,2,2,,2,2,2,2,2,2,, -7835,1,2,,0,2,2,,2,2,2,2,2,2,, -7836,1,2,,1,2,2,,2,2,2,2,2,2,, -7837,7,,2,2,2,2,,2,2,2,2,2,2,, -7838,7,,2,9,1,2,,2,2,2,2,2,2,, -7839,5,,2,0,2,2,,2,2,2,2,2,2,, -7840,7,,2,1,2,2,,2,2,1,2,2,2,, -7841,1,2,,0,2,2,,2,2,2,2,2,2,, -7842,1,2,,0,2,2,,2,2,2,2,2,2,, -7843,4,,2,1,2,2,,2,2,2,2,2,2,, -7844,5,,2,0,2,2,,2,2,2,2,2,2,, -7845,1,2,2,0,2,2,,2,2,2,2,2,2,, -7846,1,2,,0,2,2,,2,2,2,2,2,2,, -7847,1,2,2,0,2,2,,2,2,2,2,2,2,, -7848,1,2,2,0,2,2,,2,2,2,2,2,2,, -7849,1,2,2,0,2,2,,2,2,2,2,2,2,, -7850,7,,2,1,2,2,,2,2,2,2,2,2,, -7851,1,2,,0,2,2,,2,2,2,2,2,2,, -7852,4,,2,3,2,2,,2,2,2,2,1,2,, -7853,7,,2,4,1,2,,2,2,1,2,2,2,, -7854,4,,2,3,2,2,,2,2,1,1,1,2,, -7855,1,2,2,0,2,2,,2,2,2,2,2,2,, -7856,4,,2,1,2,2,,2,2,1,2,2,2,, -7857,4,,2,0,2,2,,2,2,2,2,2,2,, -7858,5,,2,1,2,2,,2,2,2,1,2,2,, -7859,7,,2,1,2,2,,2,2,1,2,2,1,3, -7860,4,,2,0,2,2,,2,2,2,2,2,2,, -7861,4,,2,1,2,2,,2,2,2,2,2,2,, -7862,7,,2,4,2,2,,2,2,2,2,1,2,, -7863,1,2,,0,2,2,,2,2,2,2,2,2,, -7864,1,2,,0,2,2,,2,2,2,2,2,2,, -7865,1,2,,1,2,2,,2,2,2,2,2,2,, -7866,1,2,,0,2,2,,2,2,2,2,2,2,, -7867,1,2,,0,2,2,,2,2,2,2,2,2,, -7868,4,,2,3,2,2,,2,2,2,2,2,2,, -7869,5,,2,1,2,2,,2,2,2,2,2,2,, -7870,1,2,,0,2,2,,2,2,2,2,2,2,, -7871,4,,2,1,2,2,,2,2,2,2,2,2,, -7872,5,,2,1,2,2,,2,2,2,2,2,2,, -7873,7,,2,6,1,2,,2,2,1,1,2,2,, -7874,1,2,,0,2,2,,2,2,2,2,2,2,, -7875,5,,2,1,2,2,,2,2,2,2,2,2,, -7876,4,,2,1,2,2,,2,2,2,2,2,2,, -7877,4,,2,3,2,2,,2,2,2,2,1,2,, -7878,1,2,2,0,2,2,,2,2,2,2,2,2,, -7879,1,2,2,0,2,2,,2,2,2,2,2,2,, -7880,1,2,2,0,2,2,,2,2,2,2,2,2,, -7881,6,,2,7,2,2,,2,2,2,2,1,2,, -7882,7,,2,3,2,2,,2,2,2,2,2,2,, -7883,4,,2,1,2,2,,2,2,2,2,2,2,, -7884,1,2,2,0,2,2,,2,2,2,2,2,2,, -7885,1,2,,1,2,2,,2,2,2,2,2,2,, -7886,1,2,,0,2,2,,2,2,2,2,2,2,, -7887,4,,2,6,2,2,,2,2,1,2,2,2,, -7888,7,,1,6,2,2,,2,2,1,2,2,2,, -7889,1,2,2,0,2,2,,2,2,2,2,2,2,, -7890,6,,2,3,2,2,,2,2,2,2,1,2,, -7891,1,2,,0,2,2,,2,2,2,2,2,2,, -7892,4,,2,1,2,2,,2,2,2,2,2,2,, -7893,4,,2,1,2,2,,2,2,2,2,2,2,, -7894,1,2,,1,2,2,,2,2,2,2,2,2,, -7895,1,2,2,0,2,2,,2,2,2,2,2,2,, -7896,1,2,,0,2,2,,2,2,2,2,2,2,, -7897,1,2,,0,2,2,,2,2,2,2,2,2,, -7898,4,,2,5,2,2,,2,2,2,2,2,2,, -7899,4,,2,8,2,2,,2,2,2,2,2,2,, -7900,1,2,,1,2,2,,2,2,2,2,2,2,, -7901,1,2,,0,2,2,,2,2,2,2,2,2,, -7902,5,,2,1,2,2,,2,2,2,2,2,2,, -7903,7,,2,4,2,2,,2,2,1,1,2,2,, -7904,7,,2,9,1,2,,2,2,2,2,1,2,, -7905,1,2,2,0,2,2,,2,2,2,2,2,2,, -7906,1,2,,1,2,2,,2,2,2,2,2,2,, -7907,1,2,2,0,2,2,,2,2,2,2,2,2,, -7908,1,2,2,1,2,2,,2,2,2,2,2,2,, -7909,5,,2,1,2,2,,2,2,1,2,2,2,, -7910,1,2,,0,2,2,,2,2,2,2,2,2,, -7911,4,,2,1,2,2,,2,2,2,2,2,2,, -7912,5,,2,1,2,2,,2,2,2,2,2,2,, -7913,1,2,,0,2,2,,2,2,2,2,2,2,, -7914,7,,2,1,2,2,,2,2,2,2,2,2,, -7915,1,2,2,0,2,2,,2,2,2,2,2,2,, -7916,1,2,,0,2,2,,2,2,2,2,2,2,, -7917,1,2,,0,2,2,,2,2,2,2,2,2,, -7918,1,2,2,0,2,2,,2,2,2,2,2,2,, -7919,4,,2,2,2,2,,2,2,2,2,2,2,, -7920,4,,2,1,2,2,,2,2,2,2,2,2,, -7921,1,2,,0,2,2,,2,2,2,2,2,2,, -7922,4,,2,1,2,2,,2,2,2,2,2,2,, -7923,1,2,2,0,2,2,,2,2,2,2,2,2,, -7924,4,,2,1,2,2,,2,2,2,2,2,2,, -7925,1,2,2,0,2,2,,2,2,2,2,2,2,, -7926,4,,2,2,1,2,,2,2,2,2,2,2,, -7927,4,,2,1,2,2,,2,2,2,2,2,2,, -7928,4,,2,1,1,2,,2,2,1,2,2,2,, -7929,4,,2,1,2,2,,2,2,2,2,2,2,, -7930,1,2,,0,2,2,,2,2,2,2,2,2,, -7931,1,2,,0,2,2,,2,2,2,2,2,2,, -7932,1,2,,0,2,2,,2,2,2,2,2,2,, -7933,4,,2,1,2,2,,2,2,2,2,2,2,, -7934,1,2,2,0,2,2,,2,2,2,2,2,2,, -7935,4,,2,1,2,2,,2,2,2,2,2,2,, -7936,4,,2,3,2,2,,2,2,2,2,2,2,, -7937,4,,2,1,2,2,,2,2,2,2,2,2,, -7938,7,,2,2,1,2,,2,2,2,2,2,2,, -7939,4,,2,18,2,2,,2,2,2,2,2,2,, -7940,5,,2,1,2,2,,2,2,2,1,2,2,, -7941,1,2,2,0,2,2,,2,2,2,2,2,2,, -7942,1,2,,0,2,2,,2,2,2,2,2,2,, -7943,1,2,,0,2,2,,2,2,2,2,2,2,, -7944,4,,2,15,2,2,,2,2,1,2,2,2,, -7945,5,,2,1,2,2,,2,2,2,2,2,2,, -7946,1,2,,0,2,2,,2,2,2,2,2,2,, -7947,7,,2,5,2,2,,2,2,2,2,2,2,, -7948,1,2,,0,2,2,,2,2,2,2,2,2,, -7949,1,2,,0,2,2,,2,2,2,2,2,2,, -7950,4,,2,9,2,2,,2,2,2,1,1,2,, -7951,1,2,2,0,2,2,,2,2,2,2,2,2,, -7952,1,2,,0,2,2,,2,2,2,2,2,2,, -7953,4,,2,1,2,2,,2,2,2,2,1,2,, -7954,1,2,2,0,1,2,,2,2,2,2,2,2,, -7955,1,2,2,0,2,2,,2,2,2,2,2,2,, -7956,1,2,2,0,2,2,,2,2,2,2,2,2,, -7957,4,,2,1,2,2,,2,2,2,2,2,2,, -7958,6,,2,4,2,2,,2,2,2,1,1,2,, -7959,1,2,,0,2,2,,2,2,2,2,2,2,, -7960,4,,2,2,1,2,,2,2,2,2,2,2,, -7961,1,2,2,0,2,2,,2,2,2,2,2,2,, -7962,7,,2,1,2,2,,2,2,2,2,2,2,, -7963,5,,2,1,2,2,,2,2,2,2,2,2,, -7964,4,,2,2,2,2,,2,2,2,2,2,2,, -7965,4,,2,2,2,2,,2,2,2,2,2,2,, -7966,1,2,2,1,2,2,,2,2,2,2,2,2,, -7967,4,,2,2,2,2,,2,2,2,2,2,2,, -7968,4,,2,1,2,2,,2,2,2,2,2,2,, -7969,4,,2,1,2,2,,2,2,2,2,2,2,, -7970,4,,1,1,2,2,,2,2,2,2,1,2,, -7971,1,2,,1,2,2,,2,2,2,2,2,2,, -7972,4,,2,2,2,2,,2,2,2,2,1,2,, -7973,1,2,2,0,2,2,,2,2,2,2,2,2,, -7974,1,2,2,1,2,2,,2,2,2,2,2,2,, -7975,1,2,,0,2,2,,2,2,2,2,2,2,, -7976,1,2,,1,2,2,,2,2,2,2,2,2,, -7977,4,,2,1,2,2,,2,2,2,2,1,2,, -7978,1,2,2,0,2,2,,2,2,2,2,2,2,, -7979,4,,2,2,2,2,,2,2,2,2,2,2,, -7980,1,2,,0,2,2,,2,2,2,2,2,2,, -7981,1,2,,0,2,2,,2,2,2,2,2,2,, -7982,1,2,,0,2,2,,2,2,2,2,2,2,, -7983,1,2,,1,2,2,,2,2,2,2,2,2,, -7984,1,2,2,0,2,2,,2,2,2,2,2,2,, -7985,4,,2,4,1,2,,2,2,2,2,2,2,, -7986,4,,1,2,2,2,,2,2,2,2,2,2,, -7987,1,2,,0,2,2,,2,2,2,2,2,2,, -7988,7,,1,2,2,2,,2,2,2,2,2,2,, -7989,7,,2,1,2,2,,2,2,2,2,2,2,, -7990,4,,2,1,2,2,,2,2,2,2,2,2,, -7991,1,2,2,0,2,2,,2,2,2,2,2,2,, -7992,1,2,,0,2,2,,2,2,2,2,2,2,, -7993,5,,2,0,2,2,,2,2,1,2,2,2,, -7994,1,2,2,0,2,2,,2,2,2,2,2,2,, -7995,4,,2,1,2,2,,2,2,2,2,2,2,, -7996,1,2,2,1,2,2,,2,2,2,2,2,2,, -7997,4,,2,1,2,2,,2,2,2,2,2,2,, -7998,5,,2,1,2,2,,2,2,2,2,2,2,, -7999,7,,2,4,2,2,,2,2,2,2,2,2,, -8000,1,2,,0,2,2,,2,2,2,2,2,2,, -8001,1,2,,0,2,2,,2,2,2,2,2,2,, -8002,1,2,2,0,2,2,,2,2,2,2,2,2,, -8003,1,2,,0,2,2,,2,2,1,2,2,2,, -8004,1,2,,0,2,2,,2,2,2,2,2,2,, -8005,1,2,2,1,2,2,,2,2,2,2,2,2,, -8006,1,2,2,0,2,2,,2,2,2,2,2,2,, -8007,1,2,,0,2,2,,2,2,2,2,2,2,, -8008,4,,2,1,2,2,,2,2,2,2,2,2,, -8009,1,2,2,0,2,2,,2,2,2,2,2,2,, -8010,7,,2,2,2,2,,2,2,2,2,1,2,, -8011,4,,2,0,2,2,,2,2,2,2,2,2,, -8012,1,2,,0,2,2,,2,2,2,2,2,2,, -8013,7,,2,4,2,2,,2,2,2,2,2,2,, -8014,4,,2,1,2,2,,2,2,2,2,2,2,, -8015,1,2,,0,2,2,,2,2,2,2,2,2,, -8016,7,,2,3,2,2,,2,2,2,2,2,2,, -8017,7,,2,5,1,2,,2,2,2,2,2,2,, -8018,1,2,2,0,2,2,,2,2,2,2,2,2,, -8019,7,,2,5,2,2,,2,2,1,2,2,2,, -8020,1,2,,0,2,2,,2,2,2,2,2,2,, -8021,1,2,2,0,2,2,,2,2,2,2,2,2,, -8022,4,,2,3,2,2,,2,2,2,2,2,2,, -8023,1,2,,0,2,2,,2,2,2,2,2,2,, -8024,1,2,2,1,2,2,,2,2,2,2,2,2,, -8025,1,2,,1,2,2,,2,2,2,2,2,2,, -8026,1,2,,0,2,2,,2,2,2,2,2,2,, -8027,1,2,,1,2,2,,2,2,2,2,2,2,, -8028,1,2,,0,2,2,,2,2,2,2,2,2,, -8029,1,2,2,0,2,2,,2,2,2,2,2,2,, -8030,1,2,,0,2,2,,2,2,2,2,2,2,, -8031,5,,2,1,2,2,,2,2,2,2,2,2,, -8032,4,,2,19,1,2,,2,2,1,1,1,2,, -8033,1,2,,1,2,2,,2,2,2,2,2,2,, -8034,7,,2,19,2,2,,2,2,2,1,2,2,, -8035,1,2,,0,2,2,,2,2,2,2,2,2,, -8036,4,,2,4,2,2,,2,2,2,2,1,2,, -8037,1,2,,0,2,2,,2,2,2,2,2,2,, -8038,6,,2,1,2,2,,2,2,2,2,1,2,, -8039,7,,2,2,2,2,,2,2,2,2,2,2,, -8040,4,,2,1,2,2,,2,2,2,2,2,2,, -8041,4,,2,3,2,2,,2,2,2,1,2,2,, -8042,7,,2,3,1,2,,2,2,1,2,2,2,, -8043,1,2,,0,2,2,,2,2,2,2,2,2,, -8044,1,2,2,0,2,2,,2,2,2,2,2,2,, -8045,6,,2,2,2,2,,2,2,2,2,1,2,, -8046,4,,2,1,2,2,,2,2,2,2,2,2,, -8047,1,2,2,0,2,2,,2,2,2,2,2,2,, -8048,6,,2,3,2,2,,2,2,2,2,1,2,, -8049,1,2,,0,2,2,,2,2,2,2,2,2,, -8050,1,2,,1,2,2,,2,2,2,2,2,2,, -8051,1,1,2,3,2,2,,2,2,2,2,2,2,, -8052,7,,2,7,2,2,,2,2,2,2,2,2,, -8053,1,2,2,0,2,2,,2,2,2,2,2,2,, -8054,1,2,2,0,2,2,,2,2,2,2,2,2,, -8055,4,,2,1,2,2,,2,2,2,2,2,2,, -8056,1,2,,0,2,2,,2,2,2,2,2,2,, -8057,4,,2,1,2,2,,2,2,2,2,2,2,, -8058,1,2,,0,2,2,,2,2,2,2,2,2,, -8059,1,2,2,0,2,2,,2,2,2,2,2,2,, -8060,1,2,2,0,2,2,,2,2,2,2,2,2,, -8061,7,,2,12,2,2,,2,2,2,2,2,2,, -8062,7,,2,1,2,2,,2,2,2,2,2,1,3, -8063,6,,2,4,2,2,,2,2,2,2,1,2,, -8064,1,2,,0,2,2,,2,2,2,2,2,2,, -8065,7,,2,34,2,2,,2,2,1,2,1,2,, -8066,1,2,,1,2,2,,2,2,2,2,2,2,, -8067,1,2,,1,2,2,,2,2,2,2,2,2,, -8068,4,,2,1,2,2,,2,2,2,2,2,2,, -8069,4,,2,2,2,2,,2,2,2,1,2,2,, -8070,1,2,2,0,2,2,,2,2,2,2,2,2,, -8071,1,2,,0,2,2,,2,2,2,2,2,2,, -8072,7,,2,3,2,2,,2,2,2,1,2,2,, -8073,4,,2,1,2,2,,2,2,2,2,1,2,, -8074,5,,2,1,2,2,,2,2,2,2,2,2,, -8075,4,,2,0,2,2,,2,2,2,2,2,2,, -8076,4,,2,1,2,2,,2,2,2,2,1,2,, -8077,1,2,2,0,2,2,,2,2,2,2,2,2,, -8078,4,,2,2,2,2,,2,2,2,2,1,2,, -8079,1,2,,0,2,2,,2,2,2,2,2,2,, -8080,1,2,2,0,2,2,,2,2,2,2,2,2,, -8081,1,2,,0,2,2,,2,2,2,2,2,2,, -8082,4,,2,1,2,2,,2,2,2,2,2,2,, -8083,4,,2,1,2,2,,2,2,2,2,2,2,, -8084,1,2,2,0,2,2,,2,2,2,2,2,2,, -8085,1,2,,0,2,2,,2,2,2,2,2,2,, -8086,4,,2,2,2,2,,2,2,2,2,2,2,, -8087,1,2,,0,2,2,,2,2,2,2,2,2,, -8088,1,2,,0,2,2,,2,2,2,2,2,2,, -8089,4,,2,32,2,2,,2,2,2,2,2,2,, -8090,1,2,,0,2,2,,2,2,2,2,2,2,, -8091,5,,2,1,2,2,,2,2,2,2,2,2,, -8092,4,,2,1,2,2,,2,2,2,2,2,2,, -8093,1,2,,0,2,2,,2,2,2,2,2,2,, -8094,1,2,,0,2,2,,2,2,2,2,2,2,, -8095,1,2,,0,2,2,,2,2,2,2,2,2,, -8096,4,,2,6,2,2,,2,2,2,2,2,2,, -8097,4,,2,1,2,2,,2,2,2,2,2,2,, -8098,1,2,2,0,2,2,,2,2,2,2,2,2,, -8099,6,,1,10,1,2,,2,1,2,2,2,2,, -8100,4,,2,2,2,2,,2,2,2,2,2,2,, -8101,1,2,,0,2,2,,2,2,2,2,2,2,, -8102,4,,2,2,2,2,,2,2,2,2,2,2,, -8103,4,,2,1,2,2,,2,2,2,2,2,2,, -8104,1,2,2,0,2,2,,2,2,2,2,2,2,, -8105,1,2,,1,2,2,,2,2,2,2,2,2,, -8106,1,2,,0,2,2,,2,2,2,2,2,2,, -8107,7,,2,1,2,2,,2,2,1,2,2,2,, -8108,1,2,,0,2,2,,2,2,2,2,2,2,, -8109,5,,2,1,2,2,,2,2,2,2,2,2,, -8110,6,,2,4,2,2,,2,2,2,2,1,2,, -8111,1,2,2,0,2,2,,2,2,2,2,2,2,, -8112,7,,2,1,2,2,,2,2,1,2,2,1,3, -8113,1,2,2,0,2,2,,2,2,2,2,2,2,, -8114,1,2,,0,2,2,,2,2,2,2,2,2,, -8115,4,,2,1,2,2,,2,2,2,2,2,2,, -8116,1,2,,0,2,2,,2,2,2,2,2,2,, -8117,4,,2,1,2,2,,2,2,2,2,1,2,, -8118,1,2,2,1,2,2,,2,2,2,2,2,2,, -8119,1,2,2,0,2,2,,2,2,2,2,2,2,, -8120,7,,2,3,2,2,,2,2,2,2,2,2,, -8121,1,2,2,1,2,2,,2,2,2,2,2,2,, -8122,7,,2,1,2,2,,2,2,2,2,2,2,, -8123,1,2,,0,2,2,,2,2,2,2,2,2,, -8124,7,,2,29,2,2,,2,2,2,2,1,2,, -8125,1,2,,1,2,2,,2,2,2,2,2,2,, -8126,4,,2,4,2,2,,2,2,2,2,1,2,, -8127,4,,2,3,2,2,,2,2,2,2,1,2,, -8128,1,2,2,1,2,2,,2,2,2,2,2,2,, -8129,1,2,2,0,2,2,,2,2,2,2,2,2,, -8130,1,2,,1,2,2,,2,2,2,2,2,2,, -8131,5,,2,1,2,2,,2,2,2,2,2,2,, -8132,1,2,2,0,2,2,,2,2,2,2,2,2,, -8133,1,2,2,0,2,2,,2,2,2,2,2,2,, -8134,1,2,2,0,2,2,,2,2,2,2,2,2,, -8135,1,2,2,0,2,2,,2,2,2,2,2,2,, -8136,1,2,2,0,2,2,,2,2,2,2,2,2,, -8137,4,,2,1,2,2,,2,2,2,2,2,2,, -8138,1,2,,0,2,2,,2,2,2,2,2,2,, -8139,7,,2,15,2,1,1,2,2,1,2,1,2,, -8140,4,,2,1,2,2,,2,2,1,2,2,2,, -8141,4,,2,2,2,2,,2,2,2,2,2,2,, -8142,1,2,,0,2,2,,2,2,2,2,2,2,, -8143,5,,2,1,2,2,,2,2,2,2,2,2,, -8144,1,2,,0,2,2,,2,2,2,2,2,2,, -8145,1,2,2,0,2,2,,2,2,2,2,2,2,, -8146,1,2,2,0,2,2,,2,2,2,2,2,2,, -8147,4,,2,5,2,2,,2,2,2,2,1,2,, -8148,1,2,,0,2,2,,2,2,2,2,2,2,, -8149,1,2,,0,2,2,,2,2,2,2,2,2,, -8150,4,,2,1,2,2,,2,2,2,2,2,2,, -8151,1,2,2,0,2,2,,2,2,2,2,2,2,, -8152,9,,2,8,2,2,,2,2,2,2,2,2,, -8153,1,2,2,0,2,2,,2,2,2,2,2,2,, -8154,7,,2,2,2,2,,2,2,2,2,2,2,, -8155,1,2,,0,2,2,,2,2,2,2,2,2,, -8156,1,2,,1,2,2,,2,2,2,2,2,2,, -8157,4,,1,1,2,2,,2,2,2,2,2,2,, -8158,1,2,2,0,2,2,,2,2,2,2,2,2,, -8159,4,,2,2,1,2,,2,2,2,2,2,2,, -8160,7,,2,6,1,2,,2,2,1,2,2,2,, -8161,7,,2,8,2,2,,2,2,2,2,2,2,, -8162,4,,2,1,2,2,,2,2,2,2,2,2,, -8163,1,2,,1,2,2,,2,2,2,2,2,2,, -8164,7,,2,1,2,2,,2,2,2,2,2,2,, -8165,7,,2,3,2,2,,2,2,2,2,2,2,, -8166,4,,2,2,2,2,,2,2,2,2,2,2,, -8167,4,,2,8,2,2,,2,2,1,2,2,2,, -8168,7,,2,5,2,2,,2,2,2,2,2,2,, -8169,7,,2,1,2,2,,2,2,2,2,2,2,, -8170,1,2,2,0,2,2,,2,2,2,2,2,2,, -8171,1,2,2,0,2,2,,2,2,2,2,2,2,, -8172,4,,2,1,2,2,,2,2,2,2,2,2,, -8173,1,2,2,1,2,2,,2,2,2,2,2,2,, -8174,5,,2,1,2,2,,2,2,2,2,2,2,, -8175,7,,2,11,1,2,,2,2,1,1,2,2,, -8176,7,,2,24,2,2,,2,2,2,2,2,2,, -8177,1,2,2,1,2,2,,2,2,2,2,2,2,, -8178,5,,2,1,2,2,,2,2,2,2,2,2,, -8179,1,2,2,0,2,2,,2,2,2,2,2,2,, -8180,4,,2,2,1,2,,2,2,2,2,2,2,, -8181,1,2,,0,2,2,,2,2,2,2,2,2,, -8182,1,2,2,1,2,2,,2,2,2,2,2,2,, -8183,7,,2,28,2,2,,2,2,2,2,2,2,, -8184,1,2,,0,2,2,,2,2,2,2,2,2,, -8185,1,2,,0,2,2,,2,2,2,2,2,2,, -8186,7,,2,3,2,2,,2,2,2,2,1,2,, -8187,4,,2,2,2,2,,2,2,2,2,2,2,, -8188,1,2,2,0,2,2,,2,2,2,2,2,2,, -8189,1,2,,0,2,2,,2,2,2,2,2,2,, -8190,1,2,,0,2,2,,2,2,2,2,2,2,, -8191,1,2,,0,2,2,,2,2,2,2,2,2,, -8192,4,,2,8,2,2,,2,2,1,2,1,2,, -8193,1,2,2,0,2,2,,2,2,2,2,2,2,, -8194,4,,2,1,2,2,,2,2,2,1,2,2,, -8195,4,,2,1,2,2,,2,2,2,2,2,2,, -8196,1,2,2,1,2,2,,2,2,2,2,2,2,, -8197,1,2,,0,2,2,,2,2,2,2,2,2,, -8198,7,,2,15,2,2,,2,2,2,2,2,2,, -8199,1,2,,0,2,2,,2,2,2,2,2,2,, -8200,1,2,2,0,2,2,,2,2,2,2,2,2,, -8201,1,2,2,0,2,2,,2,2,2,2,2,2,, -8202,4,,2,14,1,2,,2,1,1,2,2,2,, -8203,1,2,,0,2,2,,2,2,2,2,2,2,, -8204,4,,2,4,2,2,,2,2,2,2,2,2,, -8205,7,,2,3,2,2,,2,2,2,2,2,2,, -8206,1,2,2,0,2,2,,2,2,2,2,2,2,, -8207,5,,2,1,2,2,,2,2,2,2,2,2,, -8208,1,2,,0,2,2,,2,2,2,2,2,2,, -8209,1,2,2,0,2,2,,2,2,2,2,2,2,, -8210,4,,2,2,2,2,,2,2,2,2,2,2,, -8211,1,2,,0,2,2,,2,2,2,2,2,2,, -8212,7,,2,15,1,2,,2,2,1,2,1,2,, -8213,1,2,2,0,2,2,,2,2,2,2,2,2,, -8214,5,,2,1,2,2,,2,2,2,2,2,2,, -8215,7,,2,1,2,2,,2,2,2,2,2,2,, -8216,5,,2,1,2,2,,2,2,2,2,2,2,, -8217,1,2,2,1,2,2,,2,2,2,2,2,2,, -8218,1,2,2,0,2,2,,2,2,2,2,2,2,, -8219,1,2,2,0,2,2,,2,2,2,2,2,2,, -8220,4,,2,1,2,2,,2,2,2,1,2,2,, -8221,7,,2,1,1,2,,2,2,2,2,2,2,, -8222,4,,2,4,2,2,,2,2,2,2,2,2,, -8223,4,,2,1,2,2,,2,2,2,2,2,2,, -8224,1,2,2,0,2,2,,2,2,2,2,2,2,, -8225,4,,2,1,2,2,,2,2,2,2,2,2,, -8226,1,2,,0,2,2,,2,2,2,2,2,2,, -8227,1,2,,0,2,2,,2,2,2,2,2,2,, -8228,7,,2,8,2,2,,2,2,1,2,2,2,, -8229,4,,2,1,2,2,,2,2,2,2,2,2,, -8230,1,2,2,0,2,2,,2,2,2,2,2,2,, -8231,1,2,2,0,2,2,,2,2,2,2,2,2,, -8232,4,,2,1,2,2,,2,2,2,2,2,2,, -8233,4,,2,1,2,2,,2,2,2,2,2,2,, -8234,1,2,,1,2,2,,2,2,2,2,2,2,, -8235,5,,2,1,2,2,,2,2,2,2,2,2,, -8236,1,2,,0,2,2,,2,2,2,2,2,2,, -8237,4,,2,1,2,2,,2,2,2,2,2,2,, -8238,4,,2,3,1,2,,2,2,2,2,2,2,, -8239,4,,2,3,2,2,,2,2,2,2,1,2,, -8240,1,2,2,0,2,2,,2,2,2,2,2,2,, -8241,8,,2,8,1,2,,2,2,2,1,2,2,, -8242,1,2,2,0,2,2,,2,2,2,2,2,2,, -8243,1,2,2,0,2,2,,2,2,2,2,2,2,, -8244,1,2,2,1,2,2,,2,2,2,2,2,2,, -8245,4,,2,1,2,2,,2,2,2,2,2,2,, -8246,1,2,,0,2,2,,2,2,2,2,2,2,, -8247,1,2,2,0,2,2,,2,2,2,2,2,2,, -8248,1,2,,1,2,2,,2,2,2,2,2,2,, -8249,7,,2,49,2,2,,2,2,2,2,1,2,, -8250,7,,2,14,2,2,,2,2,2,2,2,2,, -8251,1,2,2,0,2,2,,2,2,2,2,2,2,, -8252,4,,2,1,2,2,,2,2,2,2,2,2,, -8253,1,2,2,0,2,2,,2,2,2,2,2,2,, -8254,4,,2,10,2,2,,2,2,2,2,1,2,, -8255,7,,2,1,2,2,,2,2,2,2,2,2,, -8256,4,,2,1,2,2,,2,2,2,2,2,2,, -8257,7,,1,22,2,2,,2,2,2,1,2,2,, -8258,4,,2,2,2,2,,2,2,2,2,2,2,, -8259,7,,2,3,2,2,,2,2,2,2,2,2,, -8260,4,,2,2,1,2,,2,2,1,2,2,2,, -8261,4,,2,1,2,2,,2,2,2,2,2,2,, -8262,7,,2,26,1,2,,2,2,1,2,1,2,, -8263,1,2,,0,2,2,,2,2,2,2,2,2,, -8264,1,2,2,0,2,2,,2,2,2,2,2,2,, -8265,1,2,2,0,2,2,,2,2,2,2,2,2,, -8266,4,,2,2,2,2,,2,2,2,2,2,2,, -8267,4,,2,1,2,2,,2,2,2,2,2,2,, -8268,1,2,2,0,2,2,,2,2,2,2,2,2,, -8269,1,2,,0,2,2,,2,2,2,2,2,2,, -8270,1,2,2,0,2,2,,2,2,2,2,2,2,, -8271,4,,2,2,2,2,,2,2,2,1,2,2,, -8272,7,,2,2,2,2,,2,2,2,2,2,2,, -8273,4,,2,2,2,2,,2,2,2,2,2,2,, -8274,1,2,,0,2,2,,2,2,2,2,2,2,, -8275,4,,2,1,2,2,,2,2,2,2,2,2,, -8276,4,,2,1,2,2,,2,2,2,2,2,2,, -8277,1,2,2,0,2,2,,2,2,2,2,2,2,, -8278,4,,2,4,2,2,,2,2,2,2,2,2,, -8279,4,,2,2,2,2,,2,2,2,2,2,2,, -8280,4,,2,1,2,2,,2,2,2,2,2,2,, -8281,4,,2,1,2,2,,2,2,2,2,2,2,, -8282,4,,2,1,2,2,,2,2,2,2,2,2,, -8283,7,,2,3,2,2,,2,2,2,2,2,1,5,Asphyxiation and stangulation -8284,4,,2,1,2,2,,2,2,2,2,2,2,, -8285,8,,2,0,2,2,,2,2,2,2,2,2,, -8286,4,,2,2,2,2,,2,2,1,2,2,2,, -8287,1,2,,0,2,2,,2,2,2,2,2,2,, -8288,7,,2,14,2,2,,2,2,2,2,1,2,, -8289,1,2,,0,2,2,,2,2,2,2,2,2,, -8290,1,2,2,0,2,2,,2,2,2,2,2,2,, -8291,1,2,,0,2,2,,2,2,2,2,2,2,, -8292,5,,2,1,2,2,,2,2,1,2,2,2,, -8293,7,,2,3,2,2,,2,2,2,2,1,1,3, -8294,1,2,,0,2,2,,2,2,2,2,2,2,, -8295,1,2,,0,2,2,,2,2,2,2,2,2,, -8296,1,2,2,0,2,2,,2,2,2,2,2,2,, -8297,1,2,,0,2,2,,2,2,2,2,2,2,, -8298,4,,2,3,1,2,,2,2,1,1,2,2,, -8299,4,,2,2,1,2,,2,2,1,2,2,2,, -8300,1,2,2,0,2,2,,2,2,2,2,2,2,, -8301,8,,2,3,1,2,,2,2,2,2,2,2,, -8302,4,,2,2,2,2,,2,2,2,2,2,2,, -8303,1,2,2,0,2,2,,2,2,2,2,2,2,, -8304,1,2,,1,2,2,,2,2,2,2,2,2,, -8305,1,2,,1,2,2,,2,2,2,2,2,2,, -8306,1,2,,0,2,2,,2,2,2,2,2,2,, -8307,4,,2,1,2,2,,2,2,2,2,2,2,, -8308,1,2,2,1,2,2,,2,2,2,2,2,2,, -8309,4,,2,1,2,2,,2,2,2,2,2,2,, -8310,4,,2,2,2,2,,2,2,2,2,1,2,, -8311,4,,2,5,2,2,,2,2,2,2,2,2,, -8312,1,2,2,0,2,2,,2,2,2,2,2,2,, -8313,1,2,2,0,2,2,,2,2,2,2,2,2,, -8314,1,2,2,1,2,2,,2,2,2,2,2,2,, -8315,5,,2,1,2,2,,2,2,2,2,2,2,, -8316,1,2,,0,2,2,,2,2,2,2,2,2,, -8317,1,2,,0,2,2,,2,2,2,2,2,2,, -8318,4,,2,1,2,2,,2,2,2,2,2,2,, -8319,1,2,,0,2,2,,2,2,2,2,2,2,, -8320,4,,2,1,2,2,,2,2,2,2,2,2,, -8321,4,,2,1,2,2,,2,2,2,2,2,2,, -8322,7,,2,5,1,2,,2,2,1,2,2,2,, -8323,5,,2,2,2,2,,2,2,2,2,1,2,, -8324,1,2,,0,2,2,,2,2,2,2,2,2,, -8325,7,,2,9,2,2,,2,2,1,2,2,2,, -8326,6,,2,3,2,2,,2,2,1,2,1,2,, -8327,1,2,,0,2,2,,2,2,2,2,2,2,, -8328,4,,2,1,2,2,,2,2,2,2,2,2,, -8329,7,,2,6,2,2,,2,2,1,1,1,2,, -8330,1,2,2,0,2,2,,2,2,2,2,2,2,, -8331,1,2,,1,2,2,,2,2,2,2,2,2,, -8332,1,2,2,0,2,2,,2,2,2,2,2,2,, -8333,1,2,2,0,2,2,,2,2,2,2,2,2,, -8334,1,2,,0,2,2,,2,2,2,2,2,2,, -8335,1,2,,0,2,2,,2,2,2,2,2,2,, -8336,5,,2,1,2,2,,2,2,2,2,2,2,, -8337,1,2,2,1,2,2,,2,2,2,2,2,2,, -8338,1,2,,0,2,2,,2,2,2,2,2,2,, -8339,1,2,2,0,2,2,,2,2,2,2,2,2,, -8340,4,,2,1,2,2,,2,2,2,2,2,2,, -8341,4,,2,1,2,2,,2,2,2,2,2,2,, -8342,1,2,2,0,2,2,,2,2,2,2,2,2,, -8343,1,2,,1,2,2,,2,2,2,2,2,2,, -8344,7,,2,4,2,2,,2,2,2,2,2,2,, -8345,1,2,2,0,2,2,,2,2,2,2,2,2,, -8346,1,2,2,0,2,2,,2,2,2,2,2,2,, -8347,4,,2,4,2,2,,2,2,2,2,2,2,, -8348,4,,2,2,2,2,,2,2,2,2,1,2,, -8349,1,2,,1,2,2,,2,2,2,2,2,2,, -8350,4,,2,2,2,2,,2,2,2,2,2,2,, -8351,1,2,,1,2,2,,2,2,2,2,2,2,, -8352,1,2,,0,2,2,,2,2,2,2,2,2,, -8353,1,2,2,0,2,2,,2,2,2,2,2,2,, -8354,7,,2,3,2,2,,2,2,2,2,2,2,, -8355,1,2,,0,2,2,,2,2,2,2,2,2,, -8356,1,2,,0,2,2,,2,2,2,2,2,2,, -8357,1,2,,0,2,2,,2,2,2,2,2,2,, -8358,4,,2,1,2,2,,2,2,2,2,2,2,, -8359,1,2,,0,2,2,,2,2,2,2,2,2,, -8360,4,,2,4,2,2,,2,2,2,2,2,2,, -8361,7,,2,1,1,2,,2,1,1,1,1,1,3, -8362,4,,2,1,2,2,,2,2,2,2,2,2,, -8363,7,,2,55,2,2,,2,2,2,2,2,2,, -8364,1,2,2,0,2,2,,2,2,2,2,2,2,, -8365,4,,2,1,2,2,,2,2,2,2,2,2,, -8366,6,,2,12,2,2,,2,2,2,2,1,2,, -8367,1,2,,1,2,2,,2,2,2,2,2,2,, -8368,4,,2,3,1,2,,2,2,1,2,2,2,, -8369,4,,2,1,2,2,,2,2,1,2,2,2,, -8370,1,2,,0,2,2,,2,2,2,2,2,2,, -8371,7,,2,1,2,2,,2,2,2,2,2,2,, -8372,7,,2,13,2,1,1,2,2,1,2,1,2,, -8373,4,,2,1,2,2,,2,2,2,2,2,2,, -8374,1,2,2,0,2,2,,2,2,2,2,2,2,, -8375,4,,2,1,2,2,,2,2,2,2,1,2,, -8376,1,2,2,0,2,2,,2,2,2,2,2,2,, -8377,1,2,2,1,2,2,,2,2,2,2,2,2,, -8378,4,,2,5,2,2,,2,2,2,2,2,2,, -8379,4,,2,4,2,2,,2,2,1,2,2,2,, -8380,1,2,,0,2,2,,2,2,2,2,2,2,, -8381,4,,2,1,2,2,,2,2,2,2,2,2,, -8382,1,2,2,0,2,2,,2,2,2,2,2,2,, -8383,1,2,2,0,2,2,,2,2,2,2,2,2,, -8384,4,,2,5,2,2,,2,2,1,2,1,2,, -8385,1,2,2,0,2,2,,2,2,2,2,2,2,, -8386,7,,2,12,2,2,,2,2,2,2,1,2,, -8387,1,2,,0,2,2,,2,2,2,2,2,2,, -8388,1,2,,0,2,2,,2,2,2,2,2,2,, -8389,7,,2,13,2,2,,2,2,1,1,1,2,, -8390,1,2,,0,2,2,,2,2,2,2,2,2,, -8391,4,,2,2,2,2,,2,2,2,2,2,2,, -8392,1,2,2,0,2,2,,2,2,2,2,2,2,, -8393,4,,2,5,1,2,,2,2,2,2,2,2,, -8394,1,2,,0,2,2,,2,2,2,2,2,2,, -8395,6,,2,2,2,2,,2,2,2,2,1,2,, -8396,1,2,2,0,2,2,,2,2,2,2,2,2,, -8397,1,2,,0,2,2,,2,2,2,2,2,2,, -8398,4,,2,1,2,2,,2,2,2,1,2,2,, -8399,1,2,,0,2,2,,2,2,2,2,2,2,, -8400,4,,2,1,2,2,,2,2,2,2,2,2,, -8401,4,,2,2,2,2,,2,2,1,2,1,2,, -8402,1,2,2,1,2,2,,2,2,2,2,2,2,, -8403,1,2,2,1,2,2,,2,2,2,2,2,2,, -8404,1,2,,1,2,2,,2,2,2,2,2,2,, -8405,4,,2,12,2,2,,2,2,2,2,1,2,, -8406,1,2,2,0,2,2,,2,2,2,2,2,2,, -8407,1,2,2,0,2,2,,2,2,2,2,2,2,, -8408,4,,2,2,2,2,,2,2,2,2,1,2,, -8409,1,2,2,0,2,2,,2,2,2,2,2,2,, -8410,1,2,,0,2,2,,2,2,2,2,2,2,, -8411,7,,2,2,2,2,,2,2,2,2,2,2,, -8412,5,,2,0,2,2,,2,2,2,2,2,2,, -8413,4,,2,1,2,2,,2,2,2,2,2,2,, -8414,4,,2,2,2,2,,2,2,2,2,2,2,, -8415,4,,2,1,2,2,,2,2,2,2,2,2,, -8416,1,2,,0,2,2,,2,2,2,2,2,2,, -8417,1,2,2,1,2,2,,2,2,2,2,2,2,, -8418,1,2,,0,2,2,,2,2,2,2,2,2,, -8419,1,2,,0,2,2,,2,2,2,2,2,2,, -8420,1,2,2,1,2,2,,2,2,2,2,2,2,, -8421,1,2,,0,2,2,,2,2,2,2,2,2,, -8422,4,,2,2,2,2,,2,2,1,1,2,2,, -8423,1,2,,0,2,2,,2,2,2,2,2,2,, -8424,1,2,2,1,2,2,,2,2,2,2,2,2,, -8425,7,,2,11,2,2,,2,2,2,2,1,2,, -8426,1,2,2,0,2,2,,2,2,2,2,2,2,, -8427,1,2,,0,2,2,,2,2,2,2,2,2,, -8428,7,,2,2,2,2,,2,2,1,2,2,1,3, -8429,1,2,,0,2,2,,2,2,2,2,2,2,, -8430,5,,2,1,2,2,,2,2,2,2,2,2,, -8431,4,,2,1,2,2,,2,2,2,2,2,2,, -8432,1,2,,1,2,2,,2,2,2,2,2,2,, -8433,1,2,2,0,2,2,,2,2,2,2,2,2,, -8434,1,2,2,0,2,2,,2,2,2,2,2,2,, -8435,8,,2,1,2,2,,2,2,2,2,2,2,, -8436,4,,2,6,2,2,,2,2,2,2,1,2,, -8437,1,2,2,0,2,2,,2,2,2,2,2,2,, -8438,7,,2,5,2,2,,2,2,2,2,2,2,, -8439,1,2,,1,2,2,,2,2,2,2,2,2,, -8440,4,,2,2,2,2,,2,2,2,2,2,2,, -8441,4,,2,1,2,2,,2,2,2,2,2,2,, -8442,4,,1,2,2,2,,2,2,2,2,2,2,, -8443,1,2,,0,2,2,,2,2,2,2,2,2,, -8444,6,,2,3,2,2,,2,2,2,2,1,2,, -8445,6,,1,8,2,2,,2,2,1,2,2,2,, -8446,7,,2,1,2,2,,2,2,2,2,2,2,, -8447,1,2,,0,2,2,,2,2,2,2,2,2,, -8448,1,2,2,0,2,2,,2,2,2,2,2,2,, -8449,1,2,,0,2,2,,2,2,2,2,2,2,, -8450,4,,2,1,2,2,,2,2,1,2,2,2,, -8451,7,,2,42,1,2,,2,2,2,2,1,2,, -8452,1,2,2,0,2,2,,2,2,2,2,2,2,, -8453,7,,2,5,2,2,,2,2,2,2,1,2,, -8454,1,2,,0,2,2,,2,2,2,2,2,2,, -8455,4,,2,12,1,2,,2,1,2,2,2,2,, -8456,1,2,,0,2,2,,2,2,2,2,2,2,, -8457,1,2,,0,2,2,,2,2,2,2,2,2,, -8458,4,,2,2,1,2,,2,2,2,2,2,2,, -8459,1,2,,1,2,2,,2,2,2,2,2,2,, -8460,7,,2,6,1,2,,2,2,2,2,2,2,, -8461,1,2,,0,2,2,,2,2,2,2,2,2,, -8462,4,,2,2,2,2,,2,2,1,2,2,2,, -8463,1,2,2,0,2,2,,2,2,2,2,2,2,, -8464,4,,2,1,2,2,,2,2,2,2,2,2,, -8465,1,2,2,0,2,2,,2,2,2,2,2,2,, -8466,1,2,2,1,2,2,,2,2,2,2,2,2,, -8467,1,2,2,0,2,2,,2,2,2,2,2,2,, -8468,1,2,2,0,2,2,,2,2,2,2,2,2,, -8469,7,,2,1,2,2,,2,2,2,2,2,2,, -8470,5,,2,1,2,2,,2,2,2,2,2,2,, -8471,5,,2,1,2,2,,2,2,2,2,2,2,, -8472,1,2,2,0,2,2,,2,2,2,2,2,2,, -8473,1,2,,0,2,2,,2,2,2,2,2,2,, -8474,5,,2,1,2,2,,2,2,2,2,2,2,, -8475,1,2,2,0,2,2,,2,2,2,2,2,2,, -8476,1,2,2,0,2,2,,2,2,2,2,2,2,, -8477,1,2,2,0,2,2,,2,2,2,2,2,2,, -8478,1,2,,0,2,2,,2,2,2,2,2,2,, -8479,1,2,,0,2,2,,2,2,2,2,2,2,, -8480,4,,2,1,2,2,,2,2,2,2,2,2,, -8481,4,,2,2,2,2,,2,2,2,2,2,2,, -8482,4,,2,1,2,2,,2,2,2,2,2,2,, -8483,1,2,2,0,2,2,,2,2,2,2,2,2,, -8484,4,,2,2,2,2,,2,2,2,2,2,2,, -8485,4,,2,1,2,2,,2,2,2,2,2,2,, -8486,1,2,,0,2,2,,2,2,2,2,2,2,, -8487,6,,2,5,2,2,,2,2,2,2,1,2,, -8488,4,,1,6,1,2,,2,2,1,1,1,2,, -8489,4,,2,2,2,2,,2,2,1,2,2,2,, -8490,4,,2,0,2,2,,2,2,2,2,2,2,, -8491,1,2,2,0,2,2,,2,2,2,2,2,2,, -8492,1,2,,1,2,2,,2,2,2,2,2,2,, -8493,7,,2,63,2,2,,2,2,1,2,1,2,, -8494,4,,2,2,2,2,,2,2,2,1,2,2,, -8495,1,2,2,1,2,2,,2,2,2,2,2,2,, -8496,1,2,,0,2,2,,2,2,2,2,2,2,, -8497,1,2,2,0,2,2,,2,2,2,2,2,2,, -8498,4,,2,1,2,2,,2,2,2,2,2,2,, -8499,1,2,,1,2,2,,2,2,2,2,2,2,, -8500,4,,2,1,2,2,,2,2,2,2,2,2,, -8501,7,,2,42,1,2,,2,1,1,2,2,2,, -8502,1,2,,1,2,2,,2,2,2,2,2,2,, -8503,1,2,2,0,2,2,,2,2,2,2,2,2,, -8504,4,,2,3,2,2,,2,2,2,2,2,2,, -8505,1,2,2,0,2,2,,2,2,2,2,2,2,, -8506,1,2,,1,2,2,,2,2,2,2,2,2,, -8507,4,,2,1,2,2,,2,2,2,2,2,2,, -8508,1,2,2,0,2,2,,2,2,2,2,2,2,, -8509,7,,2,4,2,2,,2,2,2,2,2,2,, -8510,1,2,,0,2,2,,2,2,2,2,2,2,, -8511,1,2,,1,2,2,,2,2,2,2,2,2,, -8512,1,2,,0,2,2,,2,2,2,2,2,2,, -8513,1,2,,1,2,2,,2,2,2,2,2,2,, -8514,1,2,,0,2,2,,2,2,2,2,2,2,, -8515,1,2,,0,2,2,,2,2,2,2,2,2,, -8516,4,,2,1,2,2,,2,2,2,2,2,2,, -8517,1,2,,0,2,2,,2,2,2,2,2,2,, -8518,4,,2,1,2,2,,2,2,2,2,2,2,, -8519,4,,2,1,2,2,,2,2,2,2,2,2,, -8520,5,,2,0,2,2,,2,2,2,2,2,2,, -8521,1,2,2,0,2,2,,2,2,2,2,2,2,, -8522,1,2,,0,2,2,,2,2,2,2,2,2,, -8523,4,,2,1,2,2,,2,2,2,2,2,2,, -8524,1,2,,1,2,2,,2,2,2,1,2,2,, -8525,1,2,,1,2,2,,2,2,2,2,2,2,, -8526,1,2,,1,2,2,,2,2,2,2,2,2,, -8527,4,,2,4,1,2,,2,2,2,2,2,2,, -8528,1,2,2,0,2,2,,2,2,2,2,2,2,, -8529,1,2,2,1,2,2,,2,2,2,2,2,2,, -8530,4,,2,11,2,2,,2,2,1,2,2,2,, -8531,1,2,,0,2,2,,2,2,2,2,2,2,, -8532,4,,2,2,2,2,,2,2,2,2,2,2,, -8533,1,2,2,0,2,2,,2,2,2,2,2,2,, -8534,1,2,2,0,2,2,,2,2,2,2,2,2,, -8535,1,2,2,0,2,2,,2,2,2,2,2,2,, -8536,1,2,2,0,2,2,,2,2,2,2,2,2,, -8537,1,2,2,0,2,2,,2,2,2,2,2,2,, -8538,7,,2,5,2,2,,2,2,2,2,1,2,, -8539,1,2,,0,2,2,,2,2,2,2,2,2,, -8540,7,,2,1,2,2,,2,2,2,2,2,2,, -8541,4,,2,1,2,2,,2,2,2,2,2,2,, -8542,5,,2,1,2,2,,2,2,2,2,2,2,, -8543,1,2,,0,2,2,,2,2,2,2,2,2,, -8544,5,,2,2,2,2,,2,2,2,2,2,2,, -8545,5,,2,1,2,2,,2,2,2,2,2,2,, -8546,7,,2,4,2,2,,2,2,1,2,2,2,, -8547,4,,2,1,2,2,,2,2,1,2,2,2,, -8548,4,,2,1,2,2,,2,2,2,2,2,2,, -8549,4,,2,1,2,2,,2,2,2,2,2,2,, -8550,5,,2,0,2,2,,2,2,2,2,2,2,, -8551,7,,2,5,2,2,,2,2,2,2,2,2,, -8552,5,,2,1,2,2,,2,2,2,2,2,2,, -8553,4,,1,4,1,2,,2,2,2,1,1,2,, -8554,1,2,2,0,2,2,,2,2,2,2,2,2,, -8555,7,,2,18,2,2,,2,2,2,1,1,2,, -8556,1,2,,1,2,2,,2,2,2,2,2,2,, -8557,1,2,,1,2,2,,2,2,2,2,2,2,, -8558,4,,2,2,2,2,,2,2,2,2,2,2,, -8559,1,2,,1,2,2,,2,2,2,2,2,2,, -8560,4,,2,2,1,2,,2,2,2,1,2,2,, -8561,4,,2,7,2,2,,2,2,2,2,1,2,, -8562,1,2,2,0,2,2,,2,2,2,2,2,2,, -8563,1,2,,0,2,2,,2,2,2,2,2,2,, -8564,1,2,,0,2,2,,2,2,2,2,2,2,, -8565,1,2,,0,2,2,,2,2,2,2,2,2,, -8566,1,2,,0,2,2,,2,2,2,2,2,2,, -8567,7,,2,10,1,2,,2,2,1,2,2,2,, -8568,1,2,2,0,2,2,,2,2,2,2,2,2,, -8569,7,,2,1,1,2,,2,2,1,1,1,2,, -8570,1,2,,0,2,2,,2,2,2,2,2,2,, -8571,6,,2,1,2,2,,2,2,2,2,2,2,, -8572,6,,2,3,2,2,,2,2,2,2,1,2,, -8573,1,2,2,1,2,2,,2,2,2,2,2,2,, -8574,4,,2,2,1,2,,2,2,1,1,2,2,, -8575,1,2,2,0,2,2,,2,2,2,2,2,2,, -8576,4,,2,1,2,2,,2,2,2,2,2,2,, -8577,7,,2,4,2,2,,2,2,1,2,2,2,, -8578,7,,2,3,2,2,,2,2,2,2,2,2,, -8579,1,2,,0,2,2,,2,2,2,2,2,2,, -8580,8,,2,7,1,2,,2,2,2,2,2,2,, -8581,4,,2,2,2,2,,2,2,2,2,2,2,, -8582,1,2,2,1,2,2,,2,2,2,2,2,2,, -8583,1,2,2,0,2,2,,2,2,2,2,2,2,, -8584,1,2,2,0,2,2,,2,2,2,2,2,2,, -8585,1,2,,0,2,2,,2,2,2,2,2,2,, -8586,1,2,2,0,2,2,,2,2,2,2,2,2,, -8587,1,2,,0,2,2,,2,2,1,2,2,2,, -8588,4,,2,1,2,2,,2,2,2,2,2,2,, -8589,1,2,,1,2,2,,2,2,2,2,2,2,, -8590,1,2,,0,2,2,,2,2,2,2,2,2,, -8591,1,2,2,0,2,2,,2,2,2,2,2,2,, -8592,1,2,,0,2,2,,2,2,2,2,2,2,, -8593,1,2,,0,2,2,,2,2,2,2,2,2,, -8594,4,,2,2,2,2,,2,2,2,2,1,2,, -8595,1,2,2,0,2,2,,2,2,2,2,2,2,, -8596,1,1,2,9,2,2,,2,2,2,2,2,2,, -8597,4,,2,3,2,2,,2,2,2,2,2,2,, -8598,1,2,,0,2,2,,2,2,2,2,2,2,, -8599,1,2,2,1,2,2,,2,2,2,2,2,2,, -8600,1,2,,0,2,2,,2,2,2,2,2,2,, -8601,1,2,2,0,2,2,,2,2,2,2,2,2,, -8602,8,,2,3,1,2,,2,2,2,2,2,2,, -8603,1,2,2,1,2,2,,2,2,2,2,2,2,, -8604,4,,2,1,2,2,,2,2,2,2,2,2,, -8605,7,,2,4,2,2,,2,2,2,2,1,2,, -8606,4,,2,1,2,2,,2,2,2,1,2,2,, -8607,1,2,,1,2,2,,2,2,2,2,2,2,, -8608,1,2,,0,2,2,,2,2,2,2,2,2,, -8609,1,2,2,0,2,2,,2,2,2,2,2,2,, -8610,5,,2,1,2,2,,2,2,2,2,1,2,, -8611,7,,2,16,2,2,,2,2,1,2,2,2,, -8612,7,,2,4,2,2,,2,2,2,2,2,2,, -8613,4,,2,1,2,2,,2,2,2,2,1,2,, -8614,5,,2,0,2,2,,2,2,2,2,2,2,, -8615,5,,2,1,2,2,,2,2,2,2,2,2,, -8616,4,,2,39,2,2,,2,2,2,2,1,2,, -8617,4,,2,2,2,2,,2,2,2,2,1,2,, -8618,4,,2,5,2,2,,2,2,2,2,2,2,, -8619,1,2,2,0,2,2,,2,2,2,2,2,2,, -8620,5,,2,1,2,2,,2,2,2,2,2,2,, -8621,6,,2,14,1,2,,2,2,1,2,1,2,, -8622,4,,1,1,2,2,,2,2,2,2,2,2,, -8623,1,2,2,0,2,2,,2,2,2,2,2,2,, -8624,5,,2,0,2,2,,2,2,2,2,2,2,, -8625,1,2,2,0,2,2,,2,2,2,2,2,2,, -8626,4,,2,2,2,2,,2,2,2,2,2,2,, -8627,1,2,2,0,2,2,,2,2,2,2,2,2,, -8628,4,,2,3,2,2,,2,2,2,2,2,2,, -8629,5,,2,1,2,2,,2,2,2,2,2,2,, -8630,5,,2,1,2,2,,2,2,2,2,2,2,, -8631,1,2,2,0,2,2,,2,2,2,2,2,2,, -8632,1,2,2,1,2,2,,2,2,2,2,2,2,, -8633,5,,2,1,2,2,,2,2,2,2,2,2,, -8634,4,,2,2,2,2,,2,2,2,2,2,2,, -8635,1,2,,0,2,2,,2,2,2,2,2,2,, -8636,1,2,,0,2,2,,2,2,2,2,2,2,, -8637,7,,2,7,2,2,,2,2,2,2,1,2,, -8638,1,2,,1,2,2,,2,2,2,2,2,2,, -8639,1,2,2,0,2,2,,2,2,2,2,2,2,, -8640,4,,2,12,2,2,,2,2,2,2,1,2,, -8641,4,,2,2,2,2,,2,2,2,2,2,2,, -8642,7,,2,4,2,2,,2,2,2,2,2,2,, -8643,4,,2,3,2,2,,2,2,2,2,1,2,, -8644,5,,2,2,2,2,,2,2,2,2,2,2,, -8645,1,2,,0,2,2,,2,2,2,2,2,2,, -8646,4,,2,2,2,2,,2,2,2,2,2,2,, -8647,4,,2,1,2,2,,2,2,2,2,2,2,, -8648,1,2,2,0,2,2,,2,2,2,2,2,2,, -8649,4,,2,1,2,2,,2,2,2,2,2,2,, -8650,1,2,,0,2,2,,2,2,2,2,2,2,, -8651,4,,2,1,2,2,,2,2,2,2,2,2,, -8652,1,2,2,0,2,2,,2,2,2,2,2,2,, -8653,7,,2,1,2,2,,2,2,2,2,2,2,, -8654,4,,2,1,2,2,,2,2,2,2,2,2,, -8655,4,,2,2,2,2,,2,2,2,2,2,2,, -8656,6,,2,12,2,2,,2,2,2,2,1,2,, -8657,7,,2,9,2,2,,2,2,1,1,1,2,, -8658,1,2,,0,2,2,,2,2,2,2,2,2,, -8659,4,,2,2,2,2,,2,2,1,2,2,2,, -8660,4,,2,1,2,2,,2,2,2,2,2,2,, -8661,1,2,2,1,2,2,,2,2,2,2,2,2,, -8662,1,2,,0,2,2,,2,2,2,2,2,2,, -8663,7,,2,1,2,2,,2,2,2,2,2,2,, -8664,4,,2,1,2,2,,2,2,2,2,1,2,, -8665,1,2,,0,2,2,,2,2,2,2,2,2,, -8666,5,,2,1,2,2,,2,2,2,2,2,2,, -8667,1,2,,0,2,2,,2,2,2,2,2,2,, -8668,1,2,,0,2,2,,2,2,2,2,2,2,, -8669,4,,2,1,2,2,,2,2,2,2,2,2,, -8670,1,2,,0,2,2,,2,2,2,2,2,2,, -8671,7,,2,1,2,2,,2,2,2,2,2,2,, -8672,7,,2,1,2,2,,2,2,2,2,2,2,, -8673,1,2,,1,2,2,,2,2,2,2,2,2,, -8674,6,,2,4,2,2,,2,2,2,2,1,2,, -8675,4,,2,5,1,2,,2,2,1,2,2,2,, -8676,1,2,2,0,2,2,,2,2,2,2,2,2,, -8677,1,2,,0,2,2,,2,2,2,2,2,2,, -8678,1,2,2,0,2,2,,2,2,2,2,2,2,, -8679,7,,2,2,2,2,,2,2,2,1,2,2,, -8680,1,2,2,0,2,2,,2,2,2,2,2,2,, -8681,1,2,2,0,2,2,,2,2,2,2,2,2,, -8682,1,2,,0,2,2,,2,2,2,2,2,2,, -8683,1,2,2,0,2,2,,2,2,2,2,2,2,, -8684,1,2,2,1,2,2,,2,2,2,2,2,2,, -8685,1,2,,0,2,2,,2,2,2,2,2,2,, -8686,1,2,2,0,2,2,,2,2,2,2,2,2,, -8687,4,,2,1,2,2,,2,2,2,2,2,2,, -8688,4,,2,1,2,2,,2,2,2,2,2,2,, -8689,1,2,2,0,2,2,,2,2,2,2,2,2,, -8690,1,2,,1,2,2,,2,2,2,2,2,2,, -8691,1,2,2,0,2,2,,2,2,2,2,2,2,, -8692,4,,2,7,1,2,,2,2,2,2,2,2,, -8693,4,,2,3,2,2,,2,2,2,2,1,2,, -8694,4,,2,2,2,2,,2,2,2,2,2,2,, -8695,7,,2,4,2,2,,2,2,2,2,2,2,, -8696,1,2,2,0,2,2,,2,2,2,2,2,2,, -8697,1,2,2,0,2,2,,2,2,2,2,2,2,, -8698,1,2,2,0,2,2,,2,2,2,2,2,2,, -8699,4,,2,1,2,2,,2,2,1,2,2,2,, -8700,1,2,,0,2,2,,2,2,2,2,2,2,, -8701,1,2,,0,2,2,,2,2,2,2,2,2,, -8702,1,2,,1,2,2,,2,2,2,2,2,2,, -8703,1,2,,0,2,2,,2,2,2,2,2,2,, -8704,7,,2,21,1,2,,2,2,1,1,1,2,, -8705,4,,2,1,2,2,,2,2,2,2,2,2,, -8706,7,,2,1,2,2,,2,2,2,2,2,2,, -8707,4,,1,1,2,2,,2,2,2,2,2,2,, -8708,1,2,,0,2,2,,2,2,2,2,2,2,, -8709,1,2,,0,2,2,,2,2,2,2,2,2,, -8710,1,2,2,0,2,2,,2,2,2,2,2,2,, -8711,1,2,2,0,2,2,,2,2,2,2,2,2,, -8712,1,2,2,0,2,2,,2,2,2,2,2,2,, -8713,1,2,,0,2,2,,2,2,2,2,2,2,, -8714,7,,2,3,2,2,,2,2,2,2,2,2,, -8715,1,2,,1,2,2,,2,2,2,2,2,2,, -8716,4,,2,1,2,2,,2,2,2,2,2,2,, -8717,4,,2,2,2,2,,2,2,2,2,2,2,, -8718,5,,2,1,2,2,,2,2,2,2,2,2,, -8719,4,,2,2,2,2,,2,2,1,2,2,2,, -8720,1,2,,0,2,2,,2,2,2,2,2,2,, -8721,4,,2,1,2,2,,2,2,2,2,2,2,, -8722,4,,2,6,2,2,,2,2,2,2,2,2,, -8723,1,2,2,0,2,2,,2,2,2,2,2,2,, -8724,1,2,,0,2,2,,2,2,2,2,2,2,, -8725,4,,2,9,2,2,,2,2,2,2,1,2,, -8726,4,,2,1,2,2,,2,2,2,2,2,2,, -8727,6,,2,1,2,2,,2,2,2,2,1,2,, -8728,7,,2,17,2,2,,2,2,2,2,2,2,, -8729,4,,2,3,2,2,,2,2,2,2,1,2,, -8730,4,,2,2,2,2,,2,2,2,2,2,2,, -8731,4,,2,1,2,2,,2,2,2,2,2,2,, -8732,4,,2,1,2,2,,2,2,2,2,2,2,, -8733,1,2,,0,1,2,,2,2,2,2,2,2,, -8734,1,2,,0,2,2,,2,2,2,2,2,2,, -8735,1,2,2,0,2,2,,2,2,2,2,2,2,, -8736,1,2,,1,2,2,,2,2,2,2,2,2,, -8737,5,,2,1,2,2,,2,2,2,2,2,2,, -8738,1,2,2,0,2,2,,2,2,2,2,2,2,, -8739,1,2,,0,2,2,,2,2,2,2,2,2,, -8740,5,,2,1,2,2,,2,2,2,1,2,2,, -8741,7,,2,0,2,2,,2,2,2,2,2,2,, -8742,1,2,2,0,2,2,,2,2,2,2,2,2,, -8743,5,,2,1,2,2,,2,2,2,2,2,2,, -8744,1,2,2,1,2,2,,2,2,2,2,2,2,, -8745,4,,2,1,2,2,,2,2,2,2,2,2,, -8746,4,,2,1,2,2,,2,2,2,2,2,2,, -8747,4,,2,1,2,2,,2,2,2,2,2,2,, -8748,1,2,2,0,2,2,,2,2,2,2,2,2,, -8749,1,2,,0,2,2,,2,2,2,2,2,2,, -8750,3,,,,2,2,,2,2,1,1,2,1,3, -8751,1,2,2,1,2,2,,2,2,2,2,2,2,, -8752,4,,2,2,2,2,,2,2,2,2,1,2,, -8753,4,,2,0,2,2,,2,2,2,2,2,2,, -8754,7,,2,9,1,2,,2,2,1,2,2,2,, -8755,6,,1,1,2,2,,2,2,2,2,1,2,, -8756,4,,2,1,2,2,,2,2,2,2,2,2,, -8757,1,2,2,0,2,2,,2,2,2,2,2,2,, -8758,4,,2,2,2,2,,2,2,2,2,2,2,, -8759,4,,2,2,2,2,,2,2,1,2,1,2,, -8760,7,,2,3,2,2,,2,2,1,2,1,1,3, -8761,1,2,,0,2,2,,2,2,2,2,2,2,, -8762,4,,2,3,1,2,,2,2,2,2,2,2,, -8763,1,2,,0,2,2,,2,2,2,2,2,2,, -8764,4,,2,3,2,2,,2,2,2,2,2,2,, -8765,1,2,2,0,2,2,,2,2,2,2,2,2,, -8766,5,,2,1,2,2,,2,2,2,2,2,2,, -8767,5,,2,1,2,2,,2,2,2,2,2,2,, -8768,4,,2,1,2,2,,2,2,1,2,2,2,, -8769,4,,2,3,2,2,,2,2,2,2,2,2,, -8770,4,,2,1,2,2,,2,2,2,2,2,2,, -8771,1,2,2,0,2,2,,2,2,2,2,2,2,, -8772,5,,2,0,2,2,,2,2,2,2,2,2,, -8773,1,2,2,0,2,2,,2,2,2,2,2,2,, -8774,6,,2,1,2,2,,2,2,2,2,1,2,, -8775,4,,2,1,2,2,,2,2,2,2,2,2,, -8776,1,2,2,1,1,2,,2,2,2,2,2,2,, -8777,1,2,,0,2,2,,2,2,2,2,2,2,, -8778,1,2,,1,2,2,,2,2,2,2,2,2,, -8779,4,,2,1,2,2,,2,2,2,2,2,2,, -8780,4,,2,9,1,2,,2,1,2,2,2,2,, -8781,1,2,,0,2,2,,2,2,2,2,2,2,, -8782,1,2,2,0,2,2,,2,2,2,2,2,2,, -8783,1,2,2,0,2,2,,2,2,2,2,2,2,, -8784,4,,2,2,2,2,,2,2,2,1,2,2,, -8785,1,2,2,1,2,2,,2,2,2,2,2,2,, -8786,1,2,,0,2,2,,2,2,2,2,2,2,, -8787,5,,2,1,2,2,,2,2,2,2,2,2,, -8788,4,,2,1,2,2,,2,2,2,2,2,2,, -8789,1,2,2,0,2,2,,2,2,2,2,2,2,, -8790,4,,2,5,2,2,,2,2,2,2,2,2,, -8791,6,,2,1,2,2,,2,2,2,2,2,2,, -8792,4,,2,1,2,2,,2,2,2,2,2,2,, -8793,1,2,2,0,2,2,,2,2,2,2,2,2,, -8794,4,,2,3,2,2,,2,2,2,2,1,2,, -8795,1,2,2,1,2,2,,2,2,2,2,2,2,, -8796,7,,2,7,2,2,,2,2,2,2,2,2,, -8797,1,2,2,0,2,2,,2,2,2,2,2,2,, -8798,1,2,,0,2,2,,2,2,2,2,2,2,, -8799,1,2,,0,2,2,,2,2,2,2,2,2,, -8800,1,2,,1,2,2,,2,2,2,2,2,2,, -8801,4,,2,2,2,2,,2,2,2,2,2,2,, -8802,7,,2,7,2,2,,2,2,1,2,1,2,, -8803,7,,2,1,2,2,,2,2,2,2,2,2,, -8804,1,2,2,0,2,2,,2,2,2,2,2,2,, -8805,1,2,,0,2,2,,2,2,2,2,2,2,, -8806,1,2,,0,2,2,,2,2,2,2,2,2,, -8807,1,2,,0,2,2,,2,2,2,2,2,2,, -8808,7,,2,1,2,2,,2,2,2,2,2,2,, -8809,1,2,2,0,2,2,,2,2,2,2,2,2,, -8810,1,2,2,0,2,2,,2,2,2,2,2,2,, -8811,7,,2,6,1,2,,2,2,2,2,2,2,, -8812,4,,1,2,2,2,,2,2,2,2,2,2,, -8813,4,,2,1,2,2,,2,2,2,2,2,2,, -8814,4,,2,2,2,2,,2,2,2,2,1,2,, -8815,1,2,,1,2,2,,2,2,2,2,2,2,, -8816,1,2,,0,2,2,,2,2,2,2,2,2,, -8817,4,,2,1,2,2,,2,2,2,2,2,2,, -8818,7,,2,6,1,2,,2,2,1,2,2,2,, -8819,5,,2,2,2,2,,2,2,2,2,2,2,, -8820,4,,2,5,2,2,,2,2,2,2,1,2,, -8821,4,,2,1,2,2,,2,2,2,2,2,2,, -8822,1,2,2,0,2,2,,2,2,2,2,2,2,, -8823,1,2,2,1,2,2,,2,2,2,2,2,2,, -8824,4,,2,1,2,2,,2,2,2,2,2,2,, -8825,1,2,,0,2,2,,2,2,2,2,2,2,, -8826,4,,2,3,2,2,,2,2,2,2,2,2,, -8827,5,,2,1,2,2,,2,2,2,2,2,2,, -8828,1,2,,0,2,2,,2,2,2,2,2,2,, -8829,1,2,2,0,2,2,,2,2,2,2,2,2,, -8830,4,,2,3,2,2,,2,2,2,1,2,2,, -8831,4,,2,1,2,2,,2,2,2,2,2,2,, -8832,4,,2,1,2,2,,2,2,2,2,2,2,, -8833,1,2,2,1,2,2,,2,2,2,2,2,2,, -8834,4,,2,2,2,2,,2,2,2,2,2,2,, -8835,1,2,,0,2,2,,2,2,2,2,2,2,, -8836,1,2,,0,2,2,,2,2,2,2,2,2,, -8837,4,,2,3,2,2,,2,2,2,2,1,2,, -8838,4,,2,14,2,2,,2,2,2,2,1,2,, -8839,1,2,2,0,2,2,,2,2,2,2,2,2,, -8840,7,,2,1,2,2,,2,2,2,2,2,2,, -8841,7,,2,2,2,2,,2,2,2,2,2,2,, -8842,1,2,2,0,2,2,,2,2,2,2,2,2,, -8843,1,2,,0,2,2,,2,2,2,2,2,2,, -8844,4,,2,1,2,2,,2,2,2,2,2,2,, -8845,4,,2,1,2,2,,2,2,2,2,2,2,, -8846,4,,2,2,2,2,,2,2,2,2,2,2,, -8847,1,2,2,0,2,2,,2,2,2,2,2,2,, -8848,4,,2,1,2,2,,2,2,2,2,2,2,, -8849,1,2,2,0,2,2,,2,2,2,2,2,2,, -8850,1,2,,0,2,2,,2,2,2,2,2,2,, -8851,4,,2,2,2,2,,2,2,2,2,1,2,, -8852,4,,2,1,2,2,,2,2,2,2,2,2,, -8853,1,2,2,0,2,2,,2,2,2,2,2,2,, -8854,1,2,,0,2,2,,2,2,2,2,2,2,, -8855,1,2,,0,2,2,,2,2,2,2,2,2,, -8856,1,2,,0,2,2,,2,2,2,2,2,2,, -8857,5,,2,1,2,2,,2,2,2,2,2,2,, -8858,4,,2,2,1,2,,2,2,1,2,2,2,, -8859,7,,2,2,2,2,,2,2,2,2,2,2,, -8860,1,2,,0,2,2,,2,2,2,2,2,2,, -8861,1,2,2,0,2,2,,2,2,2,2,2,2,, -8862,4,,2,1,2,2,,2,2,2,2,2,2,, -8863,7,,2,1,2,2,,2,2,2,2,2,2,, -8864,1,2,2,0,2,2,,2,2,2,2,2,2,, -8865,4,,2,1,2,2,,2,2,2,2,2,2,, -8866,4,,2,1,2,2,,2,2,2,2,2,2,, -8867,4,,2,2,1,2,,2,2,2,2,2,2,, -8868,7,,2,4,2,2,,2,2,2,2,1,2,, -8869,1,2,,0,2,2,,2,2,2,2,2,2,, -8870,1,2,2,1,2,2,,2,2,2,2,2,2,, -8871,1,2,2,0,2,2,,2,2,2,2,2,2,, -8872,1,2,,1,2,2,,2,2,2,2,2,2,, -8873,4,,2,1,2,2,,2,2,2,2,2,2,, -8874,1,2,2,1,2,2,,2,2,2,2,2,2,, -8875,1,2,,0,2,2,,2,2,2,2,2,2,, -8876,1,2,2,1,2,2,,2,2,2,2,2,2,, -8877,4,,2,1,2,2,,2,2,2,2,2,2,, -8878,4,,2,7,2,2,,2,2,2,2,1,2,, -8879,1,2,,0,2,2,,2,2,2,2,2,2,, -8880,1,2,,0,2,2,,2,2,2,2,2,2,, -8881,1,2,,0,2,2,,2,2,2,2,2,2,, -8882,7,,2,1,2,2,,2,2,2,2,1,2,, -8883,1,2,,0,2,2,,2,2,2,2,2,2,, -8884,1,2,2,0,2,2,,2,2,2,2,2,2,, -8885,4,,2,1,2,2,,2,2,2,2,2,2,, -8886,4,,2,3,2,2,,2,2,1,1,2,2,, -8887,1,2,,0,2,2,,2,2,2,2,2,2,, -8888,1,2,,0,2,2,,2,2,2,2,2,2,, -8889,7,,2,2,2,2,,2,2,2,2,2,2,, -8890,4,,2,2,2,2,,2,2,2,2,2,2,, -8891,4,,2,3,2,2,,2,2,2,2,1,2,, -8892,1,2,,1,2,2,,2,2,2,2,2,2,, -8893,1,2,2,0,2,2,,2,2,2,2,2,2,, -8894,4,,2,2,2,2,,2,2,1,2,2,2,, -8895,1,2,,0,2,2,,2,2,2,2,2,2,, -8896,1,2,2,0,2,2,,2,2,2,2,2,2,, -8897,4,,2,4,2,2,,2,2,2,1,2,2,, -8898,1,2,2,0,2,2,,2,2,2,2,2,2,, -8899,4,,2,1,2,2,,2,2,2,2,2,2,, -8900,4,,2,1,2,2,,2,2,2,2,1,2,, -8901,1,2,,0,2,2,,2,2,2,2,2,2,, -8902,1,2,,0,2,2,,2,2,2,2,2,2,, -8903,1,2,2,0,2,2,,2,2,2,2,2,2,, -8904,1,2,2,0,2,2,,2,2,2,2,2,2,, -8905,4,,1,6,2,2,,2,2,2,2,2,2,, -8906,4,,2,1,2,2,,2,2,2,2,2,2,, -8907,1,2,,0,2,2,,2,2,2,2,2,2,, -8908,4,,2,1,2,2,,2,2,2,2,2,2,, -8909,1,2,2,0,2,2,,2,2,2,2,2,2,, -8910,8,,2,0,2,2,,2,2,2,2,2,2,, -8911,5,,2,0,2,2,,2,2,1,2,2,2,, -8912,4,,2,1,2,2,,2,2,2,2,2,2,, -8913,1,2,,0,2,2,,2,2,2,2,2,2,, -8914,1,2,,1,2,2,,2,2,2,2,2,2,, -8915,4,,2,1,2,2,,2,2,2,2,2,2,, -8916,4,,2,1,2,2,,2,2,2,2,2,2,, -8917,1,2,2,1,2,2,,2,2,2,2,2,2,, -8918,7,,2,7,1,2,,2,2,1,2,2,2,, -8919,5,,2,1,2,2,,2,2,2,2,2,2,, -8920,4,,2,12,2,2,,2,2,1,2,2,2,, -8921,1,2,2,0,2,2,,2,2,2,2,2,2,, -8922,7,,2,30,2,2,,2,2,1,1,2,2,, -8923,4,,2,3,2,2,,2,2,2,2,1,2,, -8924,6,,2,3,2,2,,2,2,2,2,1,2,, -8925,1,2,2,0,2,2,,2,2,2,2,2,2,, -8926,6,,2,5,2,2,,2,2,2,2,1,2,, -8927,5,,2,1,2,2,,2,2,2,2,2,2,, -8928,1,2,2,0,2,2,,2,2,2,2,2,2,, -8929,1,2,,0,2,2,,2,2,2,2,2,2,, -8930,7,,2,3,1,2,,2,2,1,2,2,2,, -8931,7,,2,2,2,2,,2,2,2,2,2,2,, -8932,4,,2,6,2,2,,2,2,2,2,2,2,, -8933,4,,2,1,2,2,,2,2,2,2,2,2,, -8934,4,,2,1,2,2,,2,2,2,2,2,2,, -8935,1,2,2,0,2,2,,2,2,2,2,2,2,, -8936,4,,2,3,2,2,,2,2,2,2,2,2,, -8937,1,2,,0,2,2,,2,2,2,2,2,2,, -8938,1,2,,0,2,2,,2,2,2,2,2,2,, -8939,1,2,2,1,2,2,,2,2,2,2,2,2,, -8940,4,,2,2,2,2,,2,2,2,1,2,2,, -8941,1,2,,1,2,2,,2,2,2,2,2,2,, -8942,4,,2,5,2,2,,2,2,2,2,2,2,, -8943,1,2,2,0,2,2,,2,2,2,2,2,2,, -8944,4,,2,3,2,2,,2,2,2,2,1,2,, -8945,1,2,2,0,2,2,,2,2,2,2,2,2,, -8946,1,2,,0,2,2,,2,2,2,2,2,2,, -8947,1,2,,0,2,2,,2,2,2,2,2,2,, -8948,1,2,2,0,2,2,,2,2,2,2,2,2,, -8949,7,,2,10,2,2,,2,2,2,1,1,2,, -8950,1,2,,0,2,2,,2,2,2,2,2,2,, -8951,1,2,2,0,2,2,,2,2,2,2,2,2,, -8952,5,,2,0,2,2,,2,2,2,2,2,2,, -8953,1,2,2,0,2,2,,2,2,2,2,2,2,, -8954,1,2,,0,2,2,,2,2,2,2,2,2,, -8955,1,2,2,0,2,2,,2,2,2,2,2,2,, -8956,7,,2,5,2,2,,2,2,2,2,2,2,, -8957,4,,2,2,2,2,,2,2,2,2,1,2,, -8958,1,2,2,0,2,2,,2,2,2,2,2,2,, -8959,1,2,2,0,2,2,,2,2,2,2,2,2,, -8960,4,,2,1,2,2,,2,2,2,2,2,2,, -8961,4,,2,6,2,2,,2,2,2,2,2,2,, -8962,1,2,,1,2,2,,2,2,2,2,2,2,, -8963,1,2,2,0,2,2,,2,2,2,2,2,2,, -8964,4,,2,2,2,2,,2,2,2,2,1,2,, -8965,1,2,,0,2,2,,2,2,2,2,2,2,, -8966,5,,2,1,2,2,,2,2,2,2,2,2,, -8967,5,,2,1,2,2,,2,2,2,2,2,2,, -8968,1,2,2,1,2,2,,2,2,2,2,2,2,, -8969,1,2,2,0,2,2,,2,2,2,2,2,2,, -8970,1,2,2,0,2,2,,2,2,2,2,2,2,, -8971,7,,2,1,2,2,,2,2,2,2,2,2,, -8972,5,,2,1,2,2,,2,2,2,2,2,2,, -8973,4,,2,3,2,2,,2,2,2,2,2,2,, -8974,4,,2,26,2,2,,2,2,1,2,1,2,, -8975,1,2,2,0,2,2,,2,2,2,2,2,2,, -8976,7,,2,6,1,2,,2,2,2,2,2,2,, -8977,4,,2,2,2,2,,2,2,1,1,1,2,, -8978,1,2,2,1,2,2,,2,2,2,2,2,2,, -8979,1,2,2,0,2,2,,2,2,2,2,2,2,, -8980,1,2,,0,2,2,,2,2,2,2,2,2,, -8981,5,,2,1,2,2,,2,2,2,2,2,2,, -8982,4,,2,6,2,2,,2,2,2,2,2,2,, -8983,1,2,,1,2,2,,2,2,2,2,2,2,, -8984,1,2,2,0,2,2,,2,2,2,2,2,2,, -8985,1,2,2,0,2,2,,2,2,2,2,2,2,, -8986,1,2,2,1,2,2,,2,2,2,2,2,2,, -8987,1,2,,0,2,2,,2,2,2,2,2,2,, -8988,1,2,2,0,2,2,,2,2,2,2,2,2,, -8989,7,,2,2,2,2,,2,2,2,2,2,2,, -8990,1,2,2,0,1,2,,2,2,2,2,2,2,, -8991,1,2,2,0,2,2,,2,2,2,2,2,2,, -8992,4,,2,1,2,2,,2,2,2,2,2,2,, -8993,4,,2,2,2,2,,2,2,2,2,1,2,, -8994,1,2,,0,2,2,,2,2,2,2,2,2,, -8995,1,2,,1,2,2,,2,2,2,2,2,2,, -8996,7,,2,4,2,2,,2,2,2,2,2,2,, -8997,1,2,,0,2,2,,2,2,2,2,2,2,, -8998,1,2,,1,2,2,,2,2,2,2,2,2,, -8999,4,,2,1,2,2,,2,2,2,2,2,2,, -9000,4,,2,5,1,2,,2,2,2,2,2,2,, -9001,1,2,,0,2,2,,2,2,2,2,2,2,, -9002,4,,2,3,2,2,,2,2,2,1,2,2,, -9003,1,2,,0,2,2,,2,2,2,2,2,2,, -9004,4,,2,16,1,2,,2,2,2,2,2,2,, -9005,4,,2,2,2,2,,2,2,2,2,2,2,, -9006,7,,2,196,2,2,,2,2,2,2,2,2,, -9007,4,,2,1,2,2,,2,2,2,2,2,2,, -9008,1,2,,0,2,2,,2,2,2,2,2,2,, -9009,1,2,,0,2,2,,2,2,2,2,2,2,, -9010,4,,2,1,2,2,,2,2,2,2,2,2,, -9011,1,2,2,0,2,2,,2,2,2,2,2,2,, -9012,4,,2,1,2,2,,2,2,2,2,2,2,, -9013,1,2,,1,2,2,,2,2,2,1,2,2,, -9014,7,,2,14,2,2,,2,2,2,2,1,2,, -9015,1,2,2,0,2,2,,2,2,2,2,2,2,, -9016,1,2,2,0,2,2,,2,2,2,2,2,2,, -9017,1,2,,0,2,2,,2,2,2,2,2,2,, -9018,7,,2,5,1,2,,2,2,2,2,2,2,, -9019,1,2,2,0,2,2,,2,2,2,2,2,2,, -9020,7,,2,1,2,2,,2,2,2,2,2,2,, -9021,4,,2,1,2,2,,2,2,2,2,2,2,, -9022,4,,2,2,2,2,,2,2,1,2,1,2,, -9023,4,,2,1,2,2,,2,2,1,2,2,2,, -9024,1,2,,1,2,2,,2,2,2,2,2,2,, -9025,1,2,2,0,2,2,,2,2,2,2,2,2,, -9026,7,,2,8,2,2,,2,2,1,1,1,2,, -9027,1,2,2,0,2,2,,2,2,2,2,2,2,, -9028,4,,2,1,2,2,,2,2,2,2,2,2,, -9029,1,2,,0,2,2,,2,2,2,2,2,2,, -9030,7,,2,3,2,2,,2,2,2,2,2,2,, -9031,1,2,,0,2,2,,2,2,2,2,2,2,, -9032,1,2,2,0,2,2,,2,2,2,2,2,2,, -9033,5,,2,1,2,2,,2,2,2,2,2,2,, -9034,1,2,,0,2,2,,2,2,2,2,2,2,, -9035,1,2,,0,2,2,,2,2,2,2,2,2,, -9036,1,2,2,1,2,2,,2,2,2,2,2,2,, -9037,6,,2,3,2,2,,2,2,2,2,1,2,, -9038,4,,2,2,2,2,,2,2,2,2,2,2,, -9039,7,,2,3,2,2,,2,2,2,2,1,2,, -9040,4,,2,1,1,2,,2,2,2,2,2,2,, -9041,1,2,2,0,2,2,,2,2,2,2,2,2,, -9042,1,2,,0,2,2,,2,2,2,2,2,2,, -9043,1,2,,0,2,2,,2,2,2,2,2,2,, -9044,1,2,2,0,2,2,,2,2,2,2,2,2,, -9045,1,2,2,0,2,2,,2,2,2,2,2,2,, -9046,1,2,,1,2,2,,2,2,2,2,2,2,, -9047,5,,2,0,2,2,,2,2,2,2,2,2,, -9048,1,2,2,0,2,2,,2,2,2,2,2,2,, -9049,1,2,2,0,2,2,,2,2,2,2,2,2,, -9050,1,2,,0,2,2,,2,2,2,2,2,2,, -9051,4,,2,1,2,2,,2,2,2,2,2,2,, -9052,7,,2,7,2,2,,2,2,1,2,2,2,, -9053,1,2,,0,2,2,,2,2,2,2,2,2,, -9054,1,2,2,0,2,2,,2,2,2,2,2,2,, -9055,1,2,,0,2,2,,2,2,2,2,2,2,, -9056,1,2,2,1,2,2,,2,2,2,2,2,2,, -9057,4,,2,2,2,2,,2,2,1,2,2,2,, -9058,1,2,2,0,2,2,,2,2,2,2,2,2,, -9059,1,2,2,1,2,2,,2,2,2,2,2,2,, -9060,1,2,,0,2,2,,2,2,2,2,2,2,, -9061,1,2,2,0,2,2,,2,2,2,2,2,2,, -9062,1,2,2,0,2,2,,2,2,2,2,2,2,, -9063,1,2,2,0,2,2,,2,2,2,2,2,2,, -9064,7,,2,1,2,2,,2,2,1,2,2,2,, -9065,1,2,2,0,2,2,,2,2,2,2,2,2,, -9066,1,2,,0,2,2,,2,2,2,2,2,2,, -9067,1,2,2,0,2,2,,2,2,2,2,2,2,, -9068,1,2,2,0,2,2,,2,2,2,2,2,2,, -9069,4,,2,3,2,2,,2,2,2,2,2,2,, -9070,1,2,,0,2,2,,2,2,2,2,2,2,, -9071,1,2,2,0,2,2,,2,2,2,2,2,2,, -9072,7,,2,94,2,2,,2,2,2,2,2,2,, -9073,4,,2,5,2,2,,2,2,2,2,1,2,, -9074,4,,2,5,1,2,,2,2,1,1,1,2,, -9075,1,2,,0,2,2,,2,2,2,2,2,2,, -9076,7,,2,5,2,2,,2,2,2,2,2,2,, -9077,4,,2,2,2,2,,2,2,2,2,2,2,, -9078,7,,2,8,2,2,,2,2,2,2,2,2,, -9079,1,2,,0,2,2,,2,2,2,2,2,2,, -9080,4,,2,2,2,2,,2,2,2,2,1,2,, -9081,1,2,2,0,2,2,,2,2,2,2,2,2,, -9082,7,,2,1,2,2,,2,2,2,2,2,2,, -9083,7,,1,3,1,2,,2,2,1,2,1,2,, -9084,1,2,,0,2,2,,2,2,2,2,2,2,, -9085,4,,2,2,1,2,,2,2,2,2,2,2,, -9086,1,2,,0,2,2,,2,2,2,2,2,2,, -9087,7,,1,29,2,2,,2,2,2,2,1,2,, -9088,1,2,2,0,2,2,,2,2,2,2,2,2,, -9089,1,2,2,0,2,2,,2,2,2,2,2,2,, -9090,1,2,2,1,2,2,,2,2,2,2,2,2,, -9091,4,,2,1,2,2,,2,2,2,2,2,2,, -9092,4,,2,2,2,2,,2,2,2,2,1,2,, -9093,7,,1,2,2,2,,2,2,2,2,2,2,, -9094,1,2,2,0,2,2,,2,2,2,2,2,2,, -9095,1,2,2,0,2,2,,2,2,2,2,2,2,, -9096,4,,2,5,2,2,,2,2,2,1,2,2,, -9097,7,,2,1,2,2,,2,2,2,2,2,2,, -9098,1,2,,0,2,2,,2,2,2,2,2,2,, -9099,4,,2,3,2,2,,2,2,1,2,2,2,, -9100,4,,2,1,2,2,,2,2,2,2,2,2,, -9101,4,,2,2,1,2,,2,2,2,2,2,2,, -9102,1,2,2,1,2,2,,2,2,2,2,2,2,, -9103,4,,2,2,2,2,,2,2,2,2,2,2,, -9104,1,2,,0,2,2,,2,2,2,2,2,2,, -9105,1,2,,0,2,2,,2,2,2,2,2,2,, -9106,1,2,2,0,2,2,,2,2,2,2,2,2,, -9107,5,,2,1,2,2,,2,2,2,2,2,2,, -9108,4,,2,3,2,2,,2,2,2,2,2,2,, -9109,5,,2,1,2,2,,2,2,2,2,2,2,, -9110,1,2,2,0,2,2,,2,2,2,2,2,2,, -9111,4,,2,2,2,2,,2,2,2,2,1,2,, -9112,7,,2,1,1,2,,2,2,2,2,2,2,, -9113,1,2,,0,2,2,,2,2,2,2,2,2,, -9114,5,,2,1,2,2,,2,2,2,2,2,2,, -9115,1,2,2,0,2,2,,2,2,2,2,2,2,, -9116,7,,2,11,1,2,,2,2,1,1,1,2,, -9117,4,,2,8,1,2,,2,1,2,1,1,2,, -9118,4,,2,4,2,2,,2,2,2,2,2,2,, -9119,1,2,,0,2,2,,2,2,2,2,2,2,, -9120,1,2,,0,2,2,,2,2,2,2,2,2,, -9121,1,2,2,0,2,2,,2,2,2,2,2,2,, -9122,4,,2,5,2,2,,2,2,2,2,1,2,, -9123,1,2,2,0,2,2,,2,2,2,2,2,2,, -9124,4,,2,10,2,2,,2,2,2,2,1,2,, -9125,1,2,,0,2,2,,2,2,2,2,2,2,, -9126,7,,2,2,2,2,,2,2,2,2,2,2,, -9127,1,2,,0,2,2,,2,2,2,2,2,2,, -9128,1,2,2,0,2,2,,2,2,2,2,2,2,, -9129,5,,2,1,2,2,,2,2,2,2,2,2,, -9130,7,,2,2,2,2,,2,2,2,2,2,2,, -9131,1,2,2,0,2,2,,2,2,2,2,2,2,, -9132,6,,2,2,2,2,,2,2,2,2,1,2,, -9133,4,,2,3,1,2,,2,2,1,2,2,2,, -9134,4,,2,2,2,2,,2,2,2,2,2,2,, -9135,4,,2,1,2,2,,2,2,2,2,2,2,, -9136,7,,2,1,2,2,,2,2,2,2,2,2,, -9137,1,2,2,0,2,2,,2,2,2,2,2,2,, -9138,4,,2,5,2,2,,2,2,2,2,1,2,, -9139,7,,2,1,2,2,,2,2,2,2,2,2,, -9140,1,2,,0,2,2,,2,2,2,2,2,2,, -9141,7,,2,1,2,2,,2,2,2,2,2,2,, -9142,4,,2,2,2,2,,2,2,2,2,2,2,, -9143,7,,2,2,1,2,,2,2,1,2,2,2,, -9144,1,2,,0,2,2,,2,2,2,2,2,2,, -9145,1,2,,0,2,2,,2,2,2,2,2,2,, -9146,4,,2,1,2,2,,2,2,2,2,1,2,, -9147,6,,2,18,1,2,,2,1,1,1,1,2,, -9148,7,,2,5,2,2,,2,2,2,2,2,2,, -9149,4,,2,2,2,2,,2,2,2,2,2,2,, -9150,4,,1,2,2,2,,2,2,2,2,2,2,, -9151,4,,2,1,2,2,,2,2,2,2,2,2,, -9152,1,2,2,0,2,2,,2,2,2,2,2,2,, -9153,7,,2,1,2,2,,2,2,2,2,2,2,, -9154,4,,2,2,2,2,,2,2,2,2,2,2,, -9155,4,,2,1,2,2,,2,2,2,2,2,2,, -9156,4,,2,1,2,2,,2,2,2,2,2,2,, -9157,4,,2,2,2,2,,2,2,2,2,2,2,, -9158,1,2,,0,2,2,,2,2,2,2,2,2,, -9159,7,,2,4,2,2,,2,2,2,2,2,2,, -9160,4,,2,6,1,2,,2,2,1,2,2,2,, -9161,6,,2,2,2,2,,2,2,2,1,1,2,, -9162,1,2,,0,2,2,,2,2,2,2,2,2,, -9163,1,2,2,0,2,2,,2,2,2,2,2,2,, -9164,1,2,,0,2,2,,2,2,2,2,2,2,, -9165,1,2,2,1,2,2,,2,2,2,2,2,2,, -9166,4,,2,3,2,2,,2,2,2,2,2,2,, -9167,1,2,,0,2,2,,2,2,2,2,2,2,, -9168,4,,2,8,2,2,,2,2,2,2,1,2,, -9169,6,,2,2,2,2,,2,2,1,2,2,2,, -9170,4,,2,3,2,2,,2,2,2,2,2,2,, -9171,1,2,2,0,2,2,,2,2,2,2,2,2,, -9172,1,2,2,0,2,2,,2,2,2,2,2,2,, -9173,7,,2,15,2,2,,2,2,2,2,2,2,, -9174,4,,2,5,2,2,,2,2,2,2,2,2,, -9175,5,,2,1,2,2,,2,2,2,2,2,2,, -9176,6,,2,0,2,2,,2,2,2,2,2,2,, -9177,1,2,,0,2,2,,2,2,2,2,2,2,, -9178,7,,2,1,2,2,,2,2,2,2,2,1,5,Multi open-system failure and hypoxic ischemic injury -9179,7,,2,3,2,2,,2,2,2,2,1,2,, -9180,1,2,2,0,2,2,,2,2,2,2,2,2,, -9181,1,2,,1,2,2,,2,2,2,2,2,2,, -9182,1,2,2,0,2,2,,2,2,2,2,2,2,, -9183,7,,2,3,2,2,,2,2,2,2,1,2,, -9184,1,2,,0,2,2,,2,2,2,2,2,2,, -9185,4,,2,2,2,2,,2,2,2,2,2,2,, -9186,1,2,2,1,2,2,,2,2,2,2,2,2,, -9187,4,,2,3,1,2,,2,2,1,1,2,2,, -9188,4,,2,1,2,2,,2,2,2,2,2,2,, -9189,1,2,2,0,2,2,,2,2,2,2,2,2,, -9190,1,2,,1,2,2,,2,2,2,2,2,2,, -9191,5,,2,1,2,2,,2,2,2,2,2,2,, -9192,1,2,2,0,2,2,,2,2,2,2,2,2,, -9193,7,,2,2,2,2,,2,2,2,2,2,2,, -9194,4,,2,1,2,2,,2,2,2,2,2,2,, -9195,4,,2,1,2,2,,2,2,2,1,2,2,, -9196,7,,2,3,2,2,,2,2,1,2,2,2,, -9197,4,,2,2,2,2,,2,2,2,2,2,2,, -9198,7,,2,5,1,2,,2,2,2,2,1,2,, -9199,1,2,2,0,2,2,,2,2,2,2,2,2,, -9200,1,2,,0,2,2,,2,2,2,2,2,2,, -9201,1,2,,0,2,2,,2,2,2,2,2,2,, -9202,4,,2,3,2,2,,2,2,2,2,2,2,, -9203,4,,2,7,2,2,,2,2,1,2,2,2,, -9204,1,2,2,1,2,2,,2,2,2,2,2,2,, -9205,1,2,2,0,2,2,,2,2,2,2,2,2,, -9206,4,,2,1,2,2,,2,2,2,2,2,2,, -9207,4,,2,2,2,2,,2,2,2,2,2,2,, -9208,4,,2,2,2,2,,2,2,2,2,2,2,, -9209,1,2,,1,2,2,,2,2,2,2,2,2,, -9210,4,,2,2,1,2,,2,2,2,2,2,2,, -9211,1,2,2,0,2,2,,2,2,2,2,2,2,, -9212,1,2,,0,2,2,,2,2,2,2,2,2,, -9213,1,2,,0,2,2,,2,2,2,2,2,2,, -9214,1,2,,0,2,2,,2,2,2,2,2,2,, -9215,6,,2,35,2,2,,2,2,1,1,1,2,, -9216,4,,1,5,2,2,,2,2,2,2,2,2,, -9217,4,,2,6,2,2,,2,2,2,2,1,2,, -9218,4,,2,1,2,2,,2,2,2,2,2,2,, -9219,6,,2,3,2,2,,2,2,2,2,1,2,, -9220,5,,2,0,2,2,,2,2,2,2,2,2,, -9221,1,2,,1,2,2,,2,2,2,2,2,2,, -9222,4,,2,1,2,2,,2,2,2,2,2,2,, -9223,1,2,2,0,2,2,,2,2,2,2,2,2,, -9224,4,,2,2,1,2,,2,2,2,1,2,2,, -9225,4,,2,1,2,2,,2,2,2,2,2,2,, -9226,1,2,2,0,2,2,,2,2,2,2,2,2,, -9227,7,,2,5,1,2,,2,2,1,1,2,2,, -9228,4,,2,1,2,2,,2,2,2,2,2,2,, -9229,1,2,2,0,2,2,,2,2,2,2,2,2,, -9230,4,,2,1,2,2,,2,2,2,2,2,2,, -9231,7,,2,3,2,2,,2,2,2,2,2,2,, -9232,1,2,,0,2,2,,2,2,2,2,2,2,, -9233,7,,2,3,2,2,,2,2,1,1,2,2,, -9234,4,,2,1,2,2,,2,2,2,2,2,2,, -9235,4,,2,1,2,2,,2,2,1,2,2,2,, -9236,4,,2,9,2,2,,2,2,2,1,2,2,, -9237,1,2,2,0,2,2,,2,2,2,2,2,2,, -9238,1,2,,1,2,2,,2,2,2,2,2,2,, -9239,1,2,2,0,2,2,,2,2,2,2,2,2,, -9240,1,2,,1,2,2,,2,2,2,2,2,2,, -9241,1,2,,1,2,2,,2,2,2,2,2,2,, -9242,4,,2,2,2,2,,2,2,2,2,2,2,, -9243,7,,2,1,2,2,,2,2,2,2,2,2,, -9244,1,2,2,0,2,2,,2,2,2,2,2,2,, -9245,7,,2,13,1,2,,2,2,1,2,2,2,, -9246,1,2,2,1,2,2,,2,2,2,2,2,2,, -9247,4,,2,2,2,2,,2,2,2,1,1,2,, -9248,4,,2,1,2,2,,2,2,2,1,2,2,, -9249,4,,2,4,2,2,,2,2,2,1,2,2,, -9250,1,2,2,1,2,2,,2,2,2,2,2,2,, -9251,5,,2,1,2,2,,2,2,2,2,2,2,, -9252,1,2,2,0,2,2,,2,2,2,2,2,2,, -9253,1,2,2,0,2,2,,2,2,2,2,2,2,, -9254,1,2,,0,2,2,,2,2,2,2,2,2,, -9255,1,2,2,0,2,2,,2,2,2,2,2,2,, -9256,7,,2,2,2,2,,2,2,2,2,2,2,, -9257,1,2,2,1,2,2,,2,2,2,2,2,2,, -9258,1,2,,0,2,2,,2,2,2,2,2,2,, -9259,1,2,2,0,2,2,,2,2,2,2,2,2,, -9260,4,,2,2,2,2,,2,2,2,2,2,2,, -9261,7,,2,4,2,2,,2,2,2,1,2,2,, -9262,5,,2,2,2,2,,2,2,2,2,2,2,, -9263,1,2,2,1,2,2,,2,2,2,2,2,2,, -9264,1,2,2,0,2,2,,2,2,2,2,2,2,, -9265,4,,2,2,2,2,,2,2,2,2,2,2,, -9266,7,,2,1,2,2,,2,2,2,2,2,2,, -9267,1,2,,1,2,2,,2,2,2,2,2,2,, -9268,1,2,2,0,2,2,,2,2,2,2,2,2,, -9269,4,,2,1,2,2,,2,2,2,2,2,2,, -9270,5,,2,1,2,2,,2,2,2,2,2,2,, -9271,4,,2,3,2,2,,2,2,2,2,1,2,, -9272,4,,2,1,2,2,,2,2,2,2,2,2,, -9273,4,,2,1,2,2,,2,2,2,2,2,2,, -9274,1,2,2,1,2,2,,2,2,2,2,2,2,, -9275,4,,2,1,2,2,,2,2,2,2,2,2,, -9276,1,2,,0,2,2,,2,2,2,2,2,2,, -9277,4,,2,1,2,2,,2,2,2,2,2,2,, -9278,1,2,2,1,2,2,,2,2,2,2,2,2,, -9279,1,2,,0,2,2,,2,2,2,2,2,2,, -9280,1,2,2,1,2,2,,2,2,2,1,2,2,, -9281,1,2,,0,2,2,,2,2,2,2,2,2,, -9282,7,,2,2,2,2,,2,2,2,2,2,2,, -9283,4,,2,1,2,2,,2,2,2,2,2,2,, -9284,4,,2,1,2,2,,2,2,2,2,2,2,, -9285,7,,2,6,1,2,,2,2,1,2,2,2,, -9286,4,,2,1,2,2,,2,2,2,2,2,2,, -9287,1,2,,0,2,2,,2,2,2,2,2,2,, -9288,1,2,2,0,2,2,,2,2,2,2,2,2,, -9289,1,2,2,0,2,2,,2,2,2,2,2,2,, -9290,4,,2,1,2,2,,2,2,2,2,2,2,, -9291,1,2,,1,2,2,,2,2,2,2,2,2,, -9292,5,,2,1,2,2,,2,2,2,2,2,2,, -9293,7,,2,5,2,2,,2,2,1,1,1,2,, -9294,1,2,2,0,2,2,,2,2,2,2,2,2,, -9295,4,,2,2,2,2,,2,2,1,2,2,2,, -9296,4,,2,3,2,2,,2,2,1,1,2,2,, -9297,1,2,,0,2,2,,2,2,2,2,2,2,, -9298,7,,2,7,2,2,,2,2,1,2,2,2,, -9299,1,2,2,0,2,2,,2,2,2,2,2,2,, -9300,4,,2,37,1,2,,2,1,1,2,2,2,, -9301,1,2,2,1,2,2,,2,2,2,2,2,2,, -9302,4,,2,2,2,2,,2,2,2,2,2,2,, -9303,1,2,,1,2,2,,2,2,2,2,2,2,, -9304,7,,2,2,2,2,,2,2,2,2,2,2,, -9305,7,,2,3,2,2,,2,2,2,2,2,2,, -9306,4,,2,2,2,2,,2,2,2,1,2,2,, -9307,1,2,,1,2,2,,2,2,2,2,2,2,, -9308,1,2,2,0,2,2,,2,2,2,2,2,2,, -9309,1,2,2,1,2,2,,2,2,2,2,2,2,, -9310,4,,2,1,2,2,,2,2,2,2,2,2,, -9311,1,2,2,1,2,2,,2,2,2,2,2,2,, -9312,6,,2,8,1,2,,2,1,2,2,2,2,, -9313,4,,2,5,2,2,,2,2,2,2,1,2,, -9314,7,,2,3,2,2,,2,2,2,2,2,2,, -9315,7,,2,4,1,2,,2,2,1,2,1,2,, -9316,1,2,,0,2,2,,2,2,2,2,2,2,, -9317,1,2,,0,2,2,,2,2,2,2,2,2,, -9318,1,2,2,0,2,2,,2,2,2,2,2,2,, -9319,7,,2,2,2,2,,2,2,2,2,2,2,, -9320,4,,2,1,2,2,,2,2,2,2,2,2,, -9321,7,,2,2,2,2,,2,2,2,2,2,2,, -9322,6,,2,3,1,2,,2,2,2,2,1,2,, -9323,7,,2,13,1,2,,2,2,1,2,2,2,, -9324,1,2,,0,2,2,,2,2,2,2,2,2,, -9325,1,2,,0,2,2,,2,2,2,2,2,2,, -9326,1,2,2,0,2,2,,2,2,2,2,2,2,, -9327,1,2,2,0,2,2,,2,2,2,2,2,2,, -9328,5,,2,0,2,2,,2,2,2,2,2,2,, -9329,1,2,2,0,2,2,,2,2,2,2,2,2,, -9330,1,2,2,0,2,2,,2,2,2,2,2,2,, -9331,1,2,,1,2,2,,2,2,2,2,2,2,, -9332,1,2,2,1,2,2,,2,2,2,2,2,2,, -9333,4,,2,1,2,2,,2,2,2,1,2,2,, -9334,1,2,2,0,2,2,,2,2,2,2,2,2,, -9335,4,,2,4,2,2,,2,2,2,2,1,2,, -9336,5,,2,1,2,2,,2,2,2,2,2,2,, -9337,7,,2,5,2,2,,2,2,2,2,2,2,, -9338,1,2,,0,2,2,,2,2,2,2,2,2,, -9339,1,2,2,0,2,2,,2,2,2,2,2,2,, -9340,1,2,,0,2,2,,2,2,2,2,2,2,, -9341,1,2,,0,2,2,,2,2,2,2,2,2,, -9342,4,,2,1,2,2,,2,2,2,2,2,2,, -9343,4,,2,5,2,2,,2,2,2,2,1,2,, -9344,4,,2,1,2,2,,2,2,2,2,2,2,, -9345,1,2,2,0,2,2,,2,2,2,2,2,2,, -9346,1,2,2,0,2,2,,2,2,2,2,2,2,, -9347,4,,2,2,2,2,,2,2,2,2,2,2,, -9348,1,2,,0,2,2,,2,2,2,2,2,2,, -9349,5,,2,1,2,2,,2,2,2,2,2,2,, -9350,4,,2,1,2,2,,2,2,2,2,2,2,, -9351,1,2,,0,2,2,,2,2,2,2,2,2,, -9352,7,,2,8,2,2,,2,2,1,2,2,2,, -9353,1,2,,1,2,2,,2,2,2,2,2,2,, -9354,4,,2,1,2,2,,2,2,2,2,2,2,, -9355,4,,2,2,2,2,,2,2,2,2,1,2,, -9356,5,,2,1,2,2,,2,2,2,2,2,2,, -9357,4,,2,1,2,2,,2,2,2,2,2,2,, -9358,4,,2,1,2,2,,2,2,2,2,2,2,, -9359,5,,2,1,2,2,,2,2,2,2,2,2,, -9360,1,2,2,0,2,2,,2,2,2,2,2,2,, -9361,1,2,2,0,2,2,,2,2,2,2,2,2,, -9362,5,,2,2,2,2,,2,2,2,2,2,2,, -9363,1,2,2,0,2,2,,2,2,2,2,2,2,, -9364,4,,2,2,2,2,,2,2,2,2,2,2,, -9365,4,,2,3,2,2,,2,2,2,2,2,2,, -9366,1,2,2,0,2,2,,2,2,2,2,2,2,, -9367,1,2,2,0,2,2,,2,2,2,2,2,2,, -9368,1,2,2,1,2,2,,2,2,2,2,2,2,, -9369,4,,2,2,2,2,,2,2,2,1,2,2,, -9370,1,2,,1,2,2,,2,2,2,2,2,2,, -9371,1,2,,0,2,2,,2,2,2,2,2,2,, -9372,4,,2,1,2,2,,2,2,2,1,2,2,, -9373,7,,2,1,2,2,,2,2,2,2,2,2,, -9374,1,2,,1,2,2,,2,2,2,2,2,2,, -9375,1,2,2,0,2,2,,2,2,2,2,2,2,, -9376,7,,2,2,2,2,,2,2,1,1,2,2,, -9377,1,2,,0,2,2,,2,2,2,2,2,2,, -9378,4,,2,4,2,2,,2,2,2,2,1,2,, -9379,4,,2,1,2,2,,2,2,2,2,2,2,, -9380,4,,2,3,2,2,,2,2,2,1,1,2,, -9381,1,2,2,0,2,2,,2,2,2,2,2,2,, -9382,4,,2,3,1,2,,2,2,2,2,2,2,, -9383,4,,2,1,2,2,,2,2,2,2,2,2,, -9384,5,,2,0,2,2,,2,2,2,2,2,2,, -9385,1,2,2,0,2,2,,2,2,2,2,2,2,, -9386,4,,2,3,2,2,,2,2,2,2,1,2,, -9387,8,,2,3,2,2,,2,2,2,2,2,2,, -9388,1,2,,0,2,2,,2,2,2,2,2,2,, -9389,1,2,,0,2,2,,2,2,2,2,2,2,, -9390,1,2,2,0,2,2,,2,2,2,2,2,2,, -9391,1,2,2,0,2,2,,2,2,2,2,2,2,, -9392,1,2,2,0,2,2,,2,2,2,2,2,2,, -9393,4,,2,3,2,2,,2,2,1,2,2,2,, -9394,1,2,,0,2,2,,2,2,2,2,2,2,, -9395,1,2,2,0,2,2,,2,2,2,2,2,2,, -9396,4,,2,1,2,2,,2,2,2,2,2,2,, -9397,1,2,2,0,2,2,,2,2,2,2,2,2,, -9398,4,,2,6,2,2,,2,2,2,2,2,2,, -9399,4,,2,2,2,2,,2,2,2,2,2,2,, -9400,1,2,,0,2,2,,2,2,2,2,2,2,, -9401,4,,2,3,2,2,,2,2,2,2,2,2,, -9402,4,,2,1,2,2,,2,2,2,2,2,2,, -9403,4,,2,4,2,2,,2,2,2,2,2,2,, -9404,1,2,,0,2,2,,2,2,2,2,2,2,, -9405,1,2,,0,2,2,,2,2,2,2,2,2,, -9406,1,2,2,1,2,2,,2,2,2,2,2,2,, -9407,1,2,,0,2,2,,2,2,2,2,2,2,, -9408,1,2,2,0,2,2,,2,2,2,2,2,2,, -9409,4,,2,2,2,2,,2,2,2,2,2,2,, -9410,8,,2,1,2,2,,2,2,2,2,2,2,, -9411,4,,2,12,2,2,,2,2,2,2,1,2,, -9412,1,2,2,0,2,2,,2,2,2,2,2,2,, -9413,1,2,2,0,2,2,,2,2,2,2,2,2,, -9414,1,2,2,0,2,2,,2,2,2,2,2,2,, -9415,7,,2,75,2,2,,2,2,2,2,2,2,, -9416,4,,2,2,1,2,,2,2,2,2,2,2,, -9417,4,,2,2,2,2,,2,2,2,2,2,2,, -9418,1,2,,0,2,2,,2,2,2,2,2,2,, -9419,1,2,,0,2,2,,2,2,2,2,2,2,, -9420,4,,2,4,1,2,,2,2,1,2,1,2,, -9421,1,2,2,0,2,2,,2,2,2,2,2,2,, -9422,1,2,2,0,2,2,,2,2,2,2,2,2,, -9423,4,,2,5,2,2,,2,2,2,2,1,2,, -9424,1,2,2,0,2,2,,2,2,2,2,2,2,, -9425,5,,2,1,2,2,,2,2,2,2,2,2,, -9426,4,,2,2,2,2,,2,2,2,1,2,2,, -9427,4,,1,1,2,2,,2,2,2,2,1,2,, -9428,1,2,,0,2,2,,2,2,2,2,2,2,, -9429,1,2,,0,2,2,,2,2,2,2,2,2,, -9430,1,2,2,0,2,2,,2,2,2,2,2,2,, -9431,1,2,2,0,2,2,,2,2,2,2,2,2,, -9432,6,,2,4,2,2,,2,1,2,1,1,1,5,Multiorgan failure -9433,4,,2,1,1,2,,2,2,2,2,2,2,, -9434,1,2,2,0,2,2,,2,2,2,2,2,2,, -9435,5,,2,1,2,2,,2,2,2,2,1,2,, -9436,1,2,2,0,2,2,,2,2,2,2,2,2,, -9437,6,,2,3,1,2,,2,2,1,2,2,2,, -9438,7,,2,2,2,2,,2,2,2,2,2,2,, -9439,1,2,2,0,2,2,,2,2,2,2,2,2,, -9440,7,,2,3,2,2,,2,2,2,2,2,2,, -9441,1,2,2,1,2,2,,2,2,2,2,2,2,, -9442,1,2,,0,2,2,,2,2,2,2,2,2,, -9443,7,,2,2,2,2,,2,2,2,2,2,2,, -9444,6,,2,4,1,2,,2,2,2,2,1,2,, -9445,4,,2,1,2,2,,2,2,2,2,2,2,, -9446,5,,2,0,2,2,,2,2,2,2,2,2,, -9447,4,,2,2,2,2,,2,2,2,2,1,2,, -9448,1,2,2,0,2,2,,2,2,2,2,2,2,, -9449,4,,2,1,2,2,,2,2,2,2,2,2,, -9450,1,2,,1,2,2,,2,2,2,2,2,2,, -9451,1,2,2,0,2,2,,2,2,2,2,2,2,, -9452,4,,2,1,2,2,,2,2,2,2,2,2,, -9453,1,2,,1,2,2,,2,2,2,2,2,2,, -9454,1,2,2,0,2,2,,2,2,2,2,2,2,, -9455,1,2,,1,2,2,,2,2,2,2,2,2,, -9456,4,,2,1,2,2,,2,2,2,1,2,2,, -9457,7,,2,1,2,2,,2,2,2,2,2,2,, -9458,4,,2,1,2,2,,2,2,2,2,2,2,, -9459,1,2,2,0,2,2,,2,2,2,2,2,2,, -9460,1,2,2,1,2,2,,2,2,2,2,2,2,, -9461,1,2,2,0,2,2,,2,2,2,2,2,2,, -9462,1,2,2,0,2,2,,2,2,2,2,2,2,, -9463,5,,2,1,2,2,,2,2,2,2,2,2,, -9464,4,,2,2,2,2,,2,2,2,2,1,2,, -9465,5,,2,0,2,2,,2,2,1,2,2,2,, -9466,4,,2,3,2,2,,2,2,2,1,2,2,, -9467,4,,2,1,2,2,,2,2,2,1,2,2,, -9468,1,2,,0,2,2,,2,2,2,2,2,2,, -9469,4,,2,16,2,2,,2,2,2,2,1,2,, -9470,1,2,2,0,2,2,,2,2,2,2,2,2,, -9471,4,,2,1,2,2,,2,2,2,2,2,2,, -9472,1,2,,0,2,2,,2,2,2,2,2,2,, -9473,4,,2,1,2,2,,2,2,2,2,2,2,, -9474,4,,2,1,2,2,,2,2,2,1,2,2,, -9475,7,,2,2,2,2,,2,2,2,1,2,2,, -9476,7,,2,3,2,2,,2,2,2,2,1,2,, -9477,1,2,,1,2,2,,2,2,2,2,2,2,, -9478,1,2,,0,2,2,,2,2,2,2,2,2,, -9479,4,,2,1,2,2,,2,2,2,2,2,2,, -9480,7,,2,1,1,2,,2,2,2,2,2,2,, -9481,6,,2,10,2,2,,2,2,2,2,1,2,, -9482,4,,2,2,2,2,,2,2,2,2,1,2,, -9483,1,2,,0,2,2,,2,2,2,2,2,2,, -9484,1,2,,0,2,2,,2,2,1,2,2,2,, -9485,4,,2,2,2,2,,2,2,2,2,2,2,, -9486,4,,2,1,1,2,,2,2,2,2,2,2,, -9487,7,,2,13,2,2,,2,2,2,2,1,2,, -9488,1,2,,0,2,2,,2,2,2,2,2,2,, -9489,1,2,2,0,2,2,,2,2,2,2,2,2,, -9490,1,2,2,0,2,2,,2,2,2,2,2,2,, -9491,7,,2,32,2,2,,2,2,2,2,2,2,, -9492,4,,2,1,2,2,,2,2,2,2,1,2,, -9493,7,,2,5,2,2,,2,2,2,2,1,2,, -9494,4,,2,7,1,2,,2,1,2,2,2,2,, -9495,1,2,,0,2,2,,2,2,2,2,2,2,, -9496,1,2,2,0,2,2,,2,2,2,2,2,2,, -9497,7,,2,15,2,2,,2,2,2,2,2,2,, -9498,7,,2,3,2,2,,2,2,2,2,2,2,, -9499,1,2,,0,2,2,,2,2,2,2,2,2,, -9500,1,2,,0,2,2,,2,2,2,2,2,2,, -9501,1,2,2,0,2,2,,2,2,2,2,2,2,, -9502,5,,2,1,2,2,,2,2,2,2,2,2,, -9503,1,2,,1,2,2,,2,2,2,2,2,2,, -9504,4,,2,1,2,2,,2,2,2,2,2,2,, -9505,1,2,2,0,2,2,,2,2,2,2,2,2,, -9506,6,,2,4,2,2,,2,2,2,2,1,2,, -9507,7,,2,4,2,2,,2,2,2,2,2,2,, -9508,5,,2,0,2,2,,2,2,2,2,2,2,, -9509,1,2,2,0,2,2,,2,2,2,2,2,2,, -9510,1,2,,0,2,2,,2,2,2,2,2,2,, -9511,1,2,,0,2,2,,2,2,2,2,2,2,, -9512,6,,2,3,2,2,,2,2,2,2,1,2,, -9513,1,2,2,0,2,2,,2,2,2,2,2,2,, -9514,4,,2,2,2,2,,2,2,2,2,1,2,, -9515,4,,2,1,2,2,,2,2,2,2,1,2,, -9516,1,2,2,0,2,2,,2,2,2,2,2,2,, -9517,7,,2,1,2,2,,2,2,2,2,2,2,, -9518,1,2,2,1,2,2,,2,2,2,2,2,2,, -9519,1,2,,0,2,2,,2,2,2,2,2,2,, -9520,1,2,,0,2,2,,2,2,2,2,2,2,, -9521,7,,2,4,1,2,,2,1,1,2,2,1,3, -9522,6,,2,3,2,2,,2,2,2,1,1,2,, -9523,4,,2,0,2,2,,2,2,2,2,2,2,, -9524,7,,2,1,2,2,,2,2,2,2,2,2,, -9525,1,2,2,0,2,2,,2,2,2,2,2,2,, -9526,4,,2,1,2,2,,2,2,2,2,2,2,, -9527,4,,2,1,2,2,,2,2,2,2,2,2,, -9528,1,2,,0,2,2,,2,2,2,2,2,2,, -9529,4,,2,2,2,2,,2,2,2,2,2,2,, -9530,4,,2,5,2,2,,2,2,2,1,1,2,, -9531,1,2,2,0,2,2,,2,2,2,2,2,2,, -9532,1,2,,1,2,2,,2,2,2,2,2,2,, -9533,4,,2,1,2,2,,2,2,2,2,2,2,, -9534,7,,2,15,1,2,,2,2,1,2,1,2,, -9535,1,2,2,0,2,2,,2,2,2,2,2,2,, -9536,1,2,2,0,2,2,,2,2,2,2,2,2,, -9537,1,2,2,0,2,2,,2,2,2,2,2,2,, -9538,6,,2,2,2,2,,2,2,2,2,1,2,, -9539,7,,2,2,2,2,,2,2,2,2,2,2,, -9540,4,,2,4,2,2,,2,2,2,2,1,2,, -9541,1,2,2,0,2,2,,2,2,2,2,2,2,, -9542,4,,2,2,2,2,,2,2,2,2,1,2,, -9543,1,2,,0,2,2,,2,2,2,2,2,2,, -9544,1,2,,0,2,2,,2,2,2,2,2,2,, -9545,1,2,2,0,2,2,,2,2,2,2,2,2,, -9546,4,,1,3,2,2,,2,2,2,2,2,2,, -9547,1,2,2,0,2,2,,2,2,2,2,2,2,, -9548,7,,2,10,1,2,,2,1,2,2,2,2,, -9549,1,2,2,0,2,2,,2,2,2,2,2,2,, -9550,5,,2,1,2,2,,2,2,2,2,2,2,, -9551,1,2,,0,2,2,,2,2,2,2,2,2,, -9552,4,,2,2,2,2,,2,2,2,2,2,2,, -9553,1,2,,0,2,2,,2,2,2,2,2,2,, -9554,4,,2,3,2,2,,2,2,2,2,2,2,, -9555,1,2,,0,2,2,,2,2,2,2,2,2,, -9556,1,2,,0,2,2,,2,2,2,2,2,2,, -9557,1,2,2,0,2,2,,2,2,2,2,2,2,, -9558,1,2,,1,2,2,,2,2,2,2,2,2,, -9559,1,2,,0,2,2,,2,2,2,2,2,2,, -9560,1,2,,0,2,2,,2,2,2,2,2,2,, -9561,1,2,2,0,2,2,,2,2,2,2,2,2,, -9562,5,,2,1,2,2,,2,2,2,2,2,2,, -9563,1,2,,0,2,2,,2,2,1,2,2,2,, -9564,1,2,2,0,2,2,,2,2,2,2,2,2,, -9565,1,2,2,1,2,2,,2,2,2,2,2,2,, -9566,1,2,,0,2,2,,2,2,2,2,2,2,, -9567,1,2,2,0,2,2,,2,2,2,2,2,2,, -9568,1,2,2,0,2,2,,2,2,2,2,2,2,, -9569,4,,1,2,2,2,,2,2,1,2,2,2,, -9570,5,,2,1,2,2,,2,2,2,2,2,2,, -9571,1,2,,0,2,2,,2,2,2,2,2,2,, -9572,5,,2,1,2,2,,2,2,2,2,2,2,, -9573,5,,2,1,2,2,,2,2,2,2,1,2,, -9574,1,2,2,0,2,2,,2,2,2,2,2,2,, -9575,7,,2,1,2,2,,2,2,2,2,1,2,, -9576,4,,2,1,2,2,,2,2,2,2,2,2,, -9577,4,,1,5,2,2,,2,2,2,2,2,2,, -9578,1,2,2,0,2,2,,2,2,2,2,2,2,, -9579,1,2,,0,2,2,,2,2,2,2,2,2,, -9580,1,2,2,0,2,2,,2,2,2,2,2,2,, -9581,4,,2,1,2,2,,2,2,2,2,2,2,, -9582,1,2,2,0,2,2,,2,2,2,2,2,2,, -9583,1,2,,0,2,2,,2,2,2,2,2,2,, -9584,4,,2,2,2,2,,2,2,2,2,1,2,, -9585,1,2,2,0,2,2,,2,2,2,2,2,2,, -9586,4,,1,1,2,2,,2,2,2,2,2,2,, -9587,1,2,,1,2,2,,2,2,2,2,2,2,, -9588,1,2,2,0,2,2,,2,2,2,2,2,2,, -9589,1,2,2,0,2,2,,2,2,2,2,2,2,, -9590,6,,1,3,2,2,,2,2,2,2,1,2,, -9591,4,,2,3,2,2,,2,2,2,2,2,2,, -9592,7,,2,1,2,2,,2,2,2,2,1,2,, -9593,7,,1,2,2,2,,2,2,2,2,2,2,, -9594,4,,2,1,2,2,,2,2,2,2,2,2,, -9595,5,,2,1,2,2,,2,2,2,2,2,2,, -9596,4,,2,2,2,2,,2,2,2,2,2,2,, -9597,5,,2,1,2,2,,2,2,2,2,2,2,, -9598,5,,2,1,2,2,,2,2,2,2,2,2,, -9599,5,,2,1,1,2,,2,2,2,2,2,2,, -9600,1,2,,0,2,2,,2,2,2,2,2,2,, -9601,4,,2,3,2,2,,2,2,1,2,2,2,, -9602,5,,2,1,2,2,,2,2,2,2,1,2,, -9603,4,,2,1,2,2,,2,2,2,2,2,2,, -9604,4,,2,2,2,2,,2,2,1,2,2,2,, -9605,7,,2,11,2,2,,2,2,2,2,2,2,, -9606,1,2,,0,2,2,,2,2,2,2,2,2,, -9607,1,2,2,0,2,2,,2,2,2,2,2,2,, -9608,1,2,2,0,2,2,,2,2,2,2,2,2,, -9609,1,2,,0,2,2,,2,2,2,2,2,2,, -9610,1,2,,0,2,2,,2,2,2,2,2,2,, -9611,1,2,2,1,2,2,,2,2,2,2,2,2,, -9612,4,,2,1,2,2,,2,2,2,2,2,2,, -9613,5,,2,1,2,2,,2,2,2,2,2,2,, -9614,1,2,2,0,2,2,,2,2,2,2,2,2,, -9615,4,,2,25,2,2,,2,2,1,2,2,2,, -9616,1,2,,0,2,2,,2,2,2,2,2,2,, -9617,1,2,,0,2,2,,2,2,2,2,2,2,, -9618,1,2,,1,2,2,,2,2,2,2,2,2,, -9619,1,2,2,0,2,2,,2,2,2,2,2,2,, -9620,1,2,2,0,2,2,,2,2,2,2,2,2,, -9621,1,2,,0,2,2,,2,2,2,2,2,2,, -9622,1,2,,0,2,2,,2,2,2,2,2,2,, -9623,4,,2,6,2,2,,2,2,2,2,2,2,, -9624,4,,2,2,2,2,,2,2,2,2,2,2,, -9625,1,2,2,0,2,2,,2,2,2,2,2,2,, -9626,1,2,,1,2,2,,2,2,2,2,2,2,, -9627,4,,2,22,1,2,,2,2,1,2,1,2,, -9628,4,,2,1,2,2,,2,2,2,2,2,2,, -9629,1,2,2,0,2,2,,2,2,2,2,2,2,, -9630,4,,2,2,2,2,,2,2,2,2,2,2,, -9631,4,,2,1,2,2,,2,2,2,2,2,2,, -9632,6,,2,53,2,2,,2,2,2,2,1,2,, -9633,4,,2,1,2,2,,2,2,2,2,2,2,, -9634,4,,2,1,2,2,,2,2,2,2,2,2,, -9635,1,2,2,0,2,2,,2,2,2,2,2,2,, -9636,7,,2,3,2,2,,2,2,2,2,2,2,, -9637,1,2,2,1,2,2,,2,2,2,2,2,2,, -9638,4,,2,7,2,2,,2,2,2,2,2,2,, -9639,1,2,2,0,2,2,,2,2,2,2,2,2,, -9640,1,2,,0,2,2,,2,2,2,2,2,2,, -9641,1,2,2,0,2,2,,2,2,2,2,2,2,, -9642,4,,2,1,2,2,,2,2,2,2,2,2,, -9643,4,,2,1,2,2,,2,2,2,2,2,2,, -9644,1,2,,0,2,2,,2,2,1,2,2,2,, -9645,1,2,,0,2,2,,2,2,2,2,2,2,, -9646,1,2,2,1,2,2,,2,2,2,2,2,2,, -9647,4,,2,1,2,2,,2,2,2,2,2,2,, -9648,4,,2,1,2,2,,2,2,2,2,2,2,, -9649,7,,2,1,2,2,,2,2,2,2,2,2,, -9650,1,2,,0,2,2,,2,2,2,2,2,2,, -9651,4,,2,3,2,2,,2,2,2,2,2,2,, -9652,1,2,,1,2,2,,2,2,2,2,2,2,, -9653,1,2,2,0,2,2,,2,2,2,2,2,2,, -9654,4,,2,1,2,2,,2,2,2,2,2,2,, -9655,6,,2,47,1,2,,2,1,2,2,2,2,, -9656,4,,2,3,2,2,,2,2,2,2,2,2,, -9657,4,,2,1,2,2,,2,2,2,2,2,2,, -9658,4,,2,1,2,2,,2,2,2,2,2,2,, -9659,4,,2,1,2,2,,2,2,2,2,2,2,, -9660,1,2,2,0,2,2,,2,2,2,2,2,2,, -9661,1,2,2,0,2,2,,2,2,2,2,2,2,, -9662,5,,2,1,2,2,,2,2,2,2,2,2,, -9663,7,,2,2,2,2,,2,2,2,2,2,2,, -9664,7,,2,9,2,2,,2,2,2,2,2,2,, -9665,1,2,2,1,2,2,,2,2,2,2,2,2,, -9666,7,,2,9,2,2,,2,2,2,2,2,2,, -9667,1,2,,0,2,2,,2,2,2,2,2,2,, -9668,1,2,2,0,2,2,,2,2,2,2,2,2,, -9669,4,,2,7,2,2,,2,2,2,2,2,2,, -9670,1,2,2,0,2,2,,2,2,2,2,2,2,, -9671,7,,2,2,2,2,,2,2,2,2,2,2,, -9672,4,,2,2,2,2,,2,2,2,2,2,2,, -9673,4,,2,3,2,2,,2,2,2,2,2,2,, -9674,1,2,2,0,2,2,,2,2,2,2,2,2,, -9675,4,,2,3,1,2,,2,2,2,2,2,2,, -9676,1,2,,0,2,2,,2,2,2,2,2,2,, -9677,4,,2,2,2,2,,2,2,2,2,2,2,, -9678,7,,2,4,1,2,,2,2,1,2,2,2,, -9679,1,2,2,1,2,2,,2,2,2,2,2,2,, -9680,4,,2,6,2,2,,2,2,1,2,1,2,, -9681,4,,2,1,2,2,,2,2,2,2,2,2,, -9682,6,,2,2,2,2,,2,2,2,2,1,2,, -9683,7,,2,1,2,2,,2,2,1,2,1,2,, -9684,1,2,,0,2,2,,2,2,2,2,2,2,, -9685,4,,2,1,2,2,,2,2,2,2,2,2,, -9686,6,,2,1,2,2,,2,2,2,2,1,2,, -9687,1,2,,1,2,2,,2,2,2,2,2,2,, -9688,1,2,2,0,2,2,,2,2,2,2,2,2,, -9689,5,,2,1,2,2,,2,2,1,2,2,2,, -9690,4,,2,1,2,2,,2,2,2,2,2,2,, -9691,5,,2,1,2,2,,2,2,2,2,2,2,, -9692,4,,2,5,2,2,,2,2,2,2,1,2,, -9693,1,2,,0,2,2,,2,2,2,2,2,2,, -9694,5,,2,1,2,2,,2,2,2,2,2,2,, -9695,1,2,2,0,2,2,,2,2,2,2,2,2,, -9696,4,,2,1,2,2,,2,2,2,2,2,2,, -9697,1,2,,0,2,2,,2,2,2,2,2,2,, -9698,5,,2,1,2,2,,2,2,2,2,2,2,, -9699,1,2,,0,2,2,,2,2,2,2,2,2,, -9700,4,,2,5,2,2,,2,2,2,2,2,2,, -9701,7,,2,9,2,2,,2,2,2,2,2,2,, -9702,1,2,2,0,2,2,,2,2,2,2,2,2,, -9703,7,,2,13,2,2,,2,2,2,2,1,2,, -9704,1,2,,0,2,2,,2,2,2,2,2,2,, -9705,4,,2,2,2,2,,2,2,2,2,2,2,, -9706,4,,2,1,2,2,,2,2,2,2,2,2,, -9707,4,,2,1,2,2,,2,2,2,2,2,2,, -9708,1,2,,0,2,2,,2,2,2,2,2,2,, -9709,1,2,2,0,2,2,,2,2,2,2,2,2,, -9710,4,,2,1,2,2,,2,2,2,2,2,2,, -9711,4,,2,2,2,2,,2,2,2,2,2,2,, -9712,1,2,2,0,2,2,,2,2,2,2,2,2,, -9713,1,2,2,0,2,2,,2,2,2,2,2,2,, -9714,4,,2,3,2,2,,2,2,2,2,1,2,, -9715,1,2,,0,2,2,,2,2,2,2,2,2,, -9716,1,2,2,0,2,2,,2,2,2,2,2,2,, -9717,1,2,,0,2,2,,2,2,2,2,2,2,, -9718,4,,2,4,2,2,,2,2,2,2,2,2,, -9719,4,,2,1,2,2,,2,2,2,2,1,2,, -9720,1,2,,0,2,2,,2,2,2,2,2,2,, -9721,1,2,,0,2,2,,2,2,2,2,2,2,, -9722,1,2,2,0,2,2,,2,2,2,2,2,2,, -9723,7,,2,3,2,2,,2,2,2,2,2,2,, -9724,1,2,,0,2,2,,2,2,2,2,2,2,, -9725,1,2,2,0,2,2,,2,2,2,2,2,2,, -9726,7,,2,2,2,2,,2,2,2,2,2,2,, -9727,1,2,,0,2,2,,2,2,2,2,2,2,, -9728,1,2,2,0,2,2,,2,2,2,1,2,2,, -9729,1,2,2,0,2,2,,2,2,2,2,2,2,, -9730,7,,2,4,2,2,,2,2,2,2,1,2,, -9731,6,,2,4,2,2,,2,2,2,2,1,2,, -9732,1,2,2,0,2,2,,2,2,2,2,2,2,, -9733,1,2,2,0,2,2,,2,2,2,2,2,2,, -9734,7,,2,1,2,2,,2,2,1,2,2,2,, -9735,5,,2,1,2,2,,2,2,2,2,2,2,, -9736,7,,2,4,2,2,,2,2,2,2,2,2,, -9737,1,2,,0,2,2,,2,2,2,2,2,2,, -9738,1,2,2,1,2,2,,2,2,2,2,2,2,, -9739,1,2,,1,2,2,,2,2,2,2,2,2,, -9740,1,2,2,0,2,2,,2,2,2,2,2,2,, -9741,7,,2,5,1,2,,2,2,1,2,2,2,, -9742,4,,2,1,2,2,,2,2,2,2,2,2,, -9743,4,,2,5,2,2,,2,2,2,2,1,2,, -9744,4,,2,1,2,2,,2,2,2,2,2,2,, -9745,1,2,,0,2,2,,2,2,2,2,2,2,, -9746,1,2,2,1,2,2,,2,2,2,2,2,2,, -9747,1,2,2,0,2,2,,2,2,2,2,2,2,, -9748,1,2,,0,2,2,,2,2,2,2,2,2,, -9749,1,2,,0,2,2,,2,2,2,2,2,2,, -9750,1,2,2,0,2,2,,2,2,2,2,2,2,, -9751,4,,2,1,1,2,,2,2,2,2,2,2,, -9752,5,,2,0,2,2,,2,2,2,2,2,2,, -9753,1,2,2,0,2,2,,2,2,2,2,2,2,, -9754,1,2,,0,2,2,,2,2,2,2,2,2,, -9755,1,2,2,0,2,2,,2,2,2,2,2,2,, -9756,1,2,2,0,2,2,,2,2,2,2,2,2,, -9757,1,2,,0,2,2,,2,2,2,2,2,2,, -9758,4,,2,1,2,2,,2,2,2,2,2,2,, -9759,4,,2,0,2,2,,2,2,2,2,2,2,, -9760,4,,2,1,2,2,,2,2,2,2,2,2,, -9761,1,2,2,0,2,2,,2,2,2,2,2,2,, -9762,1,2,2,0,2,2,,2,2,2,2,2,2,, -9763,4,,2,2,2,2,,2,2,2,2,2,2,, -9764,1,2,2,0,2,2,,2,2,2,2,2,2,, -9765,4,,2,6,2,2,,2,2,2,2,2,2,, -9766,1,2,2,1,2,2,,2,2,2,2,2,2,, -9767,1,2,,1,2,2,,2,2,2,2,2,2,, -9768,1,2,2,0,2,2,,2,2,2,2,2,2,, -9769,4,,2,1,2,2,,2,2,2,2,2,2,, -9770,4,,2,2,2,2,,2,2,2,2,2,2,, -9771,4,,2,7,2,2,,2,2,2,2,1,2,, -9772,5,,2,1,2,2,,2,2,2,2,1,2,, -9773,4,,2,2,2,2,,2,2,2,2,2,2,, -9774,1,2,2,0,2,2,,2,2,2,2,2,2,, -9775,7,,2,16,2,2,,2,2,1,2,2,2,, -9776,1,2,,0,2,2,,2,2,2,2,2,2,, -9777,4,,2,2,2,2,,2,2,2,2,2,2,, -9778,1,2,,1,2,2,,2,2,2,2,2,2,, -9779,1,2,,0,2,2,,2,2,2,2,2,2,, -9780,1,2,,1,2,2,,2,2,2,2,2,2,, -9781,4,,2,3,2,2,,2,2,2,2,1,2,, -9782,4,,2,2,2,2,,2,2,2,2,1,2,, -9783,7,,2,3,2,2,,2,2,2,2,2,2,, -9784,7,,2,3,1,2,,2,2,2,2,2,2,, -9785,4,,2,11,2,2,,2,2,2,2,1,2,, -9786,4,,2,4,2,2,,2,2,2,2,1,2,, -9787,7,,2,2,2,2,,2,2,1,2,2,2,, -9788,7,,2,12,2,2,,2,2,2,1,1,2,, -9789,1,2,,0,2,2,,2,2,2,2,2,2,, -9790,1,2,,0,2,2,,2,2,2,2,2,2,, -9791,7,,2,1,2,2,,2,2,2,2,2,2,, -9792,1,2,2,0,2,2,,2,2,2,2,2,2,, -9793,4,,2,1,2,2,,2,2,2,2,2,2,, -9794,1,2,,1,2,2,,2,2,1,2,2,2,, -9795,4,,2,10,2,2,,2,2,2,2,2,2,, -9796,4,,2,4,2,2,,2,2,2,2,2,2,, -9797,1,2,,0,2,2,,2,2,2,2,2,2,, -9798,1,2,,0,2,2,,2,2,2,2,2,2,, -9799,6,,2,2,2,2,,2,2,1,2,1,2,, -9800,1,2,,0,2,2,,2,2,2,2,2,2,, -9801,7,,2,9,1,2,,2,2,1,2,2,2,, -9802,4,,2,2,1,2,,2,2,2,2,2,2,, -9803,1,2,,0,2,2,,2,2,2,2,2,2,, -9804,6,,2,2,2,2,,2,2,2,2,1,2,, -9805,4,,2,4,1,2,,2,2,2,2,2,2,, -9806,5,,2,1,2,2,,2,2,2,2,2,2,, -9807,1,2,2,0,2,2,,2,2,2,2,2,2,, -9808,1,2,,0,2,2,,2,2,2,2,2,2,, -9809,4,,2,2,2,2,,2,2,2,2,2,2,, -9810,1,2,,0,2,2,,2,2,2,2,2,2,, -9811,4,,2,1,2,2,,2,2,2,2,2,2,, -9812,1,2,,0,2,2,,2,2,2,2,2,2,, -9813,7,,2,3,2,2,,2,2,2,2,2,2,, -9814,4,,2,1,2,2,,2,2,2,2,2,2,, -9815,4,,2,2,2,2,,2,2,2,2,1,2,, -9816,1,2,2,0,2,2,,2,2,2,2,2,2,, -9817,6,,1,7,2,2,,2,2,2,2,1,2,, -9818,4,,2,1,2,2,,2,2,2,2,2,2,, -9819,1,2,,1,2,2,,2,2,2,2,2,2,, -9820,7,,2,3,2,2,,2,2,2,2,2,2,, -9821,7,,2,3,2,2,,2,2,2,2,2,2,, -9822,4,,2,2,2,2,,2,2,1,2,2,2,, -9823,1,2,,1,2,2,,2,2,2,2,2,2,, -9824,1,2,,0,2,2,,2,2,2,2,2,2,, -9825,1,2,,0,2,2,,2,2,2,2,2,2,, -9826,4,,2,1,2,2,,2,2,2,2,2,2,, -9827,1,2,,1,2,2,,2,2,2,2,2,2,, -9828,4,,2,1,2,2,,2,2,2,2,2,2,, -9829,1,2,2,0,2,2,,2,2,2,2,2,2,, -9830,1,2,,0,2,2,,2,2,2,2,2,2,, -9831,1,2,,0,2,2,,2,2,2,2,2,2,, -9832,1,2,2,0,2,2,,2,2,2,2,2,2,, -9833,1,2,,0,2,2,,2,2,2,2,2,2,, -9834,1,2,2,0,2,2,,2,2,2,2,2,2,, -9835,1,2,,0,2,2,,2,2,2,2,2,2,, -9836,1,2,,1,2,2,,2,2,2,2,2,2,, -9837,1,2,2,0,2,2,,2,2,2,2,2,2,, -9838,1,2,,1,2,2,,2,2,2,2,2,2,, -9839,4,,2,1,2,2,,2,2,2,2,2,2,, -9840,1,2,,0,2,2,,2,2,2,2,2,2,, -9841,7,,2,4,2,2,,2,2,2,2,2,2,, -9842,1,2,2,0,2,2,,2,2,2,2,2,2,, -9843,4,,2,1,2,2,,2,2,2,2,2,2,, -9844,1,2,,0,2,2,,2,2,2,2,2,2,, -9845,4,,2,1,2,2,,2,2,2,2,2,2,, -9846,1,2,,0,2,2,,2,2,2,2,2,2,, -9847,1,2,,1,2,2,,2,2,2,2,2,2,, -9848,4,,2,2,2,2,,2,2,1,2,2,2,, -9849,1,2,2,0,2,2,,2,2,2,2,2,2,, -9850,4,,2,3,2,2,,2,2,2,2,2,2,, -9851,7,,2,12,2,2,,2,2,2,2,1,2,, -9852,7,,2,1,2,2,,2,2,2,2,1,1,3, -9853,1,2,,0,2,2,,2,2,2,2,2,2,, -9854,4,,2,1,1,2,,2,2,2,2,2,2,, -9855,4,,2,2,2,2,,2,2,2,2,2,2,, -9856,4,,2,2,2,2,,2,2,2,2,2,2,, -9857,1,2,2,0,2,2,,2,2,2,2,2,2,, -9858,4,,2,2,2,2,,2,2,2,1,2,2,, -9859,4,,2,2,2,2,,2,2,2,2,1,2,, -9860,1,2,,0,2,2,,2,2,2,2,2,2,, -9861,1,2,2,0,2,2,,2,2,2,2,2,2,, -9862,1,2,2,1,2,2,,2,2,2,2,2,2,, -9863,1,2,,0,2,2,,2,2,2,2,2,2,, -9864,4,,2,0,2,2,,2,2,2,2,2,2,, -9865,9,2,2,21,2,2,,2,2,2,2,2,2,, -9866,4,,1,9,2,2,,2,2,2,2,1,2,, -9867,1,2,,0,2,2,,2,2,2,2,2,2,, -9868,1,2,,1,2,2,,2,2,2,2,2,2,, -9869,6,,2,2,2,2,,2,2,2,2,1,2,, -9870,7,,2,2,1,2,,2,2,2,2,2,2,, -9871,4,,2,1,2,2,,2,2,2,2,2,2,, -9872,4,,2,8,2,2,,2,2,2,2,2,2,, -9873,1,2,,0,2,2,,2,2,2,2,2,2,, -9874,5,,2,1,2,2,,2,2,2,2,2,2,, -9875,7,,2,1,2,2,,2,2,2,2,2,2,, -9876,4,,2,3,1,2,,2,2,2,2,2,2,, -9877,5,,2,2,2,2,,2,2,2,2,1,2,, -9878,1,2,,0,2,2,,2,2,2,2,2,2,, -9879,1,2,2,0,2,2,,2,2,1,2,2,2,, -9880,1,2,,1,2,2,,2,2,2,2,2,2,, -9881,1,2,,0,2,2,,2,2,2,2,2,2,, -9882,1,2,2,0,2,2,,2,2,2,2,2,2,, -9883,1,2,,0,2,2,,2,2,2,2,2,2,, -9884,8,,1,2,2,2,,2,2,2,2,2,2,, -9885,4,,2,1,2,2,,2,2,2,2,2,2,, -9886,1,2,2,0,2,2,,2,2,2,2,2,2,, -9887,7,,2,2,1,2,,2,2,2,2,1,2,, -9888,4,,2,2,2,2,,2,2,2,2,2,2,, -9889,1,1,2,2,2,2,,2,2,2,2,2,2,, -9890,4,,2,1,2,2,,2,2,2,2,2,2,, -9891,1,2,2,0,2,2,,2,2,2,2,2,2,, -9892,4,,2,1,2,2,,2,2,2,2,2,2,, -9893,1,2,2,0,2,2,,2,2,2,2,2,2,, -9894,1,2,2,0,2,2,,2,2,2,2,2,2,, -9895,1,2,2,0,2,2,,2,2,2,2,2,2,, -9896,4,,2,2,2,2,,2,2,2,2,2,2,, -9897,5,,2,0,2,2,,2,2,2,2,2,2,, -9898,5,,2,0,2,2,,2,2,1,2,2,2,, -9899,4,,2,10,2,2,,2,2,2,2,2,2,, -9900,5,,2,1,2,2,,2,2,2,2,2,2,, -9901,7,,2,1,2,2,,2,2,2,2,2,2,, -9902,1,2,,0,2,2,,2,2,2,2,2,2,, -9903,1,2,2,0,2,2,,2,2,2,2,2,2,, -9904,1,2,,1,2,2,,2,2,2,2,2,2,, -9905,1,2,,0,2,2,,2,2,2,2,2,2,, -9906,1,2,,0,2,2,,2,2,2,2,2,2,, -9907,1,2,,0,2,2,,2,2,2,2,2,2,, -9908,1,2,2,0,2,2,,2,2,2,2,2,2,, -9909,4,,2,1,2,2,,2,2,2,2,2,2,, -9910,4,,2,2,2,2,,2,2,2,2,1,2,, -9911,7,,2,2,2,2,,2,2,2,2,2,2,, -9912,1,2,2,0,2,2,,2,2,2,2,2,2,, -9913,4,,2,9,1,2,,2,2,2,2,2,2,, -9914,4,,2,1,2,2,,2,2,2,2,2,2,, -9915,1,2,,0,2,2,,2,2,2,2,2,2,, -9916,1,2,,0,2,2,,2,2,2,2,2,2,, -9917,4,,2,1,2,2,,2,2,2,2,2,2,, -9918,1,2,,0,2,2,,2,2,2,2,2,2,, -9919,6,,2,4,2,2,,2,2,2,2,2,2,, -9920,4,,2,1,2,2,,2,2,2,2,2,2,, -9921,1,2,2,0,2,2,,2,2,2,2,2,2,, -9922,1,2,,0,2,2,,2,2,2,2,2,2,, -9923,1,2,,1,2,2,,2,2,2,2,2,2,, -9924,1,2,,1,2,2,,2,2,2,2,2,2,, -9925,5,,2,2,1,2,,2,2,2,2,2,2,, -9926,1,2,2,0,2,2,,2,2,2,2,2,2,, -9927,1,2,,1,2,2,,2,2,2,2,2,2,, -9928,1,2,,0,2,2,,2,2,2,2,2,2,, -9929,1,2,,0,2,2,,2,2,2,2,2,2,, -9930,1,2,,0,2,2,,2,2,2,2,2,2,, -9931,1,2,,0,2,2,,2,2,2,2,2,2,, -9932,7,,2,3,1,2,,2,2,2,2,2,2,, -9933,5,,2,1,2,2,,2,2,2,2,2,2,, -9934,1,2,2,0,2,2,,2,2,2,2,2,2,, -9935,1,2,2,0,2,2,,2,2,2,2,2,2,, -9936,1,2,,1,2,2,,2,2,2,2,2,2,, -9937,1,2,,0,2,2,,2,2,2,2,2,2,, -9938,1,2,2,1,2,2,,2,2,2,2,2,2,, -9939,4,,2,4,2,2,,2,2,2,2,2,2,, -9940,5,,2,1,2,2,,2,2,2,2,2,2,, -9941,4,,2,1,2,2,,2,2,2,2,2,2,, -9942,1,2,,0,2,2,,2,2,2,2,2,2,, -9943,7,,2,3,2,2,,2,2,2,2,2,2,, -9944,1,2,,0,2,2,,2,2,2,2,2,2,, -9945,4,,2,2,2,2,,2,2,2,2,2,2,, -9946,4,,2,2,2,2,,2,2,2,2,1,2,, -9947,4,,2,3,1,2,,2,2,1,2,2,2,, -9948,5,,2,1,2,2,,2,2,2,1,2,2,, -9949,1,2,2,0,2,2,,2,2,2,2,2,2,, -9950,4,,2,5,2,2,,2,2,2,2,2,2,, -9951,1,2,,0,2,2,,2,2,2,2,2,2,, -9952,1,2,2,0,2,2,,2,2,2,2,2,2,, -9953,1,2,,0,2,2,,2,2,2,2,2,2,, -9954,1,2,2,0,2,2,,2,2,2,2,2,2,, -9955,1,2,,0,2,2,,2,2,2,2,2,2,, -9956,1,2,,0,2,2,,2,2,2,2,2,2,, -9957,1,2,,0,2,2,,2,2,2,2,2,2,, -9958,6,,1,11,2,2,,2,2,1,2,1,2,, -9959,1,2,,0,2,2,,2,2,2,2,2,2,, -9960,1,2,,0,2,2,,2,2,2,2,2,2,, -9961,1,2,,0,2,2,,2,2,2,2,2,2,, -9962,4,,2,3,2,2,,2,2,2,2,2,2,, -9963,1,2,,0,2,2,,2,2,2,2,2,2,, -9964,1,2,2,0,2,2,,2,2,2,2,2,2,, -9965,1,2,,0,2,2,,2,2,2,2,2,2,, -9966,1,2,2,0,2,2,,2,2,2,2,2,2,, -9967,1,2,,1,2,2,,2,2,2,1,2,2,, -9968,6,,2,2,2,2,,2,2,2,2,1,2,, -9969,1,2,2,0,2,2,,2,2,2,2,2,2,, -9970,4,,2,1,2,2,,2,2,2,2,2,2,, -9971,4,,2,1,2,2,,2,2,2,2,2,2,, -9972,6,,2,4,1,2,,2,2,1,2,1,2,, -9973,1,2,,0,2,2,,2,2,1,2,2,2,, -9974,4,,2,1,2,2,,2,2,2,2,1,2,, -9975,1,2,2,1,2,2,,2,2,2,2,2,2,, -9976,1,2,,1,2,2,,2,2,2,2,2,2,, -9977,4,,2,1,2,2,,2,2,2,2,2,2,, -9978,4,,2,1,2,2,,2,2,2,2,2,2,, -9979,4,,2,4,2,2,,2,2,2,2,1,2,, -9980,1,2,,0,2,2,,2,2,2,2,2,2,, -9981,1,2,2,0,2,2,,2,2,2,2,2,2,, -9982,1,2,2,0,2,2,,2,2,2,2,2,2,, -9983,4,,2,2,2,2,,2,2,2,2,2,2,, -9984,1,2,,0,2,2,,2,2,2,2,2,2,, -9985,1,2,2,0,2,2,,2,2,2,2,2,2,, -9986,1,2,,0,2,2,,2,2,2,2,2,2,, -9987,4,,2,1,2,2,,2,2,2,2,2,2,, -9988,4,,2,1,2,2,,2,2,2,2,2,2,, -9989,1,2,2,1,2,2,,2,2,2,2,2,2,, -9990,1,2,2,0,2,2,,2,2,2,2,2,2,, -9991,7,,2,5,2,2,,2,2,2,2,1,2,, -9992,8,,2,1,1,2,,2,2,2,2,2,2,, -9993,1,2,,0,2,2,,2,2,2,2,2,2,, -9994,1,2,,0,2,2,,2,2,2,2,2,2,, -9995,1,2,2,0,2,2,,2,2,2,2,2,2,, -9996,1,2,,1,2,2,,2,2,2,1,2,2,, -9997,1,2,,1,2,2,,2,2,2,2,2,2,, -9998,4,,2,0,2,2,,2,2,1,2,2,2,, -9999,4,,2,4,2,2,,2,2,2,2,1,2,, -10000,7,,2,6,2,2,,2,2,1,2,1,2,, -10001,1,2,,0,2,2,,2,2,2,2,2,2,, -10002,4,,2,1,2,2,,2,2,2,2,2,2,, -10003,1,2,,1,2,2,,2,2,2,2,2,2,, -10004,1,2,2,0,2,2,,2,2,2,2,2,2,, -10005,4,,2,1,2,2,,2,2,2,2,2,2,, -10006,5,,2,1,2,2,,2,2,2,2,2,2,, -10007,1,2,,0,2,2,,2,2,2,2,2,2,, -10008,4,,2,1,2,2,,2,2,2,2,1,2,, -10009,4,,2,1,2,2,,2,2,2,2,2,2,, -10010,5,,2,4,1,2,,2,2,2,2,2,2,, -10011,1,2,,0,2,2,,2,2,2,2,2,2,, -10012,7,,2,1,2,2,,2,2,2,2,1,2,, -10013,4,,2,1,2,2,,2,2,2,2,2,2,, -10014,4,,2,1,2,2,,2,2,2,2,2,2,, -10015,4,,2,1,2,2,,2,2,2,2,2,2,, -10016,4,,2,1,2,2,,2,2,2,2,2,2,, -10017,4,,2,1,2,2,,2,2,2,1,2,2,, -10018,1,2,2,0,2,2,,2,2,2,2,2,2,, -10019,4,,2,0,2,2,,2,2,2,1,2,2,, -10020,7,,2,2,2,2,,2,2,2,2,2,2,, -10021,4,,2,3,1,2,,2,2,2,2,2,2,, -10022,1,2,2,0,2,2,,2,2,2,2,2,2,, -10023,1,2,2,0,2,2,,2,2,2,2,2,2,, -10024,5,,2,1,2,2,,2,2,1,2,2,2,, -10025,1,2,2,0,2,2,,2,2,2,2,2,2,, -10026,7,,2,3,2,2,,2,2,2,2,2,2,, -10027,7,,2,7,2,2,,2,2,2,2,2,2,, -10028,1,2,,0,2,2,,2,2,2,2,2,2,, -10029,1,2,2,0,2,2,,2,2,2,2,2,2,, -10030,4,,2,1,2,2,,2,2,1,1,2,2,, -10031,1,2,2,0,2,2,,2,2,2,2,2,2,, -10032,4,,2,1,2,2,,2,2,2,2,2,2,, -10033,1,2,,0,2,2,,2,2,2,2,2,2,, -10034,1,2,,1,2,2,,2,2,2,2,2,2,, -10035,1,2,,0,2,2,,2,2,2,2,2,2,, -10036,4,,2,2,2,2,,2,2,1,2,2,2,, -10037,6,,2,2,2,2,,2,2,2,2,1,2,, -10038,7,,2,2,2,2,,2,2,2,2,2,2,, -10039,7,,2,2,2,2,,2,2,2,2,2,2,, -10040,1,2,,0,2,2,,2,2,2,2,2,2,, -10041,1,2,,0,2,2,,2,2,2,2,2,2,, -10042,1,2,,1,2,2,,2,2,2,2,2,2,, -10043,1,2,2,0,2,2,,2,2,2,2,2,2,, -10044,4,,2,1,2,2,,2,2,2,2,2,2,, -10045,4,,2,5,1,2,,1,2,2,2,2,2,, -10046,7,,2,7,2,2,,2,2,2,2,2,2,, -10047,1,2,2,0,2,2,,2,2,2,2,2,2,, -10048,6,,2,6,2,2,,2,2,2,2,1,2,, -10049,4,,2,1,2,2,,2,2,2,2,2,2,, -10050,4,,2,1,2,2,,2,2,2,2,2,2,, -10051,7,,2,10,2,2,,2,2,2,2,2,2,, -10052,1,2,,0,2,2,,2,2,2,2,2,2,, -10053,4,,2,11,2,2,,2,2,2,2,1,2,, -10054,4,,2,1,2,2,,2,2,2,2,2,2,, -10055,6,,1,3,2,2,,2,2,2,2,1,2,, -10056,7,,2,4,2,2,,2,2,2,2,2,2,, -10057,4,,2,1,2,2,,2,2,2,2,1,2,, -10058,4,,2,4,2,2,,2,2,2,2,2,2,, -10059,4,,2,1,2,2,,2,2,2,2,2,2,, -10060,4,,2,1,2,2,,2,2,2,2,2,2,, -10061,7,,2,4,2,2,,2,2,2,2,2,2,, -10062,1,2,2,0,2,2,,2,2,2,2,2,2,, -10063,4,,2,2,2,2,,2,2,2,2,2,2,, -10064,7,,2,8,2,2,,2,2,1,2,1,2,, -10065,1,2,2,0,2,2,,2,2,2,2,2,2,, -10066,4,,2,1,2,2,,2,2,2,2,2,2,, -10067,4,,2,1,2,2,,2,2,2,2,2,2,, -10068,1,2,2,0,2,2,,2,2,2,2,2,2,, -10069,1,2,2,0,2,2,,2,2,2,2,2,2,, -10070,1,2,,0,2,2,,2,2,2,2,2,2,, -10071,1,2,2,0,2,2,,2,2,2,2,2,2,, -10072,7,,2,2,2,2,,2,2,2,2,2,2,, -10073,4,,2,1,2,2,,2,2,2,2,2,2,, -10074,1,2,2,0,2,2,,2,2,2,2,2,2,, -10075,4,,2,1,2,2,,2,2,2,2,2,2,, -10076,1,2,2,0,2,2,,2,2,2,2,2,2,, -10077,4,,2,1,2,2,,2,2,2,2,2,2,, -10078,5,,2,1,2,2,,2,2,2,2,2,2,, -10079,7,,2,1,2,2,,2,2,2,2,2,2,, -10080,4,,2,2,2,2,,2,2,2,1,2,2,, -10081,5,,2,1,2,2,,2,2,2,2,2,2,, -10082,1,2,2,0,2,2,,2,2,2,2,2,2,, -10083,7,,2,9,1,2,,2,2,1,2,2,2,, -10084,4,,2,1,2,2,,2,2,2,2,2,2,, -10085,1,2,2,0,2,2,,2,2,2,2,2,2,, -10086,5,,2,1,2,2,,2,2,2,2,2,2,, -10087,4,,2,1,2,2,,2,2,2,2,2,2,, -10088,1,2,,0,2,2,,2,2,2,2,2,2,, -10089,4,,1,1,2,2,,2,2,2,2,2,2,, -10090,1,2,2,0,2,2,,2,2,2,2,2,2,, -10091,1,2,2,0,2,2,,2,2,2,2,2,2,, -10092,4,,2,1,2,2,,2,2,2,2,2,2,, -10093,7,,2,70,1,2,,2,2,2,2,2,2,, -10094,4,,2,1,2,2,,2,2,2,2,2,2,, -10095,7,,2,1,2,2,,2,2,2,2,2,2,, -10096,4,,2,1,2,2,,2,2,1,2,2,2,, -10097,4,,2,3,2,2,,2,2,2,1,2,2,, -10098,1,2,2,0,2,2,,2,2,2,2,2,2,, -10099,1,2,,1,2,2,,2,2,2,2,2,2,, -10100,7,,2,12,2,2,,2,2,1,2,1,2,, -10101,5,,2,1,2,2,,2,2,2,2,2,2,, -10102,1,2,,1,2,2,,2,2,2,2,2,2,, -10103,7,,2,5,2,2,,2,2,1,1,1,2,, -10104,1,2,,0,2,2,,2,2,2,2,2,2,, -10105,1,2,,0,2,2,,2,2,2,2,2,2,, -10106,5,,2,1,2,2,,2,2,2,2,2,2,, -10107,4,,2,1,2,2,,2,2,2,2,2,2,, -10108,1,2,2,0,2,2,,2,2,2,2,2,2,, -10109,1,2,,1,2,2,,2,2,2,2,2,2,, -10110,1,2,2,1,2,2,,2,2,2,2,2,2,, -10111,1,2,,0,2,2,,2,2,2,2,2,2,, -10112,1,2,2,0,2,2,,2,2,2,2,2,2,, -10113,4,,2,1,2,2,,2,2,2,2,2,2,, -10114,4,,2,3,1,2,,2,2,2,2,2,2,, -10115,4,,2,1,2,2,,2,2,2,2,2,2,, -10116,1,2,2,0,2,2,,2,2,2,2,2,2,, -10117,5,,2,1,2,2,,2,2,2,2,2,2,, -10118,5,,2,1,2,2,,2,2,2,2,2,2,, -10119,5,,2,0,2,2,,2,2,2,2,2,2,, -10120,4,,2,1,2,2,,2,2,2,2,2,2,, -10121,7,,2,5,2,2,,2,2,1,2,1,2,, -10122,1,2,2,0,2,2,,2,2,2,2,2,2,, -10123,7,,2,2,2,2,,2,2,2,2,2,2,, -10124,7,,2,8,1,2,,2,2,2,2,1,2,, -10125,1,2,,0,2,2,,2,2,2,2,2,2,, -10126,5,,1,8,1,2,,2,2,2,2,2,2,, -10127,1,2,2,1,2,2,,2,2,2,2,2,2,, -10128,1,2,,0,2,2,,2,2,2,2,2,2,, -10129,4,,2,1,2,2,,2,2,2,2,2,2,, -10130,1,2,,0,2,2,,2,2,2,2,2,2,, -10131,4,,2,0,2,2,,2,2,2,2,2,2,, -10132,1,2,,0,2,2,,2,2,2,2,2,2,, -10133,1,2,,0,2,2,,2,2,2,2,2,2,, -10134,1,2,,0,2,2,,2,2,2,2,2,2,, -10135,1,2,2,1,2,2,,2,2,2,2,2,2,, -10136,1,2,,0,2,2,,2,2,2,2,2,2,, -10137,4,,2,2,2,2,,2,2,2,2,2,2,, -10138,1,2,,0,2,2,,2,2,2,2,2,2,, -10139,1,2,,0,2,2,,2,2,2,2,2,2,, -10140,4,,2,1,2,2,,2,2,2,2,2,2,, -10141,7,,2,1,2,2,,2,2,2,2,2,2,, -10142,4,,2,1,2,2,,2,2,2,2,1,2,, -10143,1,2,,0,2,2,,2,2,2,2,2,2,, -10144,4,,2,3,2,2,,2,2,2,2,2,2,, -10145,1,2,,0,2,2,,2,2,2,2,2,2,, -10146,1,2,,1,2,2,,2,2,2,2,2,2,, -10147,4,,2,4,2,2,,2,2,2,2,2,2,, -10148,5,,2,2,2,2,,2,2,2,2,2,2,, -10149,1,2,2,0,2,2,,2,2,2,2,2,2,, -10150,1,2,,0,2,2,,2,2,2,2,2,2,, -10151,1,2,2,0,2,2,,2,2,2,2,2,2,, -10152,1,2,,0,2,2,,2,2,2,2,2,2,, -10153,4,,2,2,2,2,,2,2,2,2,2,2,, -10154,1,2,2,0,2,2,,2,2,2,2,2,2,, -10155,4,,2,4,2,2,,2,2,2,2,1,2,, -10156,1,2,2,1,2,2,,2,2,2,2,2,2,, -10157,4,,2,1,2,2,,2,2,2,2,2,2,, -10158,7,,2,7,2,2,,2,2,2,2,2,2,, -10159,7,,2,1,2,2,,2,2,2,2,2,2,, -10160,4,,2,1,2,2,,2,2,2,2,2,2,, -10161,1,2,2,0,2,2,,2,2,2,2,2,2,, -10162,4,,2,1,2,2,,2,2,2,2,2,2,, -10163,4,,2,11,2,2,,2,2,2,2,1,2,, -10164,1,2,,0,2,2,,2,2,2,2,2,2,, -10165,4,,2,1,2,2,,2,2,2,2,2,2,, -10166,1,2,,1,2,2,,2,2,2,2,2,2,, -10167,1,2,2,1,2,2,,2,2,2,2,2,2,, -10168,1,2,2,0,2,2,,2,2,2,2,2,2,, -10169,1,2,2,1,2,2,,2,2,2,2,2,2,, -10170,4,,2,2,2,2,,2,2,2,2,1,2,, -10171,1,2,,0,2,2,,2,2,2,2,2,2,, -10172,4,,1,2,2,2,,2,2,2,2,2,2,, -10173,1,2,2,1,2,2,,2,2,2,2,2,2,, -10174,7,,2,3,2,2,,2,2,2,1,2,2,, -10175,7,,2,1,2,2,,2,2,2,2,2,2,, -10176,4,,2,1,2,2,,2,2,2,2,1,2,, -10177,7,,2,1,2,2,,2,2,2,2,2,2,, -10178,1,2,,0,2,2,,2,2,2,2,2,2,, -10179,7,,2,1,2,2,,2,2,2,2,2,2,, -10180,1,2,,0,2,2,,2,2,2,2,2,2,, -10181,4,,2,4,2,2,,2,2,2,2,1,2,, -10182,1,2,,0,2,2,,2,2,2,2,2,2,, -10183,1,2,2,0,2,2,,2,2,2,2,2,2,, -10184,1,2,,0,2,2,,2,2,2,2,2,2,, -10185,1,2,,0,2,2,,2,2,2,2,2,2,, -10186,1,2,2,0,2,2,,2,2,2,2,2,2,, -10187,1,2,,0,2,2,,2,2,2,2,2,2,, -10188,4,,2,1,2,2,,2,2,2,2,1,2,, -10189,1,2,,0,2,2,,2,2,2,2,2,2,, -10190,1,2,,1,2,2,,2,2,2,2,2,2,, -10191,4,,2,1,2,2,,2,2,2,2,2,2,, -10192,5,,2,1,2,2,,2,2,2,2,2,2,, -10193,1,2,2,1,2,2,,2,2,2,2,2,2,, -10194,6,,2,3,2,2,,2,2,2,2,1,2,, -10195,1,2,2,0,2,2,,2,2,2,2,2,2,, -10196,4,,2,2,2,2,,2,2,2,2,2,2,, -10197,1,2,,0,2,2,,2,2,2,2,2,2,, -10198,4,,2,1,2,2,,2,2,2,2,2,2,, -10199,4,,2,1,2,2,,2,2,2,2,2,2,, -10200,1,2,2,0,2,2,,2,2,2,2,2,2,, -10201,1,2,,1,2,2,,2,2,2,2,2,2,, -10202,1,2,,0,2,2,,2,2,2,2,2,2,, -10203,6,,2,1,2,2,,2,2,2,2,1,2,, -10204,1,2,2,0,2,2,,2,2,2,2,2,2,, -10205,4,,2,1,2,2,,2,2,2,2,2,2,, -10206,1,2,2,0,2,2,,2,2,2,2,2,2,, -10207,4,,2,1,2,2,,2,2,2,2,1,2,, -10208,1,2,,0,2,2,,2,2,2,2,2,2,, -10209,1,2,,0,2,2,,2,2,2,2,2,2,, -10210,1,2,2,0,2,2,,2,2,2,2,2,2,, -10211,4,,2,23,2,2,,2,2,2,2,1,2,, -10212,4,,2,4,2,2,,2,2,2,2,2,2,, -10213,7,,2,23,2,2,,2,2,2,2,2,2,, -10214,7,,2,4,1,2,,2,2,2,2,2,2,, -10215,1,2,,1,2,2,,2,2,2,2,2,2,, -10216,1,2,,0,2,2,,2,2,2,2,2,2,, -10217,4,,2,1,2,2,,2,2,2,2,2,2,, -10218,1,2,2,0,2,2,,2,2,2,2,2,2,, -10219,1,2,2,0,2,2,,2,2,2,2,2,2,, -10220,4,,1,1,2,2,,2,2,2,2,2,2,, -10221,1,2,2,0,2,2,,2,2,2,2,2,2,, -10222,7,,2,4,1,2,,2,2,2,2,2,2,, -10223,1,2,2,0,2,2,,2,2,2,2,2,2,, -10224,4,,2,2,2,2,,2,2,2,1,2,2,, -10225,7,,2,47,2,2,,2,2,2,2,1,2,, -10226,1,2,,1,2,2,,2,2,2,2,2,2,, -10227,1,2,,0,2,2,,2,2,2,2,2,2,, -10228,4,,2,1,2,2,,2,2,2,2,2,2,, -10229,4,,2,2,2,2,,2,2,1,2,1,2,, -10230,4,,2,1,2,2,,2,2,2,2,2,2,, -10231,1,2,,1,2,2,,2,2,2,2,2,2,, -10232,1,2,2,0,2,2,,2,2,2,2,2,2,, -10233,1,2,2,0,2,2,,2,2,2,2,2,2,, -10234,1,2,,1,2,2,,2,2,2,2,2,2,, -10235,4,,2,1,1,2,,2,2,2,2,2,2,, -10236,1,2,2,0,2,2,,2,2,2,2,2,2,, -10237,5,,2,1,2,2,,2,2,2,2,2,2,, -10238,7,,2,4,2,2,,2,2,2,1,2,2,, -10239,4,,2,2,2,2,,2,2,2,2,2,2,, -10240,1,2,,0,2,2,,2,2,2,2,2,2,, -10241,4,,1,2,2,2,,2,2,2,2,2,2,, -10242,5,,2,1,2,2,,2,2,2,2,2,2,, -10243,1,2,2,1,2,2,,2,2,2,2,2,2,, -10244,1,2,2,0,2,2,,2,2,2,2,2,2,, -10245,4,,2,1,1,2,,2,2,2,1,2,2,, -10246,1,2,,0,2,2,,2,2,2,2,2,2,, -10247,1,2,,0,2,2,,2,2,2,2,2,2,, -10248,4,,2,1,2,2,,2,2,2,2,2,2,, -10249,1,2,,0,2,2,,2,2,2,2,2,2,, -10250,7,,2,5,2,2,,2,2,2,2,2,2,, -10251,1,2,2,0,2,2,,2,2,2,2,2,2,, -10252,5,,2,1,2,2,,2,2,2,2,2,2,, -10253,5,,2,1,2,2,,2,2,2,2,2,2,, -10254,1,2,,0,2,2,,2,2,2,2,2,2,, -10255,5,,2,1,2,2,,2,2,2,2,2,2,, -10256,1,2,,0,2,2,,2,2,2,2,2,2,, -10257,1,2,2,0,2,2,,2,2,2,2,2,2,, -10258,5,,2,1,2,2,,2,2,2,2,2,2,, -10259,5,,2,1,2,2,,2,2,2,1,2,2,, -10260,1,2,2,0,2,2,,2,2,2,2,2,2,, -10261,4,,2,2,2,2,,2,2,2,2,2,2,, -10262,4,,1,1,1,2,,2,2,2,2,2,2,, -10263,4,,2,1,2,2,,2,2,2,2,2,2,, -10264,1,2,,1,2,2,,2,2,2,2,2,2,, -10265,7,,2,10,2,2,,2,2,2,1,2,2,, -10266,6,,2,2,2,2,,1,2,2,2,2,2,, -10267,6,,2,1,1,2,,2,2,2,2,2,2,, -10268,6,,2,5,2,2,,2,2,2,2,1,2,, -10269,4,,2,4,2,2,,2,2,2,1,1,2,, -10270,7,,2,13,2,2,,2,2,1,2,2,2,, -10271,1,2,2,1,2,2,,2,2,2,2,2,2,, -10272,1,2,,1,2,2,,2,2,2,2,2,2,, -10273,1,2,2,0,2,2,,2,2,2,2,2,2,, -10274,4,,1,5,2,2,,2,2,2,2,2,2,, -10275,1,2,2,0,2,2,,2,2,2,2,2,2,, -10276,1,2,2,0,2,2,,2,2,2,2,2,2,, -10277,1,2,,0,2,2,,2,2,2,2,2,2,, -10278,4,,2,1,2,2,,2,2,2,2,2,2,, -10279,1,2,,0,2,2,,2,2,2,2,2,2,, -10280,5,,2,1,2,2,,2,2,2,2,2,2,, -10281,4,,2,1,2,2,,2,2,2,2,2,2,, -10282,5,,2,1,2,2,,2,2,2,2,2,2,, -10283,4,,2,7,1,2,,1,2,2,1,1,2,, -10284,4,,2,1,2,2,,2,2,2,2,2,2,, -10285,4,,2,1,2,2,,2,2,1,2,2,2,, -10286,1,2,,0,2,2,,2,2,2,2,2,2,, -10287,1,2,,1,2,2,,2,2,2,2,2,2,, -10288,4,,2,2,2,2,,2,2,2,2,2,2,, -10289,4,,2,3,2,2,,2,2,2,2,2,2,, -10290,4,,2,1,2,2,,2,2,2,2,2,2,, -10291,7,,2,4,1,2,,2,2,2,1,2,2,, -10292,1,2,,1,2,2,,2,2,2,2,2,2,, -10293,5,,2,1,2,2,,2,2,2,2,2,2,, -10294,1,2,2,0,2,2,,2,2,2,2,2,2,, -10295,4,,2,3,1,2,,2,2,1,1,2,2,, -10296,7,,2,2,2,2,,2,2,2,2,2,2,, -10297,7,,2,3,2,2,,2,2,2,2,2,2,, -10298,1,2,,1,2,2,,2,2,2,2,2,2,, -10299,1,2,,0,2,2,,2,2,2,2,2,2,, -10300,4,,2,5,2,2,,2,2,2,2,2,2,, -10301,1,2,2,0,2,2,,2,2,2,2,2,2,, -10302,4,,2,2,2,2,,2,2,2,2,2,2,, -10303,1,2,,1,2,2,,2,2,2,2,2,2,, -10304,4,,2,2,2,2,,2,2,2,2,2,2,, -10305,7,,2,19,2,2,,2,2,2,2,2,2,, -10306,4,,2,4,1,2,,2,2,2,2,2,2,, -10307,1,2,,0,2,2,,2,2,2,2,2,2,, -10308,1,2,,0,2,2,,2,2,2,2,2,2,, -10309,4,,2,2,2,2,,2,2,2,2,1,2,, -10310,1,2,,1,2,2,,2,2,2,2,2,2,, -10311,1,2,2,0,2,2,,2,2,2,2,2,2,, -10312,4,,2,7,1,2,,2,2,1,1,2,2,, -10313,1,2,,0,2,2,,2,2,2,2,2,2,, -10314,7,,2,7,2,2,,2,2,2,2,2,2,, -10315,1,2,2,0,2,2,,2,2,2,2,2,2,, -10316,1,2,,0,2,2,,2,2,2,2,2,2,, -10317,1,2,,0,2,2,,2,2,2,2,2,2,, -10318,4,,2,6,2,2,,2,2,2,2,2,2,, -10319,1,2,2,0,2,2,,2,2,2,2,2,2,, -10320,4,,2,2,2,2,,2,2,2,2,1,2,, -10321,1,2,2,1,2,2,,2,2,2,2,2,2,, -10322,6,,2,2,2,2,,2,2,1,1,1,2,, -10323,4,,2,1,2,2,,2,2,2,2,2,2,, -10324,1,2,,0,2,2,,2,2,2,2,2,2,, -10325,4,,2,1,2,2,,2,2,2,2,2,2,, -10326,1,2,2,0,2,2,,2,2,2,2,2,2,, -10327,1,2,,0,2,2,,2,2,2,2,2,2,, -10328,1,2,2,0,2,2,,2,2,2,2,2,2,, -10329,1,2,,0,2,2,,2,2,2,2,2,2,, -10330,1,2,2,0,2,2,,2,2,2,2,2,2,, -10331,5,,2,1,2,2,,2,2,2,2,2,2,, -10332,7,,2,14,2,2,,2,2,2,2,1,2,, -10333,4,,1,4,1,2,,2,2,1,1,2,2,, -10334,4,,2,1,2,2,,2,2,2,2,2,2,, -10335,1,2,,0,2,2,,2,2,2,2,2,2,, -10336,4,,2,1,2,2,,2,2,2,1,1,2,, -10337,5,,2,1,2,2,,2,2,2,2,2,2,, -10338,1,2,2,0,2,2,,2,2,2,2,2,2,, -10339,4,,2,3,2,2,,2,2,2,2,2,2,, -10340,1,2,2,0,2,2,,2,2,2,2,2,2,, -10341,1,2,,1,2,2,,2,2,2,2,2,2,, -10342,5,,2,2,2,2,,2,2,2,2,2,2,, -10343,1,2,,0,2,2,,2,2,2,2,2,2,, -10344,1,2,,1,2,2,,2,2,2,2,2,2,, -10345,1,2,,1,2,2,,2,2,2,2,2,2,, -10346,4,,2,1,2,2,,2,2,2,2,2,2,, -10347,4,,2,1,2,2,,2,2,2,2,2,2,, -10348,1,2,2,0,2,2,,2,2,2,2,2,2,, -10349,6,,2,15,2,2,,2,2,1,2,1,2,, -10350,1,2,,1,2,2,,2,2,2,2,2,2,, -10351,7,,2,3,1,2,,2,2,2,2,2,2,, -10352,1,2,2,1,2,2,,2,2,2,2,2,2,, -10353,7,,2,11,1,2,,1,1,1,2,2,2,, -10354,1,2,,1,2,2,,2,2,2,2,2,2,, -10355,1,2,,0,2,2,,2,2,2,2,2,2,, -10356,4,,2,0,2,2,,2,2,2,2,2,2,, -10357,4,,2,1,2,2,,2,2,2,1,2,2,, -10358,7,,2,4,2,2,,2,2,2,2,2,2,, -10359,4,,2,1,2,2,,2,2,2,2,2,2,, -10360,1,2,,0,2,2,,2,2,2,2,2,2,, -10361,7,,2,1,2,2,,2,2,2,2,2,2,, -10362,1,2,2,0,2,2,,2,2,2,2,2,2,, -10363,1,2,,0,2,2,,2,2,2,2,2,2,, -10364,1,2,2,0,2,2,,2,2,2,2,2,2,, -10365,1,2,,1,2,2,,2,2,2,2,2,2,, -10366,1,2,,0,2,2,,2,2,2,2,2,2,, -10367,1,2,,0,2,2,,2,2,2,2,2,2,, -10368,1,2,2,1,2,2,,2,2,2,2,2,2,, -10369,1,2,,0,2,2,,2,2,2,2,2,2,, -10370,4,,2,2,2,2,,2,2,2,2,1,2,, -10371,4,,2,1,2,2,,2,2,2,2,2,2,, -10372,1,2,2,0,2,2,,2,2,2,2,2,2,, -10373,1,2,2,0,2,2,,2,2,2,2,2,2,, -10374,6,,2,2,2,2,,2,2,1,2,1,1,3, -10375,4,,2,0,2,2,,2,2,2,2,2,2,, -10376,1,2,,0,2,2,,2,2,2,2,2,2,, -10377,4,,2,16,2,2,,2,2,2,1,1,2,, -10378,1,2,,1,2,2,,2,2,2,2,2,2,, -10379,4,,2,4,2,2,,2,2,1,2,2,2,, -10380,5,,2,0,2,2,,2,2,2,2,2,2,, -10381,1,2,,0,2,2,,2,2,2,2,2,2,, -10382,1,2,,0,2,2,,2,2,2,2,2,2,, -10383,1,2,2,0,2,2,,2,2,2,2,2,2,, -10384,6,,2,2,2,2,,2,2,2,2,1,2,, -10385,1,2,,0,2,2,,2,2,2,2,2,2,, -10386,4,,2,1,2,2,,2,2,2,2,2,2,, -10387,4,,2,2,2,2,,2,2,2,2,2,2,, -10388,4,,2,1,2,2,,2,2,2,2,2,2,, -10389,7,,2,3,2,2,,2,2,2,2,2,2,, -10390,4,,2,4,2,2,,2,2,2,2,2,2,, -10391,1,2,2,0,2,2,,2,2,2,2,2,2,, -10392,1,2,2,0,2,2,,2,2,2,2,2,2,, -10393,1,2,,0,2,2,,2,2,2,2,2,2,, -10394,1,2,2,0,2,2,,2,2,2,2,2,2,, -10395,1,2,,0,2,2,,2,2,2,2,2,2,, -10396,4,,2,4,2,2,,2,2,2,2,1,2,, -10397,1,2,,1,2,2,,2,2,2,2,2,2,, -10398,7,,2,2,2,2,,2,2,1,2,2,2,, -10399,1,2,,0,2,2,,2,2,2,2,2,2,, -10400,7,,2,14,2,2,,2,2,2,1,1,2,, -10401,1,2,2,0,2,2,,2,2,2,2,2,2,, -10402,5,,2,0,2,2,,2,2,2,2,2,2,, -10403,1,2,2,0,2,2,,2,2,2,2,2,2,, -10404,4,,2,3,2,2,,2,2,2,2,2,2,, -10405,7,,2,3,2,2,,2,2,2,1,2,2,, -10406,1,2,,0,2,2,,2,2,2,2,2,2,, -10407,4,,1,1,2,2,,2,2,2,2,2,2,, -10408,4,,2,2,2,2,,2,2,1,2,1,2,, -10409,1,2,2,0,2,2,,2,2,2,2,2,2,, -10410,7,,2,3,2,2,,2,2,2,2,2,2,, -10411,1,2,2,0,2,2,,2,2,2,2,2,2,, -10412,4,,2,1,2,2,,2,2,2,2,2,2,, -10413,1,2,,0,2,2,,2,2,2,2,2,2,, -10414,1,2,,0,2,2,,2,2,2,2,2,2,, -10415,1,2,,0,2,2,,2,2,2,2,2,2,, -10416,1,2,,0,2,2,,2,2,2,2,2,2,, -10417,4,,2,1,2,2,,2,2,2,2,2,2,, -10418,4,,2,2,2,2,,2,2,2,2,2,2,, -10419,1,2,,1,2,2,,2,2,2,2,2,2,, -10420,1,2,,0,2,2,,2,2,2,2,2,2,, -10421,7,,2,2,2,2,,2,2,2,2,2,2,, -10422,1,2,2,0,2,2,,2,2,2,2,2,2,, -10423,4,,2,1,2,2,,2,2,2,2,2,2,, -10424,4,,2,15,2,2,,2,2,2,1,2,2,, -10425,1,2,,0,2,2,,2,2,2,2,2,2,, -10426,1,2,2,0,2,2,,2,2,2,2,2,2,, -10427,1,2,,1,2,2,,2,2,2,2,2,2,, -10428,4,,2,1,2,2,,2,2,2,2,2,2,, -10429,1,2,2,0,2,2,,2,2,2,2,2,2,, -10430,7,,2,6,2,2,,2,2,2,2,2,2,, -10431,1,2,2,0,2,2,,2,2,2,2,2,2,, -10432,4,,2,1,2,2,,2,2,2,2,2,2,, -10433,1,2,2,0,2,2,,2,2,2,2,2,2,, -10434,7,,2,5,2,2,,2,2,2,2,2,2,, -10435,1,2,2,1,2,2,,2,2,2,2,2,2,, -10436,4,,2,1,2,2,,2,2,2,2,2,2,, -10437,1,2,,0,2,2,,2,2,2,2,2,2,, -10438,1,2,,0,2,2,,2,2,2,2,2,2,, -10439,4,,2,1,2,2,,2,2,2,2,1,2,, -10440,4,,2,1,2,2,,2,2,2,2,2,2,, -10441,1,2,2,0,2,2,,2,2,2,2,2,2,, -10442,7,,2,8,2,2,,2,2,2,1,1,2,, -10443,1,2,,0,2,2,,2,2,2,2,2,2,, -10444,1,2,,0,2,2,,2,2,2,2,2,2,, -10445,1,1,1,7,1,2,,2,2,1,2,2,2,, -10446,4,,2,1,2,2,,2,2,2,2,2,2,, -10447,4,,2,1,2,2,,2,2,2,2,2,2,, -10448,1,2,2,0,2,2,,2,2,2,2,2,2,, -10449,7,,2,6,2,2,,2,2,2,2,1,2,, -10450,7,,2,4,1,2,,2,2,2,2,2,2,, -10451,1,2,2,1,2,2,,2,2,2,2,2,2,, -10452,4,,1,3,2,2,,2,2,2,2,2,2,, -10453,1,2,,1,2,2,,2,2,2,2,2,2,, -10454,7,,2,2,2,2,,2,2,2,2,2,2,, -10455,4,,2,1,2,2,,2,2,2,2,2,2,, -10456,1,2,2,1,2,2,,2,2,2,2,2,2,, -10457,4,,2,2,2,2,,2,2,2,2,2,2,, -10458,1,2,2,0,2,2,,2,2,2,2,2,2,, -10459,5,,2,1,2,2,,2,2,2,2,2,2,, -10460,7,,2,0,2,2,,2,2,2,2,2,1,3, -10461,1,2,2,0,2,2,,2,2,2,2,2,2,, -10462,4,,2,1,2,2,,2,2,2,2,2,2,, -10463,4,,1,11,2,2,,2,2,2,2,2,2,, -10464,1,2,,0,2,2,,2,2,1,2,2,2,, -10465,4,,2,1,2,2,,2,2,2,2,2,2,, -10466,1,2,,1,2,2,,2,2,2,2,2,2,, -10467,1,2,2,0,2,2,,2,2,2,2,2,2,, -10468,1,2,2,0,2,2,,2,2,2,2,2,2,, -10469,1,2,2,0,2,2,,2,2,2,2,2,2,, -10470,1,2,2,0,2,2,,2,2,2,2,2,2,, -10471,4,,2,1,2,2,,2,2,2,2,2,2,, -10472,1,2,,1,2,2,,2,2,2,2,2,2,, -10473,1,2,,0,2,2,,2,2,2,2,2,2,, -10474,4,,2,8,2,2,,2,2,2,2,2,2,, -10475,1,2,,0,2,2,,2,2,2,2,2,2,, -10476,7,,2,3,2,2,,2,2,1,1,2,2,, -10477,1,2,2,0,2,2,,2,2,2,2,2,2,, -10478,1,2,,0,2,2,,2,2,2,2,2,2,, -10479,4,,2,1,2,2,,2,2,2,2,2,2,, -10480,1,2,2,0,2,2,,2,2,2,2,2,2,, -10481,4,,2,2,2,2,,2,2,2,2,1,2,, -10482,1,2,2,1,2,2,,2,2,2,2,2,2,, -10483,1,2,2,0,2,2,,2,2,2,2,2,2,, -10484,6,,2,68,2,2,,2,2,2,2,1,2,, -10485,6,,2,0,1,2,,2,2,1,2,1,1,4, -10486,5,,2,1,2,2,,2,2,2,2,2,2,, -10487,1,2,2,0,2,2,,2,2,2,2,2,2,, -10488,7,,2,30,2,2,,2,2,1,2,1,2,, -10489,1,2,,0,2,2,,2,2,2,2,2,2,, -10490,6,,2,28,2,2,,2,2,2,2,1,2,, -10491,1,2,2,0,2,2,,2,2,2,2,2,2,, -10492,1,2,,1,2,2,,2,2,2,2,2,2,, -10493,1,2,2,1,2,2,,2,2,2,2,2,2,, -10494,1,2,2,1,2,2,,2,2,2,2,2,2,, -10495,1,2,,0,2,2,,2,2,2,2,2,2,, -10496,1,2,,1,2,2,,2,2,2,2,2,2,, -10497,4,,2,2,2,2,,2,2,2,2,2,2,, -10498,1,2,,0,2,2,,2,2,2,2,2,2,, -10499,1,2,,0,2,2,,2,2,2,2,2,2,, -10500,1,2,2,1,2,2,,2,2,2,2,2,2,, -10501,4,,2,3,2,2,,2,2,2,2,2,2,, -10502,7,,2,7,2,2,,2,2,2,2,2,2,, -10503,5,,1,1,2,2,,2,2,2,2,2,2,, -10504,7,,2,1,2,2,,2,2,2,2,2,2,, -10505,5,,2,1,2,2,,2,2,2,2,2,2,, -10506,1,2,,0,2,2,,2,2,2,2,2,2,, -10507,7,,2,6,1,2,,2,2,2,1,1,2,, -10508,1,2,,1,2,2,,2,2,2,2,2,2,, -10509,1,2,2,0,2,2,,2,2,2,2,2,2,, -10510,1,2,2,0,2,2,,2,2,2,2,2,2,, -10511,1,2,,0,2,2,,2,2,2,2,2,2,, -10512,1,2,,0,2,2,,2,2,2,2,2,2,, -10513,1,2,2,0,2,2,,2,2,2,2,2,2,, -10514,1,2,,0,2,2,,2,2,2,2,2,2,, -10515,4,,2,1,2,2,,2,2,2,2,2,2,, -10516,1,2,2,0,2,2,,2,2,2,2,2,2,, -10517,4,,2,1,2,2,,2,2,2,2,2,2,, -10518,1,2,2,0,2,2,,2,2,2,2,2,2,, -10519,4,,2,1,2,2,,2,2,2,2,2,2,, -10520,4,,2,1,2,2,,2,2,2,2,2,2,, -10521,4,,2,2,1,2,,2,2,1,1,2,2,, -10522,4,,2,3,1,2,,2,2,2,2,2,2,, -10523,4,,2,3,2,2,,2,2,2,2,2,2,, -10524,4,,2,1,2,2,,2,2,2,2,2,2,, -10525,7,,2,1,2,2,,2,2,2,2,2,2,, -10526,1,2,,0,2,2,,2,2,2,2,2,2,, -10527,1,2,,1,2,2,,2,2,2,2,2,2,, -10528,1,2,,0,2,2,,2,2,2,2,2,2,, -10529,4,,2,1,2,2,,2,2,1,2,2,2,, -10530,7,,2,18,2,2,,2,2,2,2,2,2,, -10531,1,2,,0,2,2,,2,2,2,2,2,2,, -10532,1,2,,0,2,2,,2,2,2,2,2,2,, -10533,4,,2,2,2,2,,2,2,2,2,1,2,, -10534,5,,2,1,2,2,,2,2,1,2,2,2,, -10535,1,2,,1,2,2,,2,2,2,2,2,2,, -10536,4,,2,2,2,2,,2,2,2,2,2,2,, -10537,1,2,2,0,2,2,,2,2,2,2,2,2,, -10538,4,,2,2,2,2,,2,2,2,2,2,2,, -10539,5,,2,1,2,2,,2,2,2,2,2,2,, -10540,7,,2,0,2,2,,2,2,1,2,2,1,3, -10541,1,2,2,0,2,2,,2,2,2,2,2,2,, -10542,7,,2,1,1,2,,2,2,2,2,2,2,, -10543,1,2,2,1,2,2,,2,2,2,2,2,2,, -10544,1,2,2,1,2,2,,2,2,2,2,2,2,, -10545,1,2,2,0,2,2,,2,2,2,2,2,2,, -10546,1,2,,0,2,2,,2,2,2,2,2,2,, -10547,4,,2,1,2,2,,2,2,2,1,2,2,, -10548,1,2,,0,2,2,,2,2,2,2,2,2,, -10549,4,,2,1,2,2,,2,2,2,2,2,2,, -10550,7,,2,3,1,2,,2,2,1,2,2,2,, -10551,5,,2,1,2,2,,2,2,2,2,2,2,, -10552,1,2,,0,2,2,,2,2,2,2,2,2,, -10553,1,2,,0,2,2,,2,2,2,2,2,2,, -10554,4,,2,2,2,2,,2,2,1,2,2,2,, -10555,6,,2,6,2,2,,2,2,1,2,1,2,, -10556,1,2,,0,2,2,,2,2,2,2,2,2,, -10557,4,,2,4,2,2,,2,2,2,2,1,2,, -10558,7,,2,5,1,2,,2,2,2,2,2,2,, -10559,4,,2,1,2,2,,2,2,2,2,2,2,, -10560,1,2,,0,2,2,,2,2,2,2,2,2,, -10561,1,2,,0,2,2,,2,2,2,2,2,2,, -10562,1,2,,0,2,2,,2,2,2,2,2,2,, -10563,1,2,,0,2,2,,2,2,2,2,2,2,, -10564,1,2,,0,2,2,,2,2,2,2,2,2,, -10565,1,2,,0,2,2,,2,2,2,2,2,2,, -10566,1,2,,1,2,2,,2,2,2,2,2,2,, -10567,1,2,,1,2,2,,2,2,2,2,2,2,, -10568,1,1,2,12,2,2,,2,2,2,2,2,2,, -10569,1,2,,1,2,2,,2,2,2,2,2,2,, -10570,4,,2,1,2,2,,2,2,2,2,2,2,, -10571,1,2,,0,2,2,,2,2,2,2,2,2,, -10572,4,,2,3,2,2,,2,2,2,2,1,2,, -10573,1,2,2,0,2,2,,2,2,2,2,2,2,, -10574,4,,2,1,2,2,,2,2,2,2,2,2,, -10575,4,,2,7,2,2,,1,2,2,2,2,2,, -10576,1,2,,0,2,2,,2,2,2,2,2,2,, -10577,1,2,2,0,2,2,,2,2,2,2,2,2,, -10578,1,2,,0,2,2,,2,2,2,2,2,2,, -10579,4,,2,1,2,2,,2,2,2,2,2,2,, -10580,8,,2,3,1,2,,2,2,2,1,2,2,, -10581,9,2,2,0,2,2,,2,2,2,2,2,2,, -10582,1,2,,0,2,2,,2,2,2,2,2,2,, -10583,1,2,,0,2,2,,2,2,2,2,2,2,, -10584,1,2,,0,2,2,,2,2,2,2,2,2,, -10585,4,,2,1,2,2,,2,2,2,2,2,2,, -10586,1,2,,0,2,2,,2,2,2,2,2,2,, -10587,7,,2,5,2,2,,2,2,1,2,2,2,, -10588,7,,2,5,1,2,,2,2,1,2,2,2,, -10589,4,,2,3,1,2,,2,2,2,2,2,2,, -10590,1,2,,0,2,2,,2,2,2,2,2,2,, -10591,1,2,2,0,2,2,,2,2,2,2,2,2,, -10592,1,2,,0,2,2,,2,2,2,2,2,2,, -10593,5,,2,1,2,2,,2,2,2,2,2,2,, -10594,4,,2,2,2,2,,2,2,2,2,2,2,, -10595,4,,2,2,2,2,,2,2,2,2,2,2,, -10596,1,2,2,0,2,2,,2,2,2,2,2,2,, -10597,4,,2,2,2,2,,2,2,2,2,1,2,, -10598,5,,2,0,2,2,,2,2,2,2,2,2,, -10599,1,2,2,0,2,2,,2,2,2,2,2,2,, -10600,7,,2,13,1,2,,2,1,2,2,2,2,, -10601,4,,2,1,2,2,,2,2,2,2,2,2,, -10602,1,2,2,0,2,2,,2,2,2,2,2,2,, -10603,1,2,2,1,2,2,,2,2,2,2,2,2,, -10604,1,2,2,0,2,2,,2,2,2,2,2,2,, -10605,4,,2,1,2,2,,2,2,2,2,2,2,, -10606,1,2,2,0,2,2,,2,2,2,2,2,2,, -10607,5,,2,1,2,2,,2,2,2,2,2,2,, -10608,4,,1,3,2,2,,2,2,2,2,1,2,, -10609,1,2,,0,2,2,,2,2,2,2,2,2,, -10610,5,,2,1,2,2,,2,2,2,2,2,2,, -10611,4,,2,1,2,2,,2,2,2,2,2,2,, -10612,1,2,2,0,2,2,,2,2,2,2,2,2,, -10613,1,2,2,0,2,2,,2,2,2,2,2,2,, -10614,4,,2,2,2,2,,2,2,2,2,2,2,, -10615,1,2,2,1,2,2,,2,2,2,2,2,2,, -10616,4,,2,4,1,2,,2,2,2,2,1,2,, -10617,1,2,2,0,2,2,,2,2,2,2,2,2,, -10618,1,2,2,0,2,2,,2,2,2,2,2,2,, -10619,7,,2,1,2,2,,2,2,2,2,2,2,, -10620,1,2,2,0,2,2,,2,2,2,2,2,2,, -10621,1,2,,0,2,2,,2,2,2,2,2,2,, -10622,1,2,2,0,2,2,,2,2,2,2,2,2,, -10623,7,,2,0,2,2,,2,2,2,2,2,2,, -10624,1,2,,0,2,2,,2,2,2,2,2,2,, -10625,1,2,2,0,2,2,,2,2,2,2,1,2,, -10626,4,,2,1,2,2,,2,2,2,2,2,2,, -10627,4,,2,1,2,2,,2,2,2,2,2,2,, -10628,1,2,2,0,2,2,,2,2,2,2,2,2,, -10629,4,,2,2,2,2,,2,2,2,2,1,2,, -10630,4,,2,1,2,2,,2,2,2,2,2,2,, -10631,4,,2,2,2,2,,2,2,2,2,1,2,, -10632,1,2,2,1,2,2,,2,2,2,2,2,2,, -10633,1,2,2,0,2,2,,2,2,2,2,2,2,, -10634,1,2,2,0,2,2,,2,2,2,2,2,2,, -10635,1,2,,0,2,2,,2,2,2,2,2,2,, -10636,5,,2,0,2,2,,2,2,2,2,2,2,, -10637,7,,2,10,1,2,,2,2,1,2,2,2,, -10638,7,,2,7,2,2,,2,2,1,2,2,2,, -10639,7,,2,22,2,2,,2,2,2,2,1,2,, -10640,1,2,,1,2,2,,2,2,2,2,2,2,, -10641,7,,2,11,1,2,,2,2,1,2,1,2,, -10642,1,2,2,0,2,2,,2,2,2,2,2,2,, -10643,4,,2,1,1,2,,2,2,2,2,2,2,, -10644,1,2,2,1,2,2,,2,2,2,2,2,2,, -10645,4,,2,1,2,2,,2,2,2,2,2,2,, -10646,1,2,2,0,2,2,,2,2,2,2,2,2,, -10647,7,,2,10,2,2,,2,2,2,2,1,2,, -10648,1,2,2,0,2,2,,2,2,2,2,2,2,, -10649,1,2,,0,2,2,,2,2,2,2,2,2,, -10650,1,2,,1,2,2,,2,2,2,2,2,2,, -10651,1,2,,0,2,2,,2,2,2,2,2,2,, -10652,4,,2,2,2,2,,2,2,2,2,1,2,, -10653,1,2,2,0,2,2,,2,2,2,2,2,2,, -10654,1,2,,0,2,2,,2,2,2,2,2,2,, -10655,1,2,,0,2,2,,2,2,2,2,2,2,, -10656,7,,2,1,2,2,,2,2,2,2,2,2,, -10657,1,2,2,0,2,2,,2,2,2,2,2,2,, -10658,4,,2,2,2,2,,2,2,2,2,2,2,, -10659,4,,2,1,2,2,,2,2,2,2,2,2,, -10660,7,,2,4,2,2,,2,2,2,2,2,2,, -10661,5,,2,1,2,2,,2,2,2,2,2,2,, -10662,1,2,,0,2,2,,2,2,2,2,2,2,, -10663,1,2,2,0,2,2,,2,2,2,2,2,2,, -10664,1,2,2,0,2,2,,2,2,2,2,2,2,, -10665,4,,2,4,1,2,,2,2,2,2,2,2,, -10666,1,2,2,0,2,2,,2,2,2,2,2,2,, -10667,1,2,,0,2,2,,2,2,2,2,2,2,, -10668,4,,2,3,2,2,,2,2,2,1,1,2,, -10669,4,,2,7,2,2,,2,2,2,2,2,2,, -10670,4,,2,12,2,2,,2,2,2,2,1,2,, -10671,4,,2,2,2,2,,2,2,2,2,2,2,, -10672,1,2,2,0,2,2,,2,2,2,2,2,2,, -10673,4,,2,3,2,2,,2,2,2,2,1,2,, -10674,1,2,2,0,2,2,,2,2,2,2,2,2,, -10675,1,2,,0,2,2,,2,2,2,2,2,2,, -10676,4,,2,1,2,2,,2,2,2,2,2,2,, -10677,4,,2,1,2,2,,2,2,2,2,2,2,, -10678,1,2,2,0,2,2,,2,2,2,2,2,2,, -10679,4,,2,1,2,2,,2,2,1,2,2,2,, -10680,1,2,,0,2,2,,2,2,2,2,2,2,, -10681,4,,2,0,2,2,,2,2,2,2,2,2,, -10682,1,2,,0,2,2,,2,2,2,2,2,2,, -10683,5,,2,1,2,2,,2,2,2,2,2,2,, -10684,7,,2,24,2,2,,2,2,2,2,2,2,, -10685,1,2,2,1,2,2,,2,2,2,2,2,2,, -10686,1,2,2,0,2,2,,2,2,2,2,2,2,, -10687,6,,2,2,2,2,,2,2,2,2,1,2,, -10688,5,,2,1,2,2,,2,2,2,2,2,2,, -10689,6,,2,14,2,2,,2,2,2,2,1,2,, -10690,1,2,,0,2,2,,2,2,2,2,2,2,, -10691,1,2,,0,2,2,,2,2,2,2,2,2,, -10692,1,2,2,0,2,2,,2,2,2,2,2,2,, -10693,4,,2,1,2,2,,2,2,2,2,2,2,, -10694,1,2,2,0,2,2,,2,2,2,2,2,2,, -10695,4,,2,1,2,2,,2,2,2,2,2,2,, -10696,7,,2,2,2,2,,2,2,2,2,1,2,, -10697,7,,2,9,1,2,,2,1,2,2,2,2,, -10698,7,,2,4,2,2,,2,2,2,2,2,2,, -10699,1,2,2,1,2,2,,2,2,2,2,2,2,, -10700,4,,2,1,2,2,,2,2,2,2,2,2,, -10701,7,,2,2,1,2,,2,2,2,2,1,1,3, -10702,1,2,,0,2,2,,2,2,2,2,2,2,, -10703,7,,2,6,2,2,,2,2,2,2,2,2,, -10704,1,1,2,2,2,2,,2,2,2,2,2,2,, -10705,5,,2,1,2,2,,2,2,2,2,2,2,, -10706,4,,2,1,2,2,,2,2,2,2,2,2,, -10707,5,,2,1,2,2,,2,2,2,2,2,2,, -10708,4,,2,2,2,2,,2,2,1,2,1,2,, -10709,1,2,,0,2,2,,2,2,2,2,2,2,, -10710,1,2,,0,2,2,,2,2,2,2,2,2,, -10711,4,,2,2,2,2,,2,2,2,2,1,2,, -10712,1,2,2,1,2,2,,2,2,2,2,2,2,, -10713,7,,2,4,2,2,,2,2,2,1,2,2,, -10714,4,,2,1,2,2,,2,2,2,2,2,2,, -10715,1,2,2,0,2,2,,2,2,2,2,2,2,, -10716,4,,2,4,2,2,,2,2,2,2,1,2,, -10717,1,2,2,0,2,2,,2,2,2,2,2,2,, -10718,1,2,,0,2,2,,2,2,2,2,2,2,, -10719,1,2,2,0,2,2,,2,2,2,2,2,2,, -10720,4,,2,3,1,2,,2,2,2,2,2,2,, -10721,1,2,2,0,2,2,,2,2,2,2,2,2,, -10722,4,,2,3,2,2,,2,2,2,2,2,2,, -10723,5,,2,1,2,2,,2,2,2,2,2,2,, -10724,1,2,,1,2,2,,2,2,2,2,2,2,, -10725,4,,2,1,2,2,,2,2,2,2,2,2,, -10726,4,,2,8,1,2,,2,1,2,2,2,2,, -10727,4,,2,6,2,2,,2,2,2,2,1,2,, -10728,4,,2,64,2,2,,2,2,2,2,2,2,, -10729,1,2,,0,2,2,,2,2,2,2,2,2,, -10730,7,,2,1,2,2,,2,2,2,2,2,2,, -10731,4,,1,2,2,2,,2,2,2,2,2,2,, -10732,1,2,,0,2,2,,2,2,2,2,2,2,, -10733,1,2,2,1,2,2,,2,2,2,2,2,2,, -10734,1,2,,0,2,2,,2,2,2,2,2,2,, -10735,4,,2,1,2,2,,2,2,2,1,2,2,, -10736,1,2,,0,2,2,,2,2,2,2,2,2,, -10737,5,,2,1,2,2,,2,2,2,2,2,2,, -10738,1,2,,1,2,2,,2,2,2,2,2,2,, -10739,1,2,2,0,2,2,,2,2,2,2,2,2,, -10740,4,,2,1,2,2,,2,2,1,2,2,2,, -10741,1,2,,1,2,2,,2,2,1,2,2,2,, -10742,5,,2,1,2,2,,2,2,2,2,2,2,, -10743,4,,2,1,2,2,,2,2,2,2,2,2,, -10744,1,2,2,0,2,2,,2,2,2,2,2,2,, -10745,1,2,,0,2,2,,2,2,2,2,2,2,, -10746,1,2,,0,2,2,,2,2,2,2,2,2,, -10747,1,2,,1,2,2,,2,2,2,2,2,2,, -10748,1,2,2,0,2,2,,2,2,2,2,2,2,, -10749,7,,2,9,2,2,,2,2,1,2,1,1,3, -10750,5,,2,1,2,2,,2,2,2,2,2,2,, -10751,4,,2,1,2,2,,2,2,2,2,2,2,, -10752,4,,2,3,2,2,,2,2,2,2,1,2,, -10753,4,,2,1,2,2,,2,2,2,2,2,2,, -10754,1,2,,0,2,2,,2,2,2,2,2,2,, -10755,1,2,2,0,2,2,,2,2,2,2,2,2,, -10756,4,,2,1,2,2,,2,2,2,1,1,2,, -10757,4,,1,27,2,2,,2,2,2,2,2,2,, -10758,7,,2,2,2,2,,2,2,2,2,2,2,, -10759,1,2,,0,2,2,,2,2,2,2,2,2,, -10760,1,2,,0,2,2,,2,2,2,2,2,2,, -10761,1,2,,0,2,2,,2,2,2,2,2,2,, -10762,1,2,,0,2,2,,2,2,2,2,2,2,, -10763,5,,2,1,2,2,,2,2,2,2,2,2,, -10764,1,2,,0,2,2,,2,2,2,2,2,2,, -10765,4,,2,5,1,2,,2,2,2,2,2,2,, -10766,1,2,,1,2,2,,2,2,2,2,2,2,, -10767,1,2,2,0,2,2,,2,2,2,2,2,2,, -10768,1,2,,0,2,2,,2,2,2,2,2,2,, -10769,1,2,2,1,2,2,,2,2,2,2,2,2,, -10770,4,,2,2,2,2,,2,2,2,2,2,2,, -10771,1,2,,0,2,2,,2,2,2,2,2,2,, -10772,7,,2,8,2,2,,2,2,2,2,2,2,, -10773,1,2,,0,2,2,,2,2,2,2,2,2,, -10774,1,2,2,0,2,2,,2,2,2,2,2,2,, -10775,1,2,2,0,2,2,,2,2,2,2,2,2,, -10776,7,,2,17,1,2,,2,1,1,2,1,2,, -10777,7,,2,10,2,2,,2,2,2,2,2,2,, -10778,5,,2,0,2,2,,2,2,2,2,2,2,, -10779,1,2,2,0,2,2,,2,2,2,2,2,2,, -10780,1,2,,0,2,2,,2,2,2,2,2,2,, -10781,4,,2,1,2,2,,2,2,2,2,2,2,, -10782,1,2,2,0,2,2,,2,2,2,2,2,2,, -10783,4,,2,3,2,2,,2,2,2,2,1,2,, -10784,7,,2,7,2,2,,2,2,2,2,1,2,, -10785,1,2,,0,2,2,,2,2,2,2,2,2,, -10786,7,,2,1,1,2,,2,2,2,2,2,2,, -10787,1,2,,1,2,2,,2,2,2,2,2,2,, -10788,4,,2,2,2,2,,2,2,2,2,2,2,, -10789,1,2,,0,2,2,,2,2,2,2,2,2,, -10790,7,,2,13,2,2,,2,2,1,2,1,2,, -10791,4,,2,1,2,2,,2,2,2,2,2,2,, -10792,4,,2,1,2,2,,2,2,2,2,2,2,, -10793,1,2,2,0,2,2,,2,2,2,2,2,2,, -10794,4,,2,2,2,2,,2,2,2,2,2,2,, -10795,6,,2,2,2,2,,2,2,1,2,1,2,, -10796,1,2,2,0,2,2,,2,2,2,2,2,2,, -10797,1,2,2,0,2,2,,2,2,2,2,2,2,, -10798,4,,2,6,2,2,,2,2,1,2,2,2,, -10799,1,2,2,0,2,2,,2,2,2,2,2,2,, -10800,4,,2,2,2,2,,2,2,2,2,2,2,, -10801,1,2,,0,2,2,,2,2,2,2,2,2,, -10802,1,2,,0,2,2,,2,2,2,2,2,2,, -10803,1,2,,0,2,2,,2,2,2,2,2,2,, -10804,5,,2,1,2,2,,2,2,2,2,1,2,, -10805,7,,2,1,2,2,,2,2,2,2,2,2,, -10806,1,2,,0,2,2,,2,2,2,2,2,2,, -10807,4,,2,1,2,2,,2,2,2,2,2,2,, -10808,1,2,2,0,2,2,,2,2,2,2,2,2,, -10809,1,2,,0,2,2,,2,2,2,2,2,2,, -10810,5,,2,1,2,2,,2,2,2,2,2,2,, -10811,7,,2,1,2,2,,2,2,2,2,2,2,, -10812,1,2,2,0,2,2,,2,2,2,2,2,2,, -10813,4,,2,1,2,2,,2,2,2,2,2,2,, -10814,1,2,2,1,2,2,,2,2,2,2,2,2,, -10815,1,2,,1,2,2,,2,2,2,2,2,2,, -10816,1,2,,0,2,2,,2,2,2,2,2,2,, -10817,1,2,2,0,2,2,,2,2,2,2,2,2,, -10818,1,2,2,0,2,2,,2,2,2,2,2,2,, -10819,1,2,,0,2,2,,2,2,2,2,2,2,, -10820,1,2,,0,2,2,,2,2,2,2,2,2,, -10821,1,2,,0,2,2,,2,2,2,2,2,2,, -10822,4,,2,2,2,2,,2,2,2,2,2,2,, -10823,1,2,2,0,2,2,,2,2,2,2,2,2,, -10824,1,2,2,0,2,2,,2,2,2,2,2,2,, -10825,4,,2,5,1,2,,2,2,2,2,2,2,, -10826,7,,2,1,2,2,,2,2,2,2,2,2,, -10827,5,,2,1,2,2,,2,2,2,2,2,2,, -10828,4,,2,3,2,2,,2,2,2,2,2,2,, -10829,1,2,2,0,2,2,,2,2,2,2,2,2,, -10830,1,2,2,0,2,2,,2,2,2,2,2,2,, -10831,6,,2,5,2,2,,2,2,2,2,2,2,, -10832,1,2,,0,2,2,,2,2,2,2,2,2,, -10833,7,,2,2,2,2,,2,2,2,2,2,2,, -10834,1,2,,0,2,2,,2,2,2,2,2,2,, -10835,7,,2,4,1,2,,2,2,2,2,2,2,, -10836,4,,2,1,2,2,,2,2,2,2,2,2,, -10837,1,2,,1,2,2,,2,2,2,2,2,2,, -10838,4,,2,1,2,2,,2,2,2,2,1,2,, -10839,5,,2,1,2,2,,2,2,2,2,2,2,, -10840,4,,2,5,2,2,,2,2,2,1,1,2,, -10841,4,,2,2,2,2,,2,2,2,2,2,2,, -10842,1,2,,0,2,2,,2,2,2,2,2,2,, -10843,1,2,,0,2,2,,2,2,2,2,2,2,, -10844,4,,2,4,2,2,,2,2,2,2,2,2,, -10845,4,,2,4,2,2,,2,2,2,2,2,2,, -10846,1,2,2,0,2,2,,2,2,2,2,2,2,, -10847,4,,1,1,2,2,,2,2,2,2,2,2,, -10848,4,,2,1,2,2,,2,2,2,2,2,2,, -10849,1,2,,0,2,2,,2,2,2,2,2,2,, -10850,4,,2,1,2,2,,2,2,2,2,2,2,, -10851,4,,2,2,2,2,,2,2,2,2,2,2,, -10852,5,,2,1,2,2,,2,2,2,2,2,2,, -10853,7,,2,5,2,2,,2,2,2,2,2,2,, -10854,1,2,2,0,2,2,,2,2,2,2,2,2,, -10855,4,,2,1,2,2,,2,2,2,2,2,2,, -10856,7,,2,4,2,2,,2,2,2,2,1,2,, -10857,1,2,2,1,2,2,,2,2,2,2,2,2,, -10858,1,2,2,0,2,2,,2,2,2,2,2,2,, -10859,7,,2,3,2,2,,2,2,2,2,2,2,, -10860,1,2,,1,2,2,,2,2,2,2,2,2,, -10861,4,,2,3,2,2,,2,2,2,2,2,2,, -10862,1,2,,0,2,2,,2,2,2,2,2,2,, -10863,1,2,,0,2,2,,2,2,2,2,2,2,, -10864,7,,2,14,2,2,,2,2,2,2,2,2,, -10865,1,2,2,0,2,2,,2,2,2,2,2,2,, -10866,1,2,,0,2,2,,2,2,2,2,2,2,, -10867,4,,2,1,2,2,,2,2,2,2,2,2,, -10868,1,2,2,0,2,2,,2,2,2,2,2,2,, -10869,1,2,,0,2,2,,2,2,2,2,2,2,, -10870,7,,2,1,2,2,,2,2,2,2,2,2,, -10871,4,,2,5,1,2,,2,2,2,2,2,2,, -10872,4,,2,2,2,2,,2,2,2,2,2,2,, -10873,5,,2,1,2,2,,2,2,2,2,2,2,, -10874,4,,2,1,2,2,,2,2,2,2,2,2,, -10875,1,2,2,0,2,2,,2,2,2,2,2,2,, -10876,1,2,2,1,2,2,,2,2,2,2,2,2,, -10877,7,,2,3,2,2,,2,2,2,1,2,2,, -10878,1,2,,0,2,2,,2,2,2,2,2,2,, -10879,5,,2,1,2,2,,2,2,2,2,2,2,, -10880,4,,2,2,2,2,,2,2,2,2,2,2,, -10881,7,,2,5,1,2,,2,2,2,2,2,2,, -10882,1,2,,0,2,2,,2,2,2,2,2,2,, -10883,5,,2,1,2,2,,2,2,2,2,2,2,, -10884,1,2,2,0,2,2,,2,2,2,2,2,2,, -10885,4,,2,1,2,2,,2,2,2,2,2,2,, -10886,1,2,,0,2,2,,2,2,2,2,2,2,, -10887,4,,2,2,2,2,,2,2,2,2,1,2,, -10888,4,,2,1,2,2,,2,2,2,2,2,2,, -10889,1,2,,1,2,2,,2,2,2,2,2,2,, -10890,4,,2,2,2,2,,2,2,2,1,2,2,, -10891,1,2,2,0,2,2,,2,2,2,2,2,2,, -10892,6,,2,5,2,2,,2,2,2,2,1,2,, -10893,6,,2,14,2,2,,2,2,2,2,2,2,, -10894,1,2,2,0,2,2,,2,2,2,2,2,2,, -10895,5,,2,1,2,2,,2,2,2,2,2,2,, -10896,1,2,2,0,2,2,,2,2,2,2,2,2,, -10897,1,2,2,0,2,2,,2,2,2,2,2,2,, -10898,4,,2,4,2,2,,2,2,2,2,2,2,, -10899,5,,2,1,2,2,,2,2,2,2,2,2,, -10900,1,2,2,0,2,2,,2,2,2,2,2,2,, -10901,5,,2,1,2,2,,2,2,2,2,2,2,, -10902,4,,2,1,2,2,,2,2,2,2,2,2,, -10903,4,,2,2,2,2,,2,2,2,1,2,2,, -10904,4,,2,1,1,2,,2,2,2,2,2,2,, -10905,1,2,,1,2,2,,2,2,2,2,2,2,, -10906,4,,2,1,2,2,,2,2,2,2,2,2,, -10907,1,2,,0,2,2,,2,2,2,2,2,2,, -10908,1,2,2,0,2,2,,2,2,2,2,2,2,, -10909,1,2,,0,2,2,,2,2,2,2,2,2,, -10910,4,,2,1,2,2,,2,2,2,2,2,2,, -10911,4,,2,1,2,2,,2,2,2,2,1,2,, -10912,1,2,,1,2,2,,2,2,2,2,2,2,, -10913,1,2,2,1,2,2,,2,2,2,2,2,2,, -10914,4,,2,1,1,2,,2,2,2,2,2,2,, -10915,1,2,,1,2,2,,2,2,2,2,2,2,, -10916,1,2,,0,2,2,,2,2,2,2,2,2,, -10917,1,2,2,0,2,2,,2,2,2,2,2,2,, -10918,7,,2,8,1,2,,2,2,2,1,2,2,, -10919,1,2,,1,2,2,,2,2,2,2,2,2,, -10920,1,2,,0,2,2,,2,2,2,2,2,2,, -10921,4,,2,3,2,2,,2,2,1,2,2,2,, -10922,4,,2,1,2,2,,2,2,2,2,2,2,, -10923,4,,2,1,2,2,,2,2,2,2,2,2,, -10924,5,,2,1,2,2,,2,2,2,2,1,2,, -10925,1,2,,1,2,2,,2,2,2,2,2,2,, -10926,1,2,2,0,2,2,,2,2,2,2,2,2,, -10927,4,,2,1,2,2,,2,2,2,2,2,2,, -10928,1,2,,0,2,2,,2,2,2,2,2,2,, -10929,7,,2,4,1,2,,2,2,2,2,2,2,, -10930,4,,2,4,2,2,,2,2,2,2,2,2,, -10931,1,2,,1,2,2,,2,2,2,2,2,2,, -10932,1,2,,0,2,2,,2,2,2,2,2,2,, -10933,1,2,2,1,2,2,,2,2,2,2,2,2,, -10934,4,,2,1,2,2,,2,2,2,2,2,2,, -10935,4,,2,1,2,2,,2,2,2,2,2,2,, -10936,7,,2,3,2,2,,2,2,2,2,2,2,, -10937,4,,2,2,2,2,,2,2,2,2,1,2,, -10938,1,2,,0,2,2,,2,2,2,2,2,2,, -10939,7,,2,3,2,2,,2,2,2,2,2,2,, -10940,4,,2,1,2,2,,2,2,2,2,2,2,, -10941,7,,2,1,2,2,,2,2,1,1,2,1,3, -10942,4,,2,2,2,2,,2,2,2,2,1,2,, -10943,4,,2,1,2,2,,2,2,2,2,2,2,, -10944,1,2,,1,2,2,,2,2,2,2,2,2,, -10945,1,2,2,0,2,2,,2,2,2,2,2,2,, -10946,1,2,2,0,2,2,,2,2,2,2,2,2,, -10947,1,2,2,0,2,2,,2,2,2,2,2,2,, -10948,4,,2,1,2,2,,2,2,2,2,2,2,, -10949,1,2,2,0,2,2,,2,2,2,2,2,2,, -10950,4,,2,1,2,2,,2,2,2,2,1,2,, -10951,6,,2,9,2,2,,2,2,2,2,1,2,, -10952,1,2,2,0,2,2,,2,2,2,2,2,2,, -10953,1,2,2,0,2,2,,2,2,2,2,2,2,, -10954,1,2,2,1,2,2,,2,2,2,2,2,2,, -10955,1,2,,0,2,2,,2,2,2,2,2,2,, -10956,4,,2,1,2,2,,2,2,2,2,2,2,, -10957,1,2,,0,2,2,,2,2,2,2,2,2,, -10958,1,2,2,0,2,2,,2,2,1,2,2,2,, -10959,5,,2,1,2,2,,2,2,2,1,2,2,, -10960,1,2,2,0,2,2,,2,2,2,2,2,2,, -10961,7,,2,3,2,2,,2,2,2,2,2,2,, -10962,7,,2,4,2,2,,2,2,1,2,1,2,, -10963,1,2,,0,2,2,,2,2,2,2,2,2,, -10964,1,2,,1,2,2,,2,2,2,2,2,2,, -10965,1,2,,0,2,2,,2,2,2,2,2,2,, -10966,4,,2,1,2,2,,2,2,2,2,2,2,, -10967,1,2,,0,2,2,,2,2,2,2,2,2,, -10968,4,,2,1,2,2,,2,2,2,2,2,2,, -10969,1,2,,0,2,2,,2,2,2,2,2,2,, -10970,5,,2,1,2,2,,2,2,2,2,2,2,, -10971,1,2,,0,2,2,,2,2,2,2,2,2,, -10972,5,,2,1,2,2,,2,2,2,2,2,2,, -10973,1,2,2,0,2,2,,2,2,2,2,2,2,, -10974,4,,2,1,2,2,,2,2,2,2,2,2,, -10975,1,2,,0,2,2,,2,2,2,2,2,2,, -10976,1,2,,0,2,2,,2,2,2,2,2,2,, -10977,1,2,,1,2,2,,2,2,2,2,2,2,, -10978,1,2,,0,2,2,,2,2,2,2,2,2,, -10979,4,,2,1,2,2,,2,2,2,2,2,2,, -10980,1,2,,1,2,2,,2,2,2,2,2,2,, -10981,4,,2,1,2,2,,2,2,2,2,2,2,, -10982,1,2,2,0,2,2,,2,2,2,2,2,2,, -10983,1,2,,0,2,2,,2,2,2,2,2,2,, -10984,1,2,2,0,2,2,,2,2,2,2,2,2,, -10985,4,,2,1,2,2,,2,2,2,2,2,2,, -10986,4,,2,2,2,2,,2,2,2,2,1,2,, -10987,5,,2,0,2,2,,2,2,2,2,2,2,, -10988,1,2,2,0,2,2,,2,2,2,2,2,2,, -10989,5,,2,1,2,2,,2,2,2,2,2,2,, -10990,1,2,,1,2,2,,2,2,2,2,2,2,, -10991,6,,2,40,2,2,,2,2,2,2,1,2,, -10992,6,,2,4,2,2,,2,2,2,2,1,2,, -10993,1,2,,0,2,2,,2,2,2,2,2,2,, -10994,4,,2,5,1,2,,2,2,2,2,2,2,, -10995,1,2,2,0,2,2,,2,2,2,2,2,2,, -10996,7,,2,9,2,2,,2,2,2,2,2,2,, -10997,1,2,,0,2,2,,2,2,2,2,2,2,, -10998,1,2,2,0,2,2,,2,2,2,2,2,2,, -10999,4,,2,1,2,2,,2,2,2,2,2,2,, -11000,4,,2,1,2,2,,2,2,2,2,2,2,, -11001,1,2,,1,2,2,,2,2,2,2,2,2,, -11002,1,2,,1,2,2,,2,2,2,2,2,2,, -11003,4,,2,1,2,2,,2,2,2,2,2,2,, -11004,4,,2,2,2,2,,2,2,2,2,2,2,, -11005,1,2,,0,2,2,,2,2,2,2,2,2,, -11006,1,2,,0,2,2,,2,2,2,2,2,2,, -11007,4,,2,1,2,2,,2,2,2,2,2,2,, -11008,1,2,,0,2,2,,2,2,2,2,2,2,, -11009,1,2,,0,2,2,,2,2,2,2,2,2,, -11010,1,2,,0,2,2,,2,2,2,2,2,2,, -11011,4,,2,1,2,2,,2,2,2,2,1,2,, -11012,5,,2,1,2,2,,2,2,2,2,2,2,, -11013,1,2,,0,2,2,,2,2,2,2,2,2,, -11014,1,2,,0,2,2,,2,2,2,2,2,2,, -11015,4,,2,2,2,2,,2,2,2,2,2,2,, -11016,1,2,2,0,2,2,,2,2,2,2,2,2,, -11017,5,,2,1,2,2,,2,2,2,2,2,2,, -11018,1,2,,0,2,2,,2,2,2,2,2,2,, -11019,6,,2,4,2,2,,2,2,2,2,1,2,, -11020,5,,2,1,2,2,,2,2,2,2,2,2,, -11021,4,,2,3,2,2,,2,2,2,2,1,2,, -11022,4,,2,1,2,2,,2,2,2,2,2,2,, -11023,4,,2,2,2,2,,2,2,2,2,2,2,, -11024,4,,2,4,2,2,,2,2,2,2,1,2,, -11025,4,,2,1,2,2,,2,2,2,2,1,2,, -11026,1,2,2,1,2,2,,2,2,2,2,2,2,, -11027,4,,2,2,2,2,,2,2,1,2,2,2,, -11028,1,2,2,0,2,2,,2,2,2,2,2,2,, -11029,1,2,2,0,2,2,,2,2,2,2,2,2,, -11030,1,2,,0,2,2,,2,2,2,2,2,2,, -11031,1,2,2,0,2,2,,2,2,2,2,2,2,, -11032,4,,2,4,2,2,,2,2,2,2,1,2,, -11033,1,2,,0,2,2,,2,2,2,2,2,2,, -11034,6,,2,4,2,2,,2,2,2,2,1,2,, -11035,1,1,2,2,2,2,,2,2,2,2,2,2,, -11036,4,,2,3,2,2,,2,2,2,2,1,2,, -11037,1,2,2,1,2,2,,2,2,2,2,2,2,, -11038,1,2,2,1,2,2,,2,2,2,2,2,2,, -11039,4,,2,1,2,2,,2,2,2,2,2,2,, -11040,1,2,,0,2,2,,2,2,2,2,2,2,, -11041,5,,2,0,2,2,,2,2,2,2,2,2,, -11042,7,,2,9,2,2,,2,2,1,2,2,2,, -11043,4,,2,3,2,2,,2,2,2,2,1,2,, -11044,4,,2,2,2,2,,2,2,2,2,2,2,, -11045,1,2,2,0,2,2,,2,2,2,2,2,2,, -11046,5,,2,1,2,2,,2,2,2,2,2,2,, -11047,1,2,,1,2,2,,2,2,2,2,2,2,, -11048,1,2,2,0,2,2,,2,2,2,2,2,2,, -11049,7,,2,2,2,2,,2,2,2,2,1,1,3, -11050,1,2,2,0,2,2,,2,2,2,2,2,2,, -11051,1,2,2,0,2,2,,2,2,2,2,2,2,, -11052,1,2,2,0,2,2,,2,2,2,2,2,2,, -11053,1,2,,0,2,2,,2,2,2,2,2,2,, -11054,1,2,2,0,2,2,,2,2,2,2,2,2,, -11055,1,2,2,0,2,2,,2,2,2,2,2,2,, -11056,1,2,,0,2,2,,2,2,2,2,2,2,, -11057,1,2,,1,2,2,,2,2,2,2,2,2,, -11058,4,,2,2,1,2,,2,2,1,2,2,2,, -11059,7,,2,3,2,2,,2,2,2,2,1,2,, -11060,1,2,2,0,2,2,,2,2,2,2,2,2,, -11061,1,2,2,0,2,2,,2,2,2,2,2,2,, -11062,4,,2,5,2,2,,2,2,1,2,1,2,, -11063,1,2,2,0,2,2,,2,2,2,2,2,2,, -11064,4,,2,2,2,2,,2,2,2,2,1,2,, -11065,1,2,2,0,2,2,,2,2,2,2,2,2,, -11066,7,,2,18,2,2,,2,2,2,2,2,2,, -11067,1,2,2,0,2,2,,2,2,2,2,2,2,, -11068,1,2,,0,2,2,,2,2,2,2,2,2,, -11069,1,2,2,0,2,2,,2,2,2,2,2,2,, -11070,1,2,,1,2,2,,2,2,2,2,2,2,, -11071,4,,2,1,2,2,,2,2,2,2,2,2,, -11072,1,2,2,0,2,2,,2,2,2,2,2,2,, -11073,7,,2,3,2,2,,2,2,2,2,2,2,, -11074,7,,1,9,2,2,,2,2,1,1,2,2,, -11075,1,2,2,0,2,2,,2,2,2,2,2,2,, -11076,7,,2,2,2,2,,2,2,2,2,2,2,, -11077,1,2,2,0,2,2,,2,2,2,2,2,2,, -11078,4,,2,3,2,2,,2,2,2,2,1,2,, -11079,1,2,2,0,2,2,,2,2,2,2,2,2,, -11080,1,2,2,0,2,2,,2,2,2,2,2,2,, -11081,4,,2,3,2,2,,2,2,2,2,1,2,, -11082,1,2,,0,2,2,,2,2,2,2,2,2,, -11083,1,2,2,0,2,2,,2,2,2,2,2,2,, -11084,1,2,2,1,2,2,,2,2,2,2,2,2,, -11085,1,2,,0,2,2,,2,2,2,2,2,2,, -11086,1,2,2,0,2,2,,2,2,2,2,2,2,, -11087,4,,2,6,1,2,,2,2,2,2,2,2,, -11088,1,2,,0,2,2,,2,2,2,2,2,2,, -11089,7,,2,5,1,2,,2,2,2,2,2,2,, -11090,1,2,,0,2,2,,2,2,2,2,2,2,, -11091,1,2,,0,2,2,,2,2,2,2,2,2,, -11092,7,,2,6,1,2,,2,2,1,2,1,2,, -11093,1,2,2,0,2,2,,2,2,2,2,2,2,, -11094,1,2,,1,2,2,,2,2,2,2,2,2,, -11095,6,,2,9,2,2,,2,2,2,2,1,2,, -11096,1,2,,0,2,2,,2,2,2,2,2,2,, -11097,1,2,2,0,2,2,,2,2,2,2,2,2,, -11098,4,,2,1,2,2,,2,2,2,2,2,2,, -11099,4,,2,6,2,2,,2,2,1,1,1,2,, -11100,1,2,,0,2,2,,2,2,2,2,2,2,, -11101,4,,2,1,2,2,,2,2,2,2,2,2,, -11102,2,2,2,0,2,2,,2,2,2,2,2,2,, -11103,4,,2,1,2,2,,2,2,2,2,2,2,, -11104,5,,2,1,2,2,,2,2,2,2,2,2,, -11105,4,,2,1,2,2,,2,2,2,2,2,2,, -11106,4,,1,1,2,2,,2,2,2,2,2,2,, -11107,1,2,,0,2,2,,2,2,2,2,2,2,, -11108,1,2,,1,2,2,,2,2,2,2,2,2,, -11109,6,,2,4,2,2,,2,2,1,2,1,2,, -11110,4,,2,1,2,2,,2,2,2,2,2,2,, -11111,4,,2,2,2,2,,2,2,2,2,2,2,, -11112,1,2,2,0,2,2,,2,2,2,2,2,2,, -11113,5,,2,1,2,2,,2,2,2,2,2,2,, -11114,1,2,2,0,2,2,,2,2,2,2,2,2,, -11115,1,2,,1,2,2,,2,2,2,2,2,2,, -11116,1,2,,1,2,2,,2,2,2,2,2,2,, -11117,4,,2,2,2,2,,2,2,2,2,2,2,, -11118,1,2,,0,2,2,,2,2,2,2,2,2,, -11119,1,2,,1,2,2,,2,2,2,2,2,2,, -11120,1,2,2,0,2,2,,2,2,2,2,2,2,, -11121,1,2,2,0,2,2,,2,2,2,2,2,2,, -11122,4,,2,1,2,2,,2,2,2,2,2,2,, -11123,7,,2,10,2,2,,2,2,1,1,2,2,, -11124,1,2,2,0,2,2,,2,2,2,2,2,2,, -11125,6,,2,3,2,2,,2,2,2,2,1,2,, -11126,6,,2,18,2,2,,2,2,2,2,1,2,, -11127,1,2,,0,2,2,,2,2,2,2,2,2,, -11128,1,2,,0,2,2,,2,2,2,2,2,2,, -11129,1,2,2,1,2,2,,2,2,2,2,2,2,, -11130,1,2,,0,2,2,,2,2,2,2,2,2,, -11131,5,,2,33,2,2,,2,2,2,2,2,2,, -11132,4,,2,14,2,2,,2,2,2,2,2,2,, -11133,1,2,2,0,2,2,,2,2,2,2,2,2,, -11134,4,,2,1,2,2,,2,2,2,2,2,2,, -11135,4,,2,1,2,2,,2,2,2,2,2,2,, -11136,7,,2,2,2,2,,2,2,1,2,2,2,, -11137,1,2,,0,2,2,,2,2,2,2,2,2,, -11138,5,,2,1,2,2,,2,2,2,2,2,2,, -11139,1,2,2,0,2,2,,2,2,2,2,2,2,, -11140,4,,2,3,2,2,,2,2,2,2,2,2,, -11141,1,2,,0,2,2,,2,2,2,2,2,2,, -11142,4,,2,2,1,2,,2,2,2,2,2,2,, -11143,1,2,,0,2,2,,2,2,2,2,2,2,, -11144,4,,2,2,2,2,,2,2,2,2,2,2,, -11145,1,2,2,0,2,2,,2,2,2,2,2,2,, -11146,4,,2,1,2,2,,2,2,2,2,2,2,, -11147,4,,2,2,2,2,,2,2,2,2,2,2,, -11148,4,,2,1,2,2,,2,2,2,2,2,2,, -11149,1,2,,0,2,2,,2,2,2,2,2,2,, -11150,4,,2,2,2,2,,2,2,2,2,1,2,, -11151,4,,2,1,2,2,,2,2,2,2,2,2,, -11152,7,,2,12,2,2,,2,2,2,2,2,2,, -11153,7,,2,2,2,2,,2,2,2,2,2,2,, -11154,1,2,2,0,2,2,,2,2,2,2,2,2,, -11155,4,,2,1,2,2,,2,2,2,2,2,2,, -11156,6,,2,1,2,2,,2,2,2,2,2,2,, -11157,5,,1,1,1,2,,2,2,1,2,2,2,, -11158,1,2,,0,2,2,,2,2,2,2,2,2,, -11159,1,2,2,0,2,2,,2,2,2,2,2,2,, -11160,1,2,,0,2,2,,2,2,2,2,2,2,, -11161,1,2,2,1,2,2,,2,2,2,2,2,2,, -11162,1,2,,0,2,2,,2,2,2,2,2,2,, -11163,6,,2,21,2,2,,2,2,2,2,1,2,, -11164,4,,2,0,2,2,,2,2,2,2,2,2,, -11165,1,2,,1,2,2,,2,2,2,2,2,2,, -11166,4,,2,1,2,2,,2,2,2,2,2,2,, -11167,4,,2,9,1,2,,2,1,1,2,2,2,, -11168,1,2,2,0,2,2,,2,2,2,2,2,2,, -11169,1,2,2,0,2,2,,2,2,2,2,2,2,, -11170,1,2,,0,2,2,,2,2,2,2,2,2,, -11171,1,2,,0,2,2,,2,2,2,2,2,2,, -11172,1,2,,0,2,2,,2,2,2,2,2,2,, -11173,7,,2,5,1,2,,2,1,2,2,2,2,, -11174,1,2,2,0,2,2,,2,2,2,2,2,2,, -11175,5,,2,1,2,2,,2,2,2,2,2,2,, -11176,7,,2,5,2,2,,2,2,2,2,2,2,, -11177,4,,2,2,2,2,,2,2,2,2,2,2,, -11178,4,,2,2,2,2,,2,2,2,2,2,2,, -11179,1,2,,0,2,2,,2,2,2,2,2,2,, -11180,1,2,2,0,2,2,,2,2,2,2,2,2,, -11181,1,2,,0,2,2,,2,2,2,2,2,2,, -11182,1,2,,0,2,2,,2,2,2,2,2,2,, -11183,1,2,2,0,2,2,,2,2,2,2,2,2,, -11184,5,,2,1,2,2,,2,2,2,2,2,2,, -11185,1,2,,0,2,2,,2,2,2,2,2,2,, -11186,1,2,,0,2,2,,2,2,2,2,2,2,, -11187,4,,2,1,2,2,,2,2,2,2,2,2,, -11188,1,2,2,0,2,2,,2,2,2,2,2,2,, -11189,1,2,,0,2,2,,2,2,2,2,2,2,, -11190,1,2,2,0,2,2,,2,2,2,2,2,2,, -11191,1,2,,1,2,2,,2,2,2,2,2,2,, -11192,4,,2,15,1,2,,2,2,1,2,1,2,, -11193,1,2,2,0,2,2,,2,2,2,2,2,2,, -11194,5,,2,2,2,2,,2,2,2,2,2,2,, -11195,4,,2,1,2,2,,2,2,2,2,2,2,, -11196,1,2,,1,2,2,,2,2,2,2,2,2,, -11197,4,,2,1,2,2,,2,2,2,2,2,2,, -11198,7,,2,2,2,2,,2,2,2,2,2,2,, -11199,4,,2,2,2,2,,2,2,1,2,2,2,, -11200,4,,2,1,2,2,,2,2,2,2,2,2,, -11201,7,,2,3,2,2,,2,2,2,2,2,2,, -11202,4,,2,1,2,2,,2,2,2,2,2,2,, -11203,1,2,,0,2,2,,2,2,2,2,2,2,, -11204,1,2,,0,2,2,,2,2,2,2,2,2,, -11205,4,,2,3,1,2,,2,2,2,2,2,2,, -11206,4,,2,1,2,2,,2,2,2,2,1,2,, -11207,4,,2,10,2,2,,2,2,2,2,2,2,, -11208,1,2,2,0,2,2,,2,2,2,2,2,2,, -11209,1,2,,0,2,2,,2,2,2,2,2,2,, -11210,4,,2,2,2,2,,2,2,2,2,1,2,, -11211,5,,2,1,2,2,,2,2,2,2,2,2,, -11212,4,,2,2,2,2,,2,2,2,2,1,2,, -11213,4,,2,2,2,2,,2,2,2,2,2,2,, -11214,4,,2,2,1,2,,2,2,1,2,2,2,, -11215,6,,2,7,2,2,,2,2,2,2,1,2,, -11216,1,2,,0,2,2,,2,2,2,2,2,2,, -11217,1,2,2,1,2,2,,2,2,2,2,2,2,, -11218,4,,2,2,2,2,,2,2,2,2,2,2,, -11219,4,,2,3,2,2,,2,2,2,2,1,2,, -11220,5,,2,1,2,2,,2,2,2,2,2,2,, -11221,4,,2,1,2,2,,2,2,2,2,2,2,, -11222,4,,2,3,2,2,,2,2,2,2,1,2,, -11223,1,2,2,0,2,2,,2,2,2,2,2,2,, -11224,5,,2,2,2,2,,2,2,2,2,2,2,, -11225,1,2,,0,2,2,,2,2,2,2,2,2,, -11226,7,,2,1,2,2,,2,2,2,2,2,2,, -11227,5,,2,1,2,2,,2,2,2,2,1,2,, -11228,7,,2,3,2,2,,2,2,2,2,2,2,, -11229,7,,2,3,2,2,,2,2,2,2,2,2,, -11230,1,2,,1,2,2,,2,2,2,2,2,2,, -11231,1,2,,0,2,2,,2,2,2,2,2,2,, -11232,1,2,2,0,2,2,,2,2,2,2,2,2,, -11233,1,2,,0,2,2,,2,2,2,2,2,2,, -11234,1,2,2,1,2,2,,2,2,2,2,2,2,, -11235,1,2,2,0,2,2,,2,2,2,2,2,2,, -11236,7,,2,5,2,2,,2,2,2,2,2,2,, -11237,1,2,2,0,2,2,,2,2,2,2,2,2,, -11238,1,2,,0,2,2,,2,2,2,2,2,2,, -11239,5,,2,1,2,2,,2,2,2,2,2,2,, -11240,1,2,2,0,2,2,,2,2,2,2,2,2,, -11241,1,2,2,0,2,2,,2,2,2,2,2,2,, -11242,4,,2,3,2,2,,2,2,2,2,2,2,, -11243,7,,2,1,2,2,,2,2,2,2,2,2,, -11244,4,,2,1,2,2,,2,2,2,2,2,2,, -11245,4,,2,4,2,2,,2,2,2,2,1,2,, -11246,1,2,2,0,2,2,,2,2,2,2,2,2,, -11247,4,,1,6,1,2,,1,1,2,2,2,2,, -11248,4,,2,3,2,2,,2,2,1,2,2,2,, -11249,1,2,,1,2,2,,2,2,2,2,2,2,, -11250,5,,2,1,2,2,,2,2,2,2,2,2,, -11251,1,2,2,1,2,2,,2,2,2,2,2,2,, -11252,1,2,,0,2,2,,2,2,2,2,2,2,, -11253,5,,2,1,2,2,,2,2,2,2,2,2,, -11254,1,2,,1,2,2,,2,2,2,2,2,2,, -11255,1,2,2,1,2,2,,2,2,2,2,2,2,, -11256,4,,2,1,2,2,,2,2,2,2,2,2,, -11257,1,2,2,1,2,2,,2,2,2,2,2,2,, -11258,4,,2,0,2,2,,2,2,2,2,2,2,, -11259,4,,2,1,2,2,,2,2,2,1,2,2,, -11260,1,2,,0,2,2,,2,2,2,2,2,2,, -11261,4,,2,1,2,2,,2,2,2,2,2,2,, -11262,1,2,2,0,2,2,,2,2,2,2,2,2,, -11263,4,,2,1,2,2,,2,2,2,2,2,2,, -11264,4,,2,1,2,2,,2,2,2,2,2,2,, -11265,7,,2,2,2,2,,2,2,2,2,1,2,, -11266,4,,2,1,2,2,,2,2,2,2,2,2,, -11267,1,2,2,1,2,2,,2,2,2,2,2,2,, -11268,4,,2,2,2,2,,2,2,2,2,1,2,, -11269,5,,2,1,2,2,,2,2,2,2,2,2,, -11270,4,,2,1,2,2,,2,2,2,2,2,2,, -11271,4,,2,2,2,2,,2,2,2,2,2,2,, -11272,1,2,,0,2,2,,2,2,2,2,2,2,, -11273,1,2,2,0,2,2,,2,2,2,2,2,2,, -11274,1,2,2,1,2,2,,2,2,2,2,2,2,, -11275,7,,2,4,2,2,,2,2,2,1,1,2,, -11276,1,2,,1,2,2,,2,2,2,2,2,2,, -11277,1,2,2,0,2,2,,2,2,2,2,2,2,, -11278,7,,1,1,2,2,,2,2,2,2,2,2,, -11279,4,,2,1,2,2,,2,2,2,2,2,2,, -11280,1,2,,1,2,2,,2,2,2,2,2,2,, -11281,1,2,,0,2,2,,2,2,2,2,2,2,, -11282,1,2,,0,2,2,,2,2,2,2,2,2,, -11283,4,,2,3,2,2,,2,2,1,2,2,2,, -11284,4,,2,1,2,2,,2,2,2,2,2,2,, -11285,4,,2,0,2,2,,2,2,1,2,2,2,, -11286,7,,2,5,1,2,,2,2,2,2,1,2,, -11287,1,2,2,0,2,2,,2,2,2,2,2,2,, -11288,7,,2,3,2,2,,2,2,1,2,2,2,, -11289,4,,2,1,2,2,,2,2,2,2,2,2,, -11290,4,,2,1,2,2,,2,2,2,2,2,2,, -11291,1,2,,0,2,2,,2,2,2,2,2,2,, -11292,1,2,,0,2,2,,2,2,2,2,2,2,, -11293,4,,2,1,2,2,,2,2,2,2,2,2,, -11294,1,2,,0,2,2,,2,2,2,2,2,2,, -11295,4,,2,2,2,2,,2,2,2,2,2,2,, -11296,6,,2,0,2,2,,2,2,2,2,1,2,, -11297,4,,2,3,2,2,,2,2,2,2,2,2,, -11298,4,,2,2,2,2,,2,2,2,2,1,2,, -11299,1,2,,0,2,2,,2,2,2,2,2,2,, -11300,1,2,2,0,2,2,,2,2,2,2,2,2,, -11301,1,2,,0,2,2,,2,2,2,2,2,2,, -11302,1,2,,0,2,2,,2,2,2,2,2,2,, -11303,4,,2,3,2,2,,2,2,2,2,2,2,, -11304,4,,2,2,1,2,,2,2,2,2,2,2,, -11305,5,,2,1,2,2,,2,2,2,2,2,2,, -11306,7,,2,1,2,2,,2,2,2,2,2,2,, -11307,4,,2,3,2,2,,2,2,2,1,1,2,, -11308,7,,2,2,1,2,,2,2,2,2,2,2,, -11309,1,2,2,0,2,2,,2,2,2,2,2,2,, -11310,4,,2,1,2,2,,2,2,2,2,2,2,, -11311,4,,2,2,1,2,,2,2,2,2,2,2,, -11312,1,2,,1,2,2,,2,2,2,2,2,2,, -11313,4,,2,3,2,2,,2,2,2,2,2,2,, -11314,1,2,,0,2,2,,2,2,2,2,2,2,, -11315,1,2,,0,2,2,,2,2,2,2,2,2,, -11316,4,,2,1,2,2,,2,2,2,2,2,2,, -11317,1,2,2,0,2,2,,2,2,2,2,2,2,, -11318,1,2,2,1,2,2,,2,2,2,2,2,2,, -11319,1,2,,1,2,2,,2,2,2,2,2,2,, -11320,6,,2,7,2,2,,2,2,1,2,1,2,, -11321,7,,2,20,1,2,,2,2,1,1,2,2,, -11322,1,2,,0,2,2,,2,2,2,2,2,2,, -11323,1,2,2,0,2,2,,2,2,2,2,2,2,, -11324,1,2,,0,2,2,,2,2,2,2,2,2,, -11325,1,2,,0,2,2,,2,2,2,2,2,2,, -11326,1,2,,0,2,2,,2,2,2,2,2,2,, -11327,5,,2,1,2,2,,2,2,2,2,2,2,, -11328,1,2,,1,2,2,,2,2,2,2,2,2,, -11329,1,2,2,0,2,2,,2,2,2,2,2,2,, -11330,1,2,2,0,2,2,,2,2,2,2,2,2,, -11331,4,,2,1,2,2,,2,2,2,2,2,2,, -11332,1,2,2,1,2,2,,2,2,2,2,2,2,, -11333,7,,2,1,2,2,,2,2,2,2,2,2,, -11334,7,,2,4,1,2,,2,2,2,2,2,2,, -11335,1,2,2,0,2,2,,2,2,2,2,2,2,, -11336,7,,2,8,2,2,,2,2,1,2,2,2,, -11337,7,,2,191,1,2,,2,2,1,2,2,2,, -11338,7,,2,6,2,2,,2,2,2,1,2,2,, -11339,1,2,2,0,2,2,,2,2,2,2,2,2,, -11340,1,2,,1,2,2,,2,2,2,2,2,2,, -11341,7,,2,1,2,2,,2,2,2,2,2,2,, -11342,1,2,2,0,2,2,,2,2,2,2,2,2,, -11343,1,2,,1,2,2,,2,2,2,2,2,2,, -11344,4,,1,1,2,2,,2,2,2,2,2,2,, -11345,1,2,2,0,2,2,,2,2,2,2,2,2,, -11346,4,,2,1,2,2,,2,2,2,2,2,2,, -11347,7,,2,1,2,2,,2,2,2,2,2,2,, -11348,4,,2,1,2,2,,2,2,2,2,2,2,, -11349,1,2,,1,2,2,,2,2,2,2,2,2,, -11350,1,2,2,0,2,2,,2,2,2,2,2,2,, -11351,1,2,,0,2,2,,2,2,2,2,2,2,, -11352,4,,2,5,2,2,,2,2,2,2,1,2,, -11353,1,2,,0,2,2,,2,2,2,2,2,2,, -11354,1,2,2,0,2,2,,2,2,2,2,2,2,, -11355,4,,2,1,2,2,,2,2,2,2,2,2,, -11356,1,2,,0,2,2,,2,2,2,2,2,2,, -11357,1,2,,0,2,2,,2,2,2,2,2,2,, -11358,1,2,,0,2,2,,2,2,2,2,2,2,, -11359,4,,2,3,2,2,,2,2,2,2,2,2,, -11360,4,,2,1,2,2,,2,2,2,2,1,2,, -11361,1,2,,0,2,2,,2,2,2,2,2,2,, -11362,4,,2,1,2,2,,2,2,2,2,2,2,, -11363,1,2,,0,2,2,,2,2,2,2,2,2,, -11364,1,2,,0,2,2,,2,2,2,2,2,2,, -11365,1,2,2,0,2,2,,2,2,2,2,2,2,, -11366,1,2,2,0,2,2,,2,2,2,2,2,2,, -11367,1,2,2,0,2,2,,2,2,2,2,2,2,, -11368,1,2,2,0,2,2,,2,2,2,2,2,2,, -11369,4,,2,1,2,2,,2,2,2,2,2,2,, -11370,7,,2,1,2,2,,2,2,2,2,2,2,, -11371,1,2,2,1,2,2,,2,2,1,2,2,2,, -11372,1,2,,0,2,2,,2,2,2,2,2,2,, -11373,4,,2,1,2,2,,2,2,2,2,2,2,, -11374,1,2,,1,2,2,,2,2,2,2,2,2,, -11375,1,2,2,0,2,2,,2,2,2,2,2,2,, -11376,7,,2,1,2,2,,2,2,2,2,2,2,, -11377,1,2,,0,2,2,,2,2,2,2,2,2,, -11378,4,,2,1,2,2,,2,2,2,2,2,2,, -11379,4,,2,1,2,2,,2,2,2,2,2,2,, -11380,1,2,2,0,2,2,,2,2,2,2,2,2,, -11381,1,2,,0,2,2,,2,2,2,2,2,2,, -11382,4,,2,3,2,2,,2,2,2,2,2,2,, -11383,1,2,,0,2,2,,2,2,2,2,2,2,, -11384,1,2,,1,2,2,,2,2,2,2,2,2,, -11385,4,,2,8,2,2,,2,2,2,2,1,2,, -11386,4,,2,1,2,2,,2,2,2,2,2,2,, -11387,4,,2,3,2,2,,2,2,1,2,2,2,, -11388,7,,2,10,2,2,,2,2,2,2,2,2,, -11389,4,,1,3,2,2,,2,2,2,2,2,2,, -11390,1,2,,0,2,2,,2,2,2,2,2,2,, -11391,1,2,,1,2,2,,2,2,2,2,2,2,, -11392,7,,2,4,2,2,,2,2,2,2,2,2,, -11393,1,2,2,1,2,2,,2,2,2,2,2,2,, -11394,7,,2,2,2,2,,2,2,2,2,2,2,, -11395,1,2,2,0,2,2,,2,2,2,2,2,2,, -11396,7,,2,3,2,2,,2,2,2,2,1,2,, -11397,4,,2,1,2,2,,2,2,2,1,2,2,, -11398,1,2,2,0,2,2,,2,2,2,2,2,2,, -11399,4,,2,3,1,2,,2,2,1,1,2,2,, -11400,1,2,2,0,1,2,,2,2,2,2,2,2,, -11401,4,,2,1,2,2,,2,2,2,2,2,2,, -11402,1,2,2,0,2,2,,2,2,2,2,2,2,, -11403,4,,2,5,2,2,,2,2,2,2,2,2,, -11404,5,,2,1,2,2,,2,2,2,1,2,2,, -11405,4,,2,1,2,2,,2,2,2,2,2,2,, -11406,1,2,2,0,2,2,,2,2,2,2,2,2,, -11407,4,,2,1,2,2,,2,2,2,2,2,2,, -11408,7,,2,3,1,2,,2,2,1,1,2,2,, -11409,4,,2,2,2,2,,2,2,1,1,2,2,, -11410,4,,2,6,2,2,,2,2,2,2,2,2,, -11411,7,,2,5,2,2,,2,2,2,2,2,2,, -11412,7,,2,5,2,2,,2,2,2,2,2,2,, -11413,5,,2,1,2,2,,2,2,2,2,2,2,, -11414,1,2,2,0,2,2,,2,2,2,2,2,2,, -11415,4,,2,1,2,2,,2,2,2,2,2,2,, -11416,1,2,2,1,2,2,,2,2,2,2,2,2,, -11417,1,2,,0,2,2,,2,2,2,2,2,2,, -11418,1,2,2,0,2,2,,2,2,2,2,2,2,, -11419,4,,2,1,2,2,,2,2,2,2,2,2,, -11420,4,,2,1,2,2,,2,2,2,2,2,2,, -11421,1,2,2,1,2,2,,2,2,2,2,2,2,, -11422,1,2,2,1,2,2,,2,2,2,2,2,2,, -11423,1,2,,0,2,2,,2,2,2,2,2,2,, -11424,7,,2,3,1,2,,2,2,2,2,2,2,, -11425,4,,2,2,1,2,,2,2,1,2,2,2,, -11426,4,,2,1,2,2,,2,2,1,2,2,2,, -11427,4,,2,4,1,2,,2,2,2,2,2,2,, -11428,1,2,2,0,2,2,,2,2,2,2,2,2,, -11429,4,,2,1,2,2,,2,2,2,2,2,2,, -11430,4,,2,1,2,2,,2,2,2,2,1,2,, -11431,4,,2,3,2,2,,2,2,2,2,2,2,, -11432,4,,2,2,2,2,,2,2,2,2,2,2,, -11433,1,2,,0,2,2,,2,2,2,2,2,2,, -11434,1,2,,0,2,2,,2,2,2,2,2,2,, -11435,1,2,,0,2,2,,2,2,2,2,2,2,, -11436,4,,2,1,2,2,,2,2,2,2,2,2,, -11437,1,2,,1,2,2,,2,2,2,2,2,2,, -11438,1,2,2,0,2,2,,2,2,2,2,2,2,, -11439,4,,2,1,2,2,,2,2,2,2,2,2,, -11440,7,,2,7,1,2,,2,2,1,2,2,2,, -11441,1,2,2,0,2,2,,2,2,2,2,2,2,, -11442,1,2,,0,2,2,,2,2,2,2,2,2,, -11443,1,2,,0,2,2,,2,2,2,2,2,2,, -11444,1,2,2,0,2,2,,2,2,2,2,2,2,, -11445,1,2,,0,2,2,,2,2,2,2,2,2,, -11446,4,,2,1,2,2,,2,2,2,2,2,2,, -11447,4,,2,1,2,2,,2,2,1,1,1,2,, -11448,4,,2,1,2,2,,2,2,2,2,2,2,, -11449,1,2,,1,2,2,,2,2,2,2,2,2,, -11450,1,2,,0,2,2,,2,2,2,2,2,2,, -11451,1,2,,0,2,2,,2,2,2,2,2,2,, -11452,4,,2,5,2,2,,2,2,2,2,1,2,, -11453,4,,2,1,2,2,,2,2,2,2,2,2,, -11454,7,,2,5,1,2,,2,1,2,2,1,2,, -11455,1,2,2,0,2,2,,2,2,2,2,2,2,, -11456,6,,2,2,2,2,,2,2,2,2,2,2,, -11457,1,2,2,0,2,2,,2,2,2,2,2,2,, -11458,1,2,,0,2,2,,2,2,2,2,2,2,, -11459,1,2,,0,2,2,,2,2,2,2,2,2,, -11460,7,,2,1,2,2,,2,2,2,2,2,2,, -11461,1,2,2,0,2,2,,2,2,2,2,2,2,, -11462,1,2,,0,2,2,,2,2,2,2,2,2,, -11463,1,2,,0,2,2,,2,2,2,2,2,2,, -11464,4,,2,4,2,2,,2,2,2,2,2,2,, -11465,4,,2,1,2,2,,2,2,2,2,2,2,, -11466,4,,2,1,2,2,,2,2,2,2,2,2,, -11467,1,2,2,0,2,2,,2,2,2,2,2,2,, -11468,1,2,,1,2,2,,2,2,2,2,2,2,, -11469,1,2,,0,2,2,,2,2,2,2,2,2,, -11470,1,2,2,0,2,2,,2,2,2,2,2,2,, -11471,5,,2,1,2,2,,2,2,2,2,2,2,, -11472,7,,2,18,2,2,,2,2,2,2,2,2,, -11473,1,2,2,0,2,2,,2,2,2,2,2,2,, -11474,7,,2,5,1,2,,2,2,1,2,2,2,, -11475,7,,2,5,2,2,,2,2,2,2,2,2,, -11476,1,2,,1,2,2,,2,2,2,2,2,2,, -11477,7,,2,1,2,2,,2,2,2,2,2,2,, -11478,1,2,,1,2,2,,2,2,2,2,2,2,, -11479,7,,2,1,2,2,,2,2,2,2,2,2,, -11480,4,,2,1,2,2,,2,2,2,2,2,2,, -11481,4,,2,3,2,2,,2,2,2,2,1,2,, -11482,4,,2,1,2,2,,2,2,2,2,2,2,, -11483,1,2,,1,2,2,,2,2,2,2,2,2,, -11484,5,,2,1,2,2,,2,2,2,2,2,2,, -11485,5,,1,1,2,2,,2,2,2,2,2,2,, -11486,1,2,2,0,2,2,,2,2,2,2,2,2,, -11487,1,2,,0,2,2,,2,2,2,2,2,2,, -11488,4,,2,1,2,2,,2,2,2,2,2,2,, -11489,1,2,,0,2,2,,2,2,2,2,2,2,, -11490,7,,2,1,2,2,,2,2,2,2,2,1,3, -11491,1,2,2,0,2,2,,2,2,2,2,2,2,, -11492,4,,2,3,1,2,,2,2,2,2,2,2,, -11493,7,,2,8,2,2,,2,2,2,2,2,2,, -11494,1,2,2,0,2,2,,2,2,2,2,2,2,, -11495,1,2,2,0,2,2,,2,2,2,2,2,2,, -11496,4,,2,1,1,2,,2,2,2,2,2,2,, -11497,7,,2,2,2,2,,2,2,1,2,2,2,, -11498,1,2,2,0,2,2,,2,2,2,2,2,2,, -11499,5,,2,1,2,2,,2,2,2,2,2,2,, -11500,7,,2,2,2,2,,2,2,1,2,2,1,5,Hypoxic Encephalopathy -11501,4,,2,1,2,2,,2,2,2,2,2,2,, -11502,7,,2,3,2,2,,2,2,2,2,2,2,, -11503,1,2,2,0,2,2,,2,2,2,2,2,2,, -11504,4,,2,1,2,2,,2,2,2,2,2,2,, -11505,1,2,,0,2,2,,2,2,2,2,2,2,, -11506,4,,2,1,2,2,,2,2,2,2,2,2,, -11507,1,2,2,0,2,2,,2,2,2,2,2,2,, -11508,4,,2,1,2,2,,2,2,2,2,2,2,, -11509,4,,2,1,2,2,,2,2,1,2,2,2,, -11510,1,2,,0,2,2,,2,2,2,2,2,2,, -11511,1,2,,2,2,2,,2,2,2,2,2,2,, -11512,1,2,,0,2,2,,2,2,2,2,2,2,, -11513,1,2,2,0,2,2,,2,2,2,2,2,2,, -11514,7,,2,18,2,2,,2,2,2,2,2,2,, -11515,4,,2,2,1,2,,2,2,2,2,2,2,, -11516,4,,2,4,2,2,,2,2,2,2,1,2,, -11517,1,2,2,0,2,2,,2,2,2,2,2,2,, -11518,1,2,,0,2,2,,2,2,2,2,2,2,, -11519,1,2,,0,2,2,,2,2,2,2,2,2,, -11520,1,2,2,0,2,2,,2,2,2,2,2,2,, -11521,4,,2,1,2,2,,2,2,2,2,2,2,, -11522,7,,1,10,2,2,,2,2,2,2,1,2,, -11523,4,,2,1,2,2,,2,2,2,2,2,2,, -11524,7,,2,3,1,2,,2,2,2,2,2,2,, -11525,7,,2,1,2,2,,2,2,2,2,2,2,, -11526,1,2,,1,2,2,,2,2,2,2,2,2,, -11527,1,2,2,0,2,2,,2,2,2,2,2,2,, -11528,4,,2,4,2,2,,2,2,1,2,1,2,, -11529,1,2,,0,2,2,,2,2,2,2,2,2,, -11530,7,,2,6,2,2,,2,2,2,1,1,2,, -11531,1,2,,0,2,2,,2,2,2,2,2,2,, -11532,4,,2,1,2,2,,2,2,2,2,2,2,, -11533,1,2,,0,2,2,,2,2,2,2,2,2,, -11534,1,2,2,0,2,2,,2,2,2,2,2,2,, -11535,6,,2,10,2,2,,2,2,2,2,1,2,, -11536,4,,2,1,2,2,,2,2,2,2,2,2,, -11537,4,,2,1,2,2,,2,2,2,2,2,2,, -11538,1,2,,0,2,2,,2,2,2,2,2,2,, -11539,1,2,2,0,2,2,,2,2,2,2,2,2,, -11540,1,2,,0,2,2,,2,2,2,2,2,2,, -11541,4,,2,1,2,2,,2,2,2,2,2,2,, -11542,4,,2,2,2,2,,2,2,1,1,2,2,, -11543,4,,2,1,2,2,,2,2,2,2,2,2,, -11544,1,2,,1,2,2,,2,2,2,2,2,2,, -11545,5,,2,1,2,2,,2,2,2,2,2,2,, -11546,1,2,2,0,2,2,,2,2,2,2,2,2,, -11547,1,2,,0,2,2,,2,2,2,2,2,2,, -11548,1,2,2,0,2,2,,2,2,2,2,2,2,, -11549,8,,1,4,1,2,,2,2,1,2,2,2,, -11550,4,,2,3,2,2,,2,2,2,2,1,2,, -11551,7,,2,3,2,2,,2,2,2,2,2,2,, -11552,7,,2,5,2,2,,2,2,1,2,2,2,, -11553,4,,2,5,2,2,,2,2,1,2,1,2,, -11554,4,,2,2,2,2,,2,2,2,2,2,2,, -11555,4,,2,1,2,2,,2,2,1,2,2,2,, -11556,1,2,,0,2,2,,2,2,2,2,2,2,, -11557,5,,2,1,2,2,,2,2,2,2,2,2,, -11558,1,2,,0,2,2,,2,2,2,2,2,2,, -11559,6,,2,5,2,2,,2,2,2,2,1,2,, -11560,6,,2,4,2,2,,2,2,2,2,1,2,, -11561,4,,2,1,2,2,,2,2,2,2,2,2,, -11562,1,2,,0,2,2,,2,2,2,2,2,2,, -11563,1,2,,0,2,2,,2,2,2,2,2,2,, -11564,4,,2,3,1,2,,2,2,1,2,2,2,, -11565,1,2,2,0,2,2,,2,2,2,2,2,2,, -11566,1,2,2,0,2,2,,2,2,2,2,2,2,, -11567,1,2,,1,2,2,,2,2,2,2,2,2,, -11568,1,2,2,0,2,2,,2,2,2,2,2,2,, -11569,4,,2,1,2,2,,2,2,2,2,2,2,, -11570,4,,2,4,2,2,,2,2,2,2,1,2,, -11571,1,2,2,0,2,2,,2,2,2,2,2,2,, -11572,4,,2,1,2,2,,2,2,2,2,2,2,, -11573,1,2,,0,2,2,,2,2,2,2,2,2,, -11574,7,,2,12,1,2,,2,2,1,2,2,2,, -11575,1,2,,0,2,2,,2,2,2,2,2,2,, -11576,1,2,,0,2,2,,2,2,2,2,2,2,, -11577,1,2,2,0,2,2,,2,2,2,2,2,2,, -11578,1,2,,1,2,2,,2,2,2,2,2,2,, -11579,4,,2,1,2,2,,2,2,2,2,2,2,, -11580,7,,2,15,2,2,,2,2,2,2,2,2,, -11581,4,,2,1,2,2,,2,2,2,2,2,2,, -11582,1,2,2,0,2,2,,2,2,2,2,2,2,, -11583,4,,2,1,2,2,,2,2,2,2,2,2,, -11584,1,2,,0,2,2,,2,2,2,2,2,2,, -11585,5,,2,0,2,2,,2,2,2,2,2,2,, -11586,4,,2,2,2,2,,2,2,2,2,2,2,, -11587,1,2,,0,2,2,,2,2,2,2,2,2,, -11588,5,,2,0,2,2,,2,2,2,2,2,2,, -11589,1,2,,0,2,2,,2,2,2,2,2,2,, -11590,7,,2,1,2,2,,2,2,2,2,2,2,, -11591,1,2,2,0,2,2,,2,2,2,2,2,2,, -11592,1,2,,0,2,2,,2,2,2,2,2,2,, -11593,1,2,2,0,2,2,,2,2,2,2,2,2,, -11594,7,,2,1,1,2,,2,2,1,2,2,1,3, -11595,4,,2,1,2,2,,2,2,2,2,2,2,, -11596,1,2,2,0,2,2,,2,2,2,2,2,2,, -11597,4,,2,2,2,2,,2,2,2,2,2,2,, -11598,4,,2,1,2,2,,2,2,2,2,2,2,, -11599,7,,2,2,2,2,,2,2,2,2,1,2,, -11600,4,,2,1,2,2,,2,2,2,2,2,2,, -11601,1,2,2,0,2,2,,2,2,2,2,2,2,, -11602,4,,2,1,2,2,,2,2,2,2,2,2,, -11603,4,,2,13,1,2,,2,1,2,2,2,2,, -11604,4,,2,6,2,2,,2,2,2,2,1,2,, -11605,4,,2,1,2,2,,2,2,2,2,2,2,, -11606,1,2,2,0,2,2,,2,2,2,2,2,2,, -11607,7,,2,2,1,2,,2,2,1,2,2,2,, -11608,4,,2,19,2,2,,2,2,2,2,1,2,, -11609,4,,2,1,2,2,,2,2,2,2,2,2,, -11610,1,2,2,0,2,2,,2,2,2,2,2,2,, -11611,1,2,,0,2,2,,2,2,2,2,2,2,, -11612,1,2,2,0,2,2,,2,2,2,2,2,2,, -11613,1,2,,0,2,2,,2,2,2,2,2,2,, -11614,7,,2,4,2,2,,2,2,2,2,2,2,, -11615,1,2,,1,2,2,,2,2,2,2,2,2,, -11616,7,,2,4,2,2,,2,2,2,2,2,2,, -11617,7,,2,1,1,2,,2,1,1,1,1,1,3, -11618,5,,2,1,2,2,,2,2,2,2,2,2,, -11619,1,2,2,0,2,2,,2,2,2,2,2,2,, -11620,4,,2,1,2,2,,2,2,2,2,2,2,, -11621,4,,2,1,2,2,,2,2,2,2,2,2,, -11622,1,2,2,0,2,2,,2,2,2,2,2,2,, -11623,4,,2,1,2,2,,2,2,2,2,2,2,, -11624,4,,2,4,2,2,,2,2,2,2,2,2,, -11625,4,,2,2,2,2,,2,2,2,2,1,2,, -11626,1,2,,0,2,2,,2,2,2,2,2,2,, -11627,1,2,,0,2,2,,2,2,2,2,2,2,, -11628,7,,2,1,2,2,,2,2,2,2,2,2,, -11629,7,,2,1,2,2,,2,2,2,2,2,2,, -11630,7,,2,1,2,2,,2,2,1,2,2,1,3, -11631,1,2,2,0,2,2,,2,2,2,2,2,2,, -11632,6,,2,4,2,2,,2,2,2,2,1,2,, -11633,4,,2,1,2,2,,2,2,2,2,2,2,, -11634,4,,2,3,2,2,,2,2,1,1,1,2,, -11635,1,2,2,0,2,2,,2,2,2,2,2,2,, -11636,1,2,2,0,2,2,,2,2,2,2,2,2,, -11637,4,,2,2,2,2,,2,2,2,2,2,2,, -11638,4,,2,17,2,2,,2,2,2,2,1,2,, -11639,1,2,2,0,2,2,,2,2,2,2,2,2,, -11640,1,2,2,0,2,2,,2,2,2,2,2,2,, -11641,1,2,,0,2,2,,2,2,2,2,2,2,, -11642,1,2,,0,2,2,,2,2,2,2,2,2,, -11643,7,,2,6,1,2,,2,2,1,1,1,2,, -11644,4,,2,2,2,2,,2,2,2,2,2,2,, -11645,7,,2,5,1,2,,2,2,2,2,2,2,, -11646,4,,2,3,2,2,,2,2,2,1,2,2,, -11647,1,2,,1,2,2,,2,2,2,2,2,2,, -11648,7,,2,1,2,2,,2,2,2,2,2,2,, -11649,1,2,,1,2,2,,2,2,2,2,2,2,, -11650,4,,2,1,2,2,,2,2,2,2,2,2,, -11651,1,2,2,1,2,2,,2,2,2,2,2,2,, -11652,4,,2,2,2,2,,2,2,2,2,2,2,, -11653,4,,2,1,2,2,,2,2,2,2,2,2,, -11654,1,2,,0,2,2,,2,2,2,2,2,2,, -11655,1,2,2,0,2,2,,2,2,2,2,2,2,, -11656,1,2,,0,2,2,,2,2,2,2,2,2,, -11657,1,2,,0,2,2,,2,2,2,2,2,2,, -11658,1,2,,0,2,2,,2,2,2,2,2,2,, -11659,1,2,,0,2,2,,2,2,2,2,2,2,, -11660,7,,2,9,2,2,,2,2,1,1,2,2,, -11661,4,,2,1,2,2,,2,2,2,2,1,2,, -11662,1,2,,1,2,2,,2,2,2,2,2,2,, -11663,4,,2,4,2,2,,2,2,1,2,2,2,, -11664,1,2,,1,2,2,,2,2,2,2,2,2,, -11665,6,,2,4,2,2,,2,2,2,2,1,2,, -11666,4,,2,1,2,2,,2,2,2,2,2,2,, -11667,1,2,2,0,2,2,,2,2,2,2,2,2,, -11668,1,2,,1,2,2,,2,2,2,2,2,2,, -11669,7,,2,4,1,2,,2,2,2,2,2,2,, -11670,1,2,2,1,2,2,,2,2,2,2,2,2,, -11671,1,2,2,0,2,2,,2,2,2,2,2,2,, -11672,1,2,,0,2,2,,2,2,2,2,2,2,, -11673,4,,2,5,2,2,,2,2,2,2,1,2,, -11674,1,2,,0,2,2,,2,2,2,2,2,2,, -11675,6,,1,2,2,2,,2,2,2,2,1,2,, -11676,4,,2,1,2,2,,2,2,2,2,2,2,, -11677,1,2,2,0,2,2,,2,2,2,1,2,2,, -11678,1,2,,0,2,2,,2,2,2,2,2,2,, -11679,4,,2,1,1,2,,2,2,2,2,2,2,, -11680,1,2,2,0,2,2,,2,2,2,2,2,2,, -11681,1,2,,0,2,2,,2,2,2,2,2,2,, -11682,4,,2,14,1,2,,2,2,1,1,1,2,, -11683,1,2,2,0,2,2,,2,2,2,2,2,2,, -11684,4,,1,5,1,2,,2,1,2,2,2,2,, -11685,1,2,,0,2,2,,2,2,2,2,2,2,, -11686,7,,2,6,2,2,,2,2,2,2,2,2,, -11687,1,2,2,0,2,2,,2,2,2,2,2,2,, -11688,1,2,2,0,2,2,,2,2,2,2,2,2,, -11689,1,2,2,1,2,2,,2,2,2,2,2,2,, -11690,4,,2,4,2,2,,2,2,2,2,1,2,, -11691,7,,2,1,2,2,,2,2,2,2,2,2,, -11692,7,,2,4,2,2,,2,2,2,2,2,2,, -11693,4,,2,2,2,2,,2,2,2,1,2,2,, -11694,1,2,2,1,2,2,,2,2,2,2,2,2,, -11695,4,,2,1,2,2,,2,2,2,2,2,2,, -11696,1,2,,1,2,2,,2,2,2,2,2,2,, -11697,7,,2,10,2,2,,2,2,2,2,1,2,, -11698,4,,2,1,2,2,,2,2,2,2,2,2,, -11699,4,,2,1,2,2,,2,2,2,2,2,2,, -11700,4,,2,4,2,2,,2,2,2,2,2,2,, -11701,4,,2,1,2,2,,2,2,2,2,2,2,, -11702,1,2,,0,2,2,,2,2,2,2,2,2,, -11703,1,2,2,0,2,2,,2,2,2,2,2,2,, -11704,4,,2,3,2,2,,2,2,2,2,1,2,, -11705,1,2,,1,2,2,,2,2,2,2,2,2,, -11706,1,2,2,0,2,2,,2,2,2,2,2,2,, -11707,4,,2,3,2,2,,2,2,2,2,1,2,, -11708,1,2,,0,2,2,,2,2,2,2,2,2,, -11709,4,,2,1,2,2,,2,2,2,2,2,2,, -11710,1,2,2,0,2,2,,2,2,2,2,2,2,, -11711,1,2,,1,2,2,,2,2,2,2,2,2,, -11712,7,,2,4,1,2,,2,2,1,2,2,2,, -11713,4,,2,1,2,2,,2,2,2,2,2,2,, -11714,1,2,2,0,2,2,,2,2,2,2,2,2,, -11715,4,,2,1,2,2,,2,2,2,2,2,2,, -11716,1,2,2,0,2,2,,2,2,2,2,2,2,, -11717,1,2,2,0,2,2,,2,2,2,2,2,2,, -11718,1,2,2,1,2,2,,2,2,2,2,2,2,, -11719,7,,2,2,2,2,,2,2,2,2,2,2,, -11720,1,2,2,0,2,2,,2,2,1,2,2,2,, -11721,1,2,2,1,2,2,,2,2,2,2,2,2,, -11722,6,,2,6,2,2,,2,2,2,1,1,2,, -11723,7,,2,1,2,2,,2,2,2,2,2,2,, -11724,1,2,,0,2,2,,2,2,2,2,2,2,, -11725,1,2,2,1,2,2,,2,2,2,2,2,2,, -11726,1,2,2,0,2,2,,2,2,2,2,2,2,, -11727,1,2,,0,2,2,,2,2,2,2,2,2,, -11728,1,2,,0,2,2,,2,2,2,2,2,2,, -11729,4,,2,1,2,2,,2,2,2,2,2,2,, -11730,4,,2,2,2,2,,2,2,1,2,2,2,, -11731,1,2,,0,2,2,,2,2,2,2,2,2,, -11732,1,2,2,0,2,2,,2,2,2,2,2,2,, -11733,4,,2,1,2,2,,2,2,2,2,2,2,, -11734,5,,2,1,2,2,,2,2,2,2,2,2,, -11735,4,,2,3,2,2,,2,2,2,2,2,2,, -11736,1,2,,0,2,2,,2,2,2,2,2,2,, -11737,5,,2,1,1,2,,2,2,2,2,2,2,, -11738,4,,2,1,2,2,,2,2,2,2,2,2,, -11739,4,,2,6,2,2,,2,2,2,2,2,2,, -11740,4,,2,1,2,2,,2,2,2,2,2,2,, -11741,1,2,2,1,2,2,,2,2,2,2,2,2,, -11742,7,,2,3,1,2,,2,2,2,2,2,2,, -11743,1,2,,0,2,2,,2,2,2,2,2,2,, -11744,1,2,2,0,2,2,,2,2,2,2,2,2,, -11745,1,2,,0,2,2,,2,2,2,2,2,2,, -11746,7,,2,1,2,2,,2,2,2,2,2,2,, -11747,1,2,2,0,2,2,,2,2,2,2,2,2,, -11748,1,2,2,1,2,2,,2,2,2,2,2,2,, -11749,1,2,2,0,2,2,,2,2,2,2,2,2,, -11750,7,,2,4,2,2,,2,2,1,1,1,2,, -11751,1,2,,0,2,2,,2,2,2,2,2,2,, -11752,7,,2,5,2,2,,2,2,2,2,2,2,, -11753,5,,2,1,2,2,,2,2,2,2,2,2,, -11754,1,2,,0,2,2,,2,2,2,2,2,2,, -11755,5,,2,0,2,2,,2,2,2,2,2,2,, -11756,1,2,,1,2,2,,2,2,2,2,2,2,, -11757,1,2,2,0,2,2,,2,2,2,2,2,2,, -11758,4,,2,2,2,2,,2,2,2,2,2,2,, -11759,1,2,2,0,2,2,,2,2,2,2,2,2,, -11760,1,2,,0,2,2,,2,2,2,2,2,2,, -11761,4,,2,2,2,2,,2,2,2,2,2,2,, -11762,4,,2,1,2,2,,2,2,2,2,2,2,, -11763,1,2,2,0,2,2,,2,2,2,2,2,2,, -11764,4,,2,1,2,2,,2,2,2,2,2,2,, -11765,4,,2,1,2,2,,2,2,2,2,2,2,, -11766,1,2,2,0,2,2,,2,2,2,2,2,2,, -11767,1,2,,0,2,2,,2,2,2,2,2,2,, -11768,1,2,,1,2,2,,2,2,2,2,2,2,, -11769,1,2,2,0,2,2,,2,2,2,2,2,2,, -11770,1,2,2,1,2,2,,2,2,2,2,2,2,, -11771,4,,2,1,2,2,,2,2,2,2,2,2,, -11772,4,,2,1,2,2,,2,2,2,2,2,2,, -11773,4,,2,2,2,2,,2,2,2,2,2,2,, -11774,6,,2,2,2,2,,2,2,2,2,1,2,, -11775,4,,2,36,2,2,,2,2,1,1,1,2,, -11776,4,,2,1,1,2,,2,2,2,2,2,2,, -11777,1,2,,0,2,2,,2,2,2,2,2,2,, -11778,1,2,,1,2,2,,2,2,2,2,2,2,, -11779,1,2,,1,2,2,,2,2,2,2,2,2,, -11780,1,2,2,0,2,2,,2,2,2,2,2,2,, -11781,4,,2,7,2,2,,2,2,1,2,1,2,, -11782,4,,2,1,2,2,,2,2,2,2,2,2,, -11783,7,,2,2,2,2,,2,2,2,2,2,2,, -11784,4,,2,1,2,2,,2,2,2,2,1,2,, -11785,5,,2,0,2,2,,2,2,1,2,1,2,, -11786,4,,2,1,2,2,,2,2,2,2,2,2,, -11787,7,,2,2,2,2,,2,2,2,2,2,2,, -11788,1,2,,0,2,2,,2,2,2,2,2,2,, -11789,4,,2,1,2,2,,2,2,2,2,2,2,, -11790,7,,2,3,1,2,,2,2,1,2,2,2,, -11791,7,,2,3,2,2,,2,2,2,1,2,2,, -11792,4,,2,2,2,2,,2,2,2,2,2,2,, -11793,4,,2,3,2,2,,2,2,2,2,2,2,, -11794,5,,2,2,2,2,,2,2,2,2,2,2,, -11795,1,2,2,1,2,2,,2,2,2,2,2,2,, -11796,1,2,,1,2,2,,2,2,2,2,2,2,, -11797,4,,2,1,2,2,,2,2,2,2,2,2,, -11798,1,2,,1,2,2,,2,2,2,2,2,2,, -11799,4,,2,1,2,2,,2,2,2,2,2,2,, -11800,1,2,,0,2,2,,2,2,2,2,2,2,, -11801,4,,2,1,2,2,,2,2,2,2,2,2,, -11802,1,2,2,1,2,2,,2,2,2,2,2,2,, -11803,1,2,2,1,2,2,,2,2,2,2,2,2,, -11804,4,,1,17,2,2,,2,2,2,2,1,2,, -11805,1,2,2,0,2,2,,2,2,2,2,2,2,, -11806,1,2,2,0,2,2,,2,2,2,2,2,2,, -11807,1,2,,0,2,2,,2,2,2,2,2,2,, -11808,1,2,2,0,2,2,,2,2,2,2,2,2,, -11809,1,2,,0,2,2,,2,2,2,2,2,2,, -11810,1,2,2,1,2,2,,2,2,2,2,2,2,, -11811,4,,2,1,2,2,,2,2,2,2,2,2,, -11812,1,2,2,0,2,2,,2,2,2,2,2,2,, -11813,1,2,2,0,2,2,,2,2,2,2,2,2,, -11814,7,,2,5,2,2,,2,2,1,2,2,2,, -11815,1,2,2,0,2,2,,2,2,2,2,2,2,, -11816,1,2,,0,2,2,,2,2,2,2,2,2,, -11817,4,,2,2,2,2,,2,2,2,2,2,2,, -11818,4,,2,1,2,2,,2,2,2,2,1,2,, -11819,1,2,,1,2,2,,2,2,2,2,2,2,, -11820,6,,2,3,2,2,,2,2,2,2,1,2,, -11821,7,,2,16,2,2,,2,2,2,2,2,2,, -11822,5,,2,1,2,2,,2,2,2,2,2,2,, -11823,5,,2,1,2,2,,2,2,2,2,2,2,, -11824,1,2,,0,2,2,,2,2,2,2,2,2,, -11825,5,,2,1,2,2,,2,2,2,2,2,2,, -11826,4,,1,2,1,2,,2,2,2,2,2,2,, -11827,4,,2,1,2,2,,2,2,2,2,2,2,, -11828,1,2,2,1,2,2,,2,2,2,1,2,2,, -11829,1,2,2,0,2,2,,2,2,2,2,2,2,, -11830,4,,2,1,2,2,,2,2,2,2,2,2,, -11831,1,2,2,1,2,2,,2,2,2,2,1,2,, -11832,4,,2,1,2,2,,2,2,2,2,2,2,, -11833,4,,2,2,1,2,,2,2,2,2,2,2,, -11834,1,2,,0,2,2,,2,2,2,2,2,2,, -11835,4,,2,1,2,2,,2,2,2,2,1,2,, -11836,1,2,2,1,2,2,,2,2,2,2,2,2,, -11837,4,,2,1,2,2,,2,2,2,2,2,2,, -11838,1,2,,0,2,2,,2,2,2,2,2,2,, -11839,4,,2,1,2,2,,2,2,2,2,2,2,, -11840,1,2,2,0,2,2,,2,2,2,2,2,2,, -11841,7,,2,6,1,2,,2,2,2,2,2,2,, -11842,1,2,,1,2,2,,2,2,2,2,2,2,, -11843,1,2,2,0,2,2,,2,2,2,2,2,2,, -11844,4,,2,1,2,2,,2,2,2,2,2,2,, -11845,1,2,2,0,2,2,,2,2,2,2,2,2,, -11846,6,,2,4,1,2,,2,1,2,2,2,2,, -11847,1,2,,1,2,2,,2,2,2,2,2,2,, -11848,5,,2,1,2,2,,2,2,2,2,2,2,, -11849,1,2,2,0,2,2,,2,2,2,2,2,2,, -11850,6,,2,3,2,2,,2,2,1,1,1,2,, -11851,1,2,2,0,2,2,,2,2,2,2,2,2,, -11852,4,,2,4,1,2,,2,2,2,2,2,2,, -11853,7,,2,36,2,2,,2,2,2,2,1,2,, -11854,4,,2,2,2,2,,2,2,2,2,1,2,, -11855,7,,2,4,1,2,,2,2,1,2,2,2,, -11856,4,,2,2,1,2,,2,2,1,2,2,2,, -11857,6,,2,19,1,2,,2,1,1,2,2,2,, -11858,4,,2,2,2,2,,2,2,2,2,2,2,, -11859,4,,2,2,2,2,,2,2,2,2,2,2,, -11860,1,2,2,0,2,2,,2,2,2,2,2,2,, -11861,1,2,2,0,2,2,,2,2,2,2,2,2,, -11862,1,2,,0,2,2,,2,2,2,2,2,2,, -11863,1,2,,0,2,2,,2,2,2,2,2,2,, -11864,1,2,2,0,2,2,,2,2,2,2,2,2,, -11865,7,,2,3,2,2,,2,2,2,2,2,2,, -11866,1,2,,0,2,2,,2,2,2,2,2,2,, -11867,7,,2,1,2,2,,2,2,2,2,2,2,, -11868,1,2,,0,2,2,,2,2,2,2,2,2,, -11869,1,2,,0,2,2,,2,2,2,2,2,2,, -11870,4,,2,1,2,2,,2,2,2,2,2,2,, -11871,4,,2,1,2,2,,2,2,2,2,2,2,, -11872,4,,2,2,2,2,,2,2,2,2,2,2,, -11873,4,,2,1,2,2,,2,2,2,2,2,2,, -11874,1,2,,0,2,2,,2,2,2,2,2,2,, -11875,1,2,,0,2,2,,2,2,2,2,2,2,, -11876,7,,2,30,1,2,,2,2,1,2,2,2,, -11877,4,,2,1,2,2,,2,2,2,2,2,2,, -11878,6,,2,30,2,2,,2,2,2,2,1,2,, -11879,1,2,2,0,2,2,,2,2,2,2,2,2,, -11880,1,2,2,1,2,2,,2,2,2,2,2,2,, -11881,4,,2,1,2,2,,2,2,2,2,2,2,, -11882,5,,2,2,2,2,,2,2,2,2,2,2,, -11883,4,,2,1,2,2,,2,2,2,2,2,2,, -11884,4,,2,1,2,2,,2,2,2,2,2,2,, -11885,1,2,2,0,2,2,,2,2,2,2,2,2,, -11886,1,2,2,0,2,2,,2,2,2,2,2,2,, -11887,1,2,2,0,2,2,,2,2,1,2,2,2,, -11888,6,,2,13,1,2,,2,1,1,2,2,2,, -11889,7,,2,1,2,2,,2,2,2,2,2,2,, -11890,1,2,2,0,2,2,,2,2,2,2,2,2,, -11891,1,2,2,0,2,2,,2,2,2,2,2,2,, -11892,1,2,2,0,2,2,,2,2,2,2,2,2,, -11893,4,,2,1,2,2,,2,2,2,2,2,2,, -11894,6,,2,4,2,2,,2,2,2,2,1,2,, -11895,1,2,,0,2,2,,2,2,2,2,2,2,, -11896,1,2,,0,2,2,,2,2,2,2,2,2,, -11897,1,2,2,0,2,2,,2,2,2,2,2,2,, -11898,7,,2,1,2,2,,2,2,2,2,2,2,, -11899,1,2,,0,2,2,,2,2,2,2,2,2,, -11900,1,2,,1,2,2,,2,2,2,2,2,2,, -11901,4,,2,1,2,2,,2,2,2,2,2,2,, -11902,1,2,,1,2,2,,2,2,2,2,2,2,, -11903,5,,2,1,2,2,,2,2,2,2,2,2,, -11904,1,2,2,0,2,2,,2,2,2,2,2,2,, -11905,4,,2,1,2,2,,2,2,2,2,2,2,, -11906,1,2,,0,2,2,,2,2,2,2,2,2,, -11907,1,2,2,0,2,2,,2,2,2,2,2,2,, -11908,1,2,,1,2,2,,2,2,2,2,2,2,, -11909,4,,2,2,2,2,,2,2,2,2,2,2,, -11910,4,,2,1,2,2,,2,2,2,2,2,2,, -11911,1,2,2,0,2,2,,2,2,2,2,2,2,, -11912,4,,2,1,2,2,,2,2,2,1,2,2,, -11913,4,,2,1,2,2,,2,2,1,2,2,2,, -11914,7,,2,1,2,2,,2,2,2,2,2,2,, -11915,7,,2,22,1,2,,2,2,1,2,1,2,, -11916,1,2,,1,2,2,,2,2,2,2,2,2,, -11917,1,2,,0,2,2,,2,2,2,2,2,2,, -11918,7,,2,34,2,2,,2,2,2,2,2,2,, -11919,7,,2,3,2,2,,2,2,2,1,2,2,, -11920,1,2,,0,2,2,,2,2,2,2,2,2,, -11921,1,2,2,0,2,2,,2,2,2,2,2,2,, -11922,1,2,,0,2,2,,2,2,2,2,2,2,, -11923,7,,2,1,2,2,,2,2,2,2,2,2,, -11924,1,2,,0,2,2,,2,2,2,2,2,2,, -11925,1,2,2,0,2,2,,2,2,2,2,2,2,, -11926,1,2,2,0,2,2,,2,2,2,2,2,2,, -11927,1,2,,0,2,2,,2,2,2,2,2,2,, -11928,1,2,,0,2,2,,2,2,2,2,2,2,, -11929,1,2,,0,2,2,,2,2,2,2,2,2,, -11930,1,2,2,0,2,2,,2,2,2,2,2,2,, -11931,1,2,,0,2,2,,2,2,2,2,2,2,, -11932,1,2,,0,2,2,,2,2,2,2,2,2,, -11933,1,2,2,0,2,2,,2,2,2,2,2,2,, -11934,1,2,,0,2,2,,2,2,2,2,2,2,, -11935,7,,2,10,2,2,,2,2,2,2,2,2,, -11936,1,2,,0,2,2,,2,2,2,2,2,2,, -11937,6,,2,5,1,2,,2,1,2,2,2,2,, -11938,4,,2,1,2,2,,2,2,2,2,2,2,, -11939,7,,2,9,2,2,,2,2,2,2,2,2,, -11940,4,,2,1,2,2,,2,2,2,2,2,2,, -11941,4,,2,1,2,2,,2,2,2,1,2,2,, -11942,1,2,2,0,2,2,,2,2,2,2,2,2,, -11943,4,,2,1,2,2,,2,2,2,2,2,2,, -11944,1,1,2,11,2,2,,2,2,2,2,2,2,, -11945,4,,2,5,2,2,,2,2,2,2,2,2,, -11946,4,,2,2,2,2,,2,2,2,2,1,2,, -11947,5,,2,1,2,2,,2,2,2,2,2,2,, -11948,1,2,,0,2,2,,2,2,2,2,2,2,, -11949,1,2,,1,2,2,,2,2,2,2,2,2,, -11950,1,2,,0,2,2,,2,2,2,2,2,2,, -11951,1,2,,0,2,2,,2,2,2,2,2,2,, -11952,4,,2,1,2,2,,2,2,2,2,2,2,, -11953,4,,2,3,2,2,,2,2,2,2,2,2,, -11954,1,2,2,0,2,2,,2,2,2,2,2,2,, -11955,7,,2,2,2,2,,2,2,2,2,2,2,, -11956,1,2,,0,2,2,,2,2,2,2,2,2,, -11957,1,2,,0,2,2,,2,2,2,2,2,2,, -11958,5,,2,1,2,2,,2,2,2,2,2,2,, -11959,1,2,2,0,2,2,,2,2,1,2,2,2,, -11960,4,,2,3,2,2,,2,2,1,2,2,2,, -11961,1,2,,0,2,2,,2,2,2,2,2,2,, -11962,4,,2,2,2,2,,2,2,1,2,2,2,, -11963,7,,2,3,2,2,,2,2,1,2,2,2,, -11964,4,,2,1,2,2,,2,2,2,2,2,2,, -11965,1,2,,0,2,2,,2,2,2,2,2,2,, -11966,1,2,2,1,2,2,,2,2,2,2,2,2,, -11967,4,,2,3,2,2,,2,2,2,2,2,2,, -11968,1,2,,0,2,2,,2,2,2,2,2,2,, -11969,1,2,2,0,2,2,,2,2,2,2,2,2,, -11970,6,,2,2,2,2,,2,2,2,2,1,2,, -11971,4,,2,1,2,2,,2,2,2,2,2,2,, -11972,7,,2,7,1,2,,2,2,1,2,2,2,, -11973,5,,2,1,2,2,,2,2,2,2,2,2,, -11974,1,2,,0,2,2,,2,2,2,2,2,2,, -11975,5,,2,1,2,2,,2,2,2,2,2,2,, -11976,1,2,2,0,2,2,,2,2,2,2,2,2,, -11977,1,2,2,0,2,2,,2,2,2,2,2,2,, -11978,1,2,,0,2,2,,2,2,2,2,2,2,, -11979,4,,2,1,2,2,,2,2,1,2,2,2,, -11980,4,,2,2,2,2,,2,2,2,2,2,2,, -11981,1,2,,0,2,2,,2,2,2,2,2,2,, -11982,1,2,2,0,2,2,,2,2,2,2,2,2,, -11983,1,2,2,0,2,2,,2,2,2,2,2,2,, -11984,1,2,2,0,2,2,,2,2,2,1,2,2,, -11985,7,,2,4,2,2,,2,2,2,2,2,2,, -11986,1,2,,0,2,2,,2,2,2,2,2,2,, -11987,1,2,,1,2,2,,2,2,2,2,2,2,, -11988,7,,2,9,2,2,,2,2,1,2,2,2,, -11989,4,,2,33,2,2,,2,2,2,2,1,2,, -11990,4,,2,1,2,2,,2,2,2,1,2,2,, -11991,1,2,,0,2,2,,2,2,2,2,2,2,, -11992,4,,2,1,2,2,,2,2,2,2,2,2,, -11993,1,2,2,0,2,2,,2,2,2,2,2,2,, -11994,7,,2,2,1,2,,2,2,1,2,2,2,, -11995,4,,2,1,2,2,,2,2,2,2,2,2,, -11996,1,2,,1,2,2,,2,2,2,2,2,2,, -11997,1,2,,0,2,2,,2,2,2,2,2,2,, -11998,5,,2,1,2,2,,2,2,2,2,2,2,, -11999,1,2,,0,2,2,,2,2,2,2,2,2,, -12000,1,2,2,1,2,2,,2,2,2,2,2,2,, -12001,1,2,2,0,2,2,,2,2,2,2,2,2,, -12002,1,2,,0,2,2,,2,2,2,2,2,2,, -12003,5,,2,1,2,2,,2,2,2,2,2,2,, -12004,4,,2,1,2,2,,2,2,2,2,2,2,, -12005,1,2,,0,2,2,,2,2,2,2,2,2,, -12006,1,2,2,0,2,2,,2,2,2,2,2,2,, -12007,1,2,,1,2,2,,2,2,2,2,2,2,, -12008,1,2,2,1,2,2,,2,2,2,2,2,2,, -12009,1,2,,0,2,2,,2,2,2,2,2,2,, -12010,1,2,,0,2,2,,2,2,2,2,2,2,, -12011,4,,2,1,2,2,,2,2,2,2,2,2,, -12012,4,,2,4,2,2,,2,2,2,2,1,2,, -12013,5,,2,1,2,2,,2,2,2,2,2,2,, -12014,5,,2,1,2,2,,2,2,2,2,2,2,, -12015,1,2,2,0,2,2,,2,2,2,2,2,2,, -12016,1,2,2,0,2,2,,2,2,2,2,2,2,, -12017,1,2,2,0,2,2,,2,2,2,2,2,2,, -12018,1,2,2,0,2,2,,2,2,2,2,2,2,, -12019,1,2,,0,2,2,,2,2,2,2,2,2,, -12020,1,2,,0,2,2,,2,2,2,2,2,2,, -12021,1,2,,1,2,2,,2,2,2,2,2,2,, -12022,4,,2,1,2,2,,2,2,2,2,2,2,, -12023,4,,2,1,2,2,,2,2,2,2,2,2,, -12024,4,,2,5,2,2,,2,2,2,2,2,2,, -12025,1,2,,0,2,2,,2,2,2,2,2,2,, -12026,4,,2,4,2,2,,2,2,2,2,2,2,, -12027,1,2,2,0,2,2,,2,2,2,2,2,2,, -12028,1,2,2,0,2,2,,2,2,2,2,2,2,, -12029,1,2,2,0,2,2,,2,2,2,2,2,2,, -12030,7,,2,1,2,2,,2,2,1,2,2,2,, -12031,7,,2,15,2,2,,2,2,2,2,1,2,, -12032,4,,2,1,1,2,,2,2,2,2,2,2,, -12033,4,,2,3,2,2,,2,2,2,2,2,2,, -12034,4,,2,2,2,2,,2,2,2,2,2,2,, -12035,1,2,2,0,2,2,,2,2,2,2,2,2,, -12036,1,2,,0,2,2,,2,2,2,2,2,2,, -12037,7,,2,2,2,2,,2,2,2,2,2,2,, -12038,1,2,,0,2,2,,2,2,2,2,2,2,, -12039,7,,2,9,2,2,,2,2,2,2,2,2,, -12040,1,2,2,0,2,2,,2,2,2,2,2,2,, -12041,4,,2,4,2,2,,2,2,2,2,2,2,, -12042,1,2,2,0,2,2,,2,2,2,2,2,2,, -12043,4,,2,1,2,2,,2,2,2,2,2,2,, -12044,4,,2,3,2,2,,2,2,2,2,2,2,, diff --git a/data/iai_pecarn/raw/form6a_nonabdsurgery.csv b/data/iai_pecarn/raw/form6a_nonabdsurgery.csv deleted file mode 100644 index ac9aeed9..00000000 --- a/data/iai_pecarn/raw/form6a_nonabdsurgery.csv +++ /dev/null @@ -1,1322 +0,0 @@ -SubjectID,Repeat_instance,SurgicalProc,OtherSurgery -3,1,1, -7,1,1, -13,1,1, -32,1,1, -34,1,3, -42,1,1, -47,1,1, -47,2,7,wound closure buttocks to perineum -49,1,3, -65,1,2, -81,1,1, -87,1,1, -88,1,2, -97,1,1, -102,1,1, -119,1,1, -161,1,3, -173,1,1, -173,2,5, -183,1,1, -185,1,2, -186,1,3, -194,1,1, -197,1,1, -198,1,2, -202,1,1, -235,1,1, -244,1,1, -244,2,5, -288,1,1, -290,1,1, -293,1,3, -296,1,7,Complex closure of back wound -297,1,1, -319,1,1, -320,1,1, -337,1,2, -337,2,3, -355,1,2, -367,1,1, -376,1,1, -386,1,1, -406,1,1, -406,2,2, -409,1,7,Suture repair of laceration & biobrane placement -451,1,1, -457,1,1, -457,2,2, -458,1,1, -465,1,1, -482,1,1, -520,1,1, -535,1,1, -539,1,1, -543,1,2, -550,1,1, -589,1,2, -596,1,3, -602,1,1, -615,1,7,Dentistry -617,1,1, -622,1,2, -637,1,1, -657,1,1, -659,1,3, -674,1,2, -674,2,3, -683,1,1, -689,1,1, -696,1,1, -701,1,1, -727,1,1, -739,2,4, -750,1,1, -756,1,2, -766,1,6, -781,1,3, -783,1,2, -802,1,1, -807,1,1, -810,1,3, -812,1,1, -819,1,1, -819,2,2, -825,1,1, -834,1,7,Burn Debridement and Biobrane placement -861,1,1, -864,1,1, -904,1,1, -917,1,7,plastic surgery to extremity -926,1,3, -948,1,1, -949,1,1, -954,1,1, -962,1,2, -964,1,1, -990,1,1, -990,2,3, -996,1,1, -1001,1,1, -1011,1,2, -1013,1,3, -1013,2,7,Suture leg laceration -1038,1,1, -1040,1,1, -1041,1,2, -1051,1,2, -1065,1,1, -1076,1,1, -1078,1,1, -1092,1,2, -1104,1,1, -1105,1,1, -1105,2,7,Open Tracheostomy -1109,1,3, -1149,1,1, -1196,1,3, -1198,1,2, -1198,2,3, -1202,1,1, -1209,1,1, -1218,1,1, -1230,1,1, -1230,2,2, -1232,1,1, -1246,1,1, -1251,1,1, -1263,1,1, -1274,1,2, -1275,1,1, -1308,1,2, -1308,2,1, -1312,1,1, -1373,1,1, -1381,1,1, -1393,1,1, -1394,1,1, -1395,1,1, -1405,1,1, -1407,1,1, -1416,1,1, -1424,1,1, -1440,1,1, -1442,1,3, -1444,1,7,Dental -1448,1,1, -1500,1,2, -1505,1,1, -1507,1,1, -1514,1,3, -1519,1,2, -1537,1,1, -1540,1,3, -1546,1,7,Burn Debridement and Dressing Change in Operating Room -1552,1,1, -1567,1,1, -1569,1,1, -1590,1,1, -1600,1,1, -1617,1,5, -1622,1,1, -1623,1,1, -1629,1,1, -1633,1,2, -1647,1,1, -1654,1,3, -1665,1,3, -1676,1,1, -1697,1,1, -1709,1,3, -1712,1,1, -1735,1,3, -1747,1,1, -1764,1,3, -1764,2,1, -1770,1,3, -1770,2,1, -1775,1,1, -1777,1,1, -1782,1,1, -1784,1,1, -1793,1,1, -1824,1,1, -1828,1,7,"Flexible esophagoscopy, neck exploration with repair of tracheal injury." -1859,1,2, -1872,1,1, -1876,1,2, -1900,1,1, -1909,1,1, -1928,1,1, -1930,1,2, -1941,1,1, -1949,1,1, -1953,1,3, -1955,1,2, -1962,1,1, -1985,2,3, -1999,1,2, -2015,1,3, -2033,1,1, -2033,2,3, -2039,1,1, -2049,1,1, -2054,1,1, -2061,1,3, -2066,1,1, -2071,1,2, -2083,1,1, -2084,1,2, -2085,1,2, -2109,1,1, -2119,1,1, -2121,1,2, -2122,1,1, -2126,1,2, -2126,2,4, -2135,1,1, -2148,1,1, -2150,1,1, -2155,1,2, -2158,1,1, -2161,1,1, -2162,1,1, -2163,1,1, -2174,1,1, -2178,1,1, -2182,1,1, -2197,1,1, -2209,1,7,Repair of large traumatic dagloving wound -2209,2,1, -2221,1,1, -2226,1,2, -2226,2,3, -2237,1,5, -2246,1,1, -2273,1,1, -2295,1,3, -2298,1,1, -2302,1,1, -2302,2,5, -2313,1,1, -2323,1,1, -2337,1,1, -2338,1,1, -2340,1,1, -2355,1,3, -2363,1,3, -2374,1,1, -2381,1,1, -2401,1,1, -2430,1,1, -2448,1,2, -2449,1,1, -2453,1,1, -2458,1,1, -2462,1,1, -2464,1,1, -2467,1,1, -2474,1,1, -2478,1,2, -2481,1,3, -2482,1,1, -2491,1,3, -2492,1,1, -2496,1,1, -2499,1,7,Sutures -2511,1,3, -2513,1,1, -2525,1,1, -2526,1,1, -2548,1,2, -2552,1,1, -2554,1,1, -2558,1,1, -2563,1,1, -2574,1,1, -2580,1,1, -2582,1,1, -2617,1,1, -2619,1,1, -2621,1,1, -2625,1,1, -2633,2,1, -2633,3,2, -2633,4,3, -2633,5,4, -2634,1,1, -2636,1,1, -2649,1,1, -2664,1,1, -2671,1,3, -2687,1,1, -2696,1,1, -2703,1,3, -2722,1,3, -2731,1,2, -2736,1,2, -2741,1,1, -2746,1,7,"Oncology, Nephrourectomy" -2756,1,1, -2758,1,1, -2774,1,1, -2783,1,1, -2785,1,1, -2802,1,1, -2810,1,7,Complex suture -2815,1,1, -2820,1,1, -2820,2,2, -2824,1,1, -2827,1,1, -2829,1,5, -2832,1,7,debridement and layered closure of 3 cm. lac. suprapubic portion of the abdominal wall -2838,1,1, -2858,1,2, -2870,1,1, -2871,1,1, -2877,1,1, -2883,1,1, -2884,1,1, -2894,1,3, -2900,1,1, -2916,1,3, -2917,1,1, -2919,1,7,complex laceration closure repair of left auxillary -2922,1,6, -2927,1,1, -2945,1,3, -2945,2,4, -2945,3,5, -2947,1,1, -2954,1,1, -2982,1,1, -3005,1,1, -3008,1,4, -3014,1,1, -3025,1,1, -3036,1,1, -3042,1,1, -3049,1,1, -3074,1,1, -3099,1,1, -3169,1,1, -3178,1,1, -3180,1,3, -3186,1,1, -3194,1,1, -3197,1,1, -3211,1,1, -3222,1,1, -3232,1,1, -3233,1,2, -3241,1,1, -3242,1,2, -3242,2,3, -3245,1,3, -3250,1,3, -3272,1,2, -3304,1,6, -3310,1,1, -3319,1,1, -3337,1,3, -3338,1,1, -3341,1,1, -3342,1,1, -3346,1,1, -3372,1,1, -3377,1,1, -3378,1,1, -3379,1,1, -3380,1,1, -3388,1,1, -3402,1,2, -3415,1,3, -3418,1,1, -3421,1,1, -3436,1,1, -3454,1,2, -3465,1,1, -3466,1,7,knee lac repair -3466,2,2, -3469,1,7,pericardiotomy -3469,2,7,incision of mediastinum -3469,3,7,extracorporeal circulation auxiliary to open heart surgery -3473,1,1, -3484,1,3, -3501,1,1, -3504,1,1, -3531,1,3, -3533,1,2, -3536,1,1, -3557,1,1, -3560,1,1, -3576,1,1, -3576,2,3, -3582,1,1, -3587,1,1, -3603,1,3, -3610,1,1, -3615,1,1, -3635,1,1, -3641,1,2, -3667,1,2, -3672,1,1, -3676,1,1, -3710,1,1, -3720,1,7,skin graft -3724,1,2, -3729,1,1, -3730,1,1, -3738,1,2, -3765,1,1, -3767,1,3, -3785,1,1, -3786,1,1, -3788,1,1, -3793,1,1, -3795,1,1, -3813,1,3, -3818,1,1, -3834,1,1, -3858,1,1, -3860,1,1, -3863,1,3, -3868,1,3, -3871,1,1, -3898,1,1, -3906,1,1, -3910,1,1, -3923,1,3, -3924,1,1, -3925,1,1, -3947,1,1, -3947,2,7,traumatic laceration repair to distal leg in OR -3949,1,2, -3962,1,3, -3974,1,1, -3990,1,1, -3997,1,7,"in OR, digit amputation and wound debridement" -4014,1,1, -4016,1,1, -4019,1,1, -4025,1,1, -4039,1,1, -4039,2,2, -4039,3,3, -4046,1,3, -4047,1,7,Removal of nail plate and replacement as a nail fold -4056,1,1, -4062,1,5, -4068,1,1, -4085,1,3, -4088,1,1, -4090,1,1, -4094,1,1, -4101,1,1, -4101,2,6, -4143,1,1, -4150,1,7,plastic surgery to scalp -4159,1,1, -4173,1,1, -4175,1,1, -4180,1,1, -4189,1,3, -4193,1,1, -4202,1,2, -4230,1,7,Debridement of left knee and left foot abrasions with application of biobrane measuring less than 1% total body surface area -4251,1,1, -4266,1,3, -4277,1,1, -4294,1,1, -4294,2,2, -4306,1,1, -4316,1,1, -4317,1,1, -4334,1,5, -4335,1,2, -4342,1,2, -4351,1,2, -4355,1,1, -4364,1,1, -4364,2,2, -4366,1,1, -4383,1,1, -4385,1,1, -4386,1,1, -4399,1,2, -4417,1,1, -4448,1,1, -4453,1,2, -4482,1,2, -4491,1,1, -4493,1,1, -4502,1,1, -4509,1,1, -4547,1,3, -4550,1,1, -4550,2,5, -4550,3,7,Fasciotomy of the anterior compartment of the right lower leg -4558,1,1, -4566,1,1, -4574,1,1, -4583,1,1, -4615,1,2, -4615,2,3, -4622,1,3, -4634,1,1, -4635,1,2, -4646,1,3, -4654,1,1, -4657,1,1, -4660,1,1, -4664,1,3, -4666,1,1, -4674,1,1, -4680,1,1, -4708,1,1, -4708,2,3, -4716,1,1, -4722,1,1, -4746,1,1, -4770,1,1, -4772,1,1, -4772,2,2, -4786,1,1, -4810,1,3, -4810,2,5, -4820,1,5, -4821,1,1, -4822,1,1, -4822,2,2, -4831,1,1, -4831,2,6, -4843,1,1, -4847,1,1, -4868,1,1, -4873,1,1, -4879,1,3, -4880,1,1, -4905,1,1, -4909,1,2, -4911,1,5, -4924,1,2, -4928,1,2, -4942,1,1, -4944,1,1, -4975,1,1, -4977,1,1, -4983,1,2, -4984,1,1, -4987,1,2, -4994,1,1, -4998,1,1, -5002,1,1, -5014,1,1, -5019,1,1, -5021,1,2, -5037,1,7,Thoracotomy -5037,3,7,Laceration Repair -5061,1,1, -5061,2,2, -5062,1,1, -5071,1,1, -5080,1,1, -5080,2,2, -5091,1,2, -5111,1,1, -5115,1,3, -5119,1,1, -5126,1,1, -5151,1,1, -5159,1,1, -5166,1,1, -5188,1,3, -5197,1,1, -5219,1,2, -5224,1,2, -5234,1,7,Emergent Fasciotomy -5234,2,1, -5237,1,1, -5248,1,1, -5252,1,1, -5269,1,1, -5274,1,1, -5276,1,3, -5290,1,1, -5302,1,7,REPAIR AND IRRIGATION OF LEFT ANTERIOR THIGH LACERATION -5334,1,1, -5336,1,1, -5344,1,1, -5348,1,1, -5362,1,1, -5367,1,3, -5385,1,1, -5390,1,1, -5410,1,1, -5416,1,1, -5421,1,1, -5422,1,1, -5429,1,3, -5456,1,1, -5467,1,2, -5468,1,1, -5469,1,1, -5475,1,3, -5479,1,1, -5483,1,1, -5503,1,1, -5523,1,3, -5537,1,1, -5548,1,2, -5553,1,1, -5553,2,7,cardiothoracic surgery -5557,1,3, -5564,1,1, -5565,1,2, -5566,1,1, -5576,1,1, -5581,1,4, -5587,1,1, -5602,1,1, -5612,1,1, -5616,1,3, -5617,1,1, -5620,1,2, -5625,1,1, -5633,1,1, -5643,1,1, -5646,1,1, -5651,1,1, -5666,1,1, -5668,1,1, -5673,1,1, -5687,1,3, -5709,1,3, -5737,1,2, -5754,1,6, -5756,1,7,"Debridement - Hand, Shoulder, Ear, Scalp. Skin Grafting" -5758,1,1, -5770,1,1, -5783,1,1, -5787,1,1, -5792,1,1, -5799,1,1, -5816,1,1, -5824,1,1, -5824,3,3, -5830,1,1, -5836,1,1, -5839,1,1, -5853,1,1, -5869,1,1, -5908,1,1, -5909,1,1, -5929,1,1, -5934,1,1, -5938,1,7,tracheostomy -5957,1,1, -5972,1,3, -5977,1,1, -5978,1,1, -5978,2,5, -6000,1,2, -6002,1,3, -6003,1,1, -6009,1,1, -6011,1,1, -6015,1,1, -6027,1,3, -6028,1,7,Leg Laceration -6032,1,1, -6036,1,1, -6070,1,7,Vaginal laceration repair -6071,1,1, -6075,1,2, -6091,1,1, -6092,1,1, -6093,1,3, -6099,1,1, -6101,1,3, -6129,1,5, -6132,1,3, -6140,1,1, -6142,1,1, -6147,1,1, -6147,2,5, -6149,1,1, -6166,1,1, -6170,1,1, -6174,1,2, -6178,1,3, -6179,1,1, -6180,1,1, -6180,2,2, -6189,1,1, -6196,1,1, -6251,1,3, -6252,1,2, -6255,1,1, -6258,1,1, -6275,1,3, -6276,1,1, -6293,1,1, -6295,1,1, -6300,1,1, -6326,1,2, -6352,1,1, -6358,1,2, -6388,1,3, -6405,1,1, -6406,1,2, -6415,1,2, -6435,1,1, -6436,1,3, -6454,1,1, -6465,1,2, -6466,1,1, -6466,2,2, -6474,1,1, -6474,2,5, -6485,1,1, -6486,1,1, -6487,1,1, -6498,1,1, -6502,1,1, -6506,1,4, -6529,1,3, -6553,1,3, -6559,1,1, -6572,1,1, -6576,1,1, -6579,1,1, -6581,1,1, -6584,1,3, -6588,1,1, -6592,1,1, -6594,1,3, -6599,1,3, -6615,1,1, -6617,1,1, -6638,1,1, -6644,1,1, -6660,1,1, -6663,1,1, -6691,1,3, -6701,1,5, -6705,1,3, -6714,1,1, -6742,1,3, -6755,1,1, -6803,1,1, -6809,1,1, -6818,1,1, -6824,1,1, -6829,1,1, -6830,1,3, -6837,1,1, -6841,1,1, -6846,1,2, -6862,1,3, -6871,1,1, -6871,2,7,Debridement of right lower back and right lateral lower extremity -6872,1,1, -6875,1,1, -6879,1,6, -6881,1,2, -6882,1,1, -6884,1,1, -6897,1,1, -6904,1,2, -6928,1,1, -6947,1,1, -6963,1,2, -7008,1,1, -7043,1,1, -7050,1,2, -7053,1,1, -7056,1,1, -7067,1,1, -7087,1,1, -7090,1,2, -7091,1,1, -7110,1,7,Laceration repair -7113,1,1, -7117,1,1, -7122,1,1, -7136,1,5, -7140,1,1, -7150,1,2, -7150,2,3, -7158,1,1, -7166,1,1, -7167,1,1, -7169,1,2, -7173,1,1, -7177,1,1, -7181,1,3, -7189,1,1, -7217,1,1, -7227,1,3, -7248,1,1, -7254,1,1, -7274,1,1, -7276,1,1, -7279,1,1, -7281,1,1, -7282,1,1, -7288,1,5, -7353,1,1, -7383,1,1, -7383,2,2, -7404,1,3, -7436,1,5, -7443,1,1, -7453,1,1, -7454,1,2, -7458,1,1, -7459,1,1, -7472,1,1, -7473,1,1, -7478,1,3, -7484,1,1, -7486,1,1, -7486,2,3, -7493,1,2, -7497,1,1, -7501,1,3, -7504,1,1, -7505,1,2, -7518,1,1, -7521,1,1, -7551,1,1, -7564,1,7,"Scalp repair, plastic surgery" -7575,1,3, -7582,1,1, -7582,2,2, -7584,1,1, -7586,1,3, -7607,1,3, -7620,1,1, -7624,1,1, -7627,1,1, -7643,1,1, -7643,2,5, -7646,1,1, -7647,1,1, -7664,1,3, -7676,1,1, -7679,1,1, -7700,1,1, -7759,1,1, -7773,1,7,"Debridement and washout right arm, hand, wrist, forearm" -7789,1,1, -7790,1,1, -7791,1,1, -7804,1,1, -7818,1,3, -7852,1,7,Laceration repair in OR -7854,1,1, -7862,1,1, -7877,1,1, -7881,1,3, -7890,1,1, -7904,1,1, -7950,1,1, -7953,1,1, -7958,1,1, -7970,1,1, -7972,1,1, -7977,1,1, -8010,1,1, -8032,1,1, -8032,2,5, -8036,1,1, -8038,1,1, -8045,1,1, -8048,1,1, -8063,1,1, -8065,1,3, -8073,1,1, -8076,1,1, -8078,1,1, -8110,1,1, -8117,1,2, -8124,1,1, -8124,2,3, -8126,1,2, -8127,1,1, -8139,1,1, -8147,1,3, -8186,1,2, -8192,1,3, -8212,1,1, -8239,1,2, -8249,1,3, -8254,1,1, -8262,1,1, -8262,2,2, -8262,3,3, -8262,4,5, -8262,5,7,limb amputation: 84.15 -8288,1,2, -8293,1,3, -8310,1,1, -8323,1,1, -8326,1,1, -8329,1,1, -8348,1,1, -8361,1,2, -8361,2,4, -8366,1,1, -8372,1,1, -8372,2,3, -8375,1,1, -8384,1,1, -8386,1,2, -8386,2,3, -8389,1,3, -8395,1,5, -8401,1,1, -8405,1,1, -8408,1,1, -8425,1,3, -8436,1,3, -8444,1,3, -8451,1,3, -8453,1,3, -8487,1,3, -8488,1,1, -8493,1,1, -8493,3,3, -8538,1,3, -8553,1,1, -8555,1,1, -8561,1,1, -8569,1,2, -8572,1,1, -8594,1,1, -8605,1,2, -8610,1,1, -8613,1,1, -8616,1,3, -8617,1,2, -8621,1,1, -8637,1,1, -8640,1,1, -8643,1,2, -8656,1,1, -8657,1,1, -8664,1,1, -8674,1,2, -8674,2,7,Laceration Repair- legs (plastics) -8693,1,1, -8704,1,3, -8725,1,3, -8727,1,1, -8729,1,1, -8752,1,3, -8755,1,1, -8759,1,1, -8760,1,3, -8774,1,1, -8794,1,1, -8802,1,3, -8814,1,1, -8820,1,1, -8837,1,1, -8838,1,1, -8838,2,3, -8851,1,1, -8868,1,1, -8878,1,2, -8882,1,4, -8891,1,1, -8900,2,6, -8923,1,1, -8924,1,1, -8926,1,7,"plastic surgery; right knee, right and left thighs" -8944,1,1, -8949,1,1, -8957,1,1, -8964,1,1, -8974,1,1, -8974,2,2, -8977,1,1, -8993,1,2, -9014,1,7,Intercostal catheter -9022,1,2, -9026,1,3, -9037,1,1, -9037,2,2, -9039,1,2, -9039,2,4, -9073,1,1, -9074,1,1, -9080,1,2, -9083,1,3, -9087,2,7,Laparoscopic Nissen with gastrostomy -9092,1,1, -9111,1,1, -9116,1,1, -9117,1,1, -9117,2,6, -9122,1,1, -9124,1,1, -9132,1,3, -9138,1,2, -9146,1,2, -9147,1,1, -9161,1,1, -9168,1,2, -9179,1,2, -9183,1,3, -9198,1,1, -9215,1,1, -9217,1,1, -9219,1,1, -9247,1,1, -9271,1,1, -9293,1,1, -9313,1,1, -9315,1,1, -9322,1,1, -9335,1,1, -9343,1,6, -9343,2,7,"PR REMV LUNG,WEDGE RESECTION" -9355,1,1, -9378,1,1, -9380,1,1, -9386,1,1, -9411,1,1, -9420,1,1, -9423,1,1, -9427,1,1, -9432,1,1, -9432,2,5, -9435,1,1, -9444,1,1, -9447,1,1, -9464,1,1, -9469,1,6, -9469,2,7,Tracheostomy -9476,1,2, -9481,1,1, -9482,1,1, -9487,1,1, -9492,1,1, -9493,1,1, -9506,1,1, -9512,1,1, -9514,1,1, -9515,1,2, -9522,1,1, -9530,1,1, -9534,1,2, -9538,1,1, -9540,1,1, -9542,1,7,Arch bar placement/tooth extraction -9573,1,1, -9575,1,7,scalp avulsion/general surgery -9584,1,2, -9590,1,1, -9592,1,1, -9602,1,1, -9627,1,1, -9632,1,1, -9680,1,1, -9682,1,1, -9683,1,2, -9686,1,1, -9692,1,1, -9703,1,3, -9714,1,1, -9719,1,1, -9730,1,2, -9731,1,1, -9743,1,3, -9743,2,2, -9771,1,1, -9772,1,1, -9781,1,1, -9782,1,1, -9785,1,1, -9785,2,5, -9786,1,3, -9788,1,1, -9799,1,1, -9804,1,2, -9815,1,1, -9817,1,1, -9851,1,2, -9852,1,3, -9859,1,1, -9866,1,1, -9869,1,1, -9877,1,1, -9887,1,1, -9910,1,1, -9946,1,1, -9958,1,3, -9968,1,1, -9972,1,1, -9974,1,3, -9979,1,3, -9991,1,2, -9999,1,1, -10000,1,1, -10008,1,2, -10012,1,3, -10037,1,2, -10048,1,1, -10053,1,1, -10053,2,2, -10053,3,3, -10055,1,3, -10057,1,1, -10064,1,2, -10100,1,1, -10100,2,5, -10103,1,1, -10121,1,1, -10124,1,1, -10142,1,1, -10155,1,1, -10163,1,1, -10170,1,1, -10176,1,1, -10181,1,1, -10188,1,1, -10194,1,1, -10203,1,1, -10207,1,2, -10211,1,7,Left foot amputation -10225,1,3, -10229,1,1, -10268,1,1, -10269,1,1, -10283,1,1, -10309,1,1, -10320,1,1, -10322,1,1, -10332,1,3, -10336,1,1, -10349,1,1, -10349,2,3, -10349,3,5, -10370,1,1, -10374,1,3, -10377,1,1, -10384,1,1, -10396,1,1, -10400,1,1, -10408,1,1, -10439,1,1, -10442,1,3, -10449,1,2, -10481,1,1, -10484,1,1, -10484,2,7,skin graft to cover amputation -10485,1,5, -10488,1,3, -10490,1,7,Closure of skin and subcutaneaus tissue of other sites at OR -10507,1,1, -10533,1,1, -10555,1,1, -10555,2,2, -10557,1,1, -10572,1,1, -10597,1,1, -10597,2,2, -10608,1,2, -10616,1,2, -10625,1,2, -10629,1,2, -10631,1,2, -10639,1,3, -10641,1,3, -10647,1,1, -10652,1,3, -10668,1,1, -10670,1,1, -10673,1,1, -10687,1,1, -10689,1,1, -10696,1,2, -10701,1,3, -10708,1,1, -10711,1,1, -10716,1,1, -10727,1,1, -10749,1,3, -10752,1,1, -10756,1,2, -10776,1,1, -10776,2,7,tracheostomy -10783,1,1, -10784,1,1, -10790,1,3, -10795,1,1, -10804,1,1, -10838,1,7,Removal of foreign body -10840,1,1, -10856,1,1, -10887,1,1, -10892,1,3, -10911,1,7,debridement of partial thickness burns -10924,1,1, -10937,1,1, -10942,1,2, -10950,1,1, -10951,1,3, -10962,1,1, -10986,1,2, -10991,1,3, -10992,1,1, -11011,1,1, -11019,1,1, -11021,1,1, -11024,1,1, -11025,1,1, -11032,1,1, -11034,1,1, -11036,1,1, -11043,1,2, -11049,1,2, -11059,1,2, -11062,1,2, -11064,1,1, -11078,1,1, -11081,1,4, -11092,1,3, -11095,1,1, -11099,1,1, -11099,2,2, -11109,1,7,IR thoracic aortagram -11125,1,3, -11126,1,1, -11150,1,2, -11163,1,3, -11192,1,1, -11206,1,1, -11210,1,1, -11212,1,2, -11215,1,1, -11215,2,2, -11219,1,1, -11222,1,1, -11227,1,1, -11245,1,2, -11265,1,1, -11268,1,1, -11275,1,1, -11286,1,1, -11286,2,2, -11296,1,1, -11298,1,1, -11307,1,1, -11320,1,1, -11352,1,2, -11360,1,2, -11385,1,2, -11396,1,2, -11430,1,6, -11447,1,1, -11452,1,1, -11454,1,6, -11481,1,2, -11516,1,7,Scalp laceration repair -11522,1,2, -11528,1,1, -11530,1,2, -11535,1,1, -11535,2,2, -11550,1,1, -11553,1,1, -11559,1,1, -11560,1,1, -11570,1,1, -11599,1,3, -11604,1,1, -11608,1,1, -11617,1,3, -11625,1,1, -11632,1,3, -11634,1,2, -11638,1,3, -11643,1,1, -11661,1,1, -11665,1,1, -11673,1,1, -11675,1,6, -11682,1,5, -11682,2,1, -11690,1,1, -11697,1,2, -11704,1,2, -11707,1,2, -11722,1,1, -11750,1,1, -11774,1,1, -11775,1,1, -11781,1,1, -11781,2,4, -11784,1,1, -11785,1,1, -11804,1,3, -11818,1,1, -11820,1,3, -11831,1,2, -11835,1,1, -11850,1,1, -11853,1,3, -11854,1,1, -11878,1,3, -11894,1,1, -11915,1,3, -11946,1,1, -11970,1,2, -11989,1,1, -12012,1,1, -12031,1,1, diff --git a/data/iai_pecarn/raw/form6b.csv b/data/iai_pecarn/raw/form6b.csv deleted file mode 100644 index 57824da4..00000000 --- a/data/iai_pecarn/raw/form6b.csv +++ /dev/null @@ -1,1603 +0,0 @@ -SubjectID,IAIinED1,Liver,CTGrade,Spleen,CTGrade2,Kidney,CTGrade3,GITract,Mesenteric,SmallBowel,LargeBowel,Pancreas,Gallbladder,FascialInjury,AdrenalGland,UrinaryBladder,VascularStruct,HemoperitFluid,OtherChecked,TOrgansOther,BldTransfusion,IVFluids,ThoracicInjury1,Thoracotomy,PelvicFracture1,SurgicalRepair,Other1 -8,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -33,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -41,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -49,1,2,,2,,1,4,2,,,,1,2,2,1,2,2,2,2,,1,1,1,2,2,, -50,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -55,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -56,1,2,,2,,2,,2,,,,1,2,2,2,2,2,2,2,,4,2,2,,2,, -57,1,2,,2,,2,,1,1,2,1,2,2,2,2,2,1,1,2,,4,1,1,2,2,, -60,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,1, -75,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -85,1,1,4,1,3,2,,1,2,2,1,2,2,2,2,2,2,1,2,,1,2,1,2,2,, -86,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -90,1,2,,2,,1,4,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -101,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -109,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -111,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,1,,2,,2,, -115,1,2,,2,,2,,2,,,,2,2,2,2,1,2,1,2,,4,2,2,,2,, -124,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -132,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -140,1,1,4,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,1,2, -144,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -145,1,2,,2,,1,2,2,,,,2,2,2,2,2,2,2,2,,4,2,1,2,2,, -148,1,2,,2,,2,,1,2,1,1,2,2,1,2,2,2,1,2,,4,2,2,,2,, -151,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -155,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -169,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -170,1,2,,2,,2,,1,1,1,1,2,2,2,2,2,2,1,2,,1,1,2,,2,, -173,1,1,1,1,4,1,5,1,2,1,2,2,2,2,2,2,2,1,2,,1,1,1,2,2,, -178,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -183,1,2,,2,,2,,2,,,,2,2,2,1,2,2,2,2,,4,2,2,,1,2, -197,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -202,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -204,1,1,4,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,1,2,,2,, -220,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -238,1,1,2,1,5,2,,2,,,,2,2,2,2,2,2,1,2,,1,2,1,2,1,2, -244,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,1,1, -256,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -269,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -275,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -296,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,1,2,1,2, -312,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -326,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -334,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -337,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -338,1,2,,2,,1,4,2,,,,2,2,2,2,2,2,1,2,,1,,2,,2,, -350,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -359,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -367,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -370,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -376,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -379,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -399,1,2,,1,2,2,,2,,,,2,2,2,1,2,2,2,2,,4,,1,2,1,1, -410,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -414,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -428,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -433,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -435,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -439,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -444,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -457,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -462,1,2,,2,,2,,2,,,,2,2,2,2,1,2,1,2,,4,,2,,1,2, -465,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -469,1,1,5,2,,1,5,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -472,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -477,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -484,1,1,1,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -487,1,2,,2,,2,,1,2,1,1,2,2,2,2,2,2,1,2,,4,2,2,,2,, -491,1,2,,2,,2,,2,,,,1,2,2,2,2,2,2,2,,4,2,2,,2,, -494,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,1,,1,2,2,, -516,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -520,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -522,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -535,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,1, -542,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -546,1,1,1,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,2,, -549,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -558,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -563,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -570,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,2,, -574,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -576,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -577,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -587,1,2,,2,,1,4,2,,,,2,2,2,2,2,2,1,2,,1,,2,,2,, -591,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,1, -595,1,1,4,2,,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,2,, -606,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -608,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -611,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -622,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -623,1,2,,2,,1,3,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -632,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -642,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -650,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -654,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -657,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -664,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -669,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,1,2, -675,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -676,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -687,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -694,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -695,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -708,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,1,1,2,,2,, -714,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -717,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -729,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,1,2, -749,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -766,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -779,1,1,3,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,1,2,2,, -828,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -831,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -834,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -841,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -842,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -847,1,2,,2,,1,3,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -850,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -863,1,2,,2,,1,1,2,,,,1,2,2,2,2,2,1,2,,4,1,1,2,1,2, -883,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -888,1,2,,2,,2,,1,1,1,1,2,2,2,2,2,2,1,2,,1,1,2,,2,, -890,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,1,2,2,, -904,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -905,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -915,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -917,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -931,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -935,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -939,1,2,,1,3,1,1,1,1,1,2,2,2,2,2,2,2,1,2,,4,2,1,2,1,2, -946,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,2,2,,2,, -949,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -950,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -955,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -957,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -967,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -970,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -976,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -981,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -982,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -983,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -988,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -992,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -1001,1,2,,2,,2,,1,2,1,2,1,2,2,2,2,2,1,2,,1,1,1,2,2,, -1006,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1034,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1038,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1039,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1041,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1045,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1049,1,1,2,2,,1,2,2,,,,2,2,2,1,2,2,2,2,,4,2,1,2,2,, -1065,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1073,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1076,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1092,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1098,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -1100,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -1102,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1104,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1105,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,1,2, -1108,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -1109,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1125,1,2,,2,,2,,1,1,1,2,2,2,2,2,2,1,1,2,,4,1,2,,2,, -1141,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -1149,1,1,4,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -1150,1,2,,1,1,1,4,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -1156,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -1171,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -1172,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1173,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -1175,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1196,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -1198,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1201,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -1202,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1205,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1217,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -1220,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1229,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -1230,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1234,1,2,,1,4,1,1,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -1239,1,2,,1,2,1,2,2,,,,2,2,2,2,2,2,2,2,,1,2,1,2,1,2, -1250,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1253,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1254,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,2,2,,2,, -1256,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1257,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1263,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1265,1,2,,1,5,2,,2,,,,2,2,2,2,2,2,1,2,,1,,2,,2,, -1273,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1275,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -1280,1,2,,2,,2,,1,1,2,2,2,2,2,2,2,2,1,2,,1,2,1,2,2,, -1289,1,1,2,2,,1,1,2,,,,2,2,2,2,2,2,2,2,,1,,1,1,1,2, -1296,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1297,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1308,1,1,4,2,,1,2,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,1,2, -1309,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1313,1,2,,2,,1,4,2,,,,2,2,2,2,2,2,1,2,,1,,2,,2,, -1321,1,2,,2,,2,,1,2,1,2,1,2,2,2,2,2,1,2,,4,1,2,,2,, -1322,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,1,2,,2,, -1330,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1338,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,1,2,,2,, -1352,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -1363,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1373,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -1382,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -1394,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1396,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1402,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1416,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1418,1,1,4,2,,2,,1,2,1,2,2,2,2,2,2,1,1,2,,4,1,2,,2,, -1429,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1440,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1446,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1448,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -1455,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,1,2, -1457,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1459,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -1460,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1465,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -1473,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1495,1,1,3,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,2,,2,, -1496,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1499,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1507,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1510,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -1528,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,1,1, -1558,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1566,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -1575,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1616,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -1617,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1642,1,2,,2,,2,,2,,,,1,2,2,2,2,2,2,2,,4,2,2,,1,2, -1647,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1648,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1652,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1653,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1664,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1665,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -1679,1,1,2,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,1,2,1,2, -1687,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -1699,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1722,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1723,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1725,1,1,3,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -1727,1,2,,2,,2,,1,1,1,2,2,2,2,2,2,2,1,2,,4,1,2,,2,, -1729,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1734,1,2,,1,3,1,3,2,,,,2,2,2,2,2,2,1,2,,1,,1,1,2,, -1740,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -1760,1,2,,2,,1,4,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -1761,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -1764,1,1,4,2,,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,1,2, -1768,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1769,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -1770,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1785,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1790,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1798,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1807,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1817,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1824,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1828,2,,,,,,,,,,,,,,,,,,,,,,1,1,2,, -1829,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1837,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -1870,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1894,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1897,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -1909,1,1,3,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,2,,2,, -1910,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1921,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -1926,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1945,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -1950,1,2,,2,,2,,2,,,,1,2,2,2,2,2,1,2,,4,2,1,2,2,, -1958,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -1975,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -1985,1,1,5,2,,1,1,2,,,,2,2,2,2,2,2,1,2,,1,2,1,2,1,2, -1990,1,1,4,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -1992,1,2,,2,,2,,2,,,,1,2,2,2,2,2,2,2,,4,1,2,,2,, -2000,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,1,2, -2011,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -2021,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2033,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -2043,1,1,6,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -2045,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2047,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -2058,1,2,,2,,2,,2,,,,2,2,2,2,1,2,2,2,,4,,2,,1,2, -2059,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2063,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,1,2, -2074,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2075,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2076,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2081,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2082,1,1,4,2,,1,1,2,,,,2,2,2,1,2,2,1,2,,4,2,1,2,2,, -2101,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2109,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -2114,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2130,1,2,,2,,2,,1,1,1,1,2,2,2,2,2,1,1,2,,4,1,2,,2,, -2136,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2153,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2157,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2159,1,1,2,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -2182,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2188,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2191,1,1,2,2,,1,5,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,1,2, -2193,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -2195,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -2197,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2212,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -2216,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2223,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2246,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2250,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2253,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -2258,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -2278,1,1,3,2,,1,1,2,,,,2,2,2,1,2,2,2,2,,4,,1,2,2,, -2285,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2295,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -2306,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -2307,1,1,5,2,,1,4,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -2313,1,2,,2,,1,1,1,1,2,2,2,2,2,2,2,1,1,2,,4,2,1,2,2,, -2321,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2330,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2337,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2339,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2340,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -2343,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -2345,1,2,,2,,2,,1,2,2,1,2,2,2,2,2,2,2,1,Stomach: serosal injury,4,2,1,1,2,, -2354,1,2,,2,,2,,1,2,1,1,1,2,2,2,2,2,1,2,,4,1,2,,2,, -2362,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -2371,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2380,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2382,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -2390,2,,,,,,,,,,,,,,,,,,,,,,1,1,2,, -2392,1,1,1,2,,1,2,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,1,2, -2402,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -2417,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2419,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2428,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2436,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2445,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -2448,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2467,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2468,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -2482,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2492,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2502,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2509,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2511,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2513,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2515,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -2526,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2534,1,1,1,1,4,1,3,2,,,,2,2,2,2,2,2,1,2,,1,,2,,2,, -2547,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2556,1,2,,2,,2,,1,1,1,2,2,2,2,2,2,2,2,2,,4,2,1,2,1,2, -2560,1,2,,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,2,2,,2,, -2565,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2567,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2580,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2581,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2582,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2590,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2596,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2617,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2621,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2635,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -2636,1,1,5,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -2644,1,2,,2,,2,,2,,,,1,2,2,2,2,2,1,2,,4,2,2,,2,, -2654,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2659,1,2,,2,,1,3,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -2668,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2671,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2672,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -2675,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -2684,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2685,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2687,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2692,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2699,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,1,2, -2705,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,2,, -2721,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2724,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -2741,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,1,1, -2752,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -2764,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2777,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -2793,1,2,,2,,2,,2,,,,1,2,2,2,2,2,1,2,,4,1,2,,2,, -2818,1,2,,2,,1,2,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -2827,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2829,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2837,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -2848,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,1,2, -2852,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -2858,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2863,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -2885,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -2895,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -2910,1,2,,2,,2,,2,,,,2,2,2,2,2,1,2,2,,4,,2,,2,, -2922,1,2,,2,,1,4,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -2933,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2935,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,1,2,,2,, -2939,1,1,4,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -2945,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,2,, -2947,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,1, -2960,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -2962,1,1,5,2,,2,,1,2,2,1,2,2,2,2,2,2,1,2,,1,1,1,2,2,, -2971,1,2,,1,4,2,,2,,,,2,2,2,2,2,1,1,2,,4,,1,2,2,, -2980,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -2981,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -2982,1,1,1,2,,1,2,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -2994,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -2999,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3005,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,2,, -3009,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -3015,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -3016,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -3022,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3037,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,2,2,,4,1,2,,2,, -3049,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -3057,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -3061,1,1,3,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,2,2,,1,2, -3064,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -3068,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -3074,1,1,4,2,,1,3,2,,,,2,1,2,2,2,2,1,2,,1,2,1,2,1,1, -3101,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3112,1,2,,1,2,1,1,1,2,2,1,2,2,2,2,2,2,1,2,,1,1,1,1,1,2, -3114,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3115,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3120,1,2,,2,,2,,2,,,,2,2,2,1,2,2,2,2,,4,,2,,2,, -3128,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -3129,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3132,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3133,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3145,1,2,,2,,2,,2,,,,1,2,2,2,2,2,2,2,,4,2,2,,2,, -3148,2,,,,,,,,,,,,,,,,,,,,,,2,,2,, -3159,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3164,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3167,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3186,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -3187,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -3190,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3194,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3195,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3197,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -3211,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,1,1, -3218,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -3222,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -3224,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,1,2,1,1,2,, -3225,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3229,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3232,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -3233,1,2,,2,,2,,1,1,2,1,2,2,2,2,2,1,1,2,,1,1,2,,2,, -3238,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -3242,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3246,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3250,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3256,1,2,,2,,2,,2,,,,2,2,2,1,2,2,2,2,,4,,2,,2,, -3275,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3280,1,2,,2,,2,,2,,,,2,2,2,1,2,2,2,2,,4,,1,2,2,, -3292,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -3295,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3297,1,2,,2,,1,4,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -3314,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3319,1,1,2,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -3322,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -3329,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -3330,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -3332,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3334,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3337,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3342,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -3351,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3372,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3373,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -3384,1,2,,2,,2,,1,2,1,1,2,2,2,2,2,2,1,1,Omental Injury,1,1,1,2,2,, -3390,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3398,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3404,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -3414,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -3415,1,2,,2,,2,,2,,,,1,2,2,2,2,2,2,2,,4,1,2,,2,, -3425,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -3433,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,2,2,,4,2,2,,2,, -3442,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -3448,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -3462,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -3463,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -3469,2,,,,,,,,,,,,,,,,,,,,,,1,1,2,, -3491,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3497,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -3506,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -3513,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -3525,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3528,1,1,1,2,,1,1,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -3536,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -3543,1,2,,2,,2,,2,,,,1,2,2,2,2,2,1,2,,4,1,1,2,2,, -3557,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3558,1,2,,2,,2,,1,2,1,2,1,2,2,2,2,2,1,1,Stomach rupture,1,1,2,,2,, -3559,1,2,,2,,2,,2,,,,1,2,2,2,2,2,2,2,,4,2,1,2,2,, -3564,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,1,2,1,2,2,, -3576,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,1,1, -3584,1,2,,2,,2,,2,,,,2,2,2,1,2,2,2,2,,4,,1,2,2,, -3591,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -3607,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -3615,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -3624,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3632,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -3651,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3652,2,,,,,,,,,,,,,,,,,,,,,,1,1,2,, -3687,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3693,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3701,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -3707,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3721,1,2,,2,,1,3,2,,,,2,2,2,2,2,2,1,2,,4,,2,,1,2, -3723,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -3729,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3739,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,2,2,,1,2,1,2,2,, -3741,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3746,1,1,1,2,,1,4,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -3753,1,2,,2,,1,3,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -3761,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,1,2,,2,, -3762,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -3767,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3768,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -3774,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3785,1,2,,1,5,1,4,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,2,, -3787,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3809,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3812,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -3846,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3847,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3865,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3868,1,1,1,2,,2,,2,,,,2,2,2,1,2,2,2,2,,4,,1,2,2,, -3870,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3872,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,1,2,,4,,2,,1,2, -3882,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -3898,1,2,,2,,2,,2,,,,2,2,2,2,2,2,1,1,Left Ovarian Hemorrhage,4,,2,,2,, -3901,1,1,3,2,,1,1,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -3903,1,1,5,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,1,,2,,2,, -3910,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -3913,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -3924,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -3954,1,2,,1,2,1,3,2,,,,2,2,2,2,2,2,1,2,,1,2,2,,2,, -3966,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -3976,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -3978,1,2,,2,,2,,1,1,1,2,2,2,2,2,2,2,1,2,,4,1,1,2,2,, -3979,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3980,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,1,Stomach Perferation,1,,1,1,1,2, -3993,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3996,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -3997,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4005,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4014,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -4022,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -4027,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -4028,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -4039,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4047,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4062,1,2,,1,1,1,4,2,,,,2,2,2,2,2,2,1,2,,1,2,2,,2,, -4068,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -4076,1,2,,2,,1,2,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -4088,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -4101,1,2,,2,,2,,2,,,,2,2,2,2,1,2,1,2,,1,,1,2,1,1, -4102,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -4107,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4110,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -4123,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -4143,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4148,1,1,3,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,2,2,,2,, -4151,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -4153,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4159,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -4165,1,1,5,1,2,1,2,2,,,,2,2,2,2,2,2,1,2,,1,2,1,2,2,, -4179,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -4180,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,2,2,,4,2,1,2,2,, -4181,1,1,2,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,2,,2,, -4190,1,1,4,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -4193,1,2,,2,,2,,1,2,2,1,2,2,2,2,2,2,1,2,,4,1,1,2,1,2, -4201,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -4211,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,2,, -4218,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -4231,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4250,1,1,2,1,4,2,,2,,,,1,2,2,2,2,2,1,2,,1,1,1,2,2,, -4251,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4270,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4277,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4289,1,2,,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,2,,2,, -4293,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4294,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -4305,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -4308,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4309,1,2,,2,,2,,2,,,,2,2,2,2,1,2,1,2,,4,,2,,2,, -4334,1,1,4,1,4,1,1,2,,,,2,1,2,2,2,2,1,2,,1,,1,2,2,, -4342,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4350,1,2,,2,,1,4,2,,,,2,2,2,2,2,2,1,2,,1,,2,,2,, -4351,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4355,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -4356,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4360,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -4361,1,2,,1,5,2,,2,,,,2,2,2,2,2,2,1,2,,1,,2,,2,, -4364,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4372,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4399,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4402,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -4403,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -4404,1,2,,2,,2,,2,,,,2,2,2,2,1,2,1,2,,4,2,2,,1,1, -4412,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4415,1,2,,2,,1,3,2,,,,2,2,2,2,2,2,1,2,,4,,2,,1,2, -4417,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -4419,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -4420,1,1,1,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,2,,2,, -4426,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -4441,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -4448,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4462,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -4467,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4483,1,1,2,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -4490,1,1,4,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -4491,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4493,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4502,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -4537,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4538,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4540,1,2,,2,,2,,2,,,,1,2,2,2,2,2,2,2,,4,1,2,,2,, -4545,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4547,1,2,,2,,2,,1,1,2,2,1,2,2,2,2,2,2,2,,4,2,2,,2,, -4550,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4555,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4557,1,2,,1,4,1,5,1,2,2,1,1,2,2,1,2,2,1,2,,1,1,2,,2,, -4558,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4562,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -4563,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -4576,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -4581,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4582,1,1,1,2,,1,3,1,2,1,2,2,2,2,1,2,2,2,2,,4,1,1,2,2,, -4586,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4604,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -4620,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4636,1,1,1,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -4640,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -4642,1,1,4,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,1,1, -4650,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -4653,1,2,,1,2,2,,2,,,,1,2,2,2,2,2,1,2,,4,1,2,,2,, -4656,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -4660,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4674,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -4695,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -4708,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -4709,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4711,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -4712,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -4715,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -4717,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4722,1,2,,1,4,1,1,1,2,1,2,1,2,2,1,2,2,1,2,,1,1,1,2,2,, -4724,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4729,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -4740,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -4743,1,2,,2,,2,,1,1,2,2,2,2,2,2,2,2,1,2,,4,2,2,,2,, -4745,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4749,1,2,,2,,1,2,2,,,,2,2,2,1,2,2,1,2,,4,,1,2,1,2, -4751,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4755,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -4757,1,1,3,1,3,1,3,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -4760,1,2,,1,1,2,,1,1,2,2,1,2,2,2,2,2,1,2,,1,2,1,2,2,, -4766,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -4772,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4786,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -4788,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -4792,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4810,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -4813,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -4816,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -4820,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4822,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -4828,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -4831,1,2,,1,2,2,,2,,,,2,2,2,1,2,2,1,2,,1,,2,,1,2, -4832,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4845,1,2,,2,,2,,2,,,,1,2,2,2,2,2,1,2,,4,2,1,2,1,1, -4849,1,2,,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,2,,2,, -4859,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -4865,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -4880,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,1,2, -4889,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4893,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4894,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,2,2,,4,2,1,2,1,2, -4909,1,1,1,1,1,1,1,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,1,2, -4924,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4943,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4950,1,2,,1,3,2,,2,,,,2,2,2,2,2,1,1,2,,4,,1,2,2,, -4959,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4965,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -4968,1,2,,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,2,,2,, -4969,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -4977,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -4992,1,1,4,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,2,2,,2,, -4994,1,1,2,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -5004,1,2,,2,,2,,1,1,2,2,1,2,2,2,2,2,1,2,,4,2,1,2,2,, -5006,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5009,1,2,,2,,2,,2,,,,1,2,2,2,2,2,1,2,,4,1,2,,2,, -5010,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -5020,1,1,4,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -5037,1,1,5,2,,1,2,1,2,1,1,2,2,2,2,2,2,1,2,,1,2,1,1,2,, -5052,1,1,2,1,1,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -5055,1,2,,2,,2,,2,,,,1,2,2,2,2,2,2,2,,4,2,2,,2,, -5067,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -5071,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,1,2, -5080,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,1,1, -5081,1,1,3,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,2,1,2,2,, -5086,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5087,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -5090,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -5091,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5092,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5103,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,1,2,2,, -5105,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -5115,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5139,1,2,,1,4,1,1,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -5147,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -5148,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5159,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -5180,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -5184,1,1,1,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -5188,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5197,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -5203,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5209,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5237,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5244,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5252,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5253,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -5262,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5272,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5286,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5308,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5310,2,,,,,,,,,,,,,,,,,,,,,,1,1,2,, -5324,1,2,,2,,2,,1,1,1,2,2,2,2,2,2,2,1,2,,4,2,2,,2,, -5334,1,1,3,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,1,2,2,, -5336,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -5337,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5351,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5362,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,1,2, -5364,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -5365,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5417,1,2,,2,,1,3,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -5421,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -5422,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5435,1,2,,2,,2,,2,,,,1,2,2,2,2,2,2,2,,4,2,2,,2,, -5442,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5458,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,2,2,,1,,1,2,2,, -5460,1,2,,1,4,2,,1,2,2,1,2,2,2,2,2,2,1,2,,1,2,1,2,2,, -5462,1,1,2,2,,1,2,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -5464,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5469,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5472,1,2,,1,1,2,,2,,,,2,2,2,2,1,2,1,2,,4,,1,2,1,2, -5475,1,2,,2,,1,2,2,,,,2,2,2,2,2,2,2,2,,4,,2,,1,2, -5483,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5488,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -5491,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5495,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -5499,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -5507,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5511,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5517,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -5528,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5531,1,2,,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,2,1,2,2,, -5537,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -5557,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,2,2,,1,,1,2,2,, -5577,1,1,3,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,2,,2,, -5586,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,1,"stomach, suspected gastric wall hematoma",4,2,1,2,2,, -5597,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -5607,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5620,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5629,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5647,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -5651,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5655,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5671,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5698,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -5703,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -5707,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -5709,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -5712,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -5727,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5731,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -5752,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,2,2,,2,, -5754,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -5756,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -5758,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -5759,1,2,,2,,2,,1,2,1,1,2,2,2,2,2,2,1,2,,1,1,2,,2,, -5760,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -5763,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -5766,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -5776,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5782,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5786,1,2,,2,,1,2,2,,,,2,2,2,2,2,1,2,2,,4,2,2,,2,, -5793,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5795,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -5800,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5810,1,2,,1,4,2,,2,,,,2,2,2,2,1,2,1,2,,1,2,1,2,1,2, -5834,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5843,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -5844,1,2,,2,,1,3,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -5847,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -5850,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5857,1,1,2,2,,2,,1,1,1,2,2,2,2,2,2,2,1,2,,4,2,1,2,1,2, -5858,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -5865,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -5870,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -5894,1,2,,1,5,1,5,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,2,, -5911,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -5915,1,2,,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,2,2,,2,, -5917,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -5922,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,1,2,,2,, -5923,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5925,1,1,1,1,1,1,1,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -5935,1,1,5,2,,2,,2,,,,2,2,2,2,2,2,1,2,,1,,2,,2,, -5938,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5949,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -5951,1,2,,1,5,1,3,2,,,,1,2,2,2,2,2,1,2,,1,1,1,2,1,2, -5963,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -5970,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5976,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -5978,1,2,,1,3,2,,1,1,2,2,2,2,2,2,2,2,1,2,,1,1,1,2,2,, -5982,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -5985,1,2,,1,2,1,3,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -5990,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5992,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -5996,1,1,3,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,1,2,2,, -5997,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -5998,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -6011,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -6015,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6023,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -6028,1,1,1,1,5,1,3,1,2,2,1,2,2,2,2,2,2,1,1,"Ureteral avulsion, Stomach hematoma",1,2,1,2,1,2, -6033,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -6060,1,2,,2,,1,2,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -6075,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6091,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -6095,1,2,,2,,2,,2,,,,1,2,2,2,2,2,2,2,,4,2,1,2,2,, -6096,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -6098,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6106,1,2,,2,,2,,1,1,1,2,2,2,2,2,2,2,1,2,,4,2,2,,2,, -6109,1,2,,2,,2,,2,,,,2,2,2,1,2,2,2,2,,4,,2,,2,, -6121,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6123,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -6129,1,1,3,2,,1,4,2,,,,2,2,2,2,2,2,1,1,Renal Vein Thrombus,4,2,2,,2,, -6136,1,1,4,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,1,1, -6141,1,2,,1,5,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -6144,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6146,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6147,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -6161,1,2,,1,1,2,,1,2,1,2,2,2,2,1,2,2,1,2,,4,2,1,2,2,, -6164,2,,,,,,,,,,,,,,,,,,,,,,1,1,2,, -6166,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -6176,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -6180,1,2,,2,,2,,2,,,,2,2,2,2,2,1,1,2,,4,,1,2,1,2, -6182,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -6189,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6195,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -6200,1,2,,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,2,,2,, -6205,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,1,2,,2,, -6209,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,2,2,,4,2,2,,2,, -6217,1,1,1,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -6225,1,1,2,2,,1,1,2,,,,2,2,2,2,2,2,1,1,retropereteneal hematoma,4,,2,,2,, -6235,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,1,2,2,,2,, -6236,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -6250,1,1,1,1,1,2,,1,2,1,2,1,2,2,2,2,2,1,2,,4,1,2,,2,, -6261,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -6275,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6278,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6293,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,1, -6303,1,1,4,2,,2,,2,,,,1,2,2,2,2,2,1,2,,4,1,2,,2,, -6311,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6323,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -6325,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -6332,1,2,,2,,2,,2,,,,2,2,2,2,1,2,1,2,,4,2,2,,2,, -6341,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -6352,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -6361,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6362,1,1,4,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -6367,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,1,2,2,,2,, -6370,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -6371,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6380,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -6383,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6387,1,1,2,2,,1,4,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -6389,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6393,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -6405,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -6406,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6410,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6418,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -6433,1,2,,2,,2,,1,2,1,2,1,2,2,2,2,2,1,2,,4,1,2,,2,, -6436,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6440,1,1,1,2,,2,,1,2,1,2,2,2,2,1,2,2,1,2,,4,1,2,,2,, -6441,1,1,4,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -6452,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -6456,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6459,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6473,1,2,,2,,2,,1,1,2,2,2,2,2,2,2,2,1,2,,4,2,2,,2,, -6474,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6484,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6495,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -6507,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -6517,1,1,5,1,3,1,3,1,1,1,1,1,2,2,1,2,2,1,2,,1,1,1,2,2,, -6523,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,2,2,,4,2,2,,2,, -6542,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -6548,1,1,4,2,,1,3,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -6553,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6572,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -6575,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -6576,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6578,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -6579,2,,,,,,,,,,,,,,,,,,,,,,1,1,2,, -6580,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -6586,1,2,,2,,1,2,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -6599,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -6600,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6617,1,2,,2,,1,2,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -6636,1,2,,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,2,,2,, -6642,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6647,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -6673,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,1,2,,2,, -6681,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6705,1,1,4,2,,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,2,, -6706,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6709,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6714,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -6719,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -6722,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6734,1,2,,2,,2,,2,,,,2,2,2,2,1,2,2,2,,4,,1,2,1,2, -6735,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6750,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -6755,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -6768,1,2,,2,,2,,2,,,,1,2,2,2,2,2,1,2,,4,1,2,,2,, -6790,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,2,2,,2,, -6798,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6806,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -6809,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,1, -6810,1,2,,2,,2,,1,1,1,1,2,2,1,2,2,2,1,1,Omentum avulsion,1,1,1,2,2,, -6818,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -6865,1,1,3,1,4,1,1,2,,,,2,2,2,2,2,2,1,2,,1,2,1,2,1,2, -6872,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -6873,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -6879,1,2,,2,,2,,2,,,,2,2,2,2,1,2,1,2,,1,2,2,,1,1, -6898,1,2,,2,,1,4,2,,,,2,2,2,2,2,2,2,2,,4,,2,,1,2, -6902,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -6911,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -6926,1,2,,2,,2,,2,,,,2,2,2,1,2,2,2,2,,4,,1,2,2,, -6936,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,1,2,,2,, -6940,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -6946,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -6957,1,2,,2,,1,1,1,2,1,2,2,2,2,2,2,2,1,1,Appendicitis from handle bar injury,4,1,2,,2,, -6959,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -6963,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -6989,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -7000,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -7001,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7008,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7050,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -7067,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -7071,1,2,,2,,2,,1,1,2,2,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -7084,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7087,1,2,,1,3,2,,2,,,,2,2,2,1,2,2,1,2,,1,,2,,2,, -7090,1,2,,1,2,2,,1,1,1,2,1,2,2,2,2,2,1,2,,4,2,2,,2,, -7095,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -7096,1,2,,2,,2,,1,2,2,2,2,2,2,2,2,2,1,2,,4,2,2,,2,, -7122,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7123,1,2,,1,5,2,,2,,,,2,2,2,2,2,2,1,2,,1,,2,,2,, -7132,1,1,2,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -7135,1,2,,2,,1,2,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -7136,1,2,,2,,2,,2,,,,1,2,2,1,2,2,2,2,,4,1,1,2,2,, -7141,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -7142,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -7150,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,1,2,2,,2,, -7154,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -7155,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -7158,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,1,1, -7170,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7173,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -7186,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,1, -7189,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,1,2,2,, -7193,1,1,3,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,1,2,2,, -7203,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -7214,1,1,2,2,,1,1,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -7215,1,1,3,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,2,1,2,1,2, -7217,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,1, -7223,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -7225,1,1,2,1,1,1,4,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -7227,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7228,1,1,4,2,,2,,2,,,,1,2,2,2,2,2,1,1,Shock Bowel,1,1,1,2,2,, -7242,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -7245,1,2,,1,1,2,,2,,,,2,2,2,2,1,2,1,2,,4,,2,,1,2, -7247,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7248,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,1, -7252,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -7253,1,2,,1,3,1,1,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -7259,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7260,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,2,, -7270,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -7276,1,2,,2,,2,,1,1,1,1,2,2,2,2,2,2,1,2,,4,1,2,,2,, -7285,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7302,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7304,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7305,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -7313,1,2,,1,4,2,,2,,,,1,2,2,2,2,2,1,2,,4,2,2,,2,, -7324,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7347,1,2,,2,,1,5,1,2,1,2,2,2,2,2,2,2,2,2,,1,1,2,,2,, -7353,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,1,1, -7367,1,2,,2,,2,,2,,,,1,2,2,2,2,2,1,2,,4,2,1,2,2,, -7371,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -7382,1,1,4,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -7383,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,2,2,,4,2,1,2,2,, -7399,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -7418,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7421,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -7422,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -7426,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7429,1,2,,2,,2,,2,,,,1,2,2,2,2,2,1,2,,4,2,2,,2,, -7432,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -7433,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -7436,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,1,2,, -7440,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -7454,1,1,5,2,,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,2,, -7455,1,2,,2,,2,,1,1,1,2,2,2,2,2,2,2,2,2,,1,1,2,,2,, -7462,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -7480,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,2,, -7484,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -7486,1,1,2,2,,1,1,2,,,,2,2,2,1,2,2,1,2,,4,,1,2,1,2, -7493,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7496,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7529,1,1,4,1,4,1,2,2,,,,2,2,2,2,2,2,1,2,,1,,1,1,2,, -7531,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -7532,1,1,5,2,,2,,2,,,,2,2,2,1,2,2,1,2,,1,2,1,2,1,2, -7540,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -7546,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7568,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7575,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -7582,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7586,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -7591,1,2,,2,,2,,2,,,,2,2,2,1,2,2,2,2,,4,,1,2,2,, -7608,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -7611,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7614,1,1,4,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,1,2, -7616,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -7623,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7627,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -7629,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -7633,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,1,2,,2,, -7643,1,2,,1,1,1,1,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,1,2, -7656,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -7663,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -7683,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7697,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7698,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7704,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7705,1,2,,2,,1,1,2,,,,2,2,2,1,2,2,2,2,,4,,1,2,2,, -7727,1,2,,2,,2,,1,2,2,1,2,2,2,2,2,2,1,2,,4,2,2,,2,, -7732,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -7734,1,2,,2,,2,,2,,,,2,2,2,2,1,2,2,2,,4,,2,,2,, -7737,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7747,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7762,1,1,3,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,2,,2,, -7768,1,2,,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,2,2,,2,, -7789,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -7790,1,2,,1,5,2,,1,2,2,1,2,2,2,2,2,2,1,2,,4,2,2,,2,, -7802,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,2,2,,2,, -7804,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,2,2,,4,2,1,2,2,, -7815,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -7831,1,1,2,2,,2,,2,,,,1,2,2,2,2,2,1,2,,1,1,1,2,2,, -7838,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -7840,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7853,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -7854,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -7856,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7858,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -7859,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7873,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,1,2, -7887,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7888,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7903,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -7904,1,2,,1,4,2,,2,,,,1,2,2,2,2,2,1,2,,4,1,2,,2,, -7909,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7926,1,2,,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,2,,2,, -7928,1,2,,2,,2,,2,,,,2,2,2,1,2,2,2,2,,4,,1,2,2,, -7938,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -7940,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -7944,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -7950,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -7954,1,2,,2,,1,2,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -7958,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -7960,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -7985,1,2,,2,,1,2,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -7993,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8003,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8017,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -8019,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8032,1,1,4,2,,1,1,2,,,,2,2,2,1,2,2,1,2,,4,2,1,2,1,2, -8034,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -8041,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -8042,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -8065,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8069,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -8072,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -8099,1,2,,2,,2,,1,1,1,1,2,2,2,2,2,2,1,2,,4,2,2,,2,, -8107,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8112,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8139,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8140,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8159,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -8160,1,1,2,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -8167,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8175,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,1,2, -8180,1,2,,2,,1,2,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -8192,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8194,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -8202,1,2,,1,1,2,,1,2,1,2,2,2,2,2,2,2,1,2,,1,1,1,2,2,, -8212,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,2,, -8220,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -8221,1,2,,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,2,,2,, -8228,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8238,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -8241,1,1,1,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,1,1, -8257,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -8260,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -8262,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -8271,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -8286,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8292,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8298,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,1,2, -8299,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,1,2,2,, -8301,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -8322,1,1,4,2,,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,2,, -8325,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8326,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8329,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -8361,1,2,,2,,2,,1,1,1,2,1,2,2,2,2,1,1,2,,1,2,1,2,1,2, -8368,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,1,2,2,, -8369,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8372,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8379,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8384,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8389,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -8393,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -8398,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -8401,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8422,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -8428,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8445,2,,,,,,,,,,,,,,,,,,,,,,1,1,2,, -8450,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8451,1,1,4,2,,2,,2,,,,2,2,2,1,2,2,1,2,,1,,2,,2,, -8455,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,1,2,,2,, -8458,1,1,3,2,,1,3,2,,,,2,2,2,2,2,2,1,1,Appendix,4,2,2,,2,, -8460,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -8462,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8488,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,1,2,1,2, -8489,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8493,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8494,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -8501,1,1,1,1,5,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,2,, -8524,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -8527,1,1,1,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -8530,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8546,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8547,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8553,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,1,1, -8555,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -8560,1,2,,2,,2,,2,,,,2,2,2,2,1,2,1,2,,4,,2,,1,2, -8567,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -8569,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,2,2,,4,2,1,2,1,2, -8574,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,1,2, -8577,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8580,1,2,,2,,1,4,2,,,,2,2,2,2,2,2,1,2,,1,2,2,,2,, -8587,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8602,1,2,,1,2,1,1,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -8606,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -8611,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8621,1,1,5,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -8657,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -8659,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8675,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -8679,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -8692,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -8699,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8704,1,1,4,2,,1,5,2,,,,2,2,2,1,2,2,1,2,,1,,1,2,1,2, -8719,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8733,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -8740,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -8750,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -8754,1,1,4,2,,1,4,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,2,, -8759,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8760,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8762,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -8768,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8776,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,2,2,,2,, -8780,1,2,,2,,1,4,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -8784,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -8802,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8811,1,1,4,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -8818,1,2,,1,4,2,,2,,,,2,2,2,1,2,2,2,2,,1,,1,2,2,, -8830,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -8858,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -8867,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -8886,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -8894,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8897,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -8911,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8918,1,1,1,1,1,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -8920,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8922,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -8930,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -8940,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -8949,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -8974,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -8976,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -8977,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,1, -8990,1,2,,2,,2,,2,,,,2,2,2,1,2,2,2,2,,4,2,2,,2,, -9000,1,2,,2,,1,3,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -9002,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9004,1,2,,2,,1,3,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -9013,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9018,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -9022,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9023,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9026,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -9040,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -9052,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9057,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9064,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9074,1,2,,2,,1,2,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,1,2, -9083,1,2,,2,,2,,2,,,,2,2,2,1,2,2,2,2,,4,,1,2,2,, -9085,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -9096,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -9099,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9101,1,2,,2,,1,2,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -9112,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -9116,1,2,,1,2,2,,1,1,2,2,2,2,2,2,2,1,1,2,,1,2,1,2,1,1, -9117,1,2,,2,,2,,2,,,,2,2,2,2,1,2,1,2,,4,2,2,,1,1, -9133,1,2,,1,2,1,1,2,,,,2,2,2,2,2,2,2,2,,4,2,1,2,2,, -9143,1,1,3,2,,1,3,2,,,,2,2,2,1,2,2,1,2,,4,,1,2,2,, -9147,1,2,,2,,2,,1,1,1,1,2,2,2,2,2,2,1,2,,4,1,1,2,1,1, -9160,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,1,2,2,, -9161,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -9169,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9187,1,1,2,2,,2,,1,2,1,2,2,2,2,1,2,2,2,2,,4,2,1,2,1,2, -9195,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9196,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9198,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -9203,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9210,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -9215,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -9224,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,1,2, -9227,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,1,2, -9233,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -9235,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9236,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9245,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -9247,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9248,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9249,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9261,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9280,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9285,1,2,,2,,2,,1,1,2,2,2,2,2,2,2,2,2,2,,4,1,1,2,2,, -9293,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,1, -9295,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9296,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -9298,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9300,1,1,5,2,,1,3,2,,,,2,2,2,1,2,2,1,2,,1,,1,2,2,, -9306,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9312,1,2,,2,,2,,1,2,2,1,2,2,2,2,2,2,1,2,,4,2,2,,2,, -9315,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -9322,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -9323,1,1,2,2,,2,,2,,,,1,2,2,2,2,2,1,2,,4,2,1,2,2,, -9333,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9352,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9369,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9372,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9376,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -9380,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9382,1,2,,2,,2,,1,1,2,2,2,2,2,2,2,2,1,2,,4,2,2,,2,, -9393,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9416,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -9420,1,2,,1,3,1,2,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -9426,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9432,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9433,1,2,,2,,1,4,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -9437,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -9444,1,2,,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,2,,2,, -9456,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9465,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9466,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9467,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9474,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9475,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9480,1,2,,2,,2,,2,,,,2,2,2,1,2,2,2,2,,4,2,2,,2,, -9484,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9486,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -9494,1,2,,2,,2,,1,1,1,2,2,2,2,2,2,2,1,2,,1,1,2,,2,, -9521,1,2,,2,,2,,1,1,1,1,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -9522,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9530,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9534,1,2,,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,2,1,2,2,, -9548,1,2,,1,5,2,,2,,,,2,2,2,2,2,2,1,2,,1,2,2,,2,, -9563,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9569,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9599,1,1,2,2,,2,,2,,,,2,2,2,1,2,2,2,2,,4,,2,,2,, -9601,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9604,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9615,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9627,1,1,4,2,,2,,2,,,,2,2,2,1,2,2,1,2,,1,,1,2,2,, -9644,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9655,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,1,2,,2,, -9675,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -9678,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -9680,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9683,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9689,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9728,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9734,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9741,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,2,, -9751,1,2,,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,2,,2,, -9775,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9784,1,1,1,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,2,2,,2,, -9787,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9788,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -9794,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9799,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9801,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,1,2,1,2,2,, -9802,1,2,,2,,2,,1,1,2,2,2,2,2,2,2,2,1,2,,4,2,2,,2,, -9805,1,2,,2,,1,3,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -9822,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9848,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9854,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,2,2,,4,2,2,,2,, -9858,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9870,1,1,2,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -9876,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -9879,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9887,1,1,3,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,2,,2,, -9898,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9913,1,2,,2,,2,,1,2,1,2,2,2,2,1,2,2,2,2,,4,1,2,,2,, -9925,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -9932,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -9947,1,1,2,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,1,2,2,, -9948,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9958,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9967,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9972,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -9973,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -9992,1,2,,1,1,2,,2,,,,2,2,1,2,2,2,1,2,,4,2,2,,2,, -9996,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -9998,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10000,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10010,1,2,,2,,1,2,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -10017,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10019,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10021,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -10024,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10030,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -10036,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10045,1,2,,2,,2,,1,1,2,2,2,2,2,2,2,2,1,2,,4,2,2,,2,, -10064,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10080,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10083,1,1,4,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -10093,1,1,5,1,1,2,,2,,,,2,2,2,1,2,2,1,2,,1,,2,,2,, -10096,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10097,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10100,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10103,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -10114,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -10121,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10124,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,1,,2,,2,, -10126,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,2,2,,4,1,2,,2,, -10174,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10214,1,2,,1,3,1,3,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -10222,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -10224,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10229,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10235,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,2,2,,4,2,2,,2,, -10238,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10245,1,2,,1,2,2,,2,,,,2,2,2,1,2,2,2,2,,4,,2,,1,2, -10259,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10262,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -10265,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -10267,1,2,,2,,2,,2,,,,2,2,1,2,2,2,2,2,,4,2,2,,2,, -10269,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10270,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10283,1,2,,2,,2,,1,1,1,1,2,2,2,2,2,2,1,2,,4,1,2,,1,2, -10285,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10291,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,1,2, -10295,1,2,,1,3,2,,2,,,,2,2,2,1,2,2,1,2,,4,,1,2,1,2, -10306,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -10312,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,1,Large retroperiteneal Hematoma,4,,1,2,1,2, -10322,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -10333,1,1,2,2,,1,2,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,1,2, -10336,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10349,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10351,1,1,1,2,,2,,1,2,1,2,1,2,2,2,2,2,1,2,,4,2,2,,2,, -10353,1,2,,1,1,1,5,1,2,1,2,2,2,2,1,2,2,1,2,,1,1,1,2,2,, -10357,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10374,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10377,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10379,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10398,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10400,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -10405,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10408,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10424,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10442,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -10445,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,1,2,1,2,2,, -10450,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,2,2,,2,, -10464,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10476,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -10485,1,2,,2,,2,,2,,,,2,2,2,2,2,2,1,1,perferated abdominal viscera w/ free air but not specified and not officially identified where,4,2,1,1,2,, -10488,2,,,,,,,,,,,,,,,,,,,,,,1,1,2,, -10507,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,1,2, -10521,1,2,,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,1,2,1,2, -10522,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -10529,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10534,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10540,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10542,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -10547,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10550,1,2,,1,1,1,1,2,,,,2,2,2,1,2,2,1,2,,4,,1,2,2,, -10554,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10555,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10558,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -10580,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,1,2, -10587,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10588,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -10589,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -10600,1,2,,2,,2,,1,2,1,1,2,2,2,2,2,2,1,2,,4,1,2,,2,, -10616,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,2,2,,4,2,2,,2,, -10637,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -10638,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10641,1,2,,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,2,1,2,2,, -10643,1,1,5,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -10665,1,2,,2,,1,3,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -10668,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10679,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10697,1,2,,2,,2,,1,2,1,1,2,2,2,2,2,2,1,2,,4,1,2,,2,, -10701,1,2,,2,,1,1,2,,,,1,2,2,2,2,2,2,2,,4,2,2,,2,, -10708,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10713,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10720,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -10726,1,1,2,2,,2,,2,,,,2,1,2,2,2,2,1,2,,4,,2,,2,, -10735,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10740,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10741,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10749,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10756,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -10765,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -10776,1,1,1,1,3,1,1,1,2,1,2,2,2,2,2,2,2,1,2,,1,1,1,2,2,, -10786,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -10790,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10795,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10798,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10825,1,2,,2,,2,,2,,,,1,2,2,2,2,2,2,2,,4,2,2,,2,, -10835,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -10840,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10871,1,2,,2,,1,3,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -10877,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10881,1,1,3,1,1,1,2,2,,,,2,2,2,1,2,1,1,2,,4,,2,,2,, -10890,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10903,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10904,1,1,1,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,2,,2,, -10914,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -10918,1,2,,2,,2,,2,,,,2,2,2,2,1,2,1,2,,4,2,2,,1,2, -10921,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10929,1,2,,1,2,1,3,2,,,,2,2,2,2,2,2,1,2,,1,,2,,2,, -10941,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -10958,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10959,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -10962,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -10994,1,1,4,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -11027,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11042,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11058,1,1,2,2,,2,,2,,,,2,2,2,2,2,1,1,2,,4,2,1,2,2,, -11062,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11074,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,1, -11087,1,1,1,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -11089,1,1,4,2,,2,,2,,,,2,2,2,2,2,2,1,2,,1,,2,,2,, -11092,1,2,,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,2,1,2,2,, -11099,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,1, -11109,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11123,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -11136,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11142,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -11157,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -11167,1,2,,1,5,1,2,2,,,,2,2,2,2,2,2,1,2,,1,2,1,2,2,, -11173,1,2,,2,,2,,1,2,1,1,2,2,2,2,2,2,1,2,,4,1,2,,2,, -11192,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -11199,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11205,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -11214,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -11247,1,2,,2,,2,,1,1,1,1,2,2,2,2,2,2,1,2,,4,1,2,,2,, -11248,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11259,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -11275,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -11283,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11285,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11286,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -11288,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11304,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,2,2,,2,, -11307,2,,,,,,,,,,,,,,,,,,,,,,2,,1,1, -11308,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -11311,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -11320,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11321,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,1,2, -11334,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -11336,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11337,1,2,,1,1,2,,2,,,,2,2,2,1,2,2,1,2,,4,2,1,2,2,, -11338,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -11371,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11387,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11397,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -11399,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,1,2, -11400,1,2,,2,,2,,2,,,,2,2,2,2,1,2,2,2,,4,2,2,,2,, -11404,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -11408,1,1,1,2,,2,,2,,,,2,2,2,1,2,2,2,2,,4,,1,2,1,2, -11409,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -11424,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,2,2,,4,,2,,2,, -11425,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -11426,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11427,1,2,,2,,1,3,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -11440,1,1,3,2,,1,1,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -11447,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -11454,1,2,,2,,2,,2,,,,2,2,2,2,1,2,2,2,,4,,2,,2,, -11474,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,2,, -11492,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -11496,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -11497,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11500,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11509,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11515,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -11524,1,1,5,2,,2,,2,,,,2,2,2,1,2,1,1,2,,1,,2,,2,, -11528,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11530,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -11542,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -11549,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -11552,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11553,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11555,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11564,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -11574,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -11594,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,1,2,1,2,2,, -11603,1,2,,2,,2,,2,,,,1,2,2,2,2,2,1,2,,4,1,2,,2,, -11607,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,2,2,,4,2,1,2,2,, -11617,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,1,2, -11630,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11634,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -11643,1,1,1,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,1,2, -11645,1,2,,1,1,1,3,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -11646,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -11660,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,1, -11663,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11669,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,1,2,2,,2,, -11677,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -11679,1,2,,2,,2,,2,,,,2,2,2,1,2,2,2,2,,4,,2,,2,, -11682,1,1,2,2,,1,3,2,,,,2,2,2,2,2,2,1,2,,1,2,1,1,1,2, -11684,1,2,,2,,2,,1,1,1,1,2,2,2,2,2,2,2,2,,4,1,2,,2,, -11693,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -11712,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -11720,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11722,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -11730,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11737,1,2,,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -11742,1,2,,2,,1,3,2,,,,2,2,2,2,2,2,2,2,,4,2,2,,2,, -11750,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,2, -11775,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,1, -11776,1,2,,2,,2,,1,2,1,2,2,1,2,2,2,2,1,2,,4,2,2,,2,, -11781,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11785,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11790,1,2,,1,1,1,1,2,,,,2,2,2,2,2,2,2,2,,4,2,1,2,2,, -11791,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -11814,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11826,1,2,,1,2,2,,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -11828,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -11833,1,2,,2,,1,1,2,,,,2,2,2,2,2,2,1,2,,4,,2,,2,, -11841,1,1,4,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,1,2,2,,2,, -11846,1,2,,2,,2,,1,2,1,2,2,2,2,2,2,2,1,2,,4,2,2,,2,, -11850,2,,,,,,,,,,,,,,,,,,,,,,1,2,1,1, -11852,1,1,2,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,2,,2,, -11855,1,1,3,2,,2,,2,,,,2,2,2,2,2,2,1,2,,4,,1,2,2,, -11856,1,1,2,1,1,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -11857,1,2,,1,4,2,,2,,,,2,2,2,2,2,2,1,2,,4,2,1,2,2,, -11876,1,1,4,2,,2,,2,,,,2,2,2,2,2,2,2,2,,1,,1,2,2,, -11887,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11888,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,1,2,,1,,1,2,2,, -11912,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -11913,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11915,1,1,1,2,,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -11919,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -11937,1,2,,2,,2,,1,2,1,2,1,2,2,2,2,2,1,2,,4,1,2,,2,, -11941,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -11959,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11960,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11962,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11963,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11972,1,1,4,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,1,2,2,, -11979,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11984,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -11988,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -11990,2,,,,,,,,,,,,,,,,,,,,,,2,,1,2, -11994,1,2,,1,3,2,,2,,,,2,2,2,2,2,2,2,2,,4,,1,2,2,, -12030,2,,,,,,,,,,,,,,,,,,,,,,1,2,2,, -12032,1,1,1,2,,2,,2,,,,2,2,2,1,2,2,1,2,,4,,2,,2,, diff --git a/data/iai_pecarn/raw/form6b_aortinjinterv.csv b/data/iai_pecarn/raw/form6b_aortinjinterv.csv deleted file mode 100644 index 104da6f0..00000000 --- a/data/iai_pecarn/raw/form6b_aortinjinterv.csv +++ /dev/null @@ -1,5 +0,0 @@ -SubjectID,Repeat_instance,AortInjInterv,OtherInterven -6164,1,3,Treated with esmolol -7643,1,2, -10485,1,1, -11682,1,1, diff --git a/data/iai_pecarn/raw/form6b_bonesfractured.csv b/data/iai_pecarn/raw/form6b_bonesfractured.csv deleted file mode 100644 index e85ebe83..00000000 --- a/data/iai_pecarn/raw/form6b_bonesfractured.csv +++ /dev/null @@ -1,884 +0,0 @@ -SubjectID,Repeat_instance,BonesFractured,OtherBone -41,1,1, -41,2,4, -60,1,7, -60,2,1, -60,3,2, -60,4,4, -140,1,1, -140,2,4, -144,1,6, -183,1,1, -183,2,5, -197,1,1, -197,2,5, -202,1,1, -202,2,2, -202,3,8, -220,1,1, -220,2,4, -238,1,2, -244,1,1, -244,2,4, -244,3,5, -275,1,4, -275,2,1, -296,1,1, -296,2,3, -359,1,1, -367,1,5, -367,2,6, -376,1,1, -376,2,7, -376,3,2, -399,1,1, -399,2,2, -399,3,8, -410,1,1, -410,2,4, -410,3,5, -414,1,2, -414,2,4, -433,1,1, -433,2,4, -462,1,1, -462,2,4, -465,1,1, -472,1,4, -516,1,1, -516,2,2, -516,3,4, -516,4,8, -522,1,4, -535,1,1, -535,2,2, -535,3,4, -535,4,5, -574,1,1, -576,1,2, -591,1,1, -591,2,2, -591,3,4, -611,1,1, -611,2,2, -654,1,1, -669,1,1, -669,2,4, -669,3,5, -669,4,2, -694,1,1, -694,2,2, -694,3,3, -694,4,4, -694,5,8, -714,1,1, -714,2,4, -717,1,1, -717,2,4, -717,3,5, -717,4,8, -729,1,1, -729,2,4, -749,1,1, -749,2,4, -749,3,5, -766,1,1, -766,2,8, -766,3,2, -828,1,1, -828,2,3, -863,1,1, -883,1,1, -904,1,6, -935,1,1, -939,1,4, -939,2,5, -939,3,8, -976,1,4, -992,1,1, -992,2,5, -1006,1,1, -1034,1,1, -1038,1,2, -1038,2,5, -1076,1,1, -1100,1,2, -1105,1,1, -1105,2,2, -1105,3,4, -1172,1,1, -1201,1,5, -1230,1,5, -1239,1,1, -1250,1,2, -1253,1,2, -1263,1,1, -1263,2,2, -1263,3,4, -1289,1,1, -1289,2,2, -1289,3,4, -1308,1,2, -1308,2,4, -1309,1,5, -1330,1,4, -1330,2,8, -1373,1,2, -1373,2,5, -1373,3,6, -1382,1,2, -1396,1,4, -1429,1,3, -1440,1,1, -1440,2,5, -1455,1,1, -1455,2,4, -1459,1,1, -1496,1,2, -1507,1,2, -1507,2,3, -1507,3,1, -1528,1,1, -1528,2,2, -1528,3,3, -1528,4,4, -1558,1,2, -1575,1,1, -1575,2,4, -1575,3,8, -1642,1,1, -1664,1,1, -1679,1,1, -1679,2,4, -1679,3,5, -1722,1,2, -1761,1,1, -1761,2,2, -1761,3,4, -1761,4,5, -1764,1,4, -1764,2,5, -1768,1,1, -1798,1,1, -1798,2,4, -1798,3,8, -1807,1,1, -1975,1,1, -1975,2,3, -1975,3,4, -1975,4,5, -1985,1,1, -1985,2,4, -2000,1,2, -2000,2,4, -2000,3,8, -2021,1,1, -2033,1,1, -2033,2,4, -2033,3,8, -2033,4,7, -2047,1,1, -2047,2,4, -2058,1,1, -2058,2,4, -2063,1,1, -2074,1,1, -2074,2,4, -2074,3,5, -2075,1,2, -2101,1,1, -2101,2,4, -2109,1,6, -2153,1,2, -2157,1,5, -2188,1,1, -2191,1,4, -2197,1,1, -2197,2,4, -2197,3,5, -2246,1,1, -2246,2,2, -2246,3,4, -2285,1,1, -2321,1,4, -2321,2,1, -2330,1,1, -2330,2,4, -2339,1,1, -2339,2,2, -2339,3,3, -2340,1,1, -2380,1,1, -2392,1,1, -2392,2,4, -2402,1,1, -2402,2,2, -2417,1,1, -2417,2,4, -2417,3,2, -2428,1,1, -2448,1,4, -2468,1,4, -2556,1,1, -2617,1,1, -2617,2,2, -2654,1,6, -2668,1,1, -2671,1,1, -2672,1,5, -2675,1,1, -2675,2,4, -2685,1,1, -2685,2,4, -2699,1,1, -2721,1,2, -2741,1,1, -2741,2,2, -2741,3,8, -2741,4,4, -2848,1,2, -2895,1,1, -2947,1,1, -2947,2,4, -3049,1,1, -3057,1,1, -3057,2,5, -3057,3,8, -3061,1,1, -3061,2,4, -3074,1,1, -3074,2,2, -3074,3,4, -3074,4,8, -3112,1,2, -3128,1,1, -3186,1,6, -3197,1,1, -3211,1,2, -3211,2,5, -3232,1,1, -3232,2,4, -3232,3,5, -3322,1,4, -3342,1,1, -3373,1,1, -3373,2,5, -3448,1,2, -3448,2,3, -3576,1,4, -3607,1,2, -3615,1,1, -3615,2,4, -3721,1,1, -3723,1,1, -3768,1,5, -3872,1,1, -3882,1,1, -3882,2,5, -3910,1,1, -3910,2,4, -3910,3,8, -3966,1,1, -3966,2,4, -3966,3,8, -3966,4,5, -3976,1,2, -3980,1,2, -4027,1,1, -4027,2,2, -4027,3,4, -4027,4,8, -4101,1,1, -4101,2,7, -4101,3,8, -4101,4,2, -4101,5,3, -4101,6,5, -4123,1,2, -4159,1,2, -4159,2,3, -4159,3,4, -4159,4,5, -4159,5,8, -4159,6,1, -4193,1,2, -4201,1,1, -4294,1,1, -4294,2,4, -4355,1,1, -4355,2,3, -4403,1,1, -4403,2,4, -4404,1,1, -4404,2,4, -4415,1,1, -4415,2,2, -4415,3,4, -4415,4,5, -4417,1,1, -4417,2,4, -4426,1,2, -4462,1,1, -4462,2,3, -4462,3,4, -4563,1,2, -4563,2,5, -4576,1,5, -4604,1,1, -4604,2,4, -4640,1,1, -4640,2,4, -4640,3,5, -4642,1,1, -4642,2,4, -4642,3,5, -4642,4,2, -4650,1,1, -4650,2,4, -4708,1,5, -4708,2,1, -4708,3,4, -4711,1,1, -4711,2,4, -4729,1,4, -4749,1,1, -4766,1,1, -4786,1,1, -4786,2,4, -4786,3,8, -4788,1,1, -4813,1,1, -4813,2,4, -4813,3,5, -4816,1,1, -4816,2,4, -4822,1,2, -4831,1,1, -4845,1,1, -4859,1,1, -4865,1,5, -4880,1,1, -4880,2,4, -4880,3,5, -4880,4,8, -4894,1,1, -4909,1,1, -4909,2,2, -4909,3,4, -5067,1,1, -5071,1,6, -5080,1,1, -5080,2,2, -5080,3,5, -5087,1,1, -5087,3,4, -5090,1,4, -5147,1,1, -5147,2,4, -5147,3,5, -5147,4,3, -5159,1,5, -5180,1,1, -5180,2,2, -5180,3,4, -5180,4,5, -5197,1,1, -5336,1,1, -5336,2,3, -5362,1,1, -5364,1,2, -5421,1,1, -5421,2,4, -5421,3,5, -5472,1,1, -5472,2,4, -5475,1,1, -5475,2,8, -5495,1,1, -5495,2,7, -5495,3,8, -5495,4,5, -5517,1,1, -5537,1,2, -5537,2,5, -5647,1,2, -5647,2,4, -5709,1,1, -5709,2,3, -5712,1,1, -5754,1,1, -5754,2,7, -5754,3,8, -5758,1,2, -5758,2,4, -5766,1,4, -5795,1,1, -5810,1,1, -5857,1,1, -5857,2,4, -5858,1,3, -5917,1,1, -5917,2,5, -5917,3,8, -5917,4,2, -5917,5,3, -5951,1,2, -5951,2,1, -5951,3,5, -5976,1,1, -5976,2,2, -5976,3,4, -5997,1,2, -5998,1,2, -5998,2,5, -6011,1,1, -6023,1,1, -6023,2,2, -6023,3,4, -6028,1,2, -6091,1,4, -6123,1,1, -6136,1,1, -6136,2,4, -6136,3,5, -6176,1,1, -6176,2,4, -6180,1,1, -6180,2,8, -6195,1,1, -6195,2,8, -6236,1,1, -6236,2,3, -6236,3,4, -6261,1,1, -6261,2,4, -6293,1,4, -6293,2,8, -6293,3,1, -6293,4,7, -6293,5,5, -6323,1,4, -6370,1,1, -6380,1,1, -6380,2,4, -6380,3,2, -6393,1,5, -6405,1,1, -6452,1,2, -6452,2,4, -6507,1,2, -6542,1,4, -6572,1,1, -6572,2,2, -6572,3,4, -6580,1,2, -6599,1,1, -6599,2,4, -6599,3,8, -6714,1,1, -6714,2,5, -6734,1,1, -6734,2,4, -6734,3,5, -6809,1,1, -6809,2,2, -6809,3,5, -6818,1,1, -6818,2,3, -6818,3,4, -6818,4,5, -6865,1,1, -6865,2,3, -6865,3,4, -6872,1,2, -6872,2,3, -6872,3,5, -6873,1,1, -6879,1,1, -6879,2,2, -6879,3,4, -6879,4,5, -6898,1,1, -6898,2,4, -6898,3,5, -6898,4,8, -6902,1,1, -6902,2,8, -6911,1,1, -6940,1,1, -6959,1,1, -6959,2,3, -6989,1,4, -6989,2,5, -7050,1,1, -7050,2,4, -7067,1,1, -7141,1,1, -7154,1,1, -7154,2,4, -7155,1,2, -7158,1,1, -7158,2,5, -7186,1,1, -7186,2,2, -7186,3,4, -7186,4,8, -7215,1,1, -7217,1,2, -7217,2,8, -7217,3,1, -7217,4,4, -7223,1,5, -7245,1,1, -7248,1,1, -7248,2,4, -7248,3,8, -7252,1,1, -7252,2,3, -7252,3,4, -7270,1,1, -7270,2,4, -7305,1,1, -7305,2,3, -7353,1,1, -7353,2,8, -7371,1,1, -7371,2,4, -7422,1,1, -7486,1,1, -7486,2,4, -7486,3,5, -7532,1,1, -7532,2,5, -7614,1,1, -7627,1,1, -7627,2,5, -7643,1,1, -7643,2,5, -7789,1,1, -7854,1,1, -7854,2,4, -7858,1,2, -7858,2,5, -7858,3,8, -7873,1,5, -7873,2,6, -7903,1,1, -7903,2,3, -7940,1,1, -7940,2,3, -7950,1,4, -7958,1,5, -8032,1,1, -8032,2,2, -8034,1,5, -8041,1,1, -8041,2,5, -8041,3,6, -8069,1,1, -8069,2,2, -8072,1,1, -8072,2,2, -8072,3,4, -8175,1,1, -8175,2,4, -8194,1,1, -8194,2,4, -8220,1,1, -8241,1,1, -8241,2,2, -8241,3,4, -8241,4,5, -8241,5,8, -8257,1,2, -8257,2,3, -8271,1,1, -8298,1,1, -8298,2,2, -8298,3,5, -8329,1,1, -8329,2,2, -8329,3,4, -8361,1,1, -8361,2,2, -8361,3,3, -8389,1,1, -8398,1,1, -8422,1,1, -8488,1,1, -8494,1,1, -8494,2,4, -8524,1,2, -8553,1,1, -8553,2,2, -8553,3,3, -8555,1,1, -8555,2,3, -8555,3,4, -8560,1,1, -8560,2,4, -8560,3,5, -8569,1,1, -8569,2,5, -8574,1,2, -8606,1,1, -8657,1,1, -8657,2,4, -8657,3,5, -8657,4,8, -8657,5,3, -8679,1,5, -8704,1,1, -8704,2,7, -8740,1,1, -8750,1,1, -8750,2,4, -8750,3,5, -8750,4,8, -8784,1,1, -8784,2,4, -8830,1,1, -8886,1,1, -8897,1,1, -8897,2,2, -8897,3,4, -8922,1,3, -8940,1,1, -8940,2,4, -8940,3,5, -8940,4,8, -8949,1,1, -8949,2,3, -8949,3,5, -8977,1,1, -8977,2,2, -8977,3,8, -9002,1,1, -9002,2,4, -9013,1,1, -9013,2,4, -9013,3,5, -9026,1,2, -9026,2,3, -9026,3,1, -9074,1,4, -9074,2,5, -9096,1,1, -9096,2,4, -9096,3,8, -9116,1,5, -9116,2,4, -9116,3,7, -9116,4,8, -9117,1,1, -9117,2,2, -9117,3,8, -9147,1,1, -9147,2,2, -9161,1,5, -9161,2,6, -9187,1,1, -9187,2,4, -9195,1,2, -9215,1,1, -9215,2,4, -9224,1,1, -9224,2,4, -9224,3,5, -9227,1,1, -9227,2,4, -9233,1,1, -9236,1,1, -9236,2,4, -9236,3,7, -9247,1,1, -9247,2,5, -9248,1,2, -9249,1,1, -9249,2,2, -9261,1,2, -9280,1,1, -9293,1,1, -9293,2,2, -9296,1,1, -9306,1,1, -9333,1,4, -9369,1,1, -9369,2,4, -9372,1,1, -9376,1,1, -9380,1,1, -9380,2,4, -9426,1,5, -9432,1,2, -9432,2,4, -9432,3,8, -9456,1,2, -9466,1,1, -9467,1,5, -9467,2,3, -9474,1,1, -9475,1,1, -9475,2,2, -9475,3,4, -9475,4,8, -9522,1,1, -9522,2,2, -9522,3,4, -9522,4,8, -9530,1,1, -9728,1,5, -9788,1,1, -9788,2,2, -9788,3,4, -9788,4,7, -9788,5,8, -9858,1,5, -9858,2,6, -9948,1,2, -9967,1,1, -9996,1,1, -10017,1,1, -10019,1,2, -10019,2,3, -10019,3,5, -10030,1,2, -10080,1,4, -10097,1,1, -10097,2,4, -10103,1,4, -10174,1,2, -10224,1,1, -10224,2,2, -10224,3,4, -10238,1,1, -10238,2,2, -10245,1,2, -10259,1,1, -10259,2,3, -10259,3,4, -10259,4,5, -10265,1,1, -10265,2,8, -10269,1,1, -10283,1,2, -10291,1,1, -10291,2,2, -10291,3,4, -10295,1,1, -10295,2,2, -10312,1,1, -10312,2,4, -10322,1,4, -10333,1,1, -10333,2,2, -10336,1,4, -10357,1,1, -10357,2,3, -10377,1,1, -10377,2,5, -10377,3,2, -10400,1,3, -10400,2,7, -10400,3,8, -10400,4,1, -10405,1,2, -10424,1,1, -10424,2,3, -10442,1,1, -10442,2,2, -10442,3,8, -10476,1,2, -10507,1,1, -10507,2,8, -10507,3,2, -10521,1,4, -10547,1,1, -10580,1,1, -10580,2,4, -10580,3,8, -10668,1,1, -10668,2,3, -10668,3,4, -10713,1,5, -10735,1,1, -10735,2,3, -10735,3,5, -10756,1,1, -10840,1,1, -10840,2,3, -10840,3,5, -10877,1,1, -10877,2,4, -10890,1,1, -10890,2,4, -10903,1,4, -10918,1,1, -10918,2,4, -10941,1,1, -10941,2,4, -10959,1,1, -10959,2,4, -11074,1,1, -11074,2,2, -11074,3,3, -11074,4,4, -11074,5,5, -11074,6,7, -11074,7,8, -11099,1,5, -11123,1,4, -11123,2,1, -11259,1,3, -11275,1,1, -11275,2,4, -11275,3,7, -11275,4,2, -11307,1,5, -11321,1,1, -11338,1,1, -11338,2,2, -11338,3,4, -11397,1,1, -11397,2,3, -11397,3,8, -11399,1,1, -11399,2,2, -11404,1,1, -11408,1,1, -11408,2,4, -11409,1,4, -11447,1,1, -11447,2,2, -11447,3,4, -11530,1,1, -11542,1,1, -11617,1,1, -11634,1,1, -11634,2,4, -11643,1,5, -11643,2,6, -11646,1,1, -11660,1,1, -11660,2,4, -11677,1,2, -11682,1,1, -11682,2,4, -11693,1,5, -11722,1,1, -11750,1,4, -11775,1,1, -11775,2,4, -11791,1,4, -11791,2,1, -11828,1,1, -11828,2,3, -11828,3,4, -11850,1,5, -11912,1,1, -11919,1,1, -11919,2,4, -11941,1,1, -11941,2,3, -11984,1,2, -11990,1,2, diff --git a/data/iai_pecarn/raw/form6b_lgbowelinjury.csv b/data/iai_pecarn/raw/form6b_lgbowelinjury.csv deleted file mode 100644 index 2365793a..00000000 --- a/data/iai_pecarn/raw/form6b_lgbowelinjury.csv +++ /dev/null @@ -1,39 +0,0 @@ -SubjectID,Repeat_instance,LgBowelInjury -57,1,2 -85,1,1 -148,1,2 -170,1,4 -487,1,4 -888,1,3 -2130,1,9 -2345,1,3 -2354,1,1 -2962,1,2 -3112,1,1 -3233,1,3 -3233,2,4 -3384,1,1 -4193,1,4 -4557,1,3 -4557,2,4 -5037,1,9 -5460,1,3 -5759,1,9 -6028,1,4 -6517,1,3 -6810,1,2 -7276,1,1 -7276,2,4 -7727,1,2 -7790,1,1 -8099,1,1 -9147,1,4 -9312,1,1 -9521,1,1 -10283,1,1 -10600,1,4 -10697,1,4 -11173,1,4 -11173,2,2 -11247,1,1 -11684,1,1 diff --git a/data/iai_pecarn/raw/form6b_smbowelinjury.csv b/data/iai_pecarn/raw/form6b_smbowelinjury.csv deleted file mode 100644 index 04972677..00000000 --- a/data/iai_pecarn/raw/form6b_smbowelinjury.csv +++ /dev/null @@ -1,98 +0,0 @@ -SubjectID,Repeat_instance,SmBowelInjury -148,1,3 -170,1,3 -173,1,9 -204,1,1 -487,1,2 -708,1,3 -888,1,2 -888,2,3 -939,1,1 -946,1,1 -1001,1,1 -1001,2,2 -1125,1,1 -1125,2,2 -1125,3,3 -1254,1,1 -1321,1,1 -1322,1,2 -1338,1,2 -1418,1,1 -1727,1,2 -2130,1,9 -2354,1,1 -2556,1,2 -2935,1,1 -3037,1,1 -3037,2,2 -3384,1,3 -3433,1,1 -3558,1,2 -3761,1,3 -3978,1,2 -4582,1,1 -4722,1,1 -4992,1,2 -5037,1,9 -5324,1,2 -5752,1,3 -5759,1,2 -5759,2,3 -5857,1,3 -5922,1,2 -6106,1,1 -6161,1,2 -6205,1,2 -6209,1,1 -6250,1,1 -6433,1,1 -6440,1,1 -6440,2,2 -6517,1,2 -6523,1,2 -6673,1,2 -6790,1,1 -6810,1,2 -6936,1,2 -6957,1,2 -7090,1,3 -7150,1,2 -7150,2,3 -7276,1,2 -7347,1,9 -7455,1,2 -7455,2,3 -7633,1,1 -7802,1,1 -7804,1,1 -8099,1,3 -8202,1,1 -8361,1,2 -8455,1,1 -8776,1,2 -9147,1,3 -9187,1,2 -9494,1,2 -9494,2,3 -9521,1,1 -9655,1,1 -9854,1,2 -9913,1,1 -10126,1,1 -10235,1,1 -10283,1,3 -10351,2,1 -10353,1,2 -10450,2,2 -10600,2,2 -10616,1,2 -10697,1,3 -10776,1,2 -11173,1,2 -11247,1,2 -11304,1,2 -11684,1,3 -11776,1,2 -11846,1,2 -11937,1,1 diff --git a/data/iai_pecarn/raw/form6b_thoracicinj.csv b/data/iai_pecarn/raw/form6b_thoracicinj.csv deleted file mode 100644 index c8f8b4fa..00000000 --- a/data/iai_pecarn/raw/form6b_thoracicinj.csv +++ /dev/null @@ -1,1617 +0,0 @@ -SubjectID,Repeat_instance,AllInjuries2,OtherThoracInj,ChestTube -8,1,1,, -8,2,2,,2 -8,3,13,PNEUMATOCELES, -10,1,1,, -33,1,1,, -41,1,1,, -49,1,1,, -49,2,2,,1 -49,3,4,, -50,1,1,, -57,1,1,, -60,1,1,, -85,1,1,, -86,1,1,, -86,2,6,, -101,1,2,,2 -109,1,1,, -124,1,1,, -132,1,1,, -132,2,4,, -140,1,1,, -140,2,2,,2 -140,3,4,, -145,1,1,, -145,2,2,,1 -145,3,4,, -145,4,10,, -151,1,1,, -155,1,4,, -173,1,1,, -173,2,2,,2 -173,3,4,, -178,1,4,, -238,1,2,,1 -238,2,3,,1 -238,3,5,, -238,4,4,, -244,1,2,,1 -244,2,3,,1 -244,3,4,, -256,1,1,, -269,1,1,, -269,2,10,, -296,1,1,, -296,2,2,,2 -326,1,2,,1 -326,2,3,,1 -334,1,2,,2 -337,1,1,, -337,2,2,,1 -337,3,4,, -379,1,1,, -379,2,4,, -379,3,3,,2 -399,1,1,, -399,2,4,, -428,1,1,, -428,2,2,,2 -428,3,4,, -444,1,4,, -457,1,1,, -465,1,1,, -465,2,2,,1 -469,1,2,,2 -472,1,1,, -477,1,2,,2 -477,2,4,, -477,3,10,, -494,1,1,, -520,1,1,, -520,2,2,,1 -522,1,1,, -522,2,4,, -535,1,1,, -535,2,2,,2 -542,1,1,, -546,1,2,,1 -546,2,4,, -549,1,1,, -563,1,2,,2 -563,2,4,, -570,1,1,, -570,2,2,,1 -570,3,4,, -570,4,10,, -570,5,13,"Pulmonary Laceration, Pericardial Effusion", -574,1,4,, -576,1,1,, -576,2,4,, -591,1,1,, -591,2,2,,1 -591,3,3,,1 -591,4,4,, -591,5,10,, -595,1,2,,2 -606,1,1,, -608,1,1,, -622,1,1,, -632,1,1,, -642,1,1,, -642,2,4,, -650,1,4,, -657,1,1,, -669,1,1,, -669,2,4,, -669,3,6,, -675,1,1,, -675,2,2,,2 -687,1,1,, -695,1,2,,2 -714,1,1,, -729,1,1,, -729,2,3,,2 -729,3,4,, -779,1,2,,2 -828,1,1,, -834,1,4,, -841,1,1,, -841,2,6,, -842,1,2,,2 -850,1,2,,2 -863,1,10,, -890,1,4,, -905,1,2,,2 -917,1,1,, -931,1,4,, -939,1,4,, -949,1,1,, -949,2,2,,2 -950,1,1,, -955,1,2,,2 -957,1,1,, -970,1,2,,2 -992,1,1,, -992,2,2,,2 -1001,1,1,, -1001,2,2,,2 -1039,1,1,, -1039,2,2,,2 -1039,3,3,,2 -1039,4,4,, -1041,1,1,, -1045,1,1,, -1049,1,1,, -1065,1,4,, -1073,1,2,,2 -1092,1,1,, -1092,2,10,, -1100,1,1,, -1100,2,3,,1 -1102,1,1,, -1104,1,2,,2 -1105,1,1,, -1105,2,2,,1 -1105,3,4,, -1105,4,10,, -1109,1,1,, -1141,1,1,, -1141,2,2,,1 -1141,3,3,,1 -1141,4,4,, -1149,1,2,,1 -1149,2,1,, -1150,1,2,,2 -1175,1,1,, -1175,2,2,,2 -1175,3,4,, -1196,1,1,, -1196,2,2,,1 -1196,3,3,,1 -1196,4,4,, -1198,1,1,, -1198,2,2,,1 -1198,3,10,, -1201,1,1,, -1202,1,4,, -1205,1,2,,2 -1220,1,4,, -1234,1,3,,2 -1239,1,1,, -1256,1,4,, -1257,1,1,, -1257,2,2,,1 -1273,1,4,, -1275,1,1,, -1275,2,3,,2 -1275,3,2,,2 -1280,1,1,, -1289,1,1,, -1289,2,3,,1 -1289,3,5,, -1296,1,1,, -1297,1,1,, -1297,2,2,,2 -1297,3,4,, -1308,1,1,, -1308,2,2,,2 -1308,3,4,, -1363,1,1,, -1382,1,1,, -1382,2,2,,1 -1382,3,3,,1 -1382,4,4,, -1382,5,13,Traumatic pneumatocele, -1394,1,2,,2 -1402,1,2,,1 -1402,2,4,, -1416,1,1,, -1446,1,1,, -1448,1,4,, -1455,1,10,, -1457,1,2,,2 -1459,1,1,, -1459,2,2,,2 -1459,3,4,, -1460,1,2,,2 -1473,1,1,, -1473,2,2,,2 -1473,3,4,, -1499,1,1,, -1566,1,1,, -1566,2,2,,2 -1617,1,1,, -1647,1,2,,1 -1648,1,2,,2 -1648,2,4,, -1652,1,6,, -1653,1,1,, -1653,2,2,,2 -1653,3,13,Pulmonary Laceration, -1665,1,2,,2 -1665,2,10,, -1679,1,1,, -1679,2,2,,2 -1679,3,4,, -1699,1,1,, -1699,2,4,, -1723,1,1,, -1725,1,1,, -1725,2,2,,2 -1725,3,4,, -1729,1,2,,2 -1734,1,1,, -1734,2,2,,1 -1734,3,3,,1 -1734,4,5,, -1760,1,4,, -1761,1,1,, -1761,2,2,,2 -1761,3,6,, -1764,1,1,, -1764,2,3,,1 -1764,3,2,,1 -1770,1,1,, -1770,2,2,,2 -1785,1,1,, -1785,2,2,,2 -1790,1,1,, -1790,2,4,, -1790,3,10,, -1817,1,1,, -1824,1,1,, -1828,1,10,, -1828,2,13,Tracheal laceration, -1829,1,1,, -1837,1,1,, -1870,1,1,, -1870,2,2,,2 -1870,3,4,, -1894,1,4,, -1910,1,1,, -1926,1,1,, -1926,2,2,,1 -1926,3,3,,1 -1926,4,4,, -1945,1,1,, -1950,1,1,, -1950,2,2,,2 -1985,1,1,, -1985,2,2,,1 -1985,3,10,, -2000,1,1,, -2000,2,10,, -2033,1,1,, -2033,2,2,,1 -2033,3,4,, -2043,1,2,,1 -2045,1,1,, -2045,2,2,,2 -2045,3,4,, -2047,1,2,,2 -2059,1,1,, -2059,2,2,,2 -2059,3,4,, -2059,4,3,,2 -2059,5,12,, -2076,1,1,, -2081,1,4,, -2082,1,2,,2 -2109,1,1,, -2114,1,1,, -2136,1,1,, -2136,2,4,, -2159,1,1,, -2159,2,2,,2 -2182,1,1,, -2191,1,1,, -2191,2,2,,1 -2191,3,4,, -2191,4,3,,1 -2216,1,1,, -2216,2,2,,1 -2216,3,3,,1 -2223,1,1,, -2223,2,2,,1 -2223,3,3,,1 -2223,4,4,, -2250,1,4,, -2253,1,1,, -2278,1,2,,2 -2295,1,1,, -2313,1,2,,2 -2337,1,13,Mediastinal hematoma, -2340,1,1,, -2340,2,4,, -2343,1,1,, -2343,2,2,,2 -2343,3,13,Lung Laceration, -2345,1,5,, -2345,2,3,,2 -2371,1,4,, -2382,1,1,, -2390,2,2,,1 -2392,1,1,, -2392,2,4,, -2392,3,10,, -2402,1,2,,1 -2402,2,3,,1 -2402,3,4,, -2402,4,1,, -2419,1,4,, -2436,1,2,,2 -2436,2,4,, -2445,1,1,, -2467,1,1,, -2467,2,4,, -2468,1,1,, -2468,2,2,,1 -2468,3,3,,1 -2468,4,4,, -2468,5,6,, -2468,6,12,, -2482,1,1,, -2492,1,1,, -2492,2,2,,2 -2502,1,3,,2 -2509,1,6,, -2511,1,1,, -2513,1,1,, -2526,1,2,,2 -2526,2,4,, -2526,3,1,, -2547,1,1,, -2547,2,2,,2 -2556,1,1,, -2565,1,2,,2 -2565,2,6,, -2565,3,10,, -2567,1,2,,1 -2567,2,3,,1 -2567,3,1,, -2580,1,1,, -2581,1,1,, -2581,2,2,,1 -2581,3,4,, -2582,1,1,, -2590,1,1,, -2596,1,1,, -2621,1,1,, -2636,1,1,, -2659,1,2,,2 -2675,1,1,, -2675,2,2,,1 -2675,3,4,, -2675,4,10,, -2684,1,4,, -2687,1,1,, -2687,2,4,, -2692,1,1,, -2692,2,3,,2 -2699,1,1,, -2705,1,1,, -2705,2,2,,1 -2705,3,4,, -2705,4,3,,1 -2724,1,13,Pneumatocele, -2764,1,4,, -2764,2,1,, -2777,1,1,, -2827,1,1,, -2829,1,1,, -2837,1,1,, -2837,2,4,, -2837,3,13,mediastinal hematoma thymus injury, -2848,1,2,,2 -2852,1,4,, -2858,1,4,, -2933,1,1,, -2939,1,1,, -2939,2,2,,2 -2939,3,3,,2 -2939,4,4,, -2945,1,2,,2 -2947,1,1,, -2947,2,4,, -2962,1,1,, -2971,1,1,, -2971,2,2,,2 -2971,3,4,, -2980,1,10,, -2982,1,1,, -2982,2,2,,2 -2999,1,1,, -2999,2,2,,2 -3005,1,1,, -3016,1,4,, -3016,2,3,,2 -3022,1,1,, -3049,1,1,, -3049,2,2,,2 -3074,1,1,, -3074,2,2,,1 -3074,4,4,, -3074,5,7,, -3101,1,2,,2 -3101,2,13,Traumatic Pneumatocele, -3112,2,5,, -3112,3,3,,1 -3114,1,1,, -3115,1,4,, -3129,1,4,, -3129,2,1,, -3132,1,2,,2 -3132,2,4,, -3133,1,2,,2 -3159,1,1,, -3159,2,2,,2 -3159,3,4,, -3164,1,2,,2 -3167,1,1,, -3186,1,1,, -3186,2,2,,2 -3190,1,1,, -3194,1,2,,2 -3195,1,2,,2 -3211,1,1,, -3211,2,2,,1 -3211,3,3,,1 -3224,1,3,,1 -3224,2,12,, -3225,1,4,, -3229,1,2,,2 -3232,1,1,, -3242,1,1,, -3246,1,2,,2 -3250,1,1,, -3250,2,4,, -3275,1,1,, -3280,1,1,, -3280,2,2,,1 -3280,3,3,,1 -3295,1,10,, -3314,1,1,, -3314,2,2,,1 -3314,3,3,,1 -3314,4,4,, -3319,1,1,, -3319,2,4,, -3322,1,2,,2 -3332,1,1,, -3334,1,1,, -3334,2,2,,2 -3334,3,3,,2 -3337,1,1,, -3351,1,1,, -3372,1,1,, -3384,1,1,, -3384,2,2,,2 -3384,3,4,, -3384,4,10,, -3390,1,1,, -3398,1,1,, -3398,2,2,,2 -3398,3,4,, -3425,1,1,, -3442,1,10,, -3448,1,1,, -3448,2,2,,2 -3469,1,1,, -3469,2,2,,1 -3469,3,13,torn superior vena cava, -3469,4,3,,1 -3469,5,12,, -3491,1,1,, -3491,2,2,,2 -3491,3,10,, -3491,4,13,RLL Pulmonary Laceration, -3513,1,4,, -3525,1,4,, -3543,1,1,, -3557,1,1,, -3559,1,1,, -3564,1,1,, -3564,2,2,,2 -3576,1,1,, -3576,2,2,,2 -3576,3,4,, -3584,1,1,, -3624,1,1,, -3632,1,2,,2 -3651,1,1,, -3652,1,1,, -3652,2,4,, -3652,3,2,,2 -3687,1,1,, -3693,1,2,,2 -3701,1,1,, -3701,2,2,,1 -3707,1,1,, -3729,1,1,, -3739,1,1,, -3739,2,2,,2 -3739,3,3,,2 -3741,1,1,, -3741,2,2,,2 -3741,3,4,, -3746,1,1,, -3746,2,3,,1 -3746,3,13,Right pulmonary laceration, -3746,4,2,,1 -3753,1,1,, -3753,2,2,,2 -3753,3,13,Pneumatocele, -3767,1,4,, -3768,1,1,, -3768,2,6,, -3774,1,1,, -3774,2,4,, -3774,3,13,Pneumoatocele, -3785,1,4,, -3787,1,2,,2 -3809,1,4,, -3846,1,1,, -3846,2,2,,2 -3847,1,1,, -3865,1,1,, -3865,2,2,,1 -3868,1,1,, -3870,1,1,, -3901,1,1,, -3901,2,3,,1 -3901,3,4,, -3901,4,2,,1 -3910,1,1,, -3978,1,1,, -3979,1,4,, -3980,1,2,,1 -3980,2,3,,1 -3980,3,4,, -3993,1,1,, -3993,2,2,,2 -3993,3,3,,2 -3993,4,9,, -3996,1,1,, -3997,1,4,, -3997,2,6,, -3997,3,13,mediastinal hematoma, -4005,1,2,,2 -4005,2,1,, -4014,1,1,, -4028,1,1,, -4039,1,1,, -4047,1,1,, -4088,1,1,, -4088,2,3,,2 -4088,3,4,, -4101,1,1,, -4101,2,2,,2 -4101,3,4,, -4107,1,1,, -4143,1,1,, -4143,2,4,, -4151,1,1,, -4153,1,1,, -4153,2,2,,2 -4159,1,2,,1 -4159,2,3,,1 -4165,1,1,, -4165,2,2,,1 -4180,1,1,, -4180,2,2,,2 -4193,1,1,, -4211,1,3,,1 -4231,1,1,, -4231,2,2,,2 -4231,3,4,, -4250,1,2,,1 -4250,2,3,,2 -4250,3,4,, -4251,1,1,, -4270,1,10,, -4277,1,1,, -4293,1,10,, -4308,1,1,, -4334,1,1,, -4334,2,2,,1 -4342,1,1,, -4342,2,2,,2 -4351,1,1,, -4351,2,2,,1 -4356,1,1,, -4356,2,2,,2 -4364,1,2,,2 -4372,1,1,, -4399,1,1,, -4402,1,2,,1 -4403,1,1,, -4412,1,1,, -4412,2,2,,2 -4412,3,4,, -4448,1,1,, -4467,1,1,, -4467,2,2,,2 -4483,1,1,, -4490,1,1,, -4491,1,1,, -4491,2,2,,2 -4491,3,4,, -4493,1,3,,1 -4502,1,1,, -4502,2,2,,2 -4502,3,13,Bronchial Laceration, -4537,1,2,,1 -4538,1,1,, -4545,1,2,,1 -4545,2,4,, -4550,1,1,, -4550,2,2,,1 -4550,3,13,Pneumatoceles, -4555,1,1,, -4558,1,1,, -4558,2,2,,1 -4562,1,1,, -4562,2,2,,2 -4576,1,1,, -4581,1,1,, -4582,1,1,, -4582,2,4,, -4586,1,1,, -4620,1,1,, -4642,1,1,, -4642,2,2,,2 -4642,3,3,,2 -4642,4,4,, -4650,1,1,, -4650,2,2,,2 -4650,3,4,, -4656,1,2,,2 -4660,1,4,, -4674,1,1,, -4708,1,2,,2 -4708,2,1,, -4709,1,1,, -4709,2,2,,2 -4717,1,1,, -4722,1,1,, -4722,2,2,,1 -4724,1,1,, -4724,2,2,,2 -4745,1,2,,1 -4749,1,1,, -4749,2,2,,2 -4749,3,4,, -4751,1,4,, -4757,1,1,, -4760,1,1,, -4772,1,1,, -4772,2,2,,2 -4792,1,1,, -4810,1,2,,2 -4820,1,1,, -4820,2,4,, -4820,3,10,, -4822,1,1,, -4822,2,2,,1 -4822,3,4,, -4822,4,3,,1 -4832,1,2,,2 -4832,2,4,, -4845,1,1,, -4845,2,2,,1 -4859,1,1,, -4859,2,2,,2 -4865,1,1,, -4865,2,2,,2 -4865,3,10,, -4865,4,11,, -4880,1,6,, -4889,1,2,,2 -4893,1,1,, -4893,2,2,,2 -4893,3,3,,2 -4893,4,4,, -4893,5,13,"pneumatoceles, subpleural hematoma", -4894,1,1,, -4894,2,2,,2 -4894,3,4,, -4894,4,3,,2 -4909,1,1,, -4909,2,2,,1 -4909,3,4,, -4924,1,4,, -4943,1,4,, -4950,1,1,, -4950,2,2,,1 -4950,3,4,, -4959,1,1,, -4959,3,2,,2 -4965,1,4,, -4994,1,1,, -4994,2,2,,2 -4994,3,4,, -5004,1,1,, -5006,1,2,,2 -5006,2,4,, -5020,1,1,, -5037,1,1,, -5037,2,2,,1 -5037,3,3,,1 -5037,4,4,, -5037,5,7,, -5037,6,10,, -5071,1,1,, -5071,2,2,,2 -5071,3,3,,2 -5080,1,2,,2 -5081,1,2,,2 -5086,1,1,, -5087,1,1,, -5087,2,2,,2 -5091,1,1,, -5092,1,1,, -5103,1,2,,2 -5115,1,1,, -5115,2,2,,2 -5115,3,6,, -5115,4,13,Retrocternal Hematoma, -5147,1,1,, -5147,2,2,,2 -5147,3,4,, -5148,1,1,, -5184,1,2,,2 -5184,2,1,, -5188,1,1,, -5203,1,4,, -5209,1,1,, -5209,2,13,Pulmonary Laceration, -5237,1,1,, -5244,1,4,, -5252,1,1,, -5252,2,13,Lung Laceration, -5262,1,1,, -5272,1,1,, -5286,1,1,, -5286,2,2,,2 -5286,3,4,, -5308,1,2,,2 -5310,1,1,, -5334,1,1,, -5334,2,2,,1 -5334,3,4,, -5337,1,4,, -5351,1,1,, -5351,2,4,, -5362,1,2,,1 -5362,2,4,, -5364,1,1,, -5364,2,2,,2 -5365,1,1,, -5422,1,2,,1 -5422,2,3,,1 -5422,3,4,, -5442,1,6,, -5458,1,1,, -5458,2,9,, -5460,1,1,, -5464,1,1,, -5469,1,4,, -5472,1,1,, -5472,2,4,, -5483,1,2,,1 -5491,1,1,, -5491,2,2,,2 -5507,1,1,, -5511,1,1,, -5528,1,1,, -5528,2,2,,2 -5531,1,4,, -5557,1,1,, -5557,2,3,,2 -5586,1,4,, -5607,1,1,, -5607,2,13,Lung Laceration, -5620,1,1,, -5620,2,2,,2 -5629,1,2,,2 -5651,1,1,, -5655,1,13,Mediastinal hematoma, -5671,1,1,, -5698,1,4,, -5707,1,2,,2 -5707,2,1,, -5727,1,1,, -5763,1,1,, -5763,2,2,,2 -5776,1,2,,2 -5782,1,1,, -5782,2,2,,2 -5793,1,1,, -5793,2,2,,2 -5793,3,3,,2 -5793,4,4,, -5800,1,1,, -5810,1,1,, -5834,1,10,, -5844,1,4,, -5850,1,1,, -5850,2,2,,2 -5857,1,3,,1 -5894,1,1,, -5894,2,2,,1 -5894,3,3,,1 -5894,4,4,, -5894,5,13,Traumatic Pneumatocels, -5923,1,4,, -5923,2,5,, -5938,1,1,, -5938,2,2,,1 -5938,3,4,, -5951,1,1,, -5963,1,1,, -5963,2,2,,2 -5970,1,1,, -5978,1,1,, -5978,2,4,, -5978,3,13,Sternal and Manubrium diastasis, -5990,1,3,,1 -5990,2,4,, -5992,1,1,, -5996,1,1,, -5996,2,2,,1 -5996,3,3,,1 -5996,4,4,, -5996,5,13,Pulmunary laceration with traumatic pnuematoceles, -5997,1,2,,2 -6015,1,1,, -6015,2,2,,2 -6028,1,1,, -6028,2,2,,1 -6028,3,4,, -6028,4,3,,1 -6075,1,1,, -6095,1,2,,2 -6098,1,1,, -6121,1,1,, -6121,2,2,,2 -6123,1,1,, -6136,1,3,,2 -6136,2,4,, -6144,1,1,, -6146,1,1,, -6147,1,1,, -6161,1,1,, -6164,1,1,, -6164,2,2,,2 -6164,3,7,, -6176,1,4,, -6180,1,1,, -6189,1,4,, -6217,1,1,, -6217,2,4,, -6236,1,1,, -6275,1,1,, -6275,2,4,, -6278,1,1,, -6278,2,2,,2 -6278,3,4,, -6278,4,3,,2 -6293,1,2,,1 -6293,2,3,,1 -6293,3,4,, -6293,4,10,, -6311,1,1,, -6325,1,2,,1 -6361,1,2,,2 -6371,1,1,, -6383,1,1,, -6383,2,2,,2 -6383,3,3,,2 -6389,1,1,, -6405,1,1,, -6406,1,1,, -6410,1,1,, -6436,1,1,, -6456,1,10,, -6459,1,2,,1 -6459,2,4,, -6474,1,1,, -6474,2,2,,1 -6484,1,2,,2 -6484,2,10,, -6517,1,4,, -6517,2,6,, -6542,1,1,, -6542,2,2,,2 -6542,3,13,mediastinal hematoma, -6542,4,4,, -6542,5,3,,2 -6548,1,1,, -6548,2,2,,2 -6548,3,4,, -6553,1,1,, -6576,1,1,, -6579,1,1,, -6579,2,2,,1 -6579,3,3,,1 -6579,4,4,, -6579,5,13,Lung Laceration, -6599,1,3,,1 -6600,1,2,,2 -6642,1,1,, -6681,1,1,, -6681,2,10,, -6705,1,1,, -6705,2,4,, -6706,1,1,, -6709,1,2,,2 -6722,1,1,, -6722,2,2,,2 -6734,1,1,, -6734,2,2,,2 -6734,3,4,, -6735,1,1,, -6735,2,2,,2 -6735,3,4,, -6798,1,2,,1 -6809,1,10,, -6810,1,4,, -6865,1,1,, -6865,2,2,,2 -6865,3,3,,2 -6865,4,4,, -6865,5,10,, -6873,1,1,, -6873,2,4,, -6926,1,1,, -6963,1,1,, -6989,1,1,, -6989,2,2,,2 -6989,3,4,, -6989,4,3,,2 -7001,1,1,, -7008,1,1,, -7008,2,13,pneumatocele, -7050,1,1,, -7050,2,4,, -7067,1,1,, -7067,2,2,,2 -7067,3,4,, -7071,1,1,, -7071,2,12,, -7084,1,1,, -7084,2,10,, -7122,1,1,, -7132,1,1,, -7132,2,4,, -7132,3,2,,2 -7136,1,1,, -7136,2,2,,1 -7136,3,3,,1 -7136,4,10,, -7154,1,1,, -7154,2,2,,2 -7170,1,2,,2 -7186,1,1,, -7189,1,2,,2 -7189,2,4,, -7189,3,1,, -7193,1,1,, -7215,1,4,, -7215,2,1,, -7217,1,1,, -7225,1,4,, -7227,1,1,, -7227,2,2,,1 -7228,1,4,, -7247,1,1,, -7247,2,2,,2 -7248,1,1,, -7248,2,2,,2 -7248,3,3,,2 -7248,4,4,, -7252,1,1,, -7253,1,3,,2 -7259,1,4,, -7259,2,6,, -7260,1,1,, -7285,1,1,, -7302,1,1,, -7302,2,2,,1 -7302,3,3,,1 -7302,4,4,, -7304,1,2,,1 -7324,1,1,, -7353,1,1,, -7353,2,2,,2 -7353,3,3,,2 -7353,4,4,, -7367,1,1,, -7382,1,1,, -7382,2,10,, -7383,1,2,,1 -7383,2,3,,1 -7383,3,10,, -7383,4,11,, -7383,5,4,, -7418,1,1,, -7418,2,2,,2 -7418,3,4,, -7426,1,1,, -7426,2,4,, -7436,1,2,,1 -7436,2,3,,1 -7436,3,5,, -7436,4,10,, -7454,1,2,,2 -7480,1,1,, -7484,1,1,, -7484,2,2,,2 -7486,1,1,, -7486,2,2,,2 -7493,1,1,, -7496,1,2,,1 -7496,2,4,, -7529,1,3,,1 -7531,1,1,, -7531,2,2,,2 -7532,1,1,, -7532,2,4,, -7532,3,9,, -7540,1,1,, -7546,1,4,, -7568,1,1,, -7568,2,2,,2 -7568,3,4,, -7582,1,1,, -7586,1,1,, -7591,1,1,, -7591,2,2,,2 -7591,3,4,, -7608,1,2,,2 -7611,1,1,, -7611,2,2,,2 -7611,3,4,, -7614,1,1,, -7614,2,4,, -7623,1,2,,2 -7629,1,2,,2 -7643,1,1,, -7643,2,4,, -7643,3,6,, -7643,4,13,Pulmonary Laceration, -7643,5,7,, -7683,1,1,, -7683,2,2,,1 -7683,3,4,, -7683,4,3,,1 -7697,1,1,, -7698,1,1,, -7704,1,4,, -7705,1,1,, -7705,2,2,,2 -7705,3,13,Pneumatocele, -7705,4,4,, -7737,1,1,, -7747,1,1,, -7747,2,2,,1 -7747,3,3,,1 -7747,4,10,, -7804,1,4,, -7831,1,2,,1 -7831,2,3,,1 -7831,3,4,, -7840,1,1,, -7853,1,1,, -7854,1,4,, -7856,1,2,,2 -7859,1,1,, -7873,1,3,,1 -7873,2,4,, -7887,1,1,, -7887,2,4,, -7888,1,1,, -7888,2,2,,2 -7888,3,10,, -7903,1,1,, -7909,1,1,, -7909,2,2,,2 -7928,1,1,, -7944,1,1,, -7944,2,2,,2 -7993,1,1,, -8003,1,2,,2 -8019,1,1,, -8019,2,2,,1 -8019,3,4,, -8032,1,1,, -8032,2,2,,1 -8032,3,3,,1 -8032,4,4,, -8042,1,1,, -8065,1,1,, -8107,1,1,, -8107,2,2,,2 -8107,3,4,, -8112,1,1,, -8139,1,1,, -8139,2,2,,1 -8140,1,1,, -8160,1,4,, -8167,1,1,, -8167,2,2,,2 -8167,3,4,, -8175,1,1,, -8175,2,2,,1 -8175,3,3,,1 -8175,4,4,, -8192,1,4,, -8202,1,1,, -8212,1,1,, -8228,1,1,, -8228,2,2,,1 -8228,3,3,,1 -8228,4,4,, -8260,1,1,, -8260,2,2,,2 -8260,3,4,, -8260,4,10,, -8262,1,1,, -8262,2,2,,1 -8262,3,3,,1 -8262,4,4,, -8262,5,6,, -8262,6,13,Mediasternal Hematoma, -8286,1,1,, -8292,1,1,, -8298,1,1,, -8299,1,2,,2 -8322,1,1,, -8322,2,2,,2 -8325,1,1,, -8326,1,1,, -8329,1,1,, -8329,2,4,, -8329,3,13,pulmonary laceration of right lower lobe, -8361,1,1,, -8368,1,1,, -8368,2,2,,2 -8369,1,4,, -8372,1,1,, -8372,2,4,, -8379,1,4,, -8384,1,1,, -8389,1,2,,2 -8401,1,4,, -8422,1,1,, -8422,2,4,, -8428,1,1,, -8428,2,10,, -8445,1,2,,1 -8450,1,1,, -8462,1,1,, -8462,2,4,, -8488,1,13,Pulmonary hemorrhage and pulmonary laceration, -8489,1,1,, -8489,2,2,,2 -8489,3,4,, -8493,1,1,, -8501,1,1,, -8530,1,1,, -8530,2,2,,1 -8546,1,1,, -8546,2,4,, -8547,1,2,,2 -8567,1,1,, -8567,2,2,,1 -8567,3,3,,1 -8567,4,4,, -8567,5,10,, -8567,6,13,Pulmonary laceration and hemorrhage, -8569,1,1,, -8574,1,1,, -8574,2,2,,2 -8577,1,4,, -8587,1,2,,2 -8611,1,1,, -8611,2,2,,2 -8611,3,4,, -8611,4,10,, -8621,1,1,, -8657,1,1,, -8659,1,2,,2 -8659,2,4,, -8675,1,2,,2 -8699,1,1,, -8699,2,2,,2 -8699,3,13,pneumatoceles, -8699,4,4,, -8704,1,1,, -8704,2,2,,1 -8704,3,4,, -8719,1,1,, -8750,1,1,, -8750,2,12,, -8750,3,3,,2 -8754,1,2,,2 -8759,1,1,, -8760,1,1,, -8760,2,2,,1 -8760,3,3,,1 -8768,1,1,, -8768,2,4,, -8802,1,1,, -8802,2,2,,1 -8802,3,4,, -8802,4,13,Pulmonary Laceration and Pulmonary Hemorrhage, -8818,1,1,, -8858,1,1,, -8858,2,13,Traumatic pneumatocele, -8886,1,1,, -8894,1,4,, -8911,1,1,, -8918,1,1,, -8920,1,1,, -8922,1,4,, -8930,1,1,, -8930,2,2,,2 -8930,3,4,, -8974,1,1,, -8974,2,10,, -8974,3,2,,1 -8977,1,4,, -9022,1,6,, -9023,1,1,, -9026,1,1,, -9026,2,2,,2 -9026,3,4,, -9052,1,1,, -9057,1,1,, -9064,1,1,, -9074,1,1,, -9083,1,1,, -9083,2,2,,1 -9099,1,1,, -9116,1,1,, -9116,2,4,, -9133,1,1,, -9143,1,1,, -9147,1,1,, -9147,2,2,,2 -9160,1,1,, -9160,2,4,, -9169,1,2,,1 -9187,1,1,, -9196,1,1,, -9203,1,1,, -9203,2,2,,1 -9203,3,3,,1 -9203,4,4,, -9215,1,1,, -9215,2,2,,1 -9215,3,4,, -9215,4,6,, -9227,1,1,, -9227,2,2,,2 -9233,1,1,, -9235,1,2,,2 -9245,1,1,, -9285,1,1,, -9285,2,2,,2 -9285,3,4,, -9293,1,1,, -9295,1,1,, -9296,1,1,, -9296,2,2,,2 -9296,3,3,,2 -9296,4,4,, -9298,1,1,, -9300,1,2,,2 -9300,2,4,, -9315,1,1,, -9323,1,2,,1 -9352,1,1,, -9352,2,2,,1 -9352,3,3,,1 -9352,4,4,, -9376,1,1,, -9393,1,4,, -9420,1,1,, -9437,1,1,, -9465,1,1,, -9484,1,1,, -9521,1,1,, -9521,2,2,,1 -9534,1,1,, -9534,2,2,,1 -9563,1,2,,2 -9569,1,1,, -9569,2,4,, -9601,1,1,, -9604,1,4,, -9604,2,3,,2 -9615,1,1,, -9615,2,4,, -9627,1,1,, -9644,1,1,, -9678,1,1,, -9680,1,2,,2 -9683,1,1,, -9683,2,2,,2 -9689,1,1,, -9689,2,2,,2 -9734,1,1,, -9741,1,1,, -9741,2,4,, -9775,1,1,, -9775,2,2,,2 -9787,1,1,, -9787,2,2,,2 -9787,3,4,, -9787,4,11,, -9794,1,1,, -9794,2,2,,2 -9794,3,4,, -9799,1,1,, -9801,1,4,, -9822,1,2,,2 -9822,2,4,, -9848,1,2,,2 -9848,2,4,, -9879,1,4,, -9898,1,1,, -9947,1,1,, -9947,2,2,,2 -9947,3,10,, -9958,1,1,, -9972,1,1,, -9972,2,2,,2 -9972,3,4,, -9973,1,4,, -9998,1,1,, -9998,2,4,, -10000,1,2,,2 -10000,2,4,, -10000,3,10,, -10000,4,1,, -10024,1,1,, -10030,1,1,, -10036,1,2,,2 -10036,2,4,, -10064,1,1,, -10064,2,2,,1 -10064,3,13,Traumatic pneumatocele, -10064,4,3,,1 -10083,1,1,, -10083,2,2,,2 -10096,1,2,,2 -10100,1,1,, -10100,2,2,,2 -10100,3,4,, -10103,1,1,, -10103,2,2,,2 -10121,1,2,,2 -10121,2,4,, -10121,3,10,, -10121,4,13,disruption of intercostal muscle right 5th/6th interspace, -10229,1,2,,2 -10270,1,1,, -10270,2,2,,1 -10270,3,4,, -10270,4,9,, -10270,5,10,, -10270,6,13,Traumatic pneumatocele, -10285,1,1,, -10295,1,2,,2 -10312,1,1,, -10322,1,1,, -10333,1,1,, -10349,1,1,, -10353,1,1,, -10353,2,3,,1 -10374,1,1,, -10379,1,1,, -10379,2,2,,1 -10398,1,1,, -10408,1,1,, -10408,2,4,, -10408,3,3,,2 -10445,1,4,, -10464,1,4,, -10476,1,1,, -10476,2,4,, -10476,3,2,,2 -10485,1,1,, -10485,3,13,hemomediastinum, -10485,4,3,,2 -10485,5,7,, -10488,1,2,,1 -10488,2,3,,1 -10488,3,4,, -10521,1,2,,2 -10529,1,1,, -10534,1,4,, -10540,1,1,, -10540,2,2,,1 -10540,3,10,, -10540,4,3,,1 -10550,1,1,, -10554,1,1,, -10555,1,1,, -10587,1,1,, -10587,2,2,,2 -10588,1,1,, -10588,2,2,,2 -10637,1,1,, -10637,2,4,, -10638,1,1,, -10641,1,10,, -10641,2,1,, -10679,1,10,, -10708,1,2,,1 -10708,2,4,, -10740,1,4,, -10741,1,1,, -10741,2,2,,2 -10749,1,1,, -10749,2,2,,1 -10776,1,1,, -10790,1,1,, -10795,1,2,,2 -10798,1,4,, -10921,1,1,, -10941,1,1,, -10941,2,2,,1 -10941,3,4,, -10958,1,1,, -10962,1,2,,2 -11027,1,1,, -11027,2,13,small pneumatocele, -11042,1,1,, -11058,1,1,, -11062,1,1,, -11074,1,1,, -11092,1,4,, -11099,1,1,, -11109,1,1,, -11109,2,2,,1 -11109,3,10,, -11123,1,1,, -11123,2,2,,2 -11123,3,4,, -11136,1,1,, -11157,1,1,, -11167,1,2,,1 -11167,2,4,, -11167,3,1,, -11192,1,1,, -11192,2,2,,1 -11192,3,10,, -11199,1,1,, -11214,1,1,, -11214,2,2,,1 -11248,2,4,, -11283,1,1,, -11285,1,2,,2 -11288,1,1,, -11320,1,1,, -11321,1,1,, -11336,1,1,, -11337,1,4,, -11371,1,1,, -11387,1,1,, -11387,2,2,,1 -11387,3,13,Lung Laceration, -11399,1,4,, -11408,1,1,, -11408,2,2,,2 -11409,1,1,, -11425,1,2,,2 -11426,1,2,,1 -11426,2,4,, -11440,1,2,,1 -11440,2,10,, -11440,3,1,, -11447,1,1,, -11474,1,1,, -11474,2,2,,2 -11474,3,3,,2 -11497,1,1,, -11500,1,1,, -11500,2,2,,1 -11509,1,1,, -11509,2,2,,2 -11509,3,3,,2 -11509,4,4,, -11528,1,1,, -11542,1,2,,2 -11549,1,1,, -11549,2,4,, -11552,1,1,, -11552,2,2,,1 -11552,3,3,,1 -11552,4,4,, -11552,5,10,, -11553,1,2,,2 -11555,1,2,,2 -11555,2,4,, -11564,1,2,,2 -11564,2,3,,2 -11564,3,4,, -11564,4,10,, -11574,1,1,, -11574,2,2,,1 -11574,3,4,, -11574,4,3,,1 -11594,1,1,, -11607,1,1,, -11607,2,2,,2 -11607,3,3,,2 -11607,4,4,, -11617,1,1,, -11617,2,3,,2 -11617,3,4,, -11630,1,3,,2 -11634,1,1,, -11634,2,2,,2 -11634,3,4,, -11643,1,1,, -11660,1,2,,2 -11663,1,1,, -11663,2,2,,2 -11663,3,4,, -11663,4,3,,2 -11682,1,1,, -11682,2,2,,2 -11682,3,4,, -11682,5,7,, -11712,1,4,, -11720,1,4,, -11730,1,4,, -11730,2,3,,2 -11750,1,1,, -11775,1,1,, -11781,1,1,, -11785,1,1,, -11785,2,2,,1 -11785,3,3,,1 -11785,4,4,, -11785,5,13,Lung Laceration, -11790,1,1,, -11790,2,4,, -11814,1,1,, -11850,1,1,, -11855,1,2,,2 -11855,2,10,, -11856,1,1,, -11856,2,13,Pulmonary laceration., -11857,1,1,, -11857,2,2,,2 -11857,3,4,, -11857,4,6,, -11876,1,4,, -11887,1,1,, -11887,2,4,, -11888,1,1,, -11888,2,2,,1 -11888,3,4,, -11888,4,10,, -11888,5,13,Lung Laceration, -11913,1,10,, -11915,1,1,, -11915,2,2,,2 -11915,3,4,, -11915,4,13,pulmonary laceration (RML), -11959,1,4,, -11960,1,4,, -11962,1,1,, -11963,1,1,, -11972,1,2,,2 -11979,1,1,, -11979,2,2,,2 -11979,3,4,, -11988,1,2,,2 -11988,2,4,, -11994,1,1,, -12030,1,1,, diff --git a/data/iai_pecarn/raw/form6c.csv b/data/iai_pecarn/raw/form6c.csv deleted file mode 100644 index e150f5f0..00000000 --- a/data/iai_pecarn/raw/form6c.csv +++ /dev/null @@ -1,165 +0,0 @@ -subjectid,ABDPROCID,lapnumber,lapday,LapTime,LaparotomyType,IAIDxDuringLap,HemoDxDurLap,IntervenDurLap,Form6CSpleen,Form6CLiver,Form6CStomach,Form6CSmallGI,Form6CLgIntest,Form6CKidney,Form6CPancreas,Form6CGallInj,Form6CFascInj,Form6CUrinBlad,Form6COther,OtherAbdInjury,OtherInjInterv,OthAbInjurInter -57,247518,1,1,0204,1,1,1,1,2,2,2,2,1,2,2,2,2,2,2,,, -115,230257,1,1,1036,4,1,2,1,2,2,2,2,2,2,2,2,2,1,2,,, -148,240425,1,0,1742,1,1,1,1,2,2,2,1,1,2,2,2,1,2,2,,, -170,247506,1,1,0335,5,1,1,1,2,2,2,1,1,2,2,2,2,2,2,,, -173,240427,1,0,2320,3,1,1,1,1,2,2,1,2,1,2,2,2,2,2,,, -173,240428,2,2,1355,1,1,2,1,2,2,2,1,2,2,2,2,2,2,2,,, -173,240429,3,5,1225,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,,, -173,240430,4,7,1605,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,,, -173,240431,5,9,1659,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,,, -173,240432,6,12,1200,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,,, -238,254497,1,0,2005,1,1,1,1,1,1,2,2,2,2,2,2,2,2,2,,, -487,233664,1,1,1248,4,1,1,1,2,2,2,1,2,2,2,2,2,2,2,,, -587,251086,1,2,1519,7,1,2,1,2,2,2,2,2,1,2,2,2,2,2,,, -587,251087,2,3,1158,7,1,2,1,2,2,2,2,2,1,2,2,2,2,2,,, -587,251088,3,33,1415,7,1,2,1,2,2,2,2,2,1,2,2,2,2,2,,, -587,251089,4,61,0744,7,1,2,1,2,2,2,2,2,1,2,2,2,2,2,,, -708,247502,1,2,0802,1,1,2,1,2,2,2,1,2,2,2,2,2,2,2,,, -888,241114,1,5,1926,3,1,1,1,2,2,2,1,2,2,2,2,2,2,2,,, -1001,189036,1,0,2315,1,1,1,1,2,2,2,1,2,2,1,2,2,2,2,,, -1125,189020,1,1,0659,4,1,1,1,2,2,2,1,2,2,2,2,2,2,2,,, -1289,158980,1,0,1830,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,Ruptured/Torn Diaphragm,1,Repair of diaphragmatic rupture -1308,247526,1,4,1714,1,1,2,2,2,1,2,2,2,2,2,2,2,2,2,,, -1313,247504,1,5,0855,7,1,1,1,2,2,2,2,2,1,2,2,2,2,2,,, -1321,233666,1,1,1255,1,1,1,1,2,2,2,2,2,2,1,2,2,2,2,,, -1322,230287,1,0,0314,1,1,2,1,2,2,2,1,2,2,2,2,2,2,2,,, -1338,189009,1,0,2133,1,1,2,1,2,2,2,1,2,2,2,2,2,2,2,,, -1418,233686,1,1,1810,1,1,1,1,2,1,2,1,2,2,2,2,2,2,2,,, -1727,189048,1,0,2346,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,,, -1734,158987,1,1,0215,1,1,1,1,1,2,2,2,2,1,2,2,2,2,1,Left hemidiaphragm injury,1,Repair of left hemidiaphragm -1764,138025,1,3,1358,3,1,1,1,2,1,2,2,2,2,2,2,2,2,1,Retroperitaneal Hematoma,1,Packing -2033,233690,1,0,2200,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,,, -2130,247497,1,0,1900,1,1,1,1,2,2,2,1,1,2,2,2,2,2,2,,, -2345,230283,1,0,2105,1,1,2,1,2,2,2,2,2,2,2,2,2,2,1,Left hemidiaphragm injury,1,Repaired -2354,189027,1,1,0253,1,1,1,1,2,2,2,1,2,2,1,2,2,2,2,,, -2390,233699,1,0,1750,4,2,2,2,2,2,2,2,2,2,2,2,2,2,2,,, -2482,230264,1,2,1808,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,,, -2793,189025,1,0,2145,1,1,1,1,2,2,2,2,2,2,1,2,2,2,2,,, -2922,251103,1,1,1643,7,1,2,1,2,2,2,2,2,1,2,2,2,2,2,,, -2962,230278,1,0,1848,1,1,1,1,2,1,2,2,1,2,2,2,2,2,2,,, -2962,230279,2,2,1615,1,1,2,1,2,1,2,2,1,2,2,2,2,2,2,,, -2962,230280,4,8,1855,1,1,2,1,2,1,2,2,1,2,2,2,2,2,2,,, -3037,240415,1,1,1417,1,1,2,1,2,2,2,1,2,2,2,2,2,2,2,,, -3112,230268,1,0,1603,1,1,1,1,1,2,2,2,1,2,2,2,2,2,1,diaphragmitic injury on the left - requires repair,1,repair -3224,233687,1,0,2117,1,1,1,1,2,1,2,2,2,2,2,2,2,2,2,,, -3233,247524,1,0,0949,1,1,1,1,2,2,2,2,1,2,2,2,2,2,2,,, -3250,138023,1,0,1915,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,,, -3384,247509,1,0,2200,1,1,1,1,2,2,2,1,1,2,2,2,2,2,1,omen,1,partial omentectomy -3543,230259,1,0,1823,1,1,2,1,2,2,2,2,2,2,1,2,2,2,2,,, -3558,189017,1,0,1817,1,1,1,1,2,2,1,1,2,2,2,2,2,2,2,,, -3761,247507,1,1,1312,5,1,2,1,2,2,2,1,2,2,2,2,2,2,2,,, -3785,233693,1,0,1749,1,1,1,1,1,2,2,2,2,1,2,2,2,2,2,,, -3903,189026,1,0,1554,1,1,1,1,1,1,2,2,2,2,2,2,2,2,2,,, -3910,138037,1,2,0848,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,,, -3978,230276,1,1,1221,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,,, -3980,189035,1,0,2238,1,1,1,1,1,2,1,2,2,2,2,2,2,2,2,,, -4062,251095,1,14,1415,7,1,2,1,2,2,2,2,2,1,2,2,2,2,2,,, -4062,251096,2,18,1755,7,1,2,1,2,2,2,2,2,1,2,2,2,2,2,,, -4101,159012,1,1,1808,1,1,2,1,2,2,2,2,2,2,2,2,2,1,2,,, -4165,240421,1,4,1831,3,1,2,1,2,1,2,2,2,1,2,2,2,2,2,,, -4193,247510,1,3,1413,1,1,2,1,2,2,2,2,1,2,2,2,2,2,2,,, -4250,249574,1,0,1410,1,1,1,1,1,1,2,2,2,2,1,2,2,2,2,,, -4309,247528,1,1,0641,7,1,1,1,2,2,2,2,2,2,2,2,2,1,2,,, -4334,233700,1,0,2031,1,1,1,1,2,1,2,2,2,2,2,2,2,2,2,,, -4334,233703,2,2,1150,1,1,2,1,2,1,2,2,2,2,2,2,2,2,2,,, -4334,233705,3,4,1937,1,1,2,1,2,1,2,2,2,2,2,2,2,2,2,,, -4334,233706,4,7,1130,1,1,2,1,2,1,2,2,2,2,2,2,2,2,2,,, -4334,233707,5,11,1410,1,1,2,1,2,1,2,2,2,2,2,2,2,2,2,,, -4334,233708,6,12,1440,1,1,2,1,2,1,2,2,2,2,2,2,2,2,2,,, -4334,233710,8,18,1245,1,1,2,1,2,1,2,2,2,2,2,2,2,2,2,,, -4334,247474,7,14,1245,1,1,2,2,1,1,2,2,2,2,2,2,2,2,2,,, -4334,250595,9,28,0910,7,1,2,1,2,2,2,2,2,2,2,1,2,2,2,,, -4361,138028,1,0,2126,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,,, -4550,247499,1,0,2253,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,,, -4557,233668,1,1,1950,3,1,1,1,1,2,2,2,2,1,2,2,2,2,2,,, -4557,233669,3,3,1424,1,1,1,1,1,2,2,2,2,1,2,2,2,2,2,,, -4557,233672,4,7,0730,1,1,2,2,1,2,2,2,1,1,2,2,2,2,2,,, -4557,233673,5,11,1515,1,1,2,2,1,2,2,2,1,1,2,2,2,2,2,,, -4557,251090,2,3,1400,7,1,2,1,2,2,2,2,2,1,2,2,2,2,2,,, -4557,251091,6,26,1914,7,1,2,1,2,2,2,2,2,1,2,2,2,2,2,,, -4557,251092,7,29,1030,7,1,2,1,2,2,2,2,2,1,2,2,2,2,2,,, -4557,251093,8,61,1330,7,1,2,1,2,2,2,2,2,1,2,2,2,2,2,,, -4577,189016,1,3,1842,1,2,2,2,2,2,2,2,2,2,2,2,2,2,2,,, -4722,233679,1,0,2301,1,1,1,1,1,2,2,1,2,1,1,2,2,2,1,left adrenal laceration,1,direct suture repair -4743,240424,1,0,1646,4,1,1,1,2,2,2,2,1,2,2,2,2,2,2,,, -4831,249576,1,0,1157,4,1,1,2,1,2,2,2,2,2,2,2,2,2,2,,, -4880,233681,1,1,0024,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,,, -5009,233662,1,0,1630,1,1,2,1,2,2,2,2,2,2,1,2,2,2,2,,, -5037,233676,1,0,1529,1,1,1,1,2,1,2,1,1,2,2,2,2,2,2,,, -5324,247525,1,0,1337,1,1,1,1,2,2,2,1,1,2,2,2,2,2,2,,, -5460,189030,1,0,2306,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,,, -5752,247476,1,1,0558,1,1,2,1,2,2,2,1,2,2,2,2,2,2,2,,, -5759,247503,1,0,2300,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,,, -5857,247523,1,1,0343,1,1,2,1,2,2,2,1,2,2,2,2,2,2,2,,, -5894,189023,1,0,1418,1,1,1,1,1,2,2,2,2,1,2,2,2,2,2,,, -5894,252925,2,17,1650,7,1,2,1,2,2,2,2,2,1,2,2,2,2,2,,, -5922,247520,1,0,2048,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,,, -5935,247527,1,0,1850,1,1,1,1,2,1,2,2,2,2,2,2,2,2,2,,, -6028,247515,1,0,1848,1,1,1,1,1,1,1,2,1,1,2,2,2,2,1,Ureter,1,"Ureteral avulsion with stent placement, ureteroureterostomy" -6028,247516,2,5,0846,1,1,2,2,1,1,2,2,1,1,2,2,2,2,2,,, -6141,230285,1,0,1334,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,,, -6205,159010,1,3,0634,1,1,2,1,2,2,2,1,2,2,2,2,2,2,2,,, -6250,158982,1,0,2248,1,1,2,1,2,2,2,1,2,2,2,2,2,2,2,,, -6362,230284,1,2,1340,1,1,1,1,2,1,2,2,2,2,2,2,2,2,2,,, -6367,159008,1,0,1347,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,,, -6440,189022,1,2,1020,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,,, -6517,247513,1,0,1136,1,1,1,1,1,1,2,1,1,2,1,2,2,2,2,,, -6517,247514,2,2,1435,1,1,1,1,1,1,2,1,1,2,1,2,2,2,2,,, -6599,247521,1,0,0946,1,2,1,2,2,2,2,2,2,2,2,2,2,2,2,,, -6673,189038,1,1,1050,1,1,2,1,2,2,2,1,2,2,2,2,2,2,2,,, -6768,158981,1,0,1436,1,1,2,1,2,2,2,2,2,2,1,2,2,2,2,,, -6810,138032,1,0,1923,1,1,1,1,2,2,2,1,1,2,2,2,1,2,1,Omental avulsion,1,resection of portion of omentum -6860,158986,1,2,2100,2,2,2,2,2,2,2,2,2,2,2,2,2,2,2,,, -6879,253323,1,1,0030,7,2,2,2,2,2,2,2,2,2,2,2,2,2,2,,, -6936,233665,1,1,1234,5,1,2,1,2,2,2,1,2,2,2,2,2,2,2,,, -6957,230260,1,0,1506,1,1,2,1,2,2,2,1,2,2,2,2,2,2,2,,, -7087,233649,1,0,2109,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,,, -7090,230267,1,0,1120,1,1,1,1,1,2,2,1,2,2,1,2,2,2,2,,, -7123,233698,1,0,2111,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,,, -7150,189039,1,25,1414,5,1,2,1,2,2,2,1,2,2,2,2,2,2,2,,, -7228,138039,1,0,1415,1,1,1,1,2,1,2,2,2,2,1,2,2,2,2,,, -7276,247511,1,0,0300,1,1,1,1,2,2,2,1,1,2,2,2,2,2,2,,, -7313,233683,1,0,2043,1,1,1,1,1,2,2,2,2,2,1,2,2,2,2,,, -7436,233650,1,0,2124,3,1,1,1,2,1,2,2,2,2,2,2,2,2,1,"diaphragmatic tear, intestinal sweuing",1,"Suture repair, patch closure of abdomen" -7455,240422,1,1,0854,1,1,2,1,2,2,2,1,2,2,2,2,2,2,2,,, -7480,240419,1,7,1821,4,1,1,2,1,2,2,2,2,2,2,2,2,2,2,,, -7529,233661,1,0,2121,1,1,1,1,1,1,2,2,2,1,2,2,2,2,2,,, -7790,158985,1,0,2210,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,,, -8099,240426,1,0,2349,1,1,1,1,2,2,2,1,1,2,2,2,2,2,2,,, -8202,233677,1,1,0317,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,,, -8361,158983,1,0,1718,1,1,1,1,2,2,2,1,2,2,1,2,2,2,1,Mesenteral hematoma,0, -8455,230262,1,0,2005,1,1,2,1,2,2,2,1,2,2,2,2,2,2,2,,, -8501,158996,1,0,2227,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,,, -8780,247508,1,2,1300,7,1,1,1,2,2,2,2,2,1,2,2,2,2,2,,, -9117,233697,1,1,0547,1,1,2,1,2,2,2,2,2,2,2,2,2,1,2,,, -9147,247522,1,1,0345,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,,, -9300,230271,1,9,0840,3,1,1,1,2,1,2,2,2,2,2,2,2,2,2,,, -9312,247475,1,0,2353,1,1,1,1,2,2,2,2,1,2,2,2,2,2,2,,, -9432,159007,1,1,2245,2,2,2,2,2,2,2,2,2,2,2,2,2,2,1,Retroperitoneal hematoma,0, -9494,247512,1,0,2152,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,,, -9521,189031,1,1,1022,1,1,2,2,2,2,2,1,1,2,2,2,2,2,2,,, -9548,233692,1,4,1156,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,,, -9655,189024,1,0,1619,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,,, -10045,240420,1,1,1347,4,1,2,2,2,2,2,1,2,2,2,2,2,2,2,,, -10266,240423,1,0,0546,4,2,2,2,2,2,2,2,2,2,2,2,2,2,1,abdominal wall hematoma,0, -10283,138017,1,1,1918,1,1,1,1,2,2,2,1,1,2,2,2,2,2,2,,, -10353,247477,1,2,1302,5,1,1,1,2,2,2,1,2,1,2,2,2,2,2,,, -10353,251094,2,2,1606,7,1,1,1,2,2,2,2,2,1,2,2,2,2,2,,, -10575,247498,1,2,1544,4,2,2,2,2,2,2,2,2,2,2,2,2,2,2,,, -10600,247529,1,2,1226,5,1,2,1,2,2,2,1,1,2,2,2,2,2,2,,, -10697,233655,1,0,2248,1,1,1,1,2,2,2,1,1,2,2,2,2,2,2,,, -10697,233656,2,6,0035,1,1,1,1,2,2,2,1,2,2,2,2,2,2,2,,, -10726,240418,1,1,1305,1,1,2,1,2,1,2,2,2,2,2,1,2,2,2,,, -10776,138021,1,1,1711,1,1,1,1,1,1,2,1,2,2,2,2,2,2,2,,, -11167,189033,1,0,1246,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,,, -11173,233689,1,1,0102,1,1,2,1,2,2,2,1,1,2,2,2,2,2,2,,, -11247,233682,1,1,0917,5,1,1,1,2,2,2,1,1,2,2,2,2,2,1,Mesenteric rent with hematoma,1,Suture repair -11454,158978,1,1,0200,1,1,2,1,2,2,2,2,2,2,2,2,2,1,2,,, -11603,189008,1,0,1849,1,1,2,1,2,2,2,2,2,2,1,2,2,2,2,,, -11617,138036,1,0,2328,3,1,1,2,1,2,2,2,2,2,2,2,2,2,2,,, -11684,233695,1,0,2300,1,1,2,1,2,2,2,1,2,2,2,2,2,2,2,,, -11846,159003,1,0,0449,5,1,2,1,2,2,2,1,2,2,2,2,2,2,2,,, -11857,230288,1,1,0142,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,,, -11888,240412,1,0,1644,1,1,1,1,1,2,2,2,2,2,2,2,2,2,2,,, -11937,233694,1,0,1718,1,1,2,1,2,2,2,1,2,2,1,2,2,2,2,,, diff --git a/data/iai_pecarn/raw/form6c_fascialinterv.csv b/data/iai_pecarn/raw/form6c_fascialinterv.csv deleted file mode 100644 index 23efbfa7..00000000 --- a/data/iai_pecarn/raw/form6c_fascialinterv.csv +++ /dev/null @@ -1,3 +0,0 @@ -SubjectID,ABDPROCID,Repeat_instance,FascialInjInter,OthFascialInter -148,240425,1,1, -6810,138032,1,1, diff --git a/data/iai_pecarn/raw/form6c_gallbladinterv.csv b/data/iai_pecarn/raw/form6c_gallbladinterv.csv deleted file mode 100644 index d2e937a4..00000000 --- a/data/iai_pecarn/raw/form6c_gallbladinterv.csv +++ /dev/null @@ -1,3 +0,0 @@ -SubjectID,ABDPROCID,Repeat_instance,GallbladInterv,OthGallInterv -4334,250595,1,2,Cystic duct stent placement -10726,240418,1,1, diff --git a/data/iai_pecarn/raw/form6c_kidneyinterv.csv b/data/iai_pecarn/raw/form6c_kidneyinterv.csv deleted file mode 100644 index c1fcd0ac..00000000 --- a/data/iai_pecarn/raw/form6c_kidneyinterv.csv +++ /dev/null @@ -1,30 +0,0 @@ -SubjectID,ABDPROCID,Repeat_instance,KidneyInjInterv,OthKidneyInterv -173,240427,1,1, -587,251086,1,2,Unsuccessful stent placement -587,251087,1,2,Nephrostomy tube placement -587,251088,1,2,double J stent placement -587,251089,1,2,stent removal -1313,247504,1,2,Placement of left ureteral stent -1734,158987,1,0, -2922,251103,1,2,double J stent placement -3785,233693,1,0, -4062,251095,1,2,abscess drainage with tube placement -4062,251096,1,2,double J stent placement -4165,240421,1,0, -4557,233668,1,0, -4557,233669,1,2,Double J-stent placement -4557,233672,1,0, -4557,233673,1,0, -4557,251090,1,2,Double J Stent placement -4557,251091,1,2,fluid drainage with pigtail catheter -4557,251092,1,2,double J stent placement -4557,251093,1,2,stent removal -4722,233679,1,0, -5894,189023,1,0, -5894,252925,1,2,ureteral stent placement -6028,247515,1,2,Drain placed -6028,247516,1,0, -7529,233661,1,0, -8780,247508,1,2,Placement of left ureteral stent -10353,247477,1,2,"placement double j stent, ureteral catheter placement" -10353,251094,1,2,placement of JJ ureteral catheter diff --git a/data/iai_pecarn/raw/form6c_lgintesinterv.csv b/data/iai_pecarn/raw/form6c_lgintesinterv.csv deleted file mode 100644 index f596eebb..00000000 --- a/data/iai_pecarn/raw/form6c_lgintesinterv.csv +++ /dev/null @@ -1,40 +0,0 @@ -SubjectID,ABDPROCID,Repeat_instance,LgIntInjInterv,OthLgIntRepair -57,247518,1,1, -57,247518,2,2, -148,240425,1,1, -148,240425,2,2, -170,247506,1,1, -170,247506,2,2, -2130,247497,1,4, -2962,230278,1,4, -2962,230279,1,1, -2962,230280,1,0, -3112,230268,1,4, -3233,247524,1,4, -3384,247509,1,1, -3384,247509,2,2, -4193,247510,1,1, -4193,247510,2,7,diverting colostomy -4557,233672,1,0, -4557,233673,1,0, -4743,240424,1,6, -5037,233676,1,0, -5324,247525,1,1, -5324,247525,2,2, -6028,247515,1,0, -6028,247516,1,0, -6517,247513,1,1, -6517,247514,1,7,colostomy -6810,138032,1,4, -7276,247511,1,1, -7276,247511,2,2, -8099,240426,1,1, -9312,247475,1,1, -9312,247475,2,2, -9521,189031,1,0, -10283,138017,1,1, -10600,247529,1,1, -10600,247529,2,2, -10697,233655,1,4, -11173,233689,1,4, -11247,233682,1,4, diff --git a/data/iai_pecarn/raw/form6c_liverinterv.csv b/data/iai_pecarn/raw/form6c_liverinterv.csv deleted file mode 100644 index ff01a5b2..00000000 --- a/data/iai_pecarn/raw/form6c_liverinterv.csv +++ /dev/null @@ -1,51 +0,0 @@ -SubjectID,ABDPROCID,Repeat_instance,LiverInjInterv,OthLiverInterv -238,254497,1,0, -1308,247526,1,0, -1418,233686,1,0, -1764,138025,1,2, -1764,138025,2,5,Argon beam coaglulation -2962,230278,1,2, -2962,230279,1,5,"Removal of packing, drainage" -2962,230280,1,5,"Omental packing, drainage" -3224,233687,1,2, -3903,189026,1,0, -4165,240421,1,2, -4165,240421,2,5,drainage of bile leak -4250,249574,1,2, -4250,249574,2,3, -4250,249574,3,5,surgical clips to bleeding vein -4334,233705,1,2, -4334,233706,1,2, -4334,233707,1,2, -4334,233710,1,5,"washout, biloma drainage, abdominal wall suture" -4334,233700,1,2, -4334,247474,1,0, -4334,233703,2,5,washout -4334,233705,2,5,washout -4334,233706,2,5,washout -4334,233707,2,5,washout -4334,233708,2,5,washout -4334,233703,3,2, -4334,233708,3,2, -5037,233676,1,2, -5037,233676,2,3, -5037,233676,3,5,vicryl mesh -5935,247527,1,2, -5935,247527,2,5,"sternotomy, attempted liver isolation" -6028,247515,1,0, -6028,247516,1,0, -6362,230284,1,5,drainage -6517,247513,1,1, -6517,247514,1,3, -6517,247513,2,2, -6517,247514,2,4, -7228,138039,1,0, -7436,233650,1,2, -7436,233650,2,3, -7436,233650,3,5,cautery -7529,233661,1,2, -7529,233661,2,4, -7529,233661,3,5,argon beam laser cautery -9300,230271,1,5,Debridement/drainage -10726,240418,1,0, -10776,138021,1,0, diff --git a/data/iai_pecarn/raw/form6c_pancreasinterv.csv b/data/iai_pecarn/raw/form6c_pancreasinterv.csv deleted file mode 100644 index 6e03a244..00000000 --- a/data/iai_pecarn/raw/form6c_pancreasinterv.csv +++ /dev/null @@ -1,23 +0,0 @@ -SubjectID,ABDPROCID,Repeat_instance,PancreasInterv,OthPanInterv -1001,189036,1,2, -1321,233666,1,1, -1321,233666,2,2, -1321,233666,3,3,oversew -2354,189027,2,2, -2793,189025,1,1, -3543,230259,1,2, -4250,249574,1,2, -4722,233679,1,1, -4722,233679,2,2, -5009,233662,1,2, -6517,247513,1,1, -6517,247514,1,0, -6768,158981,1,1, -6768,158981,2,2, -7090,230267,1,0, -7228,138039,1,2, -7228,138039,2,3,suture of bleeding vein -7313,233683,1,0, -8361,158983,1,2, -11603,189008,1,1, -11937,233694,1,0, diff --git a/data/iai_pecarn/raw/form6c_smintesinterv.csv b/data/iai_pecarn/raw/form6c_smintesinterv.csv deleted file mode 100644 index 595ba958..00000000 --- a/data/iai_pecarn/raw/form6c_smintesinterv.csv +++ /dev/null @@ -1,93 +0,0 @@ -SubjectID,ABDPROCID,Repeat_instance,SmIntInjInterv,OthSmIntRepair -148,240425,1,1, -170,247506,1,1, -170,247506,2,2, -170,247506,3,6, -173,240427,1,0, -173,240428,1,1, -173,240428,2,2, -487,233664,1,6, -708,247502,1,7,Loop illeostomy at site of perforation -888,241114,1,1, -888,241114,2,2, -888,241114,3,3, -1001,189036,1,2, -1001,189036,2,5, -1125,189020,1,6, -1322,230287,1,1, -1322,230287,2,2, -1338,189009,1,3, -1418,233686,1,7,drainage of duodenum -1727,189048,1,2, -2130,247497,1,6, -2354,189027,1,0, -3037,240415,1,3, -3384,247509,1,1, -3384,247509,2,2, -3384,247509,3,6, -3558,189017,1,2, -3761,247507,1,1, -3761,247507,2,2, -3761,247507,3,4, -3978,230276,1,1, -3978,230276,2,2, -4722,233679,1,5, -5037,233676,1,0, -5324,247525,1,4, -5752,247476,1,1, -5752,247476,2,2, -5759,247503,1,1, -5759,247503,2,2, -5759,247503,3,3, -5759,247503,4,4, -5759,247503,5,6, -5857,247523,1,4, -5922,247520,1,3, -6205,159010,1,1, -6250,158982,1,3, -6440,189022,1,1, -6440,189022,2,2, -6517,247513,1,1, -6517,247514,1,2, -6517,247513,2,3, -6673,189038,1,1, -6673,189038,2,2, -6810,138032,1,1, -6936,233665,1,3, -6957,230260,1,1, -7090,230267,1,0, -7150,189039,1,1, -7150,189039,2,2, -7276,247511,1,1, -7276,247511,2,2, -7276,247511,3,3, -7276,247511,4,6, -7455,240422,1,1, -7455,240422,2,2, -7455,240422,3,4, -8099,240426,1,6, -8202,233677,1,3, -8361,158983,1,0, -8455,230262,1,3, -9147,247522,1,4, -9147,247522,2,6, -9494,247512,1,4, -9494,247512,2,6, -9521,189031,1,0, -9655,189024,1,3, -10045,240420,1,0, -10283,138017,1,1, -10353,247477,1,4, -10600,247529,1,1, -10600,247529,2,2, -10697,233655,1,4, -10697,233656,2,7,Lysis adhesive band -10776,138021,1,1, -11173,233689,1,1, -11173,233689,2,2, -11247,233682,1,4, -11684,233695,1,1, -11684,233695,2,2, -11684,233695,3,6, -11846,159003,1,2, -11937,233694,1,4, diff --git a/data/iai_pecarn/raw/form6c_spleeninterv.csv b/data/iai_pecarn/raw/form6c_spleeninterv.csv deleted file mode 100644 index 2f28b0e2..00000000 --- a/data/iai_pecarn/raw/form6c_spleeninterv.csv +++ /dev/null @@ -1,44 +0,0 @@ -SubjectID,ABDPROCID,Repeat_instance,SpleenInjInterv,OthSpleenInterv -173,240427,1,1, -238,254497,1,1, -1734,158987,1,1, -3112,230268,1,3, -3785,233693,1,1, -3903,189026,1,2, -3980,189035,1,1, -4250,249574,1,0, -4334,247474,1,0, -4361,138028,1,1, -4557,233668,1,1, -4557,233669,1,4,removal of laparotomy pads -4557,233672,1,0, -4557,233673,1,0, -4557,233668,2,4,packing left upper quadrant -4722,233679,1,1, -4831,249576,1,0, -4880,233681,1,1, -5460,189030,1,2, -5894,189023,1,1, -6028,247515,1,1, -6028,247516,1,0, -6141,230285,1,1, -6367,159008,1,2, -6367,159008,2,3, -6367,159008,3,4,Argon beam coagulation -6517,247513,1,1, -6517,247514,1,0, -7087,233649,1,1, -7090,230267,1,3, -7123,233698,1,1, -7123,233698,2,4,Ligation of avulsed splenic artery -7313,233683,1,1, -7480,240419,1,0, -7529,233661,1,1, -7790,158985,1,1, -8501,158996,1,1, -9548,233692,1,1, -10776,138021,1,0, -11167,189033,1,1, -11617,138036,1,0, -11857,230288,1,1, -11888,240412,1,4,partial splenectomy diff --git a/data/iai_pecarn/raw/form6c_stomachinterv.csv b/data/iai_pecarn/raw/form6c_stomachinterv.csv deleted file mode 100644 index 271a55e2..00000000 --- a/data/iai_pecarn/raw/form6c_stomachinterv.csv +++ /dev/null @@ -1,4 +0,0 @@ -SubjectID,ABDPROCID,Repeat_instance,StomachInjInter,OthStomachInter -3558,189017,1,2, -3980,189035,1,2, -6028,247515,1,0, diff --git a/data/iai_pecarn/raw/form6c_urinaryinterv.csv b/data/iai_pecarn/raw/form6c_urinaryinterv.csv deleted file mode 100644 index 840ad208..00000000 --- a/data/iai_pecarn/raw/form6c_urinaryinterv.csv +++ /dev/null @@ -1,7 +0,0 @@ -SubjectID,ABDPROCID,Repeat_instance,UrinaryInterv,OthUrinaryInterv -115,230257,1,1, -4101,159012,1,1, -4309,247528,1,2,fulguration of bleeding bladder laceration -9117,233697,1,1, -9117,233697,2,2,Suprapubic cystootomy -11454,158978,1,1, diff --git a/data/iai_pecarn/raw/form7apancinj_comp.csv b/data/iai_pecarn/raw/form7apancinj_comp.csv deleted file mode 100644 index 722816d5..00000000 --- a/data/iai_pecarn/raw/form7apancinj_comp.csv +++ /dev/null @@ -1,57 +0,0 @@ -SubjectID,repeat_instance,PancComp,PseudocystDrain,PseudocystLapar,PseudocystInt,PeripancDrain,PeripancLap,PeripancInt,AnastRepair,BleedRepeatOp,CompOt -49,1,91,,,,,,,,, -56,1,91,,,,,,,,, -491,1,91,,,,,,,,, -863,1,91,,,,,,,,, -1001,1,91,,,,,,,,, -1321,1,90,,,,,,,,,Elevated blood sugars requiring insulin -1642,1,91,,,,,,,,, -1950,1,91,,,,,,,,, -1992,1,91,,,,,,,,, -2354,1,91,,,,,,,,, -2644,1,91,,,,,,,,, -2793,1,91,,,,,,,,, -3145,1,91,,,,,,,,, -3415,1,91,,,,,,,,, -3543,1,91,,,,,,,,, -3558,1,6,,,,,,,,, -3559,1,91,,,,,,,,, -4250,1,91,,,,,,,,, -4540,1,91,,,,,,,,, -4547,1,6,,,,,,,,, -4557,1,91,,,,,,,,, -4653,1,91,,,,,,,,, -4680,1,91,,,,,,,,, -4722,1,91,,,,,,,,, -4760,1,91,,,,,,,,, -4845,1,91,,,,,,,,, -5004,1,91,,,,,,,,, -5009,1,6,,,,,,,,, -5055,1,91,,,,,,,,, -5435,1,91,,,,,,,,, -5951,1,91,,,,,,,,, -6095,1,91,,,,,,,,, -6250,1,91,,,,,,,,, -6303,1,91,,,,,,,,, -6433,1,91,,,,,,,,, -6440,1,91,,,,,,,,, -6517,1,91,,,,,,,,, -6768,1,91,,,,,,,,, -7090,1,91,,,,,,,,, -7136,1,91,,,,,,,,, -7228,1,2,2,,,,,,,, -7313,1,91,,,,,,,,, -7367,1,91,,,,,,,,, -7429,1,6,,,,,,,,, -7831,1,6,,,,,,,,, -7904,1,91,,,,,,,,, -8315,1,91,,,,,,,,, -8361,1,91,,,,,,,,, -9323,1,91,,,,,,,,, -9469,1,91,,,,,,,,, -9615,1,91,,,,,,,,, -10351,1,91,,,,,,,,, -10701,1,91,,,,,,,,, -10825,1,91,,,,,,,,, -11603,1,6,,,,,,,,, -11937,1,91,,,,,,,,, diff --git a/data/iai_pecarn/raw/form7apancinj_spec.csv b/data/iai_pecarn/raw/form7apancinj_spec.csv deleted file mode 100644 index 7917f91c..00000000 --- a/data/iai_pecarn/raw/form7apancinj_spec.csv +++ /dev/null @@ -1,59 +0,0 @@ -SubjectID,Laparot,PancInj,LaparotGradeInj,LapGrade1or2,LapGrade3or4or5,LapPancDuctStat,AbdCT,CTPancInj,CTGradeInj,CTGrade1or2,CTGrade3or4or5,CTPancDuctStat,MRI,MRIPancInj,MRIGradeInj,MRIGrade1or2,MRIGrade3or4or5,MRIPancDuctStat,ERCP,ERCPPancInj,ERCPGradeInj,ERCPGrade1or2,ERCPGrade3or4or5,ERCPPancDuctStat,PancEnz,HighLip,LipDay,LipTime,NoLip,HighAm,AmDay,AmTime,NoAm,PancInjClin,PancInjReas,Autopsy,AutoPancInj,AutoGradeInj,AutoGrade1or2,AutoGrade3or4or5,AutoPancDuctStat,PancInjOt,PancInjOtMethod,OtGradeInj,OtGrade1or2,OtGrade3or4or5,InjurLoc,Comments -49,2,,,,,,1,1,1,1,,3,2,,,,,,2,,,,,,1,737,0,1024,,75,1,0410,,2,,2,,,,,,2,,,,,0, -56,2,,,,,,1,2,,,,97,2,,,,,,2,,,,,,1,144,0,2150,,63,0,2150,,2,,2,,,,,,2,,,,,93, -491,2,,,,,,1,,3,,,97,2,,,,,,2,,,,,,1,755,1,0235,,168,1,0235,,2,,2,,,,,,2,,,,,93, -863,2,,,,,,1,2,,,,,2,,,,,,2,,,,,,1,5213,1,0340,,432,1,0340,,2,,2,,,,,,2,,,,,93, -1001,1,1,1,2,,2,1,2,,,,,2,,,,,,2,,,,,,1,38,2,0430,,159,2,0430,,2,,2,,,,,,2,,,,,0, -1321,1,1,2,,93,2,1,1,93,,,3,2,,,,,,2,,,,,,1,750,0,1734,,1715,1,1810,,2,,2,,,,,,2,,,,,0, -1642,2,,,,,,1,2,,,,,2,,,,,,2,,,,,,1,565,0,1650,,81,0,1650,,2,,2,,,,,,2,,,,,93, -1950,2,,,,,,1,1,1,93,,97,2,,,,,,2,,,,,,2,,,,,,,,,2,,2,,,,,,2,,,,,1, -1992,2,,,,,,1,2,,,,,2,,,,,,2,,,,,,1,2046,1,0430,,418,1,0430,,2,,2,,,,,,2,,,,,93, -2354,1,1,1,1,,2,1,1,1,2,,2,2,,,,,,2,,,,,,1,876,0,2350,,,,,1,2,,2,,,,,,2,,,,,0, -2644,2,,,,,,1,1,1,1,,2,2,,,,,,2,,,,,,1,630,0,2010,,210,1,0145,,2,,2,,,,,,2,,,,,0, -2793,1,1,2,,1,1,1,1,1,2,,97,2,,,,,,2,,,,,,1,2961,0,1725,,33,0,1725,,2,,2,,,,,,2,,,,,0,"""added [date redacted]" -3145,2,,,,,,1,2,,,,,2,,,,,,2,,,,,,1,625,366,1800,,177,2,0650,,2,,2,,,,,,2,,,,,93, -3415,2,,,,,,1,2,,,,,2,,,,,,2,,,,,,1,1387,3,1410,,269,3,1410,,2,,2,,,,,,2,,,,,93, -3543,1,1,1,2,,2,1,1,1,2,,97,2,,,,,,2,,,,,,1,1393,0,1445,,165,0,1445,,2,,2,,,,,,2,,,,,1,"""no laceration""" -3558,,,,,,,1,1,1,93,,97,2,,,,,,2,,,,,,1,12898,5,1140,,292,-9,0445,,2,,2,,,,,,2,,,,,0, -3559,2,,,,,,1,2,,,,,2,,,,,,2,,,,,,1,206,-303,1125,,54,-303,1125,,2,,2,,,,,,2,,,,,93, -4250,1,1,1,1,,4,1,1,3,,,97,2,,,,,,2,,,,,,1,802,1,0425,,223,1,0425,,2,,2,,,,,,2,,,,,1, -4540,2,,,,,,1,2,,,,,2,,,,,,2,,,,,,1,687,2,1150,,355,0,1946,,2,,2,,,,,,2,,,,,93, -4547,2,,,,,,1,2,,,,,2,,,,,,2,,,,,,2,,,,,,,,,2,,1,1,1,1,,2,2,,,,,0, -4557,1,,,,,,1,1,1,93,,97,2,,,,,,2,,,,,,1,49,-31,2030,,145,26,0955,,2,,2,,,,,,2,,,,,0, -4653,2,,,,,,1,1,3,,,97,2,,,,,,2,,,,,,1,57,0,2150,,49,0,2150,,2,,2,,,,,,2,,,,,0, -4680,2,,,,,,1,1,1,1,,97,2,,,,,,2,,,,,,2,,,,,,,,,2,,2,,,,,,2,,,,,0, -4722,1,1,2,,1,1,1,1,2,,1,97,2,,,,,,2,,,,,,1,,,,1,190,0,1924,,2,,2,,,,,,2,,,,,1, -4760,2,,,,,,1,2,,,,,2,,,,,,2,,,,,,1,234,0,2255,,125,0,2255,,2,,2,,,,,,2,,,,,93, -4845,2,,,,,,1,1,1,93,,97,1,2,,,,2,2,,,,,,1,377,1,0830,,867,1,0830,,2,,2,,,,,,2,,,,,0, -5004,2,,,,,,1,1,1,1,,97,2,,,,,,2,,,,,,1,84,0,2005,,66,0,2005,,2,,2,,,,,,2,,,,,0, -5009,1,1,1,1,,3,1,1,3,,,97,2,,,,,,1,2,,,,,1,187,4,0500,,309,370,0500,,2,,2,,,,,,2,,,,,0, -5055,2,,,,,,1,1,1,1,,97,2,,,,,,2,,,,,,2,,,,,,,,,2,,2,,,,,,2,,,,,0, -5435,2,,,,,,1,2,,,,,2,,,,,,2,,,,,,1,229,-30,1616,,187,-29,0011,,2,,2,,,,,,1,,,,,0, -5951,2,,,,,,1,1,93,,,97,2,,,,,,2,,,,,,1,373,1,1244,,164,1,1244,,2,,2,,,,,,2,,,,,93, -6095,2,,,,,,1,1,3,,,97,2,,,,,,2,,,,,,1,1138,1,0445,,168,0,1150,,2,,2,,,,,,2,,,,,93, -6250,1,1,1,93,,4,1,2,,,,,2,,,,,,2,,,,,,1,746,3,0700,,58,0,2121,,2,,2,,,,,,2,,,,,0, -6303,2,,,,,,1,2,,,,,2,,,,,,2,,,,,,1,5157,366,0420,,815,1,0420,,2,,2,,,,,,2,,,,,93, -6433,2,,,,,,1,1,1,2,,2,1,1,1,2,,2,1,2,,,,,1,194,1,0750,,2802,1,0750,,2,,2,,,,,,2,,,,,0,"""ERCP - Failed""" -6440,1,2,,,,,1,1,93,,,97,2,,,,,,2,,,,,,1,338,5,0753,,120,1,0228,,2,,2,,,,,,1,Elevated Lipase,1,2,,1,"""diffusely swollen pancreas"" -""Diffusely swollen""" -6517,1,1,2,,2,1,1,1,2,,2,97,2,,,,,,2,,,,,,1,94,1,0340,,148,0,0230,,2,,2,,,,,,2,,,,,0, -6768,1,1,2,,2,1,1,1,2,,1,3,2,,,,,,2,,,,,,1,6971,0,1130,,979,0,1000,,2,,2,,,,,,2,,,,,0, -7090,1,1,1,1,,4,2,,,,,,2,,,,,,2,,,,,,2,,,,,,,,,2,,2,,,,,,2,,,,,0, -7136,2,,,,,,1,2,,,,,2,,,,,,2,,,,,,1,467,1,0220,,57,0,1815,,2,,2,,,,,,2,,,,,93, -7228,1,1,1,2,,2,1,1,2,,3,97,2,,,,,,2,,,,,,1,2996,1,0405,,416,1,0405,,2,,2,,,,,,2,,,,,1,"""Added [date redacted]" -7313,1,1,1,1,,2,1,2,,,,,2,,,,,,2,,,,,,1,69,0,1712,,,,,1,2,,2,,,,,,2,,,,,0, -7367,2,,,,,,1,1,1,1,,97,2,,,,,,2,,,,,,1,194,2,0845,,146,2,0845,,2,,2,,,,,,2,,,,,0, -7429,2,,,,,,1,1,1,1,,97,2,,,,,,2,,,,,,1,271,0,2115,,170,0,2115,,2,,2,,,,,,2,,,,,0, -7831,2,,,,,,1,2,,,,,2,,,,,,2,,,,,,1,3223,0,1503,,1212,0,1328,,2,,2,,,,,,2,,,,,93, -7904,2,,,,,,1,1,1,1,,97,2,,,,,,2,,,,,,1,794,5,0735,,167,5,0735,,2,,2,,,,,,2,,,,,0, -8315,2,,,,,,1,2,,,,97,2,,,,,,2,,,,,,1,401,0,1857,,95,0,1857,,2,,2,,,,,,2,,,,,93, -8361,1,1,1,1,,2,1,1,1,1,,97,2,,,,,,2,,,,,,1,924,1,1520,,394,1,1520,,2,,2,,,,,,2,,,,,0, -9323,2,,,,,,1,1,1,1,,97,2,,,,,,2,,,,,,1,120,0,1616,,391,0,1616,,2,,2,,,,,,2,,,,,0, -9469,2,,,,,,1,1,3,,,97,2,,,,,,2,,,,,,1,35,1,0945,,192,12,0400,,2,,2,,,,,,2,,,,,0, -9615,2,,,,,,1,1,3,,,97,2,,,,,,2,,,,,,1,289,6,0400,,162,6,0400,,2,,2,,,,,,2,,,,,93, -10351,2,,,,,,1,1,1,93,,97,2,,,,,,2,,,,,,1,1082,366,1701,,263,366,1701,,2,,2,,,,,,2,,,,,93, -10701,2,,,,,,1,1,1,93,,97,2,,,,,,2,,,,,,1,1179,0,1222,,442,0,1222,,2,,1,2,,,,,2,,,,,1,"""ME report not available"" -""ME report in chart""" -10825,2,,,,,,1,2,,,,,2,,,,,,2,,,,,,1,300,0,1835,,59,1,0625,,2,,2,,,,,,2,,,,,93, -11603,1,1,2,,2,4,1,1,2,,2,97,2,,,,,,2,,,,,,1,1261,0,1450,,871,0,1450,,2,,2,,,,,,2,,,,,0, -11937,1,1,1,2,,2,1,1,2,,2,3,2,,,,,,2,,,,,,1,173,0,1255,,255,2,0400,,2,,2,,,,,,2,,,,,0, diff --git a/data/iai_pecarn/raw/form7bgiinj.csv b/data/iai_pecarn/raw/form7bgiinj.csv deleted file mode 100644 index 3524f6df..00000000 --- a/data/iai_pecarn/raw/form7bgiinj.csv +++ /dev/null @@ -1,193 +0,0 @@ -SubjectID,repeat_instance,GIInj,GIInjOt -57,1,1, -57,2,3, -85,1,3, -148,1,3, -170,1,1, -170,2,2, -170,3,3, -173,1,1, -204,1,3, -487,1,2, -487,2,3, -487,3,6, -591,1,3, -708,1,1, -888,1,1, -888,2,6, -939,1,3, -946,1,3, -1001,1,1, -1001,2,6, -1125,1,2, -1125,2,6, -1254,1,3, -1280,1,3, -1321,1,1, -1322,1,1, -1338,1,1, -1338,2,3, -1418,1,1, -1727,1,1, -1727,2,3, -1727,3,6, -2130,1,1, -2130,2,3, -2130,3,6, -2313,1,3, -2313,2,6, -2345,1,1, -2354,1,1, -2556,1,3, -2935,1,3, -2962,1,1, -2962,2,3, -3037,1,1, -3037,2,3, -3112,1,1, -3233,1,1, -3233,2,3, -3384,1,1, -3384,2,6, -3433,1,3, -3433,2,6, -3497,1,3, -3509,1,3, -3558,1,1, -3558,2,6, -3761,1,1, -3761,2,2, -3978,1,1, -3978,2,3, -4193,1,1, -4277,1,3, -4404,1,3, -4547,1,7, -4557,1,1, -4582,1,3, -4582,2,6, -4722,1,1, -4722,2,3, -4743,1,2, -4743,2,6, -4760,1,3, -4992,1,3, -5004,1,3, -5004,2,6, -5037,1,1, -5324,1,1, -5324,2,6, -5460,1,1, -5752,1,1, -5752,2,3, -5759,1,1, -5759,2,6, -5786,1,6, -5857,1,1, -5922,1,1, -5922,2,3, -5978,1,1, -5978,2,3, -6028,1,1, -6106,1,3, -6161,1,3, -6161,2,6, -6205,1,1, -6205,2,6, -6209,1,3, -6209,2,6, -6250,1,1, -6433,1,3, -6433,2,5, -6440,1,1, -6440,2,3, -6473,1,3, -6473,2,6, -6517,1,1, -6523,1,3, -6523,2,6, -6673,1,1, -6790,1,3, -6810,1,1, -6936,1,1, -6936,2,2, -6936,3,3, -6936,4,6, -6957,1,1, -6957,2,3, -7071,1,3, -7090,1,1, -7096,1,3, -7150,1,1, -7150,2,2, -7276,1,1, -7347,1,3, -7455,1,1, -7455,2,6, -7633,1,3, -7633,2,4, -7633,3,6, -7727,1,3, -7790,1,1, -7790,2,3, -7802,1,3, -7804,1,3, -7804,2,6, -8099,1,1, -8099,2,3, -8202,1,1, -8202,2,3, -8202,3,6, -8361,1,1, -8455,1,1, -8455,2,3, -8455,3,6, -8776,1,90,Query note redacted -9116,1,3, -9147,1,1, -9187,1,90,Thickening to walls of several proximal jejunal loops on abdominal IV contrast CT -9285,1,3, -9285,2,6, -9312,1,1, -9312,2,3, -9382,1,3, -9494,1,1, -9521,1,1, -9655,1,1, -9655,2,3, -9655,3,6, -9802,1,3, -9854,1,3, -9913,1,3, -10045,1,2, -10126,1,3, -10126,2,6, -10235,1,3, -10283,1,1, -10283,2,2, -10283,3,6, -10351,1,3, -10353,1,1, -10353,2,2, -10353,3,6, -10450,1,3, -10600,1,1, -10600,2,3, -10616,1,3, -10697,1,1, -10697,2,6, -10776,1,1, -10776,2,6, -10776,3,90,Free air on plain film abdominal series x-rays. -11117,1,3, -11123,1,3, -11173,1,1, -11247,1,1, -11247,2,2, -11304,1,3, -11304,2,6, -11684,1,1, -11776,1,3, -11776,2,6, -11846,1,1, -11937,1,1, diff --git a/data/iai_pecarn/raw/form7bgiinj_colon.csv b/data/iai_pecarn/raw/form7bgiinj_colon.csv deleted file mode 100644 index eb115b9e..00000000 --- a/data/iai_pecarn/raw/form7bgiinj_colon.csv +++ /dev/null @@ -1,48 +0,0 @@ -SubjectID,repeat_instance,ColInjLoc,ColInjAscTyp,ColInjTranTyp,ColInjDesTyp,ColInjSigTyp,ColInjRecTyp,ColInjMeth,ColInjMethOt -57,1,1,1,,,,,1, -57,2,1,3,,,,,1, -57,3,1,4,,,,,3, -85,1,1,2,,,,,3, -148,1,4,,,,4,,1, -170,1,3,,,3,,,1, -1321,1,2,,1,,,,1, -2130,1,97,,,,,,1,serosal tear -2345,1,2,,3,,,,1, -2354,1,1,1,,,,,, -2962,1,1,3,,,,,1, -2962,2,,,,,,,3, -3112,1,1,3,,,,,, -3233,1,1,1,,,,,1, -3233,2,2,,3,,,,1, -3384,1,1,4,,,,,1, -4193,1,3,,,2,,,3, -4557,1,2,,1,,,,1, -4557,2,3,,,1,,,1, -5037,1,1,1,,,,,1, -5460,1,2,,1,,,,1, -5759,1,4,,,,3,,1, -5978,1,2,,1,,,,1, -5978,2,2,,3,,,,1, -6028,1,3,,,3,,,1, -6517,1,2,,4,,,,1, -6810,1,1,3,,,,,1, -7276,1,1,3,,,,,1, -7276,2,3,,,4,,,1, -7727,1,1,1,,,,,3, -7790,1,1,1,,,,,1, -7790,2,1,1,,,,,3, -8099,1,1,2,,,,,1, -8099,2,1,2,,,,,3, -9147,1,3,,,1,,,1, -9147,2,3,,,3,,,1, -9147,3,4,,,,1,,1, -9147,4,4,,,,3,,1, -9312,1,1,2,,,,,1, -9521,1,1,1,,,,,1, -10600,1,3,,,1,,,1, -10600,2,3,,,4,,,1, -10697,1,4,,,,3,,1, -11173,1,1,3,,,,,1, -11173,2,4,,,,3,,1, -11247,1,1,2,,,,,1, -11684,1,1,1,,,,,1, diff --git a/data/iai_pecarn/raw/form7bgiinj_comp.csv b/data/iai_pecarn/raw/form7bgiinj_comp.csv deleted file mode 100644 index f83bebd3..00000000 --- a/data/iai_pecarn/raw/form7bgiinj_comp.csv +++ /dev/null @@ -1,129 +0,0 @@ -SubjectID,repeat_instance,GIInjComp,GIInjCompOt -57,1,0, -148,1,0, -170,1,7, -173,1,90,Delayed and limited po intake g-tube placed -204,1,0, -487,1,0, -591,1,0, -708,1,1, -888,1,90,"bowel resection, missed diagnosis/peritonitis" -939,1,0, -946,1,0, -1001,1,0, -1125,1,0, -1254,1,0, -1280,1,0, -1321,1,0, -1322,1,0, -1338,1,0, -1418,1,0, -1727,1,0, -2130,1,0, -2313,1,0, -2345,1,0, -2354,1,0, -2556,1,0, -2935,1,0, -2962,1,0, -3037,1,0, -3112,1,0, -3233,1,0, -3384,1,1, -3384,2,5, -3384,3,90,1. abdominal compartment syndrome and 20cm of bowel slp Firet surgery. 2. ileostomy. 3. bowel resection. 4. vaginal wall injury -3433,1,0, -3497,1,0, -3509,1,0, -3558,1,7, -3761,1,3, -3978,1,0, -4193,1,1, -4193,2,2, -4193,3,3, -4193,4,90,Sigmoid colostomy -4277,1,0, -4404,1,0, -4547,1,0, -4557,1,0, -4582,1,0, -4722,1,0, -4743,1,0, -4760,1,0, -4992,1,0, -5004,1,0, -5037,1,0, -5324,1,0, -5460,1,0, -5752,1,0, -5759,1,0, -5786,1,0, -5857,1,0, -5922,1,90,Return to ED 2 weeks after for nausea/vomit. No other complication. -5978,1,0, -6028,1,0, -6106,1,0, -6161,1,0, -6205,1,1, -6209,1,0, -6250,1,0, -6433,1,0, -6440,1,0, -6473,1,0, -6517,1,0, -6523,1,0, -6673,1,0, -6790,1,0, -6810,1,0, -6936,1,0, -6957,1,0, -7071,1,0, -7090,1,0, -7096,1,0, -7150,1,90,Abdominal distention and pain jejunal stenosis -7276,1,0, -7347,1,0, -7455,1,0, -7633,1,0, -7727,1,0, -7790,1,0, -7802,1,0, -7804,1,0, -8099,1,0, -8202,1,1, -8202,2,4, -8361,1,0, -8455,1,0, -8776,1,0, -9116,1,0, -9147,1,0, -9187,1,0, -9285,1,0, -9312,1,0, -9382,1,0, -9494,1,0, -9521,1,0, -9655,1,0, -9802,1,0, -9854,1,0, -9913,1,0, -10045,1,0, -10126,1,0, -10235,1,0, -10283,1,0, -10351,1,0, -10353,1,0, -10450,1,0, -10600,1,0, -10616,1,0, -10697,1,90,Post operative ileus -10776,1,90,Failure to thrive - need for G-tube for enteral feedings. -11117,1,0, -11123,1,0, -11173,1,0, -11247,1,1, -11304,1,0, -11684,1,0, -11776,1,0, -11846,1,0, -11937,1,0, diff --git a/data/iai_pecarn/raw/form7bgiinj_duod.csv b/data/iai_pecarn/raw/form7bgiinj_duod.csv deleted file mode 100644 index 52383d24..00000000 --- a/data/iai_pecarn/raw/form7bgiinj_duod.csv +++ /dev/null @@ -1,36 +0,0 @@ -SubjectID,repeat_instance,DuodInjTyp,DuodMeth,DuodMethOt -204,1,1,3, -946,1,1,3, -1001,1,1,1, -1125,1,1,2, -1254,1,,3, -1418,1,2,1, -2354,1,3,1, -2935,1,1,3, -3037,1,2,1, -3037,2,2,3, -3433,1,1,90,Clinical suspicion with possible abnl CT -3433,2,1,3, -3509,1,,3, -4582,1,1,3, -4722,1,1,1, -6106,1,1,3, -6209,1,1,3, -6250,1,2,1, -6433,1,1,3, -6433,2,1,5, -6440,1,4,1, -6790,1,1,3, -7633,1,1,3, -7633,2,1,4, -7804,1,1,3, -8202,1,2,3, -8202,2,2,1, -8455,1,2,1, -9521,1,1,1, -9655,1,1,1, -9655,2,2,3, -9913,1,1,3, -10235,1,1,3, -10351,1,1,3, -11937,1,3,1, diff --git a/data/iai_pecarn/raw/form7bgiinj_mes.csv b/data/iai_pecarn/raw/form7bgiinj_mes.csv deleted file mode 100644 index 7d93309c..00000000 --- a/data/iai_pecarn/raw/form7bgiinj_mes.csv +++ /dev/null @@ -1,74 +0,0 @@ -SubjectID,repeat_instance,MesInjLoc,MesInjLocOt,MesInjSITyp,MesInjLITyp,MesInjMeth,MesInjMethOt -57,1,2,,,1,1, -57,2,2,,,2,1, -148,1,1,,2,,1, -170,1,1,,1,,1, -170,2,1,,1,,2, -173,1,1,,2,,1, -487,1,1,,1,,2, -487,2,1,,2,,2, -591,1,1,,1,,3, -888,1,1,,2,,1, -939,1,1,,1,,3, -946,1,1,,1,,3, -1125,1,1,,2,,2, -1280,1,1,,1,,, -1321,1,2,,,1,1, -2130,1,1,,1,,1, -2130,2,1,,2,,1, -2313,1,1,,1,,3, -2962,1,2,,,1,1, -3112,1,90,amentum- nematoma,,,1, -3233,1,2,,,2,1, -3384,1,1,,1,,1, -3384,2,,,2,,1, -3761,1,1,,2,,1, -3978,1,1,,1,,1, -3978,2,1,,2,,3, -4277,1,1,,3,,3, -4404,1,1,,3,,3, -4404,2,2,,,3,3, -4547,1,1,,1,,6, -4743,1,2,,,1,2, -4743,2,2,,,2,2, -4760,1,90,location not identified - hematoma,,,3, -5004,1,90,mesenteric root hematoma,,,3, -5324,1,1,,1,,1, -5324,2,2,,1,,1, -5759,1,1,,2,,1, -5978,1,2,,,1,1, -5978,2,2,,,1,3, -6205,1,1,,2,,2, -6250,1,1,,2,,1, -6440,1,1,,2,,1, -6473,1,1,,1,,3, -6517,1,2,,,2,1, -6810,1,1,,2,,1, -7071,1,1,,1,,3, -7090,1,1,,2,,1, -7276,1,1,,1,,1, -7276,2,1,,2,,1, -7276,3,2,,,2,1, -7455,1,1,,1,,1, -7802,1,1,,1,,3, -8099,1,1,,2,,1, -8099,2,1,,2,,3, -8361,1,2,,,1,1, -8361,2,,,,,3, -9116,1,90,Hematoma along root of mesentery and right panarolic gutte.,,,3, -9147,1,1,,1,,1, -9147,2,2,,,1,1, -9147,3,2,,,2,1, -9285,1,90,root - hematome,,,3, -9382,1,1,,1,,3, -9494,1,1,,1,,1, -9494,2,2,,,1,1, -9521,1,1,,1,,1, -9802,1,1,,1,,3, -10045,1,1,,1,,2, -10283,1,1,,2,,1, -10283,2,2,,,2,2, -11117,1,90,root of mesentary - edema,,,3, -11247,1,1,,1,,1, -11247,2,2,,1,,2, -11684,1,1,,2,,1, diff --git a/data/iai_pecarn/raw/form7bgiinj_meth.csv b/data/iai_pecarn/raw/form7bgiinj_meth.csv deleted file mode 100644 index 632055ee..00000000 --- a/data/iai_pecarn/raw/form7bgiinj_meth.csv +++ /dev/null @@ -1,72 +0,0 @@ -SubjectID,repeat_instance,SmIntInjMeth,SmIntInjMethOt -148,1,1, -170,1,1, -170,2,2, -170,3,3, -173,1,1, -708,1,1, -888,1,1, -939,1,3, -1001,1,1, -1125,1,2, -1322,1,1, -1338,1,1, -1727,1,1, -2130,1,1, -2556,1,3, -3037,1,1, -3384,1,1, -3509,1,3, -3558,1,1, -3761,1,1, -3761,2,2, -3978,1,1, -4992,1,3, -5037,1,1, -5324,1,1, -5752,1,1, -5752,2,3, -5759,1,1, -5857,1,1, -5922,1,1, -6161,1,3, -6205,1,1, -6440,1,1, -6517,1,1, -6523,1,3, -6673,1,1, -6810,1,1, -6936,1,1, -6936,2,2, -6936,3,3, -6957,1,1, -7090,1,1, -7150,1,1, -7150,2,2, -7276,1,1, -7347,1,3, -7455,1,1, -8099,1,1, -8099,2,3, -8361,1,1, -8361,2,3, -8776,1,3, -9147,1,1, -9187,1,3, -9494,1,1, -9854,1,3, -10283,1,2, -10283,2,3, -10353,1,2, -10450,1,3, -10600,1,1, -10616,1,3, -10697,1,1, -10776,1,90,Plain film abd series. Showing free air. -11123,1,3, -11173,1,1, -11247,1,1, -11304,1,3, -11684,1,1, -11776,1,3, -11846,1,1, diff --git a/data/iai_pecarn/raw/form7bgiinj_phys.csv b/data/iai_pecarn/raw/form7bgiinj_phys.csv deleted file mode 100644 index d510a8d9..00000000 --- a/data/iai_pecarn/raw/form7bgiinj_phys.csv +++ /dev/null @@ -1,66 +0,0 @@ -SubjectID,repeat_instance,GIInjPhys,GIInjPhysOt -487,1,4, -888,1,3, -888,2,4, -888,3,90,"abdomical distention, progression after injury/admission 3 days prior" -1001,1,1, -1001,2,4, -1125,1,1, -1125,2,4, -1125,3,90,abd distention -1727,1,4, -2130,1,1, -2130,2,4, -2313,1,1, -3384,1,4, -3433,1,3, -3433,2,4, -3558,1,1, -3558,2,4, -3558,3,90,"hemodynamic instability, abdominal rigidity" -4582,1,4, -4743,1,1, -4743,2,4, -4743,3,90,"abrasions, distention" -5004,1,4, -5324,1,1, -5324,2,4, -5759,1,4, -5786,1,4, -6161,1,4, -6161,2,90,Kicked by horse in abdomen -6205,1,1, -6205,2,4, -6209,1,3, -6209,2,4, -6473,1,1, -6473,2,4, -6523,1,1, -6523,2,4, -6523,3,90,CT evidence used -6936,1,2, -6936,2,4, -6936,3,90,"increased WBC, worsened after observation" -7455,1,4, -7633,1,3, -7633,2,4, -7804,1,4, -8202,1,1, -8202,2,4, -8455,1,3, -8455,2,4, -9285,1,90,abdominal distension -9655,1,3, -9655,2,4, -10126,1,4, -10283,1,1, -10283,2,4, -10353,1,1, -10353,2,4, -10353,3,90,"elevated WBC, abd distention" -10697,1,1, -10697,2,4, -10776,1,4, -11304,1,1, -11304,2,4, -11776,1,1, diff --git a/data/iai_pecarn/raw/form7bgiinj_smint.csv b/data/iai_pecarn/raw/form7bgiinj_smint.csv deleted file mode 100644 index fc718309..00000000 --- a/data/iai_pecarn/raw/form7bgiinj_smint.csv +++ /dev/null @@ -1,82 +0,0 @@ -SubjectID,repeat_instance,SmIntLoc,SmIntJejTyp,SmIntIllTyp,SmIntLocTyp -148,1,1,4,, -148,2,2,,4, -170,1,2,,4, -173,1,2,,1, -708,1,2,,4, -888,1,1,1,, -888,2,1,2,, -888,3,1,3,, -888,4,2,,1, -888,5,2,,3, -888,6,2,,4, -939,1,97,,,1 -1001,1,1,2,, -1125,1,1,1,, -1125,2,2,,1, -1322,1,1,2,, -1322,2,1,4,, -1338,1,1,2,, -1727,1,1,2,, -2130,1,97,,,1 -2556,1,1,1,, -3037,1,1,1,, -3384,1,2,,1, -3384,2,2,,2, -3384,3,2,,3, -3384,4,2,,4, -3509,1,97,,,1 -3558,1,1,2,, -3761,1,2,,1, -3761,2,2,,2, -3761,3,2,,3, -3978,1,1,1,, -3978,2,1,2,, -4992,1,1,1,, -5037,1,97,,,1 -5324,1,1,3,, -5752,1,2,,2, -5759,1,1,2,, -5759,2,2,,3, -5857,1,2,,3, -5922,1,1,2,, -6161,1,1,1,, -6205,1,1,,, -6440,1,1,4,, -6517,1,1,2,, -6523,1,1,1,, -6673,1,1,1,, -6673,2,1,2,, -6810,1,1,4,, -6936,1,1,2,, -6957,1,1,2,, -7090,1,2,,3, -7150,1,1,,, -7276,1,1,1,, -7276,2,1,3,, -7347,1,97,,,1 -7455,1,1,4,, -7455,2,2,,4, -8099,1,2,,4, -8361,1,1,3,, -8776,1,1,,, -9147,1,2,,1, -9187,1,1,,, -9494,1,1,3,, -9494,2,2,,1, -9854,1,1,1,, -10283,1,2,,4, -10353,1,1,3,, -10450,1,1,1,, -10600,1,1,2,, -10616,1,1,1,, -10697,1,2,,3, -10776,1,1,2,, -11123,1,97,,, -11173,1,1,2,, -11247,1,1,3,, -11304,1,1,1,, -11684,1,2,,3, -11684,2,2,,4, -11776,1,1,1,, -11846,1,97,,,2 diff --git a/data/iai_pecarn/raw/form7bgiinj_spec.csv b/data/iai_pecarn/raw/form7bgiinj_spec.csv deleted file mode 100644 index 0802f626..00000000 --- a/data/iai_pecarn/raw/form7bgiinj_spec.csv +++ /dev/null @@ -1,132 +0,0 @@ -SubjectID,StomInj,DuodInj,DuodInjGrade,SmIntInj,SmIntGrade,ColonInj,ColInjGrade,MesInj,Comments -57,2,2,,2,,1,7,1, -85,2,2,,2,,1,93,2,no answer to Complications from the GI injury listed on form -148,2,2,,1,8,1,7,1, -170,1,2,,1,8,1,4,1, -173,2,2,,1,1,2,,1, -204,2,1,1,2,,2,,2, -487,2,2,,2,,2,,1, -591,2,2,,2,,2,,1, -708,2,2,,1,8,2,,2, -888,2,2,,1,8,2,,1,"""difficult to grade; all info from laparotomy 5 days after bowel perf; many of finding from lap were likely from the periforitis""" -939,2,2,,1,1,2,,1, -946,2,1,1,2,,2,,1, -1001,2,1,1,1,3,2,,2, -1125,2,1,1,1,1,2,,1, -1254,2,1,,2,,2,,2,"""None of these small bowel found on CT to be dilated and thickened""" -1280,2,2,,2,,2,,1, -1321,2,2,,2,,1,1,1, -1322,2,2,,1,5,2,,2, -1338,2,2,,1,4,2,,2, -1418,2,1,2,2,,2,,2, -1727,2,2,,1,4,2,,2, -2130,2,2,,1,1,1,2,1, -2313,2,2,,2,,2,,1, -2345,2,2,,2,,1,1,2, -2354,2,1,2,2,,1,1,2, -2556,2,2,,1,1,2,,2,"""bowel""" -2935,2,1,1,2,,2,,2, -2962,2,2,,2,,1,1,1,"""Note: had peritonitis due to bile leak on exploration anastaniosis was intact and not thought to cuase peritonitis"" -""contusion""" -3037,2,1,5,1,1,2,,2, -3112,2,2,,2,,1,2,1,"Colon Injury: ""cecum- serosal tear"" -""Clarification please note in the bb cecum is included under large bowel but not listed as a location here"" -Cecum injury - 4cm cecal deserosalization injury by laparotomy""" -3233,2,2,,2,,1,1,1, -3384,2,2,,1,8,1,7,1,"""Some of deserosalised and devoraslized small coll""" -3433,2,1,3,2,,2,,2, -3497,2,2,,2,,2,,2, -3509,2,1,1,1,1,2,,2,"""Thickening of wall""" -3558,1,2,,1,5,2,,2, -3761,2,2,,1,3,2,,1, -3978,2,2,,1,3,2,,1, -4193,2,2,,2,,1,4,2,"[date redacted] note by [initials redacted] just erythema"" -""CT suggetive but not definiate""" -4277,2,2,,2,,2,,1, -4404,2,2,,2,,2,,1, -4547,2,2,,2,,2,,1, -4557,2,2,,2,,1,1,2, -4582,2,1,1,2,,2,,2,"""duodenal""" -4722,2,1,3,2,,2,,2, -4743,2,2,,2,,2,,1, -4760,2,2,,2,,2,,1, -4992,2,2,,1,1,2,,2, -5004,2,2,,2,,2,,1, -5037,2,2,,1,1,1,1,2, -5324,2,2,,1,2,2,,1, -5460,2,2,,2,,1,1,2, -5752,2,2,,1,4,2,,2, -5759,2,2,,1,3,1,3,1, - -5786,2,2,,2,,2,,2, -5857,2,2,,1,1,2,,2, -5922,2,2,,1,4,2,,2, -5978,2,2,,2,,1,2,1, -6028,2,2,,2,,1,2,2, -6106,2,1,1,2,,2,,2, -6161,2,2,,1,1,2,,2, -6205,2,2,,1,7,2,,1,"""Diagnosed by pediatric surgeon pt was admitted"" -""Degloring"" -""Peri-splemic abscess found""" -6209,2,1,1,2,,2,,2, -6250,2,1,5,2,,2,,1,"""Added [date redacted]" -6433,2,1,1,2,,2,,2, -6440,2,1,,1,,2,,1,Duodenal Injury Grade & on Small Intesting Injury Grade: Both Grade V Laceration & Grade V Vascular are marked. -6473,2,2,,2,,2,,1, -6517,2,2,,1,5,1,7,1, -6523,2,2,,1,1,2,,2, -6673,2,2,,1,3,2,,2, -6790,2,1,3,2,,2,,2, -6810,2,2,,1,8,1,2,1, -6936,2,2,,1,3,2,,2,"""small bruel""" -6957,2,2,,1,4,2,,2, -7071,1,2,,2,,2,,1, -7090,2,2,,1,3,2,,1, -7096,1,2,,2,,2,,2,"""Aritral wall thickening, no discrete hematoma""" -7150,2,2,,1,93,2,,2,"""3 serial stenosis, Bowel was resected. Injury to small intestine not identified for 25 days""" -7276,2,2,,1,7,1,6,1, -7347,2,2,,1,1,2,,2, -7455,2,2,,1,8,2,,1, -7633,2,1,1,2,,2,,2, -7727,2,2,,2,,1,1,2, -7790,2,2,,2,,1,1,2, -7802,2,2,,2,,2,,1,"""No check dued injury but compressive narrowing from mesenteric hematoma""" -7804,2,1,1,2,,2,,2, -8099,2,2,,1,8,1,7,1, -8202,2,1,4,2,,2,,2, -8361,2,2,,1,1,2,,1, -8455,2,1,5,2,,2,,2, -8776,2,2,,1,93,2,,2,"""other mild dilation unclear if this is error traumatic or early enterititis""" -9116,2,2,,2,,2,,1, -9147,2,2,,1,1,1,1,1, -9187,2,2,,1,1,2,,2, -9285,2,2,,2,,2,,1, -9312,2,2,,2,,1,3,2, -9382,2,2,,2,,2,,1, -9494,2,2,,1,1,2,,1, -9521,2,1,1,2,,1,1,1, -9655,2,1,6,2,,2,,2, -9802,2,2,,2,,2,,1, -9854,2,2,,1,1,2,,2, -9913,2,1,1,2,,2,,2, -10045,2,2,,2,,2,,1, -10126,1,2,,2,,2,,2, -10235,2,1,1,2,,2,,2, -10283,2,2,,1,8,2,,1,"""20cm bowel resection""" -10351,2,1,1,2,,2,,2, -10353,2,2,,1,2,2,,2,"""small bowel""" -10450,2,2,,1,1,2,,2,"On GI injury Identified: ""Make note to file: On reread by Radiology Attending jejunal injury identified""" -10600,2,2,,1,3,1,7,2,"Note on Large Intesting Grade: ""Ischemic segment""" -10616,2,2,,1,1,2,,2, -10697,2,2,,1,4,1,4,2, -10776,2,2,,1,3,2,,2," -""Based on op report the jejunum had 2 lacerations with stool spilage. Not further characterized""" -11117,2,2,,2,,2,,1, -11123,2,2,,1,1,2,,2,"""Thickned small bowel loops, contusion""" -11173,2,2,,1,4,1,2,2, -11247,2,2,,1,2,1,3,1,"""Pre-cutinveious ditved""" -11304,2,2,,1,1,2,,2, -11684,2,2,,1,8,1,1,1, -11776,2,2,,1,1,2,,2, -11846,2,2,,1,8,2,,2, -11937,2,1,2,2,,2,,2, diff --git a/data/iai_pecarn/raw/form7bgiinj_stom.csv b/data/iai_pecarn/raw/form7bgiinj_stom.csv deleted file mode 100644 index fb233067..00000000 --- a/data/iai_pecarn/raw/form7bgiinj_stom.csv +++ /dev/null @@ -1,5 +0,0 @@ -SubjectID,repeat_instance,StomInjTyp,StomMeth,StomMethOt -3558,1,2,1, -7071,1,1,3, -7096,1,,3, -10126,1,,3,intraluminal hemorrhage diff --git a/data/iai_pecarn/raw/form7cbladinj.csv b/data/iai_pecarn/raw/form7cbladinj.csv deleted file mode 100644 index 40f084b9..00000000 --- a/data/iai_pecarn/raw/form7cbladinj.csv +++ /dev/null @@ -1,33 +0,0 @@ -SubjectID,repeat_instance,BladInj,BladInjOth -115,1,1, -115,2,2, -462,1,2, -462,2,3, -2058,1,3, -2058,2,90,pelvis CT after initial abd CT -2428,1,90,urethral injury identified on VCUG -4101,1,1, -4101,2,2, -4101,3,3, -4309,1,2, -4309,2,5, -4404,1,4, -4404,2,5, -5472,1,90,Urology consultation. CT suggestive not definitive and hematuria. -5810,1,2, -5810,2,4, -6332,1,2, -6332,2,3, -6734,1,4, -6879,1,1, -6879,2,5, -7245,1,4, -7734,1,2, -8560,1,3, -9117,1,1, -9117,2,4, -10918,1,2, -11400,1,2, -11400,2,90,clinically -11454,1,1, -11454,2,4, diff --git a/data/iai_pecarn/raw/form7cbladinj_comp.csv b/data/iai_pecarn/raw/form7cbladinj_comp.csv deleted file mode 100644 index 701e0f97..00000000 --- a/data/iai_pecarn/raw/form7cbladinj_comp.csv +++ /dev/null @@ -1,20 +0,0 @@ -SubjectID,repeat_instance,CompBladInj,CompBladInjOt -115,1,91, -462,1,91, -2058,1,91, -2428,1,91, -4101,1,90,unknown 2 transferring -4309,1,91, -4404,1,91, -5472,1,91, -5810,1,91, -6332,1,91, -6734,1,91, -6879,1,91, -7245,1,91, -7734,1,91, -8560,1,91, -9117,1,91, -10918,1,91, -11400,1,91, -11454,1,91, diff --git a/data/iai_pecarn/raw/form7cbladinj_spec.csv b/data/iai_pecarn/raw/form7cbladinj_spec.csv deleted file mode 100644 index 72a9668e..00000000 --- a/data/iai_pecarn/raw/form7cbladinj_spec.csv +++ /dev/null @@ -1,40 +0,0 @@ -SubjectID,BladInjGrade,Urinalysis,UrinalysisMicro,UrethralInj,TxFoleyCath,FoleyCathDays,TxSupFoley,SubFoleyDays,TxLaparscRep,LaparscRepDay,LaparscRepDrain,TxLaparRep,LaparRepDay,LaparRepDrain,IVPOAbx,FollowUp,FUDay,FUComp,FUCompOt,Comments -115,4,1,,2,1,,0,,1,1,0,0,,,0,2,,,, -462,,2,25,2,1,"no GU F/U noted. Repeat cystogram [date redacted] normal. Foley likely removed then, but no documentation of that.",0,,0,,,0,,,1,1,,,,"On Injury Grade: ""Unable quentitate grade 2 or 3 extraperitoneal, length of laceration not quantified"" - -Urinalysis result in ED are answered both Gross Hematuria & Microscopic hematuria with 25 rbc/hpf. - - -On Follow-up: ""No GU F/U notes. Repeat cystrgram [date redacted] normal. Foley likely removed then, but no documentation of that."" -""Cystogram repeated [date redacted] no GU notes available""" -2058,3,2,51,2,1,unknown present at hospital discharge - day 3,0,,0,,,0,,,1,,,,,"""Extraperitoneal - Sixe of laceration not quantified"" -""Follow scheduled 9 days later normal cystogram on that day."" -""Unknown records not available"" ""cystogram done [date redacted] which was normal (9 days after discharge)""" -2428,1,0,,1,1,1 (~16 hours),0,,0,,,0,,,0,2,,,,"""Urethral injury, not bladder""" -4101,4,1,,2,1,,1,,0,,,1,1,1,1,1,43,90,UTI; other unknown 2 transfer,"""An offical was not sent, gross hemoturia was documented by clinician at bedside"" -""This pt was operated on at [hospital redacted], but was later transferred from managment of pelvic bone fractures so follow-up is not available""" -4309,5,2,51,2,0,,0,,0,,,0,,,1,1,,,,"Notes of Grade: ""5? Partiral thickness laceration at the trigone with arterial bleeding (just distal to ureteral orifices)"" - -Urinialysis in ED answered for both Gross Hematuria & Microscopic hematuria with 51 rbc/hpf. - -On Treatment: ""Other:laceration fulgurated during cystoscopy"" - -Notes on Follow-up: ""Renal US [date redacted] - scheduled GU visit same day, notes not available, [date redacted] - bladder floor irregularity""" -4404,3,1,,2,1,27,0,,0,,,0,,,1,1,758,,, -5472,1,2,1496,2,1,unknown,0,,0,,,0,,,0,2,,,,Urinalysis in ED answered both Gross Hematuria & Microscopic hematuria with 1496 rbc/hpf. -5810,1,2,>100,2,1,3,0,,0,,,0,,,0,1,41,,, -6332,1,1,,2,1,,0,,0,,,0,,,1,2,,,,"""bladder distension shydinsphions preceded injury was being wired up for this prior usage"" -" -6734,3,2,1815,2,1,21,0,,0,,,0,,,0,1,24,90,urinary tract infection,Urinanalysis results in ED is answered with both Gross Hematuria & Microscopic hematuria of 1815 rbc/hpf. -6879,1,0,,1,0,,1,21,0,,,0,,,1,1,21,,,"""Transection of urethra""" -7245,,1,,2,1,discharged at 3days with Foley in place,0,,0,,,0,,,1,,,,,"for Grade of injury: ""2 or 3 extraperitoneal laceration"" - -Note on Treatment page: ""Returned 9 days later with normal cystogram and scheduled for GU follow-up"" - -Note on Follow-up: ""Unknown pt returned, had normal cystogram [date redacted] also scheduled to see GU but those notes not available. Normal cystogram [date redacted].""" -7734,1,2,51,2,0,,0,,0,,,0,,,0,2,,,, -8560,3,2,25,2,1,26+,0,,0,,,0,,,1,1,26,,,"""long term no clear removal date""" -9117,3,1,,2,1,2,1,14,0,,,1,1,1,1,1,15,,, -10918,2,1,,2,1,18,0,,0,,,0,,,0,1,19,90,None, -11400,1,2,9,2,0,,0,,92,,,92,,,92,2,,,, -11454,4,2,>50,2,1,3,0,,0,,,1,732,0,1,2,,,,"""no Flu available, records in GU clinic""" diff --git a/data/iai_pecarn/raw/form7cbladinj_type.csv b/data/iai_pecarn/raw/form7cbladinj_type.csv deleted file mode 100644 index a180bd0d..00000000 --- a/data/iai_pecarn/raw/form7cbladinj_type.csv +++ /dev/null @@ -1,21 +0,0 @@ -SubjectID,repeat_instance,BladInjType,BladExLac,BladExLacLoc,BladIntLac -115,1,4,,,92 -462,1,3,92,1, -2058,1,3,92,3, -4101,1,4,,,2 -4309,1,1,,, -4309,2,2,,, -4404,1,3,92,1, -5472,1,1,,, -5810,1,1,,, -6332,1,1,,, -6734,1,3,2,1, -6879,1,1,,, -7245,1,3,92,92, -7734,1,1,,, -8560,1,1,,, -8560,2,4,,,92 -9117,1,3,2,1, -10918,1,3,92,3, -11400,1,1,,, -11454,1,4,,,2 diff --git a/data/iai_pecarn/raw/formats.csv b/data/iai_pecarn/raw/formats.csv deleted file mode 100644 index b0328f90..00000000 --- a/data/iai_pecarn/raw/formats.csv +++ /dev/null @@ -1,576 +0,0 @@ -FMTNAME,START,END,LABEL,MIN,MAX,DEFAULT,LENGTH,FUZZ,PREFIX,MULT,FILL,NOEDIT,TYPE,SEXCL,EEXCL,HLO,DECSEP,DIG3SEP,DATATYPE,LANGUAGE -AMYLASE,1,1,No amylase measured during the ED evaluation or hospitalization,1,63,63,63,1E-12,,0,,0,N,N,N,,,,, -ATGRD,1,1,AAST Grade 1 or 2,1,49,49,49,0,,0,,0,N,N,N,,,,, -ATGRD,2,2,"AAST Grade 3, 4, or 5",1,49,49,49,0,,0,,0,N,N,N,,,,, -ATGRD,3,3,Only autopsy finding is fluid around the pancreas,1,49,49,49,0,,0,,0,N,N,N,,,,, -ATPCST,1,1,Duct transected,1,36,36,36,0,,0,,0,N,N,N,,,,, -ATPCST,2,2,Duct not transected,1,36,36,36,0,,0,,0,N,N,N,,,,, -ATPCST,3,3,Duct status indeterminate on autopsy,1,36,36,36,0,,0,,0,N,N,N,,,,, -ATPCST,97,97,No mention of duct status on autopsy,1,36,36,36,0,,0,,0,N,N,N,,,,, -BLADLAC,1,1,< 2 cm,1,7,7,7,0,,0,,0,N,N,N,,,,, -BLADLAC,2,2,> 2 cm,1,7,7,7,0,,0,,0,N,N,N,,,,, -BLADLAC,92,92,Unknown,1,7,7,7,0,,0,,0,N,N,N,,,,, -BLCOMP,1,1,Wound (surgical incision) dehiscence,1,140,140,140,0,,0,,0,N,N,N,,,,, -BLCOMP,2,2,Wound (surgical incision) infection (erythema around or pus from wound considered an infection by treating physicians and given antibiotics),1,140,140,140,0,,0,,0,N,N,N,,,,, -BLCOMP,3,3,Post-operative urinary extravasation,1,140,140,140,0,,0,,0,N,N,N,,,,, -BLCOMP,4,4,Post-operative hemorrhage from the bladder,1,140,140,140,0,,0,,0,N,N,N,,,,, -BLCOMP,5,5,Pelvic infection/abscess,1,140,140,140,0,,0,,0,N,N,N,,,,, -BLCOMP,6,6,Abdominal fascial dehiscence presents as persistent drainage from the incision site,1,140,140,140,0,,0,,0,N,N,N,,,,, -BLCOMP,7,7,Acute bilateral obstructive uropathy/ Urinary retention,1,140,140,140,0,,0,,0,N,N,N,,,,, -BLCOMP,90,90,Other immediate complications,1,140,140,140,0,,0,,0,N,N,N,,,,, -BLCOMP,91,91,No complications identified from urinary bladder injury,1,140,140,140,0,,0,,0,N,N,N,,,,, -BLINJGR,1,1,"Grade I: Hematoma: Contusion, intramural hematoma, orLaceration: partial thickness (not completely through the bladder wall)",1,131,131,131,0,,0,,0,N,N,N,,,,, -BLINJGR,2,2,Grade II: Extraperitoneal bladder wall laceration < 2 cm in length,1,131,131,131,0,,0,,0,N,N,N,,,,, -BLINJGR,3,3,"Grade III: Extraperitoneal bladder wall laceration > 2 cm in length,Intraperitoneal bladder wall laceration < 2 cm in length",1,131,131,131,0,,0,,0,N,N,N,,,,, -BLINJGR,4,4,Grade IV: Intraperitoneal bladder wall laceration > 2 cm in length,1,131,131,131,0,,0,,0,N,N,N,,,,, -BLINJGR,5,5,Grade V: Laceration (Intraperitoneal or Extraperitoneal laceration that extends into the bladder neck or ureteral orifice (trigone),1,131,131,131,0,,0,,0,N,N,N,,,,, -BLINJTY,1,1,Bladder Hematoma/Contusion,1,28,28,28,0,,0,,0,N,N,N,,,,, -BLINJTY,2,2,Partial Thickness Laceration,1,28,28,28,0,,0,,0,N,N,N,,,,, -BLINJTY,3,3,Extraperitoneal Laceration,1,28,28,28,0,,0,,0,N,N,N,,,,, -BLINJTY,4,4,Intraperitoneal Laceration,1,28,28,28,0,,0,,0,N,N,N,,,,, -BLLCLOC,1,1,Anterior,1,26,26,26,0,,0,,0,N,N,N,,,,, -BLLCLOC,2,2,Posterior,1,26,26,26,0,,0,,0,N,N,N,,,,, -BLLCLOC,3,3,Lateral,1,26,26,26,0,,0,,0,N,N,N,,,,, -BLLCLOC,4,4,Bladder Neck,1,26,26,26,0,,0,,0,N,N,N,,,,, -BLLCLOC,5,5,Ureteral Orifice (Trigone),1,26,26,26,0,,0,,0,N,N,N,,,,, -BLLCLOC,92,92,Unknown,1,26,26,26,0,,0,,0,N,N,N,,,,, -COINGRD,1,1,Grade I: Hematoma- contusion or hematoma without devascularization,1,74,74,74,0,,0,,0,N,N,N,,,,, -COINGRD,2,2,"Grade I: Laceration- partial thickness, no laceration",1,74,74,74,0,,0,,0,N,N,N,,,,, -COINGRD,3,3,Grade II: Laceration- disruption < 50% of circumference,1,74,74,74,0,,0,,0,N,N,N,,,,, -COINGRD,4,4,Grade III: Laceration- disruption >= 50% circumference without transaction,1,74,74,74,0,,0,,0,N,N,N,,,,, -COINGRD,5,5,Grade IV: Laceration- transection of the colon,1,74,74,74,0,,0,,0,N,N,N,,,,, -COINGRD,6,6,Grade V: Laceration- transaction of the colon with segmental tissue loss,1,74,74,74,0,,0,,0,N,N,N,,,,, -COINGRD,7,7,Grade V: Vascular- devascularized segment,1,74,74,74,0,,0,,0,N,N,N,,,,, -COINGRD,93,93,Unable to grade injury (try to grade the injury and avoid this respone),1,74,74,74,0,,0,,0,N,N,N,,,,, -COLONLOC,1,1,Ascending colon,1,22,22,22,0,,0,,0,N,N,N,,,,, -COLONLOC,2,2,Transverse colon,1,22,22,22,0,,0,,0,N,N,N,,,,, -COLONLOC,3,3,Descending colon,1,22,22,22,0,,0,,0,N,N,N,,,,, -COLONLOC,4,4,Sigmoid colon,1,22,22,22,0,,0,,0,N,N,N,,,,, -COLONLOC,5,5,Rectum,1,22,22,22,0,,0,,0,N,N,N,,,,, -COLONLOC,97,97,Location not specified,1,22,22,22,0,,0,,0,N,N,N,,,,, -CTGRADE,1,1,AAST Grade 1 or 2,1,56,56,56,0,,0,,0,N,N,N,,,,, -CTGRADE,2,2,"AAST Grade 3, 4, or 5",1,56,56,56,0,,0,,0,N,N,N,,,,, -CTGRADE,3,3,Only CT finding is fluid around the pancreas,1,56,56,56,0,,0,,0,N,N,N,,,,, -CTGRADE,93,93,Unable to determine pancreatic injury grade by CT report,1,56,56,56,0,,0,,0,N,N,N,,,,, -CTPCST,1,1,Duct transected,1,31,31,31,0,,0,,0,N,N,N,,,,, -CTPCST,2,2,Duct not transected,1,31,31,31,0,,0,,0,N,N,N,,,,, -CTPCST,3,3,Duct status indeterminate on CT,1,31,31,31,0,,0,,0,N,N,N,,,,, -CTPCST,97,97,No mention of duct status on CT,1,31,31,31,0,,0,,0,N,N,N,,,,, -DUOGRD,1,1,Grade I: Hematoma- involving single portion of the duodenum,1,96,96,96,0,,0,,0,N,N,N,,,,, -DUOGRD,2,2,"Grade I: Laceration- partial thickness, no laceration",1,96,96,96,0,,0,,0,N,N,N,,,,, -DUOGRD,3,3,Grade II: Hematoma- involving more than one portion,1,96,96,96,0,,0,,0,N,N,N,,,,, -DUOGRD,4,4,Grade II: Laceration- disruption < 50% of circumference,1,96,96,96,0,,0,,0,N,N,N,,,,, -DUOGRD,5,5,Grade III: Laceration- disruption 50-75% circumference of 2nd portion,1,96,96,96,0,,0,,0,N,N,N,,,,, -DUOGRD,6,6,"Grade III: Laceration- disruption 50-100% circumference of 1st, 3rd, 4th portion of the duodenum",1,96,96,96,0,,0,,0,N,N,N,,,,, -DUOGRD,7,7,Grade IV: Laceration- disruption of > 75% circumference of 2nd portion,1,96,96,96,0,,0,,0,N,N,N,,,,, -DUOGRD,8,8,Grade IV: Involving ampulla or distal common bile duct,1,96,96,96,0,,0,,0,N,N,N,,,,, -DUOGRD,9,9,Grade V: Laceration: massive disruption of duodenalpancreatic complex,1,96,96,96,0,,0,,0,N,N,N,,,,, -DUOGRD,10,10,Grade V: Vascular- devascularization of duodenum,1,96,96,96,0,,0,,0,N,N,N,,,,, -DUOGRD,93,93,Unable to grade injury (Try to grade the injury and avoid this response),1,96,96,96,0,,0,,0,N,N,N,,,,, -DV1314G,1,1,ED,1,40,11,10,1E-12,,0,,0,N,N,N,,,,, -DV1314G,2,2,Inpatient,1,40,11,10,1E-12,,0,,0,N,N,N,,,,, -DV1314G,3,3,Outpatient,1,40,11,10,1E-12,,0,,0,N,N,N,,,,, -DV1314G,4,4,Unknown,1,40,11,10,1E-12,,0,,0,N,N,N,,,,, -DV1377G,1,1,Yes,1,40,26,25,1E-12,,0,,0,N,N,N,,,,, -DV1377G,2,2,No,1,40,26,25,1E-12,,0,,0,N,N,N,,,,, -DV1377G,3,3,Rectal exam not performed,1,40,26,25,1E-12,,0,,0,N,N,N,,,,, -DV1377G,4,4,Physician did not answer,1,40,26,25,1E-12,,0,,0,N,N,N,,,,, -DV1420G,1,1,Morrison's pouch (right upper quadrant),1,40,39,39,1E-12,,0,,0,N,N,N,,,,, -DV1420G,2,2,Left upper quadrant,1,40,39,39,1E-12,,0,,0,N,N,N,,,,, -DV1420G,3,3,Right paracolic gutter,1,40,39,39,1E-12,,0,,0,N,N,N,,,,, -DV1420G,4,4,Left paracolic gutter,1,40,39,39,1E-12,,0,,0,N,N,N,,,,, -DV1420G,5,5,Suprapubic region,1,40,39,39,1E-12,,0,,0,N,N,N,,,,, -DV1420G,6,6,No free fluid,1,40,39,39,1E-12,,0,,0,N,N,N,,,,, -DV1420G,7,7,Possible,1,40,39,39,1E-12,,0,,0,N,N,N,,,,, -DV1420G,8,8,Probable,1,40,39,39,1E-12,,0,,0,N,N,N,,,,, -DV1420G,9,9,Unclear,1,40,39,39,1E-12,,0,,0,N,N,N,,,,, -DV1452G,1,1,Yes,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV1452G,2,2,No,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV1452G,3,3,Did not listen,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV1452G,4,4,Physician did not answer,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV1577G,0,0,None,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV1577G,1,1,Diffuse,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV1577G,2,2,Localized,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV1577G,3,3,Unknown,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV1577G,4,4,Physician did not answer,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV170G,1,1,Duodenum,1,40,12,11,1E-12,,0,,0,N,N,N,,,,, -DV170G,2,2,Jejunum,1,40,12,11,1E-12,,0,,0,N,N,N,,,,, -DV170G,3,3,Ileum,1,40,12,11,1E-12,,0,,0,N,N,N,,,,, -DV170G,9,9,Unspecified,1,40,12,11,1E-12,,0,,0,N,N,N,,,,, -DV171G,1,1,Cecum,1,40,17,16,1E-12,,0,,0,N,N,N,,,,, -DV171G,2,2,Ascending colon,1,40,17,16,1E-12,,0,,0,N,N,N,,,,, -DV171G,3,3,Transverse colon,1,40,17,16,1E-12,,0,,0,N,N,N,,,,, -DV171G,4,4,Descending colon,1,40,17,16,1E-12,,0,,0,N,N,N,,,,, -DV171G,5,5,Rectum,1,40,17,16,1E-12,,0,,0,N,N,N,,,,, -DV171G,9,9,Unspecified,1,40,17,16,1E-12,,0,,0,N,N,N,,,,, -DV178G,1,1,Spleen,1,40,23,22,1E-12,,0,,0,N,N,N,,,,, -DV178G,2,2,Liver,1,40,23,22,1E-12,,0,,0,N,N,N,,,,, -DV178G,3,3,Kidney,1,40,23,22,1E-12,,0,,0,N,N,N,,,,, -DV178G,4,4,Gastrointestinal tract,1,40,23,22,1E-12,,0,,0,N,N,N,,,,, -DV178G,5,5,Other,1,40,23,22,1E-12,,0,,0,N,N,N,,,,, -DV1925G,1,1,Yes,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV1925G,2,2,No,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV1925G,3,3,Unsure,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV1925G,4,4,Physician did not answer,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV1975G,1,1,<1%,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV1975G,2,2,1-5%,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV1975G,3,3,6-10%,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV1975G,4,4,11-50%,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV1975G,5,5,>50%,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV1975G,6,6,Physician did not answer,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV197G,0,0,No Intevention,1,40,15,14,1E-12,,0,,0,N,N,N,,,,, -DV197G,1,1,Resection,1,40,15,14,1E-12,,0,,0,N,N,N,,,,, -DV197G,2,2,Drainage,1,40,15,14,1E-12,,0,,0,N,N,N,,,,, -DV197G,3,3,Other,1,40,15,14,1E-12,,0,,0,N,N,N,,,,, -DV204G,1,1,Intra-abdominal injury,1,40,28,27,1E-12,,0,,0,N,N,N,,,,, -DV204G,2,2,Mulitple blunt force trauma,1,40,28,27,1E-12,,0,,0,N,N,N,,,,, -DV204G,3,3,Traumatic brain injury,1,40,28,27,1E-12,,0,,0,N,N,N,,,,, -DV204G,4,4,Thoracic injury,1,40,28,27,1E-12,,0,,0,N,N,N,,,,, -DV204G,5,5,Other,1,40,28,27,1E-12,,0,,0,N,N,N,,,,, -DV2078G,0,0,No Intevention,1,40,24,23,1E-12,,0,,0,N,N,N,,,,, -DV2078G,1,1,Repair of fascia/hernia,1,40,24,23,1E-12,,0,,0,N,N,N,,,,, -DV2078G,2,2,Other,1,40,24,23,1E-12,,0,,0,N,N,N,,,,, -DV2140G,1,1,Pulmonary Contusion,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV2140G,2,2,Pneumothorax,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV2140G,3,3,Hemothorax,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV2140G,4,4,Rib Fracture,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV2140G,5,5,Diaphragm,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV2140G,6,6,Sternal Fracture,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV2140G,7,7,Aortic Injury,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV2140G,8,8,Tracheal Bronchial Disruption,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV2140G,9,9,Cardiac Contusion,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV2140G,10,10,Pneumomediastinum,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV2140G,11,11,Pneumopericardium,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV2140G,12,12,Hemopericardium,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV2140G,13,13,Other Thoracic Injury,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV2179G,1,1,Yes,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV2179G,2,2,No,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV2179G,3,3,Unknown,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV2179G,4,4,Physician did not answer,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV2200G,1,1,erythema,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV2200G,2,2,abrasion,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV2200G,3,3,ecchymoses,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV2200G,4,4,laceration,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV2200G,5,5,other,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV2200G,6,6,Physician did not answer,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV2480G,1,1,Yes,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV2480G,2,2,No,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV2480G,3,3,Physician did not answer,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV2767G,0,0,None,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV2767G,1,1,Mild (barely noticeable),1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV2767G,2,2,Moderate,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV2767G,3,3,Severe (intense),1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV2767G,4,4,Unknown,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV2767G,5,5,Physician did not answer,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV2925G,0,0,No Intervention,1,40,27,26,1E-12,,0,,0,N,N,N,,,,, -DV2925G,1,1,Splenectomy,1,40,27,26,1E-12,,0,,0,N,N,N,,,,, -DV2925G,2,2,Sutured splenoraphy,1,40,27,26,1E-12,,0,,0,N,N,N,,,,, -DV2925G,3,3,Use of hemostatic agent(s),1,40,27,26,1E-12,,0,,0,N,N,N,,,,, -DV2925G,4,4,Other,1,40,27,26,1E-12,,0,,0,N,N,N,,,,, -DV292G,1,1,FAST,1,40,20,19,1E-12,,0,,0,N,N,N,,,,, -DV292G,2,2,Full abdominal scan,1,40,20,19,1E-12,,0,,0,N,N,N,,,,, -DV292G,3,3,Unknown,1,40,20,19,1E-12,,0,,0,N,N,N,,,,, -DV3345G,1,1,Normal,1,40,40,39,1E-12,,0,,0,N,N,N,,,,, -DV3345G,2,2,Abnormal,1,40,40,39,1E-12,,0,,0,N,N,N,,,,, -DV3345G,3,3,No interpretation from any known source,1,40,40,39,1E-12,,0,,0,N,N,N,,,,, -DV35G,1,1,I,1,40,4,3,1E-12,,0,,0,N,N,N,,,,, -DV35G,2,2,II,1,40,4,3,1E-12,,0,,0,N,N,N,,,,, -DV35G,3,3,III,1,40,4,3,1E-12,,0,,0,N,N,N,,,,, -DV35G,4,4,IV,1,40,4,3,1E-12,,0,,0,N,N,N,,,,, -DV35G,5,5,V,1,40,4,3,1E-12,,0,,0,N,N,N,,,,, -DV35G,6,6,VI,1,40,4,3,1E-12,,0,,0,N,N,N,,,,, -DV3645G,1,1,Abdominal angiography,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV3645G,2,2,Pelvic angiography,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV3645G,3,3,Upper gastrointestinal series,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV3645G,4,4,Abdominal MRI,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV3645G,5,5,Cystogram,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV3685G,1,1,No traumatic findings,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV3685G,2,2,Traumatic findings identified,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV400G,1,1,Yes,1,40,15,14,1E-12,,0,,0,N,N,N,,,,, -DV400G,2,2,Intubated/BVM,1,40,15,14,1E-12,,0,,0,N,N,N,,,,, -DV400G,3,3,Unknown,1,40,15,14,1E-12,,0,,0,N,N,N,,,,, -DV400G,4,4,Not documented,1,40,15,14,1E-12,,0,,0,N,N,N,,,,, -DV403G,1,1,American Indian or Alaska Native,1,42,42,41,1E-12,,0,,0,N,N,N,,,,, -DV403G,2,2,Asian,1,42,42,41,1E-12,,0,,0,N,N,N,,,,, -DV403G,3,3,Black or African American,1,42,42,41,1E-12,,0,,0,N,N,N,,,,, -DV403G,4,4,Native Hawaiian or Other Pacific Islander,1,42,42,41,1E-12,,0,,0,N,N,N,,,,, -DV403G,5,5,White,1,42,42,41,1E-12,,0,,0,N,N,N,,,,, -DV403G,6,6,Stated as Unknown,1,42,42,41,1E-12,,0,,0,N,N,N,,,,, -DV403G,7,7,Other,1,42,42,41,1E-12,,0,,0,N,N,N,,,,, -DV414G,1,1,anterior superior iliac crests,1,40,31,30,1E-12,,0,,0,N,N,N,,,,, -DV414G,2,2,superior pubis,1,40,31,30,1E-12,,0,,0,N,N,N,,,,, -DV414G,3,3,inferior pubis,1,40,31,30,1E-12,,0,,0,N,N,N,,,,, -DV414G,4,4,SI joints,1,40,31,30,1E-12,,0,,0,N,N,N,,,,, -DV414G,5,5,unknown,1,40,31,30,1E-12,,0,,0,N,N,N,,,,, -DV414G,6,6,Physician did not answer,1,40,31,30,1E-12,,0,,0,N,N,N,,,,, -DV4528G,1,1,Surgical repair,1,40,16,15,1E-12,,0,,0,N,N,N,,,,, -DV4528G,2,2,Aortic stenting,1,40,16,15,1E-12,,0,,0,N,N,N,,,,, -DV4528G,3,3,Other,1,40,16,15,1E-12,,0,,0,N,N,N,,,,, -DV4686G,0,0,None,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV4686G,1,1,Mild,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV4686G,2,2,Moderate,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV4686G,3,3,Severe,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV4686G,4,4,Physician did not answer,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV4705G,1,1,Yes,1,40,11,10,1E-12,,0,,0,N,N,N,,,,, -DV4705G,2,2,Probably,1,40,11,10,1E-12,,0,,0,N,N,N,,,,, -DV4705G,3,3,Can't tell,1,40,11,10,1E-12,,0,,0,N,N,N,,,,, -DV4705G,4,4,No,1,40,11,10,1E-12,,0,,0,N,N,N,,,,, -DV5089G,1,1,Pneumothorax,1,40,20,19,1E-12,,0,,0,N,N,N,,,,, -DV5089G,2,2,Hemothorax,1,40,20,19,1E-12,,0,,0,N,N,N,,,,, -DV5089G,3,3,Rib fracture,1,40,20,19,1E-12,,0,,0,N,N,N,,,,, -DV5089G,4,4,Pulmonary contusion,1,40,20,19,1E-12,,0,,0,N,N,N,,,,, -DV5089G,5,5,Pneumomediastinum,1,40,20,19,1E-12,,0,,0,N,N,N,,,,, -DV5089G,6,6,Pneumopericardium,1,40,20,19,1E-12,,0,,0,N,N,N,,,,, -DV5089G,7,7,Diaphragm injury,1,40,20,19,1E-12,,0,,0,N,N,N,,,,, -DV5089G,8,8,Other,1,40,20,19,1E-12,,0,,0,N,N,N,,,,, -DV521G,0,0,No Intervention,1,40,16,15,1E-12,,0,,0,N,N,N,,,,, -DV521G,1,1,Resection,1,40,16,15,1E-12,,0,,0,N,N,N,,,,, -DV521G,2,2,Other,1,40,16,15,1E-12,,0,,0,N,N,N,,,,, -DV528G,0,0,No Intervention,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV528G,1,1,Repair of bladder injury,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV528G,2,2,Other,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV5325G,0,0,None,1,40,24,24,1E-12,,0,,0,N,N,N,,,,, -DV5325G,1,1,Anterior chest,1,40,24,24,1E-12,,0,,0,N,N,N,,,,, -DV5325G,2,2,Posterior chest,1,40,24,24,1E-12,,0,,0,N,N,N,,,,, -DV5325G,3,3,Both,1,40,24,24,1E-12,,0,,0,N,N,N,,,,, -DV5325G,4,4,Physician did not answer,1,40,24,24,1E-12,,0,,0,N,N,N,,,,, -DV5417G,1,1,Young age,1,51,51,50,1E-12,,0,,0,N,N,N,,,,, -DV5417G,2,2,Severe mechanism of injury,1,51,51,50,1E-12,,0,,0,N,N,N,,,,, -DV5417G,3,3,Lower rib injury,1,51,51,50,1E-12,,0,,0,N,N,N,,,,, -DV5417G,4,4,Hemodynamic instability,1,51,51,50,1E-12,,0,,0,N,N,N,,,,, -DV5417G,5,5,Decreased mental status,1,51,51,50,1E-12,,0,,0,N,N,N,,,,, -DV5417G,6,6,Flank tenderness,1,51,51,50,1E-12,,0,,0,N,N,N,,,,, -DV5417G,7,7,Femur fracture,1,51,51,50,1E-12,,0,,0,N,N,N,,,,, -DV5417G,8,8,Abnormal abdominal examination,1,51,51,50,1E-12,,0,,0,N,N,N,,,,, -DV5417G,9,9,Trauma surgery request,1,51,51,50,1E-12,,0,,0,N,N,N,,,,, -DV5417G,10,10,Abdominal clearance prior to non-abdominal surgery,1,51,51,50,1E-12,,0,,0,N,N,N,,,,, -DV5417G,11,11,Low hematocrit,1,51,51,50,1E-12,,0,,0,N,N,N,,,,, -DV5417G,12,12,Declining/drop in serial hematocrit measurements,1,51,51,50,1E-12,,0,,0,N,N,N,,,,, -DV5417G,13,13,Elevated AST or ALT,1,51,51,50,1E-12,,0,,0,N,N,N,,,,, -DV5417G,14,14,Elevated amylase/lipase,1,51,51,50,1E-12,,0,,0,N,N,N,,,,, -DV5417G,15,15,Microscopic hematuria,1,51,51,50,1E-12,,0,,0,N,N,N,,,,, -DV5417G,16,16,Gross hematuria,1,51,51,50,1E-12,,0,,0,N,N,N,,,,, -DV5417G,17,17,Other abnormal lab value,1,51,51,50,1E-12,,0,,0,N,N,N,,,,, -DV5417G,18,18,Other,1,51,51,50,1E-12,,0,,0,N,N,N,,,,, -DV5417G,19,19,Physician did not answer,1,51,51,50,1E-12,,0,,0,N,N,N,,,,, -DV5427G,1,1,Emergency Medicine Faculty,1,40,37,36,1E-12,,0,,0,N,N,N,,,,, -DV5427G,2,2,Pediatric Faculty,1,40,37,36,1E-12,,0,,0,N,N,N,,,,, -DV5427G,3,3,Pediatric Emergency Medicine Faculty,1,40,37,36,1E-12,,0,,0,N,N,N,,,,, -DV5427G,4,4,General/Trauma Surgery Faculty,1,40,37,36,1E-12,,0,,0,N,N,N,,,,, -DV5427G,5,5,Pediatric Surgery Faculty,1,40,37,36,1E-12,,0,,0,N,N,N,,,,, -DV5427G,6,6,Internal Medicine Faculty,1,40,37,36,1E-12,,0,,0,N,N,N,,,,, -DV5427G,7,7,Family Practice Faculty,1,40,37,36,1E-12,,0,,0,N,N,N,,,,, -DV5427G,8,8,Pediatric Emergency Medicine Fellow,1,40,37,36,1E-12,,0,,0,N,N,N,,,,, -DV5427G,9,9,Pediatric Surgery Fellow,1,40,37,36,1E-12,,0,,0,N,N,N,,,,, -DV5427G,10,10,Trauma Surgery Fellow,1,40,37,36,1E-12,,0,,0,N,N,N,,,,, -DV5427G,11,11,Other,1,40,37,36,1E-12,,0,,0,N,N,N,,,,, -DV5529G,1,1,Increased,1,40,18,17,1E-12,,0,,0,N,N,N,,,,, -DV5529G,2,2,Remained the same,1,40,18,17,1E-12,,0,,0,N,N,N,,,,, -DV5529G,3,3,Decreased,1,40,18,17,1E-12,,0,,0,N,N,N,,,,, -DV5529G,4,4,Unclear,1,40,18,17,1E-12,,0,,0,N,N,N,,,,, -DV5529G,5,5,Not Applicable,1,40,18,17,1E-12,,0,,0,N,N,N,,,,, -DV558G,1,1,Actual weight,1,40,19,18,1E-12,,0,,0,N,N,N,,,,, -DV558G,2,2,Parent estimate,1,40,19,18,1E-12,,0,,0,N,N,N,,,,, -DV558G,3,3,Broselow weight,1,40,19,18,1E-12,,0,,0,N,N,N,,,,, -DV558G,4,4,Clinician estimate,1,40,19,18,1E-12,,0,,0,N,N,N,,,,, -DV583G,1,1,Spleen,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV583G,2,2,Liver,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV583G,3,3,Kidney,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV583G,4,4,GI (mesentery),1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV583G,5,5,Other vascular structure,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV583G,6,6,Dictation unclear,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV5985G,1,1,Improved,1,40,18,17,1E-12,,0,,0,N,N,N,,,,, -DV5985G,2,2,Remained the same,1,40,18,17,1E-12,,0,,0,N,N,N,,,,, -DV5985G,3,3,Worsened,1,40,18,17,1E-12,,0,,0,N,N,N,,,,, -DV5985G,4,4,Unclear,1,40,18,17,1E-12,,0,,0,N,N,N,,,,, -DV5985G,5,5,Not Applicable,1,40,18,17,1E-12,,0,,0,N,N,N,,,,, -DV600G,1,1,Orthopedic,1,40,24,23,1E-12,,0,,0,N,N,N,,,,, -DV600G,2,2,Facial (plastic or ENT),1,40,24,23,1E-12,,0,,0,N,N,N,,,,, -DV600G,3,3,Neurosurgical,1,40,24,23,1E-12,,0,,0,N,N,N,,,,, -DV600G,4,4,Eye (opthalmology),1,40,24,23,1E-12,,0,,0,N,N,N,,,,, -DV600G,5,5,Vascular,1,40,24,23,1E-12,,0,,0,N,N,N,,,,, -DV600G,6,6,Urologic,1,40,24,23,1E-12,,0,,0,N,N,N,,,,, -DV600G,7,7,Other,1,40,24,23,1E-12,,0,,0,N,N,N,,,,, -DV6032G,1,1,Yes,1,40,4,3,1E-12,,0,,0,N,N,N,,,,, -DV6032G,2,2,No,1,40,4,3,1E-12,,0,,0,N,N,N,,,,, -DV6147G,1,1,Yes,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6147G,2,2,No,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6147G,3,3,Unable to assess,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6147G,4,4,Physician did not answer,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV618G,1,1,Known,1,40,8,7,1E-12,,0,,0,N,N,N,,,,, -DV618G,2,2,Unknown,1,40,8,7,1E-12,,0,,0,N,N,N,,,,, -DV6294G,1,1,erythema,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6294G,2,2,abrasion,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6294G,3,3,ecchymoses,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6294G,4,4,subcutaneous air,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6294G,5,5,laceration,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6294G,6,6,other,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6294G,7,7,Physician did not answer,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6299G,1,1,I,1,40,4,3,1E-12,,0,,0,N,N,N,,,,, -DV6299G,2,2,II,1,40,4,3,1E-12,,0,,0,N,N,N,,,,, -DV6299G,3,3,III,1,40,4,3,1E-12,,0,,0,N,N,N,,,,, -DV6299G,4,4,IV,1,40,4,3,1E-12,,0,,0,N,N,N,,,,, -DV6299G,5,5,V,1,40,4,3,1E-12,,0,,0,N,N,N,,,,, -DV6419G,0,0,none,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6419G,1,1,lap and shoulder harness,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6419G,2,2,lap belt only,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6419G,3,3,shoulder harness only,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6419G,4,4,infant car seat,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6419G,5,5,booster car seat,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6419G,6,6,unknown restraint system,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6419G,7,7,Physician did not answer,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6484G,-1,-1,Hispanic or Latino,1,40,23,22,1E-12,,0,,0,N,N,N,,,,, -DV6484G,0,0,Not Hispanic or Latino,1,40,23,22,1E-12,,0,,0,N,N,N,,,,, -DV6484G,1,1,Unknown,1,40,23,22,1E-12,,0,,0,N,N,N,,,,, -DV6542G,1,1,Occupant in Motor Vehicle Collision (MVC),1,49,49,48,1E-12,,0,,0,N,N,N,,,,, -DV6542G,2,2,Fall from an elevation,1,49,49,48,1E-12,,0,,0,N,N,N,,,,, -DV6542G,3,3,Fall down stairs,1,49,49,48,1E-12,,0,,0,N,N,N,,,,, -DV6542G,4,4,Pedestrian or bicyclist struck by moving vehicle,1,49,49,48,1E-12,,0,,0,N,N,N,,,,, -DV6542G,5,5,Bike collision or fall from bike while riding,1,49,49,48,1E-12,,0,,0,N,N,N,,,,, -DV6542G,6,6,Motorcycle/ATV/Motorized Scooter collision,1,49,49,48,1E-12,,0,,0,N,N,N,,,,, -DV6542G,7,7,Object struck abdomen,1,49,49,48,1E-12,,0,,0,N,N,N,,,,, -DV6542G,8,8,Unknown mechanism,1,49,49,48,1E-12,,0,,0,N,N,N,,,,, -DV6542G,9,9,Other mechanism,1,49,49,48,1E-12,,0,,0,N,N,N,,,,, -DV6542G,10,10,Physician did not answer,1,49,49,48,1E-12,,0,,0,N,N,N,,,,, -DV6543G,1,1,Ejected from auto,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6543G,2,2,Rollover,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6543G,3,3,Death in same collision,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6543G,4,4,None of these,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6543G,5,5,Unknown,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6543G,6,6,Physician did not answer,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6558G,1,1,4: Spontaneous,1,40,15,14,1E-12,,0,,0,N,N,N,,,,, -DV6558G,2,2,3: Verbal,1,40,15,14,1E-12,,0,,0,N,N,N,,,,, -DV6558G,3,3,2: Pain,1,40,15,14,1E-12,,0,,0,N,N,N,,,,, -DV6558G,4,4,1: None,1,40,15,14,1E-12,,0,,0,N,N,N,,,,, -DV6559G,1,1,5: Oriented - coos/babbles,1,40,39,38,1E-12,,0,,0,N,N,N,,,,, -DV6559G,2,2,4: Confused - irritable/cries,1,40,39,38,1E-12,,0,,0,N,N,N,,,,, -DV6559G,3,3,3: Inappropriate words - cries to pain,1,40,39,38,1E-12,,0,,0,N,N,N,,,,, -DV6559G,4,4,2: Incomprehensible sounds - moans,1,40,39,38,1E-12,,0,,0,N,N,N,,,,, -DV6559G,5,5,1: None,1,40,39,38,1E-12,,0,,0,N,N,N,,,,, -DV6560G,1,1,6: Follow Commands,1,40,39,38,1E-12,,0,,0,N,N,N,,,,, -DV6560G,2,2,5: Localizes pain - withdraws to touch,1,40,39,38,1E-12,,0,,0,N,N,N,,,,, -DV6560G,3,3,4: Withdraws to pain,1,40,39,38,1E-12,,0,,0,N,N,N,,,,, -DV6560G,4,4,3:Abnormal flexure posturing,1,40,39,38,1E-12,,0,,0,N,N,N,,,,, -DV6560G,5,5,2: Abnormal extension posturing,1,40,39,38,1E-12,,0,,0,N,N,N,,,,, -DV6560G,6,6,1: None,1,40,39,38,1E-12,,0,,0,N,N,N,,,,, -DV6575G,1,1,Yes,1,40,15,14,1E-12,,0,,0,N,N,N,,,,, -DV6575G,2,2,Unknown,1,40,15,14,1E-12,,0,,0,N,N,N,,,,, -DV6575G,3,3,Not documented,1,40,15,14,1E-12,,0,,0,N,N,N,,,,, -DV6577G,1,1,Home,1,40,34,33,1E-12,,0,,0,N,N,N,,,,, -DV6577G,2,2,Against Medical Advice (AMA),1,40,34,33,1E-12,,0,,0,N,N,N,,,,, -DV6577G,3,3,Death in ED,1,40,34,33,1E-12,,0,,0,N,N,N,,,,, -DV6577G,4,4,Admit- general inpatient,1,40,34,33,1E-12,,0,,0,N,N,N,,,,, -DV6577G,5,5,Admit short-stay/observation unit,1,40,34,33,1E-12,,0,,0,N,N,N,,,,, -DV6577G,6,6,Operating Room,1,40,34,33,1E-12,,0,,0,N,N,N,,,,, -DV6577G,7,7,ICU,1,40,34,33,1E-12,,0,,0,N,N,N,,,,, -DV6577G,8,8,Transferred to another hospital,1,40,34,33,1E-12,,0,,0,N,N,N,,,,, -DV6577G,9,9,Other,1,40,34,33,1E-12,,0,,0,N,N,N,,,,, -DV657G,1,1,Duodenum,1,40,9,8,1E-12,,0,,0,N,N,N,,,,, -DV657G,2,2,Other,1,40,9,8,1E-12,,0,,0,N,N,N,,,,, -DV6592G,1,1,Pubis,1,40,20,19,1E-12,,0,,0,N,N,N,,,,, -DV6592G,2,2,Ilium,1,40,20,19,1E-12,,0,,0,N,N,N,,,,, -DV6592G,3,3,Ischium,1,40,20,19,1E-12,,0,,0,N,N,N,,,,, -DV6592G,4,4,Sacrum,1,40,20,19,1E-12,,0,,0,N,N,N,,,,, -DV6592G,5,5,Acetabular fracture,1,40,20,19,1E-12,,0,,0,N,N,N,,,,, -DV6592G,6,6,Hip dislocation,1,40,20,19,1E-12,,0,,0,N,N,N,,,,, -DV6592G,7,7,Open book fracture,1,40,20,19,1E-12,,0,,0,N,N,N,,,,, -DV6592G,8,8,SI joint disruption,1,40,20,19,1E-12,,0,,0,N,N,N,,,,, -DV6592G,9,9,Other,1,40,20,19,1E-12,,0,,0,N,N,N,,,,, -DV6626G,0,0,None,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6626G,1,1,Diffuse,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6626G,2,2,Above the umbilicus,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6626G,3,3,Below the umbilicus,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6626G,4,4,Peri-umbilical,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6626G,5,5,Unknown,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6626G,6,6,Physician did not answer,1,40,25,24,1E-12,,0,,0,N,N,N,,,,, -DV6726G,1,1,1,1,40,2,1,1E-12,,0,,0,N,N,N,,,,, -DV6726G,2,2,2,1,40,2,1,1E-12,,0,,0,N,N,N,,,,, -DV6726G,3,3,3,1,40,2,1,1E-12,,0,,0,N,N,N,,,,, -DV6726G,4,4,4,1,40,2,1,1E-12,,0,,0,N,N,N,,,,, -DV6726G,5,5,5,1,40,2,1,1E-12,,0,,0,N,N,N,,,,, -DV6726G,6,6,6,1,40,2,1,1E-12,,0,,0,N,N,N,,,,, -DV6727G,1,1,1,1,40,2,1,1E-12,,0,,0,N,N,N,,,,, -DV6727G,2,2,2,1,40,2,1,1E-12,,0,,0,N,N,N,,,,, -DV6727G,3,3,3,1,40,2,1,1E-12,,0,,0,N,N,N,,,,, -DV6832G,1,1,Yes,1,40,10,9,1E-12,,0,,0,N,N,N,,,,, -DV6832G,2,2,No,1,40,10,9,1E-12,,0,,0,N,N,N,,,,, -DV6832G,3,3,Equivocal,1,40,10,9,1E-12,,0,,0,N,N,N,,,,, -DV6914G,0,0,No Intervention,1,40,21,20,1E-12,,0,,0,N,N,N,,,,, -DV6914G,1,1,Stomach resection,1,40,21,20,1E-12,,0,,0,N,N,N,,,,, -DV6914G,2,2,Stomach repair,1,40,21,20,1E-12,,0,,0,N,N,N,,,,, -DV6914G,3,3,Other stomach repair,1,40,21,20,1E-12,,0,,0,N,N,N,,,,, -DV6915G,0,0,No Intervention to the other injury identified,1,47,47,46,1E-12,,0,,0,N,N,N,,,,, -DV6915G,1,1,Other,1,47,47,46,1E-12,,0,,0,N,N,N,,,,, -DV720G,1,1,Spleen,1,40,18,17,1E-12,,0,,0,N,N,N,,,,, -DV720G,2,2,Liver,1,40,18,17,1E-12,,0,,0,N,N,N,,,,, -DV720G,3,3,Kidney,1,40,18,17,1E-12,,0,,0,N,N,N,,,,, -DV720G,4,4,GI (mesentery),1,40,18,17,1E-12,,0,,0,N,N,N,,,,, -DV720G,5,5,Adrenal,1,40,18,17,1E-12,,0,,0,N,N,N,,,,, -DV720G,6,6,Pancreas,1,40,18,17,1E-12,,0,,0,N,N,N,,,,, -DV720G,7,7,Bladder,1,40,18,17,1E-12,,0,,0,N,N,N,,,,, -DV720G,8,8,Fascial defect,1,40,18,17,1E-12,,0,,0,N,N,N,,,,, -DV720G,9,9,Dictation unclear,1,40,18,17,1E-12,,0,,0,N,N,N,,,,, -DV735G,1,1,Yes,1,40,8,7,1E-12,,0,,0,N,N,N,,,,, -DV735G,2,2,No,1,40,8,7,1E-12,,0,,0,N,N,N,,,,, -DV735G,3,3,Unknown,1,40,8,7,1E-12,,0,,0,N,N,N,,,,, -DV834G,1,1,Intraperitoneal bladder injury,1,41,41,40,1E-12,,0,,0,N,N,N,,,,, -DV834G,2,2,Extraperitoneal bladder injury,1,41,41,40,1E-12,,0,,0,N,N,N,,,,, -DV834G,3,3,Bladder hematoma,1,41,41,40,1E-12,,0,,0,N,N,N,,,,, -DV834G,4,4,Both intraperitoneal and extraperitoneal,1,41,41,40,1E-12,,0,,0,N,N,N,,,,, -DV834G,5,5,Other bladder injury,1,41,41,40,1E-12,,0,,0,N,N,N,,,,, -DV868G,0,0,No Intervention,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV868G,1,1,Bowel resection,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV868G,2,2,Bowel re-anastamosis,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV868G,3,3,Full thickness repair,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV868G,4,4,Serosal repair,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV868G,5,5,Hematoma drainage,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV868G,6,6,Mesenteric repair,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV868G,7,7,Other gastrointestinal repair,1,40,30,29,1E-12,,0,,0,N,N,N,,,,, -DV974G,0,0,No Intervention,1,40,27,26,1E-12,,0,,0,N,N,N,,,,, -DV974G,1,1,Resection,1,40,27,26,1E-12,,0,,0,N,N,N,,,,, -DV974G,2,2,Packing,1,40,27,26,1E-12,,0,,0,N,N,N,,,,, -DV974G,3,3,Use of hemostatic agent(s),1,40,27,26,1E-12,,0,,0,N,N,N,,,,, -DV974G,4,4,Suture repair,1,40,27,26,1E-12,,0,,0,N,N,N,,,,, -DV974G,5,5,Other,1,40,27,26,1E-12,,0,,0,N,N,N,,,,, -ERCPGRD,1,1,AAST Grade 1 or 2,1,58,58,58,0,,0,,0,N,N,N,,,,, -ERCPGRD,2,2,"AAST Grade 3, 4, or 5",1,58,58,58,0,,0,,0,N,N,N,,,,, -ERCPGRD,93,93,Unable to determine pancreatic injury grade by ERCP report,1,58,58,58,0,,0,,0,N,N,N,,,,, -ERCPPCST,1,1,Duct transected,1,33,33,33,0,,0,,0,N,N,N,,,,, -ERCPPCST,2,2,Duct not transected,1,33,33,33,0,,0,,0,N,N,N,,,,, -ERCPPCST,3,3,Duct status indeterminate on ERCP,1,33,33,33,0,,0,,0,N,N,N,,,,, -ERCPPCST,97,97,No mention of duct status on ERCP,1,33,33,33,0,,0,,0,N,N,N,,,,, -FUCOMP,1,1,Delayed bilateral obstructive uropathy,1,38,38,38,0,,0,,0,N,N,N,,,,, -FUCOMP,2,2,Urinary retention,1,38,38,38,0,,0,,0,N,N,N,,,,, -FUCOMP,90,90,Other delayed complications,1,38,38,38,0,,0,,0,N,N,N,,,,, -GICOMP,0,0,No complications identified form the GI injury,1,139,139,139,0,,0,,0,N,N,N,,,,, -GICOMP,1,1,Intra-abdominal abscess (collection of pus/fluid and treated as an abscess by the treating physician),1,139,139,139,0,,0,,0,N,N,N,,,,, -GICOMP,2,2,Wound (surgical incision) dehiscence,1,139,139,139,0,,0,,0,N,N,N,,,,, -GICOMP,3,3,Wound (surgical incision) infection (erythema around or pus from wound considered an infection by treating physician and given antibiotics),1,139,139,139,0,,0,,0,N,N,N,,,,, -GICOMP,4,4,Sepsis (as diagnosed by the treating physicians) and caused by the GI injury,1,139,139,139,0,,0,,0,N,N,N,,,,, -GICOMP,5,5,Post-operative peritonitis,1,139,139,139,0,,0,,0,N,N,N,,,,, -GICOMP,6,6,External fistula from the GI injury,1,139,139,139,0,,0,,0,N,N,N,,,,, -GICOMP,7,7,Anatomic disruption of the GI tract,1,139,139,139,0,,0,,0,N,N,N,,,,, -GICOMP,8,8,Renal failure because of GI injury,1,139,139,139,0,,0,,0,N,N,N,,,,, -GICOMP,9,9,Death from GI injury,1,139,139,139,0,,0,,0,N,N,N,,,,, -GICOMP,90,90,Other,1,139,139,139,0,,0,,0,N,N,N,,,,, -GIINJ,1,1,Gastrointestinal injury at laparotomy,1,153,153,153,0,,0,,0,N,N,N,,,,, -GIINJ,2,2,Gastrointestinal injury identified by laparoscopy,1,153,153,153,0,,0,,0,N,N,N,,,,, -GIINJ,3,3,"Gastrointestinal injury definitively identified on abdominal CT scan (CT demonstrates bowel hematoma, mesenteric hematoma, etc)",1,153,153,153,0,,0,,0,N,N,N,,,,, -GIINJ,4,4,Gastrointestinal injury by upper gastrointestinal series (contrast enhanced plain films of the upper gastrointestinal tract- stomach and small intestine),1,153,153,153,0,,0,,0,N,N,N,,,,, -GIINJ,5,5,Gastrointestinal injury identified MRI,1,153,153,153,0,,0,,0,N,N,N,,,,, -GIINJ,6,6,Gastrointestinal injury identified on the treating physicians' suspicion,1,153,153,153,0,,0,,0,N,N,N,,,,, -GIINJ,7,7,Gastrointestinal injury identified at autopsy,1,153,153,153,0,,0,,0,N,N,N,,,,, -GIINJ,90,90,Gastrointestinal injury identified by other means,1,153,153,153,0,,0,,0,N,N,N,,,,, -GRDSPCA,1,1,"AAST Grade I: Hematoma- minor contusion without duct injury, or Laceration- superficial laceration without duct injury",1,143,143,143,0,,0,,0,N,N,N,,,,, -GRDSPCA,2,2,"AAST Grade II: Hematoma- major contusion without duct injury or tissue loss, or Laceration- major laceration without duct injury or tissue loss",1,143,143,143,0,,0,,0,N,N,N,,,,, -GRDSPCA,93,93,Unclear if Grade 1 or Grade 2,1,143,143,143,0,,0,,0,N,N,N,,,,, -GRDSPCB,1,1,AAST Grade III: Laceration- distal transection or parenchymal injury with duct injury,1,165,165,165,1E-12,,0,,0,N,N,N,,,,, -GRDSPCB,2,2,AAST Grade IV: Laceration- proximal transection or parenchymal injury involving ampulla (proximal pancreas is to the patients' right of the superior mesenteric vein),1,165,165,165,1E-12,,0,,0,N,N,N,,,,, -GRDSPCB,3,3,AAST Grade V: Massive disruption of pancreatic head,1,165,165,165,1E-12,,0,,0,N,N,N,,,,, -GRDSPCB,93,93,"Unclear if Grade 3, 4, or 5",1,165,165,165,1E-12,,0,,0,N,N,N,,,,, -INJPHYS,1,1,Seat belt sign,1,27,27,27,0,,0,,0,N,N,N,,,,, -INJPHYS,2,2,Persistent vomiting,1,27,27,27,0,,0,,0,N,N,N,,,,, -INJPHYS,3,3,Handlebar injury to abdomen,1,27,27,27,0,,0,,0,N,N,N,,,,, -INJPHYS,4,4,Abdominal pain/tenderness,1,27,27,27,0,,0,,0,N,N,N,,,,, -INJPHYS,90,90,Other,1,27,27,27,0,,0,,0,N,N,N,,,,, -LAPGRADE,1,1,AAST Grade 1 or 2,1,77,77,77,0,,0,,0,N,N,N,,,,, -LAPGRADE,2,2,"AAST Grade 3, 4, or 5",1,77,77,77,0,,0,,0,N,N,N,,,,, -LAPGRADE,3,3,Only traumatic finding at laparotomy/laparoscopy is fluid around the pancreas,1,77,77,77,0,,0,,0,N,N,N,,,,, -LAPGRADE,93,93,Unable to determine pancreatic injury grade by laparotomy/laparoscopy report,1,77,77,77,0,,0,,0,N,N,N,,,,, -LAPTYPE,1,1,Exploratory Laparotomy,1,65,65,65,1E-12,,0,,0,N,N,N,,,,, -LAPTYPE,2,2,Decompressive Laparotomy,1,65,65,65,1E-12,,0,,0,N,N,N,,,,, -LAPTYPE,3,3,Exploratory and Decompressive Laparotomy,1,65,65,65,1E-12,,0,,0,N,N,N,,,,, -LAPTYPE,4,4,Laparoscopy,1,65,65,65,1E-12,,0,,0,N,N,N,,,,, -LAPTYPE,5,5,Laparoscopy converted to Laparotomy,1,65,65,65,1E-12,,0,,0,N,N,N,,,,, -LAPTYPE,6,6,Laparoscopy converted to Exploratory and Decompressive Laparotomy,1,65,65,65,1E-12,,0,,0,N,N,N,,,,, -LAPTYPE,7,7,Other,1,65,65,65,1E-12,,0,,0,N,N,N,,,,, -LIPASE,1,1,No lipase measured during the ED evaluation or hospitalization,1,62,62,62,1E-12,,0,,0,N,N,N,,,,, -LPPCST,1,1,Duct transected,1,100,100,100,0,,0,,0,N,N,N,,,,, -LPPCST,2,2,Duct not transected,1,100,100,100,0,,0,,0,N,N,N,,,,, -LPPCST,3,3,Duct status indeterminate despite clear mention of attempt at ascertainment,1,100,100,100,0,,0,,0,N,N,N,,,,, -LPPCST,4,4,Attempt to ascertaining duct status not mentioned in laparotomy/laparoscopy report or medical record,1,100,100,100,0,,0,,0,N,N,N,,,,, -MESLOC,1,1,Small intestine mesentery,1,25,25,25,0,,0,,0,N,N,N,,,,, -MESLOC,2,2,Large intestine mesentery,1,25,25,25,0,,0,,0,N,N,N,,,,, -MESLOC,90,90,Other,1,25,25,25,0,,0,,0,N,N,N,,,,, -MESTYPE,1,1,Hematoma,1,22,22,22,0,,0,,0,N,N,N,,,,, -MESTYPE,2,2,Perforation/laceration,1,22,22,22,0,,0,,0,N,N,N,,,,, -MESTYPE,3,3,Edema,1,22,22,22,0,,0,,0,N,N,N,,,,, -METHOD,1,1,Laparotomy,1,11,11,11,0,,0,,0,N,N,N,,,,, -METHOD,2,2,Laparoscopy,1,11,11,11,0,,0,,0,N,N,N,,,,, -METHOD,3,3,CT,1,11,11,11,0,,0,,0,N,N,N,,,,, -METHOD,4,4,Upper GI,1,11,11,11,0,,0,,0,N,N,N,,,,, -METHOD,5,5,MRI,1,11,11,11,0,,0,,0,N,N,N,,,,, -METHOD,6,6,Autopsy,1,11,11,11,0,,0,,0,N,N,N,,,,, -METHOD,90,90,Other,1,11,11,11,0,,0,,0,N,N,N,,,,, -MRIGRADE,1,1,AAST Grade 1 or 2,1,57,57,57,0,,0,,0,N,N,N,,,,, -MRIGRADE,2,2,"AAST Grade 3, 4, or 5",1,57,57,57,0,,0,,0,N,N,N,,,,, -MRIGRADE,3,3,Only MRI finding is fluid around the pancreas,1,57,57,57,0,,0,,0,N,N,N,,,,, -MRIGRADE,93,93,Unable to determine pancreatic injury grade by MRI report,1,57,57,57,0,,0,,0,N,N,N,,,,, -MRIPCST,1,1,Duct transected,1,32,32,32,0,,0,,0,N,N,N,,,,, -MRIPCST,2,2,Duct not transected,1,32,32,32,0,,0,,0,N,N,N,,,,, -MRIPCST,3,3,Duct status indeterminate on MRI,1,32,32,32,0,,0,,0,N,N,N,,,,, -MRIPCST,97,97,No mention of duct status on MRI,1,32,32,32,0,,0,,0,N,N,N,,,,, -ORGAN,1,1,Splenic Injury,1,40,31,31,1E-12,,0,,0,N,N,N,,,,, -ORGAN,2,2,Liver Injury,1,40,31,31,1E-12,,0,,0,N,N,N,,,,, -ORGAN,3,3,Gallbladder Injury,1,40,31,31,1E-12,,0,,0,N,N,N,,,,, -ORGAN,4,4,Pancreatic Injury,1,40,31,31,1E-12,,0,,0,N,N,N,,,,, -ORGAN,5,5,Renal Injury,1,40,31,31,1E-12,,0,,0,N,N,N,,,,, -ORGAN,6,6,Urinary Bladder Injury,1,40,31,31,1E-12,,0,,0,N,N,N,,,,, -ORGAN,7,7,Gastrointestinal Injury,1,40,31,31,1E-12,,0,,0,N,N,N,,,,, -ORGAN,8,8,Adrenal Injury,1,40,31,31,1E-12,,0,,0,N,N,N,,,,, -ORGAN,9,9,Intra-Abdonimal Vascular Injury,1,40,31,31,1E-12,,0,,0,N,N,N,,,,, -ORGAN,10,10,Fascial Defect,1,40,31,31,1E-12,,0,,0,N,N,N,,,,, -ORGAN,11,11,Intraperitoneal Fluid,1,40,31,31,1E-12,,0,,0,N,N,N,,,,, -ORGAN,12,12,Retroperitoneal Injury,1,40,31,31,1E-12,,0,,0,N,N,N,,,,, -ORGAN,13,13,Thoracic Injury,1,40,31,31,1E-12,,0,,0,N,N,N,,,,, -ORGAN,14,14,Pelvic Fracture,1,40,31,31,1E-12,,0,,0,N,N,N,,,,, -ORGAN,15,15,Vertebral Injury,1,40,31,31,1E-12,,0,,0,N,N,N,,,,, -ORGAN,16,16,Other,1,40,31,31,1E-12,,0,,0,N,N,N,,,,, -OTGRADE,1,1,AAST Grade 1 or 2,1,21,21,21,0,,0,,0,N,N,N,,,,, -OTGRADE,2,2,"AAST Grade 3, 4, or 5",1,21,21,21,0,,0,,0,N,N,N,,,,, -PANCCOMP,1,1,Pancreatic fistula (drainage of more than 70 mlo for more than 5 days of amylase-rich fluid),1,92,92,92,0,,0,,0,N,N,N,,,,, -PANCCOMP,2,2,Pseudocyst,1,92,92,92,0,,0,,0,N,N,N,,,,, -PANCCOMP,3,3,Peripancreatic abscess,1,92,92,92,0,,0,,0,N,N,N,,,,, -PANCCOMP,4,4,Leak from pancreatico-enteric anastomosis,1,92,92,92,0,,0,,0,N,N,N,,,,, -PANCCOMP,5,5,Bleeding (post-laparotomy) from pancreas,1,92,92,92,0,,0,,0,N,N,N,,,,, -PANCCOMP,6,6,Traumatic pancreatitis,1,92,92,92,0,,0,,0,N,N,N,,,,, -PANCCOMP,7,7,Death from pancreatic injury,1,92,92,92,0,,0,,0,N,N,N,,,,, -PANCCOMP,8,8,Sepsis from the pancreatic injury,1,92,92,92,0,,0,,0,N,N,N,,,,, -PANCCOMP,90,90,Other complication from the pancreatic injury not listed above,1,92,92,92,0,,0,,0,N,N,N,,,,, -PANCCOMP,91,91,None,1,92,92,92,0,,0,,0,N,N,N,,,,, -REFUSEFU,1,1,Yes,1,40,33,33,1E-12,,0,,0,N,N,N,,,,, -REFUSEFU,2,2,No,1,40,33,33,1E-12,,0,,0,N,N,N,,,,, -REFUSEFU,3,3,Not applicable per study protocol,1,40,33,33,1E-12,,0,,0,N,N,N,,,,, -SMINGRD,1,1,Grade I: Hematoma- contusion or hematoma without devascularization,1,78,78,78,0,,0,,0,N,N,N,,,,, -SMINGRD,2,2,"Grade I: Laceration- partial thickness, no laceration",1,78,78,78,0,,0,,0,N,N,N,,,,, -SMINGRD,3,3,Grade II: Laceration- disruption < 50% of circumference,1,78,78,78,0,,0,,0,N,N,N,,,,, -SMINGRD,4,4,Grade III: Laceration- disruption >= 50% circumference without transaction,1,78,78,78,0,,0,,0,N,N,N,,,,, -SMINGRD,5,5,Grade IV: Laceration- transection of the small bowel,1,78,78,78,0,,0,,0,N,N,N,,,,, -SMINGRD,7,7,Grave V: Laceration- transaction of the small bowel with segmental tissue loss,1,78,78,78,0,,0,,0,N,N,N,,,,, -SMINGRD,8,8,Grade V: Vascular- devascularized segment,1,78,78,78,0,,0,,0,N,N,N,,,,, -SMINGRD,93,93,Unable to grade injury (try to grade injury and avoid this response),1,78,78,78,0,,0,,0,N,N,N,,,,, -SMINTLOC,1,1,Jejunum,1,22,22,22,0,,0,,0,N,N,N,,,,, -SMINTLOC,2,2,Ileum,1,22,22,22,0,,0,,0,N,N,N,,,,, -SMINTLOC,97,97,Location not specified,1,22,22,22,0,,0,,0,N,N,N,,,,, -TYPE,1,1,Hematoma,1,17,17,17,0,,0,,0,N,N,N,,,,, -TYPE,2,2,Perforation,1,17,17,17,0,,0,,0,N,N,N,,,,, -TYPE,3,3,Serosal Tear,1,17,17,17,0,,0,,0,N,N,N,,,,, -TYPE,4,4,Devascularization,1,17,17,17,0,,0,,0,N,N,N,,,,, -URBLAD,1,1,Urinary bladder injury identified by laparoscopy/laparotomy,1,148,148,148,0,,0,,0,N,N,N,,,,, -URBLAD,2,2,Urinary bladder injury definitively identified on initial abdominal CT scan (CT demonstrates bladder injury)- This is not a CT cystogram (see below),1,148,148,148,0,,0,,0,N,N,N,,,,, -URBLAD,3,3,Urinary bladder injury by plain cystogram,1,148,148,148,0,,0,,0,N,N,N,,,,, -URBLAD,4,4,Urinary bladder injury identified CT cystogram,1,148,148,148,0,,0,,0,N,N,N,,,,, -URBLAD,5,5,Urinary bladder injury idendified by cystoscopy,1,148,148,148,0,,0,,0,N,N,N,,,,, -URBLAD,6,6,Urinary bladder injury identified by MRI,1,148,148,148,0,,0,,0,N,N,N,,,,, -URBLAD,7,7,Urinary bladdery injury identified at autopsy,1,148,148,148,0,,0,,0,N,N,N,,,,, -URBLAD,90,90,Urinary bladder injury identified by other means,1,148,148,148,0,,0,,0,N,N,N,,,,, -URINE,0,0,No urinalysis in the ED records,1,31,31,31,0,,0,,0,N,N,N,,,,, -URINE,1,1,Gross hematuria,1,31,31,31,0,,0,,0,N,N,N,,,,, -URINE,2,2,Microscopic hematuria,1,31,31,31,0,,0,,0,N,N,N,,,,, -URINE,3,3,No hematuria,1,31,31,31,0,,0,,0,N,N,N,,,,, -YNU,0,0,No,1,7,7,7,0,,0,,0,N,N,N,,,,, -YNU,1,1,Yes,1,7,7,7,0,,0,,0,N,N,N,,,,, -YNU,92,92,Unknown,1,7,7,7,0,,0,,0,N,N,N,,,,, -YNUNC,0,0,No,1,51,51,51,0,,0,,0,N,N,N,,,,, -YNUNC,1,1,Yes,1,51,51,51,0,,0,,0,N,N,N,,,,, -YNUNC,93,93,Unclear if the pancreas was injured in > 1 location,1,51,51,51,0,,0,,0,N,N,N,,,,, diff --git a/docs/projects/csi_pecarn/index.html b/docs/projects/csi_pecarn/index.html deleted file mode 100644 index 04186930..00000000 --- a/docs/projects/csi_pecarn/index.html +++ /dev/null @@ -1,53 +0,0 @@ - - - - - - -rulevetting.projects.csi_pecarn API documentation - - - - - - - - - - - -
-
-
-

Module rulevetting.projects.csi_pecarn

-
-
-
-
-
-
-
-
-
-
-
-
- -
- - - \ No newline at end of file diff --git a/docs/projects/iai_pecarn/baseline.html b/docs/projects/iai_pecarn/baseline.html deleted file mode 100644 index 9a4a331c..00000000 --- a/docs/projects/iai_pecarn/baseline.html +++ /dev/null @@ -1,196 +0,0 @@ - - - - - - -rulevetting.projects.iai_pecarn.baseline API documentation - - - - - - - - - - - -
-
-
-

Module rulevetting.projects.iai_pecarn.baseline

-
-
-
- -Expand source code - -
import numpy as np
-import pandas as pd
-
-from rulevetting.templates.model import ModelTemplate
-
-
-class Baseline(ModelTemplate):
-    def __init__(self):
-        # query for each rule + resulting predicted probability
-        self.rules = [
-            ('AbdTrauma_or_SeatBeltSign_yes == 1', 5.7),
-            ('GCSScore < 14', 4.6),
-            ('AbdTenderDegree_None == 0', 1.4),
-            ('ThoracicTrauma_yes == 1', 0.6),
-            ('AbdomenPain_yes == 1', 0.7),
-            ('DecrBreathSound_yes == 1', 2.9),
-            ('VomitWretch_yes == 1', 0.5),
-
-            # final condition is just something that is always true
-            ('GCSScore == GCSScore', 0.1),
-        ]
-
-    def _traverse_rule(self, df_features: pd.DataFrame):
-        str_print = f''
-        predicted_probabilities = pd.Series(index=df_features.index, dtype=float)
-        df = df_features.copy()
-        o = 'outcome'
-        str_print += f'{df[o].sum()} / {df.shape[0]} (positive class / total)\n\t\u2193 \n'
-        for j, rule in enumerate(self.rules):
-            query, prob = rule
-            df_rhs = df.query(query)
-            idxs_satisfying_rule = df_rhs.index
-            predicted_probabilities.loc[idxs_satisfying_rule] = prob
-
-            df.drop(index=idxs_satisfying_rule, inplace=True)
-            computed_prob = 100 * df_rhs[o].sum() / df_rhs.shape[0]
-            query_print = query.replace(' == 1', '')
-            if j < len(self.rules) - 1:
-                str_print += f'\033[96mIf {query_print:<35}\033[00m \u2192 {df_rhs[o].sum():>3} / {df_rhs.shape[0]:>4} ({computed_prob:0.1f}%)\n\t\u2193 \n   {df[o].sum():>3} / {df.shape[0]:>5}\t \n'
-        predicted_probabilities = predicted_probabilities.values
-        self.str_print = str_print
-        return predicted_probabilities
-
-    def predict(self, df_features: pd.DataFrame):
-        predicted_probabilities = self._traverse_rule(df_features)
-        return (predicted_probabilities > 0.11).astype(int)
-
-    def predict_proba(self, df_features: pd.DataFrame):
-        predicted_probabilities = self._traverse_rule(df_features) / 100
-        return np.vstack((1 - predicted_probabilities, predicted_probabilities)).transpose()
-
-    def print_model(self, df_features):
-        self._traverse_rule(df_features)
-        return self.str_print
-
-
-
-
-
-
-
-
-
-

Classes

-
-
-class Baseline -
-
-

Class for implementing model similar to sklearn model (but without fit method). -Classes that use this template should be called "Model" for a new model or "Baseline" for a reference model.

-
- -Expand source code - -
class Baseline(ModelTemplate):
-    def __init__(self):
-        # query for each rule + resulting predicted probability
-        self.rules = [
-            ('AbdTrauma_or_SeatBeltSign_yes == 1', 5.7),
-            ('GCSScore < 14', 4.6),
-            ('AbdTenderDegree_None == 0', 1.4),
-            ('ThoracicTrauma_yes == 1', 0.6),
-            ('AbdomenPain_yes == 1', 0.7),
-            ('DecrBreathSound_yes == 1', 2.9),
-            ('VomitWretch_yes == 1', 0.5),
-
-            # final condition is just something that is always true
-            ('GCSScore == GCSScore', 0.1),
-        ]
-
-    def _traverse_rule(self, df_features: pd.DataFrame):
-        str_print = f''
-        predicted_probabilities = pd.Series(index=df_features.index, dtype=float)
-        df = df_features.copy()
-        o = 'outcome'
-        str_print += f'{df[o].sum()} / {df.shape[0]} (positive class / total)\n\t\u2193 \n'
-        for j, rule in enumerate(self.rules):
-            query, prob = rule
-            df_rhs = df.query(query)
-            idxs_satisfying_rule = df_rhs.index
-            predicted_probabilities.loc[idxs_satisfying_rule] = prob
-
-            df.drop(index=idxs_satisfying_rule, inplace=True)
-            computed_prob = 100 * df_rhs[o].sum() / df_rhs.shape[0]
-            query_print = query.replace(' == 1', '')
-            if j < len(self.rules) - 1:
-                str_print += f'\033[96mIf {query_print:<35}\033[00m \u2192 {df_rhs[o].sum():>3} / {df_rhs.shape[0]:>4} ({computed_prob:0.1f}%)\n\t\u2193 \n   {df[o].sum():>3} / {df.shape[0]:>5}\t \n'
-        predicted_probabilities = predicted_probabilities.values
-        self.str_print = str_print
-        return predicted_probabilities
-
-    def predict(self, df_features: pd.DataFrame):
-        predicted_probabilities = self._traverse_rule(df_features)
-        return (predicted_probabilities > 0.11).astype(int)
-
-    def predict_proba(self, df_features: pd.DataFrame):
-        predicted_probabilities = self._traverse_rule(df_features) / 100
-        return np.vstack((1 - predicted_probabilities, predicted_probabilities)).transpose()
-
-    def print_model(self, df_features):
-        self._traverse_rule(df_features)
-        return self.str_print
-
-

Ancestors

- -

Inherited members

- -
-
-
-
- -
- - - \ No newline at end of file diff --git a/docs/projects/iai_pecarn/dataset.html b/docs/projects/iai_pecarn/dataset.html deleted file mode 100644 index 1e03dbca..00000000 --- a/docs/projects/iai_pecarn/dataset.html +++ /dev/null @@ -1,347 +0,0 @@ - - - - - - -rulevetting.projects.iai_pecarn.dataset API documentation - - - - - - - - - - - -
-
-
-

Module rulevetting.projects.iai_pecarn.dataset

-
-
-
- -Expand source code - -
from os.path import join as oj
-
-import numpy as np
-import os
-import pandas as pd
-from tqdm import tqdm
-from typing import Dict
-
-import rulevetting
-import rulevetting.api.util
-from rulevetting.projects.iai_pecarn import helper
-from rulevetting.templates.dataset import DatasetTemplate
-
-
-class Dataset(DatasetTemplate):
-    def clean_data(self, data_path: str = rulevetting.DATA_PATH, **kwargs) -> pd.DataFrame:
-        raw_data_path = oj(data_path, self.get_dataset_id(), 'raw')
-        os.makedirs(raw_data_path, exist_ok=True)
-
-        # all the fnames to be loaded and searched over
-        fnames = sorted([
-            fname for fname in os.listdir(raw_data_path)
-            if 'csv' in fname
-               and not 'formats' in fname
-               and not 'form6' in fname])  # remove outcome
-
-        # read through each fname and save into the r dictionary
-        r = {}
-        print('read all the csvs...', fnames)
-        if len(fnames) == 0:
-            print('no csvs found in path', raw_data_path)
-        for fname in tqdm(fnames):
-            df = pd.read_csv(oj(raw_data_path, fname), encoding="ISO-8859-1")
-            df.rename(columns={'SubjectID': 'id'}, inplace=True)
-            df.rename(columns={'subjectid': 'id'}, inplace=True)
-            assert ('id' in df.keys())
-            r[fname] = df
-
-        # loop over the relevant forms and merge into one big df
-        fnames_small = [fname for fname in fnames
-                        for s in ['form1', 'form2', 'form4', 'form5', 'form7']
-                        if s in fname]
-        df_features = r[fnames[0]]
-        print('merge all the dfs...')
-        for i, fname in tqdm(enumerate(fnames_small)):
-            df2 = r[fname].copy()
-
-            # if subj has multiple entries, only keep first
-            df2 = df2.drop_duplicates(subset=['id'], keep='last')
-
-            # don't save duplicate columns
-            df_features = df_features.set_index('id').combine_first(df2.set_index('id')).reset_index()
-
-        df_outcomes = helper.get_outcomes(raw_data_path)
-
-        df = pd.merge(df_features, df_outcomes, on='id', how='left')
-        df = helper.rename_values(df)  # rename the features by their meaning
-
-        return df
-
-    def preprocess_data(self, cleaned_data: pd.DataFrame, **kwargs) -> pd.DataFrame:
-
-        # drop cols with vals missing this percent of the time
-        df = cleaned_data.dropna(axis=1, thresh=(1 - kwargs['frac_missing_allowed']) * cleaned_data.shape[0])
-
-        # impute missing values
-        # fill in values for some vars from unknown -> None
-        df.loc[df['AbdomenTender'].isin(['no', 'unknown']), 'AbdTenderDegree'] = 'None'
-
-        # pandas impute missing values with median
-        df = df.fillna(df.median())
-        df.GCSScore = df.GCSScore.fillna(df.GCSScore.median())
-
-        df['outcome'] = df[self.get_outcome_name()]
-
-        return df
-
-    def extract_features(self, preprocessed_data: pd.DataFrame, **kwargs) -> pd.DataFrame:
-        # add engineered featuures
-        df = helper.derived_feats(preprocessed_data)
-
-        # convert feats to dummy
-        df = pd.get_dummies(df, dummy_na=True)  # treat na as a separate category
-
-        # remove any col that is all 0s
-        df = df.loc[:, (df != 0).any(axis=0)]
-
-        # remove the _no columns
-        if kwargs['drop_negative_columns']:
-            df.drop([k for k in df.keys() if k.endswith('_no')], inplace=True)
-
-        # narrow to good keys
-        feat_names = [k for k in df.keys()  # features to use
-                      if not 'iai' in k.lower()]
-        base_feat_names = []
-        base_feat_names += ['AbdDistention', 'AbdTenderDegree', 'AbdTrauma', 'AbdTrauma_or_SeatBeltSign',
-                            'AbdomenPain', 'Costal', 'DecrBreathSound', 'DistractingPain',
-                            'FemurFracture', 'GCSScore', 'Hypotension', 'LtCostalTender',
-                            'MOI', 'RtCostalTender', 'SeatBeltSign', 'ThoracicTender',
-                            'ThoracicTrauma', 'VomitWretch', 'Age', 'Sex']
-        base_feat_names += self.get_meta_keys()
-        feats = rulevetting.api.util.get_feat_names_from_base_feats(feat_names,
-                                                                    base_feat_names=base_feat_names) + ['outcome']
-        return df[feats]
-
-    def get_outcome_name(self) -> str:
-        return 'iai_intervention'  # return the name of the outcome we are predicting
-
-    def get_dataset_id(self) -> str:
-        return 'iai_pecarn'  # return the name of the dataset id
-
-    def get_meta_keys(self) -> list:
-        return ['Race', 'InitHeartRate', 'InitSysBPRange']  # keys which are useful but not used for prediction
-
-    def get_judgement_calls_dictionary(self) -> Dict[str, Dict[str, list]]:
-        return {
-            'clean_data': {},
-            'preprocess_data': {
-                # drop cols with vals missing this percent of the time
-                'frac_missing_allowed': [0.05, 0.10],
-            },
-            'extract_features': {
-                # whether to drop columns with suffix _no
-                'drop_negative_columns': [False],  # default value comes first
-            },
-        }
-
-
-if __name__ == '__main__':
-    dset = Dataset()
-    df_train, df_tune, df_test = dset.get_data(save_csvs=True, run_perturbations=True)
-    print('successfuly processed data\nshapes:',
-          df_train.shape, df_tune.shape, df_test.shape,
-          '\nfeatures:', list(df_train.columns))
-
-
-
-
-
-
-
-
-
-

Classes

-
-
-class Dataset -
-
-

Classes that use this template should be called "Dataset" -All functions take **kwargs, so you can specify any judgement calls you aren't sure about with a kwarg flag. -Please refrain from shuffling / reordering the data in any of these functions, to ensure a consistent test set.

-
- -Expand source code - -
class Dataset(DatasetTemplate):
-    def clean_data(self, data_path: str = rulevetting.DATA_PATH, **kwargs) -> pd.DataFrame:
-        raw_data_path = oj(data_path, self.get_dataset_id(), 'raw')
-        os.makedirs(raw_data_path, exist_ok=True)
-
-        # all the fnames to be loaded and searched over
-        fnames = sorted([
-            fname for fname in os.listdir(raw_data_path)
-            if 'csv' in fname
-               and not 'formats' in fname
-               and not 'form6' in fname])  # remove outcome
-
-        # read through each fname and save into the r dictionary
-        r = {}
-        print('read all the csvs...', fnames)
-        if len(fnames) == 0:
-            print('no csvs found in path', raw_data_path)
-        for fname in tqdm(fnames):
-            df = pd.read_csv(oj(raw_data_path, fname), encoding="ISO-8859-1")
-            df.rename(columns={'SubjectID': 'id'}, inplace=True)
-            df.rename(columns={'subjectid': 'id'}, inplace=True)
-            assert ('id' in df.keys())
-            r[fname] = df
-
-        # loop over the relevant forms and merge into one big df
-        fnames_small = [fname for fname in fnames
-                        for s in ['form1', 'form2', 'form4', 'form5', 'form7']
-                        if s in fname]
-        df_features = r[fnames[0]]
-        print('merge all the dfs...')
-        for i, fname in tqdm(enumerate(fnames_small)):
-            df2 = r[fname].copy()
-
-            # if subj has multiple entries, only keep first
-            df2 = df2.drop_duplicates(subset=['id'], keep='last')
-
-            # don't save duplicate columns
-            df_features = df_features.set_index('id').combine_first(df2.set_index('id')).reset_index()
-
-        df_outcomes = helper.get_outcomes(raw_data_path)
-
-        df = pd.merge(df_features, df_outcomes, on='id', how='left')
-        df = helper.rename_values(df)  # rename the features by their meaning
-
-        return df
-
-    def preprocess_data(self, cleaned_data: pd.DataFrame, **kwargs) -> pd.DataFrame:
-
-        # drop cols with vals missing this percent of the time
-        df = cleaned_data.dropna(axis=1, thresh=(1 - kwargs['frac_missing_allowed']) * cleaned_data.shape[0])
-
-        # impute missing values
-        # fill in values for some vars from unknown -> None
-        df.loc[df['AbdomenTender'].isin(['no', 'unknown']), 'AbdTenderDegree'] = 'None'
-
-        # pandas impute missing values with median
-        df = df.fillna(df.median())
-        df.GCSScore = df.GCSScore.fillna(df.GCSScore.median())
-
-        df['outcome'] = df[self.get_outcome_name()]
-
-        return df
-
-    def extract_features(self, preprocessed_data: pd.DataFrame, **kwargs) -> pd.DataFrame:
-        # add engineered featuures
-        df = helper.derived_feats(preprocessed_data)
-
-        # convert feats to dummy
-        df = pd.get_dummies(df, dummy_na=True)  # treat na as a separate category
-
-        # remove any col that is all 0s
-        df = df.loc[:, (df != 0).any(axis=0)]
-
-        # remove the _no columns
-        if kwargs['drop_negative_columns']:
-            df.drop([k for k in df.keys() if k.endswith('_no')], inplace=True)
-
-        # narrow to good keys
-        feat_names = [k for k in df.keys()  # features to use
-                      if not 'iai' in k.lower()]
-        base_feat_names = []
-        base_feat_names += ['AbdDistention', 'AbdTenderDegree', 'AbdTrauma', 'AbdTrauma_or_SeatBeltSign',
-                            'AbdomenPain', 'Costal', 'DecrBreathSound', 'DistractingPain',
-                            'FemurFracture', 'GCSScore', 'Hypotension', 'LtCostalTender',
-                            'MOI', 'RtCostalTender', 'SeatBeltSign', 'ThoracicTender',
-                            'ThoracicTrauma', 'VomitWretch', 'Age', 'Sex']
-        base_feat_names += self.get_meta_keys()
-        feats = rulevetting.api.util.get_feat_names_from_base_feats(feat_names,
-                                                                    base_feat_names=base_feat_names) + ['outcome']
-        return df[feats]
-
-    def get_outcome_name(self) -> str:
-        return 'iai_intervention'  # return the name of the outcome we are predicting
-
-    def get_dataset_id(self) -> str:
-        return 'iai_pecarn'  # return the name of the dataset id
-
-    def get_meta_keys(self) -> list:
-        return ['Race', 'InitHeartRate', 'InitSysBPRange']  # keys which are useful but not used for prediction
-
-    def get_judgement_calls_dictionary(self) -> Dict[str, Dict[str, list]]:
-        return {
-            'clean_data': {},
-            'preprocess_data': {
-                # drop cols with vals missing this percent of the time
-                'frac_missing_allowed': [0.05, 0.10],
-            },
-            'extract_features': {
-                # whether to drop columns with suffix _no
-                'drop_negative_columns': [False],  # default value comes first
-            },
-        }
-
-

Ancestors

- -

Inherited members

- -
-
-
-
- -
- - - \ No newline at end of file diff --git a/docs/projects/iai_pecarn/helper.html b/docs/projects/iai_pecarn/helper.html deleted file mode 100644 index b9565838..00000000 --- a/docs/projects/iai_pecarn/helper.html +++ /dev/null @@ -1,491 +0,0 @@ - - - - - - -rulevetting.projects.iai_pecarn.helper API documentation - - - - - - - - - - - -
-
-
-

Module rulevetting.projects.iai_pecarn.helper

-
-
-
- -Expand source code - -
from os.path import join as oj
-
-import numpy as np
-import pandas as pd
-
-'''Helper functions for dataset.py.
-This file is optional.
-'''
-
-
-def get_outcomes(RAW_DATA_PATH, NUM_PATIENTS=12044):
-    """Read in the outcomes
-    Returns
-    -------
-    outcomes: pd.DataFrame
-        iai (has 761 positives)
-        iai_intervention (has 203 positives)
-    """
-    form4abdangio = pd.read_csv(oj(RAW_DATA_PATH, 'form4bother_abdangio.csv')).rename(columns={'subjectid': 'id'})
-    form6b = pd.read_csv(oj(RAW_DATA_PATH, 'form6b.csv')).rename(columns={'SubjectID': 'id'})
-    form6c = pd.read_csv(oj(RAW_DATA_PATH, 'form6c.csv')).rename(columns={'subjectid': 'id'})
-
-    # (6b) Intra-abdominal injury diagnosed in the ED/during hospitalization by any diagnostic method
-    # 1 is yes, 761 have intra-abdominal injury
-    # 2 is no -> remap to 0, 841 without intra-abdominal injury
-
-    def get_ids(form, keys):
-        '''Returns ids for which any of the keys is 1
-        '''
-        ids_all = set()
-        for key in keys:
-            ids = form.id.values[form[key] == 1]
-            for i in ids:
-                ids_all.add(i)
-        return ids_all
-
-    ids_iai = get_ids(form6b, ['IAIinED1'])  # form6b.id[form6b['IAIinED1'] == 1]
-
-    # print(form4abdangio.keys())
-    ids_allangio = get_ids(form4abdangio, ['AbdAngioVessel'])
-    # print('num in 4angio', len(ids_allangio))
-    # print(form6a.keys())
-    # ids_alla = get_ids(form6a, ['DeathCause'])
-    # print('num in a', len(ids_alla))
-    # print(form6b.keys())
-    ids_allb = get_ids(form6b, ['IVFluids', 'BldTransfusion'])
-    # print('num in b', len(ids_allb))
-    # print(form6c.keys())
-    ids_allc = get_ids(form6c, ['IntervenDurLap'])
-    # print('num in c', len(ids_allc))
-    ids = ids_allb.union(ids_allangio).union(ids_allc)
-
-    ids_iai_np = np.array(list(ids_iai)) - 1
-    ids_np = np.array(list(ids)) - 1
-
-    iai = np.zeros(NUM_PATIENTS).astype(int)
-    iai[ids_iai_np] = 1
-    iai_intervention = np.zeros(NUM_PATIENTS).astype(int)
-    iai_intervention[ids_np] = 1
-
-    df_iai = pd.DataFrame.from_dict({
-        'id': np.arange(1, NUM_PATIENTS + 1),
-        'iai': iai,
-        'iai_intervention': iai_intervention
-    })
-    return df_iai
-
-
-def rename_values(df):
-    '''Map values to meanings
-    Rename some features
-    Compute a couple new features
-    set types of
-    '''
-
-    # map categorical vars values
-    race = {
-        1: 'American Indian or Alaska Native',
-        2: 'Asian',
-        3: 'Black or African American',
-        4: 'Native Hawaiian or other Pacific Islander',
-        5: 'White',
-        6: 'unknown',  # stated as unknown
-        7: 'unknown'  # other
-    }
-    df.RACE = df.RACE.map(race)
-    moi = {
-        1: 'Motor vehicle collision',
-        2: 'Fall from an elevation',
-        3: 'Fall down stairs',
-        4: 'Pedestrian/bicyclist struck by moving vehicle',
-        5: 'Bike collision/fall',
-        6: 'Motorcycle/ATV/Scooter collision',
-        7: 'Object struck abdomen',
-        8: 'unknown',  # unknown mechanism,
-        9: 'unknown',  # other mechanism
-        10: 'unknown'  # physician did not answer
-    }
-    df.loc[:, 'MOI'] = df.RecodedMOI.map(moi)
-
-    df.drop(columns=['RecodedMOI'], inplace=True)
-    abdTenderDegree = {
-        1: 'Mild',
-        2: 'Moderate',
-        3: 'Severe',
-        4: 'unknown',
-        np.nan: 'unknown'
-    }
-
-    # combine aggregate gcs into total gcs
-    idxs_to_replace = ~df['AggregateGCS'].isna() & df['GCSScore'].isna()
-    df.loc[idxs_to_replace, 'GCSScore'] = df['AggregateGCS'][idxs_to_replace]
-
-    # print(np.unique(df['AbdTenderDegree'], return_counts=True))
-    df['AbdTenderDegree'] = df.AbdTenderDegree.map(abdTenderDegree)
-
-    # print(np.unique(df['AbdTenderDegree'], return_counts=True))
-    binary = {
-        0: 'no',
-        1: 'yes',
-        False: 'no',
-        True: 'yes',
-        'unknown': 'unknown'
-    }
-    df['HISPANIC_ETHNICITY'] = (df['HISPANIC_ETHNICITY'] == '-1').map(
-        binary)  # note: -1 is Hispanic (0 is not, 1 is unknown)
-
-    # rename variables
-    df = df.rename(columns={'RACE': 'Race_orig',
-                            'SEX': 'Sex',
-                            'HISPANIC_ETHNICITY': 'Hispanic',
-                            'ageinyrs': 'Age'
-                            })
-
-    # set types of these variables to categorical
-    ks_categorical = ['Sex', 'Race_orig', 'Hispanic',
-                      'VomitWretch', 'MOI', 'ThoracicTender', 'ThoracicTrauma',
-                      'DecrBreathSound', 'AbdDistention', 'AbdTenderDegree',
-                      'AbdTrauma', 'SeatBeltSign', 'DistractingPain',
-                      'AbdomenPain', 'AbdomenTender']
-    for k in ks_categorical:
-        df[k] = df[k].astype(str)
-
-    df['AbdomenPain'] = df['AbdomenPain'].replace('3.0', 'other')
-    df['CTScan'] = (df['AbdCTScan'] == 1.0).astype(int)
-
-    # remap values which take on values 0....4
-    ks_remap = ['VomitWretch',
-                'ThoracicTender', 'ThoracicTrauma',
-                'DecrBreathSound', 'AbdDistention',
-                'AbdTrauma', 'SeatBeltSign',
-                'DistractingPain', 'AbdomenPain', 'AbdomenTender']
-    for k in ks_remap:
-        vals = df[k].values
-        is_na = df[k].isna()
-        uniques = np.unique(vals).astype(str)
-        contains_nan = np.sum(is_na) > 0
-        if contains_nan and uniques.size in [4, 5] or ~contains_nan and uniques.size in [3, 4]:
-            if '1' in uniques and '2' in uniques and ('3' in uniques or 'other' in uniques):
-                df[k] = df[k].map({
-                    '1': 'yes',
-                    '2': 'no',
-                    '3': 'unknown',
-                    '4': 'unknown',
-                    'other': 'other',
-                    np.nan: 'unknown',
-                })
-    return df
-
-
-def derived_feats(df):
-    '''Add derived features
-    '''
-    binary = {
-        0: 'no',
-        1: 'yes',
-        False: 'no',
-        True: 'yes',
-        'unknown': 'unknown'
-    }
-    df['AbdTrauma_or_SeatBeltSign'] = ((df.AbdTrauma == 'yes') | (df.SeatBeltSign == 'yes')).map(binary)
-    df['AbdDistention_or_AbdomenPain'] = ((df.AbdDistention == 'AbdomenPain') | (df.SeatBeltSign == 'yes')).map(binary)
-    df['Hypotension'] = (df['Age'] < 1 / 12) & (df['InitSysBPRange'] < 70) | \
-                        (df['Age'] >= 1 / 12) & (df['Age'] < 5) & (df['InitSysBPRange'] < 80) | \
-                        (df['Age'] >= 5) & (df['InitSysBPRange'] < 90)
-    df['Hypotension'] = df['Hypotension'].map(binary)
-    df['GCSScore_Full'] = (df['GCSScore'] == 15).map(binary)
-    df['Age<2'] = (df['Age'] < 2).map(binary)
-    df['CostalTender'] = ((df.LtCostalTender == 1) | (df.RtCostalTender == 1)).map(binary)  # | (df.DecrBreathSound)
-
-    # Combine hispanic as part of race
-    df['Race'] = df['Race_orig']
-    df.loc[df.Hispanic == 'yes', 'Race'] = 'Hispanic'
-    df.loc[df.Race == 'White', 'Race'] = 'White (Non-Hispanic)'
-    df.drop(columns='Race_orig', inplace=True)
-
-    return df
-
-
-
-
-
-
-
-

Functions

-
-
-def derived_feats(df) -
-
-

Add derived features

-
- -Expand source code - -
def derived_feats(df):
-    '''Add derived features
-    '''
-    binary = {
-        0: 'no',
-        1: 'yes',
-        False: 'no',
-        True: 'yes',
-        'unknown': 'unknown'
-    }
-    df['AbdTrauma_or_SeatBeltSign'] = ((df.AbdTrauma == 'yes') | (df.SeatBeltSign == 'yes')).map(binary)
-    df['AbdDistention_or_AbdomenPain'] = ((df.AbdDistention == 'AbdomenPain') | (df.SeatBeltSign == 'yes')).map(binary)
-    df['Hypotension'] = (df['Age'] < 1 / 12) & (df['InitSysBPRange'] < 70) | \
-                        (df['Age'] >= 1 / 12) & (df['Age'] < 5) & (df['InitSysBPRange'] < 80) | \
-                        (df['Age'] >= 5) & (df['InitSysBPRange'] < 90)
-    df['Hypotension'] = df['Hypotension'].map(binary)
-    df['GCSScore_Full'] = (df['GCSScore'] == 15).map(binary)
-    df['Age<2'] = (df['Age'] < 2).map(binary)
-    df['CostalTender'] = ((df.LtCostalTender == 1) | (df.RtCostalTender == 1)).map(binary)  # | (df.DecrBreathSound)
-
-    # Combine hispanic as part of race
-    df['Race'] = df['Race_orig']
-    df.loc[df.Hispanic == 'yes', 'Race'] = 'Hispanic'
-    df.loc[df.Race == 'White', 'Race'] = 'White (Non-Hispanic)'
-    df.drop(columns='Race_orig', inplace=True)
-
-    return df
-
-
-
-def get_outcomes(RAW_DATA_PATH, NUM_PATIENTS=12044) -
-
-

Read in the outcomes -Returns

-
-
-
outcomes : pd.DataFrame
-
iai (has 761 positives) -iai_intervention (has 203 positives)
-
-
- -Expand source code - -
def get_outcomes(RAW_DATA_PATH, NUM_PATIENTS=12044):
-    """Read in the outcomes
-    Returns
-    -------
-    outcomes: pd.DataFrame
-        iai (has 761 positives)
-        iai_intervention (has 203 positives)
-    """
-    form4abdangio = pd.read_csv(oj(RAW_DATA_PATH, 'form4bother_abdangio.csv')).rename(columns={'subjectid': 'id'})
-    form6b = pd.read_csv(oj(RAW_DATA_PATH, 'form6b.csv')).rename(columns={'SubjectID': 'id'})
-    form6c = pd.read_csv(oj(RAW_DATA_PATH, 'form6c.csv')).rename(columns={'subjectid': 'id'})
-
-    # (6b) Intra-abdominal injury diagnosed in the ED/during hospitalization by any diagnostic method
-    # 1 is yes, 761 have intra-abdominal injury
-    # 2 is no -> remap to 0, 841 without intra-abdominal injury
-
-    def get_ids(form, keys):
-        '''Returns ids for which any of the keys is 1
-        '''
-        ids_all = set()
-        for key in keys:
-            ids = form.id.values[form[key] == 1]
-            for i in ids:
-                ids_all.add(i)
-        return ids_all
-
-    ids_iai = get_ids(form6b, ['IAIinED1'])  # form6b.id[form6b['IAIinED1'] == 1]
-
-    # print(form4abdangio.keys())
-    ids_allangio = get_ids(form4abdangio, ['AbdAngioVessel'])
-    # print('num in 4angio', len(ids_allangio))
-    # print(form6a.keys())
-    # ids_alla = get_ids(form6a, ['DeathCause'])
-    # print('num in a', len(ids_alla))
-    # print(form6b.keys())
-    ids_allb = get_ids(form6b, ['IVFluids', 'BldTransfusion'])
-    # print('num in b', len(ids_allb))
-    # print(form6c.keys())
-    ids_allc = get_ids(form6c, ['IntervenDurLap'])
-    # print('num in c', len(ids_allc))
-    ids = ids_allb.union(ids_allangio).union(ids_allc)
-
-    ids_iai_np = np.array(list(ids_iai)) - 1
-    ids_np = np.array(list(ids)) - 1
-
-    iai = np.zeros(NUM_PATIENTS).astype(int)
-    iai[ids_iai_np] = 1
-    iai_intervention = np.zeros(NUM_PATIENTS).astype(int)
-    iai_intervention[ids_np] = 1
-
-    df_iai = pd.DataFrame.from_dict({
-        'id': np.arange(1, NUM_PATIENTS + 1),
-        'iai': iai,
-        'iai_intervention': iai_intervention
-    })
-    return df_iai
-
-
-
-def rename_values(df) -
-
-

Map values to meanings -Rename some features -Compute a couple new features -set types of

-
- -Expand source code - -
def rename_values(df):
-    '''Map values to meanings
-    Rename some features
-    Compute a couple new features
-    set types of
-    '''
-
-    # map categorical vars values
-    race = {
-        1: 'American Indian or Alaska Native',
-        2: 'Asian',
-        3: 'Black or African American',
-        4: 'Native Hawaiian or other Pacific Islander',
-        5: 'White',
-        6: 'unknown',  # stated as unknown
-        7: 'unknown'  # other
-    }
-    df.RACE = df.RACE.map(race)
-    moi = {
-        1: 'Motor vehicle collision',
-        2: 'Fall from an elevation',
-        3: 'Fall down stairs',
-        4: 'Pedestrian/bicyclist struck by moving vehicle',
-        5: 'Bike collision/fall',
-        6: 'Motorcycle/ATV/Scooter collision',
-        7: 'Object struck abdomen',
-        8: 'unknown',  # unknown mechanism,
-        9: 'unknown',  # other mechanism
-        10: 'unknown'  # physician did not answer
-    }
-    df.loc[:, 'MOI'] = df.RecodedMOI.map(moi)
-
-    df.drop(columns=['RecodedMOI'], inplace=True)
-    abdTenderDegree = {
-        1: 'Mild',
-        2: 'Moderate',
-        3: 'Severe',
-        4: 'unknown',
-        np.nan: 'unknown'
-    }
-
-    # combine aggregate gcs into total gcs
-    idxs_to_replace = ~df['AggregateGCS'].isna() & df['GCSScore'].isna()
-    df.loc[idxs_to_replace, 'GCSScore'] = df['AggregateGCS'][idxs_to_replace]
-
-    # print(np.unique(df['AbdTenderDegree'], return_counts=True))
-    df['AbdTenderDegree'] = df.AbdTenderDegree.map(abdTenderDegree)
-
-    # print(np.unique(df['AbdTenderDegree'], return_counts=True))
-    binary = {
-        0: 'no',
-        1: 'yes',
-        False: 'no',
-        True: 'yes',
-        'unknown': 'unknown'
-    }
-    df['HISPANIC_ETHNICITY'] = (df['HISPANIC_ETHNICITY'] == '-1').map(
-        binary)  # note: -1 is Hispanic (0 is not, 1 is unknown)
-
-    # rename variables
-    df = df.rename(columns={'RACE': 'Race_orig',
-                            'SEX': 'Sex',
-                            'HISPANIC_ETHNICITY': 'Hispanic',
-                            'ageinyrs': 'Age'
-                            })
-
-    # set types of these variables to categorical
-    ks_categorical = ['Sex', 'Race_orig', 'Hispanic',
-                      'VomitWretch', 'MOI', 'ThoracicTender', 'ThoracicTrauma',
-                      'DecrBreathSound', 'AbdDistention', 'AbdTenderDegree',
-                      'AbdTrauma', 'SeatBeltSign', 'DistractingPain',
-                      'AbdomenPain', 'AbdomenTender']
-    for k in ks_categorical:
-        df[k] = df[k].astype(str)
-
-    df['AbdomenPain'] = df['AbdomenPain'].replace('3.0', 'other')
-    df['CTScan'] = (df['AbdCTScan'] == 1.0).astype(int)
-
-    # remap values which take on values 0....4
-    ks_remap = ['VomitWretch',
-                'ThoracicTender', 'ThoracicTrauma',
-                'DecrBreathSound', 'AbdDistention',
-                'AbdTrauma', 'SeatBeltSign',
-                'DistractingPain', 'AbdomenPain', 'AbdomenTender']
-    for k in ks_remap:
-        vals = df[k].values
-        is_na = df[k].isna()
-        uniques = np.unique(vals).astype(str)
-        contains_nan = np.sum(is_na) > 0
-        if contains_nan and uniques.size in [4, 5] or ~contains_nan and uniques.size in [3, 4]:
-            if '1' in uniques and '2' in uniques and ('3' in uniques or 'other' in uniques):
-                df[k] = df[k].map({
-                    '1': 'yes',
-                    '2': 'no',
-                    '3': 'unknown',
-                    '4': 'unknown',
-                    'other': 'other',
-                    np.nan: 'unknown',
-                })
-    return df
-
-
-
-
-
-
-
- -
- - - \ No newline at end of file diff --git a/docs/projects/iai_pecarn/index.html b/docs/projects/iai_pecarn/index.html deleted file mode 100644 index d662a5a7..00000000 --- a/docs/projects/iai_pecarn/index.html +++ /dev/null @@ -1,80 +0,0 @@ - - - - - - -rulevetting.projects.iai_pecarn API documentation - - - - - - - - - - - -
- - -
- - - \ No newline at end of file diff --git a/docs/projects/iai_pecarn/model_best.html b/docs/projects/iai_pecarn/model_best.html deleted file mode 100644 index 3e00cbf5..00000000 --- a/docs/projects/iai_pecarn/model_best.html +++ /dev/null @@ -1,201 +0,0 @@ - - - - - - -rulevetting.projects.iai_pecarn.model_best API documentation - - - - - - - - - - - -
-
-
-

Module rulevetting.projects.iai_pecarn.model_best

-
-
-
- -Expand source code - -
import numpy as np
-import pandas as pd
-
-from rulevetting.templates.model import ModelTemplate
-
-
-class Model(ModelTemplate):
-    def __init__(self):
-        # query for each rule + resulting predicted probability
-        self.rules = [
-            ('AbdTrauma_or_SeatBeltSign_yes == 1', 5.7),
-            ('GCSScore < 14', 4.6),
-            ('AbdTenderDegree_None == 0', 1.4),
-
-            # final condition is just something that is always true
-            ('GCSScore == GCSScore', 0.1),
-        ]
-
-    def _traverse_rule(self, df_features: pd.DataFrame):
-        str_print = f''
-        predicted_probabilities = pd.Series(index=df_features.index, dtype=float)
-        df = df_features.copy()
-        o = 'outcome'
-        str_print += f'{df[o].sum()} / {df.shape[0]} (positive class / total)\n\t\u2193 \n'
-        for j, rule in enumerate(self.rules):
-            query, prob = rule
-            df_rhs = df.query(query)
-            idxs_satisfying_rule = df_rhs.index
-            predicted_probabilities.loc[idxs_satisfying_rule] = prob
-
-            df.drop(index=idxs_satisfying_rule, inplace=True)
-            computed_prob = 100 * df_rhs[o].sum() / df_rhs.shape[0]
-            query_print = query.replace(' == 1', '')
-            if j < len(self.rules) - 1:
-                str_print += f'\033[96mIf {query_print:<35}\033[00m \u2192 {df_rhs[o].sum():>3} / {df_rhs.shape[0]:>4} ({computed_prob:0.1f}%)\n\t\u2193 \n   {df[o].sum():>3} / {df.shape[0]:>5}\t \n'
-        predicted_probabilities = predicted_probabilities.values
-        self.str_print = str_print
-        return predicted_probabilities
-
-    def predict(self, df_features: pd.DataFrame):
-        predicted_probabilities = self._traverse_rule(df_features)
-        return (predicted_probabilities > 0.11).astype(int)
-
-    def predict_proba(self, df_features: pd.DataFrame):
-        predicted_probabilities = self._traverse_rule(df_features)
-        return np.vstack((1 - predicted_probabilities, predicted_probabilities)).transpose()
-
-    def print_model(self, df_features):
-        self._traverse_rule(df_features)
-        return self.str_print
-
-
-if __name__ == '__main__':
-    from rulevetting.projects.iai_pecarn.dataset import Dataset
-
-    df_train, df_tune, df_test = Dataset().get_data(load_csvs=True)
-    df_full = pd.concat((df_train, df_tune, df_test))
-    model = Model()
-    preds_proba = model.predict_proba(df_full)
-    print(model.print_model(df_full))
-    # preds = baseline.predict(df_train)
-    # print('preds_proba', preds_proba.shape, preds_proba[:5])
-    # print('preds', preds.shape, preds[:5])
-
-
-
-
-
-
-
-
-
-

Classes

-
-
-class Model -
-
-

Class for implementing model similar to sklearn model (but without fit method). -Classes that use this template should be called "Model" for a new model or "Baseline" for a reference model.

-
- -Expand source code - -
class Model(ModelTemplate):
-    def __init__(self):
-        # query for each rule + resulting predicted probability
-        self.rules = [
-            ('AbdTrauma_or_SeatBeltSign_yes == 1', 5.7),
-            ('GCSScore < 14', 4.6),
-            ('AbdTenderDegree_None == 0', 1.4),
-
-            # final condition is just something that is always true
-            ('GCSScore == GCSScore', 0.1),
-        ]
-
-    def _traverse_rule(self, df_features: pd.DataFrame):
-        str_print = f''
-        predicted_probabilities = pd.Series(index=df_features.index, dtype=float)
-        df = df_features.copy()
-        o = 'outcome'
-        str_print += f'{df[o].sum()} / {df.shape[0]} (positive class / total)\n\t\u2193 \n'
-        for j, rule in enumerate(self.rules):
-            query, prob = rule
-            df_rhs = df.query(query)
-            idxs_satisfying_rule = df_rhs.index
-            predicted_probabilities.loc[idxs_satisfying_rule] = prob
-
-            df.drop(index=idxs_satisfying_rule, inplace=True)
-            computed_prob = 100 * df_rhs[o].sum() / df_rhs.shape[0]
-            query_print = query.replace(' == 1', '')
-            if j < len(self.rules) - 1:
-                str_print += f'\033[96mIf {query_print:<35}\033[00m \u2192 {df_rhs[o].sum():>3} / {df_rhs.shape[0]:>4} ({computed_prob:0.1f}%)\n\t\u2193 \n   {df[o].sum():>3} / {df.shape[0]:>5}\t \n'
-        predicted_probabilities = predicted_probabilities.values
-        self.str_print = str_print
-        return predicted_probabilities
-
-    def predict(self, df_features: pd.DataFrame):
-        predicted_probabilities = self._traverse_rule(df_features)
-        return (predicted_probabilities > 0.11).astype(int)
-
-    def predict_proba(self, df_features: pd.DataFrame):
-        predicted_probabilities = self._traverse_rule(df_features)
-        return np.vstack((1 - predicted_probabilities, predicted_probabilities)).transpose()
-
-    def print_model(self, df_features):
-        self._traverse_rule(df_features)
-        return self.str_print
-
-

Ancestors

- -

Inherited members

- -
-
-
-
- -
- - - \ No newline at end of file diff --git a/docs/projects/tig_pecarn/index.html b/docs/projects/tig_pecarn/index.html deleted file mode 100644 index 593f33c6..00000000 --- a/docs/projects/tig_pecarn/index.html +++ /dev/null @@ -1,53 +0,0 @@ - - - - - - -rulevetting.projects.tig_pecarn API documentation - - - - - - - - - - - -
-
-
-

Module rulevetting.projects.tig_pecarn

-
-
-
-
-
-
-
-
-
-
-
-
- -
- - - \ No newline at end of file diff --git a/figures/logbar.png b/figures/logbar.png new file mode 100644 index 00000000..702e1c43 Binary files /dev/null and b/figures/logbar.png differ diff --git a/figures/missingvalues.png b/figures/missingvalues.png new file mode 100644 index 00000000..69d38eb1 Binary files /dev/null and b/figures/missingvalues.png differ diff --git a/rule-vetting/data/predictors.csv b/rule-vetting/data/predictors.csv new file mode 100644 index 00000000..201b3f54 --- /dev/null +++ b/rule-vetting/data/predictors.csv @@ -0,0 +1,59 @@ +Predictor,Categories +AMSAgitated,AMSAgitated_0 +AMSAgitated,AMSAgitated_1 +AMSAgitated,AMSAgitated_92 +AMSRepeat,AMSRepeat_0 +AMSRepeat,AMSRepeat_1 +AMSRepeat,AMSRepeat_92 +AMSSleep,AMSSleep_0 +AMSSleep,AMSSleep_1 +AMSSleep,AMSSleep_92 +ActNorm,ActNorm_0 +ActNorm,ActNorm_1 +ClavOcc,ClavOcc_0 +ClavOcc,ClavOcc_1 +ClavOcc,ClavOcc_92 +HASeverity,HASeverity_1 +HASeverity,HASeverity_2 +HASeverity,HASeverity_3 +HASeverity,HASeverity_92 +HAStart,HAStart_1 +HAStart,HAStart_2 +HAStart,HAStart_3 +HAStart,HAStart_4 +HAStart,HAStart_92 +HA_verb,HA_verb_0 +HA_verb,HA_verb_1 +HA_verb,HA_verb_91 +HemaLoc,HemaLoc_1 +HemaLoc,HemaLoc_2 +HemaLoc,HemaLoc_3 +HemaLoc,HemaLoc_92 +HemaSize,HemaSize_1 +HemaSize,HemaSize_2 +HemaSize,HemaSize_3 +HemaSize,HemaSize_92 +High_impact_InjSev,High_impact_InjSev_1 +High_impact_InjSev,High_impact_InjSev_2 +High_impact_InjSev,High_impact_InjSev_3 +LOCSeparate,LOCSeparate_0 +LOCSeparate,LOCSeparate_1 +LOCSeparate,LOCSeparate_2 +SeizLen,SeizLen_1 +SeizLen,SeizLen_2 +SeizLen,SeizLen_3 +SeizLen,SeizLen_4 +SeizLen,SeizLen_92 +SeizOccur,SeizOccur_1 +SeizOccur,SeizOccur_2 +SeizOccur,SeizOccur_3 +SeizOccur,SeizOccur_92 +VomitLast,VomitLast_1 +VomitLast,VomitLast_2 +VomitLast,VomitLast_3 +VomitLast,VomitLast_92 +VomitStart,VomitStart_1 +VomitStart,VomitStart_2 +VomitStart,VomitStart_3 +VomitStart,VomitStart_4 +VomitStart,VomitStart_92 diff --git a/rule-vetting/data/tbi_pecarn/processed/meta_test.csv b/rule-vetting/data/tbi_pecarn/processed/meta_test.csv new file mode 100644 index 00000000..e90a4643 --- /dev/null +++ b/rule-vetting/data/tbi_pecarn/processed/meta_test.csv @@ -0,0 +1,8228 @@ +"" +41032 +31123 +23448 +16106 +18234 +7830 +22910 +19123 +2790 +2723 +26683 +31017 +20652 +11647 +32779 +12353 +4449 +10350 +32412 +32814 +13523 +28480 +9896 +21280 +7800 +41678 +1854 +159 +26763 +39610 +38906 +16431 +6159 +3973 +29909 +41776 +2124 +5481 +42412 +39561 +39353 +923 +37851 +24691 +36302 +4726 +41356 +17832 +34721 +4756 +5647 +22797 +374 +4708 +18134 +38656 +4081 +191 +13378 +25897 +28225 +22366 +7861 +43125 +6296 +14920 +386 +15491 +15941 +33829 +6382 +8693 +14696 +34153 +2952 +35996 +40859 +13604 +42342 +26223 +1321 +24013 +22101 +14540 +32329 +3409 +34712 +17073 +32842 +36287 +15575 +19184 +39728 +6845 +11974 +35863 +23465 +4637 +23495 +24478 +21939 +21895 +3753 +34937 +35288 +27157 +22745 +11972 +18342 +25081 +20523 +1890 +14533 +14455 +34193 +27069 +30884 +9752 +12 +11463 +9357 +18821 +1486 +38836 +33752 +11189 +35522 +38388 +2561 +8998 +23882 +394 +972 +15768 +40124 +36173 +2531 +33963 +30344 +12343 +22904 +12075 +1269 +31573 +16601 +271 +17295 +8674 +1493 +43197 +21196 +4992 +40346 +26083 +26581 +42003 +31151 +10625 +30564 +36485 +5054 +14456 +7953 +9828 +16775 +1825 +37513 +40307 +23050 +22724 +6247 +26212 +39946 +14687 +36203 +24165 +27393 +40730 +1460 +8124 +3886 +29847 +23496 +29614 +11029 +16553 +17106 +694 +42611 +25596 +3812 +5631 +7632 +42344 +35446 +11811 +14 +6502 +12344 +2961 +28378 +42688 +11810 +37303 +32342 +36086 +13090 +41394 +1595 +30663 +36141 +22469 +16841 +7149 +42240 +22816 +20175 +37868 +23525 +39699 +15817 +21612 +41926 +42010 +12826 +20618 +3594 +23613 +15236 +34405 +34631 +7597 +29233 +38299 +12926 +23949 +18306 +19738 +18308 +32504 +9241 +4306 +22997 +29377 +23196 +39109 +2793 +22525 +23264 +12268 +19234 +1391 +599 +7552 +33544 +5695 +41384 +42567 +14323 +39620 +11847 +35495 +10984 +20443 +7727 +18258 +8174 +26971 +10139 +34860 +11997 +32122 +32529 +3522 +20350 +16737 +29818 +9466 +34406 +21102 +38516 +30482 +24461 +5224 +9113 +17143 +10530 +98 +22761 +30173 +29877 +7175 +29282 +43321 +35702 +14235 +39116 +17260 +1988 +40566 +13530 +6102 +35091 +21869 +31845 +3 +17010 +2906 +39037 +29467 +27444 +9955 +29300 +3344 +27881 +11947 +17232 +32690 +15098 +41497 +26403 +41244 +2644 +16120 +38805 +4740 +2442 +7486 +19622 +10655 +1227 +2619 +17661 +36120 +28198 +24222 +20483 +20660 +14329 +4635 +37588 +36951 +19916 +40410 +20323 +9375 +25298 +9361 +34136 +10482 +7044 +14138 +19501 +25306 +23951 +13563 +35241 +33146 +21582 +37111 +33237 +19766 +35488 +10669 +14737 +28835 +17130 +35844 +8044 +24576 +12630 +22829 +20771 +10720 +22872 +40247 +3040 +32623 +42097 +843 +10709 +20848 +26245 +37754 +27161 +20680 +35189 +23835 +25414 +39688 +10536 +37876 +29931 +27126 +38821 +34264 +17683 +37507 +20851 +856 +37311 +32717 +12327 +26769 +18255 +37132 +29479 +37653 +18336 +30210 +19359 +34028 +7238 +6828 +31024 +15705 +13554 +14603 +19020 +8535 +3111 +36785 +33911 +16933 +39831 +11609 +42740 +14229 +14623 +10637 +29907 +28417 +13124 +30845 +16599 +35519 +35790 +33859 +11786 +27831 +41473 +24588 +19426 +31165 +39040 +873 +29113 +8202 +8163 +10289 +23152 +19650 +21646 +16205 +8428 +4938 +20215 +23564 +37734 +40336 +27184 +17173 +30135 +4568 +4922 +41754 +29397 +7074 +11805 +10273 +14730 +6293 +17065 +19889 +13633 +16282 +32855 +20050 +7234 +1511 +12556 +30305 +36366 +33413 +39766 +7228 +34081 +29780 +9057 +11437 +37126 +3365 +28078 +40960 +519 +392 +22573 +37224 +29171 +6749 +40861 +16289 +9337 +32112 +20736 +17627 +18237 +32594 +34707 +25333 +37911 +14036 +24394 +32034 +3824 +17426 +16800 +12336 +19575 +17637 +26718 +13404 +715 +16054 +34708 +24444 +42579 +38545 +30715 +11680 +16674 +21462 +24233 +36335 +3429 +31666 +14678 +42291 +27185 +12444 +31708 +38143 +18618 +25956 +12674 +20865 +12754 +38178 +12002 +20984 +32858 +2313 +4818 +25460 +33680 +22441 +32836 +13314 +16653 +38086 +23871 +23619 +9287 +29821 +42556 +13630 +21516 +22588 +11900 +10332 +5554 +26566 +36405 +14735 +5625 +12257 +31125 +43192 +39727 +24511 +12739 +28222 +35354 +6113 +4652 +12370 +38576 +5889 +17902 +33265 +38675 +39207 +37603 +8976 +41261 +20763 +40384 +34286 +19534 +24680 +39473 +43039 +42879 +21966 +28347 +10987 +41002 +3087 +11413 +4547 +15537 +22568 +28466 +1432 +13222 +22408 +6078 +40399 +25753 +17372 +3592 +11009 +20332 +424 +16960 +22371 +31944 +26984 +27648 +5117 +25732 +13405 +6926 +31041 +37467 +20772 +638 +1170 +7646 +39955 +32848 +556 +5560 +8898 +18456 +37625 +28257 +24271 +25569 +34523 +710 +33077 +14593 +39025 +30795 +27021 +29990 +19294 +37739 +25022 +40782 +24467 +7463 +42687 +3137 +17961 +14545 +7246 +8634 +19967 +34265 +8591 +30627 +17408 +21372 +28752 +43224 +18741 +16082 +16619 +38169 +4270 +35252 +14695 +17924 +21096 +6739 +7657 +5345 +23375 +29076 +16663 +24626 +35965 +27011 +17343 +27899 +10660 +27581 +32516 +20891 +11384 +27387 +23646 +8316 +31488 +5718 +27426 +11520 +3463 +19172 +16250 +3578 +36982 +18334 +2393 +19820 +15259 +39780 +34848 +32312 +26495 +10402 +17621 +28921 +38701 +40348 +12052 +20347 +18241 +31153 +29313 +10527 +11244 +34450 +36887 +13999 +2886 +13967 +22458 +4597 +30356 +20898 +7017 +11013 +21968 +29476 +18044 +22151 +18200 +8938 +6121 +28044 +1826 +19663 +20674 +36927 +37639 +40816 +42193 +1135 +25083 +25835 +11910 +11572 +16923 +24645 +29757 +6831 +20548 +949 +11077 +5441 +29220 +10409 +12761 +15330 +27124 +2012 +16587 +8830 +41561 +4360 +2885 +2986 +27555 +7626 +36555 +142 +35217 +10268 +35017 +24216 +31213 +32538 +40302 +21822 +8650 +39947 +21752 +42934 +26178 +17547 +18343 +9078 +29275 +21540 +10730 +23866 +22165 +20910 +21029 +40864 +4977 +38040 +39412 +8529 +12451 +19871 +16797 +21062 +26198 +22557 +25259 +5792 +43268 +25286 +7280 +23114 +29421 +41577 +19831 +18452 +43306 +41067 +9284 +3359 +27129 +3843 +21606 +3546 +35308 +22012 +38475 +1865 +40296 +37356 +36504 +40417 +16518 +30111 +8352 +30207 +14111 +19142 +15538 +12209 +18972 +18103 +21525 +28016 +30567 +9316 +27112 +6646 +6633 +9020 +16545 +31705 +13381 +41195 +26024 +21881 +39615 +4921 +22708 +33120 +9072 +14080 +34803 +22807 +3834 +27785 +16700 +23 +34383 +35839 +5848 +38760 +20370 +35424 +16107 +24186 +18186 +40547 +28316 +35799 +4493 +1557 +14097 +36700 +26906 +8903 +390 +41562 +32756 +13876 +10027 +17380 +32046 +12043 +21750 +11655 +22918 +19127 +35029 +43226 +11295 +11607 +3401 +19338 +33232 +7660 +30093 +1933 +1318 +38259 +27158 +4913 +30515 +9507 +40446 +34567 +41651 +7918 +19187 +15620 +36701 +1878 +25500 +34119 +15972 +11780 +13833 +40710 +1925 +32743 +24305 +24053 +21065 +41468 +22842 +30924 +15627 +17037 +36373 +13202 +17561 +788 +17548 +3465 +35000 +37244 +24580 +4051 +30044 +31082 +14573 +39670 +23543 +12989 +1754 +34827 +25016 +21969 +1289 +22788 +16806 +16661 +15013 +35438 +43312 +42778 +10045 +2543 +28905 +34018 +891 +9578 +9986 +42213 +13271 +13928 +31149 +24210 +5924 +12602 +4833 +15949 +10877 +10227 +2656 +33725 +42039 +20566 +31049 +27308 +5052 +32503 +20668 +32784 +4622 +35642 +15265 +8075 +19602 +34201 +43204 +21327 +41241 +11224 +28209 +39332 +8070 +7239 +11225 +1469 +40804 +22519 +594 +19765 +17651 +3457 +10492 +9687 +8294 +1392 +27927 +21490 +11741 +29447 +15552 +33868 +27180 +38992 +19710 +19289 +3128 +26356 +18817 +43387 +30913 +2912 +1630 +35941 +42918 +22174 +8913 +24796 +30963 +13115 +23151 +41290 +28029 +36637 +37663 +9048 +3975 +18489 +4912 +12098 +34475 +41433 +34354 +311 +29009 +13423 +21068 +9614 +1837 +21512 +35196 +16234 +12160 +10173 +42817 +8790 +36850 +10271 +22518 +36966 +34659 +30675 +30554 +3615 +40674 +19054 +18305 +37551 +29722 +42873 +13635 +41623 +37827 +17059 +29662 +32527 +6333 +9627 +21965 +24022 +27842 +29202 +41340 +12828 +15687 +14112 +3697 +40490 +32725 +36947 +25191 +25430 +24635 +3986 +32976 +9860 +16266 +11314 +29080 +28324 +35886 +5136 +25454 +14051 +13117 +6433 +28041 +13282 +5200 +4781 +43008 +34218 +4275 +39934 +41053 +10566 +24837 +12649 +29971 +3001 +30820 +38893 +10840 +25630 +37608 +13628 +20962 +26398 +25090 +5833 +916 +37935 +6310 +21991 +43059 +636 +42635 +9300 +25522 +30610 +10301 +15177 +10745 +2056 +9641 +5968 +16751 +8359 +15629 +8273 +2646 +7957 +8307 +4964 +34549 +29143 +26349 +25684 +18559 +26384 +31437 +33269 +12622 +23278 +9737 +29410 +26485 +21694 +30812 +14894 +21784 +5733 +14035 +25153 +30444 +16453 +30249 +9504 +18381 +24821 +15692 +11559 +24274 +22556 +777 +33494 +15430 +23340 +8635 +24530 +350 +224 +3728 +30340 +11319 +20345 +17178 +14005 +5063 +39112 +2126 +32713 +42462 +36218 +35568 +25447 +12881 +33408 +17327 +5140 +35464 +11611 +40166 +10456 +482 +9764 +3639 +40654 +41526 +18017 +25128 +31372 +34960 +35588 +27419 +35518 +2937 +31490 +25410 +8694 +8585 +6126 +9367 +31336 +5477 +38090 +18488 +20726 +20246 +37233 +5340 +23456 +21872 +38399 +13951 +1880 +43304 +2828 +1108 +26303 +17907 +3236 +22031 +38998 +38570 +31513 +8204 +30149 +41194 +16576 +16557 +15993 +12729 +37952 +8415 +2009 +31148 +26746 +36326 +10888 +14290 +2133 +18385 +30 +10270 +38733 +34976 +3339 +33439 +38257 +12230 +19508 +3871 +16332 +21765 +7129 +34724 +7178 +21769 +347 +4975 +20780 +2497 +16690 +28889 +39408 +11496 +19615 +5172 +1284 +14142 +36917 +26882 +82 +27556 +42120 +36457 +40431 +42436 +31463 +41277 +6005 +10029 +38222 +39072 +21537 +16493 +15318 +6567 +20755 +14045 +5858 +22325 +41716 +18035 +15211 +28681 +7173 +36070 +27734 +21260 +43182 +9496 +13131 +10532 +13028 +1871 +23612 +11541 +32721 +30407 +8303 +10674 +22786 +29734 +39127 +9209 +9043 +13250 +25880 +21809 +25591 +13184 +7210 +33614 +23806 +38122 +4668 +7247 +22445 +10026 +21925 +16526 +42117 +10383 +10012 +9224 +17841 +21217 +2122 +35596 +35253 +2263 +38067 +10250 +7226 +28285 +18173 +6627 +2185 +35533 +19200 +11989 +15462 +16208 +4104 +820 +19050 +8468 +30403 +30317 +17293 +38039 +26109 +863 +25651 +1555 +32035 +11153 +5728 +40860 +18547 +36246 +22244 +13414 +6385 +12760 +42978 +41850 +33123 +27046 +19691 +22243 +25163 +9770 +26913 +16631 +10693 +24031 +7680 +31126 +12409 +15900 +24827 +29123 +24379 +32706 +33450 +14839 +40987 +27459 +21696 +33103 +27956 +78 +767 +25042 +4144 +15515 +37974 +41354 +2642 +36885 +34124 +32446 +4288 +21242 +13864 +32253 +29347 +3312 +18510 +9187 +37165 +32272 +25653 +26214 +21777 +25546 +18115 +1626 +39768 +40553 +6420 +37650 +21558 +22813 +24921 +33403 +34852 +21816 +23497 +6441 +31552 +1713 +9289 +22496 +1386 +15200 +1673 +41669 +1112 +8065 +11562 +28161 +32815 +39746 +21323 +36931 +1692 +39475 +1952 +1852 +19516 +35180 +39949 +5434 +26647 +11350 +19072 +12902 +11306 +23643 +39004 +34142 +17494 +23616 +12488 +21311 +30541 +15493 +16460 +9842 +41814 +19891 +40355 +18713 +25745 +28832 +15956 +1371 +31233 +32694 +30240 +36189 +21135 +5892 +5926 +5361 +5638 +10086 +24644 +4367 +8388 +38655 +42104 +13797 +38964 +32560 +12940 +24386 +10125 +22199 +33634 +28511 +42202 +2371 +27017 +3866 +37271 +26804 +36552 +26602 +32442 +37679 +14220 +18314 +12371 +24663 +36780 +15014 +33603 +39043 +21414 +42996 +13719 +7075 +27245 +40402 +29403 +24817 +18968 +41911 +11366 +3494 +22787 +11060 +32452 +13175 +5043 +33624 +36893 +25243 +39639 +25479 +22164 +32200 +27424 +14349 +2435 +30528 +24675 +31341 +13398 +8869 +16033 +13670 +2974 +4801 +12101 +22006 +40877 +30053 +12011 +3949 +17782 +17466 +28877 +8877 +9594 +561 +32485 +26935 +3926 +10004 +24466 +34726 +21913 +32167 +16509 +2404 +2426 +25102 +3216 +15116 +6150 +29583 +36511 +16040 +21080 +50 +28178 +17852 +33606 +15170 +242 +1286 +9266 +35618 +30787 +21851 +42923 +18451 +11574 +2092 +40560 +38462 +26400 +14822 +28217 +38155 +3284 +18505 +11883 +14548 +38085 +6596 +13040 +6561 +14077 +7579 +31084 +24898 +37857 +35669 +30458 +25463 +19350 +372 +34838 +26977 +38343 +42365 +39381 +35199 +10957 +35570 +3561 +32263 +33724 +8413 +20173 +15352 +43044 +43120 +23583 +32231 +28808 +19354 +28452 +29878 +8217 +34771 +18184 +28105 +26021 +16911 +31978 +11517 +30773 +8078 +14926 +10131 +39454 +2984 +28227 +25111 +38167 +25982 +29887 +36725 +38599 +10544 +41994 +19292 +15387 +20154 +4208 +15648 +38935 +2936 +4089 +35749 +39460 +12671 +8183 +27965 +10683 +26474 +5987 +34781 +35279 +3586 +24153 +5348 +1637 +7860 +10590 +35691 +12502 +15249 +19893 +30732 +37858 +8897 +10124 +39208 +30259 +13188 +13871 +13199 +34140 +39706 +34975 +38213 +35825 +903 +26791 +3571 +12229 +24430 +3294 +16004 +38879 +42676 +1017 +17469 +3775 +3743 +42665 +30560 +42318 +28031 +7123 +11919 +30058 +41398 +10019 +17859 +14691 +38735 +25752 +19701 +24320 +41101 +8643 +12293 +8304 +21971 +18478 +9094 +8519 +13338 +30315 +35351 +34722 +4851 +2153 +6480 +33296 +34935 +11170 +2176 +15288 +14201 +31316 +24265 +32914 +22585 +6895 +27386 +28942 +15807 +32584 +5781 +23437 +15161 +32667 +25344 +28805 +13945 +35028 +29464 +12082 +39770 +6745 +19680 +20992 +15591 +38584 +6674 +9741 +42305 +37221 +32964 +15089 +16772 +22611 +43264 +22882 +1591 +28954 +27624 +31440 +41803 +32354 +724 +17309 +6182 +7605 +17229 +31510 +3093 +36557 +24180 +1138 +18949 +7167 +15274 +11283 +20245 +29450 +20913 +22307 +23006 +29815 +29930 +9210 +18081 +22771 +20248 +37987 +13457 +25435 +5991 +25868 +9456 +23105 +42607 +33325 +27564 +40034 +35210 +26202 +11831 +27034 +15985 +17644 +32480 +29290 +42310 +9185 +24005 +11113 +11363 +18212 +16873 +33469 +23735 +37867 +25852 +30095 +32551 +28811 +23168 +15218 +35647 +13680 +27175 +31056 +21921 +21009 +18805 +8488 +1491 +30286 +41591 +14827 +15076 +19224 +33111 +35335 +11338 +22593 +3624 +9695 +40450 +4401 +14645 +39928 +14162 +27880 +17589 +12199 +16895 +21548 +3818 +14972 +10979 +31960 +40365 +20869 +3700 +15889 +1242 +21682 +26019 +3316 +18246 +25284 +20205 +14223 +36149 +8619 +40119 +14633 +30509 +31668 +4363 +20526 +4376 +14823 +6944 +29979 +16244 +25175 +42803 +16021 +14575 +35515 +28527 +16660 +40121 +426 +41860 +3221 +41518 +3491 +12824 +24903 +12832 +19261 +42856 +18726 +26550 +7391 +42536 +39365 +752 +3675 +16215 +16725 +25426 +7452 +5895 +33179 +32841 +42705 +12687 +34161 +27068 +2747 +2559 +4021 +41068 +19702 +892 +9110 +35835 +26904 +24090 +5880 +22890 +29897 +5229 +16064 +19862 +43186 +25037 +20266 +11987 +42834 +29192 +26385 +9470 +36709 +8896 +12997 +32026 +29230 +5945 +39420 +27450 +3879 +20505 +31118 +4201 +16068 +38296 +38941 +21951 +3861 +8891 +19896 +24489 +35294 +24105 +26744 +20666 +12519 +30343 +17895 +35867 +7655 +2779 +41479 +20129 +37779 +19285 +936 +28599 +43141 +29499 +4620 +12653 +20278 +29087 +4117 +11380 +27779 +41871 +26200 +22005 +31992 +15476 +33953 +13926 +33151 +6849 +4976 +13208 +35639 +27995 +21860 +18380 +24301 +23600 +37993 +23790 +31220 +28700 +22860 +8925 +41381 +30705 +1899 +18120 +696 +38945 +6142 +22889 +3043 +41970 +5952 +10155 +3208 +26276 +22909 +6509 +14303 +6365 +40813 +14359 +11861 +11871 +11452 +24403 +5032 +29108 +3854 +3500 +9996 +2805 +27367 +40020 +29359 +23146 +12354 +32554 +40146 +37982 +36638 +38742 +35179 +43320 +3031 +23460 +9666 +33816 +22537 +31052 +11802 +29207 +17120 +35590 +20732 +41521 +26290 +33399 +17638 +34239 +7107 +42899 +31200 +22092 +25098 +24756 +33168 +13562 +40360 +30572 +38098 +42161 +2764 +23544 +30771 +35379 +20315 +25957 +15071 +37884 +807 +22499 +2930 +25853 +40474 +31757 +21453 +17385 +22972 +8542 +15904 +42508 +43359 +19085 +16632 +20062 +13100 +31940 +8315 +1345 +23023 +39118 +33398 +30409 +7392 +32666 +11936 +28806 +9157 +10061 +19724 +21254 +9556 +24809 +40342 +43088 +24281 +24625 +5412 +9851 +30763 +1634 +790 +11501 +1771 +17041 +2702 +31353 +39301 +5000 +39101 +35418 +9004 +22795 +41303 +34617 +2364 +3372 +30491 +5495 +32548 +21366 +40199 +12696 +41069 +2040 +7041 +3410 +10947 +385 +21245 +37826 +25387 +9229 +20421 +36337 +22078 +29452 +1246 +23717 +41900 +572 +13406 +36088 +13212 +18178 +24157 +25024 +36849 +36499 +4827 +5479 +20614 +16630 +32134 +21820 +35155 +3254 +2103 +22849 +26180 +12507 +2982 +8744 +34163 +27547 +7917 +16516 +31547 +39215 +1377 +33072 +5813 +6817 +16501 +41100 +18878 +28876 +19005 +34379 +7465 +28381 +27775 +21179 +15977 +40411 +22400 +27162 +6003 +12219 +36221 +38009 +70 +5870 +3173 +18082 +42296 +29238 +14440 +12057 +13912 +4834 +3397 +7789 +11293 +154 +19965 +31477 +25139 +42079 +9868 +14955 +35877 +30697 +19794 +9784 +21222 +23038 +21307 +40117 +26637 +30866 +24908 +28963 +32414 +42044 +841 +11693 +19122 +16691 +13106 +8300 +164 +13775 +15723 +15081 +28345 +18367 +34762 +12133 +34171 +23896 +4911 +8513 +25215 +32576 +9433 +34764 +1641 +14175 +35190 +2264 +528 +14666 +37049 +26548 +34759 +42726 +40194 +39667 +1445 +19144 +20487 +27113 +24639 +31642 +16593 +20360 +3919 +10073 +28084 +18254 +20696 +5195 +5094 +33137 +16362 +33969 +17677 +4362 +20683 +22084 +28658 +2235 +7243 +1057 +17072 +7804 +42991 +16520 +28101 +7788 +41276 +22305 +22160 +3751 +6170 +17612 +42615 +13609 +23812 +20058 +16993 +15094 +14942 +43062 +21614 +10898 +37363 +25080 +41104 +32140 +4558 +3343 +37307 +18589 +21161 +27962 +3281 +28122 +41300 +24392 +37196 +3394 +21315 +9506 +15019 +40865 +26526 +39984 +7325 +18443 +30678 +5843 +5706 +12019 +15206 +18267 +40641 +11353 +8797 +5567 +36569 +11519 +43269 +26060 +34599 +14102 +22928 +9718 +2271 +20905 +4230 +42249 +35167 +12658 +33814 +32616 +13079 +16199 +39827 +24344 +9792 +42114 +34460 +9172 +17498 +6834 +27992 +31134 +19336 +29286 +42109 +27514 +15756 +42871 +36621 +16840 +30202 +1379 +25321 +18514 +1305 +28587 +35992 +4608 +28509 +37759 +14655 +6427 +38106 +37346 +6941 +29607 +19610 +13489 +21121 +14046 +24082 +30873 +26573 +8451 +34396 +26017 +10141 +4887 +254 +16306 +31154 +12908 +28652 +38892 +28818 +34254 +7892 +36576 +37260 +1922 +2540 +38490 +8716 +30038 +17514 +31667 +25669 +14731 +41374 +6758 +36835 +2960 +35128 +12109 +35566 +42299 +39389 +26108 +241 +42681 +14104 +12385 +9794 +40377 +6341 +5171 +5898 +29784 +30505 +21024 +35788 +38882 +10993 +36253 +36402 +25156 +3321 +10954 +12193 +228 +24789 +28428 +10382 +10183 +37469 +25617 +43368 +37407 +25773 +1536 +27760 +14596 +29341 +39417 +29868 +39544 +40303 +31325 +11456 +36187 +6400 +33663 +25146 +42113 +42821 +6819 +8404 +29680 +15467 +16705 +12016 +38162 +14461 +32847 +15487 +19492 +22213 +28895 +3979 +17305 +5911 +36702 +28621 +24966 +38623 +40531 +24601 +31065 +2010 +16467 +27280 +10722 +42285 +41057 +35633 +43021 +22370 +25670 +16267 +27622 +38565 +9788 +32187 +30704 +42828 +36069 +35073 +38419 +9298 +34993 +15397 +18807 +41364 +29956 +40244 +23754 +36932 +5918 +9384 +23632 +5215 +21141 +3326 +21812 +9679 +33769 +493 +656 +6747 +21355 +8648 +18727 +17512 +2860 +27665 +16112 +31699 +5467 +42884 +23971 +38395 +27206 +22230 +24774 +6575 +14168 +29677 +7435 +16356 +11174 +16395 +37719 +39552 +6725 +40311 +7068 +11404 +16788 +33687 +35685 +29918 +1668 +24404 +16764 +34143 +10509 +21173 +21873 +22703 +18550 +34557 +40797 +41102 +5901 +15445 +33446 +1604 +37104 +3612 +22036 +4472 +20896 +36068 +953 +27882 +5358 +26271 +27214 +16057 +3086 +34138 +30895 +12666 +42522 +29568 +1200 +782 +11756 +32027 +3249 +7714 +33718 +2946 +26764 +8033 +853 +23877 +18094 +37893 +190 +18557 +14595 +18151 +34389 +29303 +34811 +26007 +31431 +17899 +13694 +25173 +12458 +4869 +15963 +7964 +69 +42748 +22809 +16586 +41095 +5316 +37314 +21367 +17980 +10432 +842 +3506 +32698 +43019 +6349 +25501 +8811 +42189 +6660 +34070 +1265 +550 +32453 +31701 +28724 +22636 +24573 +1066 +15463 +20056 +18914 +6545 +14992 +6080 +36781 +17179 +26292 +16815 +1549 +25640 +19288 +28973 +39260 +7768 +5089 +233 +27786 +38507 +13372 +21067 +29298 +4856 +23749 +7434 +5969 +29874 +18636 +40002 +42521 +31532 +3032 +19082 +23692 +963 +20055 +36900 +8970 +31919 +24764 +8691 +1720 +7155 +12719 +15523 +12104 +38844 +40977 +30580 +2717 +42897 +36875 +4577 +39989 +37441 +19834 +1141 +22850 +18039 +30984 +34452 +3327 +37745 +22487 +36592 +22596 +33091 +19363 +20796 +6312 +3928 +523 +23328 +35843 +1456 +33434 +17984 +5027 +32039 +10889 +6384 +30358 +2992 +3038 +9379 +22103 +24346 +15854 +24108 +18760 +41029 +20102 +18577 +5917 +34730 +14723 +6054 +15592 +5595 +14652 +39443 +18703 +26670 +29948 +22098 +7254 +22227 +10505 +10192 +15744 +31366 +9712 +41659 +22864 +3990 +36484 +31473 +4944 +4505 +33912 +36751 +21575 +20375 +41954 +38984 +3515 +38065 +20117 +34036 +15111 +2141 +22680 +18176 +7648 +13499 +16203 +32683 +21746 +31519 +1147 +19665 +29638 +28785 +29189 +27457 +15143 +30408 +15340 +3089 +4128 +31743 +36385 +27747 +29660 +39510 +34923 +10396 +10257 +37041 +32436 +27458 +15132 +36515 +21008 +2174 +6840 +18388 +6847 +11932 +31498 +17908 +30744 +43271 +9015 +21622 +24325 +9613 +20630 +38708 +33891 +17943 +5829 +12467 +8698 +16185 +25961 +37128 +5820 +27936 +987 +12769 +12388 +37888 +23292 +32645 +20247 +6931 +13461 +40486 +10172 +6128 +30144 +23610 +10337 +29363 +27456 +19618 +20741 +18871 +31457 +29374 +13767 +38318 +38107 +32839 +16882 +40532 +27208 +35047 +27796 +19748 +26219 +17490 +4170 +5921 +42583 +26215 +36423 +1258 +27576 +38258 +35552 +21006 +8823 +8239 +41884 +6437 +2193 +8383 +11470 +12887 +9840 +25951 +12623 +10489 +7624 +22246 +6905 +5500 +37393 +10644 +8927 +36160 +30536 +738 +31912 +39979 +40706 +7792 +35974 +8283 +40256 +25845 +30226 +5320 +14640 +22077 +32711 +7775 +17042 +9242 +38420 +28648 +1523 +542 +6265 +9454 +12958 +18286 +29983 +34069 +4628 +39013 +10895 +9426 +9183 +18001 +26898 +1628 +9642 +35876 +16156 +6198 +37302 +23739 +13789 +12239 +23232 +414 +18860 +30614 +18578 +33512 +40466 +33819 +12008 +26463 +7099 +16424 +40888 +28742 +15539 +1009 +15152 +15243 +38415 +37932 +37287 +33959 +19183 +13765 +34888 +21995 +26774 +28914 +7405 +41940 +18287 +4890 +32827 +18106 +21083 +28537 +31817 +11379 +14750 +26313 +15167 +9813 +30542 +16906 +34525 +21754 +43360 +27294 +22389 +35236 +23153 +36348 +40282 +33132 +40741 +1996 +8276 +34477 +24159 +21909 +34878 +397 +19389 +32490 +1553 +13353 +14331 +6020 +18631 +41406 +5108 +39595 +35589 +30716 +20121 +16789 +11534 +30213 +42087 +5148 +20272 +21852 +14106 +40663 +34916 +27043 +24437 +18221 +2145 +21573 +11046 +19595 +18898 +7213 +7534 +21621 +17569 +14795 +37909 +19049 +7793 +5909 +28836 +40394 +39472 +36789 +4327 +7921 +39914 +31013 +26064 +16352 +25318 +28149 +21497 +39581 +43189 +42489 +2711 +32130 +15217 +4262 +13600 +4300 +8191 +34282 +26608 +32513 +16876 +20251 +22512 +15074 +36697 +21389 +10279 +17657 +24047 +998 +4274 +41657 +22137 +14459 +35939 +922 +2373 +23638 +24677 +17709 +35246 +41540 +31681 +26652 +16793 +21146 +14828 +19810 +7554 +13754 +21313 +40120 +5896 +11529 +5343 +10158 +8501 +18020 +8864 +15470 +39372 +30439 +29077 +2924 +39318 +43352 +7600 +14525 +5888 +6485 +31514 +21977 +11156 +5543 +22341 +4197 +25548 +32274 +11730 +20133 +29052 +17607 +2289 +33882 +33688 +39794 +41853 +7878 +5487 +27717 +18804 +13976 +16912 +30605 +22242 +7619 +22462 +23428 +4015 +26479 +22252 +5857 +30622 +41767 +31652 +22129 +38600 +34278 +18657 +30710 +36062 +38552 +34915 +9121 +5145 +14708 +2189 +15886 +15027 +30957 +25714 +3172 +19668 +16088 +20319 +2670 +17326 +7926 +21576 +11388 +34353 +32009 +23118 +24523 +22902 +30228 +339 +7541 +18765 +43249 +12680 +37402 +26252 +28092 +35534 +39783 +33619 +3347 +258 +15605 +25177 +17461 +34346 +25885 +37096 +1233 +43194 +23580 +303 +27649 +37198 +10639 +11291 +13179 +1244 +4936 +10965 +33065 +32205 +28014 +34893 +39099 +24448 +26901 +29712 +39383 +3288 +18702 +38191 +24034 +33055 +14662 +40924 +33514 +994 +31742 +737 +37324 +6731 +19328 +22132 +42805 +17360 +21468 +4556 +37721 +4184 +27186 +5202 +5209 +15456 +14776 +41845 +25187 +23957 +3257 +22284 +13491 +25681 +38389 +16689 +4198 +21836 +24618 +36082 +1162 +24201 +29872 +16888 +30348 +33709 +27918 +41293 +2994 +26477 +19240 +22028 +38951 +18 +29752 +17458 +19490 +24829 +22239 +12917 +33185 +33803 +15235 +34596 +4947 +5198 +6209 +32309 +34258 +17391 +37077 +24102 +26381 +4838 +14468 +38842 +8856 +26183 +26760 +26967 +6019 +3095 +39160 +32973 +39113 +22352 +41159 +10926 +28139 +8783 +12291 +27362 +35703 +39752 +7165 +39242 +41190 +41309 +21075 +39219 +1701 +20586 +30790 +37148 +25121 +33776 +36729 +37727 +13041 +37685 +41505 +20744 +17442 +13759 +1915 +26819 +33772 +15425 +26561 +2237 +14497 +33505 +40902 +43061 +15008 +19634 +21586 +18603 +29477 +34053 +35454 +22640 +38506 +31776 +5180 +3921 +13475 +40737 +2813 +9947 +4802 +6350 +30002 +20712 +19483 +29054 +3333 +34594 +1753 +42517 +20177 +24381 +17764 +28861 +17170 +33374 +29413 +10223 +20322 +35652 +37151 +38370 +10327 +3744 +38863 +4060 +5161 +30410 +41507 +5615 +27310 +14492 +32321 +5098 +35453 +4116 +30757 +36667 +11246 +9867 +37135 +24182 +19312 +10868 +10449 +40396 +19362 +27974 +41073 +41361 +18375 +15945 +25374 +40144 +7998 +30855 +15566 +42570 +5675 +10145 +23938 +31066 +31827 +2759 +4734 +12482 +18356 +25712 +23805 +7806 +39626 +14039 +30270 +9798 +35666 +9991 +2594 +10531 +6880 +42271 +630 +13901 +9348 +21282 +19453 +9954 +5765 +39096 +36130 +7222 +31073 +21433 +19880 +40101 +42100 +22215 +1678 +39792 +19125 +23733 +33180 +30907 +4175 +31824 +31285 +6425 +32377 +11590 +42313 +4225 +19436 +6232 +3017 +14817 +40458 +31896 +31955 +17937 +12124 +21461 +35931 +22102 +34928 +36413 +36765 +21833 +4929 +4533 +3987 +35659 +7766 +10968 +10437 +2920 +13786 +13703 +26487 +2093 +31192 +37420 +17187 +26870 +9696 +33276 +42860 +27328 +20403 +263 +29318 +29676 +36757 +6963 +14576 +12685 +668 +39252 +31167 +30423 +25256 +40720 +5034 +27618 +6882 +2349 +21722 +13156 +39902 +19845 +34555 +6669 +14803 +16534 +34106 +13119 +18571 +11315 +43112 +22916 +4481 +8458 +33748 +34532 +10034 +11892 +33107 +29055 +1349 +6022 +33289 +11625 +24276 +3534 +17505 +40469 +4819 +14025 +11472 +34370 +40372 +2067 +5273 +5165 +15155 +32094 +25770 +27383 +32703 +42847 +6581 +28827 +35919 +37945 +31302 +3535 +324 +31638 +41843 +34131 +13317 +42204 +10320 +1119 +15355 +12070 +9743 +10817 +36584 +27082 +24984 +29324 +40558 +40232 +14475 +21868 +27257 +5192 +26456 +203 +26449 +25834 +14001 +10338 +29601 +4135 +10502 +24069 +30413 +16979 +38082 +32549 +27348 +31637 +16435 +19095 +29038 +14078 +39282 +20808 +18903 +36508 +38679 +27289 +3995 +42042 +37534 +9782 +39708 +36414 +37444 +32763 +1951 +13599 +38223 +33715 +31567 +17460 +7154 +29072 +14679 +32391 +42040 +40087 +35775 +32689 +36455 +30278 +929 +9623 +35363 +11635 +29166 +18252 +19130 +5907 +27531 +25836 +11570 +39429 +12421 +34932 +27824 +42244 +12645 +21744 +6181 +3296 +17206 +35558 +4183 +40975 +357 +28845 +20003 +8573 +34177 +3144 +11504 +16828 +12350 +22035 +21072 +11639 +31078 +40162 +20923 +12803 +9528 +31541 +7656 +14886 +22040 +42160 +12566 +41744 +27230 +8738 +19736 +7240 +9082 +39924 +7287 +31604 +25291 +10511 +17368 +1532 +39027 +15670 +1794 +18978 +23774 +21954 +1723 +34885 +1984 +15359 +14701 +5823 +42660 +2142 +29010 +36643 +37275 +34798 +5873 +11799 +24873 +21681 +40648 +42243 +6961 +18621 +38727 +473 +15372 +14837 +29947 +33140 +21672 +37174 +37866 +22346 +10021 +23131 +41105 +29564 +35328 +5499 +39795 +10934 +31818 +41956 +26980 +39785 +20628 +14953 +20678 +25232 +24033 +20694 +1534 +35961 +11304 +25061 +10923 +42924 +36723 +25253 +16732 +16634 +12867 +19296 +19878 +13183 +12007 +4357 +17281 +18410 +16290 +18007 +35509 +26888 +26045 +36653 +10880 +26546 +14929 +41603 +38784 +40368 +33422 +2922 +33900 +4371 +28375 +41840 +37144 +18471 +23697 +36231 +23664 +39347 +43313 +7342 +37900 +14000 +6076 +15562 +32826 +4011 +9591 +28731 +39111 +16026 +17813 +30455 +31430 +3501 +23875 +1338 +26943 +24904 +18345 +20022 +23488 +13882 +26929 +43148 +22306 +34279 +5304 +24814 +24862 +15852 +12073 +23685 +42406 +39886 +20262 +26932 +26782 +20506 +38929 +5504 +3425 +2832 +4882 +40324 +35994 +40463 +7639 +9051 +12903 +18516 +4778 +22321 +24770 +10503 +42811 +19083 +7375 +40297 +10636 +980 +19959 +31546 +14061 +20382 +42812 +610 +38199 +38517 +26927 +7429 +20722 +39722 +30140 +14832 +27031 +15052 +25568 +2336 +5526 +32158 +39589 +31946 +37575 +23400 +5277 +3434 +7223 +6066 +35290 +23669 +11740 +19698 +40777 +38315 +11551 +40416 +4727 +5981 +10343 +34668 +11394 +32582 +29297 +34420 +22377 +25323 +18646 +38647 +32655 +18362 +35567 +34774 +39063 +7020 +30803 +15159 +15106 +26938 +4847 +11310 +37598 +20305 +29863 +42648 +28572 +15760 +9830 +35605 +10426 +29461 +43111 +37483 +22569 +2506 +16512 +33798 +30508 +38995 +13118 +13485 +25825 +34325 +17023 +387 +2216 +21283 +35331 +37962 +20352 +6034 +16951 +26570 +22061 +16100 +1161 +43239 +26745 +30679 +16807 +17478 +215 +24140 +21469 +43256 +10572 +25362 +35896 +8410 +29037 +42398 +39077 +23744 +33488 +14224 +23845 +29405 +12942 +11357 +30025 +17722 +33218 +7913 +5160 +35505 +6911 +20017 +28716 +23067 +38057 +7244 +11608 +1722 +11232 +35603 +17972 +34654 +38310 +20369 +42541 +23498 +522 +16848 +41226 +18361 +43041 +40831 +12387 +37728 +36636 +37697 +37931 +22247 +37364 +21128 +25595 +21316 +12447 +12247 +37602 +33975 +3620 +36603 +17577 +22852 +43350 +13764 +18904 +24993 +716 +42787 +40519 +35545 +3479 +8482 +29294 +3041 +23631 +25459 +40562 +28697 +15222 +23578 +8875 +14977 +28424 +27794 +35273 +23711 +2510 +25920 +6846 +39000 +11966 +11708 +32559 +26706 +11132 +28881 +2910 +2718 +41516 +12697 +24468 +36819 +3966 +4467 +5275 +30718 +4679 +12357 +765 +31565 +38624 +7156 +41648 +11351 +28532 +15516 +35134 +38704 +9883 +31755 +11266 +32413 +38501 +33930 +13561 +38441 +204 +26799 +35462 +31685 +42568 +16711 +6510 +20152 +39221 +11813 +29504 +5203 +30525 +5866 +11419 +40827 +251 +12919 +42614 +39463 +39061 +5934 +31727 +26933 +40028 +9126 +15509 +36962 +38346 +20491 +20862 +16418 +8805 +3635 +33658 +40213 +37018 +28303 +30977 +26050 +39968 +22300 +24802 +7481 +32878 +32686 +5001 +13806 +42297 +14719 +15809 +22109 +42414 +5834 +33914 +24482 +37448 +29803 +1799 +29422 +29029 +7360 +17251 +25877 +39941 +34688 +28360 +28755 +42532 +41313 +20052 +18403 +147 +24704 +32539 +11732 +20331 +16618 +1275 +27583 +40669 +32149 +6659 +4139 +15214 +27947 +34661 +3796 +22417 +28412 +37059 +12390 +2304 +34808 +13083 +18164 +16869 +37416 +41166 +19499 +37509 +36745 +26910 +5387 +14445 +33566 +1732 +32154 +11822 +41810 +37836 +26801 +7713 +3450 +33486 +8459 +28181 +31136 +40233 +41022 +33751 +24591 +14304 +7772 +11368 +17378 +25764 +8132 +42649 +5989 +29831 +19470 +5608 +4705 +21158 +41274 +20757 +13602 +19290 +22316 +28671 +27741 +20390 +21560 +17623 +8480 +25509 +30677 +42594 +24534 +17840 +26450 +35332 +32178 +17959 +10677 +1080 +41233 +928 +36705 +11234 +15777 +8042 +5581 +4611 +27585 +1441 +27695 +36325 +13364 +1640 +21976 +43382 +29100 +8725 +11036 +40122 +5322 +42636 +23098 +23770 +31815 +1205 +26316 +10863 +29891 +11047 +4236 +11002 +27058 +37158 +4364 +917 +31615 +3118 +25822 +2556 +3873 +30945 +30654 +8109 +21002 +13733 +19537 +17707 +5583 +8845 +32714 +25695 +13657 +2206 +16482 +11992 +12364 +2024 +86 +18179 +14093 +39228 +19914 +29001 +1914 +35942 +3153 +16320 +15120 +2784 +9803 +30702 +19747 +39019 +30859 +13087 +4055 +43247 +36441 +17119 +20326 +31789 +17118 +28470 +38349 +30897 +2740 +17276 +23799 +32680 +1607 +30972 +30496 +33985 +39764 +4343 +23958 +11449 +6083 +14924 +41901 +23887 +29786 +23429 +15078 +2094 +27345 +31697 +17868 +11164 +34814 +27422 +30868 +16032 +24888 +24205 +26063 +24010 +10295 +16864 +3967 +26405 +8293 +41938 +12971 +27480 +22396 +17333 +31690 +20594 +33589 +947 +24934 +7383 +11429 +20662 +1510 +17457 +33824 +27958 +20692 +22725 +118 +7708 +17124 +39399 +12106 +22260 +11905 +25678 +41045 +21604 +21958 +18248 +20582 +27549 +29326 +17799 +3930 +1569 +34105 +5266 +37511 +14591 +1958 +35650 +413 +19679 +11182 +18363 +5278 +21451 +20456 +29502 +24541 +15029 +5039 +27852 +4399 +19991 +42463 +36618 +25976 +5223 +6377 +8051 +35811 +20665 +10240 +42126 +39114 +36950 +28202 +186 +19320 +27095 +38193 +1627 +37015 +1444 +39187 +22858 +19556 +19979 +726 +13811 +40969 +38464 +35138 +34775 +14482 +431 +26997 +20559 +25069 +2017 +7678 +21382 +21739 +31447 +31214 +11341 +35760 +12766 +2750 +40456 +33633 +11754 +11804 +34760 +14204 +24238 +23298 +30060 +2983 +28624 +39788 +3736 +40503 +41758 +13276 +33252 +32607 +39377 +3445 +10580 +15947 +19416 +42322 +26256 +30490 +5428 +28623 +21336 +32294 +41962 +38239 +22158 +25056 +17529 +31786 +27134 +24343 +13921 +37497 +40047 +23658 +28026 +20738 +43188 +21618 +20599 +12969 +10761 +23560 +42288 +12250 +20648 +24192 +36058 +15753 +26671 +4038 +34058 +39628 +39102 +42985 +24438 +7838 +38030 +6989 +28544 +17618 +20563 +12984 +11393 +21123 +16407 +32636 +15093 +27395 +15899 +37204 +17598 +33324 +22136 +29700 +14670 +17971 +30385 +29322 +21862 +37949 +8750 +9580 +2296 +4807 +8255 +25178 +15370 +35341 +1203 +11121 +23888 +3022 +13753 +20253 +27996 +36471 +23133 +27215 +36624 +40376 +9779 +13339 +31634 +34422 +31779 +26090 +16299 +1175 +18050 +10777 +5234 +20237 +21458 +21193 +3894 +35266 +37187 +39903 +41350 +21350 +28729 +21267 +2293 +26638 +20818 +25138 +2938 +13020 +1270 +19081 +21476 +39278 +16398 +43031 +41043 +6046 +9656 +41676 +19815 +5247 +19656 +25882 +20827 +38823 +16399 +3771 +43174 +19041 +23859 +19921 +13153 +29209 +23601 +29804 +38467 +33069 +22753 +24654 +10793 +38209 +11329 +8668 +19856 +20707 +41775 +5673 +3047 +26187 +14933 +30920 +35968 +29545 +3835 +40264 +35530 +41567 +32599 +32766 +22856 +5762 +24846 +11297 +16331 +8313 +32236 +33032 +43329 +13615 +29892 +14784 +28434 +6844 +29970 +25612 +29337 +9308 +29418 +525 +12373 +1187 +32439 +1857 +40254 +33196 +24248 +42388 +28566 +22836 +38440 +20256 +28529 +11835 +36392 +37019 +6275 +42294 +11674 +38093 +15673 +26096 +40313 +10476 +25319 +34830 +24373 +34244 +35728 +9171 +7402 +14159 +24063 +33881 +40501 +32977 +34624 +12386 +8093 +42544 +13462 +9692 +27878 +12603 +35269 +26341 +22818 +35758 +32874 +22949 +28734 +2321 +30161 +26135 +11961 +14562 +29699 +29120 +24595 +4671 +22116 +22146 +35361 +6505 +21230 +4244 +30967 +18925 +32136 +21599 +29585 +16376 +31797 +6148 +34051 +4074 +2892 +12559 +11316 +12646 +20723 +39039 +21452 +28328 +16063 +20758 +1484 +32871 +13573 +25423 +38031 +41877 +36877 +25821 +18032 +33669 +39331 +40172 +38649 +19227 +21272 +29720 +2213 +36369 +10878 +4443 +28140 +7908 +15400 +40021 +9031 +17890 +20715 +24856 +32207 +42916 +19160 +21507 +19182 +11484 +29272 +36717 +31839 +21974 +43240 +16794 +16105 +28120 +26345 +28871 +2377 +14099 +21608 +9599 +5659 +23397 +1608 +1459 +23291 +27015 +20045 +16078 +23238 +18504 +1395 +6172 +17136 +13565 +6162 +10377 +29647 +35153 +25774 +31460 +16251 +34849 +12890 +21320 +30290 +6682 +24778 +28048 +36659 +34256 +2343 +27102 +26797 +17134 +33088 +5886 +39362 +6123 +40391 +6063 +20086 +39578 +5574 +16147 +37171 +23688 +14895 +29533 +24003 +28393 +3336 +33686 +24847 +25478 +14833 +7414 +40811 +39810 +16542 +12953 +29837 +9749 +5900 +5905 +35894 +19749 +33335 +15590 +8717 +17163 +42741 +16252 +12853 +171 +26631 +1680 +25367 +16247 +24350 +7601 +17504 +11180 +32469 +25189 +36242 +37576 +35063 +23410 +16478 +43051 +30026 +25103 +37528 +38502 +4994 +18626 +3105 +37296 +32336 +10939 +16614 +25638 +13178 +41778 +16143 +5474 +23265 +9033 +19567 +29773 +2205 +23018 +10789 +34799 +25665 +20934 +1166 +1462 +40830 +9090 +22476 +12198 +29731 +15895 +11026 +30846 +41060 +12049 +7712 +8526 +13689 +21778 +10319 +34623 +3539 +1156 +13614 +11514 +12263 +42490 +20318 +11101 +13029 +29339 +21691 +16816 +12640 +18614 +291 +13141 +28420 +23555 +20436 +38717 +22350 +6176 +38205 +28597 +35797 +25921 +28386 +25377 +26930 +2623 +23053 +15315 +38748 +15931 +2512 +8472 +17433 +36571 +20611 +34985 +29968 +40564 +40400 +19393 +22269 +30355 +4008 +32089 +38330 +38633 +41894 +13748 +22055 +40575 +14315 +29611 +7684 +13738 +7574 +13617 +31180 +39613 +942 +34078 +14694 +31345 +596 +2066 +1282 +26966 +8119 +17825 +27521 +29870 +11081 +20706 +3822 +1808 +27874 +26211 +1212 +10822 +27943 +37408 +26627 +15702 +1385 +20023 +13182 +20311 +9959 +36870 +21361 +20664 +14054 +28233 +39872 +16913 +27306 +32368 +36322 +20964 +10265 +380 +149 +8974 +27568 +17721 +361 +5128 +10111 +11186 +5812 +22495 +9041 +11542 +2036 +2479 +16752 +3406 +29236 +38614 +36647 +5935 +15829 +21693 +26773 +19863 +6709 +6489 +840 +32107 +24456 +29258 +33563 +8493 +8791 +6677 +23286 +19609 +2286 +14952 +19752 +27870 +12514 +27258 +6965 +39293 +8029 +25666 +4909 +29781 +35069 +20922 +7467 +40876 +6070 +18429 +31147 +27470 +12647 +992 +42496 +24123 +9261 +11766 +30399 +12422 +2120 +18280 +40670 +20066 +29371 +22508 +27606 +42909 +17321 +11821 +24242 +38144 +42704 +19040 +1213 +10816 +16316 +17696 +3301 +41418 +19681 +18872 +36528 +29557 +38037 +10795 +38834 +42119 +26322 +38294 +37406 +18511 +14544 +11116 +36521 +7888 +41295 +9866 +13060 +39517 +9958 +42038 +2105 +25710 +36564 +2403 +30550 +30262 +14174 +24054 +6809 +29541 +6375 +35010 +32074 +36323 +12463 +20647 +18131 +12040 +4916 +13231 +9620 +10628 +36549 +21740 +38676 +39922 +6221 +15202 +20168 +25648 +17663 +38616 +31472 +41286 +35583 +11262 +36473 +34212 +17950 +26370 +3944 +18360 +40323 +41501 +24672 +1978 +23427 +3962 +41961 +37813 +14447 +13911 +39458 +16713 +3495 +41360 +23678 +3484 +40791 +13486 +8680 +18749 +22584 +16935 +36200 +15975 +23444 +4741 +23288 +3279 +37616 +35503 +41614 +5186 +5774 +24028 +28486 +5793 +33095 +13342 +41499 +4034 +17672 +32210 +39546 +39853 +30693 +39496 +18542 +18716 +22369 +7180 +6138 +32228 +18851 +5719 +8810 +31800 +31183 +2951 +10919 +25330 +30649 +20959 +4619 +30544 +22452 +7095 +27972 +29937 +2381 +21536 +34135 +11840 +18570 +36719 +205 +43074 +9264 +32517 +23138 +35415 +33010 +18876 +19260 +30405 +13198 +32190 +25716 +15718 +15405 +17747 +42915 +28115 +6681 +6954 +28433 +36127 +33977 +34962 +25176 +22144 +9689 +27052 +32314 +21030 +7790 +2155 +7562 +17215 +8298 +14407 +32168 +1580 +41488 +832 +10444 +33373 +9800 +37264 +24871 +22363 +5681 +25512 +17158 +15699 +8733 +34592 +6157 +34639 +28435 +34527 +11891 +31135 +12314 +7201 +33431 +14954 +36142 +4742 +13835 +30934 +14479 +14752 +11640 +7643 +29933 +11005 +5359 +25604 +23001 +20428 +41643 +4311 +19390 +36449 +4483 +24678 +8954 +9282 +23243 +12814 +6492 +40550 +15894 +9542 +22163 +2801 +152 +2737 +7080 +16095 +18772 +2586 +24014 +7841 +22313 +11045 +31160 +41121 +25280 +17808 +8646 +29834 +10068 +6737 +39471 +23670 +35068 +10349 +26607 +38638 +42753 +30397 +11305 +2064 +166 +11083 +41729 +39419 +1157 +23679 +29027 +13313 +9643 +34426 +11747 +19079 +7373 +6783 +16938 +12103 +19770 +35754 +5742 +41747 +13998 +6820 +19121 +26970 +31792 +26130 +27242 +21357 +38130 +4301 +42694 +628 +9870 +40933 +42896 +27933 +23183 +31770 +17227 +32660 +687 +31813 +10129 +34026 +12423 +15893 +34841 +24455 +25556 +27975 +38672 +28293 +10307 +8460 +17077 +21233 +8917 +27609 +1618 +1196 +35571 +1360 +33640 +42314 +16015 +2730 +6241 +11855 +2431 +26577 +21209 +18045 +35250 +24853 +20695 +7004 +4361 +2001 +14741 +297 +273 +11762 +6902 +39808 +20299 +15568 +12201 +21039 +30762 +7363 +14309 +40097 +2406 +23695 +22222 +22582 +7089 +43102 +10996 +23026 +35104 +6778 +2684 +31091 +7237 +34484 +40430 +14274 +24410 +27839 +22446 +19715 +24965 +27061 +21501 +14355 +23501 +17207 +36830 +30738 +19541 +7208 +29141 +835 +15793 +19157 +32520 +32663 +11620 +6891 +6103 +32664 +13936 +32284 +9806 +9894 +13564 +19768 +39923 +11420 +42326 +1827 +17967 +4926 +32365 +25837 +9019 +29257 +3951 +13678 +13463 +32287 +12067 +103 +3304 +15182 +18940 +13905 +3841 +13218 +1726 +22191 +19524 +24782 +6522 +7952 +35208 +34123 +10438 +42391 +20549 +35234 +16229 +24295 +42789 +25599 +41139 +7764 +6668 +41120 +42804 +17307 +30671 +23604 +19361 +41575 +42855 +36452 +29783 +19807 +21805 +5741 +23934 +40928 +2672 +12625 +42077 +1245 +8377 +15113 +33119 +34068 +41272 +38814 +18047 +16799 +42499 +19739 +2785 +32010 +5650 +32216 +34818 +8345 +10392 +36726 +29594 +34414 +17989 +8942 +20791 +36685 +174 +39866 +41390 +10099 +28521 +39563 +9582 +1518 +16133 +24538 +14780 +1712 +8145 +8173 +39110 +7962 +18043 +14279 +3560 +2990 +30942 +5389 +15937 +30939 +20832 +27643 +26675 +2209 +23682 +8455 +30880 +17300 +5300 +26505 +18845 +24574 +20070 +19317 +25925 +37505 +34182 +6764 +29830 +36812 +8806 +31958 +3654 +15305 +19561 +31943 +36432 +19435 +32152 +35955 +13177 +10594 +22832 +35671 +17108 +10058 +28893 +26432 +20285 +1747 +35476 +35831 +11332 +6612 +30459 +5780 +31051 +16961 +10843 +14211 +39964 +23044 +580 +13434 +6337 +3566 +30330 +15045 +16946 +43337 +11643 +38773 +29034 +7018 +31410 +24509 +17005 +3774 +30822 +38071 +2697 +29291 +40967 +39904 +35736 +40795 +28128 +15374 +2132 +13873 +42293 +8358 +41984 +25023 +1079 +19351 +40125 +10138 +36898 +18055 +25082 +12788 +5394 +25626 +36478 +38797 +16259 +25255 +21000 +14749 +28306 +37846 +11425 +20112 +20463 +40003 +2275 +33432 +11984 +26908 +14848 +15404 +38781 +36106 +3246 +2653 +41688 +41881 +40932 +17794 +27285 +23920 +38530 +23928 +31470 +38079 +10033 +6261 +31384 +17337 +19497 +19058 +9398 +9196 +1457 +1824 +28528 +3955 +31399 +21723 +38901 +27494 +26228 +13818 +21051 +30016 +24682 +21876 +30537 +15410 +30965 +18004 +25237 +34919 +15033 +16914 +29591 +41164 +39736 +11349 +32565 +12976 +19597 +35326 +42075 +12099 +15115 +2593 +12994 +28922 +12582 +40854 +4835 +23405 +28280 +25281 +17872 +31593 +42230 +4199 +35425 +18130 +23224 +6316 +26621 +21271 +36916 +43277 +21830 +13238 +27631 +7372 +33925 +12512 +26951 +32928 +37109 +18634 +25214 +14049 +29828 +5749 +11376 +31629 +28553 +29686 +40392 +40205 +4780 +10425 +10721 +30511 +24073 +17465 +19073 +11933 +37459 +25366 +29629 +8229 +38246 +30360 +5217 +28194 +23874 +31791 +32933 +26836 +7500 +8538 +24772 +41391 +41800 +28934 +26765 +30264 +21426 +41149 +24864 +6524 +3823 +26375 +35016 +3360 +34615 +32639 +21005 +32334 +27466 +41673 +14862 +7816 +22415 +35229 +29982 +39569 +26504 +40727 +11365 +25689 +30930 +23666 +5069 +11243 +5066 +175 +717 +43178 +16969 +26184 +24008 +32506 +26885 +5856 +25352 +24460 +8195 +39697 +6920 +25622 +4730 +3915 +11461 +41061 +10519 +32920 +36234 +29119 +28185 +32600 +32989 +15667 +35410 +6017 +34179 +16304 +39356 +13138 +42397 +3464 +36081 +1463 +24605 +36334 +33800 +24582 +33611 +6773 +9589 +29689 +30466 +5759 +31458 +39948 +26412 +31843 +27986 +38658 +33264 +14627 +6800 +6985 +28790 +40051 +21896 +13054 +19301 +13418 +37231 +29728 +35491 +9225 +12611 +30365 +12563 +8422 +24866 +33610 +17887 +18331 +37720 +6101 +24728 +37270 +11785 +15563 +8908 +39781 +32793 +27130 +33321 +6235 +8761 +31659 +9491 +5976 +30548 +40812 +7795 +42153 +7101 +25565 +13427 +8739 +31272 +33535 +30075 +8802 +8061 +12081 +36531 +23161 +26556 +13053 +35195 +33778 +38928 +26186 +5744 +4683 +10975 +26355 +18838 +26206 +39239 +38045 +19094 +40174 +19950 +32397 +37565 +19855 +23904 +6112 +17086 +20258 +10267 +11311 +42754 +5169 +27791 +21571 +14177 +34755 +17614 +34185 +19814 +27552 +30931 +39277 +7871 +34851 +16810 +36375 +11371 +42380 +30958 +3248 +35271 +24480 +37413 +220 +30595 +27007 +3550 +11126 +31821 +41665 +33804 +10237 +20293 +5546 +34403 +9017 +41837 +42545 +36434 +15317 +4489 +41420 +2608 +11373 +5334 +3912 +7083 +2605 +40061 +10680 +33128 +17388 +15028 +8290 +13047 +27189 +32742 +11412 +35785 +18629 +43133 +31007 +34311 +41377 +24447 +33917 +30059 +4598 +18735 +35413 +22598 +7844 +28713 +9681 +27558 +25029 +35637 +28526 +16931 +3003 +12377 +15853 +17988 +30976 +18637 +27598 +3204 +16952 +39878 +156 +24679 +38052 +33700 +7640 +38484 +35991 +37998 +43150 +33163 +10411 +40646 +11223 +17324 +39459 +30138 +42794 +24539 +35972 +24987 +16094 +23933 +42857 +14466 +5809 +22893 +36500 +12857 +25968 +6811 +9122 +25839 +19805 +24787 +3847 +7450 +31393 +35958 +21997 +36856 +24454 +13011 +41461 +14252 +7279 +38406 +28613 +29764 +7557 +6355 +39743 +13837 +38969 +9411 +22838 +29289 +4676 +35031 +25953 +13943 +28467 +17096 +28444 +26931 +8706 +12233 +29112 +12226 +17283 +22848 +34609 +5029 +1251 +33106 +27983 +37613 +6841 +30013 +23872 +12738 +37747 +26950 +11857 +15267 +23691 +32745 +29692 +9434 +18836 +43142 +33081 +37626 +12888 +9628 +36910 +39662 +29246 +24929 +3925 +27642 +1448 +3911 +40330 +18783 +26831 +35651 +32859 +8199 +38347 +4339 +27657 +1763 +30789 +37941 +27351 +521 +20727 +28708 +7312 +22803 +8295 +6028 +18062 +39976 +4252 +38070 +8587 +28464 +14160 +43029 +14389 +43307 +42327 +32373 +39274 +30887 +42138 +42582 +42745 +25425 +16388 +30218 +23721 +16463 +40112 +42386 +14462 +24479 +10808 +4719 +18257 +2075 +13332 +34375 +40651 +24185 +41222 +12820 +14396 +9631 +3419 +6943 +7013 +16279 +25182 +132 +40245 +1315 +37012 +27029 +35895 +9722 +31525 +40050 +29975 +11337 +21839 +1126 +41189 +16237 +28929 +296 +27037 +27319 +1033 +16918 +21484 +36650 +18662 +660 +19346 +1842 +18785 +14947 +27591 +10406 +38363 +28405 +28261 +16449 +6466 +37947 +20687 +6447 +17927 +24318 +24800 +14799 +40799 +6637 +42290 +11728 +6048 +11455 +17597 +35267 +41362 +38157 +13325 +34231 +22119 +23156 +14555 +2227 +28081 +37989 +4020 +37922 +37001 +4852 +34612 +36342 +30668 +42446 +37098 +4905 +28392 +34996 +24134 +562 +12231 +13509 +24569 +28193 +21106 +29000 +20441 +35162 +22303 +18789 +31067 +12912 +11820 +27448 +28436 +12701 +23248 +33358 +33648 +27274 +6936 +4967 +16154 +41223 +35604 +41613 +38243 +27392 +13548 +9080 +36784 +1019 +7400 +31704 +34973 +17237 +41163 +30302 +9453 +14831 +43377 +3073 +39487 +705 +17000 +10763 +21183 +25709 +28387 +5061 +2483 +29949 +19349 +43052 +21155 +33679 +28216 +18654 +14404 +1649 +10911 +7589 +16226 +16188 +38930 +31190 +22483 +35144 +35542 +9086 +17336 +29501 +43344 +960 +34821 +35086 +28095 +37164 +26195 +14421 +27103 +3565 +27736 +38722 +26688 +35186 +27446 +19487 +2029 +41001 +42621 +26378 +9593 +111 +3205 +17299 +10951 +34691 +24693 +16409 +24398 +19372 +28933 +6735 +23677 +9648 +9410 +37468 +32533 +31445 +9278 +43213 +41672 +10323 +3964 +34828 +31767 +42103 +23030 +6504 +27579 +18784 +30624 +31692 +28051 +38990 +21312 +31421 +17936 +37167 +5393 +9730 +42258 +9202 +36462 +14335 +30125 +12206 +3393 +563 +16123 +5975 +40976 +18326 +41271 +32422 +21150 +18425 +9277 +9201 +3556 +38476 +6105 +41509 +22774 +36296 +21126 +19695 +24297 +43396 +27834 +18152 +20543 +27887 +2086 +12086 +21113 +13605 +7847 +5942 +33999 +36378 +30194 +17264 +41379 +35638 +34155 +29634 +23276 +12406 +3258 +14031 +24709 +18475 +10989 +37592 +3518 +17354 +34038 +6912 +24967 +15112 +38139 +13784 +27460 +12429 +42246 +30869 +28573 +29084 +33371 +8256 +22720 +28574 +37162 +22627 +22950 +26738 +12635 +22384 +26231 +39654 +25143 +2480 +12042 +22135 +9592 +8531 +15709 +7919 +42617 +7457 +14294 +17605 +5368 +28127 +27246 +37115 +35207 +1522 +14052 +22956 +30885 +11318 +5755 +1073 +33345 +39382 +13744 +7407 +33760 +36777 +1207 +10441 +31907 +22946 +10758 +34912 +27559 +28050 +19850 +28175 +38812 +38544 +12382 +24164 +2864 +13454 +2959 +9527 +23786 +2601 +3938 +21831 +27740 +33887 +34983 +41879 +19110 +33044 +2255 +20737 +7731 +21857 +35985 +28034 +6536 +32271 +11956 +1682 +42744 +19599 +2525 +10056 +40107 +22655 +21570 +3183 +10463 +30747 +5594 +4187 +22975 +15507 +4359 +35624 +26973 +16471 +30817 +30445 +27360 +24554 +39884 +18605 +34091 +25199 +19045 +18679 +18775 +36644 +39523 +10805 +35540 +7702 +8355 +30435 +25934 +28153 +26830 +19919 +8090 +27612 +32153 +19332 +12021 +776 +7627 +8718 +16781 +15017 +28883 +18303 +12266 +36067 +38359 +40308 +16847 +15751 +25602 +15399 +36578 +31418 +861 +39661 +33923 +42485 +33671 +9676 +25221 +16018 +4743 +37378 +42194 +26676 +34752 +36746 +34224 +26323 +35826 +2161 +21284 +34562 +11440 +13417 +3610 +25929 +39191 +11222 +19181 +21025 +34887 +13740 +8915 +31282 +43163 +32300 +4016 +14721 +31643 +29316 +10562 +31071 +39174 +584 +8985 +16101 +9847 +14531 +30281 +28850 +7996 +16192 +7015 +30119 +13391 +24811 +21823 +33484 +3142 +31535 +17448 +14191 +32635 +37415 +9899 +25413 +22999 +655 +18863 +39335 +20529 +26921 +38073 +7117 +36182 +31037 +18921 +42447 +15880 +11768 +4465 +25406 +9320 +39263 +17729 +30530 +20649 +23539 +12892 +5077 +31368 +42254 +29474 +26445 +12613 +16803 +5622 +2551 +1850 +12001 +12972 +43113 +359 +26158 +1420 +42926 +30045 +38436 +22730 +37763 +7351 +4313 +27656 +24329 +24688 +21737 +21063 +10200 +21743 +35920 +29693 +25699 +14129 +19044 +9651 +63 +35907 +40007 +37075 +15905 +36837 +1613 +34761 +513 +41042 +25393 +12817 +16754 +33784 +1863 +9449 +23016 +25188 +30695 +5124 +2854 +24433 +30371 +33227 +11688 +26126 +27135 +7204 +25399 +13844 +23103 +12225 +22361 +20343 +40849 +37829 +42375 +38425 +31009 +25358 +37788 +37725 +12345 +29040 +9132 +32720 +4497 +31042 +18003 +16539 +17675 +1715 +13624 +33685 +23417 +42155 +42675 +33428 +40356 +28133 +33678 +17390 +9505 +12031 +18690 +25072 +35977 +38847 +37343 +13553 +2709 +29391 +37956 +30113 +39690 +21764 +25910 +2219 +20144 +31649 +18782 +7483 +1356 +13988 +35450 +15435 +12041 +39406 +31014 +43121 +16235 +39702 +21109 +23665 +24521 +9195 +33182 +14660 +38242 +21214 +2315 +16949 +4670 +6500 +18310 +878 +22587 +12885 +19994 +10041 +33609 +22802 +42889 +8425 +14365 +37815 +21194 +25497 +42190 +7102 +3473 +20810 +33246 +9002 +11294 +32393 +11636 +43193 +20970 +27851 +17370 +10667 +36163 +39734 +13850 +13068 +26934 +40693 +12152 +28207 +40106 +7021 +30470 +40371 +35412 +19496 +24875 +29618 +7728 +26232 +22086 +29491 +2861 +2192 +29505 +35600 +25790 +2615 +28313 +1859 +10549 +21972 +10477 +22777 +32943 +26289 +39068 +20940 +5221 +29215 +40475 +17167 +10988 +20180 +5026 +30333 +39211 +23603 +21086 +5598 +2096 +14275 +5251 +7166 +38396 +9154 +8528 +9062 +8429 +36320 +26535 +13991 +34219 +39036 +41389 +33668 +10064 +12376 +2851 +41449 +39509 +36562 +37834 +20349 +1741 +38202 +38268 +23352 +11697 +36494 +14511 +4001 +3544 +42167 +21684 +29149 +133 +40868 +16219 +39285 +42115 +21045 +28810 +35473 +27659 +16204 +18354 +8224 +10972 +11053 +2574 +26310 +11143 +869 +13757 +42396 +14968 +13021 +6109 +36833 +35439 +10726 +41852 +37422 +17411 +21766 +3957 +37642 +19817 +15208 +21241 +38003 +6726 +42542 +31129 +25028 +39455 +34071 +20108 +2363 +40248 +2461 +18317 +33956 +1191 +33987 +11408 +35044 +985 +9977 +26434 +5717 +6118 +16253 +23181 +33026 +25869 +18588 +32852 +28702 +2076 +11955 +4237 +28197 +38488 +19422 +11897 +35916 +2309 +20179 +9706 +19627 +39518 +22736 +6324 +6938 +8246 +12650 +41898 +29721 +30917 +10050 +19573 +18441 +14866 +17957 +21768 +81 +25257 +20376 +16408 +22395 +24619 +32232 +8463 +23081 +6288 +38175 +5724 +8628 +20098 +5553 +38324 +9052 +2011 +248 +12934 +32774 +19008 +29810 +38282 +28079 +34100 +15051 +29045 +20309 +1421 +8995 +36314 +5585 +42000 +2338 +10424 +23668 +17588 +42720 +21268 +41943 +34060 +21776 +2021 +1930 +13695 +41160 +2159 +41211 +39032 +27835 +31785 +6839 +33842 +42776 +14496 +11587 +904 +40445 +14002 +20007 +123 +23593 +30347 +14849 +17320 +40217 +9632 +11406 +4561 +37333 +26185 +13807 +28955 +21257 +14720 +11193 +12286 +28635 +7150 +5938 +1697 +28376 +28789 +29570 +4018 +18240 +11157 +10747 +36460 +20206 +37208 +16824 +7118 +24565 +16626 +12910 +8394 +13663 +15195 +27502 +6738 +28204 +17556 +8731 +7993 +6519 +3785 +41216 +4889 +6584 +31598 +42852 +42801 +10852 +40644 +8617 +37849 +36617 +41833 +24627 +1620 +40773 +20270 +18285 +19051 +5407 +5411 +15891 +4875 +41753 +17702 +2239 +8615 +30295 +9207 +57 +17996 +319 +23432 +14995 +14358 +31380 +4677 +20355 +11074 +5534 +23828 +11084 +24615 +24939 +17209 +27777 +29211 +19840 +17874 +41308 +41936 +14509 +24340 +38711 +39629 +23199 +22718 +25282 +11968 +30331 +10741 +4415 +35307 +38044 +19304 +25407 +23661 +12312 +6438 +6594 +16053 +42329 +25553 +18121 +6610 +12713 +38626 +41196 +4536 +5884 +15215 +8391 +28668 +38987 +21094 +23060 +20980 +42002 +39754 +5125 +4894 +33482 +30529 +18723 +10791 +24681 +27363 +7330 +8473 +7338 +41832 +13812 +16680 +28168 +39521 +12883 +41951 +1328 +16126 +20878 +20290 +24202 +39719 +25625 +8906 +39193 +33848 +30122 +15323 +7652 +38204 +28124 +39842 +4794 +23179 +18075 +36761 +40909 +14241 +34004 +5080 +11545 +3828 +24826 +24882 +15966 +40901 +10419 +43333 +19425 +13507 +30814 +429 +406 +9192 +42241 +10933 +19038 +21531 +22357 +7326 +7362 +21454 +4384 +25155 +8894 +36913 +29232 +1081 +39995 +31195 +25114 +20348 +11 +10714 +5075 +6037 +36267 +29043 +18291 +33236 +37527 +13983 +40195 +42289 +40958 +21299 +5106 +39830 +28860 +35172 +33713 +42470 +20213 +38521 +9861 +31359 +712 +25287 +26305 +22650 +11662 +11610 +36028 +14098 +7516 +25854 +20169 +3504 +40534 +18644 +6544 +14643 +32052 +27251 +22952 +11641 +29395 +29020 +21715 +39774 +36559 +23965 +38423 +2218 +39897 +18295 +35469 +25288 +29562 +36215 +35879 +538 +15528 +41465 +26878 +13881 +32054 +3907 +42975 +22425 +5016 +21813 +16368 +30307 +29727 +26685 +28263 +40176 +6962 +36512 +20997 +25125 +37906 +27154 +1403 +39139 +42482 +27702 +18759 +27888 +14604 +29855 +28440 +23809 +18943 +20146 +24616 +29083 +41242 +22895 +1631 +12185 +7454 +37279 +18320 +24940 +7111 +39707 +7185 +25741 +39157 +9430 +40209 +25033 +9872 +39580 +24199 +11823 +22907 +22756 +25584 +19593 +1130 +28692 +1241 +42644 +23202 +11776 +33443 +24884 +39329 +22561 +8812 +5799 +34114 +18076 +37240 +4600 +38994 +25815 +43154 +17736 +14725 +42157 +744 +778 +15225 +22548 +3067 +5962 +21290 +38228 +34294 +7778 +24473 +36862 +5388 +39943 +18975 +21615 +18502 +37723 +19958 +40900 +28891 +24850 +35370 +42577 +7974 +437 +11995 +27527 +40639 +25384 +18188 +3439 +21505 +442 +11913 +10372 +16180 +24414 +26752 +30363 +28981 +28855 +36797 +28618 +33793 +12870 +3549 +40618 +21644 +21929 +25443 +18442 +4123 +40420 +34127 +40263 +29621 +37486 +5335 +4218 +27580 +37161 +12634 +7218 +19092 +909 +23952 +26879 +30792 +32709 +40781 +29180 +4864 +17294 +10080 +10381 +37226 +24579 +42374 +3000 +33631 +34402 +14875 +24327 +40784 +28112 +39286 +27655 +30850 +37215 +31570 +43107 +14013 +32150 +14069 +9965 +29471 +20212 +7668 +14056 +3690 +1777 +20639 +8593 +17933 +10212 +31011 +14287 +3519 +21191 +5531 +8248 +17863 +30935 +1149 +9726 +36642 +25272 +1222 +6285 +8784 +34022 +26716 +27374 +40049 +29808 +14907 +18193 +8787 +22324 +27704 +19098 +17993 +39300 +30551 +41742 +8443 +7479 +41921 +16073 +4368 +33892 +935 +22917 +22817 +3215 +20616 +15439 +28737 +2624 +16214 +31409 +5047 +32760 +33043 +23942 +29875 +35501 +11601 +13886 +33896 +14185 +23630 +26961 +11521 +4744 +7031 +12737 +2495 +5050 +25722 +23242 +24649 +9206 +11258 +31244 +40898 +20281 +6131 +42178 +42321 +13267 +42548 +29276 +839 +36087 +11342 +17472 +37768 +19091 +11738 +4233 +7881 +38671 +36606 +40322 +609 +24375 +34575 +36518 +28107 +20901 +6450 +37731 +11088 +202 +745 +318 +32967 +3600 +19771 +35715 +34461 +38233 +18445 +19644 +8678 +42672 +39485 +9517 +43014 +29160 +30746 +5915 +41979 +34160 +32465 +20856 +6229 +11288 +9247 +3616 +15199 +7278 +18419 +20954 +43069 +4805 +5003 +22057 +35883 +23644 +4204 +22490 +27303 +24622 +40589 +26098 +30236 +3020 +12665 +22554 +3117 +2317 +17415 +40480 +2691 +5853 +34540 +13622 +30929 +12893 +6658 +4748 +1226 +16017 +7822 +7564 +31524 +22112 +40301 +33390 +2160 +12523 +17301 +26588 +32803 +17590 +32001 +21597 +23147 +41553 +8581 +8620 +1903 +39587 +11757 +37118 +24357 +6087 +19382 +20460 +9169 +19257 +1834 +3063 +12071 +31893 +36698 +6918 +2962 +27819 +16605 +21827 +29381 +26571 +23936 +15946 +36641 +24810 +209 +42781 +43022 +2452 +39220 +26743 +13429 +34815 +5207 +23148 +27757 +40687 +22767 +7814 +40757 +25901 +912 +39588 +30266 +28206 +29251 +21215 +1730 +24982 +25265 +18680 +41522 +3477 +31998 +29567 +8450 +36710 +707 +14333 +34382 +33762 +3948 +30950 +5844 +23189 +42514 +10007 +28753 +7159 +1384 +31760 +25097 +23206 +16604 +10813 +27541 +19068 +23061 +27368 +3819 +31382 +31110 +2836 +23541 +29427 +10475 +17123 +35714 +1776 +6741 +42562 +15669 +19166 +23648 +24717 +23605 +22728 +219 +26852 +7297 +35132 +18402 +28769 +14568 +8571 +34297 +5339 +25888 +11600 +20198 +32541 +14845 +12525 +37190 +24907 +13828 +32244 +8870 +23927 +41106 +28329 +3747 +40796 +13407 +14791 +35015 +41677 +23235 +5555 +2838 +2136 +2703 +43024 +40150 +42180 +9056 +41260 +22436 +12895 +22466 +9791 +18242 +9013 +25641 +24533 +25616 +25593 +1082 +27276 +42622 +30749 +12204 +34430 +35645 +28019 +39124 +173 +5997 +7258 +10243 +43007 +14199 +12332 +1087 +20561 +25266 +4157 +1676 +27991 +37917 +15378 +43254 +18136 +24784 +2752 +25223 +11654 +8912 +9288 +11235 +23000 +15336 +32459 +4099 +3742 +12054 +33320 +1343 +2002 +37764 +20201 +201 +2894 +19477 +20014 +27077 +28989 +6763 +30289 +20892 +18568 +41352 +39919 +5612 +2563 +822 +1784 +43354 +16940 +23192 +39259 +17815 +6623 +11937 +40266 +918 +16695 diff --git a/rule-vetting/data/tbi_pecarn/processed/meta_train.csv b/rule-vetting/data/tbi_pecarn/processed/meta_train.csv new file mode 100644 index 00000000..f350cc36 --- /dev/null +++ b/rule-vetting/data/tbi_pecarn/processed/meta_train.csv @@ -0,0 +1,24682 @@ +"" +16498 +7110 +6886 +13295 +26537 +25759 +24020 +27167 +830 +155 +29110 +11312 +32971 +25095 +16248 +5400 +42952 +31936 +41658 +7290 +35251 +28364 +18005 +42637 +42458 +3836 +30993 +30433 +32867 +6734 +36391 +11502 +40867 +857 +7026 +38799 +21934 +31618 +6928 +21301 +9321 +1478 +40843 +21023 +2423 +3614 +1359 +28037 +42682 +12572 +9441 +23554 +27074 +27533 +41030 +36029 +30395 +7810 +31203 +34401 +1368 +28104 +2419 +27886 +22470 +229 +15581 +20110 +15342 +13672 +25673 +34587 +31428 +12631 +27073 +39648 +24854 +26593 +28309 +42221 +32702 +10874 +32303 +13307 +42911 +32191 +41935 +21292 +10824 +1998 +7525 +6893 +19694 +4251 +23943 +25067 +18720 +25772 +38316 +3532 +779 +24715 +31407 +10302 +39974 +39295 +30297 +30860 +31102 +2489 +39349 +7590 +14251 +6297 +36152 +43134 +29958 +495 +25010 +3605 +6213 +38405 +7259 +27904 +31908 +11093 +21720 +33315 +25516 +4143 +41236 +8793 +1786 +25577 +1781 +14943 +6226 +19180 +19843 +23306 +32072 +33950 +9087 +35382 +1113 +25254 +6987 +24657 +4141 +6021 +25439 +7115 +31290 +10291 +28119 +25633 +11909 +20786 +35056 +24062 +11236 +701 +41559 +29912 +37083 +25226 +10046 +35628 +11016 +8491 +4769 +12426 +23572 +27690 +13331 +19218 +13033 +31002 +15942 +1006 +15180 +38747 +25167 +12179 +20719 +16637 +31988 +19568 +12949 +10751 +6011 +28602 +10322 +42123 +18448 +34770 +21518 +8403 +18839 +34906 +16963 +33392 +36594 +18554 +23090 +27062 +42529 +41615 +29075 +19198 +4391 +14959 +27171 +31375 +5954 +17350 +19821 +24041 +38214 +34013 +38858 +23303 +11829 +5419 +35303 +808 +39380 +25587 +5254 +8114 +37246 +38963 +13526 +41085 +33837 +16168 +38188 +9374 +13356 +40875 +3596 +39835 +12866 +24694 +13718 +25795 +40128 +39022 +25246 +15928 +14812 +35174 +17419 +4085 +2965 +6085 +11072 +12165 +4042 +27676 +7396 +33280 +41177 +8018 +28936 +10130 +37212 +15572 +5082 +34714 +24030 +22380 +12348 +1724 +22694 +38362 +35601 +35622 +37218 +22659 +25948 +24308 +25557 +1770 +27771 +30645 +35523 +9166 +42671 +33607 +12530 +17921 +19743 +21908 +17146 +26097 +3161 +30220 +12911 +19639 +33278 +16746 +21369 +29406 +7152 +32337 +2107 +19474 +25765 +6006 +23846 +38974 +40956 +22973 +17712 +35024 +29287 +10646 +14775 +13149 +35852 +18672 +9714 +2456 +19066 +23755 +5090 +9 +16444 +43222 +42474 +29390 +30046 +20386 +35794 +36895 +24629 +9071 +32164 +34358 +36166 +33621 +9771 +24464 +35565 +33508 +40500 +33243 +9125 +32958 +17535 +17811 +33810 +41525 +25620 +20751 +21983 +20340 +32509 +42146 +11195 +6215 +9482 +16791 +20900 +23443 +30476 +19481 +33569 +5313 +9197 +31973 +20677 +41823 +2890 +42453 +26687 +35110 +21728 +14406 +12800 +29355 +16416 +3329 +41749 +7630 +8424 +15234 +42782 +39338 +15811 +33190 +29716 +18096 +20889 +1848 +8048 +8816 +38101 +12872 +16450 +31369 +7744 +40270 +41176 +26700 +5518 +39169 +35240 +32454 +332 +17097 +41735 +32283 +26155 +2014 +28052 +6469 +20135 +1032 +16091 +13993 +28298 +15775 +2687 +938 +13142 +5645 +4386 +24067 +36262 +36983 +15682 +40272 +27484 +16146 +23747 +15101 +17287 +43208 +10716 +23492 +41141 +23622 +8274 +39416 +31098 +22562 +33229 +7077 +31270 +11996 +19429 +4354 +27266 +38087 +20235 +37496 +36524 +9520 +21047 +6152 +34390 +9572 +7177 +3141 +30324 +14317 +39516 +37392 +14368 +27666 +8515 +8141 +999 +23245 +32598 +41209 +16217 +24945 +17985 +31803 +39197 +31754 +5055 +8280 +40418 +13758 +456 +570 +18714 +31875 +24572 +38860 +14095 +19861 +33405 +16723 +12456 +626 +14630 +7209 +21347 +30430 +3750 +6548 +12358 +12672 +26390 +9895 +13895 +3441 +19608 +42372 +35711 +29708 +8242 +31281 +1661 +34699 +39881 +16909 +13449 +16560 +33993 +40822 +2919 +1969 +19002 +26301 +11240 +37940 +26642 +24838 +12035 +41798 +30513 +41630 +16489 +3794 +32830 +2596 +18189 +32488 +11911 +30807 +13465 +24435 +36923 +31738 +8831 +42546 +13164 +36406 +43310 +37492 +7824 +40691 +15084 +36985 +32254 +12882 +6036 +11827 +36876 +4445 +31560 +5018 +39717 +14874 +42863 +4950 +14860 +15866 +19340 +10897 +21071 +42864 +27922 +32828 +14415 +16641 +31131 +23945 +31422 +12018 +21899 +29014 +13714 +31568 +5045 +30381 +1551 +1538 +39273 +5095 +27118 +3462 +22295 +6260 +27172 +18995 +26149 +20985 +40746 +1145 +2893 +22409 +19510 +43343 +6214 +23858 +16851 +1410 +27159 +40529 +1780 +3026 +2224 +26538 +30300 +19299 +16171 +11671 +2397 +37205 +35499 +15490 +32670 +33122 +31562 +21795 +13972 +7192 +15324 +37214 +22741 +35364 +27619 +28897 +15621 +7313 +10365 +10812 +14957 +30068 +4515 +7837 +16182 +17994 +37090 +915 +10959 +21107 +5626 +9342 +27421 +25464 +13795 +10914 +16348 +10864 +23932 +30538 +31536 +6785 +42338 +15812 +25371 +266 +5071 +2379 +41445 +27438 +22245 +25268 +28097 +3598 +5512 +15583 +6644 +9878 +11744 +27315 +5768 +33114 +38890 +17766 +6757 +26701 +19149 +28644 +43332 +29556 +38999 +9927 +18846 +38817 +29944 +38187 +36398 +23634 +41684 +19216 +19247 +6885 +6482 +4520 +27815 +4470 +41539 +34363 +13883 +3813 +3338 +29682 +8612 +41386 +8032 +19112 +20982 +1897 +10579 +26480 +38591 +8964 +14350 +6255 +11976 +18110 +27651 +4268 +3896 +30518 +20874 +15798 +14321 +8745 +1485 +41047 +8140 +11141 +11648 +17363 +15858 +2424 +38061 +38358 +14273 +32143 +39054 +2367 +19760 +42921 +6683 +3611 +40926 +17474 +28585 +43331 +14991 +29439 +223 +36737 +23438 +31766 +64 +36866 +24937 +9716 +7755 +3782 +12274 +33957 +5972 +32483 +5491 +43020 +23307 +12316 +31883 +40183 +13766 +514 +41819 +24121 +34748 +24316 +2167 +11321 +27963 +10821 +38083 +36239 +15119 +31730 +30566 +1592 +40912 +40370 +2674 +34536 +7133 +791 +28530 +21157 +8753 +4319 +33209 +3179 +11354 +23377 +21652 +4035 +2008 +43232 +31934 +36148 +32003 +32675 +9257 +32214 +27343 +4886 +10862 +28748 +35482 +12925 +23493 +5086 +9790 +25236 +9446 +6901 +20453 +1695 +31442 +32642 +28646 +27408 +25992 +1931 +1475 +25819 +3733 +19135 +22197 +6679 +14714 +25213 +4757 +39612 +2274 +24642 +10654 +35129 +5964 +5684 +15638 +12772 +732 +26165 +22781 +20400 +35003 +28281 +24018 +22778 +19873 +27567 +5131 +35177 +18819 +22475 +18008 +785 +30597 +16706 +3125 +4372 +36272 +22600 +18651 +32456 +24312 +28676 +11020 +35892 +2776 +26855 +22948 +37572 +37373 +41463 +666 +3282 +32921 +16009 +17109 +3754 +7495 +33895 +18806 +33850 +22153 +31048 +21406 +32197 +14870 +31980 +35521 +12167 +7823 +20480 +21874 +10161 +21488 +39986 +17610 +24050 +41811 +15792 +8889 +26040 +17636 +40649 +8798 +14964 +36181 +26825 +21073 +30473 +40381 +40487 +14978 +6196 +18074 +15834 +42170 +6411 +41089 +20234 +16145 +34108 +6699 +36993 +4431 +20815 +24971 +39498 +9255 +5355 +16456 +34561 +8400 +5413 +20503 +24758 +27219 +36865 +7267 +22043 +9836 +6656 +13163 +30667 +34248 +10087 +18934 +775 +40295 +12592 +9940 +32876 +20138 +38898 +32333 +7288 +24436 +12032 +17104 +23433 +18828 +230 +30474 +10232 +5382 +40818 +22166 +16878 +16805 +30164 +13488 +19217 +1355 +18608 +38657 +4993 +30035 +20931 +18203 +10395 +30841 +36266 +23577 +16987 +9761 +3383 +12157 +27375 +12267 +5294 +32322 +36986 +39279 +13577 +19918 +28887 +22796 +42 +38413 +39151 +27485 +11839 +6516 +35762 +11330 +22229 +14293 +27201 +22299 +38034 +27985 +4142 +12240 +15117 +14632 +27042 +10446 +4394 +8001 +18137 +14085 +22983 +40018 +28289 +20124 +12794 +6031 +13504 +7959 +23937 +37555 +19154 +39959 +8264 +7490 +12684 +10598 +3984 +6980 +5837 +13393 +25989 +1544 +24699 +4094 +6565 +16140 +9509 +24209 +37579 +16393 +27271 +40030 +17685 +3068 +9000 +38627 +17079 +3337 +5227 +4447 +39627 +10653 +7895 +18421 +41179 +38471 +31331 +34314 +31941 +14259 +9747 +18172 +28311 +1646 +22935 +7497 +4267 +17975 +33193 +1767 +38567 +23891 +2100 +5559 +32124 +39081 +4518 +16115 +36205 +1831 +28363 +15596 +38554 +36818 +37331 +14254 +19476 +37386 +14249 +15555 +21783 +17659 +30962 +34534 +28506 +32602 +27858 +5325 +20202 +20799 +30177 +42573 +39935 +31080 +38276 +10493 +15556 +41774 +871 +18140 +18837 +22180 +1909 +5988 +33036 +8840 +407 +11410 +31654 +38189 +2003 +16825 +40690 +40326 +26086 +12533 +1111 +27540 +30019 +33988 +17317 +31832 +35112 +33736 +2942 +12605 +20916 +32144 +18090 +40155 +6593 +1099 +39590 +27510 +29616 +6188 +5624 +25563 +14236 +32849 +37011 +19942 +14918 +26247 +5489 +22261 +9924 +24777 +36463 +31261 +16917 +34164 +16767 +3389 +13677 +39106 +16300 +14601 +1967 +7141 +1211 +8012 +36427 +9203 +10614 +9810 +41661 +13219 +34473 +19547 +7128 +6139 +42994 +7361 +29114 +4429 +28463 +35317 +29628 +25644 +14320 +30586 +11464 +7801 +31487 +3163 +7194 +31093 +19797 +23826 +21955 +9708 +20186 +3686 +10848 +31122 +33878 +16500 +9489 +10103 +22091 +4629 +2787 +7388 +14291 +36612 +33189 +32508 +1908 +38303 +29153 +17910 +31113 +40110 +3271 +37117 +2891 +18230 +9046 +31917 +42515 +10551 +9182 +16622 +41957 +24768 +37510 +43237 +4798 +33629 +33217 +11462 +25954 +34075 +28152 +2098 +26078 +42549 +23339 +4524 +36836 +21384 +19379 +42405 +17332 +20389 +24812 +10079 +19069 +14417 +19869 +14435 +7834 +20397 +41503 +16462 +24061 +40440 +31143 +41828 +41475 +21692 +38734 +2081 +36046 +20383 +12951 +21718 +20703 +23452 +12485 +41585 +39879 +16668 +31798 +8214 +36909 +4644 +35814 +27311 +11530 +41268 +28397 +39720 +14900 +13518 +19174 +24845 +33020 +31061 +18834 +24813 +35676 +20137 +32277 +30328 +17680 +26937 +40221 +29664 +755 +27763 +16110 +18368 +30239 +32715 +34118 +23370 +25769 +41235 +27937 +40309 +41865 +11603 +33743 +32606 +30570 +36339 +21940 +31092 +31529 +19754 +5177 +30238 +115 +8368 +40147 +11165 +20847 +18667 +25315 +16679 +30659 +27347 +29519 +35043 +25276 +16759 +6327 +31112 +31337 +31790 +36080 +34186 +25433 +18882 +37249 +15145 +37681 +27522 +22394 +43245 +36692 +4933 +36171 +7561 +1517 +4404 +33249 +42701 +38161 +33627 +31323 +42844 +29414 +35882 +43015 +28471 +5485 +39168 +23382 +3833 +24356 +29542 +19711 +21967 +31574 +37396 +6258 +19486 +11623 +37255 +20030 +29733 +2872 +15594 +13301 +22527 +2664 +39912 +33943 +41868 +33023 +23558 +8711 +30096 +4775 +21552 +10292 +36014 +33536 +9359 +12317 +19469 +22277 +728 +41482 +11267 +20105 +11144 +14101 +36159 +32951 +28327 +36929 +31489 +6394 +40728 +7797 +36212 +20341 +34883 +28633 +37089 +26648 +8975 +41467 +21949 +22663 +27108 +38914 +6357 +23999 +26887 +35952 +16269 +25452 +18199 +33555 +17768 +26800 +25792 +35594 +8720 +40072 +39992 +14811 +39572 +42553 +15358 +35020 +19946 +43076 +32669 +13487 +38197 +24007 +25811 +32741 +2478 +32389 +10458 +11865 +20794 +29844 +19146 +36227 +5801 +8637 +38726 +31543 +24950 +13705 +23873 +5475 +8327 +28549 +3642 +10491 +29623 +15382 +13066 +14879 +43358 +31928 +4145 +39818 +11731 +9684 +38195 +4195 +5126 +28143 +13035 +31087 +26376 +15149 +29885 +39687 +34054 +12565 +5849 +42868 +18957 +17800 +2474 +21726 +10494 +32864 +32460 +8477 +34869 +15686 +2194 +29705 +38249 +32674 +34697 +40968 +6104 +24439 +12113 +4061 +7321 +37698 +36963 +22374 +8714 +28975 +22594 +34608 +33104 +42784 +14883 +40897 +8703 +36519 +39861 +17139 +5680 +31228 +41532 +40604 +25506 +3453 +18696 +17341 +6392 +14754 +27429 +2661 +21840 +19892 +12440 +5815 +11169 +34959 +1836 +28943 +4167 +13063 +41279 +1016 +9882 +29846 +38439 +21038 +23816 +13361 +20593 +20698 +649 +11793 +3442 +6804 +376 +7989 +41542 +32851 +36942 +32634 +37978 +4248 +33454 +23132 +6299 +26436 +12238 +24602 +11672 +26762 +32590 +36257 +19080 +41912 +36466 +846 +26444 +22699 +23851 +31879 +34464 +40341 +9134 +19655 +25341 +11888 +8645 +16000 +30526 +37882 +19997 +40755 +3149 +31211 +36716 +35490 +34680 +38790 +24890 +210 +8317 +13469 +25503 +33035 +26689 +27914 +3806 +39791 +42799 +1398 +6081 +15750 +27268 +15974 +29843 +26472 +5868 +40422 +5703 +30514 +8900 +35313 +3418 +18611 +24293 +29641 +39647 +38304 +7046 +39819 +5317 +2034 +34359 +37696 +31033 +33942 +34272 +22168 +2627 +455 +28235 +2091 +15139 +18002 +12735 +30478 +8763 +42735 +13471 +17998 +27693 +30103 +3016 +20125 +38556 +28232 +37885 +6867 +32710 +27813 +40608 +23109 +10869 +28125 +11773 +13081 +2299 +1892 +24557 +1481 +37403 +33145 +1402 +24906 +7889 +39490 +7335 +14332 +22555 +11268 +28437 +7757 +1554 +20833 +35838 +4382 +37597 +42013 +32041 +14779 +40429 +501 +20394 +22684 +34698 +18444 +36530 +277 +23435 +33652 +29283 +42358 +14118 +2914 +18852 +39778 +33322 +43298 +5279 +13419 +2447 +18991 +23837 +2977 +33298 +23390 +21403 +28353 +29929 +22188 +41304 +43392 +9758 +15185 +43196 +12509 +24941 +33662 +42233 +22605 +8749 +37327 +28469 +41919 +11667 +13725 +22794 +34998 +37552 +35791 +33981 +37436 +37254 +32212 +15833 +1643 +25539 +5006 +15428 +3567 +36749 +19798 +14767 +38513 +25657 +33504 +10927 +22755 +27548 +41733 +27145 +42721 +26983 +9763 +32571 +31273 +24590 +20939 +34227 +2390 +15275 +19756 +34792 +1887 +14608 +43096 +36000 +19895 +38887 +665 +34572 +38605 +27373 +5584 +36347 +17029 +2068 +18810 +11959 +40153 +2225 +15689 +33211 +28829 +9404 +5973 +24359 +8799 +38207 +6771 +12855 +39014 +33947 +11875 +42850 +19934 +41671 +29085 +26089 +10347 +36094 +3437 +36627 +26239 +22312 +41483 +15321 +32983 +1716 +19932 +28439 +40086 +8462 +16125 +4695 +36293 +27024 +24544 +13322 +1575 +29906 +11775 +11050 +3526 +16265 +36475 +2251 +3059 +32096 +39066 +27357 +30949 +11546 +14733 +24078 +24895 +19074 +16736 +9311 +32298 +13292 +1743 +1796 +42129 +20224 +2528 +16510 +23241 +3412 +16649 +22738 +32719 +12750 +5878 +26506 +41638 +41765 +25904 +21208 +16532 +29748 +11098 +11841 +17273 +34200 +40489 +17999 +14758 +2908 +41038 +13917 +14474 +42906 +17807 +26697 +33541 +30495 +31245 +9425 +10664 +42469 +31607 +699 +21089 +21953 +20005 +342 +26246 +32476 +38580 +35305 +23611 +28212 +30968 +31698 +42445 +32956 +38254 +36991 +321 +1572 +11111 +41252 +13574 +4915 +33084 +37446 +28108 +28323 +37183 +22479 +512 +25302 +23068 +12920 +2112 +2766 +30316 +35932 +9021 +24769 +33890 +42903 +28513 +11179 +3914 +30391 +25676 +7311 +3138 +40658 +29876 +3317 +27249 +21274 +20915 +30836 +22162 +20748 +31540 +34559 +15402 +27832 +28640 +11257 +38016 +37651 +23190 +37387 +36033 +32801 +14826 +39245 +2904 +19201 +17153 +27413 +17641 +30516 +39192 +41944 +39246 +22859 +4433 +19662 +5088 +1025 +9577 +32762 +29603 +16288 +10098 +24807 +9226 +2576 +6630 +38353 +39990 +39133 +7987 +3741 +13225 +38795 +39010 +27578 +1735 +42833 +9804 +27384 +36280 +31387 +12842 +20775 +15271 +589 +34159 +9811 +40353 +8959 +40065 +7127 +31478 +73 +15504 +27049 +1529 +18302 +26351 +20929 +911 +34380 +35261 +42274 +36372 +6688 +14589 +9406 +29639 +30157 +24608 +20928 +9211 +39747 +6389 +23906 +135 +16166 +23145 +8073 +1249 +4562 +5658 +25696 +15422 +20676 +13539 +40218 +10479 +19318 +13743 +11669 +19832 +35173 +31887 +12004 +28066 +14416 +39591 +22536 +25661 +4810 +14788 +4317 +20064 +8586 +37320 +35953 +26545 +15589 +10797 +37304 +500 +26770 +21021 +1316 +40980 +11120 +25244 +8921 +38777 +30020 +17044 +2513 +30608 +36741 +22210 +2786 +10908 +10415 +6922 +7664 +43218 +23843 +31680 +38876 +13344 +13239 +10281 +32622 +12524 +30503 +12026 +15855 +34056 +11770 +35559 +19025 +19345 +40130 +10586 +38751 +21673 +16894 +1571 +23091 +41457 +15879 +9438 +24187 +11765 +20111 +33235 +31081 +27921 +25944 +16194 +32781 +40750 +21650 +43383 +9214 +22263 +32822 +32780 +4755 +23674 +6636 +13247 +20783 +30900 +32782 +20493 +12749 +11922 +27867 +8866 +29134 +33169 +18353 +32355 +15335 +11814 +989 +30104 +3643 +33212 +8478 +23563 +2129 +8454 +13101 +4476 +30322 +16990 +18175 +42300 +6812 +13814 +35287 +24376 +15189 +25748 +30941 +33037 +20590 +5386 +8120 +2291 +38215 +43058 +39138 +26928 +17978 +3449 +10400 +34012 +20396 +532 +38273 +23850 +1540 +17940 +18052 +41605 +36756 +34323 +38323 +17572 +25540 +36585 +31506 +39374 +12135 +22790 +43217 +23321 +16210 +36839 +31671 +30777 +25893 +23217 +31809 +26458 +79 +25340 +25066 +7186 +18664 +28333 +9808 +42116 +33377 +42053 +11487 +8566 +28999 +33716 +18494 +328 +13403 +12319 +32126 +15313 +15898 +5472 +5720 +29240 +19158 +15915 +25667 +26440 +42395 +21348 +2748 +9344 +6486 +7642 +3672 +28802 +27566 +33989 +31335 +42182 +7548 +29299 +28388 +42779 +16920 +9705 +41918 +26209 +22707 +38354 +38678 +39305 +25566 +465 +15875 +15496 +15061 +7187 +9837 +15902 +32315 +38515 +10216 +34288 +2964 +14526 +41537 +37912 +14214 +22317 +28632 +27059 +26174 +10733 +40462 +4203 +32735 +1140 +10287 +20193 +20604 +18555 +14793 +14473 +19519 +25079 +17302 +35084 +13252 +33872 +20444 +18540 +31868 +23376 +27866 +38843 +37898 +38159 +13390 +26454 +11908 +1 +42971 +23463 +12567 +25137 +32266 +40752 +15788 +20259 +1512 +14621 +16666 +3492 +14903 +28245 +21808 +6576 +30221 +42106 +24070 +31696 +39067 +11764 +13957 +29430 +3626 +1100 +16281 +4378 +4873 +25883 +29047 +957 +14932 +18281 +39956 +7604 +21741 +19683 +40460 +25320 +26726 +34192 +32225 +17085 +20592 +12789 +38486 +22108 +28912 +17435 +20950 +21549 +35602 +3019 +1772 +8572 +20814 +23716 +10324 +36195 +22980 +2350 +32572 +8099 +35593 +40035 +15 +33750 +8010 +15184 +23592 +37435 +1503 +1625 +15616 +24535 +16087 +27409 +11629 +17052 +42626 +16365 +10298 +13793 +8494 +7909 +8962 +17095 +38975 +8983 +19966 +35371 +23885 +20395 +43149 +1885 +1288 +9728 +3989 +4821 +42739 +17102 +3308 +34242 +24801 +8549 +33481 +16479 +22009 +3322 +6077 +37767 +10715 +27085 +12704 +40951 +4904 +39474 +6835 +24883 +8270 +19462 +2981 +28032 +51 +22713 +38504 +15104 +40108 +22758 +42970 +22236 +39354 +41249 +42859 +21731 +5839 +672 +4049 +42625 +18856 +38104 +26131 +38264 +34324 +6680 +34494 +37654 +19909 +42025 +34551 +8506 +3028 +34016 +31057 +21373 +31053 +6896 +27453 +35842 +12511 +34245 +35946 +18731 +39940 +26171 +8192 +38791 +13889 +13893 +37057 +29199 +21494 +25404 +7309 +6195 +36261 +11663 +1248 +26620 +37200 +41370 +8899 +13651 +16003 +41131 +637 +30651 +14763 +34590 +37009 +27390 +27638 +15452 +39710 +1566 +12654 +1146 +14729 +2765 +10005 +39862 +23412 +502 +23618 +21513 +39906 +9546 +16442 +4815 +33889 +14237 +4002 +18288 +29172 +13328 +31161 +5399 +5887 +28998 +22176 +17468 +27686 +16421 +10356 +5882 +17932 +8182 +16225 +16104 +38575 +5431 +17444 +22646 +26372 +23645 +9275 +15994 +14026 +29366 +5248 +9605 +4585 +37236 +29250 +40096 +35572 +5925 +1657 +454 +14393 +6359 +3694 +11214 +102 +7732 +29386 +34944 +37583 +12593 +3151 +31962 +5847 +9464 +7955 +25668 +25190 +41495 +28857 +5318 +12244 +2386 +16877 +1234 +41762 +10829 +37781 +23481 +7593 +26044 +20820 +4663 +36437 +32226 +8850 +1497 +23010 +32746 +25793 +27700 +41508 +37157 +41908 +4753 +35937 +41458 +25210 +25756 +14202 +11767 +23136 +17896 +31236 +20183 +474 +25532 +855 +26824 +36102 +9531 +32013 +10186 +28619 +22090 +37278 +29061 +37810 +20653 +38492 +16555 +38665 +26299 +26105 +4108 +22114 +21987 +25458 +7038 +20094 +7082 +8440 +216 +20328 +17824 +14936 +34867 +38080 +1651 +625 +5632 +35142 +28114 +23035 +36589 +15541 +8430 +19097 +33949 +7138 +14820 +20158 +31023 +12108 +28377 +20057 +13780 +26990 +38251 +15254 +31196 +18515 +39524 +16102 +15088 +40015 +39809 +90 +774 +7925 +24111 +5982 +36787 +37479 +5524 +7748 +40814 +23946 +18253 +5782 +13262 +41807 +36730 +25926 +2450 +28589 +42076 +35441 +26497 +2722 +40599 +22963 +6796 +24135 +26952 +14040 +21192 +21279 +25855 +10784 +43115 +40761 +1089 +35080 +28764 +34895 +20601 +29404 +18235 +36327 +30217 +37102 +7577 +41953 +37643 +1864 +25504 +23705 +38525 +1346 +38983 +41077 +41478 +39669 +1307 +10550 +38321 +24545 +31970 +3767 +8197 +17125 +23626 +2735 +1262 +5863 +39715 +32724 +20009 +22001 +40630 +8768 +39871 +14391 +32323 +25127 +23348 +1381 +36118 +12381 +35346 +38463 +36573 +20545 +1691 +2265 +19849 +14625 +41910 +3260 +35114 +32433 +24092 +34703 +18219 +23310 +13258 +22145 +37740 +26562 +5009 +16132 +2249 +2792 +15995 +33928 +20385 +20185 +15719 +29401 +27148 +10578 +20704 +11548 +7720 +35856 +9394 +31142 +11604 +21637 +25441 +4767 +35751 +8142 +27178 +11477 +33247 +28174 +30241 +15298 +2230 +30036 +31972 +7927 +19576 +34682 +18827 +27966 +11593 +23953 +17563 +278 +28853 +24334 +288 +11127 +18645 +35718 +16012 +7875 +43378 +1268 +16780 +29031 +6995 +26705 +29514 +41646 +11568 +21140 +32993 +28909 +17779 +19580 +36728 +34757 +15007 +10204 +34194 +3399 +6457 +5709 +27720 +42484 +36072 +40169 +19185 +33365 +5665 +29070 +41427 +15127 +17733 +39261 +4508 +6851 +38824 +29916 +42267 +28349 +1229 +38798 +42046 +20909 +16832 +16997 +29578 +30115 +10119 +14506 +31557 +37981 +32078 +13478 +8047 +14520 +5520 +4666 +2888 +11494 +364 +24653 +18262 +32060 +35058 +10448 +3346 +31500 +21676 +2432 +15706 +31990 +34927 +3551 +9570 +31761 +10629 +6975 +1798 +37123 +32092 +7625 +9855 +21945 +29950 +9220 +43338 +34045 +5502 +9036 +10583 +33328 +15181 +540 +13675 +25541 +6125 +31159 +10552 +22110 +39748 +33755 +40055 +3181 +31877 +26282 +32561 +10137 +37028 +42073 +5606 +30311 +33186 +341 +10884 +21447 +32360 +27989 +14207 +27812 +20836 +4156 +26516 +15527 +39767 +16366 +15623 +26199 +42640 +12643 +37693 +13909 +12228 +662 +31931 +33359 +32356 +18518 +30696 +21669 +17704 +38403 +16141 +33593 +42292 +19629 +14718 +28325 +19613 +41644 +24324 +41198 +30847 +26693 +5690 +33932 +23719 +544 +38287 +39267 +15794 +36949 +23087 +41506 +14410 +36289 +7024 +4896 +24249 +7039 +25991 +24522 +8729 +2791 +9476 +20408 +34291 +10466 +4696 +4095 +35420 +18777 +23373 +26947 +18126 +4067 +8045 +7650 +5586 +9382 +37130 +41358 +22379 +15846 +42051 +22096 +20801 +22433 +19868 +36871 +26101 +3143 +3599 +799 +13394 +36821 +399 +41627 +42974 +31587 +27891 +8836 +39435 +31294 +21156 +38245 +38909 +33964 +19719 +38448 +18340 +35224 +34945 +29350 +19557 +3239 +15912 +37842 +26635 +19235 +41586 +28968 +19951 +22241 +2360 +24365 +27978 +43127 +25283 +6692 +32370 +30354 +14387 +192 +15492 +30717 +1709 +23963 +3213 +28988 +12112 +29655 +32344 +14751 +26088 +5983 +33758 +34671 +5998 +4573 +42757 +15283 +15635 +7863 +9841 +13062 +32103 +3423 +21510 +41720 +24660 +10072 +7999 +10765 +6761 +21118 +6298 +2154 +12815 +39194 +1319 +15192 +19430 +41980 +11474 +13545 +32617 +37465 +13751 +3009 +18453 +37032 +19370 +40520 +15179 +24167 +34198 +37336 +14379 +17865 +13204 +1425 +1253 +41701 +11982 +22358 +3268 +39891 +27056 +29107 +26848 +2398 +15557 +35813 +34700 +38499 +22565 +33873 +24204 +6966 +11131 +14029 +19388 +5488 +31952 +12765 +7119 +41589 +14790 +41494 +23663 +36380 +22265 +17692 +23251 +40425 +32029 +17436 +40197 +8540 +534 +29635 +37252 +31468 +21288 +15016 +29957 +11399 +3036 +32258 +13915 +21487 +5789 +19343 +3088 +4228 +4370 +4253 +4526 +25233 +42501 +4907 +29456 +37573 +40742 +334 +7832 +35067 +15888 +15455 +19014 +26720 +37440 +1411 +31621 +30724 +25739 +29989 +293 +12869 +5735 +2502 +4309 +36778 +29852 +3996 +12500 +9588 +8779 +5516 +11927 +396 +5818 +2200 +35219 +3270 +22733 +7253 +6145 +11858 +13802 +1329 +6171 +41301 +19132 +5208 +8852 +20465 +21842 +3724 +40694 +2487 +18472 +37232 +5384 +32425 +9875 +35463 +37503 +23993 +13037 +30559 +21340 +13636 +19661 +19566 +2448 +531 +29188 +20233 +12393 +38905 +13151 +28958 +7382 +39125 +5122 +13746 +6460 +33898 +34083 +25496 +420 +21853 +4806 +43288 +8160 +26327 +36616 +36713 +16871 +35165 +16326 +31461 +25473 +42428 +8697 +33342 +5913 +33012 +8888 +7555 +12736 +3703 +13974 +36180 +22644 +35836 +15984 +17578 +11683 +20863 +27915 +29274 +21914 +30504 +33288 +42728 +40894 +24726 +12363 +29205 +29063 +43139 +10277 +30910 +37943 +41988 +3396 +17511 +38589 +9473 +24094 +22463 +28186 +12571 +32058 +38651 +39086 +507 +37610 +19804 +37140 +3820 +10361 +991 +16670 +24361 +22148 +17990 +39294 +5777 +33545 +18561 +12114 +11200 +22992 +37273 +38891 +17297 +23588 +12232 +486 +36959 +13783 +35282 +30585 +7685 +14804 +1733 +26496 +16155 +39103 +10731 +29071 +1294 +8260 +15859 +3564 +15717 +40829 +9418 +32857 +9644 +42773 +29155 +35982 +15796 +23063 +32865 +8861 +5463 +39609 +22115 +11478 +2412 +17650 +9049 +6218 +30008 +3192 +35557 +39655 +4158 +12156 +19912 +6 +8929 +18160 +30392 +1764 +13150 +28146 +22326 +12598 +26656 +15861 +34482 +33861 +38008 +24474 +13872 +974 +12711 +8158 +3918 +6206 +43303 +41964 +5435 +40236 +1065 +2638 +42260 +32844 +39601 +29106 +825 +5440 +34655 +14053 +6496 +21632 +27536 +14326 +35933 +43263 +39705 +39176 +23279 +292 +24968 +16965 +12725 +13266 +17671 +40582 +10385 +2400 +2015 +8218 +42842 +41440 +37228 +39120 +16669 +4409 +25654 +31833 +21674 +21478 +31848 +10290 +15694 +33364 +24975 +15276 +28192 +27084 +31055 +1218 +29747 +30499 +22494 +25347 +20773 +11856 +13270 +4832 +35130 +20753 +276 +2261 +17783 +14494 +38869 +13443 +27261 +35014 +30065 +9459 +32023 +9873 +39296 +2640 +35688 +32879 +24531 +27727 +31046 +40801 +6589 +24117 +9102 +42796 +24168 +25832 +1513 +26314 +28373 +19554 +21228 +19989 +15821 +31094 +2876 +24279 +13430 +23167 +22419 +17552 +37017 +15759 +40855 +30964 +21610 +2763 +20979 +1902 +34695 +7975 +8884 +28322 +43072 +17121 +34875 +36491 +16317 +1362 +35471 +3413 +21628 +35625 +2004 +32051 +552 +3274 +1500 +20642 +12311 +21346 +1050 +7856 +40347 +34783 +22773 +9995 +3903 +26523 +605 +7681 +7715 +27434 +40559 +6716 +38913 +24300 +29042 +5817 +27380 +31001 +25718 +23551 +42270 +25063 +36854 +13590 +33976 +35422 +41183 +4779 +40158 +9146 +12265 +31224 +32727 +34564 +2629 +25863 +19795 +27752 +15329 +20378 +35342 +39786 +26585 +25624 +13824 +38839 +36639 +9807 +8956 +32264 +9262 +39049 +20071 +1120 +16884 +3220 +3810 +14400 +19584 +35614 +29304 +12097 +33213 +10760 +37347 +40185 +23912 +1078 +25685 +8086 +29492 +12676 +4868 +1179 +19577 +30999 +29886 +31394 +25594 +41602 +8596 +1177 +43169 +1204 +33270 +32478 +13114 +22421 +9690 +10417 +42774 +24181 +37595 +27277 +24017 +7540 +23899 +10582 +6848 +9637 +15418 +7022 +6850 +37235 +40315 +10936 +17787 +24994 +8258 +38186 +17982 +10348 +37916 +37301 +38163 +22936 +22450 +2976 +28683 +19434 +4024 +1579 +15876 +27414 +21130 +35315 +22240 +7051 +11893 +14762 +37844 +43296 +40712 +27828 +43027 +3007 +13942 +20061 +22448 +42421 +12300 +21679 +901 +21729 +24900 +12809 +23982 +41573 +36352 +34199 +511 +34903 +38811 +38900 +6184 +281 +40570 +6625 +1158 +40583 +10236 +29179 +1195 +40764 +16452 +3362 +41257 +41037 +35231 +7084 +43259 +40853 +28911 +28215 +16521 +41960 +1116 +42982 +15334 +19730 +42203 +7754 +3107 +30255 +434 +35658 +36019 +5008 +8364 +12494 +27474 +31044 +23889 +43389 +36804 +11837 +21248 +900 +39213 +7063 +39951 +15979 +30279 +13099 +14761 +42124 +30768 +16273 +12394 +2266 +19419 +34442 +4996 +2822 +18803 +6256 +4499 +12845 +22898 +17995 +613 +42999 +19692 +1552 +944 +20095 +29517 +39911 +3619 +25779 +6075 +3622 +40762 +2138 +3002 +17776 +16582 +2695 +24246 +15939 +25579 +25713 +15284 +22911 +21568 +18984 +32040 +30306 +35538 +37636 +31433 +14140 +28888 +31793 +31300 +11030 +6356 +13039 +26528 +23024 +31614 +23462 +32108 +40709 +7718 +20760 +29346 +15986 +25609 +40449 +8396 +12996 +40214 +11801 +4140 +23484 +4277 +19800 +26168 +114 +35484 +5271 +11080 +28028 +29824 +31120 +28725 +19900 +20596 +40379 +26134 +1178 +14341 +18112 +21663 +6802 +19199 +22383 +33908 +9467 +36845 +29683 +21859 +34720 +4474 +39584 +33063 +36024 +8497 +14150 +21213 +28421 +30729 +950 +34586 +18722 +468 +20842 +18294 +23810 +36782 +17955 +13321 +42340 +524 +6282 +17226 +22093 +24550 +650 +2074 +20307 +10197 +10559 +24150 +39154 +23184 +21396 +5406 +3309 +14423 +1418 +22226 +25958 +17542 +13862 +37010 +18260 +4793 +1528 +29396 +23033 +37913 +11205 +36918 +13259 +4148 +34074 +5121 +33388 +25064 +23566 +24475 +3199 +5328 +9513 +42007 +40983 +1202 +10113 +27902 +27854 +20555 +17258 +28798 +7272 +31318 +41986 +3014 +19512 +24951 +42362 +7995 +34476 +34388 +14789 +30469 +2351 +19315 +6016 +39533 +19297 +5323 +27788 +39957 +7673 +3388 +33562 +6395 +13825 +32113 +16108 +19872 +36336 +25065 +15226 +33339 +15782 +32024 +36013 +29739 +12891 +7644 +28454 +37482 +37283 +32843 +29953 +3044 +28332 +18430 +15311 +23656 +919 +1752 +30819 +29851 +4702 +39468 +25806 +36284 +6852 +25683 +25006 +32290 +9824 +283 +6921 +37389 +12762 +16238 +23420 +24283 +23384 +17175 +37380 +13839 +28690 +20362 +10990 +1642 +33753 +21325 +25525 +21690 +26258 +19828 +22714 +12722 +37753 +4749 +41903 +1508 +33318 +10208 +6602 +10918 +54 +8222 +26759 +1949 +9647 +289 +37156 +29048 +14781 +17645 +37186 +37771 +39829 +11155 +11588 +41730 +19015 +28629 +14256 +10754 +6483 +25924 +10743 +4046 +14157 +36412 +17006 +41346 +6924 +20411 +30186 +40386 +35357 +29667 +6291 +10672 +30099 +23297 +11422 +3242 +27035 +11889 +14951 +30374 +33000 +23528 +26815 +23676 +26377 +11476 +28507 +19606 +35848 +13616 +5509 +25597 +21374 +2665 +25003 +9562 +27905 +20399 +22513 +41728 +1479 +34856 +17750 +25 +29766 +12852 +23650 +15257 +1003 +24741 +42373 +5240 +36611 +20720 +35123 +9611 +22032 +1889 +25703 +10633 +29976 +13669 +30182 +1601 +11286 +35280 +22919 +26657 +22467 +34121 +33681 +7514 +19230 +28651 +13399 +22654 +23978 +2430 +8024 +40239 +35188 +325 +33918 +27677 +32567 +41869 +27427 +37874 +16950 +14337 +9432 +33780 +2254 +41153 +14921 +15896 +40806 +17347 +6694 +21711 +8982 +36470 +43348 +29718 +8083 +26639 +4133 +8780 +42264 +23031 +18767 +34943 +31385 +40748 +2394 +24160 +20937 +6419 +33622 +28746 +30464 +1804 +13116 +38752 +2660 +35115 +6050 +40518 +14892 +10148 +37257 +17508 +6782 +41519 +8350 +28170 +41202 +15647 +25269 +21530 +1184 +21151 +13155 +22378 +20778 +4816 +26519 +9413 +43001 +1667 +35397 +18745 +33540 +38832 +40208 +40554 +8402 +25680 +11854 +15990 +39465 +38710 +37864 +18084 +11017 +7537 +11934 +40584 +26600 +31121 +20500 +21377 +41184 +10313 +33291 +32347 +23325 +8113 +38172 +42460 +35184 +13885 +2907 +26346 +33874 +24592 +35447 +15024 +560 +15339 +13034 +1239 +35656 +32545 +33130 +27709 +5283 +19249 +6367 +12728 +9555 +40842 +1921 +33764 +7255 +39390 +5336 +7122 +32892 +33766 +18079 +7460 +19126 +21635 +21532 +12610 +7969 +32649 +21175 +42885 +16351 +363 +25059 +36263 +42798 +27036 +16874 +26669 +8661 +14269 +16727 +26028 +6923 +37024 +39864 +4626 +1681 +40094 +14990 +3250 +26721 +13274 +19178 +37442 +42309 +14971 +31381 +14612 +37475 +37601 +11483 +34017 +32192 +6203 +13311 +6898 +16367 +27493 +3272 +8265 +13451 +16609 +8618 +12339 +37350 +21523 +2356 +17362 +39005 +20020 +5158 +11967 +37959 +37495 +2407 +7256 +15525 +31436 +30730 +8695 +31232 +21609 +14899 +24815 +14147 +21508 +30386 +40786 +10194 +15207 +8957 +28730 +39686 +35878 +21660 +7314 +14554 +6342 +15934 +8846 +40569 +27973 +39173 +26606 +31239 +40652 +30329 +21804 +34643 +16315 +15502 +38380 +4432 +25894 +15110 +15781 +1496 +28005 +11870 +36575 +2302 +30986 +5458 +30575 +16436 +40514 +19574 +1979 +8924 +16953 +12520 +15678 +3042 +7903 +27296 +39184 +17201 +3827 +25963 +4383 +26664 +17369 +42330 +34293 +39800 +28844 +34899 +37522 +30393 +9145 +7997 +34005 +33869 +3937 +23129 +37637 +23748 +28265 +28446 +24190 +3280 +29127 +26557 +29838 +5891 +603 +21706 +9914 +28091 +41097 +14658 +41763 +37268 +5461 +32558 +17054 +33970 +33282 +2658 +30639 +30857 +12661 +15980 +9538 +12087 +30022 +16734 +19270 +23075 +12137 +26866 +30650 +6098 +37355 +38317 +31097 +12927 +8622 +24902 +33356 +40149 +23295 +9451 +36379 +29329 +8710 +265 +34681 +13971 +12560 +27335 +15656 +5730 +11135 +18057 +727 +41715 +14599 +39549 +4058 +13217 +17034 +19758 +37997 +11361 +9050 +29486 +4041 +38871 +25517 +8636 +34740 +12821 +19517 +30555 +14488 +39841 +11700 +13801 +2348 +34468 +5187 +9733 +27833 +7839 +7428 +25658 +27550 +27652 +38150 +18831 +15160 +8567 +25860 +33927 +24833 +19999 +11774 +8754 +17156 +19625 +330 +7850 +10088 +26788 +7270 +19630 +16497 +4423 +7742 +15824 +5957 +11726 +40275 +40603 +22729 +13337 +4643 +4083 +40358 +19894 +6690 +26552 +10000 +13291 +3228 +2229 +5139 +28862 +31703 +31825 +38497 +262 +13077 +7059 +38807 +33067 +19108 +9805 +36045 +6461 +29382 +33920 +18027 +31075 +22906 +20779 +32348 +6547 +10619 +4800 +634 +15173 +6541 +9796 +31257 +21276 +12764 +43135 +4160 +30876 +7232 +35347 +28745 +31816 +37716 +36450 +23208 +36633 +11778 +21807 +24001 +17197 +31812 +16986 +39927 +36157 +11076 +10523 +87 +1044 +18010 +36855 +14867 +38868 +20284 +6178 +2417 +19653 +4897 +32404 +12452 +25009 +32064 +20336 +8340 +16211 +22106 +42413 +29470 +22968 +17087 +8115 +27358 +41083 +41423 +7469 +25219 +25043 +23908 +16006 +7378 +41224 +23773 +7431 +3166 +18729 +26332 +33847 +40610 +31301 +4153 +13091 +25376 +15464 +37537 +40847 +14431 +13723 +32016 +23341 +37670 +1783 +26842 +14187 +28006 +9814 +349 +19531 +20941 +16037 +8291 +28642 +23860 +23606 +2834 +21564 +15140 +37423 +31511 +24909 +29210 +25145 +37581 +9360 +1901 +27784 +33173 +6383 +30055 +21789 +22426 +26854 +8334 +30569 +42479 +6705 +33737 +39243 +7992 +789 +756 +39486 +37280 +31354 +17479 +362 +6569 +22393 +7284 +8175 +32581 +1685 +5527 +15903 +17252 +33582 +22214 +27028 +41922 +4590 +8627 +29327 +10013 +6733 +15099 +13727 +41425 +33480 +40556 +9395 +26422 +35990 +37035 +26344 +25636 +18640 +17550 +34149 +42630 +41736 +28004 +30952 +12478 +15802 +3691 +1638 +12752 +37078 +34032 +8469 +1803 +4289 +2365 +27269 +22189 +39965 +37326 +26196 +22793 +8722 +23398 +6797 +39190 +3752 +38151 +41825 +43230 +8675 +25922 +35249 +3895 +15518 +36361 +26713 +29361 +36882 +2306 +37000 +30457 +27595 +12856 +16915 +19578 +41846 +34992 +3069 +25108 +1991 +22706 +12780 +37463 +16380 +35546 +12065 +690 +16688 +25418 +26964 +19612 +16684 +11862 +40496 +15328 +30074 +11369 +21052 +2325 +17392 +34301 +43013 +20470 +37458 +10624 +28067 +12939 +40540 +252 +13368 +40981 +19374 +35093 +2468 +41896 +17224 +33284 +27792 +2416 +36610 +10063 +3103 +21223 +18746 +3891 +31731 +45 +39806 +15827 +2814 +26402 +19023 +15957 +19882 +39400 +29484 +329 +25585 +40895 +42127 +6242 +19925 +18529 +7704 +8892 +37736 +25999 +22657 +31414 +30204 +29516 +18028 +2706 +24277 +11238 +35858 +25401 +9622 +35192 +888 +1953 +41050 +26998 +122 +27119 +17904 +34638 +423 +19219 +5447 +34031 +36018 +12847 +23048 +14082 +33727 +36680 +33400 +20037 +37383 +21262 +19193 +15619 +39539 +5303 +8820 +40848 +4205 +31494 +2979 +37052 +23057 +18097 +8512 +26985 +2870 +33979 +36343 +28575 +17856 +21730 +31031 +14547 +19835 +42523 +42951 +25230 +18373 +27946 +10305 +30629 +3714 +40973 +37243 +33697 +22254 +28165 +40145 +16213 +7076 +9760 +2579 +42026 +36536 +34574 +38582 +41536 +17180 +38105 +10756 +22618 +33992 +30781 +2887 +26284 +3554 +33157 +34247 +38828 +30969 +28689 +37487 +29090 +14136 +36597 +14292 +26586 +32945 +30713 +15633 +27187 +27370 +15645 +9680 +42887 +41086 +38374 +31146 +12416 +39115 +3415 +8818 +34727 +28517 +24508 +32086 +2332 +8918 +39358 +1022 +659 +16325 +4544 +42063 +21922 +11148 +12843 +21781 +27141 +42335 +14588 +33292 +7036 +21358 +37259 +15938 +3512 +3121 +16564 +5041 +13762 +35201 +43335 +11772 +35275 +30299 +34865 +27841 +29050 +10592 +35885 +42220 +7116 +21095 +4768 +12131 +24038 +28173 +23702 +9156 +12985 +15570 +32440 +13227 +25485 +19859 +19605 +34316 +32875 +40656 +12528 +32221 +41697 +21745 +41878 +15042 +38153 +21577 +14994 +42616 +10538 +37394 +30926 +11659 +30062 +39165 +8011 +35426 +24250 +30680 +42024 +5646 +17007 +37808 +40809 +31622 +26968 +17393 +34669 +12783 +3460 +22402 +40111 +29197 +23609 +14430 +36240 +11848 +27724 +32846 +19841 +15289 +29280 +15615 +20734 +848 +26166 +32853 +8517 +29932 +36596 +748 +38796 +7193 +6277 +1056 +20208 +13333 +22783 +19373 +27479 +39384 +40054 +11999 +43370 +1992 +22060 +20899 +13080 +17208 +22805 +5301 +20398 +33420 +14842 +24944 +6601 +16019 +7066 +8354 +2573 +3130 +15868 +33653 +1416 +35951 +11073 +36619 +7665 +13646 +10539 +14626 +27826 +5081 +8841 +23625 +34441 +7008 +4240 +29769 +13865 +30004 +40557 +1480 +7791 +17056 +15704 +39437 +9551 +6207 +34147 +9549 +28230 +5233 +41695 +21900 +1928 +33726 +23364 +33053 +22702 +833 +41254 +3902 +40452 +41041 +6732 +41013 +16867 +27906 +27729 +298 +5656 +9576 +5628 +38325 +31591 +37452 +42700 +41220 +8752 +20433 +5293 +18187 +15892 +38581 +19658 +24236 +40521 +33893 +19170 +23581 +31352 +24452 +13629 +29547 +37026 +41063 +29028 +23800 +26387 +11653 +41751 +25235 +17842 +34619 +12321 +27570 +18583 +11675 +20053 +13932 +10293 +11573 +3963 +38322 +19445 +18987 +2490 +18983 +37476 +40241 +40948 +13639 +27366 +8342 +1427 +7829 +31241 +34397 +21040 +43201 +19957 +35228 +17399 +24834 +13229 +24998 +8252 +34882 +9786 +13134 +39466 +13711 +42806 +4259 +576 +39909 +8013 +20620 +20600 +1042 +23944 +22885 +29117 +39575 +4584 +6039 +19611 +34151 +15114 +42022 +32421 +21587 +33293 +30128 +22520 +24488 +16114 +32913 +27304 +16050 +21848 +6380 +14103 +34281 +31688 +31576 +8604 +9536 +8009 +40042 +29894 +31026 +27672 +34524 +23089 +33329 +7217 +990 +34175 +10737 +8853 +7614 +34170 +18743 +43179 +36304 +26179 +26278 +15850 +37043 +41229 +13246 +30547 +25867 +20927 +42825 +20651 +40834 +25973 +13243 +15676 +24980 +40919 +20078 +1810 +41756 +20298 +29082 +5508 +30617 +9424 +31077 +11451 +18351 +11812 +10827 +17748 +10792 +21364 +4040 +39092 +4777 +21079 +19480 +38271 +25649 +15839 +19498 +41294 +9729 +34043 +37910 +7947 +34516 +7299 +26153 +335 +2375 +31603 +25147 +19833 +20356 +24481 +26025 +41052 +20325 +39967 +32665 +7567 +33281 +5220 +18892 +17400 +40612 +28959 +3018 +11347 +4660 +28080 +4422 +17866 +16044 +26338 +38383 +17484 +32930 +7397 +1795 +33383 +28684 +24174 +17784 +21442 +35864 +32939 +37793 +23842 +29248 +17375 +27473 +29344 +22744 +23267 +18793 +9650 +29402 +35312 +5164 +39001 +22211 +39284 +39177 +5590 +39363 +31585 +11163 +2714 +35100 +12974 +38946 +1578 +39712 +981 +23729 +24762 +19678 +15212 +17919 +8157 +22630 +36401 +34415 +24465 +13613 +25967 +20478 +27354 +1757 +35386 +23155 +26731 +36386 +31889 +36351 +41128 +42763 +19380 +29524 +42173 +23549 +9929 +10665 +26127 +33518 +12675 +16045 +27679 +36421 +5468 +16687 +20304 +42534 +22438 +39623 +8671 +28314 +26478 +14155 +10540 +24628 +8057 +21504 +14068 +26654 +6787 +18206 +21603 +18705 +43372 +7741 +39619 +38730 +42381 +12614 +21810 +30127 +19920 +14835 +29175 +28777 +35105 +9483 +40631 +15867 +23139 +30961 +12946 +12812 +41380 +32744 +10604 +39624 +42347 +35611 +618 +4563 +9963 +33676 +4037 +38950 +27751 +8803 +1160 +22808 +4004 +42750 +34742 +5369 +30734 +758 +20860 +18089 +19706 +1832 +34966 +16844 +2903 +37100 +3993 +34251 +5629 +8154 +40137 +18751 +32028 +41592 +10211 +35871 +42931 +9103 +27115 +4480 +27994 +14171 +23867 +14144 +15451 +43280 +21710 +35665 +5519 +23086 +1679 +33160 +36486 +12058 +36445 +37334 +4653 +14815 +36762 +20027 +42139 +1939 +7679 +3713 +22405 +40022 +22407 +6803 +11138 +2567 +41144 +41674 +26661 +23476 +13346 +4374 +26181 +37948 +22403 +15447 +33513 +1521 +33730 +4647 +42810 +40064 +32525 +23193 +33008 +39616 +20752 +36021 +41991 +33867 +7902 +13528 +11962 +21085 +9297 +25884 +5604 +6243 +34404 +39085 +29750 +19538 +34167 +16896 +33581 +13822 +36085 +39618 +23815 +22712 +26309 +8504 +24958 +39494 +26748 +6579 +22888 +14019 +11049 +40321 +18449 +14716 +16137 +32792 +27630 +34001 +23769 +3395 +6174 +33639 +9077 +27900 +9906 +15773 +14802 +14143 +22020 +104 +17600 +20635 +30728 +13737 +11382 +19263 +40971 +34715 +1058 +14467 +345 +23775 +5193 +31759 +6117 +10146 +13831 +39528 +24763 +42943 +38585 +12441 +26121 +22429 +31830 +30314 +30772 +29309 +37543 +30253 +22152 +20103 +1495 +7220 +36997 +12742 +22806 +22570 +26234 +14247 +1030 +8972 +3572 +12947 +1185 +37433 +34977 +12270 +35369 +32335 +34042 +3195 +12779 +42686 +34296 +8165 +13724 +21818 +25017 +21184 +3008 +6586 +27712 +28425 +6539 +33729 +6864 +25935 +30454 +27278 +4636 +24407 +32002 +27730 +40702 +4151 +36101 +41799 +27389 +3422 +8008 +34129 +1599 +34963 +30112 +14851 +37955 +9054 +29833 +21159 +8220 +15695 +21879 +11282 +32146 +3709 +14037 +17296 +13939 +3931 +22831 +26011 +32612 +7568 +19594 +20575 +17218 +25578 +19846 +18859 +21847 +41552 +20578 +2484 +13084 +8599 +4576 +14195 +4032 +39182 +25984 +21547 +441 +24032 +38986 +2341 +10244 +959 +18459 +33849 +25150 +41207 +38653 +34630 +17579 +38312 +42008 +14825 +8180 +4265 +40181 +40538 +5862 +14133 +28214 +23919 +41664 +23673 +11417 +43089 +29217 +12100 +25507 +18056 +27745 +39997 +22841 +37455 +29433 +20327 +35512 +17770 +19375 +23763 +16603 +36722 +25197 +18523 +22025 +36061 +1823 +30946 +11459 +30168 +41533 +7539 +24880 +7447 +16480 +12435 +38991 +19279 +17678 +22349 +10439 +3815 +11044 +11890 +12216 +13838 +29536 +36706 +40989 +21450 +20902 +38826 +16461 +5766 +41835 +3825 +41048 +37358 +22237 +21066 +30666 +11097 +29993 +20044 +8037 +2223 +34861 +3580 +21212 +14363 +25807 +21791 +34306 +4012 +38465 +8770 +38140 +4462 +38978 +38936 +11362 +25071 +6448 +40567 +33866 +4813 +2825 +22971 +15545 +38103 +39636 +32357 +15327 +72 +16221 +8993 +18171 +13858 +34093 +10942 +27517 +27725 +29900 +9012 +5825 +1586 +5850 +6272 +17524 +256 +3637 +42954 +16341 +10940 +37535 +32443 +23331 +41600 +27640 +32276 +6560 +3435 +33625 +33973 +17328 +10107 +41796 +33628 +25467 +39489 +25715 +32996 +932 +31774 +23547 +27650 +3764 +40769 +37923 +33818 +10605 +41689 +36362 +5025 +7738 +8341 +28335 +30631 +19964 +37189 +4164 +35959 +8089 +3994 +28799 +16261 +2396 +1985 +27855 +28318 +18477 +27787 +3458 +37491 +39457 +27719 +40852 +18507 +22491 +9414 +38753 +9468 +26012 +9429 +39937 +22099 +40887 +1807 +1872 +22800 +29444 +30558 +18576 +30009 +40733 +2511 +12656 +27908 +20373 +22833 +2387 +42259 +17969 +26279 +33142 +3980 +9765 +1429 +8872 +29538 +31198 +12659 +3025 +21437 +14418 +7206 +3657 +2436 +39045 +22899 +21641 +36533 +22175 +6791 +10973 +32395 +25075 +32475 +691 +14100 +6484 +24451 +14998 +41025 +6511 +3777 +14463 +19544 +12014 +11059 +22075 +27896 +37971 +24494 +8655 +24981 +35064 +42513 +33822 +198 +43180 +39306 +33701 +32699 +25297 +30364 +27998 +34947 +817 +10896 +4053 +20488 +23636 +34183 +28803 +32423 +19518 +31683 +12141 +15191 +17267 +25705 +39953 +689 +27932 +33958 +784 +14096 +30770 +9777 +18781 +24068 +43355 +37367 +23759 +40472 +33028 +4304 +30681 +177 +32872 +2848 +16801 +12197 +18424 +33307 +18497 +28272 +33343 +10179 +16795 +26837 +37632 +24232 +39703 +17019 +25172 +39893 +27960 +33483 +24196 +4102 +15531 +20849 +3783 +33659 +9217 +34533 +34845 +10162 +6166 +4692 +8977 +22018 +41115 +26029 +31927 +3353 +13160 +5511 +24251 +15146 +8382 +30995 +15246 +34507 +30180 +29213 +4009 +22672 +13308 +18113 +10663 +38480 +1426 +29507 +13845 +30776 +11061 +12264 +25148 +4437 +6678 +22524 +23840 +33929 +7301 +18232 +28728 +15134 +39206 +40283 +31434 +7275 +7273 +43347 +30652 +43223 +28413 +1725 +33597 +21960 +12498 +8499 +7197 +27532 +15412 +12621 +33879 +7426 +18733 +18213 +23974 +28825 +38872 +9950 +36829 +2742 +16972 +3954 +39915 +33813 +30352 +41977 +3232 +24087 +26502 +33844 +41118 +8670 +29554 +19983 +10133 +6861 +20015 +38970 +32209 +36003 +36711 +1257 +22746 +7224 +8308 +13830 +669 +38706 +32812 +2116 +8827 +28950 +21578 +34229 +9671 +4720 +35915 +398 +11445 +40448 +19211 +20159 +8445 +23418 +27753 +35578 +22139 +14711 +38136 +18874 +38137 +1376 +26623 +6768 +36579 +38408 +8401 +20835 +16606 +2240 +40135 +21788 +14703 +33692 +12539 +12637 +35456 +18332 +33694 +42612 +35306 +29096 +9248 +20792 +6200 +21219 +27425 +38629 +42048 +11196 +40929 +13006 +43281 +21828 +23568 +35555 +10164 +4855 +38586 +40735 +5005 +19589 +443 +19822 +38185 +21662 +27006 +14864 +37030 +1336 +24517 +41782 +39799 +2698 +27342 +3184 +37605 +35255 +1464 +40744 +41875 +19816 +29997 +10982 +4503 +43238 +17616 +2651 +24262 +14745 +7753 +6090 +39982 +6712 +39059 +24095 +6728 +8808 +36943 +25162 +17076 +39554 +22375 +43185 +30901 +8835 +2097 +37599 +40077 +28980 +1005 +4442 +14183 +18091 +24243 +31923 +26363 +23464 +36480 +22207 +22173 +35796 +36399 +24154 +27560 +15690 +38746 +26329 +4048 +35862 +4613 +14863 +14151 +22488 +35828 +10970 +7302 +29196 +23287 +16190 +29688 +22209 +667 +29648 +10345 +27687 +37072 +35655 +22529 +24364 +15178 +28085 +36817 +10178 +31957 +3265 +41298 +29335 +2065 +14884 +8079 +26326 +33138 +22953 +23923 +25300 +18118 +25768 +27984 +15725 +14178 +21793 +19452 +33691 +13772 +32932 +19413 +22185 +15401 +1015 +3164 +11259 +28259 +24351 +10920 +5694 +23120 +10991 +15735 +38519 +30937 +12125 +30076 +9237 +15641 +23530 +36655 +33666 +36 +4772 +5696 +28503 +3959 +21419 +20994 +25062 +1966 +34233 +6591 +4395 +24661 +17355 +41793 +40366 +34701 +43123 +10238 +2731 +35094 +31060 +4039 +32552 +40279 +8577 +7006 +11003 +23540 +13297 +39310 +23144 +25737 +3934 +42507 +10196 +31653 +16865 +400 +10121 +29459 +35845 +41221 +5115 +15630 +1894 +39820 +2282 +38862 +24115 +13005 +23074 +9176 +39678 +36724 +1862 +6794 +26636 +20747 +22348 +33283 +41152 +39608 +15377 +28269 +39087 +10308 +24354 +15783 +24946 +15737 +18046 +6331 +29021 +39224 +20250 +28407 +26102 +212 +28389 +8221 +21379 +18021 +34868 +9345 +3207 +33840 +13355 +33121 +14434 +17241 +8000 +24103 +9827 +35744 +4648 +834 +6534 +36008 +26392 +14532 +32619 +34425 +28163 +40491 +35407 +13916 +9979 +31648 +33273 +1959 +32808 +29259 +38069 +28390 +14244 +2726 +29242 +31588 +14478 +28703 +7137 +38355 +391 +14022 +30187 +20936 +14800 +19783 +24328 +26418 +21332 +33409 +37068 +24424 +22891 +15961 +11418 +6766 +31746 +14307 +5453 +12202 +9025 +29701 +23966 +31589 +29560 +13452 +5116 +5910 +11453 +15588 +42403 +28294 +40672 +26093 +1129 +32881 +5692 +42662 +27478 +41332 +20804 +41410 +17960 +38491 +29598 +33068 +33754 +22071 +42130 +743 +38523 +31942 +4468 +41079 +12217 +13367 +33690 +796 +1365 +553 +36505 +23980 +24584 +14132 +3295 +19697 +3048 +36251 +35475 +6402 +27018 +39564 +4578 +15011 +21686 +28582 +6067 +31765 +14480 +37668 +1154 +32082 +18617 +38634 +27524 +3471 +28003 +23997 +32997 +38179 +8026 +9291 +1817 +4127 +11276 +40869 +32819 +33528 +35599 +31355 +16389 +19631 +38537 +25890 +36225 +20602 +40768 +1535 +17094 +17839 +41721 +20079 +4579 +17182 +37924 +17272 +17546 +12763 +37170 +42424 +6863 +4451 +10725 +16025 +9693 +37992 +40173 +34673 +6408 +2800 +36183 +24024 +31373 +3905 +42683 +35739 +20709 +37749 +22482 +25005 +25987 +3046 +36886 +35158 +40793 +8107 +9877 +6558 +15601 +7931 +29910 +24285 +27518 +6900 +33496 +36440 +8669 +15653 +28946 +42166 +31534 +9133 +1279 +6746 +13220 +7427 +40131 +19365 +4559 +4026 +3805 +41123 +15349 +15326 +28830 +16544 +10358 +35632 +20911 +18077 +12515 +18999 +40148 +9216 +27743 +39694 +41419 +37138 +21207 +12606 +12464 +7364 +37274 +32890 +3855 +16602 +6580 +28279 +39422 +6251 +33462 +13645 +5803 +37892 +34062 +25943 +22130 +16702 +38529 +28523 +31016 +1584 +17958 +18688 +38372 +30644 +39094 +27930 +28987 +38293 +34367 +34238 +8476 +7438 +29840 +7277 +22076 +36346 +38669 +10067 +14156 +8357 +25151 +1324 +42894 +7422 +15640 +39438 +9324 +19162 +20613 +39718 +17225 +22592 +18138 +32319 +17915 +38689 +40525 +32424 +5678 +7956 +19982 +6755 +22081 +37250 +40201 +29333 +24820 +29575 +8200 +33605 +26333 +14618 +19852 +31586 +40060 +35481 +34620 +294 +28348 +41484 +29308 +24785 +22974 +32331 +27156 +21381 +38168 +16495 +2429 +24084 +2477 +32374 +3323 +36011 +42559 +11753 +9516 +7511 +10998 +27088 +31298 +22259 +9686 +31076 +25424 +37498 +41000 +22194 +15978 +26948 +9502 +39930 +38338 +20075 +24029 +42004 +38621 +9100 +40731 +3233 +22382 +42353 +6110 +21205 +1858 +11750 +27644 +2901 +16309 +11691 +13169 +28040 +35362 +19411 +22799 +14030 +23334 +6151 +21310 +13896 +14449 +15651 +20713 +19004 +40481 +21826 +23009 +1666 +39161 +26358 +27038 +35646 +27515 +16643 +7250 +32901 +38934 +35052 +39134 +18791 +8953 +19779 +34061 +14594 +32684 +3773 +33921 +1302 +17093 +12587 +9409 +33553 +22601 +39225 +15006 +24012 +26806 +3116 +10574 +5978 +9711 +26118 +17553 +13431 +7337 +39011 +4124 +38800 +34687 +21203 +27993 +20467 +1255 +7248 +30327 +4673 +1520 +36220 +29513 +24120 +25390 +16369 +43066 +4527 +33397 +39652 +36211 +41046 +23779 +3030 +15043 +17537 +24360 +6276 +38947 +41122 +28967 +39622 +10285 +11444 +2007 +36810 +1272 +810 +14650 +10233 +10905 +5894 +23350 +37036 +32835 +13003 +4963 +21704 +9532 +9568 +38229 +30323 +5661 +30088 +18592 +37084 +21870 +42831 +17335 +8442 +23226 +36718 +1256 +3366 +38164 +16334 +18215 +29602 +3358 +8987 +1588 +2258 +41116 +9053 +38447 +30142 +20740 +4056 +19339 +2998 +1219 +28710 +14330 +38170 +14033 +20190 +22625 +40269 +31740 +15241 +7274 +23166 +35211 +41311 +21787 +25100 +26388 +34255 +43339 +19151 +34268 +26169 +28723 +1841 +15285 +38444 +26315 +17519 +7298 +17948 +17801 +18596 +7324 +38820 +32135 +18064 +23409 +3005 +32673 +13480 +27234 +11631 +13221 +20562 +23490 +5196 +7812 +22451 +27599 +41934 +33935 +25561 +33184 +20777 +3633 +27805 +21256 +35806 +13820 +36001 +26216 +15040 +25468 +14182 +11021 +4487 +2165 +41134 +32070 +25802 +23211 +14798 +3781 +11743 +16130 +38275 +35613 +2758 +9619 +11197 +16621 +21605 +11421 +34779 +42245 +13075 +18499 +32522 +26361 +9727 +39972 +36265 +25141 +25970 +39700 +38329 +29856 +38712 +35349 +20320 +26325 +28927 +18710 +6899 +41707 +27400 +21517 +9835 +34087 +37968 +14774 +8545 +5362 +6619 +43246 +33014 +2183 +6551 +19652 +15319 +30497 +3469 +23383 +3371 +2144 +18273 +9281 +279 +24498 +29546 +39253 +11596 +29595 +17114 +41887 +34805 +13536 +3665 +7785 +6959 +8881 +42475 +19391 +20893 +18945 +16650 +6721 +38776 +26476 +4898 +6600 +9372 +12956 +31306 +18383 +31484 +25278 +33433 +37342 +31262 +36742 +1819 +21554 +9272 +3217 +39236 +35753 +36992 +7245 +36224 +33262 +1165 +7521 +11320 +31783 +34650 +13861 +5076 +5174 +18034 +31860 +7519 +6570 +26466 +9975 +22810 +35812 +29825 +26723 +26867 +17357 +38360 +42323 +37780 +16034 +23738 +30432 +38856 +29672 +30417 +41582 +39386 +24457 +19727 +15025 +6399 +7723 +19791 +7126 +37822 +24549 +208 +32861 +19467 +18070 +24206 +5561 +18431 +31794 +4572 +41240 +42399 +40732 +15175 +24667 +9402 +4972 +30296 +38528 +28659 +35285 +20239 +34377 +8034 +11894 +28137 +33888 +9303 +4891 +13362 +32502 +15766 +29017 +7264 +36103 +33248 +35348 +27768 +19570 +4845 +29871 +15603 +18492 +10089 +12596 +20532 +22970 +10321 +19542 +17103 +8190 +15701 +14727 +39859 +40568 +6499 +38340 +29472 +23641 +6072 +39962 +30320 +27589 +6970 +28371 +22503 +36968 +39012 +33498 +15520 +12695 +27312 +26267 +36878 +25763 +6631 +8663 +13852 +8370 +21594 +7711 +15128 +35584 +1023 +30501 +31961 +6340 +193 +27723 +19106 +24049 +4247 +3838 +24806 +17705 +11140 +38466 +34436 +34077 +10404 +41059 +40298 +22742 +29066 +14634 +6313 +42708 +13015 +5427 +34968 +36431 +30007 +9982 +29923 +29663 +12172 +22811 +32169 +26257 +29597 +10943 +14021 +32218 +31806 +24936 +9285 +4729 +19937 +34234 +34665 +40262 +15721 +8584 +12221 +9793 +7198 +1458 +22538 +5597 +28035 +7105 +28094 +27750 +20598 +4664 +12589 +20963 +24302 +16113 +20867 +9956 +27100 +35686 +42770 +144 +22692 +19728 +21980 +42364 +19478 +4460 +33577 +16773 +3585 +7740 +17038 +5872 +23361 +35607 +10782 +36800 +6971 +3380 +4278 +24310 +42466 +30082 +43198 +7915 +19018 +30821 +34794 +3334 +11190 +40493 +26442 +32884 +41897 +36743 +38431 +10635 +27621 +13046 +16531 +4134 +17737 +26919 +22399 +4114 +6154 +33749 +26776 +20541 +11876 +35458 +23275 +33268 +14217 +24303 +33208 +30896 +21087 +39933 +29850 +34642 +35564 +15151 +42634 +40889 +16592 +23521 +2999 +21289 +24388 +2950 +30867 +38319 +13601 +26173 +12341 +34584 +9231 +4639 +39026 +4788 +24213 +35237 +17873 +38166 +3110 +12564 +22709 +34275 +42502 +40300 +9098 +7371 +1473 +1107 +41690 +14451 +7842 +15837 +35912 +38394 +1999 +8958 +42956 +23918 +33096 +29265 +20855 +36093 +38786 +29064 +1397 +41802 +22172 +41973 +2818 +4159 +5352 +20417 +31441 +14668 +20509 +14422 +18692 +25417 +11281 +3726 +32942 +15446 +25767 +4718 +31258 +23157 +34796 +34749 +14386 +41873 +24212 +30029 +29640 +41660 +21092 +29354 +27605 +36721 +25117 +4045 +8161 +15543 +2434 +8437 +31357 +22837 +18298 +3869 +2589 +35865 +32535 +32574 +13450 +12254 +36291 +9615 +13752 +17213 +39838 +23901 +20013 +26956 +13203 +42101 +34581 +8702 +24707 +17195 +664 +13336 +27586 +32137 +12355 +6057 +9917 +23368 +29746 +39369 +21056 +37714 +29223 +30806 +12542 +6979 +19233 +22304 +36419 +1374 +16494 +15053 +8610 +39695 +15625 +42599 +41967 +21688 +627 +22471 +11473 +30024 +4927 +10333 +42014 +2715 +16899 +3146 +32203 +32544 +20118 +25201 +29819 +5153 +8984 +29133 +30759 +6361 +30612 +28538 +6609 +32155 +6065 +3188 +20951 +4279 +18322 +24721 +6908 +2204 +14537 +43165 +23174 +33090 +16505 +5639 +37871 +14856 +10909 +8914 +28979 +11990 +32734 +43322 +21319 +41142 +23158 +12503 +33369 +17976 +24172 +8254 +20231 +22406 +16443 +36673 +39231 +32498 +31773 +8071 +37227 +11581 +34873 +37478 +7946 +22138 +26712 +3097 +2681 +4940 +39188 +18946 +7042 +35957 +32979 +21894 +11287 +35368 +19150 +26662 +28482 +36040 +28022 +36383 +11092 +5702 +43195 +28179 +29736 +17032 +1653 +17681 +42349 +27321 +28584 +17581 +21774 +24719 +10703 +8169 +26895 +3933 +31967 +10872 +22698 +15722 +39761 +21926 +14409 +10986 +16556 +20691 +26164 +12088 +6018 +38942 +29737 +7683 +24223 +38345 +38933 +8949 +13655 +2109 +36926 +28864 +25537 +23627 +9662 +24973 +16364 +5261 +15472 +17756 +3052 +41708 +23961 +22531 +30532 +28892 +27033 +13632 +17266 +4675 +32132 +39436 +1470 +17014 +33835 +40184 +14253 +36415 +365 +25803 +7161 +2374 +35981 +7700 +19514 +17437 +25862 +19839 +1916 +14664 +150 +967 +26501 +9916 +127 +11845 +10104 +25264 +29928 +37854 +27248 +35401 +30203 +26711 +21819 +21933 +31853 +13809 +24268 +18829 +34653 +8360 +26144 +20189 +41335 +41727 +38328 +21097 +38660 +35222 +28199 +18382 +24640 +20194 +10275 +5644 +6953 +42481 +17159 +29935 +32929 +31661 +43038 +6853 +31389 +6010 +34689 +27305 +10132 +1895 +26261 +10420 +31277 +6675 +6553 +37838 +34520 +41171 +21753 +24021 +28868 +20917 +23344 +15501 +37708 +21499 +4874 +4541 +8076 +29617 +21263 +4831 +41620 +40719 +26793 +28820 +37570 +22517 +20669 +22420 +22345 +18170 +34925 +16514 +15550 +22323 +18756 +36268 +27322 +21466 +8299 +24446 +33402 +9081 +30748 +1706 +27970 +13547 +38042 +19548 +14004 +4385 +27004 +8136 +6520 +126 +12594 +1623 +3634 +21078 +25471 +16726 +38989 +19283 +34597 +19550 +12469 +2152 +29023 +23513 +14262 +21849 +25130 +26979 +12211 +30223 +2231 +30883 +16422 +13181 +2789 +27798 +31590 +15251 +22628 +6092 +39932 +33598 +39593 +17475 +21300 +26452 +14829 +13351 +7602 +4866 +36767 +14653 +6029 +35036 +14530 +41847 +13728 +32748 +8005 +31326 +5478 +40579 +36111 +30155 +34065 +5053 +10245 +22734 +17445 +29069 +35623 +1605 +1351 +16410 +36938 +26380 +884 +8003 +9575 +41550 +5309 +5265 +2334 +23115 +30280 +25411 +2118 +9329 +42023 +1913 +35554 +18755 +10563 +9890 +547 +25728 +15376 +33155 +34894 +28944 +27497 +38297 +34228 +4918 +28011 +38645 +28625 +41338 +18659 +15018 +682 +25154 +2564 +15468 +21098 +1543 +34399 +33499 +10692 +34376 +31260 +13170 +21937 +41081 +39373 +35126 +8121 +31897 +35478 +35720 +36438 +42632 +25480 +9655 +9055 +23801 +14076 +38954 +42627 +7906 +21044 +37269 +41039 +23503 +22760 +255 +4396 +16139 +25534 +37658 +37429 +41192 +8991 +12557 +13269 +3459 +39352 +31176 +23591 +39679 +40885 +3100 +5865 +9653 +2780 +30057 +13819 +24493 +17183 +20973 +37219 +40715 +4091 +38007 +2308 +33094 +25209 +37065 +22386 +4997 +19238 +6329 +39759 +6767 +27454 +29353 +36365 +9949 +3766 +41407 +42729 +27919 +12629 +30394 +8548 +35851 +37746 +19778 +10401 +14748 +18438 +16774 +34466 +1051 +14908 +18359 +129 +40963 +1121 +21308 +20754 +965 +42071 +3377 +10774 +15732 +22430 +2186 +42409 +19439 +8419 +34995 +12237 +19427 +41020 +16313 +7087 +19048 +29608 +27799 +24960 +20080 +2428 +40580 +12168 +2632 +43181 +43272 +908 +33883 +41932 +5743 +23505 +39070 +20351 +40686 +20781 +11896 +25311 +40705 +41284 +3482 +35675 +1002 +40760 +1740 +17684 +28036 +35609 +33509 +39798 +24844 +27673 +2208 +27964 +40364 +21167 +38744 +39553 +32402 +5331 +34692 +2101 +10462 +3901 +9789 +37571 +36858 +41426 +26391 +18813 +225 +31351 +8021 +6914 +1758 +5042 +31828 +18911 +3791 +41262 +22065 +42690 +27371 +16152 +3677 +29806 +24739 +4255 +23100 +9903 +37542 +23836 +7390 +42711 +17992 +42098 +18835 +10948 +27934 +33406 +39910 +4621 +22004 +40261 +43257 +6429 +16739 +8559 +6946 +27707 +12005 +31964 +27551 +11885 +32359 +28990 +21975 +31404 +43035 +17345 +12930 +18447 +11372 +13323 +32233 +36158 +15364 +8543 +38687 +32068 +15512 +20280 +1609 +40037 +37258 +25627 +1644 +32862 +37163 +36775 +42733 +39643 +8041 +41015 +34566 +12280 +26272 +26512 +35257 +34343 +15674 +42494 +8436 +41369 +42487 +35723 +27674 +11796 +11715 +28442 +28340 +42056 +1974 +28190 +13019 +43323 +21509 +3489 +27668 +32186 +6446 +6608 +14089 +23900 +8721 +8659 +3924 +10263 +24803 +41283 +33447 +30337 +41417 +982 +35539 +9439 +11898 +17285 +40424 +24057 +6352 +34120 +36554 +28069 +13607 +28863 +13272 +24636 +18711 +31006 +36147 +32785 +1390 +9392 +3772 +34033 +27587 +33207 +41285 +8905 +3673 +8475 +13649 +12597 +21481 +32754 +11561 +5230 +31558 +18301 +33708 +23085 +33946 +18348 +3420 +21583 +10118 +33066 +25476 +35096 +38111 +28823 +18956 +17606 +28592 +8871 +1383 +3653 +2087 +23608 +15345 +7285 +26810 +40962 +9493 +18041 +25386 +26754 +2566 +18653 +32630 +34349 +37957 +18686 +34503 +32098 +2187 +23869 +41035 +17817 +5019 +25969 +10490 +4711 +3332 +18181 +13382 +21648 +11652 +41565 +24515 +38291 +3411 +28473 +1095 +12309 +38874 +17055 +26710 +41598 +15294 +28655 +42027 +10252 +41470 +23681 +7780 +7873 +18338 +36310 +2022 +13201 +20265 +17068 +2117 +40215 +39449 +14684 +29394 +19433 +14871 +35283 +2285 +1189 +5414 +17233 +36472 +10222 +20522 +12027 +4991 +24226 +6978 +39993 +11086 +37612 +18093 +23347 +15380 +41656 +39513 +23479 +18026 +15769 +12144 +5189 +36035 +10353 +32831 +6517 +26551 +9971 +7692 +14925 +20645 +15162 +404 +37426 +10712 +18840 +2233 +14963 +24166 +35013 +35735 +40010 +5846 +15126 +29074 +21719 +23855 +395 +13366 +38375 +40457 +42938 +3525 +34952 +15887 +30063 +34209 +32036 +2879 +8292 +29943 +2899 +28931 +4858 +16233 +16724 +10110 +19141 +17002 +42227 +18156 +43242 +7825 +35734 +16207 +17884 +3562 +29791 +20912 +37160 +12102 +34490 +33009 +34027 +32728 +21890 +38064 +16383 +7560 +2470 +39696 +37988 +32087 +21133 +12995 +1602 +24779 +38557 +16293 +23545 +5376 +37384 +37689 +10809 +20289 +383 +2774 +22915 +489 +29549 +7719 +34197 +20633 +30519 +15316 +38976 +30021 +2472 +4717 +4438 +21464 +5649 +4893 +40182 +27382 +10710 +21539 +37521 +14736 +28774 +38531 +12703 +33522 +5445 +14722 +31476 +8149 +34284 +11038 +27718 +24487 +5885 +35988 +29441 +20222 +32369 +31657 +23767 +19056 +25008 +7162 +6531 +28994 +43276 +4168 +6246 +16241 +20474 +42723 +11345 +36108 +29695 +39302 +39360 +4823 +33828 +40508 +32888 +28884 +13089 +23162 +42452 +36989 +39395 +6907 +27281 +28606 +27213 +22534 +40206 +26443 +22789 +26205 +38456 +37811 +5822 +33962 +97 +4126 +24928 +40389 +7491 +12446 +16596 +24152 +13964 +13566 +829 +33421 +33089 +11102 +10955 +42823 +28800 +36311 +3985 +29954 +10390 +26281 +42385 +28072 +6060 +93 +26399 +8484 +42898 +12965 +35497 +37466 +55 +3328 +13503 +5797 +6245 +41685 +1026 +6009 +33838 +30031 +40884 +40180 +19489 +38566 +26757 +9045 +38365 +34658 +28362 +327 +12698 +4841 +27907 +15434 +26065 +1323 +17222 +24662 +33087 +2877 +34538 +9259 +11498 +35387 +19177 +4901 +34423 +18000 +4825 +38761 +11649 +20472 +3202 +35689 +9547 +23486 +39665 +8771 +28416 +15884 +21592 +32854 +13682 +34445 +20605 +21422 +17601 +26811 +36525 +4366 +28380 +23289 +39244 +39973 +31289 +33031 +199 +9208 +32219 +35087 +37195 +4895 +40998 +13330 +17922 +38601 +12547 +13592 +37702 +1812 +2570 +28948 +36687 +31810 +11503 +22169 +23028 +12495 +2355 +40634 +16820 +14153 +2680 +28284 +1821 +16387 +30816 +20710 +21796 +94 +21790 +22473 +24497 +40092 +8760 +2643 +29543 +15169 +26244 +35319 +793 +12061 +16172 +20047 +17470 +40934 +14487 +29170 +8561 +23329 +13722 +26996 +355 +29714 +40373 +32307 +36286 +8228 +6515 +42518 +34104 +42928 +31756 +12863 +42505 +20182 +18439 +8235 +28776 +29158 +1396 +32701 +5250 +11518 +37411 +27764 +37584 +140 +16183 +23639 +34372 +34768 +32455 +24107 +8658 +24177 +10189 +38943 +33002 +39597 +17486 +2985 +27683 +35108 +29625 +13287 +16611 +42477 +31128 +13606 +5876 +27913 +17420 +21524 +42976 +28459 +31641 +29574 +3084 +33806 +206 +39503 +10060 +40435 +9559 +42465 +39852 +22042 +40837 +4239 +10771 +34618 +494 +10705 +37434 +16547 +6266 +18433 +11953 +11506 +14015 +4407 +17541 +30206 +12143 +40230 +40838 +6487 +27142 +27629 +13970 +20574 +38831 +29352 +5150 +23520 +8387 +7374 +34395 +42400 +17067 +36786 +16165 +15930 +28159 +6967 +13209 +22314 +6190 +25873 +28978 +41760 +42018 +32306 +34064 +38895 +41108 +22782 +18844 +5827 +27057 +36516 +30061 +925 +9159 +26343 +40109 +3349 +15622 +39630 +30288 +11280 +23494 +32400 +35636 +21591 +35713 +25691 +10481 +38636 +41168 +709 +517 +5360 +42972 +9180 +14648 +10011 +11727 +1838 +33118 +41275 +5778 +34819 +17428 +3114 +7079 +26717 +1193 +35634 +13110 +7501 +8085 +3176 +3846 +12591 +33448 +13532 +36359 +18889 +35070 +23071 +7332 +37577 +18981 +23987 +8287 +13213 +13237 +26734 +25988 +31021 +42279 +12151 +11550 +12555 +31713 +12975 +11147 +10096 +16198 +29089 +36958 +11916 +22089 +9027 +25296 +17793 +16769 +5662 +16374 +23084 +21295 +5634 +27244 +40188 +1240 +36666 +35111 +30571 +30764 +17026 +11254 +37979 +36654 +16857 +6540 +16642 +17329 +23357 +1447 +40171 +32749 +1045 +7142 +28063 +18192 +27104 +27193 +32519 +13586 +12078 +15087 +3222 +35025 +34428 +2881 +12351 +28355 +25096 +21104 +26939 +11184 +17126 +17089 +5448 +9097 +32415 +12767 +16615 +24996 +24818 +37538 +42668 +42060 +14728 +13146 +20933 +5651 +37025 +39894 +8895 +845 +32523 +42187 +29370 +34113 +41815 +18728 +40080 +35336 +42370 +3234 +14937 +3454 +36382 +19617 +22965 +1987 +36607 +17161 +36123 +43327 +28691 +24686 +42984 +37980 +35212 +25322 +35881 +42278 +5897 +13656 +19088 +8605 +40880 +6318 +23047 +39065 +6168 +5798 +7282 +34670 +41786 +3857 +11914 +35045 +16756 +16776 +33579 +34342 +4331 +12213 +13380 +3027 +43056 +25766 +39137 +22731 +35967 +7211 +17003 +24122 +22125 +20033 +8328 +20881 +4704 +34498 +33191 +36971 +41996 +8407 +14615 +30486 +32125 +27054 +28278 +22750 +8189 +6326 +17308 +30429 +6053 +38571 +12310 +1797 +41650 +37294 +15661 +877 +39804 +22481 +25607 +24298 +22932 +10893 +92 +32923 +24459 +28669 +37936 +13836 +26465 +42724 +33239 +27846 +40177 +33174 +10106 +22821 +6264 +39128 +32994 +32916 +9340 +33340 +36252 +40870 +20557 +11751 +11722 +37559 +18558 +35964 +21138 +12352 +20448 +8490 +4910 +32877 +29118 +89 +7970 +33075 +25444 +31062 +17759 +30938 +38846 +15138 +10666 +9399 +37516 +19239 +3256 +33412 +17288 +4155 +23121 +619 +4444 +33720 +25050 +25450 +36145 +25937 +42892 +11634 +28873 +10981 +42667 +39882 +32265 +29387 +2035 +14523 +16458 +24072 +26698 +31100 +26112 +31247 +19225 +32302 +16745 +9683 +1304 +22989 +37933 +32687 +20957 +13662 +37097 +16861 +36894 +24337 +11949 +18963 +40005 +26846 +21633 +15247 +13619 +39095 +20107 +4930 +340 +13687 +10597 +18660 +32320 +21799 +41945 +10487 +26237 +20644 +21211 +30837 +9095 +18650 +2256 +10217 +7425 +34786 +7636 +38917 +20255 +10078 +13961 +1619 +11533 +3082 +6129 +15164 +39209 +27496 +7134 +23113 +39776 +7722 +32299 +32965 +26023 +14402 +5663 +20353 +27808 +33404 +12617 +13863 +25030 +16575 +9819 +6334 +42181 +25881 +36357 +34725 +16131 +13358 +38397 +4332 +26677 +12782 +42392 +4282 +42145 +315 +410 +37339 +2210 +30616 +29022 +36598 +5943 +15453 +6643 +40164 +37875 +7734 +22905 +40636 +2631 +28620 +30114 +1417 +34702 +31684 +30160 +42328 +22994 +12707 +14284 +25204 +22621 +11271 +35855 +16782 +25216 +27051 +30235 +25692 +15273 +18670 +37122 +18370 +3293 +33133 +28935 +33775 +14974 +27442 +40576 +22619 +37177 +40095 +9526 +402 +8148 +9646 +20337 +39074 +29582 +6443 +37401 +16600 +43309 +19057 +31043 +39681 +13214 +19009 +32180 +42262 +3461 +18648 +42981 +32351 +40008 +39303 +3490 +35402 +21963 +38563 +32904 +9673 +6064 +13103 +28882 +42876 +20120 +33626 +36176 +21354 +25552 +8833 +14446 +42265 +4969 +6708 +14145 +10999 +35291 +42933 +17620 +22360 +16359 +2329 +22411 +8233 +40907 +35792 +27689 +22121 +12346 +41854 +20681 +28773 +6404 +13931 +3856 +21581 +26141 +15000 +14452 +4216 +6573 +42564 +23470 +20667 +6144 +11014 +36417 +34846 +30583 +27929 +29826 +26986 +25851 +9569 +2840 +22424 +21863 +43266 +6751 +5959 +26116 +37574 +34829 +7418 +24748 +29938 +31114 +488 +26549 +31256 +3247 +27228 +23200 +2269 +14705 +7181 +22701 +3692 +21861 +20603 +5630 +10573 +34569 +14087 +3529 +26999 +7920 +26615 +1221 +33825 +41914 +11986 +1468 +6301 +24118 +42516 +23802 +31517 +9436 +18888 +11229 +41387 +9518 +16086 +26243 +29974 +11637 +24422 +5354 +17745 +8801 +8696 +23124 +36608 +13823 +10498 +26494 +7160 +27094 +33820 +8084 +28525 +40437 +3695 +5802 +20148 +32807 +36808 +31362 +3286 +18227 +14989 +10334 +21405 +8709 +1215 +2445 +18139 +41024 +3289 +42184 +38896 +6793 +20099 +6949 +33675 +4542 +40711 +35244 +43319 +26104 +976 +10140 +956 +9649 +31613 +719 +1932 +10861 +7654 +24623 +40349 +6968 +19929 +23506 +14395 +13192 +19922 +19440 +34931 +463 +25645 +13379 +39441 +4132 +12991 +18590 +1350 +42765 +24684 +28770 +35470 +22883 +35135 +20641 +34103 +29234 +110 +41434 +12840 +5096 +27235 +35948 +5252 +11301 +30502 +17604 +20232 +31694 +12093 +39559 +11555 +41049 +40242 +41702 +27344 +31296 +12860 +14288 +34504 +26453 +21695 +31658 +25694 +33355 +22003 +41008 +22824 +4507 +32119 +33538 +9477 +9957 +18964 +26653 +36646 +42666 +16011 +29296 +31951 +3801 +7583 +5633 +14302 +42561 +491 +14180 +24252 +34154 +8719 +21698 +5736 +33871 +32750 +2443 +375 +5264 +30602 +41400 +39218 +37975 +1061 +40688 +21767 +16881 +27000 +28801 +31862 +4751 +17168 +12522 +27314 +12793 +33832 +2121 +3538 +13377 +37206 +21708 +36175 +13763 +24604 +13341 +35078 +13022 +35355 +22149 +6091 +35692 +21748 +41515 +11544 +15655 +1358 +1236 +29219 +5949 +25706 +13111 +9776 +7172 +12599 +3109 +28720 +27738 +16625 +3899 +8 +3444 +33747 +30321 +20515 +41905 +24972 +39796 +13310 +7011 +16682 +27987 +5013 +28904 +11423 +27790 +25332 +34222 +1171 +9039 +43005 +838 +23620 +25013 +19308 +29605 +25826 +11261 +7025 +5370 +3085 +8052 +19220 +20104 +10341 +26826 +23079 +17101 +1331 +18101 +24924 +37471 +28406 +20894 +2401 +6106 +20999 +22493 +30954 +43283 +15740 +33502 +22104 +22715 +19404 +8795 +23599 +15610 +15227 +37804 +12220 +9253 +9691 +36209 +20191 +34098 +31064 +39314 +902 +34550 +36566 +17769 +34055 +16405 +42775 +24395 +34696 +36329 +37833 +7950 +9108 +1409 +23083 +10052 +20983 +17666 +7976 +34560 +37282 +23796 +37915 +19847 +20830 +25510 +28248 +15508 +14048 +39017 +36669 +10804 +43346 +20257 +5890 +36115 +21247 +29218 +16522 +18910 +34261 +39823 +16373 +30179 +3076 +23056 +42555 +42830 +29812 +29632 +21176 +1756 +8580 +12607 +42807 +2905 +33817 +15698 +15103 +29503 +33937 +6008 +26430 +5222 +4500 +31227 +11873 +10316 +29097 +25619 +6477 +8311 +3885 +21275 +38767 +7526 +36541 +28816 +8863 +11575 +18395 +33672 +3211 +14759 +29065 +29002 +37778 +6759 +38074 +39129 +21394 +32679 +5299 +26862 +21565 +10389 +42510 +10259 +32472 +26113 +15708 +10800 +43070 +19067 +16958 +33214 +134 +26251 +41693 +27769 +41636 +1663 +7033 +23150 +39598 +42893 +16227 +22603 +26742 +16001 +15486 +22311 +36345 +24513 +2820 +5257 +43381 +43221 +37143 +4817 +27822 +27980 +15780 +35527 +31841 +33994 +19352 +3638 +760 +37362 +21134 +22583 +11048 +32903 +38923 +36681 +40581 +36290 +20024 +42284 +24510 +26306 +27212 +12448 +40906 +1296 +35770 +5321 +41933 +7055 +28784 +31665 +31235 +41267 +15268 +5185 +19796 +17112 +37332 +38493 +21496 +41310 +21055 +20705 +42467 +16502 +42337 +27093 +26192 +30148 +13641 +29449 +19640 +37023 +22069 +23195 +23354 +32007 +27615 +28880 +13925 +24272 +19647 +4709 +29649 +24193 +26850 +30209 +39031 +3558 +29473 +41172 +20638 +18463 +4454 +23142 +686 +35147 +1276 +12248 +39345 +42790 +13389 +24093 +8882 +17312 +38269 +23962 +13334 +2536 +25047 +14372 +30719 +5599 +31474 +9403 +5745 +36442 +5314 +28735 +34451 +8495 +7765 +433 +12747 +8408 +16887 +38364 +35106 +42503 +17687 +12484 +16570 +10651 +33306 +16062 +17263 +9821 +10076 +22285 +14265 +14590 +3848 +28971 +41296 +5141 +13249 +18951 +2833 +19128 +8817 +8372 +37659 +9812 +19104 +34000 +31475 +39895 +18909 +31253 +25730 +36732 +16254 +32043 +20339 +32138 +4522 +27179 +16753 +43170 +18484 +9685 +10276 +29622 +23741 +13827 +16770 +28352 +13027 +25734 +12982 +42491 +14384 +37554 +10961 +11485 +30951 +15932 +19811 +12115 +19769 +23834 +32004 +12299 +6621 +30245 +29796 +184 +31342 +26625 +10685 +6626 +8322 +34789 +32410 +30613 +14985 +30215 +35143 +30546 +18435 +3630 +41110 +14105 +4880 +30633 +11499 +35213 +17254 +38804 +26035 +36771 +25101 +7242 +40216 +23260 +12064 +32461 +33997 +9923 +29848 +6826 +1954 +12714 +10499 +30178 +18022 +31846 +4215 +3574 +6777 +36153 +21885 +1054 +3892 +19858 +2521 +30313 +19973 +36418 +13442 +19319 +14322 +37656 +43064 +21858 +27337 +22523 +954 +22612 +3055 +8786 +36447 +20729 +30835 +1155 +1451 +35576 +34955 +10849 +37920 +8502 +1290 +6155 +367 +31611 +9922 +13701 +33667 +17015 +15272 +13879 +25760 +25174 +17271 +1306 +33143 +5214 +30237 +31127 +23434 +6140 +30251 +37536 +14432 +17536 +38430 +16286 +21395 +35235 +18792 +38526 +15230 +14364 +4014 +40190 +12781 +35846 +33451 +41466 +20317 +17013 +31116 +2399 +34603 +21398 +4330 +15488 +37241 +36128 +16567 +28972 +20122 +1128 +5409 +34948 +6982 +143 +26912 +38010 +10101 +17539 +25637 +25353 +19962 +26520 +22342 +10632 +34049 +17352 +22038 +29483 +8947 +13700 +9228 +4346 +20303 +12475 +20497 +12544 +43243 +20659 +39814 +16439 +26692 +5549 +41594 +14969 +31869 +15026 +34598 +19543 +39994 +32909 +39530 +5580 +41003 +1773 +7901 +40318 +37239 +6013 +34784 +42792 +11006 +25058 +4285 +29905 +13159 +21172 +37785 +2767 +4119 +10090 +14855 +14973 +5648 +20451 +24077 +16275 +21515 +24905 +10825 +21197 +6762 +21392 +14060 +28458 +38263 +43143 +23509 +10435 +10065 +9587 +8349 +7760 +14744 +16246 +18676 +28195 +37352 +8681 +2625 +31577 +25436 +29945 +9560 +42590 +2544 +38782 +24391 +21770 +10075 +38024 +5573 +33789 +18328 +7550 +43393 +39920 +17177 +27503 +38182 +25144 +29893 +15048 +41625 +33347 +20588 +24220 +34946 +9579 +8479 +9175 +32818 +2673 +42054 +35448 +7945 +30367 +38142 +32935 +16710 +29604 +11217 +12433 +29051 +23522 +1659 +30366 +12899 +11023 +38115 +20181 +36860 +10224 +24859 +40498 +41281 +3123 +27489 +22008 +16441 +13578 +25052 +22431 +18926 +43220 +12805 +1769 +42108 +2679 +11621 +7345 +9670 +38915 +35039 +28237 +8268 +18217 +41421 +14927 +42402 +27005 +32099 +3776 +38149 +2041 +588 +2080 +22126 +1830 +34511 +35057 +12342 +6250 +23203 +13800 +35810 +4902 +28123 +16818 +11039 +20564 +36546 +26786 +33299 +15962 +35697 +5971 +29480 +11717 +20806 +34907 +3096 +38977 +366 +27361 +30736 +21824 +30250 +30709 +38190 +19910 +23778 +41215 +42655 +20877 +33740 +24669 +33906 +32722 +4925 +2312 +8765 +3946 +34922 +25831 +8123 +9067 +40085 +31344 +41909 +39130 +33706 +34793 +22567 +22695 +2634 +6654 +38262 +43042 +19972 +34542 +18153 +25650 +31721 +8226 +41976 +37330 +3670 +36191 +7663 +20627 +28219 +17259 +5771 +22120 +4941 +38280 +34879 +37101 +9854 +24865 +42983 +4617 +23119 +24195 +15390 +4567 +14636 +25824 +15293 +20762 +28338 +35051 +35979 +13534 +18917 +22220 +411 +42867 +23457 +35074 +25629 +4697 +148 +1423 +33395 +20149 +8474 +29934 +16985 +4369 +35586 +26207 +26544 +7710 +39021 +9494 +12461 +26703 +30201 +39479 +37887 +1354 +33073 +29703 +13908 +17875 +874 +48 +27823 +19772 +11508 +9370 +11917 +41768 +27264 +23499 +644 +33944 +17152 +5701 +27513 +27705 +1133 +2806 +42937 +16823 +10732 +22558 +1703 +235 +17092 +20006 +35276 +18423 +15333 +5270 +13283 +17110 +10557 +421 +28750 +2244 +30591 +41587 +19881 +6940 +13549 +6854 +35140 +3688 +42678 +19003 +5213 +2781 +41959 +22553 +39939 +24139 +19186 +11203 +11479 +29349 +24979 +12889 +30335 +8757 +27945 +4222 +12155 +39324 +40729 +15771 +42049 +6894 +41302 +19904 +40509 +40345 +20876 +24560 +37845 +34733 +11087 +16656 +5083 +11015 +30389 +35457 +18124 +3570 +24348 +7366 +32406 +17211 +12638 +25529 +13933 +21920 +11348 +25751 +18709 +11583 +37182 +12734 +7661 +4754 +32017 +31018 +19133 +37692 +35701 +42910 +32613 +25152 +7153 +32764 +10126 +41321 +29967 +12950 +7596 +8031 +36113 +19690 +32999 +8133 +36269 +3131 +4716 +15015 +29788 +35793 +13713 +37202 +30147 +405 +4308 +22622 +15498 +6934 +27688 +18239 +282 +28781 +40013 +1224 +20391 +1266 +38208 +28275 +18661 +17439 +12664 +38200 +38300 +11516 +36349 +23757 +3555 +31271 +32479 +20974 +34951 +28477 +18738 +37217 +36629 +41437 +42813 +27309 +22344 +33327 +39714 +30090 +13773 +18127 +26902 +13059 +6588 +28824 +20054 +39816 +287 +28565 +11107 +868 +25086 +41055 +6549 +8060 +4307 +32775 +30242 +24137 +18455 +12278 +37474 +23254 +25355 +22846 +9574 +15250 +11597 +34881 +3517 +41872 +16948 +5864 +37566 +41496 +35061 +11713 +32553 +15559 +22620 +37166 +26027 +39684 +19000 +34366 +29475 +33304 +33401 +16433 +19911 +26995 +12399 +31693 +26469 +31219 +1785 +29510 +35823 +12397 +9742 +25571 +35434 +13792 +31763 +30994 +41792 +12825 +31651 +13473 +33054 +37335 +4995 +1072 +3398 +33556 +32589 +4783 +34355 +21837 +8919 +11941 +20717 +40943 +28542 +25486 +8574 +41892 +38755 +10253 +11467 +41972 +28409 +13537 +5775 +10846 +15307 +34810 +20897 +27703 +16741 +35643 +26622 +3981 +9305 +21238 +21948 +34859 +39617 +37890 +40413 +16971 +11355 +13520 +35175 +7357 +19310 +14042 +22665 +19136 +38011 +37684 +16079 +28548 +17530 +10036 +3533 +22000 +31531 +40682 +40078 +32170 +36426 +671 +23154 +16792 +12139 +12963 +20518 +28054 +9907 +19448 +25830 +4178 +3006 +7001 +10780 +28900 +23595 +21407 +16834 +27553 +27170 +22977 +34289 +1616 +29103 +13891 +29253 +5012 +3800 +33761 +31099 +9607 +9383 +15952 +13654 +41147 +17464 +41214 +16629 +32428 +19716 +20952 +14941 +11206 +2911 +21424 +32181 +9537 +29717 +37686 +24380 +8179 +39558 +32925 +11742 +32293 +41405 +13354 +6506 +6035 +12477 +12757 +14539 +14549 +26515 +33990 +787 +23584 +30303 +39765 +30711 +24442 +40427 +17695 +15787 +15731 +10768 +17174 +37855 +28151 +20371 +34679 +899 +21388 +6875 +13527 +20454 +4129 +30856 +4452 +2678 +1570 +14713 +15810 +19938 +28494 +28414 +31564 +34663 +4790 +3104 +7939 +7188 +8278 +31582 +12786 +33158 +4745 +43316 +21738 +21018 +42005 +38881 +39777 +33050 +15350 +12850 +31267 +32975 +9120 +20368 +24999 +815 +15677 +26843 +1357 +30818 +37531 +449 +11704 +2217 +2414 +34953 +40044 +28788 +3129 +38376 +13446 +39424 +18715 +41314 +2083 +6391 +29334 +15767 +28113 +25334 +25294 +9887 +34791 +36020 +17664 +38944 +38774 +1940 +39499 +20197 +8651 +9874 +5841 +23391 +39378 +8952 +9376 +3080 +3486 +17655 +36852 +35378 +15857 +23565 +40851 +19202 +3607 +37154 +15612 +35694 +19046 +7817 +1545 +16070 +33600 +10163 +35423 +15064 +24462 +42878 +40726 +13428 +11842 +28148 +6416 +15643 +25791 +29789 +34593 +40775 +32346 +12501 +4747 +25783 +6865 +3404 +27482 +25222 +32179 +38096 +7094 +4425 +7233 +1068 +5044 +39387 +12616 +4082 +22335 +20944 +14299 +32121 +6647 +33042 +11309 +34126 +28634 +8002 +14742 +34589 +28678 +11051 +20903 +8338 +9926 +36897 +6786 +26780 +31922 +28586 +3684 +13468 +19030 +31275 +7322 +15637 +5640 +40866 +5854 +16186 +42196 +19432 +19666 +30545 +9076 +19885 +31252 +21409 +32379 +17549 +28445 +39470 +11490 +13048 +2850 +20634 +2242 +4486 +12830 +6478 +14444 +2708 +8384 +32030 +30216 +9932 +36124 +8616 +2164 +13348 +8631 +22046 +41450 +19874 +8611 +13868 +5456 +7588 +36371 +40758 +18464 +11334 +18009 +41530 +26467 +41668 +42276 +30097 +2609 +26963 +38848 +40363 +26529 +9775 +41838 +19945 +16024 +6730 +11105 +16905 +36956 +36748 +16624 +43324 +22959 +26053 +377 +37729 +39144 +16371 +9948 +21088 +39388 +21996 +7409 +34850 +29411 +5093 +43032 +24831 +10945 +21142 +9486 +7461 +22250 +40063 +23623 +41292 +12169 +32420 +11460 +42738 +9608 +12612 +39848 +28896 +38390 +39322 +8347 +38468 +6476 +20546 +28415 +32569 +42095 +33661 +24732 +23485 +6116 +14495 +40684 +22754 +40524 +8597 +36889 +7617 +23706 +20945 +37630 +13477 +15613 +39740 +14090 +39333 +3832 +6873 +37007 +7296 +20811 +36529 +1603 +13634 +38768 +42287 +35492 +24352 +32332 +9675 +31584 +11554 +14773 +28238 +14522 +23439 +21061 +27463 +25964 +18973 +41126 +615 +24914 +4416 +22270 +30767 +3200 +5919 +12819 +26923 +22711 +37431 +30520 +18352 +19232 +42001 +14993 +42149 +35445 +4439 +4724 +17035 +32768 +23991 +41219 +29587 +19836 +14109 +27952 +105 +39625 +28231 +38960 +40780 +33646 +43006 +17554 +20365 +28674 +8692 +33444 +39843 +26916 +20116 +34832 +14824 +41709 +37047 +14154 +10357 +34580 +7252 +22648 +3976 +34391 +5979 +11066 +20073 +3991 +24415 +4949 +31249 +25700 +5443 +20021 +28098 +29432 +25820 +4642 +37368 +31768 +31664 +16212 +13576 +9674 +16276 +27080 +28370 +26650 +26240 +26010 +20739 +41863 +32863 +13918 +43388 +12298 +18584 +20354 +15784 +1729 +1301 +1074 +9369 +5788 +18053 +28886 +29095 +8006 +30922 +24004 +22632 +23556 +37405 +19529 +23477 +31266 +7032 +13808 +37229 +13256 +12862 +35901 +934 +32033 +37939 +17476 +42444 +39368 +40805 +31202 +43384 +11322 +36483 +15258 +29145 +17527 +11181 +29576 +28686 +3102 +34079 +19337 +28203 +14173 +42608 +3913 +13253 +894 +22875 +4221 +3746 +5426 +20823 +29494 +36424 +20217 +8374 +31429 +40917 +43248 +257 +36030 +14880 +34134 +17625 +13242 +36092 +1962 +36795 +23402 +20828 +9816 +4207 +24228 +7580 +22931 +11515 +6498 +29408 +17973 +31392 +13024 +21761 +15881 +16278 +19737 +5725 +3060 +3466 +33864 +42159 +41006 +7923 +7420 +37124 +7504 +3680 +2580 +39854 +31645 +4773 +27802 +21932 +5861 +18704 +19401 +23894 +26009 +23309 +5828 +1490 +17080 +3830 +22183 +12879 +5028 +22231 +33370 +19664 +34546 +23305 +39535 +15231 +24081 +19421 +5619 +7480 +39985 +16447 +2669 +16404 +7520 +4982 +19488 +7257 +30183 +5783 +25915 +38912 +36319 +17099 +8367 +23108 +15497 +21137 +23336 +38617 +42766 +25775 +10755 +37863 +11676 +36961 +29723 +32753 +30778 +25089 +28410 +30273 +24219 +30584 +33573 +23824 +22455 +34627 +42420 +11630 +16802 +17373 +31348 +27557 +17591 +6825 +2027 +8960 +11251 +22634 +29446 +20338 +29609 +8470 +4867 +4333 +19718 +22812 +6722 +27634 +12418 +40787 +27063 +37624 +8767 +18585 +21786 +38505 +28890 +32297 +24799 +4347 +40642 +35042 +41637 +7474 +2143 +7737 +35292 +10326 +20346 +731 +4616 +41791 +39846 +33380 +26590 +35459 +38014 +41291 +42147 +23004 +8821 +10057 +7542 +13085 +22302 +6604 +27658 +7124 +8297 +2503 +30799 +3701 +30912 +37657 +10329 +31784 +14999 +40502 +16897 +18823 +2488 +3663 +7140 +34162 +24453 +24472 +1415 +28308 +38806 +20240 +5980 +28986 +2318 +16149 +40033 +24158 +39860 +10899 +35085 +5262 +11507 +18602 +1751 +41574 +13686 +43048 +39006 +9658 +14091 +31047 +189 +41888 +15576 +41942 +23165 +42638 +2171 +8939 +23143 +33006 +31215 +31741 +22200 +30056 +27926 +5113 +25955 +20632 +18918 +23315 +5420 +8206 +29999 +41087 +32678 +37220 +43117 +14551 +15354 +7867 +13030 +19282 +17482 +10631 +14313 +18409 +17676 +21345 +15874 +3367 +4540 +12968 +31819 +12686 +14448 +30758 +34876 +26072 +7261 +15123 +42755 +663 +15473 +19944 +13525 +9710 +42737 +12549 +42647 +38434 +33334 +26416 +7699 +14442 +36354 +7281 +25299 +36763 +42346 +8997 +8366 +38536 +17403 +35660 +6530 +37709 +3888 +8386 +37237 +16812 +9553 +13968 +14240 +2326 +6806 +42295 +26596 +32123 +11018 +36479 +41906 +20852 +19928 +11627 +40883 +2422 +36229 +34709 +27755 +38077 +41889 +7386 +2516 +32184 +5871 +29820 +16783 +37168 +39350 +3900 +34911 +18684 +42900 +6414 +8553 +19303 +40048 +15306 +32375 +2307 +38126 +13575 +25720 +2032 +34020 +9435 +8243 +12878 +15914 +13715 +15604 +37087 +39664 +15443 +2533 +6040 +26470 +38511 +8647 +6951 +9908 +8216 +18350 +32695 +32796 +1075 +28157 +37093 +35544 +38133 +36247 +23886 +14197 +18149 +29884 +30254 +3035 +23280 +937 +32163 +20254 +37925 +30349 +38366 +18108 +8205 +17261 +39603 +38313 +30810 +9008 +39857 +17275 +10814 +27379 +381 +8600 +34492 +3299 +33099 +34924 +40931 +23725 +12119 +24503 +41696 +41844 +34066 +34914 +32531 +38684 +28875 +21541 +25290 +30338 +1407 +7783 +12731 +23472 +11389 +16858 +18384 +13422 +7340 +41705 +19851 +2947 +25094 +25169 +39196 +5357 +7608 +5874 +6030 +18404 +11721 +37427 +23366 +1436 +36609 +14975 +15431 +35465 +32773 +34769 +33314 +35391 +26273 +302 +12708 +4387 +25936 +30422 +22667 +16890 +28540 +34530 +21855 +21989 +24104 +35857 +15436 +30793 +35670 +11213 +36243 +35938 +9960 +17897 +16058 +25179 +2538 +17078 +38026 +24674 +7571 +10958 +42238 +2677 +22768 +22697 +21994 +38046 +4345 +33506 +4492 +12365 +9583 +39890 +30079 +43205 +34385 +6175 +7767 +6663 +11056 +21225 +22533 +37722 +31269 +10764 +15186 +34084 +20313 +22353 +26224 +30225 +19070 +31225 +2166 +5154 +37153 +1337 +6191 +38574 +8683 +27483 +30146 +4488 +9603 +17441 +226 +9521 +41197 +723 +24426 +6706 +5723 +22775 +16486 +9028 +11308 +20100 +21489 +22685 +11173 +2757 +4774 +31636 +24562 +31186 +40428 +2721 +19428 +39867 +2555 +10434 +13105 +26856 +37150 +26297 +32114 +18512 +26649 +36565 +13012 +5950 +25442 +29730 +27200 +11436 +27838 +13318 +38424 +16523 +20873 +41385 +34528 +33830 +5417 +27086 +27733 +10457 +9325 +2859 +23474 +6789 +5418 +8994 +40293 +2330 +5103 +23450 +27139 +3071 +17938 +18501 +27217 +21440 +41318 +2666 +19 +25828 +36469 +38160 +21567 +14756 +10010 +17289 +40965 +33313 +17871 +35507 +39822 +37638 +13962 +24943 +34076 +25161 +21349 +4842 +13747 +36312 +11505 +42780 +24450 +15003 +6372 +25978 +14890 +12504 +13072 +34926 +35375 +314 +8969 +17286 +11199 +2630 +264 +33017 +9001 +3269 +38578 +13890 +29314 +962 +12848 +26611 +26274 +24254 +13369 +34874 +35164 +35741 +3287 +25491 +9688 +16646 +24278 +18598 +6655 +37328 +36975 +30707 +12347 +24155 +31522 +1746 +43159 +151 +10410 +17619 +9667 +26100 +29710 +29940 +29035 +32991 +25849 +27462 +28449 +19114 +2062 +33317 +39545 +26208 +9450 +34591 +27050 +21090 +30908 +13466 +14624 +12894 +14777 +7809 +27916 +8950 +15403 +27795 +41355 +2968 +23014 +26431 +5084 +27047 +24825 +28055 +31305 +13950 +33396 +24995 +3809 +128 +4829 +30623 +1220 +3732 +41554 +15475 +36063 +2504 +11973 +14805 +17648 +11117 +38603 +2626 +36896 +38884 +18572 +37071 +36333 +39367 +8602 +24930 +3091 +39234 +8598 +3745 +3712 +9373 +14081 +11619 +31712 +4321 +8143 +20749 +20690 +8234 +15569 +25336 +41326 +24385 +19253 +7191 +6614 +22530 +32995 +39709 +557 +10657 +27955 +41124 +41210 +26509 +29086 +4498 +30050 +43206 +14222 +3765 +29201 +39839 +39771 +14305 +14312 +1188 +35072 +30745 +4212 +42912 +5017 +12548 +3029 +33485 +370 +5118 +8886 +3652 +36005 +13051 +27194 +3904 +30988 +20956 +33341 +227 +3826 +4293 +20679 +26056 +41074 +1760 +2993 +40918 +38449 +26827 +1537 +42606 +19206 +23795 +29624 +2362 +41444 +33219 +28210 +15415 +37835 +16967 +4580 +8030 +41750 +40189 +3283 +26507 +39651 +34582 +7543 +10875 +25415 +38051 +31971 +14642 +20868 +548 +32627 +23979 +19223 +12980 +31454 +6153 +38021 +8188 +36282 +32952 +15797 +14726 +21431 +11830 +24045 +30670 +38548 +4446 +14181 +9059 +27592 +21467 +20484 +23175 +37424 +14597 +6719 +6933 +22272 +24483 +27938 +7690 +43085 +30940 +32911 +5842 +22171 +4517 +9026 +26525 +18278 +35079 +5836 +38967 +5986 +4200 +31870 +38177 +7595 +23441 +19741 +30176 +34891 +12740 +43311 +425 +15770 +33287 +38356 +4796 +20333 +26733 +27143 +30973 +865 +21182 +20887 +13937 +7292 +7506 +10035 +18408 +15368 +28662 +27487 +17351 +33967 +37461 +20654 +32255 +25524 +42973 +8271 +32467 +26055 +33770 +26324 +24203 +23040 +23127 +309 +8481 +30461 +30833 +3311 +23537 +12056 +1585 +42520 +41471 +7877 +31309 +24384 +3940 +29674 +7622 +2245 +29489 +27571 +7376 +2104 +38732 +29589 +35727 +38402 +24563 +41393 +16902 +7408 +21103 +18341 +43315 +30556 +19134 +13241 +35978 +31533 +35163 +31390 +3177 +3520 +39913 +37902 +18469 +32127 +29506 +30839 +26092 +37967 +31174 +14940 +6239 +1938 +28937 +6467 +29926 +14796 +29500 +17544 +5330 +31595 +16173 +27498 +29184 +8131 +6002 +35640 +12865 +12076 +29109 +20449 +41535 +15210 +39952 +27685 +39325 +14374 +11535 +25207 +38541 +8434 +16302 +21502 +26730 +4795 +39447 +15278 +7072 +30658 +1920 +25192 +37547 +6193 +36750 +40056 +1400 +11687 +798 +29053 +27954 +8319 +11826 +25247 +31605 +16162 +26268 +17954 +33331 +38639 +21732 +2025 +24449 +2599 +18612 +38174 +3440 +3024 +42697 +9075 +11511 +32095 +38522 +7961 +27147 +38845 +28679 +40243 +41590 +11939 +33588 +24378 +107 +19168 +35909 +25378 +12861 +66 +41438 +33097 +2744 +32833 +20167 +23322 +10342 +14346 +39534 +19509 +5517 +25810 +14441 +35750 +37038 +4634 +33745 +13643 +25405 +5424 +6833 +12438 +35695 +27127 +40271 +24009 +27418 +33051 +36758 +7509 +33312 +14944 +34270 +30527 +22267 +24527 +9825 +13660 +36670 +39226 +9857 +42771 +27338 +23914 +40212 +35904 +5540 +1815 +28783 +21602 +39426 +16530 +39155 +23272 +26547 +37891 +11825 +5513 +38598 +22257 +28270 +32810 +25325 +16049 +12048 +850 +622 +2273 +5994 +13598 +21656 +37022 +32646 +37042 +34641 +5726 +6815 +31930 +26666 +40585 +28786 +5432 +16061 +9822 +20203 +1036 +952 +37372 +28218 +33139 +35170 +35125 +29305 +19385 +5231 +38518 +16945 +42476 +23847 +12062 +42185 +35674 +4865 +37489 +41653 +41975 +32057 +18615 +32435 +35339 +16701 +17017 +1295 +39230 +13778 +36704 +14528 +34166 +19161 +15393 +10740 +6354 +41992 +10362 +33266 +3292 +31974 +7370 +42090 +26821 +40059 +17063 +2384 +21785 +33497 +26081 +5102 +12175 +153 +14412 +34263 +7682 +20955 +17754 +12733 +3348 +26296 +19899 +4325 +38084 +28846 +34518 +42133 +16124 +9944 +8904 +42050 +25049 +6417 +11064 +2203 +5999 +23489 +37950 +7449 +26059 +29790 +4110 +13667 +35819 +34683 +12178 +13913 +38840 +31855 +17885 +17132 +43025 +5944 +6590 +10169 +24015 +23981 +19582 +7965 +20174 +35621 +15873 +13710 +2257 +29732 +25812 +16863 +41489 +15549 +40664 +31292 +21875 +40179 +28751 +39453 +3559 +38260 +23314 +8848 +32787 +2565 +26429 +34003 +24744 +9064 +36254 +19825 +14584 +36753 +766 +27691 +30642 +10967 +2940 +1176 +25004 +29713 +12203 +37604 +29336 +36435 +19787 +16297 +6528 +34500 +7091 +29261 +41366 +37628 +36084 +18493 +34949 +4917 +5883 +23247 +6270 +15303 +31851 +34196 +8266 +40102 +21545 +21979 +26881 +1690 +13501 +26828 +22681 +42535 +20126 +6309 +18054 +37318 +9274 +35088 +40539 +28647 +24322 +2248 +19047 +16936 +43046 +10611 +8712 +9720 +20366 +10661 +32629 +18399 +12427 +41738 +35502 +27369 +35156 +9244 +4271 +29073 +16092 +11054 +9629 +14838 +10429 +29376 +27327 +1993 +7633 +19560 +32654 +40084 +31710 +24597 +18307 +38132 +25942 +36844 +27939 +9265 +27893 +32922 +30398 +3070 +26129 +36582 +26949 +3015 +8965 +13261 +8809 +36651 +2575 +36747 +5065 +12401 +41392 +2518 +25727 +24336 +38306 +27149 +13474 +25827 +5514 +22048 +29357 +22871 +41058 +10704 +24347 +30094 +35260 +41836 +42526 +14898 +26048 +751 +2262 +1134 +3756 +13135 +20314 +9848 +3345 +41165 +27977 +21428 +21924 +37145 +13088 +26142 +34629 +657 +39873 +2078 +31189 +1612 +41557 +8194 +23559 +42433 +16391 +15800 +19414 +236 +32432 +33500 +18849 +18513 +3416 +28675 +16728 +42316 +15362 +29770 +36192 +41205 +15746 +2949 +29742 +11438 +35929 +27020 +27746 +25412 +19466 +31947 +25550 +20187 +940 +11401 +30463 +39481 +4601 +2853 +16916 +1322 +9358 +29111 +33501 +25804 +41817 +16676 +9309 +2956 +8834 +20510 +38635 +5734 +22631 +21022 +8464 +17431 +11183 +33511 +39046 +30387 +1563 +17679 +483 +17292 +22080 +43162 +2741 +28490 +42959 +36601 +42131 +39573 +17626 +21561 +18818 +12398 +23404 +37648 +41781 +14498 +33166 +4231 +5470 +35608 +41028 +17031 +13004 +25295 +27539 +7634 +9089 +17593 +14453 +35935 +32343 +14377 +29684 +21362 +4019 +30960 +17602 +22041 +21611 +185 +21993 +3053 +18323 +32889 +27045 +15097 +18853 +40591 +6114 +39423 +11089 +13857 +12184 +27396 +41548 +2534 +8849 +1855 +32894 +26015 +36915 +616 +41761 +3077 +40703 +19384 +2541 +17193 +43330 +24713 +38060 +3101 +22039 +34510 +3261 +36534 +14457 +16491 +14846 +11681 +13544 +19546 +5914 +38663 +38607 +33259 +24720 +34478 +3352 +13980 +22722 +16943 +16343 +21716 +31168 +7100 +29094 +4390 +34920 +41681 +11137 +26672 +25365 +4430 +37136 +20925 +40403 +7968 +31735 +11712 +9548 +8700 +40671 +10859 +32083 +15870 +37197 +43087 +41180 +32530 +3958 +9312 +42201 +16240 +36422 +19394 +5462 +41062 +41822 +9234 +7843 +25044 +27146 +15741 +19458 +23345 +28369 +5166 +26013 +18982 +5031 +41098 +35050 +8758 +24397 +40614 +39336 +7776 +19767 +11245 +30080 +1610 +10249 +38474 +3581 +40070 +37499 +1531 +24695 +37425 +993 +19955 +38841 +30643 +17789 +36119 +12282 +20423 +12046 +15036 +15308 +39870 +1790 +8371 +10074 +27492 +36587 +8855 +23714 +1060 +40006 +24957 +32189 +4419 +38888 +34419 +41319 +13096 +11651 +7887 +26259 +39592 +10115 +27341 +31602 +15041 +42144 +39550 +30535 +890 +37375 +5365 +18208 +11390 +5899 +32934 +23283 +24396 +39847 +4334 +1597 +10371 +31293 +34900 +17720 +29373 +13739 +17401 +3575 +30116 +7308 +19397 +22268 +33215 +4302 +42550 +505 +24546 +7403 +15790 +32077 +32953 +307 +43397 +25702 +20043 +4441 +18969 +34497 +1247 +40886 +28223 +30427 +31388 +10210 +10746 +11746 +24055 +4662 +8657 +23215 +36232 +17344 +15584 +12465 +20609 +39319 +30003 +16083 +42199 +39845 +36338 +29186 +27537 +34109 +16981 +33018 +37561 +30133 +29920 +16982 +27378 +9276 +19621 +19251 +17836 +11326 +16402 +9744 +33045 +4691 +25112 +41683 +21100 +31578 +43300 +42179 +25993 +19742 +37807 +16883 +17311 +17728 +40471 +17522 +5048 +37790 +18971 +9953 +16150 +11824 +40504 +22572 +2819 +6378 +15360 +41949 +39753 +25606 +37523 +13788 +9138 +37828 +42281 +27789 +24208 +3945 +26401 +24207 +31446 +33853 +17762 +37717 +30636 +9519 +8699 +40029 +36468 +30615 +26673 +39988 +24611 +40369 +36827 +14997 +20106 +34465 +42176 +30743 +25054 +1210 +17325 +33154 +30437 +4283 +29816 +43328 +27744 +21702 +42993 +4979 +3563 +32065 +8623 +36051 +28840 +7572 +13254 +24131 +33901 +36744 +7696 +37853 +41490 +34156 +30443 +5961 +33857 +39987 +25601 +23416 +34145 +23362 +14707 +12986 +34146 +9250 +2671 +2745 +14403 +23111 +29675 +6577 +30117 +2760 +40633 +25212 +20485 +32564 +19311 +12898 +30765 +3034 +2444 +39607 +32755 +40267 +41288 +161 +2499 +26592 +26407 +39178 +34305 +15495 +36139 +42257 +34208 +12256 +5687 +5402 +10642 +7328 +33127 +37644 +9889 +25515 +20164 +36194 +42478 +9397 +6859 +40001 +27767 +25717 +17244 +37050 +23897 +22427 +18553 +9564 +29431 +4934 +13000 +518 +8232 +16336 +13481 +24918 +12420 +6415 +26756 +4531 +510 +19267 +28552 +18985 +6597 +27486 +17642 +7864 +17246 +28456 +20617 +4163 +13078 +28717 +40879 +14724 +42673 +36660 +16081 +39790 +16565 +34743 +9485 +15135 +42669 +11215 +39376 +2339 +1335 +30195 +29772 +40549 +39204 +40284 +4582 +41981 +41253 +19381 +40689 +1905 +1947 +11615 +38723 +34855 +19099 +40788 +16425 +23337 +13044 +20147 +18955 +32195 +26728 +10932 +10560 +8362 +6697 +9074 +28129 +33575 +35911 +18104 +30326 +41899 +5992 +40640 +31623 +41766 +37284 +479 +14072 +24110 +20965 +12627 +4721 +12417 +19632 +25304 +42854 +23468 +12727 +9447 +35506 +20961 +520 +17149 +24915 +33456 +21326 +33728 +22828 +39257 +5285 +43363 +1110 +25995 +21589 +23219 +5965 +6994 +284 +25000 +25382 +15774 +31601 +8926 +20864 +22991 +36708 +29854 +3379 +1264 +16274 +18394 +24476 +602 +20621 +20540 +21936 +28118 +27431 +5550 +35508 +15109 +32384 +42493 +11230 +12074 +373 +10025 +36671 +10403 +24706 +18643 +13944 +27535 +36099 +31088 +6740 +22545 +41692 +12134 +7092 +38739 +33391 +3658 +40516 +6642 +6290 +33916 +20083 +15587 +15252 +3983 +13929 +12669 +38709 +515 +14006 +1461 +41246 +2402 +37640 +6435 +12479 +11099 +13065 +28047 +9802 +37634 +12854 +28878 +39034 +42488 +28357 +13502 +28252 +38378 +36678 +35489 +28559 +40380 +12966 +10608 +6652 +30826 +23929 +37006 +23956 +33384 +25994 +29204 +7777 +5635 +33308 +12290 +31849 +648 +5729 +38350 +16159 +11527 +37585 +38393 +15037 +33183 +33854 +11626 +21584 +37617 +4424 +41324 +40249 +21162 +31914 +26157 +31802 +11618 +11432 +32641 +37211 +25892 +7854 +12811 +26461 +26540 +14987 +35816 +16413 +36276 +27604 +15396 +22478 +25843 +36772 +36016 +5401 +37456 +28765 +38295 +11339 +40325 +28065 +11340 +29488 +8135 +26365 +1387 +35661 +36237 +21647 +8361 +34139 +25408 +3214 +7130 +16464 +9205 +5698 +30124 +541 +37107 +11407 +2252 +42504 +35400 +27467 +9616 +22696 +8751 +24836 +37765 +12038 +4605 +9353 +3953 +23760 +13074 +17640 +22337 +21986 +41969 +11112 +188 +39439 +42434 +11108 +9721 +33995 +7067 +14986 +17349 +31871 +36978 +17669 +27292 +7002 +34393 +21255 +3908 +30436 +26042 +25842 +36490 +21201 +21269 +18259 +38235 +36430 +7985 +24621 +16546 +15715 +25520 +35062 +20227 +8756 +20853 +28110 +28408 +18216 +7381 +13734 +26632 +2197 +17367 +1482 +32223 +41804 +17334 +9590 +31687 +34491 +9831 +9222 +23751 +37865 +18030 +7458 +5990 +30726 +15664 +11447 +8933 +34471 +35118 +26114 +38997 +39505 +31805 +34435 +21170 +4686 +15302 +4641 +28401 +38437 +19970 +20162 +10834 +9060 +10783 +37357 +2311 +2458 +32791 +10085 +13435 +16059 +40046 +20795 +31606 +23782 +42266 +18601 +33782 +25502 +8262 +22861 +36686 +25293 +23890 +30568 +37451 +21371 +24718 +3438 +16111 +1768 +39371 +28398 +25342 +41703 +8988 +36050 +2719 +9934 +42645 +40995 +31627 +28465 +29633 +5515 +40905 +24440 +34685 +27935 +1647 +43119 +19857 +28964 +3050 +26768 +28795 +2127 +22610 +18734 +9407 +7440 +8059 +25876 +12584 +15320 +9886 +38540 +19753 +40058 +23487 +13851 +8705 +3152 +29537 +1125 +41333 +19491 +15595 +11880 +24596 +41726 +29817 +12402 +22617 +10460 +12961 +39570 +36245 +10053 +35617 +7611 +37064 +27528 +22535 +18247 +4463 +31596 +17562 +1542 +10191 +37895 +2863 +12537 +36377 +8117 +39677 +17889 +19786 +39723 +29584 +24075 +25796 +30404 +11696 +3682 +27207 +37878 +29088 +24292 +21747 +32470 +1124 +23221 +26978 +20949 +12526 +39821 +35595 +36057 +25133 +19526 +910 +13704 +4739 +17570 +18739 +36675 +10500 +26359 +40537 +20140 +27981 +39326 +1471 +5916 +15009 +6744 +23653 +7515 +10364 +24194 +37428 +8508 +17515 +34545 +4846 +42992 +32328 +11866 +26589 +38864 +37131 +9389 +28772 +33972 +16403 +23985 +32308 +10203 +4651 +39693 +34184 +42415 +2571 +14552 +2234 +31465 +27608 +4243 +41378 +36255 +26137 +39428 +22105 +614 +37750 +32409 +6648 +39741 +14706 +8306 +18163 +14613 +19010 +18029 +28221 +5143 +1115 +3276 +43012 +33756 +28687 +8102 +30071 +13130 +28590 +24064 +38674 +16262 +22693 +26816 +14385 +41883 +41187 +33657 +23607 +40856 +2290 +3799 +14425 +3191 +20161 +26133 +34300 +6613 +10641 +720 +20077 +12480 +21643 +3436 +6012 +14243 +24443 +2622 +9773 +12720 +23413 +11921 +11745 +38100 +2970 +12699 +21375 +26146 +19990 +39275 +4329 +1981 +23787 +42578 +18683 +14529 +14172 +42498 +26872 +1380 +42218 +5242 +31829 +7012 +35480 +18141 +15940 +36228 +43098 +2114 +14450 +9088 +26976 +18725 +29782 +38015 +7064 +24432 +43103 +40151 +38921 +19682 +18300 +28075 +12142 +2578 +3476 +6202 +34132 +13092 +12818 +30275 +24512 +33618 +3656 +8130 +9659 +7047 +7052 +28579 +624 +15131 +24290 +26940 +14850 +9030 +581 +26291 +1352 +13781 +28551 +25750 +22986 +39467 +17154 +35223 +1096 +33537 +17608 +18224 +931 +39824 +33475 +33165 +27202 +17599 +7745 +11915 +40090 +30899 +20316 +24287 +10193 +30159 +20839 +38253 +3382 +19590 +5235 +21318 +27307 +35264 +5274 +6061 +12208 +42527 +30808 +21110 +34905 +22914 +33274 +37369 +12162 +30539 +29165 +41631 +43009 +19395 +29645 +11022 +26147 +1977 +19273 +8996 +9140 +14893 +40910 +32286 +28736 +31028 +13919 +11576 +35 +692 +16350 +5471 +27226 +8177 +20890 +35730 +5288 +30694 +24141 +30265 +32840 +31834 +5879 +22886 +20424 +18766 +35947 +3831 +7394 +14380 +34411 +36699 +27664 +20010 +21891 +272 +31807 +36328 +3209 +22626 +16968 +9042 +41564 +12691 +17743 +31682 +30646 +42603 +11817 +33275 +24492 +15124 +2043 +4469 +21877 +17531 +39555 +2600 +20803 +7819 +31471 +6903 +34444 +15967 +24409 +33654 +31520 +20547 +14073 +28106 +30446 +41034 +34274 +29758 +15290 +5821 +35218 +27316 +1919 +3186 +40136 +7899 +41679 +38953 +5378 +4574 +14717 +19530 +22676 +18536 +11239 +3811 +12536 +30956 +13447 +20495 +18822 +32014 +158 +24401 +7743 +15482 +38102 +2372 +24610 +25073 +41453 +26783 +19029 +3427 +37371 +9852 +9970 +10508 +19392 +34459 +38286 +9160 +37937 +37464 +40551 +13965 +10890 +40807 +22087 +42846 +27797 +34216 +14469 +9660 +18271 +8641 +39121 +458 +25380 +26411 +41556 +4256 +21125 +10330 +42602 +4974 +18428 +8112 +26790 +866 +39944 +13550 +25788 +6156 +7558 +9423 +36273 +20798 +20412 +15466 +39299 +10397 +9818 +31383 +32059 +1077 +9858 +35485 +34493 +29911 +26288 +32771 +38076 +1090 +15611 +28604 +14558 +4286 +15107 +37366 +35455 +29670 +36190 +8911 +40327 +29005 +34930 +6488 +5079 +4064 +35516 +10171 +6194 +6430 +3325 +31231 +33877 +24257 +20101 +11779 +22368 +38765 +41848 +34416 +30703 +26285 +21898 +1936 +25001 +13345 +670 +4220 +12516 +20132 +7686 +21736 +6808 +10134 +27801 +41831 +18858 +22333 +43156 +23399 +42531 +16654 +20988 +15973 +43155 +12138 +32104 +42760 +40062 +38741 +33366 +24239 +16829 +3693 +18476 +22492 +14980 +36048 +15799 +5380 +28317 +5903 +13529 +34331 +3589 +28854 +40961 +39298 +14771 +7048 +20263 +8666 +38644 +25972 +40024 +38612 +36891 +25360 +34271 +1367 +42722 +2830 +33226 +28560 +35405 +39640 +7912 +3175 +39330 +29420 +37292 +11944 +13154 +8466 +24566 +18249 +22938 +32489 +31620 +30120 +40207 +38211 +17339 +10412 +19371 +4413 +21337 +2858 +31856 +18427 +8640 +4583 +13197 +24911 +7196 +26633 +6748 +21569 +19451 +18930 +37831 +34438 +18989 +32550 +29247 +30700 +14426 +27204 +8038 +7158 +3702 +42861 +12183 +7584 +40590 +29388 +30811 +31715 +5804 +42454 +14960 +26307 +34096 +4797 +3874 +25858 +40069 +39141 +19790 +34747 +13049 +14882 +9093 +11397 +3645 +11981 +26339 +19660 +33996 +1347 +37532 +41430 +13938 +37493 +32345 +4069 +16850 +15832 +8582 +2869 +19032 +35350 +30224 +7323 +31706 +1194 +35888 +3056 +13849 +31240 +20972 +26057 +30000 +15969 +26145 +11980 +12496 +33734 +10785 +17867 +42767 +25327 +29128 +21218 +8999 +36074 +10907 +39887 +11272 +4072 +41576 +26874 +9478 +9732 +8589 +27265 +19109 +29455 +19559 +40944 +18275 +19236 +43100 +12174 +36824 +24578 +25345 +21492 +36936 +11335 +27191 +38158 +7215 +13001 +5637 +33638 +32019 +20702 +12624 +31105 +17854 +9018 +31890 +2333 +9150 +21806 +35161 +17364 +20595 +27313 +34052 +27329 +42045 +5272 +3391 +39653 +32208 +18610 +33543 +29966 +37029 +7221 +12121 +39586 +39981 +28637 +32111 +11543 +27019 +18732 +29015 +42191 +8788 +14622 +22291 +41551 +12375 +20551 +23213 +4968 +37805 +42442 +10043 +5258 +18015 +33585 +106 +43262 +6585 +10925 +21620 +6501 +41186 +5711 +24411 +32691 +8162 +34285 +18950 +3621 +3424 +20113 +23423 +42698 +42749 +25007 +1413 +859 +11557 +21942 +41995 +28940 +41357 +26037 +18049 +4879 +41306 +40459 +9717 +31771 +40453 +12360 +41158 +25200 +5249 +34110 +2072 +5937 +33453 +12411 +19444 +42795 +38081 +12833 +17755 +25906 +11493 +30440 +2182 +9200 +33078 +32700 +3227 +40290 +15005 +28627 +10234 +15423 +37786 +7049 +14169 +1401 +1652 +844 +23188 +38289 +27339 +3356 +19540 +16550 +32685 +42439 +24427 +12944 +19636 +14988 +27732 +4073 +5464 +2173 +15901 +32912 +39817 +33455 +2070 +5710 +14635 +38686 +22414 +15058 +4693 +295 +34443 +27507 +42033 +22468 +1789 +28455 +9364 +17358 +24988 +10819 +29984 +1516 +2783 +40662 +34008 +34929 +11525 +31455 +32045 +0 +22184 +9586 +42670 +22779 +3369 +7086 +31063 +14690 +21678 +9943 +25675 +5190 +42431 +25195 +17786 +5289 +13584 +17771 +13132 +7268 +7933 +27623 +37897 +1660 +8333 +19438 +1020 +36798 +20414 +6774 +22059 +27440 +27646 +12973 +28837 +15414 +168 +38411 +11037 +14738 +16305 +30319 +8452 +25919 +1342 +21566 +34897 +14381 +33052 +19347 +4707 +14517 +8379 +7796 +35612 +7014 +28132 +6410 +41609 +40947 +10673 +1476 +2346 +3115 +10734 +30012 +11946 +34335 +40659 +41255 +5754 +24514 +43057 +20367 +9390 +38124 +38216 +5239 +17916 +8789 +30205 +21418 +29561 +5530 +28361 +40485 +5176 +37290 +14859 +7444 +3531 +16036 +32246 +33079 +1718 +26471 +29140 +25032 +15726 +28359 +22822 +2527 +12732 +26095 +28561 +16445 +35157 +31752 +13702 +13186 +25203 +41397 +13284 +41886 +32487 +40367 +32222 +27728 +42656 +4685 +24751 +26660 +38632 +38695 +37908 +41082 +21503 +19300 +37382 +24689 +19007 +39769 +27233 +10226 +29600 +22141 +27381 +12443 +7199 +3178 +38373 +34111 +5168 +29144 +41808 +21343 +27401 +19744 +36759 +15988 +42068 +41129 +26532 +37629 +25206 +18535 +28576 +26564 +15707 +36408 +14966 +4762 +4849 +19195 +1106 +4436 +15597 +5024 +29231 +21534 +23093 +3748 +43037 +6552 +5280 +16358 +10870 +10728 +38477 +12486 +38443 +7179 +15652 +33532 +24126 +9900 +33224 +25329 +428 +18786 +32628 +5004 +8930 +14012 +40337 +10510 +37323 +41755 +17310 +30211 +30005 +1192 +3641 +9707 +30690 +24389 +39797 +20978 +37031 +36374 +14663 +25704 +35487 +19553 +20746 +29302 +593 +36164 +32697 +18364 +33571 +25403 +42066 +7411 +39071 +4292 +22167 +612 +7106 +20969 +9063 +18769 +4872 +30561 +8467 +18795 +968 +14213 +24178 +31319 +29295 +42239 +29091 +17816 +29829 +18263 +12871 +4657 +28301 +32238 +35525 +18797 +23069 +30301 +35286 +26909 +8453 +3496 +23218 +36381 +32637 +4455 +25420 +13409 +37058 +27259 +21724 +24964 +39762 +15727 +40647 +261 +11838 +13595 +39921 +5731 +42015 +10570 +30287 +29563 +23135 +35494 +10459 +31221 +27636 +21435 +41528 +4836 +18406 +9597 +12936 +20085 +34080 +31000 +17196 +16043 +11886 +16195 +15679 +39901 +19915 +19266 +37809 +9703 +41373 +27402 +29342 +9388 +10589 +21811 +11758 +25946 +29922 +39856 +23346 +28918 +19511 +34864 +19812 +35296 +6099 +12182 +25983 +28768 +30813 +17221 +37004 +42761 +6929 +26861 +8652 +19472 +33604 +3341 +12020 +18386 +22461 +11923 +10686 +34472 +3972 +20552 +35262 +7914 +33836 +6386 +37904 +12149 +6317 +37677 +33170 +25733 +14923 +38121 +4970 +5391 +33897 +13397 +25036 +22671 +19119 +25634 +27336 +26014 +41830 +39725 +27865 +20090 +42877 +38787 +15100 +25664 +23764 +40019 +37919 +33479 +26845 +14757 +23772 +32970 +8530 +43166 +13505 +26958 +2641 +37800 +30828 +17416 +5810 +10524 +14260 +28812 +194 +40340 +25971 +15391 +30641 +32542 +17383 +26969 +34400 +1452 +19449 +37322 +305 +18997 +10258 +9604 +3676 +10767 +43345 +24824 +889 +24071 +10405 +17243 +4054 +39574 +27602 +4229 +23049 +32521 +12126 +14271 +25562 +22387 +36954 +179 +35122 +38549 +5480 +29865 +32473 +16980 +18628 +5814 +9153 +4733 +28155 +28704 +25225 +41777 +6927 +40681 +16031 +25484 +41005 +25794 +10702 +9909 +34203 +28673 +12437 +6023 +4291 +4375 +975 +16901 +37839 +7533 +19246 +13226 +8035 +27053 +6422 +25220 +36635 +27173 +27820 +1101 +10299 +19102 +41955 +36939 +10 +17138 +42154 +30272 +36672 +36720 +8865 +11846 +9256 +32349 +31405 +40940 +21483 +14485 +37558 +27901 +19022 +33645 +29904 +26493 +3706 +10354 +1778 +40161 +7676 +9503 +24685 +30373 +32341 +22666 +14149 +17966 +10613 +5010 +33464 +26277 +693 +21794 +8448 +14755 +28550 +25391 +17191 +763 +25590 +5691 +9037 +7174 +10149 +38725 +42304 +30829 +26817 +2647 +18065 +8980 +42483 +34984 +36174 +22202 +34834 +8728 +32869 +4746 +40317 +22021 +10607 +9415 +41816 +31299 +8106 +42841 +31304 +25262 +20310 +25051 +40067 +31182 +37655 +14094 +26036 +5869 +38837 +9774 +13206 +28205 +17703 +35394 +27223 +20458 +2272 +7894 +42786 +19996 +12361 +17024 +29364 +19774 +1960 +42768 +14071 +15440 +30553 +14561 +26227 +2628 +27237 +34807 +3661 +23117 +37877 +27441 +17805 +13492 +23394 +5267 +39875 +7951 +39079 +41544 +15517 +33647 +24887 +34221 +6490 +38379 +21973 +3302 +19145 +26719 +27060 +5740 +36184 +40038 +25879 +22367 +41579 +42343 +17881 +11356 +42210 +30110 +24863 +8289 +32050 +35756 +38749 +15567 +32915 +27325 +16900 +6363 +23273 +35906 +32304 +11446 +31150 +13848 +35777 +40331 +41072 +4669 +211 +4811 +21463 +5184 +8708 +39551 +42788 +24345 +42925 +34872 +39604 +30414 +32500 +32183 +14557 +33144 +12810 +35528 +29985 +30227 +28462 +30590 +8772 +16566 +9301 +18391 +30190 +432 +9022 +2050 +7896 +37088 +607 +27417 +37665 +41365 +14637 +24620 +15606 +1437 +34496 +38718 +20361 +30151 +36622 +38128 +21970 +25572 +13671 +28558 +1498 +33596 +12362 +12876 +33346 +36467 +22319 +19780 +40454 +9501 +26106 +11378 +19335 +8813 +37803 +36497 +30136 +22283 +1118 +34392 +25060 +25639 +22223 +29895 +10255 +30877 +24218 +22764 +15662 +31722 +7973 +37412 +6133 +14344 +18102 +3229 +34090 +17534 +43078 +1990 +28792 +43391 +10576 +24043 +33630 +25808 +20172 +29139 +42957 +35789 +35698 +38758 +10039 +31769 +10205 +16608 +31346 +5939 +40393 +42143 +18736 +5092 +34553 +27511 +27577 +24259 +40992 +32883 +3597 +42383 +18933 +16303 +4340 +6397 +33843 +6998 +1048 +12849 +9600 +43140 +39542 +14476 +35500 +25381 +17395 +13421 +24227 +28136 +37676 +14503 +12918 +38793 +22934 +18169 +35707 +7505 +20958 +2804 +7670 +11448 +22179 +22301 +40825 +39076 +875 +26907 +38240 +11071 +24992 +23701 +11001 +40506 +5501 +19324 +41476 +40079 +18269 +20785 +8227 +34298 +37818 +19751 +41103 +6343 +9915 +18481 +13923 +33651 +33913 +12945 +10047 +28292 +41757 +21542 +41033 +26446 +39803 +1924 +39105 +31329 +34531 +5548 +16640 +38691 +24490 +28953 +35099 +21638 +6044 +35090 +10964 +1366 +19344 +35954 +10913 +18393 +23712 +9844 +13900 +26988 +39185 +38861 +41927 +24886 +34207 +8689 +12689 +26640 +22641 +300 +35748 +39233 +5377 +17473 +33098 +9346 +18087 +24458 +19585 +13122 +1696 +35388 +6252 +42225 +42052 +8932 +26559 +13216 +21935 +39055 +5476 +116 +2464 +16230 +37671 +14586 +36688 +6869 +9769 +6368 +40666 +21188 +11255 +28645 +13157 +19674 +15711 +22939 +18180 +15968 +31449 +23234 +700 +27433 +20888 +10564 +26864 +22516 +43325 +34260 +16989 +28485 +39057 +29252 +7485 +29156 +5767 +21459 +31881 +36773 +19648 +22541 +26061 +3716 +17997 +12906 +16181 +23829 +20684 +26038 +43379 +35529 +30871 +6094 +38780 +21011 +13289 +858 +30989 +2935 +13497 +41724 +13860 +18517 +42236 +19214 +11509 +20802 +30345 +7445 +243 +214 +41395 +18223 +8125 +36920 +17483 +2459 +14399 +1577 +25465 +33240 +17463 +32885 +6750 +9736 +29977 +40407 +36788 +10100 +9178 +21906 +16118 +7840 +35774 +17045 +23524 +9114 +11522 +40421 +22249 +26190 +39058 +22945 +15599 +27176 +40268 +29325 +18238 +22177 +4490 +25662 +5181 +34637 +15749 +15209 +19116 +31617 +389 +42429 +36930 +37976 +15035 +19248 +9990 +24037 +13779 +42088 +8796 +7986 +12296 +13498 +36969 +26464 +35747 +33738 +22656 +37210 +22052 +485 +36668 +29173 +40605 +15381 +26352 +24173 +28274 +1906 +40071 +28358 +24892 +32 +14401 +38485 +41266 +13902 +13400 +39075 +8782 +3330 +13924 +34529 +25110 +16559 +14117 +31691 +27385 +15578 +27155 +1070 +2843 +3808 +28099 +34662 +26373 +36944 +41280 +9633 +34176 +43294 +9624 +38194 +4397 +4948 +25428 +13327 +2514 +17091 +29813 +8019 +32048 +29753 +22563 +7527 +29696 +3478 +574 +30377 +1942 +3982 +11207 +41547 +42814 +1818 +24637 +15636 +17837 +29416 +17879 +9530 +11352 +1027 +42703 +14715 +22897 +33047 +32227 +23768 +22599 +8285 +41217 +36690 +1672 +36156 +19408 +40725 +32220 +11585 +35133 +2701 +35216 +6556 +15096 +4130 +32562 +18546 +43094 +2300 +23881 +10904 +40598 +42815 +10112 +30861 +28300 +401 +306 +35579 +8485 +36714 +232 +40196 +4393 +20821 +38023 +27428 +9158 +37672 +7010 +3667 +21235 +38681 +33986 +37994 +33007 +38244 +7916 +14676 +14354 +27317 +29380 +11457 +10787 +39683 +37726 +21593 +1629 +39961 +4351 +28952 +28277 +12751 +15877 +37360 +14535 +5256 +36275 +22401 +27198 +3547 +2595 +12683 +25608 +33550 +38445 +26033 +16228 +30100 +42352 +36461 +26553 +5859 +31030 +31464 +5297 +25840 +2604 +7677 +16707 +14327 +31019 +32806 +37830 +10195 +41432 +747 +41066 +3729 +22017 +27562 +3523 +29293 +12047 +1814 +30424 +39585 +36847 +26238 +32177 +10495 +7882 +18879 +12039 +35384 +22927 +30137 +42836 +33695 +18095 +19442 +2720 +41864 +9756 +13707 +16927 +1829 +7304 +41239 +36073 +4186 +23898 +19673 +2693 +40616 +6532 +21493 +3687 +3542 +41534 +2826 +37683 +21727 +40800 +5212 +38625 +17888 +21498 +13137 +32037 +17235 +31320 +23930 +37376 +9987 +14348 +38827 +41084 +39566 +17033 +8390 +31411 +25316 +13508 +10049 +22054 +38336 +39051 +27210 +19624 +5582 +15479 +22647 +35041 +11033 +37242 +21010 +29743 +3508 +41948 +6042 +27364 +7693 +19137 +16148 +16412 +26120 +2288 +6937 +7227 +42122 +31036 +36098 +10701 +32090 +436 +13640 +28653 +33855 +37105 +32798 +38332 +6311 +7845 +6595 +2049 +33542 +23126 +25938 +15548 +38822 +35117 +21511 +32206 +16947 +20948 +39900 +20335 +26628 +19707 +43047 +36389 +40134 +12271 +792 +37821 +29024 +9487 +38352 +109 +9137 +38453 +27039 +20092 +32101 +23164 +17752 +7125 +14041 +7990 +1507 +17425 +2716 +21187 +36390 +19586 +35353 +24273 +28828 +16591 +24794 +30712 +22212 +17723 +36105 +24119 +24839 +32361 +35148 +3884 +308 +8156 +16490 +38221 +21015 +2198 +40223 +1675 +6823 +12431 +23294 +25198 +41228 +37199 +41882 +33863 +21036 +17869 +22543 +38148 +1866 +27951 +37999 +33261 +23436 +29178 +35833 +42273 +4539 +33198 +24983 +26634 +9371 +37379 +8432 +17100 +6210 +27240 +24074 +17157 +7448 +6228 +26161 +40638 +28351 +17706 +4328 +13240 +8376 +28049 +7395 +34257 +35859 +31762 +2948 +43081 +7855 +12952 +7638 +27165 +33134 +13104 +23141 +6672 +24570 +43118 +23122 +26942 +1291 +2682 +12459 +40408 +33637 +29426 +27754 +2202 +14569 +5007 +4521 +35969 +27917 +15457 +11300 +40464 +41617 +24258 +40089 +40759 +29511 +12846 +24116 +4684 +11160 +16476 +25165 +7615 +577 +4966 +1929 +5764 +9332 +14538 +5807 +41492 +43341 +33460 +1973 +42913 +21153 +18183 +25611 +11185 +22908 +37044 +15142 +12194 +12921 +17318 +29666 +6262 +24872 +4939 +32990 +200 +37586 +32387 +30751 +23107 +37348 +36360 +12992 +25275 +31528 +41626 +38113 +21475 +24147 +12948 +21139 +10359 +36230 +1277 +29811 +40447 +13512 +23015 +8288 +27645 +16076 +244 +2378 +41699 +5967 +10054 +18467 +24952 +21455 +15079 +28643 +13320 +37191 +15542 +17189 +23323 +41456 +33546 +33644 +39397 +3481 +38572 +37062 +35615 +19677 +8575 +20776 +9565 +4194 +13982 +42692 +16712 +41474 +20770 +20220 +23602 +762 +4070 +22276 +19572 +18938 +10366 +7120 +12080 +5556 +17510 +13264 +30725 +39497 +33773 +5111 +31847 +31107 +25927 +5452 +2340 +18649 +6910 +42200 +9508 +22995 +19342 +6906 +23269 +21448 +25105 +39060 +2829 +9194 +30753 +14768 +14909 +14383 +33238 +2295 +42252 +34469 +43090 +37766 +22437 +42418 +2000 +12712 +38637 +13570 +1700 +33739 +25747 +40017 +31507 +40026 +21174 +12037 +12585 +1559 +29610 +9408 +31963 +29671 +36055 +40815 +25965 +15693 +32625 +5904 +26066 +41396 +26891 +7007 +11565 +28331 +41167 +8184 +15632 +21653 +4883 +11794 +31566 +5941 +9645 +7508 +9694 +17719 +24145 +29880 +41913 +26994 +17772 +25729 +3266 +22232 +10575 +5831 +2909 +34290 +38342 +5078 +32926 +25891 +14436 +23533 +131 +36861 +14641 +11638 +10978 +18902 +19505 +36695 +34997 +22540 +18537 +2847 +9252 +39500 +8603 +15229 +42174 +10430 +17404 +39484 +15511 +8556 +15371 +31933 +8416 +20813 +40921 +1805 +9964 +12017 +42758 +25369 +40586 +42062 +33436 +41182 +6000 +23753 +1558 +14610 +39526 +42751 +33141 +17778 +28468 +9734 +41640 +1738 +40527 +14939 +6398 +10739 +28286 +16295 +3678 +4557 +42528 +24504 +23475 +23785 +13736 +31364 +6314 +6830 +18220 +10910 +34970 +3606 +21910 +23249 +21893 +35451 +35343 +23374 +19992 +35717 +2201 +6686 +20196 +42891 +43086 +1976 +32394 +8967 +6470 +8876 +7885 +14809 +2618 +34539 +15683 +18098 +316 +24235 +32097 +10465 +15433 +4528 +22942 +22365 +4758 +31561 +6832 +13097 +39122 +3863 +25735 +28903 +30630 +25475 +14587 +7336 +6325 +9368 +24551 +34913 +17587 +17456 +33602 +6889 +8380 +14486 +28320 +18509 +20721 +21180 +28339 +12957 +25941 +3666 +7136 +15361 +23726 +9186 +14786 +42092 +28534 +28057 +19930 +19377 +16400 +15301 +804 +18691 +27840 +27885 +11176 +10931 +19064 +28043 +43177 +7503 +12424 +10488 +5059 +39311 +10360 +22351 +7701 +653 +9863 +25301 +34310 +36249 +11686 +35898 +10845 +7499 +28443 +19940 +13597 +27714 +1562 +4512 +34522 +35449 +42393 +7462 +4213 +12670 +19669 +41230 +28759 +3737 +10811 +11191 +23969 +42650 +17205 +30047 +14424 +32524 +12053 +41987 +29481 +13551 +14135 +4152 +30923 +30233 +20457 +10082 +37873 +14110 +18289 +26603 +15685 +7544 +9933 +24162 +6211 +3910 +11058 +28382 +28220 +15671 +13745 +23207 +27675 +8103 +22687 +13248 +16537 +4640 +20065 +2283 +25761 +28869 +36776 +6289 +3456 +41675 +4093 +35360 +3853 +10368 +17838 +30979 +28595 +2298 +31347 +22413 +42964 +43055 +14063 +23823 +5716 +30891 +31720 +14543 +20714 +33787 +13934 +14524 +43255 +8198 +31929 +3150 +28472 +22140 +26389 +43318 +27892 +41971 +15296 +26707 +27098 +24795 +40138 +8080 +17850 +17231 +39958 +37903 +5557 +15411 +28519 +2052 +14443 +16846 +23955 +41454 +10584 +27055 +18201 +508 +1705 +2415 +14688 +13007 +34506 +27508 +31609 +28247 +17853 +1092 +15068 +13608 +14807 +18685 +30425 +33922 +8814 +13187 +19378 +2668 +34982 +35577 +24724 +35680 +37 +13898 +30073 +42652 +10157 +38630 +3320 +14700 +36984 +371 +41924 +6055 +26955 +34728 +5772 +23704 +2148 +26667 +22633 +19948 +8231 +17361 +34458 +39602 +30106 +3021 +8185 +18229 +34718 +11210 +17064 +15085 +13500 +33807 +3689 +31332 +17739 +27776 +18401 +23257 +18843 +27476 +20490 +22196 +12481 +10876 +16432 +32821 +38117 +41737 +14810 +22161 +41725 +22566 +221 +38412 +7271 +33060 +11928 +41818 +26991 +43153 +33476 +1847 +4373 +38854 +2846 +18196 +37760 +9795 +5747 +6464 +42511 +39289 +15163 +25273 +26619 +1762 +4211 +13516 +27372 +31610 +14286 +34453 +16427 +12835 +19628 +234 +42226 +24270 +18668 +6960 +12679 +41071 +29385 +13853 +40228 +42987 +18788 +27432 +21124 +37580 +24416 +13522 +42961 +18337 +14922 +35429 +21227 +32656 +21961 +25574 +37578 +26353 +2370 +24878 +3306 +10344 +25078 +23637 +8356 +31686 +1721 +10501 +36017 +3707 +652 +32777 +13887 +8486 +8608 +14917 +35587 +35803 +32451 +8601 +12517 +20330 +31419 +2441 +29181 +23926 +26841 +34302 +3503 +10135 +42707 +13056 +15544 +18873 +3998 +14460 +26468 +19286 +43138 +13223 +41351 +5308 +40819 +31408 +38745 +2966 +42651 +34989 +6130 +35822 +23535 +40717 +24323 +34858 +39217 +31288 +30102 +22275 +24849 +40465 +19268 +39023 +42205 +32100 +1028 +13410 +29016 +35900 +21425 +29577 +37841 +32614 +18693 +24670 +18296 +29310 +28447 +34356 +6858 +33689 +9672 +35187 +31999 +15295 +1683 +15804 +35191 +14208 +42598 +18024 +11253 +7379 +21734 +38508 +13464 +23186 +36344 +6653 +7949 +34972 +9879 +31921 +20002 +36197 +37582 +6212 +12227 +8828 +22653 +5714 +31284 +17861 +6051 +18418 +10506 +33655 +28260 +4389 +35181 +28441 +2287 +41088 +7470 +6379 +32257 +20028 +16581 +9448 +20840 +33733 +24247 +30449 +13195 +26578 +38377 +27065 +12176 +12730 +19700 +37391 +30634 +23252 +4630 +32563 +21306 +12837 +17279 +35905 +40488 +446 +43369 +3784 +2837 +12954 +3057 +25898 +12170 +20764 +21160 +1000 +34535 +38236 +23995 +29407 +30246 +19355 +19763 +15201 +13949 +32693 +25129 +37652 +36657 +13016 +6134 +8842 +39464 +32324 +36987 +4750 +31901 +22954 +17629 +16639 +41462 +42719 +34434 +42319 +43017 +39143 +33181 +30927 +23614 +26177 +24128 +13571 +31217 +34253 +29159 +2554 +2247 +29925 +23783 +18948 +11323 +14606 +16084 +21152 +7410 +36842 +20567 +14970 +20041 +15657 +18868 +18191 +34802 +536 +7991 +28791 +29778 +36097 +14141 +19883 +32696 +25686 +8883 +28023 +8775 +5641 +6753 +2212 +16144 +2849 +18013 +12558 +27199 +11125 +42714 +26022 +6322 +14357 +30943 +39280 +34765 +2195 +6032 +31959 +31799 +16307 +22955 +32591 +32201 +36136 +16414 +585 +42298 +37556 +37514 +18566 +39560 +40211 +26111 +4050 +38771 +1086 +9263 +35089 +10668 +35782 +11666 +16042 +42449 +3541 +34408 +15394 +8213 +34621 +2587 +8868 +14559 +970 +25020 +15091 +37310 +35541 +32407 +19500 +36890 +3245 +32726 +34330 +2749 +6495 +6568 +17257 +9024 +18730 +43317 +19222 +28821 +10885 +22186 +16645 +18635 +8819 +7195 +42212 +11965 +17935 +1750 +37508 +33387 +8441 +39501 +28176 +25724 +26735 +38404 +30600 +3264 +42280 +9846 +13922 +36683 +29249 +28983 +33030 +34148 +20207 +32449 +38562 +1891 +33951 +21303 +25932 +21397 +25797 +5779 +24552 +15266 +39756 +38683 +586 +33272 +40168 +30862 +14675 +3651 +13959 +28007 +38956 +5064 +333 +20971 +23585 +9636 +2019 +30987 +478 +39634 +6088 +17812 +40893 +31124 +32940 +6729 +36540 +25801 +38498 +26270 +10894 +1313 +30714 +20527 +35374 +11211 +42563 +27860 +5486 +6919 +15871 +41193 +24885 +19210 +38429 +9405 +595 +7937 +39908 +25907 +25012 +36104 +39543 +24767 +8014 +38835 +21964 +8537 +42407 +34173 +36167 +28234 +34736 +6810 +33664 +14300 +37134 +27670 +12802 +12024 +16417 +10174 +12163 +24793 +5750 +40088 +39156 +11402 +26896 +3521 +37110 +2916 +22274 +42142 +11878 +36025 +32866 +12709 +26905 +9115 +35169 +14198 +28941 +15626 +40597 +31672 +2433 +40657 +12207 +37230 +9419 +35729 +21892 +18992 +4408 +31280 +17485 +29062 +13880 +1127 +38028 +19731 +42537 +3802 +35367 +19949 +28546 +20514 +30006 +8423 +13395 +30687 +17574 +12091 +2494 +2045 +14210 +17796 +9168 +31242 +36976 +32084 +25631 +12864 +24027 +4987 +29338 +2878 +37600 +14122 +1131 +11935 +31403 +7984 +30921 +19278 +37179 +6583 +29668 +16153 +22580 +29899 +16671 +35805 +34843 +13479 +12366 +2558 +9442 +18182 +31058 +18865 +37481 +11771 +40821 +21028 +27748 +42586 +41578 +12521 +42865 +24429 +25011 +35673 +21904 +28593 +9609 +4428 +4728 +32162 +24656 +42524 +42920 +37061 +14792 +13340 +19808 +28336 +2113 +37305 +16191 +10105 +22629 +23709 +23414 +36089 +23473 +4245 +13305 +19447 +13290 +6689 +768 +41880 +21210 +17410 +26125 +20766 +13542 +6135 +5484 +28740 +24127 +37801 +34825 +22996 +2457 +3603 +15108 +25373 +15906 +15907 +30162 +5105 +30325 +25134 +10120 +36244 +22940 +28304 +31826 +7263 +3798 +23408 +35027 +21004 +13304 +38535 +15196 +20946 +25981 +16344 +9162 +18761 +27138 +24600 +26668 +16333 +642 +29882 +3124 +8684 +20026 +22514 +7471 +3010 +2020 +17751 +17184 +4033 +20489 +21302 +27924 +21619 +6879 +16455 +27081 +17009 +38173 +26421 +18912 +2941 +6673 +36264 +26300 +658 +16580 +17545 +22219 +18266 +40915 +39744 +38654 +21803 +40881 +32603 +41491 +5785 +33560 +8337 +29936 +2268 +34512 +16903 +23065 +21526 +40713 +37901 +5566 +19646 +22638 +23326 +25952 +7121 +36815 +30268 +25348 +33311 +35026 +2866 +27008 +3601 +43191 +5760 +19396 +13173 +39199 +3013 +21649 +1745 +7930 +10070 +36396 +14319 +7735 +13992 +19226 +33489 +26330 +19688 +15808 +8505 +28688 +10650 +22683 +346 +17555 +7750 +14858 +29719 +42419 +1260 +16013 +17822 +41563 +11549 +42224 +5679 +8742 +8665 +9170 +9823 +7641 +12759 +2327 +35910 +39582 +24286 +31644 +6273 +40210 +40765 +7828 +2486 +10346 +43097 +17827 +11582 +12453 +38006 +7967 +24183 +274 +11540 +25250 +34965 +29792 +21032 +30909 +19329 +17724 +24609 +769 +3722 +3314 +32811 +34357 +19539 +30587 +36125 +17667 +19503 +10700 +25462 +2844 +7057 +27014 +30918 +20226 +3537 +13363 +17898 +22751 +17284 +24703 +8539 +22286 +30285 +26775 +16201 +34704 +11435 +4840 +36367 +43351 +5218 +3867 +37852 +35944 +12449 +28758 +4946 +20142 +43199 +6876 +39391 +38421 +41416 +15344 +31145 +11563 +19943 +21149 +33231 +21705 +35999 +15204 +8851 +4951 +21533 +38068 +25560 +14218 +39210 +30234 +40225 +14481 +30084 +11249 +10535 +15002 +21495 +5826 +34133 +30791 +42706 +5506 +19277 +39140 +25123 +4878 +11106 +19139 +7827 +7000 +27270 +11844 +16014 +31512 +20837 +36561 +23723 +17253 +40222 +19143 +5114 +6948 +37414 +3655 +23013 +21897 +34739 +37773 +7009 +13977 +33533 +15353 +35302 +29372 +40619 +22769 +25663 +21314 +20387 +19555 +1671 +8111 +39401 +20288 +96 +42769 +887 +35966 +22637 +26531 +11978 +11075 +31866 +14847 +30475 +12214 +21057 +10860 +11313 +42746 +14519 +17517 +38880 +11661 +25960 +9338 +26682 +16777 +2649 +23281 +5551 +39925 +11067 +19995 +23838 +27810 +41459 +3475 +33206 +22814 +39403 +39415 +5642 +13990 +13275 +21903 +2898 +35299 +21322 +14868 +20236 +22552 +24855 +12192 +3145 +1428 +3738 +30483 +13676 +33903 +27209 +20793 +14704 +29679 +38555 +39868 +21760 +28898 +22423 +33534 +3446 +16161 +28244 +5085 +39238 +24211 +28131 +6874 +37738 +35962 +280 +4678 +17051 +17763 +29078 +3474 +37266 +40455 +14515 +16067 +32829 +5492 +19330 +3402 +41349 +24607 +42209 +10587 +31177 +35048 +29306 +20816 +5819 +33410 +21410 +1910 +38038 +39149 +28015 +41402 +38911 +31367 +16738 +29673 +21220 +30192 +33746 +13050 +22840 +26914 +29365 +29200 +8193 +34884 +20274 +9290 +16184 +23225 +22248 +269 +633 +1034 +39916 +35787 +26725 +15039 +39251 +17004 +27120 +1435 +38588 +18877 +20975 +31724 +33564 +16138 +9663 +7774 +10929 +34463 +7065 +24138 +26807 +36998 +5451 +1581 +39671 +6723 +28290 +24419 +24893 +23972 +11057 +36648 +41611 +10558 +490 +15843 +33188 +40314 +11492 +38894 +416 +41486 +24229 +21224 +7721 +10676 +10283 +2880 +25383 +23762 +35817 +17876 +1094 +19671 +37404 +19441 +10980 +17171 +39896 +22443 +14914 +10016 +33201 +1303 +42581 +17451 +36260 +38792 +35202 +17532 +9073 +23594 +1151 +33305 +10762 +13025 +7333 +28520 +20039 +7230 +25492 +1686 +42618 +23518 +15835 +36444 +35340 +9544 +13194 +16312 +26176 +10328 +30794 +42946 +17833 +15309 +8363 +23870 +15818 +15951 +29448 +5699 +32850 +15478 +20494 +35225 +38666 +37178 +12655 +38631 +35136 +12333 +13930 +24402 +40032 +19107 +40925 +43357 +27218 +38778 +16889 +31205 +16779 +37894 +3376 +6720 +28191 +29529 +10626 +19963 +40468 +16709 +8167 +11591 +8036 +3576 +10473 +6164 +12816 +13729 +4860 +31398 +39749 +40292 +20060 +13799 +8613 +26143 +12094 +36007 +29443 +13233 +27967 +20914 +13813 +6892 +3350 +33710 +2259 +26724 +35837 +36446 +28326 +4103 +21884 +3807 +28365 +29522 +1843 +13476 +16323 +5228 +25914 +43011 +2149 +14007 +11119 +38147 +39883 +24124 +14318 +3685 +40390 +23469 +17199 +5510 +12873 +33721 +30368 +42311 +19709 +6955 +35002 +237 +11250 +17219 +27671 +39048 +40573 +40335 +180 +20243 +35672 +21880 +4960 +12117 +36498 +27297 +40776 +28504 +6439 +39840 +21992 +43227 +10117 +24822 +29964 +29046 +32161 +16644 +29190 +10776 +35395 +24899 +24326 +4612 +21298 +14477 +812 +21317 +20440 +18587 +4519 +41570 +40238 +31509 +13416 +2084 +39064 +1018 +12120 +240 +21742 +36933 +41748 +2550 +21529 +27997 +13095 +42367 +4699 +24445 +31639 +30786 +1143 +39170 +17018 +25698 +32327 +5614 +23194 +11695 +16314 +41137 +9539 +19264 +893 +16954 +42966 +30974 +20906 +10794 +32805 +38808 +39088 +20128 +18491 +25451 +41713 +11231 +21195 +31867 +29866 +37460 +31111 +36595 +33382 +39398 +37106 +3920 +32252 +43136 +1477 +4981 +19418 +37756 +31909 +11158 +34614 +37490 +37454 +6977 +40790 +34837 +7870 +16677 +9833 +19420 +36107 +677 +23820 +27758 +6866 +29646 +27660 +23022 +29658 +22308 +31734 +37449 +41745 +22083 +35452 +38267 +26082 +10748 +42519 +12604 +21352 +30875 +41320 +7306 +35874 +30834 +7168 +37248 +42732 +34961 +30804 +885 +38613 +28670 +40749 +20430 +4792 +7559 +17526 +5908 +7307 +12652 +19954 +31915 +38833 +6724 +32317 +27022 +19776 +15156 +29599 +35054 +43200 +26975 +29135 +42366 +33808 +40157 +25949 +37108 +13121 +41820 +14131 +25034 +8630 +34088 +26366 +37520 +6507 +7062 +2140 +26482 +39805 +14146 +27545 +10440 +37291 +23082 +2344 +35004 +26311 +3778 +37443 +21907 +3502 +24860 +29518 +7716 +32960 +31321 +24851 +4263 +9853 +17829 +30500 +5326 +38483 +24754 +19437 +16027 +33301 +26767 +29384 +2158 +34191 +42895 +15281 +18312 +31117 +9339 +1035 +20380 +36199 +38035 +9268 +37253 +21439 +9723 +8269 +8715 +4234 +7928 +4513 +17658 +21412 +20535 +35917 +32959 +28366 +30872 +19704 +23756 +42361 +6201 +37488 +29206 +35987 +36677 +4962 +11784 +41596 +29255 +41439 +35075 +28169 +20225 +14083 +13439 +22943 +12272 +40316 +26772 +2895 +8104 +36495 +18378 +10815 +24060 +10218 +12118 +13094 +26170 +36023 +17452 +11818 +3527 +462 +36859 +27111 +11719 +2734 +3602 +12188 +41448 +24633 +9293 +30208 +17647 +35437 +157 +11091 +11760 +37329 +14266 +22289 +19089 +5664 +41950 +23230 +25558 +18374 +37251 +8241 +29369 +4076 +4906 +10084 +34489 +3278 +12553 +8405 +6308 +15851 +18976 +35399 +32241 +7003 +38274 +39646 +14961 +11299 +37053 +39444 +3168 +11146 +9799 +2471 +6436 +10854 +17198 +16704 +31902 +11269 +1053 +16046 +34341 +39863 +7096 +15665 +15943 +31949 +10280 +28571 +9748 +2391 +742 +12590 +25289 +30258 +34486 +36488 +5830 +40170 +9697 +25998 +26741 +16080 +40434 +6525 +17214 +10556 +2809 +24170 +29278 +25805 +16272 +21460 +36760 +14536 +37802 +41409 +16310 +25019 +39062 +18808 +13892 +29698 +6784 +30376 +4945 +19228 +21081 +20675 +19305 +17501 +38217 +31356 +21985 +30733 +39098 +32282 +37432 +14577 +17818 +29345 +40057 +41966 +1093 +24441 +34588 +39008 +28200 +33910 +16142 +1896 +29099 +35081 +352 +20991 +37524 +38033 +7493 +19402 +6526 +39216 +13076 +40700 +7575 +26678 +30870 +26220 +24079 +4694 +30248 +4066 +29182 +38479 +17567 +15263 +17228 +379 +37812 +1375 +39851 +11424 +24555 +9327 +32668 +27399 +39632 +15242 +10020 +14876 +29841 +26616 +18630 +24870 +30390 +36514 +34044 +19528 +11938 +4280 +8176 +38272 +22002 +31085 +9302 +16386 +9465 +31 +30167 +35752 +37545 +28705 +36250 +6376 +12551 +30879 +38056 +14339 +39028 +12164 +1972 +36281 +19306 +23094 +1883 +18327 +1049 +39145 +19722 +18284 +26204 +10451 +4348 +8017 +18891 +41329 +10801 +24369 +23369 +23319 +19977 +8624 +13316 +3739 +32604 +3140 +28870 +14579 +16239 +39880 +27588 +14764 +18647 +21878 +35168 +8240 +14712 +31322 +8329 +16382 +42843 +12295 +25432 +11763 +23878 +22804 +24052 +24589 +26043 +2180 +32471 +19326 +22309 +18824 +23116 +40798 +11553 +14499 +23007 +10310 +28639 +13329 +21286 +28307 +33587 +42368 +11391 +1704 +28150 +38400 +15959 +30086 +1424 +14419 +39200 +37711 +22854 +38721 +24959 +8250 +35204 +17234 +23244 +36738 +36820 +40375 +10116 +21154 +25603 +35984 +165 +12283 +37674 +12796 +38641 +23694 +40499 +26437 +8461 +21277 +4759 +37309 +24420 +25260 +32364 +28992 +4379 +7831 +37419 +38700 +26451 +30894 +15125 +21639 +7045 +11178 +2724 +32618 +3307 +25875 +16620 +12586 +9731 +4457 +17454 +31983 +20565 +36520 +2130 +39978 +23467 +12978 +27411 +9335 +2845 +11970 +18678 +31439 +31892 +12877 +1851 +35804 +17262 +25350 +23947 +13365 +15481 +10391 +39240 +28291 +11296 +38763 +42410 +7849 +34313 +25040 +19603 +1994 +2775 +28171 +5315 +17200 +31485 +17583 +26481 +26331 +8825 +14821 +2048 +43398 +9299 +40546 +12541 +17111 +29637 +22546 +28060 +12015 +25847 +11988 +17630 +8639 +18552 +19813 +15183 +9334 +30796 +36682 +12159 +4510 +7143 +42089 +42793 +41017 +15471 +24417 +16652 +11275 +37819 +21527 +34880 +38738 +22752 +11284 +30848 +34172 +1813 +29580 +7339 +26944 +18067 +42348 +39073 +38772 +37539 +1332 +28201 +4973 +1868 +12753 +35561 +23996 +37682 +34381 +6472 +1102 +33919 +39396 +20537 +25799 +42216 +5672 +19905 +30081 +43219 +11701 +18415 +16657 +26959 +22356 +42308 +31548 +36353 +17011 +729 +8201 +36694 +35704 +33468 +40763 +41345 +19536 +28656 +2933 +33696 +39929 +20238 +33368 +19642 +38959 +22111 +30523 +33101 +7784 +37194 +5383 +25338 +15747 +28664 +32507 +18778 +3470 +24558 +20534 +1737 +19864 +27825 +26727 +35309 +41593 +5473 +13611 +7803 +10380 +25528 +20711 +16635 +11904 +26203 +20767 +8097 +30185 +27569 +6606 +23690 +11159 +42148 +8792 +9129 +1698 +8373 +20296 +38261 +10220 +1489 +12904 +6650 +36219 +24245 +35389 +14656 +6238 +7977 +13224 +41031 +35486 +18802 +22772 +33244 +17447 +10416 +883 +4209 +12642 +29004 +30975 +182 +40587 +9973 +27044 +32311 +28545 +23324 +21559 +3524 +20854 +35001 +3062 +32318 +42251 +8609 +26374 +24371 +12383 +8854 +7093 +30153 +37789 +22853 +28977 +31753 +6338 +7905 +5 +19409 +19036 +36957 +22876 +16030 +10312 +3569 +25018 +39142 +496 +34095 +20048 +40036 +38309 +14580 +16010 +5601 +27231 +30123 +4575 +27012 +12450 +33233 +28012 +7610 +20735 +12651 +969 +8822 +25038 +14669 +42949 +30628 +23948 +34886 +20209 +33257 +28547 +12284 +26241 +32156 +19019 +13166 +12262 +38032 +29532 +22844 +23425 +22922 +22559 +31579 +25781 +20829 +4953 +25449 +33172 +31166 +31246 +20699 +2123 +36899 +24059 +16451 +32882 +41429 +38089 +22062 +29685 +2738 +24383 +33192 +23163 +13997 +7637 +36241 +22271 +20034 +14513 +7621 +2476 +7265 +40031 +29469 +18461 +4863 +33071 +36905 +12173 +21043 +24372 +14011 +42880 +19090 +3988 +30493 +415 +35381 +2913 +13955 +13987 +26524 +9427 +40637 +14340 +3061 +40993 +7851 +34276 +12281 +17882 +22233 +39315 +23727 +12181 +35860 +10545 +6855 +21328 +18742 +17238 +33271 +6471 +15417 +32049 +15441 +36151 +9165 +25109 +30898 +38219 +24096 +41711 +29858 +22010 +37512 +1982 +2754 +31515 +2420 +34767 +36395 +2267 +10422 +4809 +29978 +2323 +10567 +8785 +34753 +37966 +41143 +3735 +30418 +5408 +19659 +16962 +42554 +23553 +21198 +25481 +9347 +29526 +42571 +34327 +17654 +41328 +34144 +31516 +17963 +10408 +4615 +15020 +40740 +14285 +40405 +38435 +37116 +21016 +18977 +10603 +40734 +27255 +15617 +17711 +11302 +12787 +39849 +19188 +26899 +12561 +21521 +14629 +19507 +32270 +36109 +24341 +30851 +39644 +35569 +3718 +4043 +23967 +27090 +3804 +121 +39266 +29254 +8237 +41225 +9839 +4250 +56 +14226 +43147 +18958 +38593 +31993 +10770 +30802 +31678 +27216 +17405 +17525 +15785 +35870 +12636 +3235 +28960 +27377 +37550 +9682 +33131 +7581 +34957 +23924 +9377 +11642 +25370 +14967 +27048 +2314 +42715 +11899 +1898 +10956 +21841 +11943 +14928 +25671 +1008 +9479 +15442 +11569 +38996 +3528 +33162 +10431 +32647 +18961 +32260 +14861 +9724 +12236 +2841 +31400 +15223 +31406 +14619 +14646 +5591 +31101 +21356 +8171 +11475 +25477 +27563 +26194 +25923 +23271 +33059 +22118 +30085 +35998 +7529 +33452 +11958 +37033 +31207 +18897 +36502 +16584 +14565 +8126 +11718 +31625 +11567 +42543 +7451 +11552 +30171 +22016 +16655 +13587 +26924 +32578 +35683 +15398 +16694 +37798 +16870 +17270 +16563 +14325 +31483 +13805 +5588 +20908 +40076 +13732 +22376 +14119 +30426 +28167 +27716 +13352 +41893 +23363 +42942 +18748 +5356 +22117 +734 +6089 +35272 +38743 +15551 +39254 +36779 +19001 +34889 +36513 +39577 +11592 +2135 +18929 +35606 +10773 +43132 +9101 +9065 +8774 +16747 +37361 +40783 +9393 +32738 +31251 +40231 +11427 +1964 +29955 +3632 +31286 +30416 +3083 +23149 +33771 +13108 +4712 +15763 +3939 +36226 +41895 +21293 +13790 +13867 +36674 +30263 +24501 +32261 +3816 +11531 +178 +10127 +2345 +2667 +24114 +3511 +8773 +17906 +15194 +30191 +5984 +9617 +22026 +32729 +38690 +28756 +12497 +34716 +29814 +9273 +27627 +20091 +38668 +41851 +41363 +2873 +7300 +27468 +42461 +39402 +41099 +19588 +17012 +2542 +34547 +15030 +37929 +3342 +40754 +26062 +16735 +15869 +34011 +25324 +27001 +17331 +25217 +9365 +647 +15720 +23191 +32652 +39440 +9235 +20643 +914 +2030 +15420 +33595 +9928 +17991 +46 +2963 +21700 +12552 +31386 +33590 +42917 +6146 +13935 +16375 +6805 +40871 +22613 +22484 +15233 +32385 +2163 +25389 +35372 +3238 +32776 +32250 +7266 +36279 +8332 +29612 +573 +43375 +19705 +18619 +10622 +9323 +4000 +10828 +4138 +5912 +33777 +13064 +7762 +14956 +32198 +18915 +23511 +20418 +15409 +10881 +28661 +37500 +9780 +31443 +29691 +25966 +31083 +9319 +42960 +22792 +24393 +22887 +18128 +34059 +5333 +35757 +34583 +9738 +31925 +13129 +21117 +20689 +5232 +28083 +30698 +36292 +13958 +20966 +24188 +20358 +29060 +20486 +37081 +32061 +1839 +38339 +21801 +21471 +8672 +10841 +41511 +3609 +28982 +24648 +40745 +36805 +6216 +43336 +17643 +14783 +10355 +37119 +31379 +7942 +43261 +3224 +18468 +30411 +38546 +7090 +3613 +4264 +22170 +14362 +19998 +13013 +3049 +24519 +26583 +8225 +36052 +9422 +13555 +14390 +25738 +33277 +20619 +1039 +15757 +16337 +24217 +661 +22705 +37370 +10514 +5727 +33971 +39366 +31453 +25816 +27190 +40955 +2137 +13279 +39452 +33521 +20626 +23228 +22577 +30256 +11645 +25183 +18470 +35200 +7695 +16298 +38788 +28843 +16328 +2645 +5123 +6336 +32919 +16457 +26213 +27701 +29360 +22195 +27284 +16005 +28492 +12335 +7085 +32566 +35310 +14470 +7609 +18937 +29809 +41117 +36407 +19460 +13133 +29130 +7879 +42464 +108 +18264 +14686 +1822 +18155 +35598 +19399 +31842 +40678 +39288 +39276 +39164 +10251 +22926 +33905 +10857 +16921 +37056 +20663 +14500 +24091 +1530 +30858 +983 +860 +12868 +29129 +14268 +24749 +36586 +24740 +19684 +1225 +22571 +1152 +43308 +28187 +38825 +34595 +17144 +4738 +21735 +4725 +33791 +3237 +38099 +7958 +40565 +38680 +1983 +13470 +32020 +3159 +11528 +9204 +27519 +42006 +23649 +14232 +5246 +42336 +13376 +27232 +31835 +4713 +26357 +4189 +33790 +37861 +37990 +41446 +1876 +21634 +40845 +12034 +32486 +4086 +5806 +20204 +10775 +30932 +59 +42953 +29530 +20087 +41442 +21413 +18753 +29152 +14685 +37795 +12288 +25758 +36076 +36169 +42495 +10474 +42604 +14137 +37564 +16991 +33124 +31719 +18250 +10855 +36707 +36625 +17893 +9524 +13347 +4459 +1965 +5107 +1348 +4115 +25337 +2696 +2989 +786 +29981 +33815 +10264 +12277 +43362 +10150 +34243 +26877 +5296 +41502 +39869 +12322 +9092 +33461 +42619 +41652 +2882 +27491 +38703 +10706 +33438 +29652 +25687 +26920 +9905 +32418 +38766 +592 +29164 +28419 +35436 +41856 +38750 +26320 +26946 +34723 +16686 +378 +32918 +29496 +34605 +28947 +37152 +43077 +27352 +10239 +19708 +2388 +19551 +4088 +34648 +1845 +36026 +7356 +36727 +35483 +42012 +5253 +21360 +29973 +35629 +8433 +27412 +8677 +27859 +19866 +2621 +12276 +18483 +26822 +24974 +20170 +21546 +33683 +32171 +37445 +41642 +231 +30581 +15754 +29292 +30384 +2797 +42572 +43334 +13610 +24261 +4698 +26680 +40288 +24463 +42165 +22740 +18774 +5469 +40535 +28564 +27288 +41451 +43106 +4323 +37816 +7536 +28411 +8164 +7398 +5036 +6281 +5902 +26319 +19887 +38810 +32441 +5302 +22296 +25754 +4571 +16277 +16814 +9984 +21629 +9161 +8941 +18682 +714 +34094 +32800 +42369 +16099 +29482 +10708 +867 +18855 +29862 +41133 +15526 +2214 +39483 +12063 +9951 +22511 +42188 +9969 +6062 +12249 +6607 +4290 +5951 +12581 +27323 +3545 +29927 +9136 +21231 +22658 +27391 +12408 +21665 +5623 +43040 +39172 +29965 +12573 +23684 +12325 +43108 +36044 +3171 +6197 +25231 +34429 +28208 +40068 +32381 +26369 +24387 +18048 +37261 +29033 +33427 +38736 +26499 +36764 +24942 +27761 +20357 +10810 +35396 +36605 +16176 +22100 +13448 +16838 +24536 +19367 +17565 +2110 +9444 +39938 +23198 +31616 +16459 +32511 +9343 +15477 +14906 +16765 +27287 +22700 +15256 +14649 +14504 +14289 +15172 +35390 +18059 +35635 +36223 +6772 +10711 +15849 +10037 +16613 +40255 +23020 +21416 +20688 +26294 +25489 +8514 +22664 +26460 +17585 +32175 +34541 +29711 +26462 +356 +18387 +35504 +6096 +35116 +10109 +16535 +15639 +25947 +39529 +4478 +36937 +27770 +26915 +1299 +5430 +8144 +680 +29509 +13373 +10903 +26510 +37848 +8170 +5415 +28495 +7872 +22266 +39159 +3557 +38109 +17481 +6452 +11270 +35248 +13420 +37312 +39975 +7183 +2613 +11454 +32445 +11115 +21115 +35468 +14787 +9480 +14638 +1734 +12033 +10656 +38886 +21330 +12287 +13995 +14888 +22988 +28283 +7938 +41612 +35653 +26749 +39078 +2597 +17734 +22710 +38337 +31612 +14405 +25248 +29203 +27331 +5881 +37563 +22501 +1524 +37518 +26792 +38958 +35323 +569 +11386 +34981 +26337 +10367 +11698 +31662 +36425 +36168 +17190 +34579 +6132 +23590 +36198 +42689 +28391 +17917 +187 +28431 +36840 +20410 +31003 +795 +27256 +38154 +38770 +8138 +37494 +41136 +12535 +2652 +5341 +27299 +25693 +31886 +21430 +12721 +7496 +16308 +16568 +1665 +23708 +10081 +40260 +3392 +29745 +8936 +28925 +16396 +2031 +24149 +4737 +32464 +28757 +38450 +8516 +11079 +1945 +38041 +6014 +22030 +31878 +1693 +19563 +32280 +31307 +41915 +31782 +3414 +21420 +19316 +38018 +26522 +4176 +33860 +12506 +21441 +10588 +21596 +17450 +14958 +27739 +3182 +28822 +28059 +21304 +1309 +12688 +29018 +24997 +25070 +26805 +35233 +450 +35055 +17846 +13846 +21867 +4344 +864 +40824 +15926 +39892 +11903 +38702 +32611 +34863 +1283 +11853 +36313 +38850 +24630 +43251 +40685 +18073 +25263 +24042 +15065 +30854 +27110 +2033 +29445 +15220 +24650 +42684 +36368 +12466 +20068 +26051 +26122 +11975 +28949 +22340 +42301 +17242 +4820 +19398 +6974 +1950 +30785 +16503 +6409 +2305 +30517 +42907 +18313 +2932 +31787 +21882 +39348 +19614 +2694 +17141 +34073 +32547 +31526 +37142 +5927 +33116 +38054 +19171 +38238 +32015 +35077 +13161 +12022 +36049 +2530 +38731 +10181 +40133 +11152 +19827 +7671 +26073 +40536 +21990 +6263 +1935 +5021 +12148 +14484 +21206 +5144 +34128 +1560 +40588 +20730 +28899 +12430 +24755 +7070 +21645 +35869 +34326 +41251 +28268 +9149 +19908 +5616 +12337 +33965 +11055 +38156 +5875 +19465 +39456 +8527 +6149 +13953 +13055 +34433 +5421 +9238 +39405 +9668 +1527 +14507 +33938 +1281 +26580 +13205 +17047 +22318 +41455 +37622 +12628 +10142 +13572 +26954 +37517 +14264 +37234 +15571 +32899 +12990 +10779 +16708 +36217 +22208 +15004 +42125 +43023 +22221 +38719 +38857 +22343 +25343 +15762 +17753 +4473 +5374 +21944 +6836 +21982 +9443 +33811 +34187 +1394 +28093 +20787 +9745 +31857 +10941 +8532 +34640 +25375 +16485 +36004 +37519 +21538 +35815 +14369 +15761 +1114 +18988 +26382 +23128 +15795 +35574 +3305 +35776 +32173 +1873 +29273 +32067 +1364 +4162 +39779 +2762 +14064 +15663 +34816 +32382 +29068 +12715 +31913 +41874 +18543 +2357 +34432 +43050 +1280 +29525 +35581 +23659 +42172 +36481 +29749 +24792 +21046 +21250 +18226 +16636 +30334 +37172 +13720 +10565 +22564 +28616 +4031 +5236 +23916 +25677 +42363 +9665 +28833 +15421 +9401 +42261 +10577 +32474 +8118 +23921 +15929 +35657 +39557 +22056 +3218 +12368 +7305 +36645 +945 +6651 +31287 +23758 +14813 +27505 +5572 +15365 +27766 +38029 +27182 +28831 +41904 +32066 +13594 +13721 +36270 +801 +27628 +3617 +13070 +34870 +12758 +41566 +9417 +19011 +28287 +13359 +13251 +6564 +14408 +23461 +24594 +9871 +37297 +11278 +33966 +6370 +3897 +9139 +1408 +14840 +19596 +36436 +5410 +1662 +27684 +33414 +16595 +20658 +37869 +42838 +21101 +34014 +19506 +34344 +26893 +21258 +23718 +41127 +25193 +40495 +12540 +8928 +15465 +16426 +2319 +3660 +41348 +8740 +16517 +12748 +213 +741 +14572 +39091 +1515 +17835 +23621 +9035 +3932 +22998 +35820 +15031 +13760 +28427 +21339 +11331 +18697 +16136 +27151 +27653 +6362 +10450 +38661 +19461 +34158 +2581 +1593 +3971 +34002 +7384 +22131 +38667 +12491 +38283 +23365 +19819 +12442 +4355 +18887 +11660 +41925 +31749 +42725 +819 +28874 +18165 +39394 +22029 +26993 +30291 +38583 +6657 +11495 +41151 +42394 +344 +27501 +24664 +3887 +24148 +18436 +28475 +11836 +43 +6161 +31311 +31223 +5392 +20708 +35795 +6969 +35334 +8701 +26160 +20401 +12285 +42132 +40949 +38478 +23548 +10315 +26508 +11884 +43376 +20001 +20195 +15153 +17418 +30727 +28296 +41250 +17880 +27663 +8893 +10585 +27067 +20302 +15197 +12356 +42904 +19366 +11177 +2865 +10742 +6292 +13665 +32902 +28142 +43292 +35853 +17113 +38145 +30701 +37619 +25723 +20725 +38414 +30905 +22198 +30598 +22643 +6432 +16662 +12400 +7341 +41064 +18231 +19897 +40972 +23256 +10241 +31255 +20200 +38611 +2995 +41278 +13804 +28399 +28902 +42500 +25531 +43036 +43114 +25551 +33046 +36458 +21033 +886 +8251 +19403 +197 +34509 +24575 +4826 +37549 +24076 +42468 +15369 +32358 +4174 +32998 +27759 +12294 +13906 +12900 +10985 +12755 +417 +43083 +41040 +43290 +32350 +926 +11791 +460 +41595 +17690 +15534 +8843 +26360 +645 +14854 +37899 +2921 +39414 +5312 +40289 +22440 +28312 +41581 +3757 +8931 +21048 +19237 +10554 +34787 +37799 +43211 +19552 +18413 +32985 +19062 +29187 +4065 +16294 +4172 +10867 +21556 +33516 +579 +1849 +28484 +39614 +7911 +39050 +11465 +36816 +7040 +13899 +42118 +10886 +36022 +32174 +18148 +2437 +34157 +17192 +1040 +15752 +13709 +5404 +8261 +30750 +41510 +19028 +34050 +16222 +5225 +35626 +2773 +382 +31744 +21404 +20321 +21266 +43033 +9034 +16692 +23358 +43231 +18522 +36416 +26702 +31360 +18086 +9898 +34141 +4105 +25457 +16515 +130 +18800 +38907 +17725 +28018 +23270 +15291 +29845 +12545 +41920 +6444 +1869 +23789 +31278 +33178 +40840 +1539 +25445 +37774 +10504 +36613 +9610 +39760 +41783 +12657 +2957 +2823 +13681 +42378 +39562 +3487 +31608 +29793 +11166 +30798 +43190 +32131 +40397 +31279 +16672 +146 +6424 +13392 +12694 +6187 +40626 +39180 +25928 +22966 +10807 +16855 +30158 +32650 +13162 +3407 +29116 +18718 +25279 +28076 +14505 +37410 +17701 +31237 +33222 +15965 +15238 +35409 +32491 +18454 +41546 +12716 +42047 +13426 +6407 +12059 +42882 +12083 +19587 +38237 +39621 +12154 +6219 +18936 +1606 +10882 +12667 +15375 +26167 +2508 +1312 +37589 +27667 +31716 +9292 +611 +5712 +26335 +41717 +32676 +40844 +13984 +32182 +36410 +22827 +3923 +27 +39876 +37073 +19423 +1446 +17521 +41583 +3373 +24184 +23523 +36271 +4689 +14902 +39041 +38017 +16109 +14124 +20450 +15219 +2177 +14471 +27128 +5344 +23675 +19275 +17860 +33441 +30193 +8072 +18405 +14221 +34039 +42663 +29535 +35980 +31072 +5498 +26681 +11952 +20163 +13467 +4908 +39918 +31130 +30083 +17518 +6999 +16718 +8147 +31276 +34373 +1083 +913 +35832 +16879 +39742 +6043 +18268 +6872 +8660 +27293 +15964 +17864 +19006 +16658 +30351 +41718 +29859 +21014 +8922 +20393 +24169 +11219 +38012 +6220 +37349 +34384 +33549 +10689 +33568 +39283 +36626 +30222 +40027 +32142 +28251 +35562 +16470 +19043 +18474 +13777 +35098 +24023 +2945 +8155 +19936 +13647 +26618 +4027 +18440 +31874 +7488 +9762 +23039 +27856 +13408 +22820 +27499 +34236 +37399 +4545 +36652 +20384 +34485 +12914 +26917 +34168 +6788 +14912 +4919 +32834 +22474 +13315 +28367 +16492 +36527 +36233 +30916 +37591 +21236 +22279 +40986 +35755 +13086 +4052 +14328 +26789 +10177 +30231 +39364 +16174 +20504 +40922 +30849 +23372 +3433 +13260 +29321 +38865 +35778 +23453 +39434 +30375 +35145 +4075 +6366 +24798 +30640 +15897 +11736 +31905 +14257 +26835 +15921 +20834 +38198 +39750 +8023 +28508 +23567 +42009 +30456 +23451 +9735 +21946 +22315 +23096 +24819 +24632 +41212 +1624 +42588 +6671 +14600 +14834 +3845 +19877 +35139 +3840 +23246 +33529 +17564 +31737 +41601 +11439 +22757 +10066 +39080 +6038 +7730 +32166 +34754 +39520 +17459 +22958 +4273 +37593 +41801 +37732 +34602 +24583 +41169 +30788 +38510 +14702 +17870 +6259 +35585 +27275 +259 +5796 +5627 +25725 +34644 +24598 +24540 +37048 +9296 +12415 +22688 +29883 +32992 +19860 +14609 +29762 +5575 +753 +16964 +15363 +34427 +34558 +37306 +2657 +62 +11711 +1504 +11202 +17074 +7675 +29161 +11387 +17250 +36623 +988 +1443 +39998 +27742 +29558 +36806 +36792 +21287 +38816 +33998 +20363 +19287 +28715 +3761 +18549 +42944 +33795 +35547 +2260 +2284 +18814 +42930 +26732 +29800 +15917 +24085 +33507 +28025 +28395 +17256 +33049 +25185 +21651 +2322 +22961 +42657 +33336 +29241 +25091 +38764 +39089 +12639 +14308 +13510 +17946 +34431 +18591 +7053 +42036 +13052 +39538 +600 +1611 +22591 +6816 +4525 +15176 +13286 +20405 +24585 +26004 +4843 +14556 +23431 +15366 +17939 +6996 +978 +35763 +20530 +34578 +124 +11151 +13546 +21817 +40643 +24652 +32794 +42901 +4650 +1788 +3591 +3300 +1261 +33263 +33530 +20165 +1216 +20926 +14428 +28501 +17314 +27016 +13324 +24922 +43374 +24086 +24051 +31904 +38920 +42029 +15922 +25900 +34115 +12196 +16589 +9885 +16760 +11850 +16090 +3916 +22735 +18525 +23844 +1230 +24612 +27898 +29656 +25027 +14654 +10031 +25899 +6695 +8935 +11580 +21411 +41174 +4131 +33845 +16722 +1970 +4080 +40766 +11951 +16263 +3877 +27895 +16628 +40552 +21712 +12328 +8989 +33968 +30578 +29423 +20008 +16287 +5621 +37961 +27988 +16930 +2802 +23268 +4435 +31158 +20542 +24125 +26941 +16748 +13302 +39812 +32278 +17443 +22147 +3927 +22044 +3122 +12838 +15658 +26269 +15831 +15505 +33136 +794 +30380 +17371 +12060 +17366 +13791 +862 +12384 +34467 +32512 +16378 +7707 +11960 +17449 +8498 +32886 +6199 +23574 +30126 +7419 +21470 +21917 +30990 +100 +6641 +10351 +25494 +36828 +25057 +25975 +42927 +38815 +29150 +1344 +28487 +18329 +24315 +33960 +13708 +42303 +26753 +38789 +21070 +41368 +37847 +16808 +11650 +6451 +36277 +42587 +15157 +37159 +17140 +40253 +26075 +35667 +5146 +25990 +9328 +9307 +20082 +9131 +25635 +16798 +26071 +27544 +39594 +42019 +28739 +24470 +15310 +3768 +30462 +37390 +16583 +3467 +40572 +21950 +30662 +26264 +2532 +16434 +7717 +9585 +8588 +25933 +6165 +19545 +18147 +9584 +5057 +20426 +435 +31647 +23941 +15050 +23905 +28180 +19626 +35884 +33021 +40118 +2967 +13810 +16992 +34116 +25542 +28226 +12107 +29996 +21959 +29980 +34517 +4837 +42242 +28020 +37289 +15426 +24643 +4661 +15248 +9472 +4260 +29995 +13483 +33698 +33473 +33176 +30252 +20282 +33704 +11161 +21053 +11110 +24267 +20539 +35930 +13456 +42948 +17248 +38971 +14830 +20308 +42713 +39469 +17142 +22597 +4765 +24304 +19686 +10675 +12608 +1206 +25866 +35928 +40857 +24058 +4980 +14647 +11409 +13143 +25544 +9283 +20166 +10496 +36032 +34731 +7910 +12436 +43373 +16675 +36864 +14872 +34967 +8551 +8724 +6670 +2053 +20218 +5757 +30903 +2590 +42416 +24215 +40930 +22857 +35019 +40406 +23798 +27116 +9994 +24638 +23178 +9363 +1833 +39682 +29528 +23825 +35563 +28524 +42639 +10788 +18078 +30683 +9554 +19713 +19583 +18565 +14512 +6592 +15499 +36071 +39680 +1632 +34690 +651 +8398 +6047 +6890 +29807 +5655 +24727 +43092 +685 +39954 +2277 +3374 +34505 +5697 +21865 +8305 +5636 +14342 +43131 +22604 +13897 +2446 +6917 +28556 +24969 +5372 +6629 +13278 +35801 +17030 +11303 +29908 +39606 +21472 +43202 +40607 +33983 +8879 +17016 +34150 +17697 +36330 +41173 +20388 +26859 +23939 +2316 +40778 +7487 +25744 +4365 +12379 +14234 +11103 +13490 +41974 +8395 +42851 +36656 +32159 +27782 +33732 +1137 +18922 +36294 +37014 +37192 +19619 +35887 +13866 +14534 +37881 +36185 +13582 +13948 +4398 +16925 +40991 +26016 +36397 +20219 +20880 +11789 +31594 +11656 +42664 +18495 +25871 +9669 +35035 +21821 +40882 +16731 +42231 +32372 +23447 +15819 +42593 +5752 +23868 +1860 +25309 +34844 +16355 +26889 +15739 +11926 +28090 +29367 +38469 +23629 +34041 +12468 +37381 +13018 +6997 +43367 +8522 +39711 +19902 +4257 +5135 +26139 +4985 +31222 +26567 +22066 +3196 +24046 +37986 +24577 +5784 +38112 +2354 +32281 +39547 +14948 +20392 +8137 +36350 +34831 +31709 +35976 +35263 +12066 +17316 +6814 +7747 +1565 +31089 +30797 +11458 +21557 +23883 +32430 +11228 +7416 +33594 +12510 +33520 +19156 +36841 +23300 +38597 +29163 +42032 +15022 +37678 +28266 +26663 +32980 +2440 +24525 +6521 +8324 +37794 +39645 +33 +4232 +35038 +15540 +29011 +33841 +18211 +29888 +7494 +18392 +17487 +1622 +38533 +17834 +27594 +9112 +16762 +18066 +2855 +21883 +38063 +31861 +36919 +40675 +9452 +32032 +16538 +18616 +35373 +38487 +23134 +617 +36451 +28070 +7043 +5188 +14152 +38855 +4161 +34601 +40404 +21814 +7960 +34312 +20032 +8095 +1717 +34180 +22589 +30761 +11142 +25159 +3725 +10311 +9181 +18980 +30534 +9010 +250 +40872 +17533 +41010 +29914 +25902 +36880 +33933 +29332 +2226 +33940 +21169 +4633 +37417 +34664 +41258 +3662 +19592 +7884 +39506 +40163 +11032 +36593 +21131 +2111 +28804 +28577 +10826 +27437 +13979 +9657 +22933 +41743 +12983 +41902 +40756 +34334 +1228 +30346 +32408 +33080 +2368 +9232 +5877 +36715 +16757 +17346 +40959 +12569 +40833 +36980 +8762 +18324 +22339 +35316 +24729 +26483 +1059 +30229 +4853 +18446 +4023 +30676 +31938 +17777 +8091 +24735 +11737 +38754 +32403 +35377 +29212 +15848 +18366 +20895 +3483 +41145 +37473 +26758 +13102 +8626 +26295 +21626 +12518 +15586 +6033 +41569 +1317 +38819 +31450 +42096 +40522 +2700 +19952 +13674 +5816 +24745 +6335 +9704 +31069 +23214 +23880 +1274 +13699 +41543 +9967 +28046 +39721 +1791 +28787 +1809 +15282 +26750 +24231 +21391 +30121 +19298 +37735 +4680 +33519 +15672 +29136 +38227 +19012 +34577 +24624 +24553 +9523 +20501 +16552 +26858 +3318 +3147 +20841 +22157 +2831 +35696 +43285 +28738 +23227 +120 +10069 +16291 +19933 +14693 +7421 +42282 +12279 +35535 +3156 +30801 +19039 +35690 +39811 +32737 +9880 +25310 +15958 +640 +38418 +40115 +21190 +34772 +591 +22586 +38131 +5528 +25505 +22830 +14034 +26892 +11843 +15955 +24080 +26840 +13265 +10447 +6494 +895 +34448 +17467 +5538 +14215 +23130 +440 +36832 +11011 +16862 +33909 +6856 +2278 +17632 +14673 +9096 +27949 +25582 +8910 +8088 +1519 +11220 +23253 +23797 +36090 +23077 +21444 +6881 +36056 +33230 +29913 +4824 +11809 +5466 +11062 +10542 +2069 +36216 +5756 +18462 +7050 +12123 +20907 +31314 +4506 +18012 +42067 +1801 +30267 +19259 +16280 +31718 +9193 +33415 +30378 +9985 +30292 +18700 +8565 +33216 +29177 +11065 +41331 +15279 +4312 +10483 +23002 +14816 +40923 +10879 +29565 +17440 +8110 +25679 +2690 +6300 +26 +2583 +38043 +40505 +9652 +21342 +13927 +25780 +13874 +24655 +10609 +20976 +41628 +9385 +32887 +14617 +19598 +23804 +21446 +29312 +32982 +31728 +40772 +17147 +26304 +34338 +317 +37870 +41928 +35620 +18773 +22485 +7164 +18580 +12499 +19773 +27350 +19118 +15758 +7131 +41732 +36039 +3674 +3243 +39732 +28305 +3378 +18641 +7893 +20019 +18595 +466 +21421 +10901 +7276 +36550 +12901 +17761 +7157 +38919 +71 +13940 +733 +35829 +42929 +17117 +37054 +23072 +16322 +7729 +25305 +18031 +4514 +30752 +41634 +11488 +16258 +12252 +43236 +39511 +23313 +34174 +1164 +2088 +14897 +33558 +38371 +27227 +27762 +29358 +27262 +8421 +12929 +12297 +30721 +28111 +7182 +23722 +16685 +38053 +14620 +22480 +11450 +15607 +24319 +18347 +5074 +34969 +40774 +34262 +40954 +43054 +4965 +39227 +8614 +40771 +41929 +12543 +19693 +24666 +25917 +18265 +42435 +25041 +7798 +8755 +4007 +36769 +23125 +5929 +25472 +31935 +24355 +10618 +17622 +32390 +36973 +18204 +30132 +32120 +17670 +18556 +24752 +6790 +21003 +16392 +31315 +7978 +21912 +3929 +28667 +3640 +13821 +25429 +12943 +41531 +33802 +40555 +39478 +40412 +16116 +6230 +3704 +41624 +37184 +43175 +10467 +31852 +40601 +1576 +15253 +27525 +23693 +26945 +19475 +28126 +35849 +38027 +8654 +5049 +13769 +17230 +11940 +17928 +34890 +38176 +28969 +20481 +1742 +30274 +24731 +18894 +34776 +27318 +2294 +12938 +1937 +20750 +42034 +30451 +24225 +32657 +23197 +40942 +32938 +2568 +25615 +27637 +6557 +872 +18796 +20141 +29122 +2520 +29702 +41794 +13798 +15300 +4614 +14885 +41514 +34 +6052 +41680 +8560 +3762 +23975 +41191 +36981 +34717 +30911 +8152 +20269 +22178 +33682 +76 +10136 +33255 +36133 +20469 +42512 +24712 +10928 +21402 +12028 +1404 +24733 +38813 +36604 +19687 +4700 +30200 +27542 +35414 +8839 +28859 +38146 +39147 +33620 +31777 +40286 +12844 +20081 +24156 +43016 +6127 +32648 +32817 +10963 +19042 +13458 +40473 +1923 +22201 +31739 +22338 +32462 +25912 +3681 +20871 +20192 +9463 +9850 +25878 +10678 +6574 +22677 +31178 +8249 +15646 +43253 +10679 +16549 +10165 +20069 +40444 +6703 +39834 +34734 +39222 +11716 +31162 +10833 +38622 +16853 +29726 +3758 +41989 +41885 +14360 +11227 +4736 +9785 +33527 +27803 +14231 +22669 +32437 +759 +18083 +27404 +9834 +35359 +28778 +20942 +22143 +4710 +40259 +984 +41629 +4565 +24151 +5342 +42986 +7472 +28241 +26233 +620 +10486 +12013 +33041 +32091 +15642 +10723 +40075 +14003 +36972 +15822 +39784 +3868 +21941 +32234 +5156 +37133 +13445 +21763 +9227 +17923 +21261 +24244 +38503 +1334 +17166 +28001 +41772 +5346 +35076 +8946 +35708 +30199 +6234 +12462 +7994 +35472 +2151 +3340 +37137 +26658 +14797 +30665 +26058 +30637 +6177 +35537 +11539 +16536 +41170 +32139 +25613 +4096 +1547 +5371 +40160 +37541 +29540 +37472 +30863 +15600 +22329 +1793 +15813 +42633 +31882 +6916 +4224 +40533 +2817 +8385 +15954 +17491 +8209 +19676 +26424 +38952 +41344 +22981 +8275 +27353 +5206 +8902 +6045 +19875 +16833 +42840 +34336 +18986 +5292 +12663 +12880 +15700 +6169 +39462 +6860 +16167 +38595 +27721 +38108 +19755 +4766 +21916 +42332 +19482 +22721 +37661 +27272 +24083 +16827 +29036 +42824 +33574 +8563 +22418 +26643 +31553 +23095 +4318 +23784 +37755 +17528 +24931 +33833 +38514 +3715 +43233 +18458 +18931 +36214 +39442 +9993 +28071 +27286 +5395 +32110 +19138 +15609 +7318 +26067 +7545 +7365 +29224 +15337 +34625 +13538 +21423 +26438 +1434 +14844 +5210 +8503 +18854 +37712 +10235 +13071 +14296 +11782 +38369 +41666 +15970 +1658 +16472 +11918 +7703 +17956 +6339 +16665 +30653 +12396 +7629 +10209 +6122 +40850 +2425 +13383 +9972 +42569 +17718 +30383 +28522 +21480 +19842 +4350 +22070 +9640 +22489 +8907 +15883 +15841 +18942 +26803 +41401 +21931 +17741 +32526 +43110 +33367 +33703 +2636 +12505 +36474 +10325 +12970 +11679 +15292 +18885 +13277 +14472 +35759 +27302 +7972 +9725 +22976 +25886 +29228 +22068 +2552 +10077 +497 +1787 +14865 +34029 +40004 +29137 +37080 +29417 +43241 +26080 +12010 +36811 +31780 +8223 +9109 +1243 +739 +17749 +15133 +34573 +32824 +11285 +33886 +32799 +29823 +40433 +33846 +17497 +8664 +16220 +29105 +15141 +10769 +25474 +312 +21341 +38716 +17039 +33712 +40105 +37337 +33767 +2250 +5539 +34606 +28432 +27778 +28696 +13870 +9061 +6217 +13109 +37611 +44 +5683 +12161 +21084 +31569 +8764 +4269 +28910 +17148 +40191 +28915 +6141 +40873 +21905 +26260 +16744 +29659 +445 +32038 +8412 +38118 +2607 +1292 +22064 +27326 +21844 +11579 +34613 +42333 +9719 +2782 +17480 +37662 +9258 +31996 +91 +29331 +31502 +19358 +11265 +31395 +15919 +27181 +31538 +10581 +42875 +2616 +3092 +33517 +41524 +42195 +34457 +11377 +11538 +18717 +20809 +8826 +15805 +30150 +13620 +9141 +42853 +38201 +8053 +39232 +15660 +39047 +4296 +29056 +37548 +40009 +25997 +4596 +24144 +26031 +39936 +31788 +39668 +2509 +16830 +16571 +1744 +32825 +35943 +27295 +12077 +35914 +31926 +6068 +26715 +25186 +7054 +37385 +9336 +30441 +6445 +42785 +10433 +5490 +28630 +9869 +32239 +35194 +5605 +36874 +34898 +5933 +11800 +20294 +27169 +14298 +27869 +11971 +37641 +18935 +4122 +18826 +13975 +2662 +15073 +37995 +13123 +38569 +6818 +10288 +25721 +2455 +2451 +43104 +22500 +31673 +11906 +13920 +12538 +24280 +21477 +40257 +11471 +17342 +17821 +31899 +25567 +27523 +18397 +472 +3497 +38577 +23857 +10525 +25950 +25610 +18210 +13712 +18545 +6180 +31297 +33353 +38470 +31370 +3999 +18606 +27635 +4776 +920 +42712 +31156 +40132 +20476 +35616 +13840 +41633 +15838 +27857 +3881 +11759 +39427 +41867 +23170 +4655 +27633 +40401 +1064 +18622 +30379 +34309 +8923 +34942 +35654 +5603 +32288 +28224 +9127 +17615 +31937 +8016 +7231 +21204 +42592 +15574 +310 +33880 +30372 +37568 +16360 +18282 +2874 +16438 +18218 +26778 +11678 +13960 +26287 +25848 +10847 +23421 +40704 +17070 +16574 +10282 +22660 +14976 +13513 +9310 +10261 +29463 +23699 +13385 +28196 +41317 +20359 +9326 +11571 +36766 +30936 +18990 +26992 +12205 +19558 +703 +38707 +29552 +6160 +6878 +6115 +17434 +40476 +28699 +40767 +8546 +41958 +23454 +20415 +41270 +10442 +23046 +10992 +37796 +14414 +23651 +6111 +21714 +28077 +29669 +34178 +9128 +2178 +34350 +1139 +7475 +17160 +29592 +1820 +26154 +24858 +38078 +28297 +35956 +22835 +27969 +10521 +18625 +22825 +19591 +22058 +19565 +29244 +31539 +4087 +5260 +13543 +18099 +12487 +27174 +40383 +20036 +38091 +37063 +17176 +18503 +22079 +14563 +35520 +2704 +2342 +27192 +37707 +29551 +42137 +29041 +36363 +11395 +4881 +1567 +17414 +42595 +24176 +21329 +28965 +17001 +3548 +17407 +12681 +448 +26569 +39659 +28631 +19549 +38226 +6666 +15503 +19471 +41891 +28008 +13268 +29115 +38659 +1223 +11798 +1645 +24711 +23333 +37757 +824 +9801 +20479 +15935 +24797 +4392 +14433 +27443 +17744 +9515 +28569 +31020 +36581 +16419 +34266 +22661 +25437 +25977 +34678 +16941 +40916 +37437 +32941 +27472 +12457 +8874 +40374 +15343 +6493 +19031 +7202 +6179 +14772 +13693 +16121 +23140 +11486 +3584 +12836 +13946 +18974 +28457 +25656 +12619 +15864 +12609 +8186 +26433 +4338 +22929 +42351 +17477 +42408 +2602 +7569 +37752 +19175 +26818 +9661 +20990 +18750 +25361 +7412 +24897 +5011 +7502 +14297 +3530 +39905 +18712 +11595 +25115 +37544 +3669 +27529 +19322 +4226 +35298 +41204 +9849 +23781 +34215 +41983 +13625 +11864 +35258 +14510 +21243 +8040 +26690 +32458 +28426 +6776 +14607 +2929 +4380 +18198 +4107 +20629 +10621 +27238 +39056 +9698 +17656 +10952 +31979 +19785 +25245 +4420 +43157 +22884 +15944 +18695 +38538 +951 +10055 +11954 +31330 +19252 +21733 +10272 +10802 +35687 +43063 +42102 +14394 +17726 +1438 +5416 +40154 +30017 +35461 +19898 +29795 +3792 +36736 +7724 +6426 +31133 +42072 +22264 +21999 +476 +5671 +4112 +31106 +19926 +4789 +14411 +38384 +20577 +19386 +35742 +35101 +21474 +30043 +10842 +8963 +3552 +10182 +15054 +1453 +2900 +42829 +13559 +34780 +3510 +15347 +4703 +11781 +4862 +21027 +783 +29315 +21012 +41829 +7549 +15936 +20947 +12726 +26794 +1759 +38496 +20782 +43160 +32353 +34320 +40273 +15121 +14044 +27346 +15261 +24399 +24506 +9471 +34474 +38333 +26222 +38699 +28596 +39007 +3058 +6440 +8730 +22877 +29941 +7387 +33357 +22763 +6868 +3255 +11028 +30978 +15168 +17057 +12771 +21871 +2639 +18607 +39519 +19111 +16066 +28239 +16318 +33547 +22150 +18609 +41597 +39093 +12823 +28698 +11957 +14352 +41125 +1393 +10591 +16473 +2926 +1183 +14028 +5178 +17905 +5396 +30051 +24311 +43229 +30468 +11082 +42600 +30603 +9989 +20924 +32325 +11983 +3324 +33801 +28660 +27163 +15386 +22682 +35875 +19410 +5100 +38619 +10606 +5593 +14205 +33792 +24647 +24175 +1414 +9893 +3023 +27806 +30428 +25395 +3627 +33319 +20406 +39666 +41199 +39637 +41113 +6715 +38988 +19879 +17050 +22765 +28350 +13749 +10534 +27830 +30840 +40512 +31965 +9751 +42922 +1169 +21253 +20431 +13770 +4688 +20145 +14074 +20553 +2063 +18157 +23642 +40544 +41632 +30092 +7109 +5893 +34842 +28109 +42286 +38955 +21415 +21042 +33393 +20511 +42800 +7948 +35767 +2842 +20838 +23542 +9512 +5769 +25493 +14889 +654 +4352 +3174 +15356 +238 +42082 +2481 +31204 +33048 +39568 +18901 +30648 +41529 +40950 +1615 +35818 +38685 +11705 +10906 +20267 +6323 +40695 +15573 +7836 +17949 +17066 +26747 +36456 +24363 +42835 +5688 +23092 +7594 +4179 +23827 +20513 +7229 +34267 +15776 +19255 +41821 +3668 +12068 +24362 +3595 +31139 +181 +3198 +25870 +34988 +5737 +37175 +38266 +31481 +36542 +31906 +27003 +12111 +31711 +19906 +15325 +22381 +11792 +17455 +22723 +41282 +16659 +25945 +42717 +16231 +40104 +39313 +39100 +10018 +23821 +7446 +10309 +15791 +5770 +21380 +18411 +40701 +43105 +36583 +5459 +36331 +16218 +12806 +11646 +19053 +4241 +7249 +28928 +32055 +20155 +15649 +25372 +10297 +18655 +32259 +847 +17122 +7212 +31745 +797 +2037 +18850 +23818 +26785 +19204 +18586 +3865 +1412 +1320 +39097 +19725 +28608 +1877 +32978 +4885 +41806 +13299 +28276 +16160 +403 +30336 +32873 +34556 +10427 +40997 +509 +14242 +16347 +10375 +26367 +16974 +24985 +43116 +18656 +4030 +42908 +1677 +8667 +8496 +20210 +22826 +17785 +33092 +41568 +40600 +28189 +41092 +3755 +6909 +39317 +38305 +39361 +34204 +23964 +11720 +19985 +20508 +35344 +36010 +948 +8920 +17862 +8082 +35738 +7029 +28158 +18539 +15764 +36258 +22515 +2810 +28334 +7983 +38192 +31208 +30661 +19191 +13145 +3201 +3310 +34210 +3499 +35850 +9356 +34934 +35008 +22870 +32305 +28135 +16561 +1330 +29167 +597 +7924 +41232 +11441 +38803 +34010 +28116 +3880 +8544 +14766 +15801 +34544 +43209 +35097 +40451 +43364 +29460 +4570 +13684 +4854 +41080 +13558 +8743 +19250 +19685 +38592 +15803 +14553 +24761 +25077 +4109 +582 +41890 +32235 +43137 +11443 +32556 +31029 +15057 +17886 +11212 +13185 +7484 +879 +25453 +18582 +6714 +13360 +31338 +24568 +18311 +29191 +31265 +32733 +23301 +6635 +15580 +38604 +40277 +14272 +17740 +18665 +29392 +31308 +13761 +19075 +25331 +646 +41939 +17698 +9739 +23814 +42250 +4078 +13540 +18639 +6950 +25844 +12932 +30448 +1340 +3187 +38416 +28913 +21772 +29067 +36630 +24469 +4606 +20171 +33952 +19976 +6743 +43126 +15856 +17809 +27356 +30072 +7350 +15070 +7320 +35769 +13585 +38551 +42035 +32204 +36064 +39691 +42710 +20089 +20419 +26052 +31152 +23700 +20743 +36553 +36903 +16330 +36387 +30588 +32672 +28749 +19720 +9068 +27122 +21432 +19571 +21902 +33641 +10823 +2310 +43366 +19052 +34892 +31675 +8054 +36928 +14233 +21082 +36091 +17446 +30865 +26005 +37353 +9820 +15743 +13002 +29898 +32447 +16999 +17603 +2811 +21251 +34107 +32705 +26813 +13432 +40328 +17098 +5109 +34152 +30919 +11411 +20807 +26568 +11442 +5438 +41263 +25402 +17732 +7216 +31402 +39203 +17127 +35771 +26736 +7498 +38985 +27617 +36658 +40235 +20682 +30032 +2301 +3671 +23571 +7112 +41371 +32528 +4295 +6512 +28498 +10201 +6598 +29653 +2156 +31170 +6163 +5040 +4400 +10206 +9938 +23683 +27477 +25171 +42967 +13519 +2382 +20580 +42158 +34237 +25124 +18158 +36150 +3505 +29801 +12529 +13533 +10147 +2934 +42094 +38579 +26766 +5930 +42845 +41663 +22982 +41691 +25164 +8087 +20475 +20761 +27749 +16361 +5183 +43151 +5721 +30657 +14639 +16891 +15885 +12580 +31456 +41741 +12241 +35293 +27283 +32434 +33202 +21771 +26582 +7417 +29281 +16742 +38916 +14161 +39787 +39042 +24567 +26049 +37758 +16216 +31597 +34250 +24736 +6332 +11624 +1670 +20452 +15644 +35005 +16428 +37615 +18799 +18335 +23160 +22097 +20622 +8172 +28144 +30480 +35551 +11010 +19096 +42826 +23396 +32477 +11703 +35924 +42379 +702 +26533 +31022 +39292 +27546 +21544 +12778 +18632 +28848 +17900 +35259 +29146 +3298 +29235 +24288 +30388 +31226 +15240 +36409 +36948 +41076 +41610 +10407 +15408 +6279 +23274 +6904 +23552 +34195 +19604 +6711 +28282 +38509 +19241 +16260 +40832 +27793 +43275 +29771 +23112 +40040 +27807 +29606 +15825 +11606 +38472 +31451 +6824 +4303 +36393 +17298 +20672 +29147 +20 +12251 +42232 +35550 +7880 +40946 +43000 +25483 +36065 +11584 +23808 +21324 +27694 +13112 +30487 +17848 +11950 +27430 +43124 +4543 +34328 +33245 +35630 +23029 +33719 +13716 +34089 +28164 +31210 +27114 +2191 +12483 +12773 +19620 +30261 +2519 +2655 +15816 +25523 +7904 +20686 +35245 +28919 +30353 +26302 +9561 +34729 +1297 +6236 +28775 +11881 +16648 +26242 +2270 +35949 +26409 +7674 +42827 +27152 +19740 +30447 +1904 +9484 +15032 +30163 +37421 +17429 +14163 +22762 +37395 +6374 +7108 +25647 +20637 +6491 +32188 +32215 +217 +40329 +2743 +31750 +19034 +3723 +27388 +22869 +1021 +6025 +16835 +17634 +18377 +37928 +26404 +39495 +33567 +2918 +35295 +7184 +18379 +19712 +23633 +29226 +17717 +14092 +10873 +34778 +8570 +26709 +2465 +25555 +10048 +42932 +27680 +13128 +29468 +30579 +9856 +39969 +4427 +15190 +25980 +30611 +8578 +41606 +21580 +38048 +39237 +28145 +14190 +12790 +8524 +37546 +42317 +26054 +23698 +41923 +36799 +22447 +1564 +43060 +6074 +9787 +12301 +34809 +4999 +13869 +33115 +16028 +7862 +41480 +52 +21116 +17584 +28694 +43073 +31583 +21947 +26079 +31736 +8649 +22330 +40517 +29741 +28288 +24970 +28505 +38908 +21654 +23012 +9740 +1285 +15448 +11612 +20693 +37770 +4456 +26601 +19291 +13370 +37256 +40274 +9522 +36510 +5099 +4494 +5310 +13847 +35337 +31068 +21333 +15460 +16910 +31377 +6821 +9884 +28997 +11787 +25158 +22297 +33665 +25643 +12562 +14439 +38682 +14020 +33338 +7512 +1298 +40911 +3817 +38628 +35198 +38801 +10340 +3536 +25363 +11346 +16243 +26903 +19723 +18297 +24309 +17877 +11851 +43045 +31954 +34604 +17069 +15129 +1047 +5306 +9218 +35325 +33670 +5020 +42941 +33551 +40530 +25118 +28166 +21077 +8734 +38320 +8873 +23078 +36340 +31997 +2546 +20858 +22435 +31169 +15953 +36696 +11035 +18548 +4932 +10595 +11434 +11605 +40736 +549 +17365 +32075 +15063 +37173 +38409 +43079 +29415 +24333 +33978 +10128 +8890 +32761 +15772 +32772 +3011 +25589 +4560 +13045 +42759 +42654 +6192 +31317 +32880 +12962 +32494 +43164 +24896 +10304 +9862 +31880 +14692 +21050 +39255 +8094 +2771 +20067 +15332 +6284 +34737 +38553 +29162 +10938 +9458 +13556 +32248 +23507 +16075 +39035 +11644 +19103 +5437 +23371 +40945 +28096 +9781 +37092 +2095 +27710 +22867 +13978 +15675 +13782 +26447 +2569 +28253 +21613 +2548 +37718 +20885 +34410 +8638 +23415 +12069 +4146 +15485 +40602 +25431 +19468 +19806 +11344 +38481 +42404 +19387 +9144 +5298 +18689 +40362 +24331 +9295 +21506 +41857 +38851 +29569 +36994 +2584 +7820 +12145 +39751 +24614 +4555 +41520 +3540 +38883 +30533 +39737 +42030 +36059 +14062 +36162 +28568 +5347 +27607 +20716 +20636 +2157 +28727 +16817 +17291 +6691 +39571 +8547 +37055 +6473 +30606 +40378 +10167 +4341 +11902 +36867 +22615 +18832 +36259 +33125 +18947 +39136 +7805 +14227 +37344 +33466 +22464 +10569 +32289 +12886 +29802 +19523 +16749 +22716 +6358 +22293 +7023 +37859 +43082 +21105 +5465 +18389 +14782 +6964 +37675 +33250 +31254 +40426 +10719 +34418 +41347 +13436 +10144 +13673 +4190 +1190 +32587 +31358 +27597 +9701 +5134 +25258 +10727 +29260 +37060 +16942 +42995 +32740 +1252 +42020 +32601 +39418 +10865 +8961 +33204 +40677 +38095 +28636 +6167 +18841 +26298 +22019 +7510 +33332 +29508 +301 +33005 +34854 +32008 +37193 +18866 +33309 +40609 +559 +20960 +3212 +17735 +12641 +31141 +36235 +4266 +746 +43095 +35644 +2085 +2179 +33503 +39247 +16929 +36066 +10647 +18681 +40382 +41413 +23516 +6254 +24843 +3226 +18538 +7770 +34847 +4952 +30760 +23066 +42376 +24852 +3072 +18042 +41635 +33510 +1792 +24002 +15392 +26492 +43146 +37569 +29706 +13388 +22205 +9381 +3120 +23909 +2997 +3956 +7455 +18376 +38110 +24421 +25002 +31924 +23598 +14438 +5523 +38331 +21553 +28838 +27125 +24136 +34030 +26886 +38270 +40596 +29142 +35103 +40319 +25549 +17708 +10032 +8025 +19935 +10452 +7482 +1454 +30489 +12191 +32580 +32769 +26076 +24832 +452 +20538 +41248 +14550 +29765 +28732 +163 +360 +20989 +37188 +34677 +40617 +773 +41571 +9333 +9942 +28920 +21026 +20587 +11613 +3842 +31863 +25511 +1961 +20442 +33199 +136 +3858 +31340 +5653 +32708 +26802 +5060 +3363 +12177 +16390 +35034 +18146 +26536 +38367 +36388 +13914 +22332 +1311 +3582 +36015 +17609 +20768 +2635 +1749 +41265 +32596 +5305 +33980 +5537 +41162 +10373 +10376 +43152 +37772 +27574 +23935 +17965 +22034 +721 +21 +31469 +27912 +34483 +18599 +1739 +17204 +38495 +27464 +21035 +21119 +2620 +16907 +42695 +17048 +25092 +42339 +26834 +13829 +7517 +27781 +37086 +12705 +10522 +6405 +36883 +10738 +35053 +2611 +4005 +39504 +7286 +43187 +32716 +38829 +19757 +27827 +28841 +8343 +8081 +42171 +11925 +40510 +38203 +2089 +38341 +6518 +33426 +42820 +10937 +28162 +27101 +9349 +803 +10858 +29019 +25785 +41549 +37484 +39370 +30471 +13581 +36768 +12275 +23791 +28930 +30318 +2199 +33586 +35936 +12534 +28479 +20276 +24742 +8381 +36308 +38512 +24113 +13612 +23284 +2491 +49 +2980 +15565 +32047 +16866 +39009 +15413 +30294 +12116 +43385 +33693 +16683 +26514 +11994 +31103 +20788 +23586 +15614 +22327 +6870 +41500 +27950 +38307 +20114 +9245 +17107 +22398 +30118 +2577 +23911 +27070 +29267 +39491 +35150 +31206 +17760 +11769 +18600 +21059 +23743 +7566 +42623 +35524 +12306 +19953 +35403 +8558 +10682 +16527 +30632 +13343 +31501 +16346 +3065 +32638 +6736 +18412 +1835 +27872 +18532 +15046 +20011 +15806 +15510 +7811 +40098 +23356 +35352 +38698 +37439 +34514 +9386 +41213 +16988 +16072 +30928 +14148 +37724 +8815 +39214 +17568 +35699 +12474 +28027 +9032 +32196 +18321 +19100 +2058 +37316 +18998 +2090 +33650 +16193 +11497 +18416 +37277 +36154 +1884 +65 +17315 +29991 +37596 +3644 +18771 +16594 +37530 +19581 +5773 +6183 +17236 +3860 +31074 +30453 +16573 +39522 +25749 +2392 +30467 +11724 +16778 +35477 +32457 +28138 +41238 +12410 +30635 +33862 +14818 +30361 +35597 +6915 +25234 +4453 +2046 +13120 +6244 +8804 +3631 +6225 +27783 +37713 +17356 +41706 +22798 +2051 +28056 +24230 +29398 +39084 +34515 +39931 +18954 +438 +43129 +9892 +21456 +16588 +28100 +41383 +5155 +22941 +8945 +15712 +7807 +35840 +40477 +34554 +39631 +8238 +21843 +2410 +28682 +27107 +6664 +14283 +39638 +22924 +36922 +18358 +8511 +34205 +10318 +27449 +21500 +28474 +39527 +40116 +33774 +29901 +2232 +34303 +21112 +14877 +1201 +26708 +33303 +18811 +23471 +28438 +1714 +42387 +12403 +19254 +5751 +35526 +7587 +27290 +12407 +23236 +41527 +12158 +26498 +1574 +5936 +15923 +22085 +24241 +1314 +25564 +10470 +6458 +40698 +39307 +33939 +36755 +6474 +30688 +36143 +34202 +38422 +26262 +32501 +28383 +9099 +31480 +13144 +29216 +7359 +5541 +7035 +27435 +36110 +39375 +18953 +13026 +9163 +17389 +18706 +16178 +8457 +28045 +6423 +34339 +22521 +6837 +32376 +8807 +15529 +10102 +24240 +6599 +16200 +36691 +24786 +11594 +25850 +5931 +20434 +28663 +36684 +14282 +26517 +36941 +41667 +18762 +17947 +2896 +32262 +20016 +6453 +34902 +25455 +2953 +29924 +36665 +37034 +19485 +15729 +15814 +22294 +22678 +34165 +10143 +30890 +18658 +28000 +22428 +29285 +15872 +25659 +9240 +30660 +995 +11815 +10997 +29375 +39016 +41299 +16487 +36628 +24500 +40578 +21091 +40739 +26584 +26230 +27416 +30010 +11665 +20612 +32704 +11709 +16697 +2816 +21321 +10278 +13411 +22581 +39357 +20074 +37045 +15684 +2778 +60 +504 +11480 +38903 +25396 +5748 +6330 +34649 +16209 +32588 +42557 +22967 +41588 +10537 +13296 +10294 +35227 +17376 +7346 +41460 +1370 +26099 +5170 +27403 +17304 +42718 +39971 +29921 +5454 +16177 +33223 +31876 +40683 +13125 +19208 +16377 +19176 +5577 +23587 +41560 +35404 +31995 +42955 +33004 +5547 +38594 +5838 +18018 +19021 +16928 +9070 +7415 +15836 +11985 +24098 +6624 +1067 +28594 +37737 +30843 +35983 +7103 +10724 +10478 +13069 +30557 +27590 +33440 +15148 +38417 +37703 +26832 +37039 +38292 +23983 +30382 +15703 +29025 +16093 +12045 +6268 +42658 +3108 +30357 +22834 +24634 +2884 +40970 +17212 +39433 +8766 +3203 +34917 +20334 +4682 +5390 +22238 +25166 +31079 +24400 +8592 +695 +29805 +41687 +41607 +22192 +17071 +29351 +3730 +35627 +14905 +18072 +42547 +35746 +28211 +10317 +29104 +11069 +23766 +34954 +2972 +19446 +14896 +40668 +24260 +2280 +27330 +5578 +23730 +20012 +32947 +7489 +5532 +20845 +9612 +16454 +30260 +17502 +33924 +32224 +18114 +1956 +26107 +2279 +4603 +37791 +1326 +20301 +33102 +11547 +9318 +10640 +4181 +32256 +35011 +17188 +10695 +7547 +5263 +33884 +17061 +25814 +23101 +42341 +35141 +3850 +15634 +27320 +29588 +29864 +23534 +36177 +9492 +5375 +36615 +38859 +9654 +7358 +41722 +22510 +21385 +28714 +3079 +30754 +14167 +17576 +9469 +42816 +3587 +29168 +32141 +4217 +28685 +40542 +43258 +42862 +29735 +14392 +32484 +2361 +4546 +2728 +26138 +27530 +29101 +5433 +13460 +32946 +6661 +40276 +31313 +13994 +39258 +10781 +27561 +40789 +36448 +29715 +16984 +26839 +487 +13511 +25996 +2689 +12476 +35356 +43028 +23378 +9754 +11734 +23180 +17903 +4631 +38539 +2686 +42797 +29777 +21365 +10697 +10423 +4063 +40743 +25461 +20986 +14267 +39407 +1076 +33757 +16854 +5669 +1594 +39320 +27871 +23960 +28733 +24200 +40344 +30609 +34394 +997 +20377 +37958 +30574 +36303 +24889 +42613 +40093 +1422 +17239 +9199 +827 +37907 +17987 +15710 +3251 +18530 +20437 +13207 +10830 +24256 +17819 +986 +24382 +18757 +37954 +42538 +32118 +6347 +42156 +31916 +22336 +38924 +35182 +8867 +38494 +41771 +21237 +31505 +8049 +27083 +24370 +14677 +17496 +42382 +12171 +24976 +33375 +19027 +18624 +6700 +2353 +13082 +34057 +33796 +40515 +29437 +37504 +2522 +43122 +30549 +6253 +41027 +6097 +19884 +20817 +21703 +37635 +17217 +23304 +21270 +11277 +8211 +1406 +12413 +6988 +25519 +23355 +20573 +3448 +20214 +26594 +16617 +8769 +8541 +29643 +15828 +33834 +3870 +2460 +33617 +31838 +21393 +12130 +10445 +26591 +5449 +4412 +5786 +30844 +17165 +15659 +13679 diff --git a/rule-vetting/data/tbi_pecarn/processed/meta_tune.csv b/rule-vetting/data/tbi_pecarn/processed/meta_tune.csv new file mode 100644 index 00000000..2d2b4d5d --- /dev/null +++ b/rule-vetting/data/tbi_pecarn/processed/meta_tune.csv @@ -0,0 +1,8228 @@ +"" +17596 +555 +7565 +41694 +22390 +6727 +20846 +2485 +23652 +7761 +32896 +7030 +18304 +13425 +40395 +20967 +29853 +26435 +14278 +5244 +31523 +30244 +37914 +32765 +33109 +40175 +30673 +18597 +12030 +13834 +1153 +8978 +32795 +6572 +34866 +32948 +16401 +38092 +20531 +43286 +36912 +26265 +38335 +42432 +1870 +3906 +22454 +20261 +17058 +31572 +8058 +41517 +40281 +1587 +21076 +24321 +42041 +31423 +39977 +22459 +22497 +1250 +39576 +35007 +29867 +30589 +1927 +36285 +28932 +8525 +16541 +172 +28780 +35779 +23296 +30460 +31840 +19113 +2335 +6693 +3154 +37288 +422 +30014 +3098 +32870 +29881 +26809 +30621 +36283 +39107 +34322 +10891 +13697 +30925 +15728 +30981 +34910 +40635 +14361 +25757 +23569 +6527 +29707 +34101 +17795 +34636 +41247 +30706 +16311 +38279 +35095 +28721 +34956 +6981 +10468 +24179 +16540 +388 +33945 +19981 +25270 +31248 +15823 +37103 +39431 +19307 +32237 +5493 +4931 +6304 +36299 +39351 +33135 +8015 +15237 +5379 +19093 +14501 +33583 +36734 +33253 +22181 +23406 +12831 +23419 +13894 +24835 +2807 +39599 +17892 +22397 +35433 +27897 +17802 +10798 +2253 +7348 +176 +24406 +40082 +40334 +31185 +42217 +28851 +28039 +38889 +1955 +26034 +40623 +38120 +3942 +41150 +33149 +11274 +35963 +8309 +42235 +5058 +24771 +17582 +4723 +33632 +11216 +23680 +11336 +12998 +13309 +27324 +27183 +9260 +996 +40665 +14186 +34634 +42756 +12369 +14454 +25623 +17265 +26459 +15367 +29269 +41056 +32242 +5960 +17164 +16135 +23557 +27504 +16440 +11710 +8737 +41264 +1104 +23088 +5119 +23624 +33381 +20859 +4659 +3417 +42459 +29751 +31459 +35543 +26860 +34023 +39308 +36134 +35152 +25646 +5282 +35119 +32662 +20583 +25242 +41107 +30172 +32778 +31527 +13956 +14574 +9174 +41404 +15847 +9550 +14429 +39297 +17133 +41334 +12884 +7739 +15449 +27026 +11819 +41734 +23058 +32352 +28951 +6877 +15454 +22780 +30139 +8844 +27884 +37688 +24516 +18071 +4149 +10757 +37374 +43361 +5182 +8500 +23990 +17633 +13444 +33821 +31781 +23832 +10838 +8203 +40012 +21449 +37701 +33786 +33934 +7477 +23579 +8339 +23707 +20492 +40927 +25743 +18318 +9219 +33714 +18520 +15650 +16524 +13031 +6240 +499 +13771 +35532 +32363 +16750 +4491 +35975 +17974 +1388 +38650 +42997 +1816 +28379 +38285 +23529 +3421 +15105 +33561 +41941 +27982 +8108 +12756 +19412 +16880 +41866 +33735 +9251 +40718 +38452 +30037 +10994 +20306 +25025 +6189 +34169 +39716 +2798 +20987 +14760 +9189 +36567 +2799 +5832 +42168 +36996 +3710 +13127 +29151 +10593 +19293 +18225 +15458 +30914 +41154 +22865 +9757 +11400 +12841 +15840 +38542 +25554 +19826 +30419 +18144 +2736 +28086 +27735 +5068 +14196 +22047 +32147 +17716 +17694 +25688 +36679 +41859 +9215 +15530 +41710 +20520 +5851 +14018 +42427 +641 +19520 +25132 +7932 +32906 +28403 +24869 +21601 +23430 +15144 +10977 +196 +4591 +24830 +23696 +14901 +25533 +29690 +37321 +39328 +41641 +37797 +2557 +27066 +40045 +35575 +40545 +22502 +41023 +28762 +24738 +15554 +5693 +37506 +21864 +2794 +6360 +28021 +29044 +39789 +19726 +9014 +6843 +37705 +119 +37502 +503 +37926 +32671 +42539 +37340 +28013 +38961 +13211 +25055 +29571 +10946 +10696 +21664 +906 +5332 +12508 +42450 +35338 +16721 +24314 +26328 +3977 +20228 +39181 +5674 +42642 +21049 +2134 +17453 +15582 +27222 +19105 +21465 +27099 +13691 +7518 +39731 +8562 +15260 +20042 +34220 +6930 +36848 +33487 +3169 +21528 +39970 +39836 +6939 +41545 +29654 +11752 +12146 +33086 +451 +15598 +38590 +11237 +42584 +22866 +15999 +27990 +4954 +29194 +5618 +39461 +24477 +19986 +21911 +21927 +32151 +39445 +17423 +28384 +7413 +30766 +4336 +31144 +30682 +25962 +22964 +15044 +26473 +5070 +5529 +40306 +14373 +4121 +38459 +10122 +16022 +14785 +35440 +40779 +39205 +9190 +42709 +18011 +3290 +25261 +8096 +20731 +23853 +11194 +9829 +36332 +4485 +13985 +8128 +26321 +19535 +38000 +34318 +33076 +31163 +16919 +18663 +27121 +14310 +28172 +21850 +38802 +39148 +24920 +10461 +19569 +31674 +38500 +33019 +29368 +8973 +11374 +42620 +9566 +10610 +34635 +28228 +32955 +33362 +21707 +7389 +9330 +4358 +4876 +16651 +17918 +24434 +24040 +14280 +35809 +38664 +5689 +5617 +23070 +33285 +13228 +38648 +41477 +41218 +14027 +37883 +37112 +40999 +11942 +34308 +9961 +35324 +16729 +16681 +28995 +19205 +7219 +18432 +10736 +8122 +2770 +8134 +33656 +5087 +21417 +35012 +40707 +28510 +33858 +17790 +39950 +26695 +22373 +31173 +2676 +22190 +34063 +28956 +11063 +37079 +41036 +26371 +35238 +17613 +33578 +1063 +38918 +22602 +24840 +30129 +7782 +7578 +30985 +12909 +18372 +5038 +4516 +24891 +42208 +4782 +17631 +20597 +13696 +37691 +25240 +33799 +24722 +10303 +8951 +37201 +18820 +8829 +23037 +34025 +2507 +34352 +18544 +18040 +117 +41538 +14814 +26087 +25026 +31137 +33677 +20918 +9913 +4193 +3731 +4646 +7815 +12055 +1455 +33022 +26796 +10528 +39249 +4552 +35897 +5151 +26420 +7027 +28299 +2803 +8824 +6026 +7522 +24700 +393 +24631 +3992 +15494 +40497 +42192 +9999 +16465 +32908 +6615 +27495 +16448 +25312 +32632 +36740 +6278 +38939 +42492 +38382 +15424 +18006 +15730 +31950 +42736 +15459 +7752 +22560 +33741 +23863 +41937 +25841 +40237 +27572 +35151 +11024 +3844 +25116 +3882 +20650 +34713 +37447 +2614 +14585 +18479 +41946 +7289 +41287 +30720 +7963 +34750 +25021 +9558 +26808 +19696 +1694 +21671 +22748 +11901 +31669 +39146 +15198 +39090 +36146 +41132 +336 +32230 +31748 +9992 +33011 +4548 +34552 +7523 +14336 +32378 +7891 +30269 +30769 +30827 +20800 +7466 +2498 +40577 +35289 +25592 +34034 +9322 +15997 +10688 +13285 +26254 +16843 +12777 +1926 +88 +11096 +20919 +4057 +17700 +31209 +35406 +11025 +28255 +3797 +16475 +40186 +6503 +24808 +1399 +36774 +11172 +35610 +28970 +22987 +6147 +28264 +35710 +37733 +19369 +33660 +8838 +27811 +17803 +18524 +8968 +16363 +590 +7691 +22033 +15297 +26347 +22937 +2954 +37667 +160 +20556 +31184 +9173 +99 +25339 +33424 +29237 +977 +15696 +34307 +5035 +31900 +21069 +18895 +24011 +33552 +27092 +15221 +34190 +5159 +11241 +40613 +42471 +31015 +8320 +37972 +4403 +35510 +28346 +12218 +33539 +13057 +37744 +23830 +36042 +20252 +38756 +10698 +5175 +19424 +28514 +29319 +33459 +27436 +24986 +23182 +2073 +38196 +9901 +41930 +43282 +1727 +27573 +25107 +32540 +20156 +17557 +39162 +33523 +10221 +37687 +23892 +18293 +17788 +21627 +40414 +10916 +27423 +22255 +23514 +31537 +15608 +27509 +14413 +18724 +9746 +5436 +15976 +20765 +11122 +20153 +19120 +36038 +29857 +38385 +27221 +6381 +9006 +33286 +13826 +21383 +30522 +25856 +25228 +36188 +12791 +15062 +16924 +11536 +22862 +26263 +25292 +30412 +15158 +20425 +39018 +33649 +15911 +27340 +3790 +2969 +29412 +1013 +5668 +27774 +26175 +5791 +27177 +27837 +25726 +36078 +6752 +16035 +42112 +37905 +29457 +14014 +19357 +24106 +23902 +22749 +16345 +40461 +36317 +19494 +30282 +14852 +7733 +2071 +22912 +1052 +25538 +19450 +30596 +9881 +32426 +14343 +12445 +5241 +4353 +22847 +8116 +34610 +3081 +16379 +33635 +36238 +34046 +7343 +42457 +25104 +40979 +43356 +7424 +24676 +39888 +21683 +38302 +1684 +4625 +41026 +18058 +18708 +7868 +31729 +32905 +12036 +32448 +15416 +21563 +15130 +18125 +32018 +29832 +21889 +18119 +30421 +6973 +43394 +20572 +40 +21129 +29092 +10387 +33809 +22873 +16285 +31425 +7616 +20372 +5329 +35109 +4839 +30488 +28321 +28985 +9768 +7104 +5127 +9188 +20459 +30342 +8004 +23950 +28879 +16548 +2958 +21887 +11068 +35768 +34217 +8979 +31188 +42958 +19527 +37872 +9700 +3659 +42065 +21670 +17580 +34292 +5366 +15384 +546 +25427 +30521 +34374 +3507 +2663 +28797 +26156 +25140 +31264 +26849 +802 +36355 +32583 +19793 +6421 +36009 +35301 +42677 +26115 +11466 +42128 +20134 +16939 +7329 +13652 +36863 +12128 +41504 +18861 +33027 +7635 +19837 +4961 +28183 +322 +27845 +5686 +16468 +9058 +26922 +5596 +14245 +33029 +35419 +30562 +26312 +706 +749 +35732 +24484 +42055 +3650 +3155 +564 +27236 +42448 +26974 +9117 +26565 +21305 +23320 +17773 +38550 +25400 +28295 +38870 +27678 +22460 +35807 +22737 +735 +33876 +18613 +2955 +28588 +30881 +27220 +22673 +12324 +966 +8020 +8800 +38401 +17313 +19947 +15154 +16296 +17402 +14682 +3941 +20477 +36202 +39033 +40388 +41382 +3244 +41876 +6756 +25903 +10202 +15668 +20502 +1525 +9625 +16590 +8909 +32987 +5268 +16932 +41004 +4602 +1621 +28615 +16551 +9980 +24299 +40985 +17128 +27205 +38025 +14689 +8943 +9119 +25930 +10228 +34295 +16292 +28794 +35318 +19406 +10428 +26020 +3883 +8837 +38473 +28518 +11852 +30018 +14203 +24603 +16060 +25046 +42890 +7236 +12234 +805 +38059 +10153 +9130 +11040 +4284 +8439 +40312 +32631 +21680 +31157 +31747 +20844 +4477 +9304 +19886 +27847 +2181 +18581 +22819 +32757 +27072 +11998 +2292 +38438 +9315 +5367 +16394 +27106 +21642 +28038 +13875 +15255 +21064 +15924 +4592 +13433 +26084 +27582 +42506 +36590 +4770 +6769 +18747 +30599 +7883 +34800 +8181 +35921 +36945 +40990 +1167 +37983 +10694 +15419 +15564 +29323 +26386 +18460 +21120 +33531 +28754 +41323 +16612 +12432 +5521 +39052 +41855 +40099 +8027 +32546 +39996 +6813 +28302 +32608 +26953 +28809 +8629 +42401 +26890 +35679 +15077 +41007 +23102 +1968 +13440 +38818 +25872 +27575 +11537 +15379 +27911 +5953 +35083 +35149 +20685 +26475 +8007 +38460 +5290 +12677 +34991 +14808 +25939 +8230 +21590 +15484 +836 +8050 +22322 +42558 +32313 +20824 +8330 +29636 +38407 +23893 +18290 +29198 +30563 +22024 +3273 +8375 +19431 +12987 +14367 +3970 +25809 +29268 +25908 +18357 +6302 +33295 +2975 +28033 +15602 +4627 +19901 +24332 +12743 +35398 +12147 +12941 +25308 +1378 +21400 +3705 +18233 +9184 +36477 +25986 +5570 +37319 +21351 +2710 +6871 +35071 +10571 +13139 +23483 +32468 +41111 +28061 +30864 +18551 +36558 +42540 +17319 +38972 +42661 +31554 +30198 +19281 +21625 +10262 +31619 +28240 +36790 +15532 +18899 +40479 +29497 +34006 +19829 +31491 +42742 +31104 +11761 +9595 +1132 +32380 +20188 +31991 +5609 +29620 +16975 +7751 +6455 +10526 +15341 +27765 +14919 +14502 +351 +21520 +20571 +26655 +3890 +7251 +25170 +28430 +40511 +28493 +8257 +17520 +36532 +18457 +7114 +4523 +21436 +35160 +25864 +39020 +22022 +7171 +38885 +27239 +5457 +13167 +25446 +30402 +25672 +5947 +9223 +35743 +40723 +25120 +12620 +9167 +25787 +6685 +42248 +15890 +1782 +30108 +19638 +40645 +34040 +28957 +17931 +1180 +14732 +25409 +9009 +9545 +15863 +28531 +20151 +13521 +30049 +23343 +13232 +42277 +29428 +24949 +722 +12745 +25249 +14067 +6186 +32031 +14878 +18907 +18143 +36906 +41512 +10553 +36501 +36911 +27971 +29399 +34398 +195 +10051 +3335 +43168 +40820 +34607 +5216 +34409 +2987 +19077 +38141 +38230 +3127 +2061 +2482 +9598 +14066 +33297 +33205 +24991 +24221 +12964 +24805 +34277 +15072 +571 +24671 +4036 +9148 +42222 +4892 +2889 +14794 +23777 +21285 +13742 +31751 +27613 +29442 +5002 +39537 +25149 +27267 +35684 +567 +29581 +28598 +20461 +25776 +41341 +42914 +12668 +38957 +23380 +8483 +9005 +4210 +28154 +14311 +4482 +35023 +34801 +39269 +18970 +5761 +33515 +9621 +1217 +4763 +41797 +37286 +25598 +42777 +34047 +16627 +1633 +35783 +16562 +31814 +11416 +4760 +23285 +20671 +11628 +18669 +11375 +8759 +37325 +27150 +19924 +16785 +12122 +23201 +27475 +4714 +24025 +15262 +9845 +4899 +6884 +6684 +37633 +24133 +41931 +17027 +13042 +35329 +37621 +3789 +34979 +28337 +37769 +1888 +4529 +28182 +33707 +28872 +7697 +27809 +1382 +4258 +32310 +21111 +11289 +21443 +3167 +13384 +23907 +2537 +40141 +31115 +19789 +3241 +6224 +5920 +23367 +6687 +30243 +38940 +28344 +8344 +23043 +22785 +1911 +9552 +15697 +19824 +25238 +7613 +20268 +16151 +35841 +31945 +20184 +36570 +169 +4298 +8858 +3763 +37646 +6563 +23478 +33565 +35940 +35124 +23302 +183 +6463 +34502 +40810 +39304 +21938 +29154 +4287 +16257 +35531 +10418 +30052 +20499 +18905 +35548 +28617 +14176 +38314 +31040 +20025 +24823 +3375 +5946 +28250 +35239 +35781 +36940 +7658 +9106 +17849 +31873 +38427 +32688 +40632 +25605 +34568 +33417 +21845 +25416 +11154 +26645 +42597 +27301 +13093 +32895 +27861 +25784 +16354 +2971 +23455 +36278 +37690 +20264 +16719 +17727 +23263 +36132 +42988 +43349 +38673 +38662 +1405 +24571 +33161 +43297 +23517 +33372 +36664 +41862 +23449 +19055 +5237 +5545 +13387 +27976 +18202 +17780 +28418 +32499 +25136 +10529 +16513 +6913 +13560 +1004 +7016 +38489 +20329 +20018 +12349 +40129 +32586 +18521 +38705 +17374 +29988 +23185 +28718 +31630 +40953 +31592 +36904 +26490 +8594 +33416 +37594 +40937 +6462 +38255 +20312 +26132 +29744 +19601 +39983 +9968 +13514 +29687 +42497 +16699 +5311 +14910 +7203 +40339 +26226 +34037 +23655 +28856 +30991 +40126 +18197 +5855 +37216 +10394 +33592 +23261 +27923 +39826 +18036 +2675 +12473 +41993 +41359 +24935 +20482 +38968 +40920 +39241 +23515 +25711 +16569 +6059 +22903 +8992 +12044 +12798 +35166 +29626 +21234 +725 +28834 +40305 +31397 +1431 +4111 +19643 +7459 +31702 +9759 +13098 +18473 +23426 +36318 +19971 +27439 +4804 +11924 +8253 +24214 +34280 +31872 +20875 +17129 +31175 +4607 +20759 +4471 +35215 +24593 +24499 +25227 +37430 +12132 +9497 +18167 +11218 +19194 +35641 +32481 +23381 +27894 +12315 +587 +1174 +19415 +18798 +12648 +31090 +17513 +9843 +21473 +1011 +21854 +31632 +32621 +23491 +41424 +17781 +28422 +22472 +5291 +475 +22124 +11859 +29440 +28236 +31714 +9888 +15338 +7966 +34745 +8043 +29879 +7786 +38979 +1198 +2931 +21956 +1900 +32573 +27931 +24687 +2515 +20521 +14819 +30784 +23266 +15147 +21244 +13973 +42945 +6413 +3696 +41375 +12308 +38004 +17150 +7988 +27166 +8259 +20093 +25865 +40606 +6086 +21834 +7073 +33194 +39807 +35970 +2383 +8244 +36316 +3432 +28726 +30723 +8748 +4079 +33471 +1875 +14857 +2991 +36974 +31263 +2756 +29320 +41414 +8847 +26172 +21074 +18222 +23752 +13459 +21617 +1600 +38116 +23480 +5579 +15547 +40419 +36083 +31187 +7628 +29520 +31910 +16255 +1893 +14491 +21668 +17823 +41649 +31448 +24701 +14516 +40484 +37076 +21331 +38094 +9525 +9455 +30015 +26579 +10059 +23446 +17049 +33210 +19265 +7563 +16029 +2427 +43289 +19086 +18848 +7151 +9474 +16885 +30783 +33781 +12412 +32816 +40841 +30966 +11795 +28461 +23008 +10219 +38878 +17628 +18487 +18214 +42802 +35700 +21143 +2366 +21185 +40359 +17145 +11874 +15187 +27625 +24036 +6434 +34447 +28626 +17323 +6617 +37082 +27225 +1811 +21574 +14651 +764 +25514 +41316 +35854 +19495 +37141 +29026 +1450 +5385 +1487 +3262 +33623 +32093 +39171 +36857 +8314 +13735 +3351 +10114 +20287 +34249 +32845 +22422 +3852 +41339 +19376 +18390 +16038 +25581 +25755 +9351 +35830 +33948 +9488 +34488 +39813 +16268 +29763 +15312 +38608 +5948 +39660 +3568 +14134 +35120 +36879 +12096 +5715 +23407 +18051 +26039 +33904 +19732 +27953 +25131 +32707 +3252 +31837 +34652 +19931 +40443 +23042 +40219 +42870 +1980 +30882 +41412 +40661 +1363 +37313 +15918 +29185 +8934 +41312 +36207 +10902 +32383 +5852 +18194 +15553 +39323 +29531 +43184 +32431 +23817 +43225 +36545 +18764 +20579 +40620 +33852 +8446 +41604 +6780 +30257 +34571 +7929 +10108 +37400 +21675 +36924 +6442 +13596 +5763 +750 +15023 +39833 +9179 +37775 +21136 +41795 +7848 +23615 +12717 +21930 +12692 +26699 +40165 +24868 +28924 +16446 +2082 +10180 +40280 +3734 +1867 +7556 +41998 +36506 +41645 +10230 +22486 +30955 +33894 +22759 +20615 +29896 +39991 +28030 +40224 +38013 +32109 +12084 +22206 +38368 +27260 +25979 +19164 +19060 +13589 +3012 +10966 +26572 +31361 +20822 +27164 +10215 +20049 +23526 +36588 +8521 +22385 +19562 +35297 +27002 +31676 +19522 +11279 +1046 +38852 +35580 +3428 +21007 +5565 +36027 +27247 +39635 +18162 +10851 +37147 +30465 +30170 +29393 +39729 +20789 +36429 +23576 +26900 +32659 +12460 +11706 +18916 +26286 +1882 +35121 +41469 +5337 +14356 +30481 +33350 +2562 +7241 +35432 +18919 +34481 +42605 +26868 +6957 +3386 +8101 +35102 +25014 +7598 +7694 +851 +17500 +40738 +14464 +37095 +29493 +27772 +32000 +33826 +37298 +5610 +17185 +9838 +6984 +20591 +39189 +36834 +22925 +7071 +28 +6093 +33423 +11690 +20589 +33070 +20455 +18068 +13257 +28796 +6418 +6024 +36356 +14324 +35284 +35719 +34125 +8028 +21163 +13196 +18965 +34259 +33159 +5403 +19670 +24927 +15913 +37567 +18994 +12706 +16730 +38926 +6842 +29860 +31259 +36712 +18996 +14945 +13803 +28614 +9123 +1150 +33203 +3390 +25576 +21200 +32731 +16052 +21060 +11201 +21249 +24537 +6883 +13531 +31201 +41619 +2856 +34225 +13588 +6713 +36208 +11790 +15357 +4173 +32076 +19321 +6049 +26003 +1806 +43252 +461 +29221 +22432 +27534 +2612 +26771 +40226 +2320 +20953 +37860 +16771 +5738 +7354 +9191 +7934 +21825 +21291 +43091 +40025 +36921 +9246 +30098 +9212 +16041 +11749 +26644 +35648 +27133 +39480 +38853 +22985 +31670 +11000 +3408 +7653 +31969 +18299 +8860 +36496 +42315 +31700 +20993 +38720 +14437 +10260 +32493 +43270 +39212 +1449 +8022 +4434 +12922 +1636 +22863 +34407 +16908 +11324 +7464 +35474 +27843 +19302 +33100 +7907 +9029 +33024 +38897 +9797 +9976 +26599 +2039 +16978 +5173 +26925 +11273 +21522 +3629 +35834 +1259 +33744 +26755 +20507 +36793 +29651 +14801 +19607 +10517 +23852 +16283 +4848 +15927 +14128 +25660 +12785 +14301 +31350 +20462 +35997 +12905 +24191 +28184 +26918 +31229 +5429 +16397 +37814 +22575 +14125 +4017 +13888 +2413 +38461 +24431 +14567 +3793 +14059 +41779 +16957 +31467 +11317 +5450 +26560 +1755 +42963 +3997 +18205 +3135 +25113 +12933 +12993 +30594 +39675 +19525 +29839 +25628 +24019 +20550 +162 +9713 +41787 +43365 +20096 +20797 +24841 +12439 +36591 +12072 +5835 +6344 +43267 +4324 +36321 +8625 +40351 +17137 +34508 +33467 +16 +38925 +40156 +2943 +33425 +23259 +36100 +6257 +41016 +22051 +31723 +27711 +25800 +1254 +6702 +41618 +36952 +2746 +11694 +36411 +23359 +6781 +7436 +5046 +7 +7132 +17046 +20655 +5295 +39508 +34958 +5722 +26574 +17810 +467 +31070 +23865 +42480 +43265 +12224 +2042 +36794 +9638 +28763 +5142 +35880 +42426 +12768 +8431 +28852 +18251 +40332 +8139 +17858 +32339 +41907 +5353 +14483 +24917 +9936 +26001 +37620 +17381 +34738 +13293 +26006 +5776 +7940 +8098 +13884 +29539 +17920 +40014 +33260 +36137 +6827 +15066 +10038 +15862 +34987 +28719 +42169 +14230 +7591 +36178 +41237 +25777 +13659 +8777 +22526 +19777 +28515 +22320 +26871 +18190 +19980 +27706 +37074 +3719 +14521 +8862 +24146 +8208 +4701 +29317 +27144 +18776 +33167 +41431 +7113 +31140 +35514 +4101 +2753 +27040 +33984 +35866 +10515 +24613 +18979 +40320 +8444 +33936 +1674 +43326 +18920 +10832 +1710 +15038 +26448 +12827 +11381 +42699 +37669 +10062 +5205 +12723 +25335 +18699 +22645 +29424 +27696 +10513 +19761 +10388 +430 +17543 +4349 +39548 +29987 +14347 +37694 +9249 +2147 +25674 +1088 +7859 +11513 +30577 +17594 +20109 +26641 +21353 +40081 +24658 +1430 +17268 +32157 +11566 +32202 +22234 +14079 +1339 +9023 +35321 +21099 +23137 +40103 +25180 +4990 +40220 +40142 +18426 +22334 +35385 +42691 +4787 +39689 +13903 +40890 +35496 +11469 +21031 +419 +21359 +27506 +17421 +22278 +26674 +3480 +30823 +23940 +25202 +23051 +9783 +37525 +11723 +32797 +26555 +9445 +9457 +37308 +37409 +12245 +42247 +43386 +12470 +16610 +30152 +36256 +28343 +35327 +22679 +31677 +12799 +18261 +39877 +32268 +12907 +1300 +29229 +6775 +22878 +33902 +5023 +39150 +7344 +6459 +39248 +24428 +9104 +23123 +29960 +15228 +37783 +5132 +16324 +28536 +35712 +12875 +35918 +23913 +11007 +37027 +40023 +11012 +16349 +4113 +25909 +39262 +9997 +13396 +15407 +30247 +19327 +30638 +30565 +34214 +21623 +27153 +17422 +25422 +23330 +22292 +22204 +37480 +27909 +2939 +23915 +13856 +18564 +18893 +17377 +29548 +15395 +35442 +16511 +38392 +23032 +29169 +32832 +1546 +28042 +42207 +22962 +24026 +35786 +2303 +35265 +25039 +11632 +480 +26047 +25239 +27601 +18790 +16340 +27863 +21020 +4098 +11491 +21122 +17953 +23237 +19667 +40878 +27910 +11699 +19464 +5956 +5120 +3472 +67 +30582 +42263 +18952 +14465 +20519 +23884 +12797 +2207 +16020 +42234 +23715 +6535 +16477 +13401 +28229 +4062 +22013 +6976 +29183 +10806 +13668 +33794 +33361 +19242 +33823 +4943 +23110 +39451 +33394 +15080 +23459 +16335 +11031 +18883 +16717 +23720 +15950 +24586 +19504 +25085 +35254 +21164 +22509 +14489 +17394 +22766 +7763 +10684 +40628 +36095 +36047 +17911 +34521 +29794 +35764 +36631 +16886 +36634 +11034 +10159 +24353 +7453 +26740 +21514 +9147 +29 +40258 +11602 +21685 +18168 +36620 +33723 +11136 +29849 +24520 +34246 +16533 +9859 +34756 +28817 +37706 +15060 +30230 +36770 +28993 +40593 +5589 +38446 +30904 +16698 +38543 +43380 +39327 +6956 +26018 +18292 +15624 +24056 +38527 +1596 +8492 +40543 +27455 +34092 +39195 +8187 +35678 +7606 +28607 +5652 +28147 +18884 +41019 +38981 +22187 +20271 +3636 +384 +11707 +16008 +32515 +42425 +11370 +14116 +23209 +10185 +2449 +11816 +16703 +26408 +41731 +3485 +30308 +23052 +21713 +29263 +24716 +7592 +31482 +22944 +21252 +10363 +17909 +17083 +17084 +43305 +1199 +24 +31181 +527 +3593 +26665 +19131 +12246 +22063 +4196 +10083 +16339 +11392 +19600 +29952 +20374 +24289 +15748 +35320 +28917 +17791 +5611 +18500 +15351 +3078 +7876 +19417 +26857 +3364 +38311 +8576 +41541 +42451 +32927 +38381 +33601 +4610 +7662 +11863 +13954 +16970 +21779 +27041 +30039 +27883 +28516 +33220 +5657 +13280 +43216 +43075 +39898 +15438 +849 +12633 +22410 +24559 +19939 +28885 +35443 +31895 +10837 +7037 +17639 +34364 +25035 +12374 +36825 +23239 +31646 +3206 +28701 +18417 +15444 +8068 +15920 +41712 +27698 +7759 +36213 +7808 +32555 +19258 +42037 +40229 +16934 +10643 +20968 +25813 +21585 +22609 +12243 +27800 +27407 +12223 +7749 +5569 +290 +19173 +14946 +20157 +37587 +6986 +42350 +31038 +3240 +30906 +8348 +32966 +39450 +37149 +36464 +13326 +21294 +26513 +41452 +1989 +26293 +7214 +31865 +38737 +41990 +4402 +19675 +3004 +17028 +25160 +14841 +24418 +26543 +10935 +29343 +28926 +17282 +27816 +12577 +27818 +9533 +29059 +39641 +10820 +33463 +33584 +2585 +4550 +15908 +19026 +8534 +26308 +36443 +23504 +26236 +2013 +28429 +3699 +32340 +6095 +14514 +26342 +39290 +22 +38301 +36006 +41849 +30656 +7331 +22993 +12235 +13495 +38212 +16860 +36543 +8159 +12003 +1975 +32981 +23059 +14602 +5576 +13631 +2824 +31218 +22727 +3219 +42107 +38344 +15734 +921 +13319 +930 +9930 +18908 +39201 +31424 +37085 +32396 +31707 +7316 +15021 +29613 +21661 +12304 +41256 +8267 +30472 +2598 +21757 +27123 +9380 +24788 +5682 +21147 +5928 +28814 +1526 +26646 +19117 +34672 +34543 +18279 +13989 +22362 +38055 +33290 +3051 +15991 +4254 +26427 +13947 +35113 +3193 +21802 +4356 +32950 +17202 +6707 +42455 +39152 +18642 +19493 +28491 +32747 +30815 +12673 +2236 +2815 +24790 +6468 +40074 +42905 +3898 +17210 +21127 +34616 +30197 +32893 +25536 +24750 +39515 +358 +22155 +25614 +33636 +28396 +21535 +2047 +28557 +4532 +2016 +14699 +9420 +31452 +8210 +24697 +13904 +22900 +24962 +38785 +30492 +41161 +1944 +17348 +24505 +37850 +1144 +8986 +28368 +5707 +15086 +17082 +33407 +17194 +32185 +38558 +13591 +34674 +5446 +8746 +37825 +33147 +8346 +13493 +23204 +23508 +33642 +5568 +19152 +3368 +34751 +22880 +16134 +38532 +34287 +18396 +4984 +19848 +16944 +15713 +239 +28991 +36172 +9118 +3498 +38058 +27726 +33435 +3943 +7898 +30852 +23794 +42099 +29994 +28654 +39850 +35802 +41305 +30027 +21041 +36935 +28578 +7865 +22465 +11882 +43109 +38962 +19084 +23104 +19803 +4924 +38809 +37438 +1062 +13043 +26123 +13136 +38224 +23327 +24264 +32267 +7585 +33722 +7028 +2238 +18779 +23277 +38693 +4192 +18092 +10749 +22791 +28916 +3965 +83 +4812 +19775 +22067 +11664 +17665 +13424 +37125 +22801 +36053 +21697 +38783 +26865 +34862 +6992 +42356 +26554 +24502 +17090 +33616 +14843 +15830 +40193 +6529 +6603 +33197 +33961 +21835 +7260 +5708 +17538 +36884 +38838 +5072 +33064 +13312 +20646 +28650 +14009 +16065 +112 +2469 +40423 +3583 +17021 +8151 +23393 +14127 +30842 +37146 +6897 +2654 +6754 +40716 +36370 +20558 +3134 +1617 +22544 +18333 +25521 +32419 +10413 +484 +37295 +24737 +28243 +27452 +41157 +35205 +9809 +32677 +12718 +28793 +43371 +16179 +29694 +20544 +42011 +1879 +34035 +32597 +29822 +42086 +25251 +31164 +19809 +23861 +3839 +533 +27662 +12923 +17492 +8312 +35383 +2211 +26283 +14121 +26266 +31796 +10799 +18927 +26348 +19272 +14371 +18109 +17968 +8509 +36165 +38050 +30196 +21928 +41422 +27632 +22770 +33759 +42628 +31008 +37886 +40792 +9912 +10207 +16796 +32910 +29288 +25559 +19456 +286 +26188 +20422 +4272 +17682 +22273 +9817 +1327 +29007 +17406 +25466 +3935 +29959 +13236 +40803 +681 +18966 +14853 +18080 +16385 +23240 +1148 +23293 +29779 +2902 +3381 +25106 +40139 +22704 +16206 +39663 +207 +8887 +4988 +26613 +13168 +35847 +12129 +6303 +12255 +28600 +8727 +31663 +34686 +1085 +4320 +6829 +28262 +3862 +1654 +39346 +32399 +8146 +35745 +28400 +39108 +7176 +29157 +42283 +42255 +7513 +32682 +16678 +24743 +41259 +2524 +24977 +11803 +31086 +32949 +36851 +37398 +38564 +31416 +27543 +1881 +28761 +18506 +10156 +7890 +27445 +4667 +42152 +2821 +24848 +17986 +24646 +19781 +12029 +20136 +42057 +30672 +30838 +22614 +36809 +34455 +32804 +3780 +34337 +24129 +21434 +36934 +25440 +40938 +27697 +9069 +946 +34440 +9946 +24776 +20283 +2168 +42990 +29724 +19746 +22504 +4803 +35467 +31764 +10658 +26136 +34329 +21144 +34230 +41839 +683 +26884 +5666 +39815 +4672 +37315 +19313 +16994 +39945 +35037 +4674 +39250 +23027 +3978 +33034 +29429 +17540 +6185 +41399 +37003 +12258 +38334 +33003 +13815 +21762 +42808 +11090 +21278 +15388 +1708 +27565 +28374 +4188 +23482 +31975 +30175 +27614 +41999 +40936 +19215 +16074 +41780 +42269 +826 +1650 +38757 +18371 +10370 +32609 +27756 +42624 +38973 +18133 +28141 +31989 +34371 +3786 +34412 +418 +38602 +20935 +15506 +42509 +4645 +22528 +22719 +30722 +39123 +5287 +41916 +20127 +9331 +17020 +13966 +32644 +6041 +19455 +38606 +43235 +2169 +16484 +34833 +47 +14570 +42979 +13158 +40041 +25274 +42902 +32115 +3625 +5824 +37091 +17845 +26853 +20292 +26722 +19256 +35513 +39600 +36838 +4322 +11598 +25211 +3553 +27461 +18815 +1293 +15174 +38433 +19729 +10713 +1492 +21815 +1038 +16469 +11867 +25887 +35021 +8673 +37614 +26221 +18276 +39730 +41487 +17668 +43167 +3875 +6004 +14508 +35242 +25690 +11264 +7146 +8301 +3370 +18794 +8682 +25351 +31495 +17857 +23064 +635 +4799 +17135 +40492 +29665 +10612 +25829 +36135 +8569 +2606 +24000 +22159 +6449 +36888 +2026 +18434 +28974 +14164 +27890 +27481 +40052 +28394 +28894 +5112 +39271 +25621 +32417 +6616 +8607 +12471 +22156 +32129 +29544 +31238 +6550 +39735 +26751 +2188 +31012 +21667 +6348 +40338 +38714 +18604 +29992 +24495 +1024 +40361 +9755 +19838 +42883 +2060 +23970 +6401 +11868 +1840 +20831 +24255 +36661 +26413 +30498 +29754 +23589 +21701 +35591 +18737 +16342 +17379 +22686 +13191 +16577 +28483 +27365 +20516 +38072 +16117 +40541 +10995 +35311 +23750 +30886 +3361 +6137 +40692 +1541 +2795 +10028 +12318 +37710 +39235 +26598 +19229 +39874 +30915 +8726 +5787 +31772 +8557 +3263 +40039 +36563 +15996 +40439 +27398 +21640 +7207 +675 +31199 +27957 +7353 +5219 +36539 +37751 +20624 +12981 +40113 +29836 +3094 +28939 +40935 +1098 +41472 +32577 +13658 +2553 +32316 +24471 +37207 +12302 +42919 +249 +15983 +31004 +25135 +18037 +41243 +21709 +31888 +16822 +9084 +34321 +33033 +37618 +21659 +27641 +27610 +30154 +37267 +10300 +25874 +17488 +3033 +20700 +31172 +36341 +29776 +2352 +36075 +18407 +14388 +30293 +18309 +34647 +18780 +14778 +16766 +1372 +9378 +17280 +6562 +23512 +34986 +1635 +9606 +15280 +20843 +34283 +7781 +26651 +34936 +18896 +31179 +26777 +33457 +18107 +23342 +12937 +6320 +34072 +29453 +19645 +41789 +35573 +35549 +631 +35366 +25218 +4461 +12574 +38980 +18890 +6942 +29264 +34823 +34994 +35033 +8420 +24773 +5563 +34082 +37139 +3303 +27064 +26488 +12770 +16893 +31891 +27105 +12313 +35243 +25267 +35773 +8857 +20826 +23424 +36439 +16715 +10246 +38351 +16189 +4553 +4935 +15480 +28062 +9475 +10547 +36783 +17660 +22251 +26318 +39270 +11832 +8741 +24894 +5033 +17843 +22901 +12187 +41322 +20517 +11682 +33113 +881 +19479 +13172 +9239 +3447 +19016 +1853 +3291 +15150 +3170 +29550 +30944 +18847 +5149 +18913 +20139 +18867 +10269 +6983 +5373 +30983 +39525 +38248 +12550 +35183 +25326 +2376 +1844 +17181 +21717 +22439 +35281 +16959 +27849 +18174 +927 +31575 +32021 +16849 +25314 +27554 +8536 +16085 +2331 +3452 +42093 +30109 +41622 +42947 +9280 +7546 +16956 +26354 +14212 +14398 +20130 +14490 +23617 +35726 +21017 +3708 +10546 +27009 +40835 +15166 +43018 +24390 +27263 +5363 +23531 +2692 +23025 +27873 +35479 +1874 +31822 +23099 +20921 +39337 +31911 +30212 +9003 +10014 +9155 +7736 +24791 +22896 +4722 +29487 +39413 +18465 +36662 +30625 +37351 +16647 +10497 +7689 +35107 +41985 +2125 +12392 +23561 +1699 +42980 +3795 +17330 +18962 +9983 +4857 +12261 +6497 +16554 +34826 +39658 +14228 +38119 +5753 +141 +43284 +4900 +32751 +32924 +530 +29740 +11128 +3859 +5097 +33175 +23811 +7858 +29227 +41481 +14184 +36574 +14246 +33982 +42472 +20300 +36453 +28481 +9921 +42430 +23973 +35798 +28249 +13176 +41572 +10836 +40432 +11118 +22623 +24668 +31432 +32640 +7582 +35517 +33557 +32518 +28010 +25252 +816 +32405 +40011 +23550 +34097 +2545 +5349 +7225 +25307 +20533 +13472 +20241 +26336 +2059 +14378 +36358 +29148 +8279 +5091 +22235 +8990 +10778 +21657 +26364 +6779 +16558 +10314 +40785 +15666 +15102 +36953 +25736 +37776 +16922 +36693 +17962 +17 +22442 +24065 +43340 +14672 +36112 +23386 +20536 +25448 +4166 +326 +10225 +27254 +33254 +29495 +33442 +15047 +18531 +36568 +2650 +38966 +21775 +9639 +2243 +18060 +10718 +5138 +39772 +21368 +771 +41523 +1182 +36649 +10670 +18316 +33437 +679 +26193 +19853 +30779 +34269 +24412 +9391 +10369 +41185 +40673 +27814 +2347 +7802 +14024 +35731 +23389 +23229 +26000 +39132 +8326 +42064 +16223 +17386 +29124 +8325 +16955 +38451 +23388 +18562 +4440 +36503 +43010 +27925 +36403 +7799 +2119 +30774 +38138 +29208 +8533 +10772 +37121 +2005 +10866 +42163 +25438 +3960 +17277 +30369 +6605 +6393 +20072 +3112 +18466 +20404 +36914 +35913 +27079 +7293 +10306 +35365 +28938 +13036 +19153 +7478 +9635 +30030 +1007 +28907 +23401 +41740 +37817 +29093 +7377 +37222 +10335 +31859 +6315 +12190 +29767 +8520 +39024 +34836 +27490 +9044 +7631 +37223 +43065 +27203 +38620 +18534 +14583 +2337 +28815 +4549 +23922 +41608 +9876 +26563 +28554 +10786 +11428 +41415 +19927 +7148 +3099 +27089 +3357 +34626 +8487 +26163 +22578 +17506 +31493 +10645 +36823 +38022 +39733 +43295 +41075 +32326 +21607 +14527 +32362 +20882 +41188 +35706 +10352 +24804 +9279 +27140 +35721 +23647 +32579 +43279 +25731 +8944 +4136 +29262 +40000 +40482 +9221 +38165 +23176 +37113 +1440 +6287 +9664 +35725 +9387 +16127 +16423 +5179 +16128 +41584 +15577 +42017 +2467 +20866 +34117 +32868 +11100 +565 +12340 +2496 +13306 +12323 +26030 +35066 +14194 +24044 +2772 +11877 +26085 +33717 +8150 +5307 +32592 +320 +4388 +10520 +35466 +4785 +4850 +33057 +18886 +12210 +30165 +17814 +10001 +27196 +24198 +21749 +35137 +37553 +42533 +15755 +34315 +22717 +11263 +38910 +31811 +34710 +39126 +17693 +15736 +28601 +43093 +40200 +4118 +30169 +42566 +19764 +20819 +16831 +2128 +39739 +31984 +606 +39685 +18209 +37477 +42028 +2560 +4735 +15232 +19368 +5963 +38184 +25196 +343 +25535 +41096 +2705 +26696 +22843 +33474 +32116 +23910 +33256 +37942 +14010 +11931 +19165 +14314 +19867 +29681 +30647 +40828 +12489 +25482 +16819 +3455 +7672 +18519 +39309 +6947 +8245 +26046 +2659 +13303 +25526 +29961 +25224 +8409 +32160 +37715 +40234 +170 +16758 +28512 +40227 +7081 +19515 +33926 +2172 +941 +14869 +29419 +43314 +711 +16638 +22539 +24734 +5157 +26069 +34368 +7144 +6990 +23689 +5073 +40615 +35995 +6662 +4405 +36538 +16507 +24163 +9085 +1934 +31194 +12189 +25469 +2170 +2978 +24766 +26630 +39531 +24759 +22498 +38587 +26503 +6704 +15535 +19993 +23442 +41714 +22287 +19654 +24673 +13568 +29138 +10398 +18881 +41670 +17691 +29030 +15579 +34361 +24294 +41051 +23055 +31844 +14566 +15933 +34777 +14179 +7981 +21168 +26317 +12578 +20004 +42783 +684 +42866 +42219 +38391 +20977 +11685 +31499 +38762 +39963 +13621 +21600 +5051 +19274 +20745 +6952 +3922 +42530 +12626 +1483 +20857 +558 +25583 +4249 +13787 +18132 +42591 +43049 +13817 +10630 +33330 +13557 +33839 +15286 +13690 +9772 +1014 +8878 +18023 +37840 +18236 +10176 +14697 +6701 +7034 +39256 +6371 +4464 +24234 +323 +18277 +10507 +29615 +31486 +38114 +19717 +27298 +33478 +22776 +40100 +20584 +2028 +32056 +33477 +33294 +31981 +40252 +23849 +27355 +29279 +25346 +42848 +32088 +26847 +23440 +29458 +31343 +4537 +21919 +29657 +39341 +16714 +9902 +33788 +23562 +11052 +275 +40699 +25573 +27681 +37832 +36248 +27195 +1159 +20932 +7319 +22217 +28258 +24765 +34319 +24828 +26812 +36116 +7709 +27253 +29006 +35693 +38948 +8633 +26883 +14248 +17883 +2547 +37837 +4937 +3074 +41091 +2369 +16301 +5790 +29596 +33797 +31413 +31695 +9988 +19124 +5571 +33039 +2591 +14270 +41156 +11150 +9107 +11806 +39885 +36193 +32211 +41090 +28849 +36990 +33082 +5800 +3513 +42631 +41723 +29098 +21800 +6406 +29890 +18787 +24282 +4587 +4047 +7897 +3889 +23387 +16163 +30692 +4638 +6559 +20381 +1941 +12896 +32537 +22290 +20496 +38993 +24425 +3514 +5503 +32514 +17977 +19061 +2769 +41870 +21166 +15546 +17742 +11532 +40526 +2106 +31119 +27708 +4090 +14263 +15264 +16607 +31250 +17934 +21756 +14258 +42565 +31530 +29435 +24919 +19129 +6073 +23737 +36872 +26587 +19854 +42135 +3648 +32172 +11526 +10953 +38965 +31758 +29729 +806 +25229 +470 +32593 +38075 +1037 +17715 +12329 +37377 +882 +18063 +41130 +24171 +12916 +20119 +13907 +27406 +40523 +14836 +10983 +32837 +11129 +17255 +20178 +17116 +3623 +23159 +7205 +34633 +34839 +26151 +2462 +9124 +22449 +3231 +8438 +39837 +1237 +14611 +13750 +21438 +30782 +16616 +37002 +37806 +19978 +17247 +40436 +43215 +2038 +26784 +4957 +8178 +5840 +39404 +25762 +20279 +8747 +28782 +34570 +34840 +26417 +37590 +26729 +29008 +3968 +33200 +38308 +40143 +21666 +1117 +40903 +35065 +14114 +32974 +28024 +13288 +38694 +35893 +14376 +18150 +16937 +36459 +34565 +10617 +4870 +33376 +971 +9355 +18482 +19735 +31334 +10600 +7688 +5970 +34980 +15716 +809 +33279 +21658 +1010 +9918 +13756 +15960 +8778 +18674 +24925 +1800 +40724 +42389 +58 +780 +1043 +17952 +24933 +38125 +8166 +42610 +23833 +9341 +29678 +8776 +19844 +5238 +14628 +32482 +23672 +12988 +4604 +27415 +29799 +32079 +34632 +31025 +33352 +6058 +35431 +43176 +25419 +17855 +17847 +36979 +21171 +35209 +24532 +24990 +40265 +15224 +41599 +1707 +28073 +17220 +27076 +30685 +16411 +26761 +7147 +14979 +34462 +28976 +2493 +34021 +15056 +38181 +42809 +38410 +22359 +4214 +7473 +10024 +7971 +31132 +3876 +25575 +24237 +19017 +31640 +20420 +29986 +38062 +30276 +19013 +32585 +17714 +26159 +41785 +22550 +40548 +5845 +10421 +9815 +23734 +24048 +13650 +32386 +5923 +12222 +30830 +32106 +8552 +16023 +40091 +22456 +4010 +26542 +25846 +24143 +3075 +36170 +21273 +25379 +23500 +14038 +31462 +37485 +30902 +16667 +11085 +34454 +42183 +42441 +5101 +8129 +9462 +40978 +3054 +33418 +15882 +30740 +26614 +35421 +32401 +31365 +27620 +29704 +2466 +27188 +3066 +29466 +42390 +24683 +28962 +3720 +34122 +6582 +15691 +39966 +28453 +27639 +9919 +27469 +7620 +41070 +41809 +2610 +26439 +23570 +36206 +22951 +22123 +36493 +8353 +39825 +12660 +35737 +40680 +37341 +35582 +7437 +6807 +30874 +6364 +29409 +1197 +39268 +7725 +19353 +24296 +12792 +20150 +21390 +7532 +1765 +42486 +24953 +41078 +8642 +1001 +5940 +10022 +2184 +15469 +21427 +10921 +40714 +8369 +10735 +33827 +23792 +20812 +17830 +1687 +20249 +32730 +39082 +32783 +11622 +35430 +11290 +27875 +41739 +8955 +34693 +36482 +10971 +26617 +18698 +12492 +37180 +38949 +10199 +23335 +17186 +19196 +12595 +8263 +43173 +38357 +39344 +23338 +15865 +34188 +9945 +25771 +35408 +943 +40982 +17894 +26527 +9294 +25356 +26368 +12425 +40653 +40152 +5194 +16508 +29593 +27241 +20131 +39392 +9440 +42456 +19400 +11414 +2175 +17131 +15092 +10924 +16002 +22011 +33354 +2276 +30618 +25543 +1055 +2796 +24100 +42589 +23045 +41428 +40753 +29434 +30069 +23222 +14493 +1209 +13730 +12269 +545 +10707 +37099 +26094 +33643 +9766 +41952 +896 +15786 +38534 +40203 +4171 +31401 +5110 +5163 +7291 +18123 +22649 +19033 +22416 +15075 +36960 +31656 +24760 +1214 +29586 +6542 +12915 +7857 +12615 +34896 +9750 +23073 +25580 +5444 +19213 +22328 +11948 +15287 +4588 +42162 +8296 +568 +10286 +33599 +10386 +2023 +11577 +13569 +38442 +12292 +23392 +25518 +10599 +17571 +2054 +42354 +17710 +35444 +5338 +12025 +11209 +2492 +12092 +13038 +22364 +11175 +12380 +16103 +42320 +23216 +18627 +23992 +28961 +42839 +25074 +905 +2505 +16007 +27071 +25618 +43067 +15389 +2006 +23854 +34667 +24342 +17278 +18842 +31717 +35663 +18567 +13017 +37704 +29013 +3225 +21387 +8435 +35185 +17617 +16415 +27097 +41065 +39793 +623 +22256 +20769 +33526 +33899 +7433 +32786 +21408 +40204 +2297 +28103 +41759 +37557 +10912 +8055 +22288 +28478 +17913 +22280 +20943 +35460 +33865 +27999 +20242 +33148 +20657 +6555 +32790 +36144 +12579 +25349 +16983 +30933 +6514 +36632 +10003 +13245 +814 +24692 +28256 +14375 +37501 +30543 +17507 +26844 +42016 +19802 +21598 +32291 +11481 +1748 +11670 +1499 +18177 +32416 +32243 +17162 +16836 +33385 +10944 +37450 +34835 +8046 +40043 +24066 +4564 +15878 +9271 +34741 +26838 +36043 +8105 +22372 +38234 +31823 +33576 +40660 +7005 +25084 +3285 +34526 +20435 +19024 +30888 +30980 +31624 +17746 +7189 +14334 +9634 +21486 +13941 +14255 +13375 +43099 +18960 +4554 +13593 +15067 +5732 +35032 +2588 +33554 +26597 +12570 +39153 +34585 +43034 +13506 +11123 +15513 +23728 +35926 +16169 +12979 +29348 +23250 +11735 +40187 +33870 +34660 +41698 +13986 +25184 +2685 +7368 +26415 +27137 +32626 +1761 +26484 +21363 +24099 +20040 +39339 +36548 +34974 +9421 +27030 +22182 +28134 +16096 +22845 +8417 +13626 +42969 +9543 +33991 +1912 +22107 +3711 +10548 +28709 +4530 +643 +13023 +36138 +3431 +33763 +43390 +37969 +22624 +10950 +35221 +16790 +20774 +28385 +19169 +42306 +34206 +29032 +18283 +14984 +38560 +23021 +21457 +39166 +14261 +6456 +543 +17359 +14657 +32245 +38677 +16122 +22549 +43002 +34657 +40198 +41826 +34705 +11208 +38247 +38250 +933 +7262 +42551 +37354 +1719 +26962 +34694 +113 +31580 +30775 +14008 +16236 +16872 +33056 +19721 +27376 +1041 +31050 +41655 +18349 +24524 +4025 +19956 +12532 +39844 +3721 +16598 +5482 +18563 +1084 +16372 +20438 +34804 +19788 +23422 +41441 +2529 +7334 +4903 +17417 +37008 +25421 +42935 +19968 +28117 +23036 +1012 +30689 +973 +29081 +5284 +5995 +26280 +25142 +10844 +31982 +23220 +15860 +10634 +12079 +14698 +34480 +12955 +42256 +31496 +23318 +17652 +36873 +17493 +8687 +18967 +31885 +41388 +26152 +13567 +7669 +31095 +35220 +37272 +4599 +28341 +25918 +18315 +32193 +35131 +12414 +41555 +35256 +22823 +39482 +42043 +11325 +27944 +27941 +29642 +42437 +26197 +1918 +15331 +16319 +41011 +12576 +35709 +36114 +33458 +35333 +30953 +6760 +28695 +5405 +19140 +27868 +35511 +5533 +26032 +27471 +2637 +22726 +10962 +12023 +7813 +38609 +14382 +9461 +35662 +17427 +28502 +32145 +1502 +16056 +11578 +12051 +33445 +22477 +4299 +22960 +38220 +37529 +6932 +25359 +35171 +13255 +38573 +8916 +15450 +40594 +43299 +23671 +32936 +34365 +17412 +20051 +23311 +2751 +27940 +28901 +31820 +26162 +31466 +4381 +13413 +25126 +24306 +28813 +35899 +29193 +36210 +11260 +28603 +6027 +30756 +25859 +42074 +24112 +33856 +10744 +40251 +24408 +11964 +35345 +9352 +33851 +5062 +39757 +27948 +41245 +25818 +337 +9962 +36394 +11171 +29451 +16270 +14911 +6248 +16673 +41148 +42070 +23231 +34137 +7645 +23106 +31903 +39755 +19651 +17662 +10543 +9514 +10750 +20607 +6120 +40862 +17970 +43244 +38830 +36752 +21901 +6136 +6508 +1963 +16892 +20670 +41109 +9083 +5739 +10887 +35724 +37067 +32492 +20123 +25205 +39340 +42377 +30971 +19699 +3647 +2633 +39291 +30077 +40874 +29485 +43212 +13263 +8321 +6475 +42215 +18666 +7441 +14047 +33117 +14665 +34548 +24548 +28064 +15429 +11860 +28771 +31628 +6403 +37946 +13688 +7623 +24698 +30041 +37300 +23308 +13200 +10766 +32789 +53 +26255 +28741 +17409 +14578 +25959 +10485 +7097 +4566 +32330 +32199 +7553 +11139 +11930 +11109 +7869 +29760 +36892 +9038 +10803 +36297 +14239 +4029 +37823 +5643 +29590 +33954 +3148 +25545 +34871 +26965 +8427 +35278 +31599 +40964 +16329 +4077 +24291 +42214 +42417 +27979 +16071 +33572 +2732 +26558 +27603 +23054 +32463 +21962 +22088 +28677 +31549 +8966 +13453 +22218 +11833 +6396 +32534 +26624 +8632 +14113 +10254 +19633 +24338 +31898 +15122 +26957 +37680 +23761 +10256 +10850 +40483 +39342 +39385 +8069 +21755 +17925 +26823 +38361 +11168 +32295 +13969 +14192 +40398 +5704 +6554 +32398 +39649 +16481 +17384 +42411 +18579 +3160 +5014 +17914 +9016 +10092 +35270 +16664 +6015 +37606 +43068 +38938 +19207 +42140 +19063 +40285 +21888 +3180 +8063 +16157 +33234 +36384 +26253 +4297 +17586 +17290 +10214 +41367 +29462 +6857 +10892 +13717 +19189 +26201 +13171 +11328 +33363 +3679 +16187 +38387 +36807 +2549 +29340 +40352 +15560 +1573 +43183 +25368 +32813 +29515 +6328 +4501 +28448 +24330 +18033 +43274 +17338 +16787 +20554 +80 +28945 +17891 +28402 +3210 +2146 +3230 +31725 +23005 +34675 +23742 +39446 +24783 +6742 +8318 +40354 +39763 +38277 +7315 +1109 +19792 +26982 +4649 +27420 +17432 +7385 +27197 +4484 +7982 +8901 +30593 +1590 +19734 +28826 +4059 +35314 +6143 +23233 +2739 +19167 +12644 +21856 +8077 +32371 +11523 +21199 +41012 +30708 +8449 +36831 +3788 +37470 +1568 +16384 +38231 +7833 +34211 +16420 +32739 +16996 +6640 +85 +30893 +39265 +27699 +23968 +35891 +14238 +37991 +28866 +31333 +36869 +38398 +13842 +39175 +35018 +28680 +19190 +34067 +41704 +30484 +4028 +29939 +38134 +40513 +42307 +27252 +30674 +11895 +23458 +7060 +23736 +10856 +34763 +10831 +5327 +15171 +32759 +4044 +31571 +34424 +6717 +3400 +629 +15165 +19333 +37880 +32605 +13515 +31550 +32900 +23187 +25513 +35631 +17964 +17043 +14770 +23731 +25600 +4013 +34813 +20468 +3451 +9581 +20291 +16245 +16499 +28087 +31679 +40974 +5199 +42164 +18085 +15733 +42384 +2473 +36117 +43026 +29579 +34950 +41784 +15118 +38618 +24374 +14661 +18809 +42560 +26457 +9362 +23793 +3197 +19876 +21145 +34537 +5587 +23169 +18740 +12662 +26250 +24747 +28319 +10455 +41337 +12724 +29284 +23519 +9047 +33187 +1711 +31371 +26225 +7443 +20402 +20701 +40696 +4509 +42198 +31650 +14170 +22913 +31994 +11004 +39567 +26026 +2055 +22404 +11558 +37782 +37787 +23205 +1136 +21178 +20035 +36970 +19923 +2395 +11808 +13692 +30853 +13174 +1341 +13113 +33153 +28847 +25588 +2996 +20525 +30592 +23316 +41093 +37820 +9269 +30686 +11733 +4690 +22616 +26103 +368 +35214 +2380 +35722 +6638 +33705 +24775 +31775 +43250 +35927 +10480 +23502 +22532 +26530 +18875 +30431 +26119 +9236 +42175 +20445 +9540 +16370 +11657 +24947 +270 +16859 +30066 +7698 +13726 +1506 +42762 +32011 +22074 +9541 +28707 +17424 +21239 +24368 +30655 +14120 +17758 +6887 +39726 +260 +35277 +15925 +40913 +42939 +28743 +42357 +32496 +15521 +15010 +15714 +34519 +31310 +9270 +18671 +4859 +5067 +16966 +39801 +40294 +17036 +25277 +31291 +22979 +35664 +41947 +43278 +41 +14996 +25817 +27526 +22331 +10091 +29631 +38036 +42680 +37285 +20464 +29559 +28641 +17387 +42197 +34797 +21058 +37664 +20344 +13374 +17926 +37627 +28693 +4822 +13637 +24109 +30130 +19295 +14353 +40278 +30607 +30420 +4106 +15844 +40808 +29797 +29572 +2875 +37046 +7235 +439 +8335 +10568 +24039 +34232 +18019 +12774 +16504 +5351 +11920 +14671 +24142 +23379 +6698 +39272 +27928 +6267 +39167 +31542 +8523 +28807 +8518 +43203 +6645 +19197 +37209 +38 +31426 +25487 +4414 +36364 +12513 +18959 +12405 +7667 +6765 +30141 +8127 +32213 +26737 +16845 +24528 +21229 +36126 +16763 +17983 +43260 +35993 +23395 +3917 +31633 +7531 +5319 +24757 +15533 +12710 +2839 +18145 +28188 +18594 +1846 +37127 +26659 +24690 +11725 +24961 +34656 +9767 +21572 +39015 +29523 +21226 +39002 +4169 +7922 +31600 +29490 +3608 +20446 +19961 +30442 +4942 +11298 +8880 +28744 +15059 +28273 +5015 +16842 +6665 +24377 +5805 +18533 +13552 +32229 +27692 +17223 +28372 +42268 +29330 +11849 +37203 +35226 +19221 +39865 +25394 +36131 +10681 +42575 +40622 +26779 +25328 +26441 +24089 +41443 +22576 +6158 +11247 +39704 +39540 +20439 +37938 +23536 +7771 +35903 +25916 +39131 +18638 +7317 +35873 +24189 +36901 +7649 +31349 +10883 +12242 +9499 +36908 +5133 +19745 +11468 +7294 +17438 +13618 +13165 +38715 +26691 +14277 +9066 +5129 +30359 +32251 +5677 +8723 +1333 +7056 +9437 +34456 +17249 +285 +40127 +22014 +2973 +41135 +2079 +28628 +43080 +14420 +15474 +17203 +17595 +41353 +38640 +2917 +37114 +2454 +37213 +6271 +36002 +29176 +9998 +39477 +32073 +16321 +8447 +41342 +31032 +34941 +33333 +1997 +35560 +28315 +17649 +18939 +18869 +42693 +27394 +18763 +18100 +39117 +42881 +18573 +43084 +23546 +14659 +18256 +22579 +40159 +21378 +15245 +25088 +20998 +6390 +15909 +33907 +28839 +36599 +42772 +20273 +42596 +32367 +18620 +35230 +27332 +5700 +33156 +35376 +33195 +36507 +32860 +40836 +10752 +29438 +39355 +39512 +22298 +40192 +43228 +31138 +10152 +27942 +9832 +40899 +17560 +34999 +29919 +25586 +38652 +17075 +22133 +40438 +11343 +601 +10790 +1097 +40858 +23385 +24780 +36735 +12588 +18185 +7456 +11204 +4618 +34048 +12490 +37934 +7369 +469 +11192 +34622 +31778 +11748 +41963 +32005 +18633 +32620 +23332 +29266 +25354 +1325 +40994 +4511 +11977 +13832 +1472 +19657 +37973 +42371 +14123 +10627 +29270 +28819 +30996 +27405 +21148 +676 +22547 +19616 +11912 +36600 +11702 +11019 +34921 +39724 +22505 +31551 +14546 +35197 +23984 +22113 +5811 +7442 +42141 +35556 +30947 +43043 +19799 +34628 +29963 +33016 +5381 +22930 +39044 +18830 +10436 +13107 +17592 +15427 +32240 +32907 +26068 +39698 +14086 +31544 +8323 +4791 +41200 +40679 +39334 +23998 +39907 +14458 +20883 +23351 +31417 +24714 +28858 +28760 +26379 +18833 +29132 +23710 +8414 +35772 +15270 +42110 +15842 +22262 +29566 +38728 +7866 +6611 +13437 +25719 +42228 +9079 +16232 +41498 +37181 +68 +36801 +41858 +39029 +9143 +6538 +33885 +31274 +38152 +40202 +20342 +14345 +13910 +37743 +35428 +5398 +39565 +14209 +23654 +39083 +27713 +38670 +24564 +29787 +7941 +18816 +36037 +37120 +14043 +21344 +26798 +8456 +41408 +41206 +16977 +19065 +77 +1946 +823 +11879 +15524 +40442 +30699 +18673 +9966 +37964 +17169 +30485 +33875 +19364 +42134 +27087 +18752 +26008 +20904 +14188 +42653 +30370 +6274 +29759 +30023 +10229 +22651 +30576 +6071 +37700 +4246 +28649 +42085 +16973 +18496 +15203 +9481 +6231 +22522 +4177 +4150 +34600 +21588 +38252 +18490 +4658 +6084 +38643 +18154 +34235 +27853 +3313 +40574 +36868 +40246 +7936 +17462 +11385 +6546 +10555 +3698 +41647 +7687 +23703 +36999 +20581 +40904 +30450 +32986 +1278 +36640 +19244 +10242 +21721 +17274 +34971 +9941 +5552 +6295 +42105 +28089 +42237 +12813 +16572 +37129 +10615 +1123 +14681 +42629 +17951 +36487 +1614 +16098 +21177 +39917 +23445 +5442 +13644 +14938 +30506 +30332 +5985 +24313 +1907 +17340 +3354 +18122 +16437 +30741 +25547 +31631 +13 +3126 +36843 +31197 +7393 +17398 +24725 +526 +26491 +18325 +9152 +16466 +17040 +14598 +11078 +24269 +30107 +6369 +24659 +7651 +31836 +32568 +39421 +28984 +23954 +21485 +21952 +1467 +42819 +31295 +28242 +22072 +19071 +28923 +24526 +22957 +43395 +22154 +19078 +31884 +24349 +11788 +22921 +2683 +30401 +14075 +39999 +2867 +11614 +21246 +18652 +22444 +15778 +30800 +13683 +39605 +34470 +24955 +32984 +14065 +13300 +870 +37276 +8039 +21923 +27273 +4310 +14250 +26217 +24016 +32044 +19314 +29661 +33150 +41447 +15385 +32968 +25122 +9557 +38049 +27465 +36614 +4185 +19984 +23988 +25838 +35960 +29709 +7310 +9412 +704 +35824 +26511 +18498 +41558 +18675 +38066 +39119 +32071 +37777 +7779 +19759 +18812 +30604 +19969 +28665 +17322 +35417 +32532 +18365 +2389 +21838 +33465 +1548 +35733 +28712 +2539 +313 +19280 +19331 +17912 +7980 +8393 +21943 +18526 +37996 +36376 +6119 +30188 +3355 +31045 +38127 +18707 +41269 +34773 +6925 +39158 +38642 +30805 +4281 +21689 +13148 +27864 +36802 +10414 +43210 +10184 +18116 +31918 +32133 +14592 +38284 +8859 +33673 +33164 +17828 +3037 +33613 +4417 +33779 +41307 +4589 +33379 +26612 +9233 +17306 +39448 +8062 +5030 +18016 +2868 +19203 +10443 +34877 +23041 +22652 +17844 +13190 +21797 +24496 +32148 +1550 +529 +38775 +12378 +4227 +29277 +36955 +32718 +2409 +19635 +9142 +12678 +9678 +471 +10853 +32653 +30400 +33001 +9116 +718 +37365 +41978 +25786 +27010 +23360 +1582 +35740 +35393 +5558 +26423 +12428 +3952 +2812 +18117 +38740 +16089 +28767 +14158 +2196 +84 +24910 +12859 +38326 +37462 +36988 +18768 +24197 +14965 +10247 +32275 +14873 +28450 +247 +6945 +14982 +575 +13441 +26684 +14189 +22225 +23780 +688 +27817 +1639 +13215 +19623 +3275 +8310 +41021 +36881 +33684 +24413 +28622 +10168 +25746 +15789 +41208 +38129 +34978 +8568 +32570 +9007 +3194 +2215 +10094 +8981 +33085 +7551 +16406 +4100 +34421 +23660 +2102 +29039 +29003 +41227 +20938 +23011 +11405 +24307 +22894 +25782 +30438 +42021 +25823 +32411 +25778 +5201 +5255 +32543 +24702 +25015 +11482 +9952 +11248 +3136 +3759 +7794 +2729 +4830 +1186 +13774 +3253 +14581 +3649 +22739 +34099 +20432 +30524 +38922 +24857 +33411 +14542 +36907 +25093 +5522 +14032 +32105 +22590 +33785 +8704 +21240 +42229 +23848 +22990 +15815 +26070 +8056 +37005 +26814 +15314 +7423 +30479 +34933 +854 +37649 +33126 +36305 +453 +10472 +18105 +39832 +33559 +35178 +15688 +12575 +28609 +15001 +9978 +11729 +1474 +246 +35322 +42685 +12166 +8066 +37453 +20623 +32723 +42186 +245 +32752 +20524 +27722 +30033 +39713 +38759 +3384 +41616 +40621 +7846 +4182 +42679 +16898 +4242 +33591 +31939 +42940 +23262 +5676 +42325 +25194 +34940 +19148 +30669 +42641 +34086 +42069 +7269 +41336 +13010 +25045 +31010 +24842 +18574 +32972 +13952 +8351 +27136 +24405 +42659 +37560 +8686 +10620 +35705 +4092 +4656 +2438 +13580 +10900 +10649 +19443 +7835 +34446 +39738 +16856 +10454 +5104 +23662 +24335 +34785 +31556 +14200 +9981 +30735 +33430 +3604 +36155 +32301 +31415 +1995 +30298 +29768 +30494 +21866 +10160 +6283 +8507 +21616 +31054 +42525 +16129 +22542 +43071 +8707 +8679 +852 +23080 +1986 +34299 +19309 +19818 +25742 +1273 +36995 +2944 +34015 +16175 +23803 +21631 +35427 +17831 +7530 +40333 +6280 +23171 +14560 +8736 +24617 +33221 +25905 +42646 +30087 +18941 +20805 +4595 +39541 +26396 +40957 +38927 +18129 +30832 +1505 +5496 +26248 +1310 +42253 +19115 +9778 +17775 +9529 +43287 +2453 +17551 +34102 +39611 +17929 +4466 +31504 +730 +24485 +36733 +25470 +22815 +28583 +21309 +34213 +6124 +9460 +38327 +26518 +9495 +18195 +31374 +11398 +464 +24651 +38646 +26249 +27829 +39899 +32969 +16839 +23667 +6801 +9111 +26486 +20230 +31953 +33524 +17509 +35358 +19059 +1369 +11307 +8302 +41764 +632 +33105 +18754 +22784 +5423 +15628 +11188 +15654 +28271 +1419 +32615 +34304 +17088 +11327 +27279 +29962 +39409 +33129 +37013 +16496 +444 +14017 +9511 +23317 +1287 +32961 +5259 +5162 +1561 +19383 +32898 +20324 +26117 +33812 +31312 +37856 +37515 +14934 +13664 +8685 +34666 +1163 +22203 +15585 +14683 +13638 +21054 +6208 +33326 +34449 +19830 +7439 +43273 +1232 +16716 +32247 +23582 +16327 +39980 +36509 +37263 +36547 +5602 +2915 +20097 +33177 +14139 +1664 +15738 +28563 +22674 +4165 +35766 +8555 +3543 +42585 +41485 +14219 +18721 +21550 +21445 +21296 +23097 +23713 +35971 +31427 +41773 +12212 +32610 +27920 +17981 +8465 +33310 +36433 +10071 +535 +32117 +27096 +35060 +20568 +13244 +33083 +12682 +18900 +5276 +10336 +22355 +42818 +23765 +12434 +21037 +15269 +18142 +21189 +25490 +31977 +19987 +9198 +41181 +1168 +28177 +4828 +3405 +9416 +21725 +36946 +4989 +34684 +30174 +23745 +21780 +25708 +24088 +4593 +5564 +16202 +7430 +36731 +348 +35889 +18870 +19245 +13517 +33316 +20000 +4771 +38278 +907 +40240 +26500 +30089 +34501 +7821 +27032 +19649 +20260 +29650 +30878 +20697 +5922 +26972 +821 +3315 +1361 +31521 +12289 +9091 +21108 +17471 +43144 +26869 +222 +13455 +3443 +4983 +10871 +1069 +20861 +20640 +39198 +14306 +11134 +16119 +26210 +28966 +34345 +12136 +38937 +30362 +12195 +42643 +33612 +6566 +25397 +36754 +3727 +34495 +267 +38180 +6537 +9864 +19579 +23724 +37169 +6770 +12741 +8064 +1828 +41662 +19076 +1971 +36315 +15522 +21759 +33242 +12105 +37265 +27512 +15432 +2077 +40507 +41330 +21202 +33378 +29942 +16998 +13816 +33074 +30601 +16474 +25530 +740 +23349 +22216 +12746 +32249 +19974 +27160 +18993 +24746 +42936 +2405 +34853 +26989 +3259 +33323 +1775 +25068 +2228 +3821 +19714 +29222 +18414 +20742 +42874 +39179 +23819 +11945 +5324 +22391 +35536 +28500 +3749 +23173 +36676 +20784 +30664 +23813 +10516 +36400 +6676 +40357 +27821 +24507 +12808 +29454 +34007 +36556 +36544 +12702 +18014 +28711 +10976 +7061 +24641 +41054 +8653 +8272 +40571 +20728 +32802 +12305 +1957 +2617 +13794 +40563 +35553 +29619 +7618 +38432 +6305 +40178 +31096 +42552 +18319 +36703 +27168 +42136 +23282 +24963 +24710 +40817 +3588 +30219 +22347 +10471 +42422 +11360 +7603 +28082 +409 +1231 +12391 +18857 +15519 +9534 +16055 +34918 +8406 +36454 +26394 +41327 +8579 +14931 +32988 +4534 +35203 +22747 +18528 +14753 +19360 +26150 +27023 +12775 +21624 +11828 +37245 +6249 +17804 +23788 +40123 +5705 +37281 +21386 +15681 +17413 +29630 +3297 +8471 +28535 +7163 +12829 +6993 +2768 +21297 +11162 +2358 +21181 +29174 +583 +30001 +9925 +11869 +14743 +22732 +37730 +2517 +38692 +4495 +10339 +16813 +42058 +11187 +20570 +14370 +39775 +1122 +34479 +28706 +30232 +31391 +17151 +35059 +5906 +40114 +34746 +43353 +20379 +21636 +4502 +15593 +35945 +673 +28612 +41009 +37660 +39656 +43030 +25861 +24556 +4784 +31518 +23597 +11149 +41682 +13415 +33615 +2526 +26679 +32954 +4410 +26873 +2713 +2500 +1856 +42962 +4022 +38428 +33548 +41376 +39410 +27282 +39583 +6991 +14913 +23258 +11887 +26787 +27091 +2648 +28489 +4496 +4406 +31894 +10213 +17757 +22073 +32651 +22595 +16016 +25488 +6108 +24879 +36096 +3893 +18069 +958 +14769 +12404 +4752 +6205 +40908 +27250 +26334 +35030 +38225 +29972 +1583 +36012 +736 +23895 +14765 +40627 +38713 +4315 +38982 +3039 +34719 +5204 +30277 +24901 +18923 +18159 +20625 +24948 +5497 +41343 +18801 +3493 +3760 +27731 +979 +17878 +27836 +23994 +26235 +37951 +43003 +24317 +33038 +41411 +20295 +11783 +41138 +39281 +10248 +42312 +31563 +6622 +22607 +20498 +43158 +13147 +4238 +41014 +28570 +25527 +23740 +40385 +29102 +16338 +18135 +6822 +32767 +19035 +40984 +36079 +6799 +34351 +37540 +32963 +26426 +2897 +38794 +40140 +25857 +42734 +17382 +24989 +31966 +37457 +34812 +20528 +36060 +27968 +26981 +32012 +639 +22128 +43234 +29627 +4219 +22228 +10671 +34782 +1494 +22253 +38899 +5993 +6571 +26428 +16926 +31948 +36036 +18228 +15745 +16353 +5364 +16271 +36813 +23411 +36803 +6838 +11677 +12632 +34645 +1533 +11755 +27334 +41700 +10154 +16761 +31324 +21978 +12834 +37631 +15205 +7726 +7432 +17240 +23628 +37533 +2988 +4235 +21281 +3387 +29697 +11979 +27804 +21034 +24253 +23573 +19192 +37862 +20046 +15136 +12200 +4958 +37748 +25099 +5536 +30309 +12215 +13234 +10512 +7756 +7818 +40343 +39532 +7190 +42872 +26833 +41315 +4731 +11008 +19917 +19163 +6479 +41234 +32692 +4732 +37977 +16097 +9702 +21829 +14193 +40625 +36161 +11124 +41203 +25701 +7647 +12601 +4861 +28610 +38596 +36580 +19672 +17851 +10616 +19782 +38298 +34347 +18420 +23976 +9715 +39889 +39507 +36517 +42998 +15981 +13627 +10008 +10469 +1142 +41175 +15082 +32466 +14616 +20631 +19276 +3185 +28330 +22507 +831 +41146 +36967 +27669 +37896 +21551 +9911 +10093 +25985 +36814 +36204 +37762 +28356 +36925 +39030 +13335 +6431 +27109 +20466 +38561 +25456 +12110 +35392 +13877 +6223 +9904 +39425 +9709 +11070 +9677 +33251 +6345 +604 +21655 +6233 +37965 +33337 +14674 +898 +4097 +10393 +37927 +8074 +30396 +6306 +34348 +26419 +2808 +28009 +35040 +16995 +13058 +38426 +9865 +13731 +4316 +17081 +33389 +28496 +13412 +818 +41464 +36077 +12000 +35800 +21401 +37418 +37985 +2411 +25048 +5137 +2788 +2761 +6307 +36663 +22281 +7088 +28068 +3190 +18270 +4326 +18687 +37673 +31339 +21265 +23989 +16733 +2131 +40083 +19262 +25076 +9910 +2827 +5860 +74 +41435 +25508 +1091 +15561 +26897 +13494 +27211 +26414 +24263 +32042 +32366 +14710 +1263 +24491 +38877 +27349 +27451 +12372 +33360 +3683 +41769 +18025 +13535 +35808 +39379 +19870 +2852 +40650 +20199 +17397 +21758 +4475 +39674 +21491 +29057 +39802 +21981 +1439 +13685 +25434 +10399 +33302 +27584 +14915 +41917 +18244 +1669 +36186 +25285 +1598 +10662 +21335 +24753 +39053 +13524 +4337 +37562 +14746 +1948 +30189 +29478 +12959 +13126 +34273 +8284 +22134 +34317 +7355 +29125 +40287 +30948 +31438 +14564 +16597 +36179 +21429 +31545 +12700 +4569 +40528 +31328 +22879 +15193 +12359 +35934 +10835 +27243 +31005 +2221 +13235 +11396 +30040 +8212 +40676 +3837 +31858 +12009 +39476 +41824 +42083 +37526 +678 +9490 +17573 +23931 +4761 +1267 +18346 +34112 +14667 +7169 +3119 +23177 +10331 +23312 +4764 +10123 +15090 +3385 +2592 +34576 +19087 +34901 +36034 +28088 +32510 +37984 +4377 +459 +5455 +25313 +27447 +39359 +13438 +39 +34362 +33941 +21519 +40846 +35304 +761 +598 +41752 +13854 +13350 +40592 +6481 +26863 +32085 +13855 +34360 +27773 +21846 +34909 +19960 +26074 +30415 +20038 +26182 +13776 +14680 +3947 +12273 +1689 +41325 +22049 +32392 +34822 +14887 +25655 +9897 +42950 +23635 +4538 +23959 +39135 +14058 +42443 +30011 +7954 +42345 +36465 +1648 +14088 +14316 +26393 +20413 +8378 +2220 +32062 +33013 +36551 +20569 +41178 +32338 +11043 +13298 +16768 +14740 +8389 +17025 +38281 +20920 +34820 +43291 +18272 +40053 +813 +20610 +28342 +32273 +18038 +17624 +32427 +31864 +12419 +1886 +4624 +22920 +38779 +10009 +5167 +23353 +13386 +16197 diff --git a/rule-vetting/data/tbi_pecarn/processed/test.csv b/rule-vetting/data/tbi_pecarn/processed/test.csv new file mode 100644 index 00000000..15a0a6d7 --- /dev/null +++ b/rule-vetting/data/tbi_pecarn/processed/test.csv @@ -0,0 +1,8228 @@ +,Drugs_1,FontBulg_1,GCSEye_3,VomitNbr_1,HA_verb_1,High_impact_InjSev_3,SFxBas_1,HemaLoc_1,VomitStart_2,Seiz_1,Clav_0,GCSMotor_6,AMS_1,NeuroD_1,SFxPalp_1_or_2,LOCSeparate_1_or_2,SeizOccur_2_or_3,SeizLen_3_or_4,VomitStart_3_or_4,HemaLoc_2_or_3,outcome,AMS_1,AgeTwoPlus_1,HemaLoc_2_or_3,LocLen_2_3_4,High_impact_InjSev_3,SFxPalp_1_or_2,ActNorm_0,Vomit_1,SFxBas_1,HASeverity_3 +41032,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31123,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +23448,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +16106,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18234,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +7830,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22910,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19123,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2790,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2723,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26683,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31017,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20652,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +11647,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32779,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12353,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4449,0,0,1,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,1,0,0 +10350,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32412,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32814,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13523,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28480,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,1,0,0 +9896,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21280,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +7800,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41678,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +1854,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +159,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +26763,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39610,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38906,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16431,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6159,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3973,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29909,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41776,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2124,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5481,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42412,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39561,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +39353,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +923,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37851,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24691,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36302,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4726,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,1,1,0,0 +41356,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17832,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +34721,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +4756,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5647,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22797,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +374,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4708,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18134,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38656,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +4081,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +191,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +13378,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25897,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +28225,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22366,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7861,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43125,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6296,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14920,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +386,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15491,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15941,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +33829,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6382,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8693,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14696,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34153,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2952,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35996,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +40859,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13604,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42342,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +26223,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +1321,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +24013,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22101,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14540,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32329,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3409,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34712,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17073,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32842,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +36287,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +15575,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19184,0,0,0,1,1,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +39728,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6845,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11974,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35863,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23465,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +4637,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +23495,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +24478,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21939,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21895,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +3753,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,1,0 +34937,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35288,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27157,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +22745,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11972,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +18342,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25081,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +20523,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1890,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14533,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14455,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34193,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27069,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30884,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9752,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +12,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11463,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9357,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18821,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1486,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38836,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +33752,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +11189,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35522,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,1 +38388,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2561,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8998,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23882,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +394,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +972,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +15768,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40124,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,0,0,0,0 +36173,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2531,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33963,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30344,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12343,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22904,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12075,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1269,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31573,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16601,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +271,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17295,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8674,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +1493,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43197,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +21196,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +4992,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40346,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26083,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +26581,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42003,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +31151,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +10625,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +30564,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36485,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +5054,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14456,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +7953,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +9828,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +16775,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1825,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37513,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,1,0,0,0 +40307,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23050,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22724,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6247,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +26212,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39946,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +14687,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36203,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24165,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27393,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40730,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1460,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +8124,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +3886,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +29847,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23496,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29614,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +11029,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16553,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +17106,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +694,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42611,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25596,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3812,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +5631,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7632,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42344,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35446,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11811,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +6502,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,1,0 +12344,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2961,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28378,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +42688,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11810,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +37303,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32342,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36086,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +13090,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +41394,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1595,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30663,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36141,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,1,1,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22469,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16841,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7149,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42240,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,0,0,0,0 +22816,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20175,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37868,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23525,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39699,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +15817,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +21612,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +41926,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42010,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12826,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20618,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +3594,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +23613,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15236,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34405,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34631,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7597,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29233,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38299,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12926,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +23949,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +18306,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19738,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18308,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +32504,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9241,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4306,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22997,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +29377,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23196,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +39109,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2793,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22525,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23264,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12268,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19234,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +1391,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +599,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7552,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33544,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +5695,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41384,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42567,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14323,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39620,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11847,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35495,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10984,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +20443,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7727,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +18258,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8174,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26971,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10139,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34860,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +11997,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32122,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +32529,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +3522,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20350,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16737,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +29818,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +9466,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34406,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +21102,0,0,0,0,1,1,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +38516,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30482,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24461,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5224,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9113,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17143,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10530,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +98,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +22761,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30173,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29877,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,0,0,0,0 +7175,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29282,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43321,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35702,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,1,1,0,0 +14235,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +39116,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +17260,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1988,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40566,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13530,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +6102,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +35091,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21869,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31845,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17010,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +2906,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39037,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29467,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27444,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9955,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +29300,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3344,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +27881,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11947,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17232,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +32690,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15098,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +41497,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26403,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +41244,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +2644,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16120,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +38805,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +4740,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2442,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7486,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19622,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10655,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1227,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2619,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +17661,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +36120,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28198,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24222,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20483,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20660,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +14329,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4635,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37588,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36951,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +19916,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40410,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,1,0 +20323,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9375,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +25298,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9361,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34136,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +10482,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7044,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14138,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19501,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25306,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +23951,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13563,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +35241,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33146,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21582,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37111,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +33237,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19766,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35488,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10669,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14737,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +28835,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17130,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35844,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8044,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24576,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12630,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22829,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +20771,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10720,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22872,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40247,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +3040,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32623,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42097,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +843,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10709,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20848,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26245,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37754,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27161,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +20680,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35189,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23835,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25414,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39688,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10536,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +37876,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +29931,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27126,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38821,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34264,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +17683,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +37507,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20851,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +856,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37311,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32717,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12327,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +26769,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +18255,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37132,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29479,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,1,0,0,1,0,0 +37653,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18336,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30210,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19359,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +34028,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7238,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6828,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31024,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15705,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13554,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14603,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19020,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8535,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +3111,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36785,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +33911,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16933,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +39831,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11609,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42740,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14229,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14623,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10637,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29907,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28417,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +13124,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30845,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16599,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +35519,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +35790,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33859,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +11786,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27831,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +41473,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24588,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19426,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31165,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39040,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +873,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29113,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8202,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8163,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10289,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23152,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19650,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21646,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16205,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +8428,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4938,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,1,0 +20215,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23564,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37734,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40336,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +27184,1,0,1,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +17173,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +30135,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +4568,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4922,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +41754,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29397,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7074,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11805,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +10273,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +14730,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6293,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17065,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +19889,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +13633,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16282,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +32855,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20050,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7234,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1511,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12556,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30305,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36366,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +33413,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39766,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7228,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +34081,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29780,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +9057,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11437,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37126,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +3365,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28078,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40960,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +519,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +392,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22573,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37224,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29171,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6749,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40861,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16289,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9337,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +32112,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,1,0,0,1,0,0 +20736,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +17627,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18237,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +32594,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34707,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,1,1.0,1,1,1,1,0,1,1,0,0,0 +25333,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37911,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14036,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +24394,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32034,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1.0,0,0,0,1,1,0,0,0,0,0 +3824,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +17426,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16800,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +12336,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19575,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +17637,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26718,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13404,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +715,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,1,0,0 +16054,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34708,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +24444,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42579,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38545,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +30715,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11680,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,1 +16674,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +21462,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24233,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +36335,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3429,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31666,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +14678,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42291,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27185,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +12444,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31708,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38143,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +18618,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25956,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +12674,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20865,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12754,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +38178,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12002,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20984,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +32858,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +2313,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4818,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25460,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33680,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +22441,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +32836,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +13314,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +16653,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38086,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23871,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23619,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9287,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29821,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +42556,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13630,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,1,0,0,0,1,0,0 +21516,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22588,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11900,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10332,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5554,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26566,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36405,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14735,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +5625,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +12257,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +31125,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +43192,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39727,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24511,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12739,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28222,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35354,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +6113,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4652,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12370,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38576,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +5889,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17902,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +33265,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38675,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39207,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37603,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8976,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1.0,1,1,1,0,0,0,0,0,0,0 +41261,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20763,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40384,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +34286,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19534,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24680,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39473,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43039,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42879,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +21966,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28347,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10987,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41002,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3087,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +11413,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +4547,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15537,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +22568,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28466,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1432,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13222,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22408,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6078,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40399,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25753,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17372,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +3592,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11009,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20332,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +424,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16960,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22371,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31944,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26984,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27648,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5117,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,1,0,0 +25732,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13405,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +6926,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31041,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +37467,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20772,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +638,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1170,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +7646,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39955,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +32848,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +556,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5560,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8898,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18456,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +37625,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28257,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +24271,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25569,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34523,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +710,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +33077,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14593,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,1 +39025,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30795,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27021,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29990,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19294,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37739,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25022,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40782,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +24467,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7463,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +42687,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3137,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17961,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14545,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +7246,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8634,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +19967,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34265,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8591,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30627,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17408,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21372,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28752,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43224,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +18741,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16082,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16619,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38169,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4270,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35252,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14695,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17924,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21096,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6739,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7657,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5345,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23375,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29076,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16663,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +24626,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35965,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27011,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +17343,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27899,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10660,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27581,0,0,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0.0,1,0,1,0,0,1,1,1,0,0 +32516,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20891,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11384,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27387,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23646,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8316,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31488,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5718,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27426,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +11520,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3463,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19172,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16250,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3578,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36982,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18334,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +2393,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +19820,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15259,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39780,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34848,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +32312,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,1,1,0,0 +26495,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10402,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17621,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28921,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +38701,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40348,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +12052,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20347,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18241,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31153,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29313,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10527,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11244,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34450,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36887,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13999,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2886,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13967,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +22458,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +4597,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30356,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,0,0,0,0 +20898,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7017,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11013,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21968,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29476,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +18044,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +22151,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18200,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +8938,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +6121,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28044,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1826,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19663,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20674,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +36927,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +37639,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40816,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42193,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,1,0,0,1,0,0 +1135,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25083,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +25835,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +11910,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11572,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16923,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24645,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29757,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6831,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +20548,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +949,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11077,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +5441,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +29220,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10409,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12761,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15330,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27124,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2012,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16587,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8830,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41561,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4360,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,0,1,0,0 +2885,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1.0,0,0,1,0,0,1,0,0,1,0 +2986,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +27555,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7626,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36555,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +142,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35217,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +10268,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35017,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +24216,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31213,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,1,1,0,1 +32538,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40302,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21822,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8650,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39947,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21752,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42934,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26178,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17547,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +18343,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9078,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29275,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +21540,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10730,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23866,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +22165,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +20910,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21029,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +40864,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4977,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38040,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +39412,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +8529,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +12451,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19871,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16797,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +21062,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26198,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22557,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +25259,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5792,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43268,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25286,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +7280,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23114,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29421,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41577,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19831,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,1,1,0,0 +18452,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43306,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41067,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9284,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3359,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +27129,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3843,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +21606,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3546,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +35308,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +22012,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38475,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1865,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40296,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37356,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36504,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +40417,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16518,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +30111,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,0,0,0,0 +8352,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +30207,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14111,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19142,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +15538,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +12209,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18972,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +18103,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +21525,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28016,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30567,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9316,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27112,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +6646,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +6633,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9020,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16545,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,1.0,0,0,1,0,0,0,0,1,1,0 +31705,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +13381,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41195,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +26024,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +21881,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,1,1,1,0,0,0 +39615,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +4921,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22708,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33120,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9072,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14080,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34803,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +22807,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +3834,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +27785,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16700,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34383,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35839,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5848,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38760,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20370,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35424,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16107,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +24186,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18186,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40547,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28316,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35799,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4493,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1557,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14097,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36700,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +26906,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8903,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +390,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41562,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32756,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13876,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,1,1,1,0,0,0 +10027,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17380,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +32046,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12043,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21750,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11655,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +22918,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19127,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1.0,0,1,1,0,0,0,0,0,0,0 +35029,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43226,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +11295,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +11607,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +3401,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19338,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33232,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +7660,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30093,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1933,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1318,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38259,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27158,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4913,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30515,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9507,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +40446,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34567,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41651,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +7918,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19187,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +15620,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36701,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1878,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +25500,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34119,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +15972,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +11780,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13833,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40710,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1925,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +32743,0,0,0,0,1,0,0,0,0,1,1,1,1,0,0,0,1,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24305,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +24053,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21065,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41468,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +22842,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,1,0,0 +30924,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15627,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17037,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36373,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13202,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +17561,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +788,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17548,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,1,0,0 +3465,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35000,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +37244,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +24580,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +4051,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +30044,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +31082,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +14573,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39670,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23543,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12989,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +1754,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +34827,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25016,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21969,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1289,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +22788,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16806,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16661,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +15013,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35438,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43312,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42778,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10045,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2543,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28905,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34018,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +891,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9578,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9986,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42213,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13271,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13928,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31149,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +24210,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +5924,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12602,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +4833,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15949,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10877,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10227,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2656,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33725,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42039,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20566,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31049,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27308,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5052,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32503,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20668,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32784,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4622,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35642,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15265,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +8075,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19602,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +34201,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +43204,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21327,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41241,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11224,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +28209,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +39332,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8070,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7239,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11225,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1469,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40804,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +22519,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +594,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19765,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17651,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3457,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +10492,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9687,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +8294,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,0,1,0,0 +1392,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +27927,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +21490,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11741,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +29447,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15552,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33868,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +27180,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38992,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19710,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19289,0,0,0,0,0,0,0,1,0,1,1,1,1,0,0,1,0,1,0,0,1.0,1,1,0,1,0,0,0,0,0,0 +3128,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26356,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18817,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +43387,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30913,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +2912,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +1630,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +35941,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +42918,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22174,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8913,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24796,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30963,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13115,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23151,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41290,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,0,1,1,1,0,0 +28029,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +36637,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37663,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3975,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18489,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4912,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12098,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34475,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41433,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34354,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +311,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,0,1,0,0,0,1 +29009,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +13423,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +21068,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +9614,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +1837,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21512,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35196,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +16234,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12160,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,1,1,0,0 +10173,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42817,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8790,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +36850,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10271,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +22518,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +36966,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34659,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30675,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30554,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3615,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +40674,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19054,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +18305,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37551,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +29722,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +42873,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13635,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +41623,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37827,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17059,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +29662,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +32527,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6333,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9627,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21965,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +24022,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27842,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29202,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41340,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12828,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15687,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14112,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +3697,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +40490,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32725,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36947,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25191,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25430,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24635,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3986,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32976,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9860,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16266,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11314,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29080,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +28324,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35886,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +5136,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25454,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14051,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13117,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6433,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28041,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13282,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5200,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,0,1,0,0 +4781,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +43008,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34218,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4275,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39934,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41053,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +10566,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24837,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12649,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29971,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3001,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30820,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38893,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10840,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25630,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37608,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13628,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20962,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +26398,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25090,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +5833,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +916,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37935,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +6310,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21991,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43059,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +636,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +42635,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9300,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +25522,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30610,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10301,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +15177,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10745,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2056,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9641,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5968,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16751,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,1,0,0,1,0,0 +8359,0,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,1,0 +15629,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +8273,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2646,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7957,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +8307,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +4964,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34549,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29143,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +26349,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25684,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18559,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +26384,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31437,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33269,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12622,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +23278,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9737,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1.0,0,0,0,0,1,0,0,1,0,0 +29410,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26485,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21694,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30812,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +14894,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21784,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5733,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14035,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25153,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +30444,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16453,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30249,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9504,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18381,0,0,0,1,0,0,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +24821,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +15692,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +11559,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +24274,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22556,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +777,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +33494,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15430,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +23340,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8635,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +24530,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +350,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +224,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3728,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30340,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11319,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +20345,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +17178,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14005,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5063,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39112,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +2126,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32713,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42462,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,1,1,0,0 +36218,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35568,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,1,0,0 +25447,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +12881,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33408,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17327,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5140,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35464,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11611,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40166,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10456,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +482,0,0,1,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +9764,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +3639,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40654,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41526,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18017,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25128,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +31372,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +34960,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +35588,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27419,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35518,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2937,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31490,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25410,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8694,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +8585,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6126,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +9367,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,1,0 +31336,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5477,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38090,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18488,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20726,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +20246,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37233,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5340,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23456,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21872,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38399,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +13951,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1880,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +43304,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2828,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1108,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26303,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17907,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3236,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +22031,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +38998,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38570,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +31513,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +8204,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30149,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +41194,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +16576,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +16557,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15993,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12729,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +37952,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +8415,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2009,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31148,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26746,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36326,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10888,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14290,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2133,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,1,0,1,0,0,0 +18385,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +30,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10270,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +38733,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34976,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3339,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1.0,0,1,1,0,1,1,0,0,0,0 +33439,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38257,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +12230,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +19508,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3871,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16332,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21765,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7129,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34724,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7178,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21769,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +347,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4975,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20780,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +2497,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16690,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28889,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39408,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,1 +11496,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +19615,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5172,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +1284,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14142,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +36917,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26882,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +82,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27556,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42120,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36457,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40431,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42436,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31463,0,0,1,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +41277,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6005,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10029,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +38222,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +39072,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21537,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16493,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15318,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6567,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20755,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +14045,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5858,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +22325,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41716,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +18035,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15211,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +28681,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7173,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36070,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27734,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21260,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43182,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +9496,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13131,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10532,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13028,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,1.0,1,1,1,0,0,0,1,1,0,0 +1871,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +23612,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +11541,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32721,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +30407,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +8303,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10674,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,1,0 +22786,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29734,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39127,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +9209,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +9043,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +13250,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25880,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +21809,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25591,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13184,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7210,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33614,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +23806,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +38122,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4668,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7247,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22445,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10026,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21925,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16526,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +42117,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +10383,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10012,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9224,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +17841,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21217,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2122,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +35596,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35253,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2263,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38067,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +10250,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7226,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +28285,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18173,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +6627,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2185,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +35533,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19200,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11989,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +15462,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +16208,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4104,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +820,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19050,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +8468,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30403,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30317,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17293,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +38039,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +26109,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +863,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25651,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1555,0,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,0,1,0,0 +32035,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11153,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5728,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +40860,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +18547,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,1,0 +36246,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22244,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13414,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6385,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12760,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42978,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +41850,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +33123,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27046,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,1 +19691,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22243,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25163,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9770,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26913,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16631,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10693,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24031,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +7680,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31126,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12409,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15900,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24827,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29123,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +24379,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +32706,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33450,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14839,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,1,0,0 +40987,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27459,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +21696,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33103,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +27956,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +78,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +767,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25042,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4144,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15515,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37974,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41354,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2642,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36885,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34124,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32446,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4288,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +21242,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13864,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32253,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29347,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3312,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18510,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9187,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +37165,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +32272,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25653,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26214,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21777,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25546,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18115,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1626,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39768,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40553,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6420,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37650,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +21558,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,0,0,0,0 +22813,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +24921,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +33403,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34852,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +21816,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23497,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6441,0,0,0,0,1,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +31552,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1713,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9289,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22496,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +1386,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15200,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1673,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41669,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1112,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +8065,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +11562,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28161,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +32815,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39746,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21323,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +36931,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1692,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39475,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1952,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +1852,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +19516,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35180,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39949,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +5434,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26647,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +11350,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19072,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +12902,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +11306,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +23643,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39004,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34142,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +17494,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +23616,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12488,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1.0,0,0,1,1,1,0,1,0,0,0 +21311,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30541,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +15493,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16460,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +9842,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41814,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +19891,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40355,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18713,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25745,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28832,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15956,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1371,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +31233,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,1,0,1,0,0,0,0 +32694,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30240,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36189,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +21135,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5892,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5926,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5361,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +5638,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10086,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24644,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4367,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1.0,1,0,0,0,1,0,1,1,0,0 +8388,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38655,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42104,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13797,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +38964,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32560,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12940,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24386,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +10125,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +22199,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33634,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28511,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42202,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +2371,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27017,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3866,0,0,0,0,0,0,0,1,0,1,0,1,1,0,0,0,1,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +37271,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26804,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +36552,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26602,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32442,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37679,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +14220,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18314,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +12371,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +24663,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36780,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +15014,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33603,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39043,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21414,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42996,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13719,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7075,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27245,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40402,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +29403,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24817,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +18968,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41911,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11366,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3494,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22787,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11060,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32452,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +13175,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5043,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33624,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +36893,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25243,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +39639,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +25479,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22164,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32200,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27424,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,1,0,0 +14349,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2435,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30528,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24675,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31341,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13398,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8869,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,1 +16033,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13670,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2974,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4801,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12101,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0.0,1,0,1,0,0,1,1,1,0,0 +22006,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40877,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30053,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12011,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3949,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17782,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17466,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28877,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8877,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +9594,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +561,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32485,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26935,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +3926,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +10004,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24466,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34726,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21913,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32167,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +16509,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1.0,0,0,0,0,0,0,1,1,0,0 +2404,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +2426,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25102,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3216,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15116,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6150,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +29583,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36511,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +16040,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21080,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +50,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28178,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17852,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33606,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15170,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +242,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1286,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +9266,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35618,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30787,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21851,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42923,0,0,0,0,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +18451,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11574,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2092,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40560,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +38462,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26400,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14822,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28217,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38155,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3284,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18505,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11883,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14548,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +38085,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +6596,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +13040,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6561,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14077,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7579,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +31084,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +24898,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37857,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35669,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30458,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25463,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19350,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +372,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34838,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26977,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +38343,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +42365,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39381,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35199,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +10957,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35570,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3561,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32263,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33724,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +8413,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20173,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15352,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +43044,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43120,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +23583,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32231,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28808,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19354,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +28452,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29878,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +8217,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34771,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +18184,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28105,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26021,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16911,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31978,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11517,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30773,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +8078,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14926,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +10131,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39454,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2984,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +28227,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +25111,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38167,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25982,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +29887,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +36725,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38599,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10544,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41994,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19292,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15387,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20154,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4208,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15648,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38935,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2936,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4089,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35749,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39460,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12671,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +8183,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +27965,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10683,0,0,0,1,1,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +26474,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5987,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +34781,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +35279,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +3586,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24153,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5348,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1637,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7860,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10590,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +35691,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12502,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15249,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +19893,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30732,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37858,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +8897,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10124,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +39208,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30259,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +13188,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +13871,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13199,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34140,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +39706,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34975,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38213,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35825,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +903,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26791,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3571,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +12229,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24430,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3294,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +16004,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +38879,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42676,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1017,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17469,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +3775,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3743,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42665,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30560,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42318,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28031,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7123,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11919,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +30058,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41398,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10019,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17859,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14691,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +38735,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25752,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +19701,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24320,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41101,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8643,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +12293,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +8304,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21971,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18478,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9094,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +8519,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13338,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +30315,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35351,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34722,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4851,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2153,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +6480,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33296,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34935,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +11170,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2176,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15288,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14201,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +31316,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24265,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32914,0,0,0,1,1,0,0,0,1,0,1,1,1,1,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,1,0,0 +22585,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +6895,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27386,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28942,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15807,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32584,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5781,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23437,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +15161,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +32667,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25344,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +28805,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13945,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35028,0,0,0,1,0,0,0,1,0,0,0,1,1,0,1,1,0,0,1,0,0.0,1,0,0,1,0,1,0,1,0,0 +29464,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12082,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39770,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6745,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19680,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20992,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15591,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38584,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6674,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9741,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +42305,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,1,1,0,1,0,1,0,0,0 +37221,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,1,0,0,0 +32964,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15089,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +16772,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22611,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +43264,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +22882,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +1591,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28954,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27624,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +31440,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +41803,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +32354,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +724,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +17309,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6182,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +7605,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17229,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31510,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3093,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +36557,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24180,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1138,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18949,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7167,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +15274,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11283,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20245,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29450,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20913,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22307,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,0,0,0 +23006,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +29815,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +29930,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9210,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18081,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +22771,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20248,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37987,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13457,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25435,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5991,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25868,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +9456,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23105,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42607,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +33325,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27564,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40034,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35210,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +26202,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,1,1,0,1 +11831,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +27034,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +15985,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17644,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,1,0,0,0 +32480,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29290,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42310,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9185,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24005,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +11113,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,0,1,1,1,0,1 +11363,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18212,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16873,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33469,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23735,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +37867,0,0,0,0,0,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +25852,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +30095,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32551,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28811,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,1,0,0,0,0,0 +23168,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +15218,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35647,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,1 +13680,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27175,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31056,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21921,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21009,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18805,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +8488,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1491,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +30286,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +41591,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,1 +14827,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15076,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19224,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +33111,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35335,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +11338,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22593,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3624,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9695,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +40450,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +4401,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14645,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39928,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14162,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +27880,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +17589,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12199,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16895,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +21548,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3818,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +14972,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +10979,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31960,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40365,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20869,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3700,0,0,0,1,0,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,0,1,0,0 +15889,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1242,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21682,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26019,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +3316,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,1 +18246,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25284,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20205,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14223,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +36149,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8619,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40119,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +14633,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30509,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31668,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4363,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20526,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4376,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14823,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6944,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29979,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +16244,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25175,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42803,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16021,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14575,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +35515,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28527,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16660,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40121,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +426,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41860,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3221,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +41518,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +3491,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12824,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +24903,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12832,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19261,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +42856,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +18726,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26550,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7391,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42536,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39365,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +752,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +3675,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16215,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +16725,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25426,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7452,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5895,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33179,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32841,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42705,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12687,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +34161,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +27068,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2747,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +2559,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4021,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41068,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19702,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +892,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +9110,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35835,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +26904,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24090,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +5880,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +22890,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +29897,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5229,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16064,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19862,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +43186,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25037,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +20266,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11987,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42834,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29192,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26385,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9470,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36709,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +8896,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12997,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32026,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29230,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +5945,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39420,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27450,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3879,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +20505,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31118,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4201,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16068,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38296,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +38941,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21951,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +3861,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8891,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,1,0,0,0,0,1.0,1,0,0,0,1,1,0,0,0,0 +19896,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,1,0,0,1,0,0,0,0,0 +24489,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35294,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24105,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +26744,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20666,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +12519,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30343,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17895,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35867,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7655,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2779,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41479,0,0,1,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +20129,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37779,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19285,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +936,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28599,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43141,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +29499,0,0,0,1,0,1,0,0,1,0,1,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,1,1,1,1,0,0 +4620,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12653,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20278,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29087,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4117,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11380,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +27779,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41871,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26200,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22005,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31992,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15476,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33953,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13926,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33151,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6849,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4976,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +13208,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35639,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27995,0,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +21860,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18380,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24301,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23600,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37993,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +23790,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +31220,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +28700,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22860,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +8925,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +41381,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30705,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +1899,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18120,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +696,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38945,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +6142,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22889,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3043,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41970,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5952,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10155,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3208,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +26276,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +22909,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6509,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14303,1,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +6365,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40813,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14359,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +11861,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +11871,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +11452,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24403,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +5032,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +29108,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +3854,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3500,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9996,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2805,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27367,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40020,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29359,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23146,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12354,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32554,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40146,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37982,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +36638,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +38742,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +35179,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43320,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3031,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23460,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +9666,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +33816,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22537,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +31052,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11802,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29207,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +17120,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35590,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20732,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41521,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26290,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33399,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +17638,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34239,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7107,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42899,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31200,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22092,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25098,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24756,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33168,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13562,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40360,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30572,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38098,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42161,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2764,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +23544,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30771,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35379,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20315,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25957,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15071,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +37884,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +807,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22499,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2930,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25853,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +40474,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31757,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21453,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17385,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,1 +22972,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8542,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15904,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42508,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43359,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,1,0,0,0,0,0 +19085,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +16632,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20062,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13100,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31940,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8315,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1345,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +23023,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39118,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33398,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30409,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7392,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32666,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +11936,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +28806,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9157,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10061,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19724,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,1,0,0,1 +21254,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9556,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24809,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40342,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,0,0,1,0,0,0 +43088,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +24281,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24625,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5412,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +9851,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30763,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1634,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +790,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11501,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1771,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17041,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +2702,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +31353,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39301,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5000,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39101,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35418,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9004,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22795,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +41303,0,0,0,0,1,0,1,0,0,1,0,1,1,1,0,1,1,0,0,0,1.0,1,0,0,1,0,0,1,0,1,1 +34617,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +2364,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3372,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30491,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +5495,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32548,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21366,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40199,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12696,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +41069,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,0,0,0,0 +2040,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7041,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3410,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +10947,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +385,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21245,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37826,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25387,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +9229,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +20421,0,0,0,1,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,0.0,1,0,0,0,0,1,1,1,0,0 +36337,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22078,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29452,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1246,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23717,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +41900,0,0,0,0,1,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +572,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13406,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36088,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +13212,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,1,1,0,0 +18178,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24157,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,1,0,0,0 +25024,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36849,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +36499,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4827,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5479,0,0,0,0,1,0,0,0,0,0,1,1,1,0,1,1,0,0,0,1,0.0,1,0,1,1,0,1,1,0,0,0 +20614,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16630,1,0,1,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,0,1,0,0 +32134,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,1 +21820,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35155,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3254,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2103,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22849,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26180,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12507,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2982,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8744,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +34163,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27547,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7917,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16516,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +31547,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39215,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1377,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33072,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5813,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6817,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16501,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41100,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18878,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28876,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19005,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34379,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7465,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28381,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,1.0,0,0,1,0,0,0,0,1,0,0 +27775,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21179,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15977,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +40411,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22400,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27162,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +6003,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,1,1,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +12219,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36221,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38009,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1.0,0,1,0,0,0,0,0,1,0,0 +70,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5870,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3173,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18082,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42296,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +29238,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14440,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12057,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +13912,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4834,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3397,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +7789,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11293,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +154,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19965,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31477,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25139,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42079,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9868,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,0,0,0,0,0,1 +14955,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35877,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,1,1,0,0,0,0 +30697,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19794,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9784,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21222,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23038,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21307,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40117,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +26637,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30866,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,1,1,0,0,0,1,1,0,0 +24908,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +28963,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32414,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42044,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +841,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +11693,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +19122,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +16691,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13106,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +8300,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +164,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13775,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15723,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15081,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28345,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18367,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34762,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12133,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +34171,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23896,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +4911,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8513,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25215,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32576,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9433,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +34764,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +1641,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +14175,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +35190,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2264,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +528,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +14666,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,1 +37049,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26548,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34759,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42726,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40194,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +39667,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1445,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +19144,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +20487,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27113,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24639,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31642,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1.0,0,0,1,0,0,0,0,0,0,0 +16593,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +20360,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3919,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10073,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28084,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +18254,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +20696,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5195,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5094,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33137,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16362,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33969,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17677,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4362,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20683,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22084,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,0,0,0,0 +28658,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2235,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7243,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1057,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17072,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7804,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42991,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16520,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28101,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7788,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41276,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22305,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22160,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3751,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6170,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17612,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +42615,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +13609,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23812,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20058,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +16993,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15094,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14942,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43062,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21614,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +10898,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37363,0,0,0,1,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,1,0,1,1,0,0 +25080,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41104,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32140,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4558,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3343,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +37307,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +18589,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +21161,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +27962,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3281,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28122,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41300,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24392,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37196,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3394,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21315,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9506,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15019,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40865,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26526,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39984,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +7325,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18443,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30678,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +5843,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5706,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12019,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15206,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +18267,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40641,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11353,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8797,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5567,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +36569,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11519,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43269,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26060,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34599,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +14102,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22928,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9718,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2271,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20905,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +4230,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42249,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35167,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12658,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +33814,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32616,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13079,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +16199,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39827,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +24344,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9792,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42114,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34460,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9172,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +17498,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6834,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27992,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31134,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19336,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,1,0,0,0 +29286,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42109,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27514,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15756,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42871,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +36621,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16840,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0.0,0,0,0,0,0,1,0,1,0,0 +30202,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1379,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +25321,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +18514,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1305,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +28587,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +35992,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4608,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28509,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37759,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14655,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6427,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38106,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37346,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +6941,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29607,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19610,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,0,0,0,0 +13489,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +21121,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14046,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +24082,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30873,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26573,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8451,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +34396,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +26017,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10141,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4887,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +254,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16306,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31154,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12908,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28652,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38892,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +28818,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34254,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7892,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36576,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +37260,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1922,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2540,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,0,0,0,0 +38490,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8716,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30038,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17514,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +31667,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25669,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +14731,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41374,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6758,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36835,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2960,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35128,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12109,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35566,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42299,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +39389,0,0,0,1,1,0,0,0,1,0,0,1,1,0,1,1,0,0,0,1,1.0,1,0,1,1,0,1,1,1,0,0 +26108,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +241,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42681,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14104,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +12385,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +9794,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40377,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6341,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +5171,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5898,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +29784,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30505,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +21024,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35788,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +38882,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10993,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36253,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36402,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +25156,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3321,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10954,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12193,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +228,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24789,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28428,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10382,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10183,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +37469,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25617,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +43368,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +37407,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +25773,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1536,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27760,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14596,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +29341,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39417,0,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,0,1,1,1,0,0 +29868,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39544,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +40303,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31325,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11456,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36187,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +6400,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +33663,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25146,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42113,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42821,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6819,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8404,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29680,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15467,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16705,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12016,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38162,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14461,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +32847,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15487,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19492,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22213,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28895,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +3979,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17305,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +5911,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,1,0,0,0 +36702,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28621,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24966,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +38623,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40531,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24601,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31065,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +2010,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +16467,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27280,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +10722,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42285,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41057,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +35633,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +43021,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +22370,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25670,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16267,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27622,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +38565,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9788,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32187,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30704,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42828,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36069,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35073,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38419,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9298,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +34993,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15397,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +18807,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,1 +41364,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29956,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40244,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23754,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36932,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5918,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +9384,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23632,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,1,0,0,0 +5215,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21141,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +3326,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21812,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +9679,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33769,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +493,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +656,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6747,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +21355,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,1,0 +8648,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18727,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +17512,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +2860,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +27665,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +16112,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31699,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5467,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42884,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23971,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +38395,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27206,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22230,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24774,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6575,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14168,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29677,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +7435,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16356,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,1,1,0,0 +11174,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +16395,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37719,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39552,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6725,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +40311,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +7068,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11404,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +16788,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +33687,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35685,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +29918,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1668,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +24404,0,0,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,1,0,0,0 +16764,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +34143,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10509,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21173,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21873,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22703,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18550,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +34557,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40797,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41102,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +5901,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15445,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33446,0,0,0,0,1,0,0,0,0,0,1,1,1,0,1,0,0,0,1,1,0.0,1,0,1,0,0,1,0,1,0,1 +1604,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +37104,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +3612,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22036,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4472,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20896,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36068,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +953,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27882,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5358,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26271,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27214,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16057,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3086,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34138,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +30895,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +12666,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42522,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29568,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1200,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +782,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11756,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,1,0,0,0 +32027,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3249,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +7714,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +33718,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2946,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26764,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8033,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +853,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23877,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +18094,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37893,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +190,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +18557,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,1,0,0,1,0,0 +14595,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +18151,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34389,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +29303,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +34811,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +26007,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31431,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +17899,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +13694,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +25173,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12458,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +4869,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15963,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7964,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +69,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42748,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22809,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16586,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,1,0,0,0 +41095,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5316,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37314,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21367,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17980,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10432,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +842,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3506,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32698,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +43019,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6349,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +25501,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8811,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +42189,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6660,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +34070,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1265,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +550,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32453,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31701,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28724,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22636,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +24573,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +1066,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,1,0,0,0 +15463,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20056,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +18914,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6545,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14992,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6080,0,0,0,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,1,0 +36781,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17179,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +26292,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16815,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1549,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25640,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19288,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28973,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39260,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7768,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5089,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +233,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27786,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38507,0,0,0,1,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +13372,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21067,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29298,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4856,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23749,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7434,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5969,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +29874,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18636,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40002,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +42521,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31532,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3032,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,0,0,0,0 +19082,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23692,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +963,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20055,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36900,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +8970,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31919,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24764,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +8691,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1720,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +7155,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12719,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15523,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12104,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38844,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40977,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30580,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2717,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42897,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +36875,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4577,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39989,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37441,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19834,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +1141,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +22850,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18039,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,1,0,1,0,0,0,0 +30984,0,0,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +34452,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3327,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37745,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22487,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36592,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22596,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +33091,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +19363,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20796,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6312,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3928,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +523,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23328,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35843,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1456,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33434,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17984,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5027,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +32039,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10889,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6384,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +30358,0,0,0,0,1,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +2992,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3038,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9379,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +22103,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24346,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15854,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24108,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +18760,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41029,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20102,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18577,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5917,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +34730,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14723,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +6054,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +15592,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +5595,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14652,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39443,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +18703,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26670,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29948,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22098,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7254,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +22227,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +10505,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10192,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +15744,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +31366,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9712,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41659,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22864,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3990,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36484,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1.0,0,0,1,1,1,0,0,0,1,0 +31473,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4944,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +4505,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33912,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36751,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +21575,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20375,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +41954,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +38984,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3515,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,1,1,0,0,0,1.0,1,1,0,0,0,0,1,0,0,0 +38065,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,1.0,1,0,0,0,0,0,1,1,0,0 +20117,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34036,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +15111,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2141,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22680,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,1,1,0,0,0,1,1,0,0 +18176,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7648,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13499,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16203,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32683,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21746,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31519,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1147,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +19665,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29638,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28785,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29189,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27457,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15143,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30408,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15340,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +3089,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,1,0 +4128,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31743,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +36385,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27747,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29660,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39510,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34923,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +10396,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10257,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +37041,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32436,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27458,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15132,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +36515,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21008,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2174,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +6840,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18388,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6847,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11932,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +31498,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +17908,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30744,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43271,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9015,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21622,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24325,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9613,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20630,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +38708,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33891,0,0,0,0,0,1,0,0,0,0,1,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,1,1,0,0,0,0 +17943,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +5829,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +12467,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8698,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16185,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25961,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +37128,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5820,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27936,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +987,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12769,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12388,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37888,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23292,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,1 +32645,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20247,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +6931,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13461,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40486,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +10172,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6128,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30144,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23610,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +10337,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +29363,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27456,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19618,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +20741,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +18871,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +31457,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29374,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +13767,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38318,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38107,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +32839,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16882,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +40532,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27208,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35047,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27796,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19748,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +26219,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17490,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +4170,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5921,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42583,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +26215,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36423,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1258,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +27576,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38258,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35552,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,1 +21006,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8823,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8239,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +41884,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6437,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2193,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +8383,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11470,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +12887,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9840,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25951,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12623,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10489,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7624,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +22246,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6905,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5500,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37393,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10644,0,0,0,1,0,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,1.0,1,0,0,0,1,0,1,1,0,0 +8927,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36160,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30536,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,1,0,1,1,0,0 +738,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31912,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39979,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40706,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7792,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +35974,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8283,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +40256,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +25845,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +30226,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5320,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14640,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22077,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32711,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,1,1,0,0,0,0,1,0,0 +7775,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +17042,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9242,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38420,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28648,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +1523,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +542,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6265,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9454,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12958,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18286,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29983,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34069,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4628,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39013,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10895,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9426,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9183,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18001,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26898,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1628,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9642,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35876,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16156,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6198,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37302,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23739,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13789,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12239,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +23232,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +414,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18860,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30614,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18578,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33512,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40466,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +33819,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +12008,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +26463,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +7099,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16424,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40888,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28742,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15539,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1009,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15152,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15243,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38415,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37932,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37287,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33959,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19183,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13765,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +34888,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +21995,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26774,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28914,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7405,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41940,0,0,0,1,1,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,1,1,0,0 +18287,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4890,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32827,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,1 +18106,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21083,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28537,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +31817,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +11379,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14750,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26313,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15167,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9813,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +30542,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16906,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34525,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +21754,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43360,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27294,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22389,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35236,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23153,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +36348,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40282,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33132,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +40741,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1996,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8276,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34477,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24159,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21909,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +34878,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +397,0,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,1,0,0 +19389,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32490,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1553,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13353,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14331,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6020,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18631,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41406,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +5108,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39595,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +35589,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +30716,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20121,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16789,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +11534,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30213,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +42087,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5148,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20272,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +21852,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14106,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40663,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +34916,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27043,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +24437,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +18221,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2145,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21573,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +11046,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19595,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18898,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +7213,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7534,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21621,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17569,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14795,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +37909,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19049,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7793,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +5909,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28836,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40394,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +39472,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36789,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4327,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7921,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39914,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31013,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26064,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16352,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25318,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28149,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21497,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39581,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43189,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +42489,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2711,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32130,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15217,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4262,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13600,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4300,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8191,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34282,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +26608,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32513,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16876,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20251,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22512,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15074,0,0,0,1,0,1,0,0,0,0,1,1,1,0,1,0,0,0,1,1,1.0,1,0,1,0,1,1,1,1,0,0 +36697,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21389,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,0,1,1,0,0,0 +10279,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17657,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +24047,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,1,0,0,0 +998,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4274,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41657,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22137,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14459,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +35939,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +922,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2373,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,1 +23638,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24677,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +17709,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +35246,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41540,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +31681,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26652,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16793,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +21146,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14828,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19810,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7554,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13754,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +21313,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40120,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5896,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +11529,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +5343,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +10158,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8501,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,1 +18020,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +8864,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15470,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,1,0,0,0 +39372,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30439,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +29077,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +2924,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39318,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43352,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +7600,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +14525,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +5888,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6485,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +31514,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +21977,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11156,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5543,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22341,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4197,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25548,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +32274,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11730,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +20133,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29052,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17607,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2289,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33882,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +33688,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39794,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41853,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +7878,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +5487,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +27717,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +18804,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13976,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16912,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30605,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22242,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7619,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0.0,0,0,0,0,0,1,0,1,0,0 +22462,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23428,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4015,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +26479,0,0,0,1,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,1,0,0 +22252,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5857,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30622,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41767,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +31652,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22129,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38600,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34278,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +18657,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1.0,0,0,0,0,1,0,0,0,0,0 +30710,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +36062,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38552,0,0,0,0,0,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +34915,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9121,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,1,0,0,0 +5145,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14708,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +2189,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15886,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15027,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30957,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25714,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3172,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19668,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16088,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +20319,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2670,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17326,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7926,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21576,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11388,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34353,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +32009,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23118,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1.0,0,1,0,0,0,1,0,0,0,0 +24523,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22902,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30228,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +339,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7541,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18765,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43249,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12680,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37402,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26252,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28092,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35534,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39783,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33619,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3347,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +258,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15605,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25177,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17461,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34346,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25885,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37096,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1233,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +43194,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23580,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +303,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27649,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37198,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10639,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11291,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13179,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1244,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +4936,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10965,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33065,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +32205,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28014,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34893,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +39099,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24448,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26901,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +29712,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39383,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +3288,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18702,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +38191,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +24034,0,0,0,1,0,0,0,1,0,0,0,1,1,1,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +33055,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14662,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +40924,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33514,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +994,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +31742,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +737,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37324,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6731,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19328,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22132,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42805,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17360,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +21468,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4556,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +37721,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4184,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27186,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5202,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5209,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +15456,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14776,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41845,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25187,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23957,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3257,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22284,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13491,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25681,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38389,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16689,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4198,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +21836,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24618,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36082,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1162,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +24201,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29872,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +16888,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30348,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +33709,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27918,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41293,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2994,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26477,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19240,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +22028,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +38951,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29752,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17458,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19490,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24829,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,0,0,0,0 +22239,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12917,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33185,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33803,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15235,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34596,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4947,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5198,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6209,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +32309,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +34258,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17391,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37077,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +24102,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26381,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4838,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14468,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38842,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8856,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26183,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26760,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26967,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6019,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +3095,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39160,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32973,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39113,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22352,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41159,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10926,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28139,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +8783,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12291,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27362,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35703,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +39752,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +7165,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +39242,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41190,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41309,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21075,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39219,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1701,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20586,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30790,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +37148,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25121,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +33776,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36729,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37727,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13041,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37685,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41505,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20744,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17442,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13759,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1915,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26819,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33772,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15425,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26561,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2237,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14497,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33505,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40902,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +43061,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15008,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +19634,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21586,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18603,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +29477,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34053,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35454,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22640,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +38506,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +31776,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +5180,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +3921,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13475,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +40737,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2813,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +9947,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,0,0,0 +4802,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +6350,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30002,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20712,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19483,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +29054,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3333,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34594,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1753,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42517,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20177,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +24381,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +17764,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28861,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +17170,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33374,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +29413,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +10223,0,0,0,1,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,1,0,0 +20322,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35652,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37151,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +38370,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +10327,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +3744,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38863,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4060,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5161,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +30410,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41507,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5615,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27310,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14492,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32321,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5098,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35453,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4116,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30757,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36667,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11246,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +9867,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37135,0,0,0,0,1,1,0,0,0,0,1,1,1,0,1,1,0,0,0,1,0.0,1,0,1,1,1,1,1,0,0,0 +24182,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19312,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10868,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +10449,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +40396,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19362,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27974,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41073,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +41361,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18375,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +15945,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +25374,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40144,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7998,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30855,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15566,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42570,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5675,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +10145,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23938,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31066,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31827,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +2759,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +4734,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12482,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18356,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +25712,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23805,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7806,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39626,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14039,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +30270,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +9798,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35666,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +9991,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2594,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10531,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6880,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42271,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +630,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +13901,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +9348,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +21282,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19453,0,0,0,0,1,1,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,1,0,0 +9954,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +5765,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39096,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36130,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7222,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31073,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21433,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19880,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40101,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42100,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22215,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1678,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39792,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19125,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23733,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +33180,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30907,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4175,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31824,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31285,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6425,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +32377,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +11590,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,1,0,0,0,0,0 +42313,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4225,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +19436,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6232,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3017,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14817,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40458,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31896,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31955,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +17937,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12124,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21461,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35931,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +22102,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34928,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36413,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36765,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21833,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4929,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +4533,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +3987,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35659,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +7766,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10968,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +10437,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,0,1,0,0 +2920,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +13786,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13703,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26487,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +2093,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +31192,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37420,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17187,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,1,1,0,0 +26870,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9696,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33276,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42860,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27328,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20403,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +263,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +29318,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29676,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36757,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6963,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14576,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12685,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +668,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +39252,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31167,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30423,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25256,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +40720,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5034,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +27618,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6882,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2349,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21722,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13156,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39902,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19845,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +34555,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6669,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14803,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +16534,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34106,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,1,0,0,0 +13119,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18571,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11315,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43112,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22916,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4481,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8458,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33748,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34532,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +10034,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11892,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33107,0,0,0,0,1,0,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +29055,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1349,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6022,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,1,0 +33289,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11625,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24276,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3534,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17505,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40469,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4819,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14025,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11472,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +34370,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40372,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2067,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5273,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5165,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15155,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32094,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25770,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27383,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32703,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42847,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6581,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +28827,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35919,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37945,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31302,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3535,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +324,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +31638,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,1 +41843,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34131,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +13317,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +42204,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10320,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1119,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,1.0,1,0,1,0,0,0,1,1,0,0 +15355,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12070,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9743,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +10817,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +36584,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +27082,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,1,0,0,0 +24984,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29324,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40558,0,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +40232,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14475,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +21868,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27257,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5192,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +26456,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +203,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +26449,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25834,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14001,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +10338,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29601,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4135,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,0,0,0,0 +10502,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24069,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30413,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +16979,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38082,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +32549,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27348,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +31637,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16435,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +19095,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29038,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14078,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39282,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20808,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,1,0,0,0 +18903,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +36508,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38679,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0.0,0,0,1,1,0,0,0,1,0,0 +27289,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3995,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42042,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37534,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9782,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39708,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +36414,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,0,0,0,0,0,0 +37444,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +32763,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1951,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13599,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +38223,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33715,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31567,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17460,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,1,0,0,0 +7154,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29072,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14679,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +32391,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42040,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40087,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35775,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32689,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,0,0,0,0 +36455,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,1,0 +30278,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +929,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +9623,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35363,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11635,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +29166,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18252,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19130,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5907,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,1 +27531,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25836,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11570,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39429,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +12421,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34932,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +27824,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42244,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12645,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +21744,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +6181,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +3296,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17206,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35558,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,1,0,0,0 +4183,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +40975,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +357,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28845,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20003,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8573,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34177,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3144,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11504,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16828,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12350,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22035,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21072,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +11639,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31078,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40162,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20923,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12803,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9528,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31541,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7656,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14886,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22040,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +42160,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +12566,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41744,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27230,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8738,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19736,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +7240,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9082,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +39924,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7287,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31604,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +25291,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10511,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17368,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1532,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39027,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15670,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1794,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18978,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23774,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +21954,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +1723,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34885,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1984,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +15359,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14701,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5823,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42660,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2142,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29010,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +36643,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37275,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34798,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +5873,0,0,0,1,0,1,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +11799,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24873,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1.0,0,1,1,0,1,0,0,0,0,0 +21681,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +40648,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,1,0,0,0,0,0 +42243,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6961,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +18621,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38727,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +473,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +15372,0,0,1,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +14837,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +29947,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +33140,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21672,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +37174,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37866,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22346,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10021,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23131,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41105,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29564,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35328,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5499,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39795,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10934,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31818,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +41956,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26980,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39785,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20628,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14953,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20678,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25232,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24033,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20694,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1534,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35961,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11304,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25061,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +10923,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +42924,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36723,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25253,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16732,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +16634,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12867,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +19296,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19878,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13183,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12007,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +4357,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17281,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18410,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16290,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +18007,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35509,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26888,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +26045,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36653,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +10880,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26546,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14929,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +41603,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38784,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40368,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +33422,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2922,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33900,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4371,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28375,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41840,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37144,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18471,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23697,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36231,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +23664,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39347,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43313,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7342,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,0,0,0,0 +37900,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14000,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6076,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +15562,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32826,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +4011,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9591,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +28731,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +39111,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16026,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17813,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,0,1,0,0 +30455,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31430,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +3501,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23875,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +1338,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26943,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +24904,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18345,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20022,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +23488,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13882,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26929,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43148,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22306,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34279,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5304,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +24814,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24862,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15852,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +12073,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +23685,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42406,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +39886,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +20262,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26932,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26782,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20506,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38929,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5504,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +3425,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2832,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4882,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40324,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35994,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40463,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7639,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9051,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12903,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +18516,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +4778,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22321,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24770,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +10503,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42811,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19083,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +7375,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40297,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10636,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +980,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +19959,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +31546,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14061,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20382,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +42812,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +610,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +38199,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38517,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26927,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +7429,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20722,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39722,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +30140,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14832,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27031,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15052,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25568,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +2336,0,0,0,1,1,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +5526,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32158,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +39589,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31946,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37575,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0.0,1,0,0,0,1,1,0,0,0,0 +23400,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +5277,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3434,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7223,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6066,1,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +35290,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +23669,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11740,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19698,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40777,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +38315,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11551,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +40416,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4727,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +5981,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10343,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34668,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11394,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +32582,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29297,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +34420,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22377,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25323,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18646,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38647,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32655,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18362,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,1 +35567,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,1,1,0,1,0,0,0,0,0 +34774,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39063,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7020,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30803,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +15159,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15106,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +26938,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +4847,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11310,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +37598,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +20305,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29863,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,1 +42648,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +28572,0,0,0,0,0,1,0,1,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +15760,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9830,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35605,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +10426,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29461,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +43111,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37483,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22569,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2506,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16512,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33798,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30508,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +38995,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +13118,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13485,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25825,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34325,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +17023,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +387,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2216,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21283,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +35331,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37962,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20352,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +6034,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16951,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +26570,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22061,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +16100,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1161,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43239,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26745,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30679,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16807,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17478,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +215,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +24140,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +21469,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +43256,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +10572,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25362,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35896,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +8410,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +29037,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42398,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39077,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,1 +23744,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,1,0,0 +33488,0,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +14224,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23845,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29405,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12942,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11357,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30025,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1.0,0,0,0,0,0,0,0,1,1,0 +17722,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33218,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7913,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +5160,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +35505,1,0,0,0,0,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +6911,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20017,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28716,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23067,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38057,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7244,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11608,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1722,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11232,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +35603,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +17972,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34654,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38310,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20369,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42541,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +23498,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +522,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16848,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +41226,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +18361,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +43041,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40831,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +12387,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,1,1,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +37728,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36636,0,0,0,0,1,0,0,1,0,0,1,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,1,0,0,0 +37697,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37931,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22247,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +37364,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21128,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25595,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,1,0,0,0,0,0 +21316,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12447,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12247,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37602,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +33975,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3620,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36603,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17577,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +22852,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43350,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13764,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18904,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0.0,1,0,1,1,0,0,1,1,0,0 +24993,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +716,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42787,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40519,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +35545,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +3479,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8482,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +29294,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3041,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +23631,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +25459,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40562,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28697,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15222,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23578,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8875,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +14977,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28424,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +27794,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35273,0,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +23711,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2510,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25920,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6846,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39000,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11966,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11708,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +32559,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26706,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11132,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28881,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2910,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +2718,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +41516,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12697,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +24468,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36819,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3966,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +4467,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +5275,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30718,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +4679,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +12357,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +765,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31565,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38624,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +7156,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +41648,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +11351,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28532,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +15516,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35134,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +38704,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +9883,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31755,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11266,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +32413,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38501,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33930,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13561,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38441,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +204,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26799,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35462,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +31685,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42568,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +16711,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6510,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +20152,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39221,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11813,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29504,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5203,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30525,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +5866,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11419,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40827,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +251,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +12919,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42614,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +39463,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39061,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5934,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +31727,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +26933,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40028,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9126,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15509,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +36962,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38346,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20491,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20862,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,1,0,0,0 +16418,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8805,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3635,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33658,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40213,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37018,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28303,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30977,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +26050,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,1 +39968,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22300,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24802,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +7481,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32878,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32686,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5001,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13806,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +42297,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14719,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15809,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22109,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +42414,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5834,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33914,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24482,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37448,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29803,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1799,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29422,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29029,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7360,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17251,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25877,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39941,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34688,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +28360,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28755,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42532,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41313,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20052,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18403,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +147,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1.0,0,0,0,0,0,0,0,0,0,0 +24704,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,1 +32539,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11732,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20331,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16618,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1275,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27583,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +40669,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,1,1,0,0 +32149,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6659,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4139,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +15214,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +27947,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34661,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +3796,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22417,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28412,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37059,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12390,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2304,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +34808,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13083,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18164,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16869,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37416,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41166,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +19499,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37509,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36745,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26910,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,1,0,0 +5387,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14445,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33566,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1732,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32154,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11822,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41810,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37836,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +26801,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7713,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3450,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +33486,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8459,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28181,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31136,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40233,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41022,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33751,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24591,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14304,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7772,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11368,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,1.0,1,1,1,0,1,1,1,0,0,0 +17378,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25764,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8132,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42649,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5989,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29831,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19470,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5608,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4705,0,0,1,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +21158,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41274,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +20757,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13602,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19290,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22316,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28671,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27741,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +20390,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21560,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,1 +17623,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8480,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +25509,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30677,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +42594,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24534,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17840,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26450,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35332,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32178,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +17959,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +10677,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1080,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41233,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +928,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +36705,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +11234,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15777,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8042,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +5581,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4611,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27585,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +1441,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +27695,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,1 +36325,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13364,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1640,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +21976,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43382,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29100,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8725,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11036,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40122,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5322,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42636,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23098,0,0,1,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +23770,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31815,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1205,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +26316,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1.0,1,1,1,0,0,0,1,1,0,0 +10863,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29891,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +11047,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +4236,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +11002,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27058,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37158,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4364,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +917,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31615,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +3118,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25822,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2556,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3873,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30945,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +30654,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +8109,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21002,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13733,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19537,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17707,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5583,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +8845,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32714,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25695,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13657,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +2206,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16482,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,1 +11992,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12364,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2024,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +86,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18179,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14093,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39228,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19914,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +29001,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +1914,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35942,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +3153,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16320,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15120,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2784,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9803,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30702,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19747,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39019,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +30859,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +13087,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4055,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43247,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +36441,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17119,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20326,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31789,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17118,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +28470,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38349,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30897,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2740,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +17276,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23799,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +32680,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1607,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30972,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +30496,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33985,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +39764,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4343,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23958,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11449,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6083,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +14924,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41901,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +23887,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29786,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23429,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15078,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +2094,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +27345,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31697,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17868,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11164,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34814,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27422,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30868,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +16032,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +24888,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +24205,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26063,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,0,1,0,0 +24010,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10295,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16864,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3967,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +26405,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8293,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41938,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12971,0,0,0,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,1,1,0,0,0,0 +27480,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +22396,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17333,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31690,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20594,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33589,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +947,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24934,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7383,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +11429,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +20662,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1510,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +17457,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33824,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +27958,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +20692,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22725,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +118,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7708,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17124,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39399,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +12106,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22260,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11905,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25678,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +41045,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21604,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +21958,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +18248,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20582,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +27549,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29326,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17799,0,0,0,1,0,1,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,1,0,1,1,0,0 +3930,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1569,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +34105,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5266,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +37511,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14591,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1958,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35650,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +413,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19679,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +11182,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18363,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5278,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21451,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20456,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29502,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24541,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15029,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +5039,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27852,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,1,0,1,0,0,0,0 +4399,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +19991,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42463,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36618,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25976,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5223,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6377,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +8051,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +35811,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20665,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +10240,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +42126,0,0,0,0,1,0,0,0,1,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +39114,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36950,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28202,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +186,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19320,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27095,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +38193,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1627,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37015,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1444,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39187,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22858,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19556,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19979,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +726,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13811,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40969,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38464,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +35138,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +34775,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14482,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +431,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +26997,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20559,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25069,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2017,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +7678,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21382,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +21739,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31447,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +31214,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +11341,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35760,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12766,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2750,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40456,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33633,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11754,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11804,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +34760,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14204,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24238,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23298,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30060,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2983,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +28624,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +39788,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3736,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40503,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +41758,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13276,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +33252,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32607,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39377,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3445,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10580,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15947,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19416,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42322,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,1,0,1,0,0,1,0 +26256,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30490,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5428,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28623,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21336,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32294,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41962,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +38239,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22158,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25056,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17529,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +31786,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27134,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24343,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13921,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37497,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +40047,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23658,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28026,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20738,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43188,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21618,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20599,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +12969,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10761,0,0,0,0,1,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +23560,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42288,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,1.0,0,0,1,0,0,1,0,0,1,0 +12250,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +20648,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24192,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36058,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,0,0,0,0 +15753,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26671,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +4038,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34058,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39628,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39102,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +42985,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +24438,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +7838,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38030,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6989,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28544,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +17618,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20563,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12984,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11393,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21123,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16407,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +32636,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15093,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27395,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +15899,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37204,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +17598,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33324,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +22136,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29700,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14670,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17971,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30385,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +29322,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21862,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +37949,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +8750,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9580,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +2296,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +4807,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8255,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25178,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +15370,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +35341,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1203,0,0,0,0,1,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +11121,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23888,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3022,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13753,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +20253,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +27996,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36471,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23133,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27215,0,0,1,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +36624,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +40376,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +9779,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13339,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +31634,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34422,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31779,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26090,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,1,0,0,0 +16299,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1175,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18050,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10777,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5234,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20237,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +21458,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21193,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3894,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +35266,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +37187,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39903,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41350,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21350,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +28729,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +21267,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2293,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26638,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20818,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25138,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,1,0,0,0 +2938,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13020,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1270,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19081,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21476,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39278,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16398,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43031,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41043,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6046,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9656,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41676,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +19815,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +5247,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19656,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25882,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20827,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38823,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16399,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3771,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43174,0,0,0,0,1,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,1,0 +19041,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +23859,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +19921,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +13153,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29209,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23601,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +29804,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38467,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33069,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22753,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24654,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10793,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +38209,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11329,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8668,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19856,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20707,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +41775,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5673,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3047,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +26187,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +14933,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30920,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35968,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +29545,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3835,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40264,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35530,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41567,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32599,0,0,0,1,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1.0,0,0,1,0,1,1,0,1,0,0 +32766,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22856,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5762,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24846,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +11297,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +16331,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8313,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +32236,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33032,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +43329,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +13615,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29892,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +14784,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28434,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +6844,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29970,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25612,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29337,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9308,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,0,1,0,0 +29418,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +525,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +12373,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1.0,0,0,1,0,1,0,0,0,0,0 +1187,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +32439,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1857,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40254,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +33196,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24248,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +42388,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28566,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22836,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38440,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +20256,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28529,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11835,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36392,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37019,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6275,0,0,0,0,1,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +42294,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11674,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,0,1,1,0,0,0 +38093,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +15673,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26096,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40313,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10476,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25319,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34830,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +24373,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +34244,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +35728,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9171,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7402,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14159,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +24063,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,1,0,1,1,0,0 +33881,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +40501,0,0,1,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +32977,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +34624,0,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +12386,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8093,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +42544,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +13462,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +9692,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27878,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12603,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35269,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26341,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22818,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35758,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32874,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22949,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +28734,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2321,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30161,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +26135,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11961,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,1,0,0,0 +14562,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29699,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29120,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24595,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +4671,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22116,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22146,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +35361,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6505,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21230,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +4244,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30967,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18925,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32136,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +21599,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29585,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +16376,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +31797,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6148,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34051,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +4074,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2892,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +12559,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11316,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +12646,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20723,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39039,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21452,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28328,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16063,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20758,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1484,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +32871,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13573,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25423,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +38031,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +41877,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36877,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25821,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18032,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33669,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39331,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40172,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38649,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19227,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +21272,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29720,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2213,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +36369,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10878,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,1,0,0,1 +4443,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28140,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7908,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15400,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40021,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9031,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +17890,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20715,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24856,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32207,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42916,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19160,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21507,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +19182,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11484,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29272,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36717,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31839,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +21974,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43240,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16794,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +16105,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28120,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26345,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28871,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2377,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14099,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21608,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +9599,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5659,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23397,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +1608,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +1459,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23291,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +27015,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,1,0,0 +20045,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16078,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +23238,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18504,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1395,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6172,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +17136,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13565,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6162,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10377,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29647,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35153,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25774,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +31460,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16251,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34849,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12890,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21320,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30290,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6682,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +24778,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +28048,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36659,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +34256,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +2343,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27102,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26797,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17134,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33088,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5886,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39362,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1.0,0,0,0,0,1,1,0,0,0,0 +6123,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40391,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,1,0,0,0 +6063,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20086,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +39578,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5574,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16147,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37171,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23688,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14895,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +29533,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24003,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28393,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +3336,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33686,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24847,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25478,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14833,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +7414,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40811,0,0,0,0,1,1,1,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,1,0 +39810,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16542,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +12953,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29837,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9749,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +5900,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5905,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35894,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19749,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33335,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15590,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +8717,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17163,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42741,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16252,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12853,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +171,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26631,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1680,0,0,0,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,0,1,0,0,0,0 +25367,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +16247,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24350,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7601,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17504,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +11180,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +32469,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25189,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36242,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37576,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35063,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23410,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16478,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43051,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +30026,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25103,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,1,0 +37528,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38502,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4994,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18626,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +3105,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +37296,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32336,0,0,0,0,0,0,0,0,1,1,1,1,1,0,0,0,1,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +10939,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16614,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25638,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +13178,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41778,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16143,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5474,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23265,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +9033,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19567,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29773,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2205,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23018,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +10789,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34799,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25665,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20934,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +1166,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1462,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +40830,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9090,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22476,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12198,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +29731,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15895,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11026,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30846,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41060,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +12049,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7712,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +8526,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13689,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,1,0,0,0 +21778,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10319,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +34623,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3539,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1156,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13614,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11514,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +12263,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42490,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20318,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11101,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13029,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29339,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +21691,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +16816,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +12640,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18614,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +291,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13141,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28420,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23555,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20436,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38717,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22350,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +6176,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38205,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +28597,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35797,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25921,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28386,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +25377,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26930,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2623,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +23053,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15315,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38748,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15931,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2512,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0.0,0,0,1,1,0,0,1,1,0,0 +8472,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,1,0,1 +17433,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +36571,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20611,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +34985,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29968,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +40564,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40400,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19393,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22269,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30355,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4008,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32089,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,1,0 +38330,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38633,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41894,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13748,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22055,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +40575,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14315,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29611,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7684,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13738,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7574,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +13617,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31180,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39613,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +942,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34078,0,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,0,1,0,0 +14694,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31345,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +596,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2066,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1282,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26966,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8119,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +17825,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27521,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +29870,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11081,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20706,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3822,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1808,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27874,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26211,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1212,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10822,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +27943,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +37408,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,0,1,0,0,0,0 +26627,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +15702,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +1385,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20023,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13182,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +20311,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,0,1,1,0,0,0 +9959,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36870,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +21361,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20664,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +14054,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,1 +28233,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +39872,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +16913,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +27306,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32368,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36322,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20964,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +10265,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +380,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +149,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8974,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27568,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +17721,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +361,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +5128,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +10111,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11186,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5812,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +22495,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +9041,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11542,0,0,1,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +2036,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2479,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16752,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3406,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +29236,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1.0,0,0,1,0,0,0,0,0,0,0 +38614,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36647,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5935,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15829,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21693,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +26773,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,1,1,0,0 +19863,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +6709,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6489,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +840,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32107,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24456,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29258,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33563,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8493,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +8791,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,1,1,0,0 +6677,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23286,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19609,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2286,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +14952,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19752,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27870,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12514,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27258,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6965,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39293,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8029,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25666,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4909,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +29781,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35069,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +20922,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7467,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40876,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6070,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,1,0.0,0,0,1,1,1,1,0,1,0,0 +18429,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31147,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27470,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12647,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +992,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +42496,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24123,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +9261,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11766,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30399,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12422,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +2120,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18280,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40670,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +20066,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29371,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,0,1,0,0 +22508,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27606,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42909,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +17321,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11821,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24242,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,0,0,0,0 +38144,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +42704,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19040,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +1213,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10816,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0.0,0,1,0,1,0,0,0,1,0,0 +16316,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17696,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3301,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41418,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19681,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18872,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +36528,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29557,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38037,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +10795,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38834,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42119,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +26322,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38294,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37406,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18511,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14544,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +11116,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36521,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +7888,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41295,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +9866,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13060,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39517,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +9958,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42038,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2105,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +25710,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36564,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2403,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30550,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30262,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14174,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24054,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6809,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29541,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6375,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35010,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32074,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36323,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +12463,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20647,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18131,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +12040,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +4916,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13231,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9620,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10628,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36549,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21740,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38676,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39922,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6221,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15202,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +20168,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +25648,0,0,0,0,1,0,0,0,0,0,1,1,1,0,1,1,0,0,0,0,0.0,1,0,0,1,0,1,1,0,0,0 +17663,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38616,0,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +31472,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41286,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35583,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +11262,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36473,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34212,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17950,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26370,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +3944,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18360,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +40323,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +41501,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24672,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +1978,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23427,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3962,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41961,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +37813,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +14447,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13911,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +39458,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16713,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3495,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41360,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23678,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3484,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40791,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13486,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8680,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18749,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22584,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16935,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36200,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +15975,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23444,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4741,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23288,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3279,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37616,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35503,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41614,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +5186,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5774,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24028,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28486,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +5793,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33095,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13342,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41499,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +4034,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17672,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32210,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39546,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39853,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +30693,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39496,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +18542,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +18716,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22369,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7180,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +6138,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +32228,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18851,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5719,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8810,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +31800,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31183,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2951,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10919,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +25330,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30649,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,1 +20959,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4619,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +30544,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +22452,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7095,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +27972,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29937,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2381,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21536,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34135,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11840,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +18570,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +36719,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +205,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +43074,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9264,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +32517,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +23138,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +35415,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33010,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18876,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19260,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30405,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +13198,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32190,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25716,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15718,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +15405,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17747,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +42915,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28115,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6681,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6954,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28433,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36127,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33977,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34962,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25176,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +22144,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9689,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27052,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +32314,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +21030,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +7790,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2155,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7562,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,1,0,0 +17215,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8298,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14407,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32168,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1580,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +41488,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +832,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10444,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +33373,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9800,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +37264,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24871,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +22363,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5681,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +25512,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17158,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15699,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8733,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34592,0,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +6157,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34639,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28435,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +34527,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11891,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31135,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12314,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7201,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +33431,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +14954,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36142,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4742,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13835,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30934,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +14479,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14752,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11640,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7643,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29933,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11005,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5359,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25604,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23001,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20428,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +41643,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4311,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19390,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36449,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4483,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24678,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8954,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9282,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23243,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12814,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +6492,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40550,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15894,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9542,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22163,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2801,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +152,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2737,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,0,1,0,0 +7080,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16095,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18772,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2586,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +24014,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7841,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +22313,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11045,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31160,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41121,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25280,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17808,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8646,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +29834,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10068,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +6737,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39471,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23670,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35068,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +10349,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26607,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38638,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,1,0 +42753,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30397,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +11305,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2064,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +166,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +11083,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41729,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39419,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1157,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23679,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +29027,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13313,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9643,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34426,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +11747,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19079,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7373,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6783,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16938,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12103,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19770,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +35754,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5742,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +41747,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13998,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6820,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,1 +19121,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26970,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31792,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26130,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +27242,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21357,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +38130,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +4301,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42694,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +628,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9870,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40933,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +42896,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27933,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23183,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31770,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17227,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32660,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +687,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +31813,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,1,0,0 +10129,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34026,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +12423,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15893,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +34841,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24455,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25556,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27975,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38672,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28293,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10307,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8460,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17077,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +21233,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8917,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +27609,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1618,1,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,0,1,0,0 +1196,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35571,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1360,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +33640,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +42314,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16015,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2730,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6241,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11855,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2431,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26577,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21209,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +18045,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35250,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,1,1,0,0 +24853,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20695,0,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +7004,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +4361,0,0,0,1,1,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +2001,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14741,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +297,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +273,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11762,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6902,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +39808,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20299,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15568,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12201,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +21039,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +30762,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7363,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +14309,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40097,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +2406,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +23695,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22222,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +22582,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7089,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43102,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,1 +10996,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23026,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35104,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6778,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2684,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31091,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7237,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34484,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40430,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14274,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,0,0,0 +24410,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27839,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22446,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +19715,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +24965,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +27061,0,0,0,1,0,0,0,0,1,1,0,1,1,0,0,1,1,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +21501,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14355,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23501,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17207,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36830,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30738,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19541,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +7208,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29141,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +835,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15793,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19157,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +32520,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32663,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11620,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6891,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6103,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,1 +32664,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13936,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32284,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +9806,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9894,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +13564,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,1,0,1,0,0,0,1,0,0 +19768,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39923,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11420,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42326,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1827,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17967,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4926,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +32365,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25837,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9019,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29257,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3951,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13678,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13463,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32287,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12067,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +103,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3304,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15182,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18940,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +13905,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3841,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13218,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1726,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22191,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19524,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +24782,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +6522,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +7952,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35208,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34123,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +10438,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42391,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20549,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35234,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16229,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,0,0,0,0 +24295,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +42789,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25599,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +41139,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7764,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6668,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41120,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42804,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17307,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30671,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +23604,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19361,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41575,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42855,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,0,0,0,0 +36452,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29783,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19807,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21805,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5741,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23934,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40928,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2672,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12625,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42077,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +1245,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8377,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15113,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33119,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34068,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41272,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +38814,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18047,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16799,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42499,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +19739,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2785,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32010,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5650,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +32216,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34818,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8345,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10392,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36726,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29594,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +34414,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17989,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +8942,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20791,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36685,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +174,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,1,0,0,1,0,0 +39866,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +41390,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10099,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28521,1,0,0,0,1,0,0,0,1,0,0,1,1,1,0,0,0,0,0,1,1.0,1,0,1,0,0,0,1,1,0,0 +39563,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +9582,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1518,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16133,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24538,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14780,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1712,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8145,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8173,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,1,0,0 +39110,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +7962,0,0,0,0,1,1,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,0,1,0,0 +18043,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14279,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3560,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +2990,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30942,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5389,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15937,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30939,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +20832,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +27643,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26675,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2209,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23682,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8455,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30880,1,0,1,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +17300,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +5300,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26505,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18845,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +24574,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20070,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +19317,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,1.0,1,0,0,0,0,0,1,1,0,1 +25925,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37505,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +34182,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6764,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29830,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36812,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8806,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31958,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3654,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15305,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19561,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31943,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,0,0,0,1,0,0 +36432,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19435,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32152,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35955,0,0,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,1,0,0 +13177,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +10594,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22832,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,1,0 +35671,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17108,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +10058,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28893,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +26432,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20285,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +1747,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35476,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35831,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11332,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6612,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30459,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5780,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31051,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +16961,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10843,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14211,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +39964,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23044,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +580,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13434,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +6337,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3566,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30330,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15045,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16946,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43337,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11643,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38773,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +29034,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +7018,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31410,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +24509,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17005,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3774,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,1,1,1,0,0,1,1,0,0 +30822,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +38071,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2697,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +29291,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40967,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39904,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35736,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40795,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +28128,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,0,1,0,0 +15374,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2132,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13873,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42293,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8358,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41984,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25023,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1079,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19351,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40125,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10138,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36898,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,1,0,0,1,0,0 +18055,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25082,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12788,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5394,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +25626,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36478,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +38797,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +16259,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +25255,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21000,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14749,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +28306,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37846,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11425,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20112,0,0,0,0,0,0,0,1,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +20463,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40003,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2275,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33432,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11984,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,1,0,0 +26908,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14848,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +15404,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38781,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36106,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3246,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2653,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +41688,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +41881,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40932,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17794,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +27285,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23920,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38530,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23928,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31470,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +38079,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10033,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +6261,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31384,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +17337,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19497,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +19058,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9398,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9196,0,0,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,0,0,0 +1457,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1824,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +28528,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +3955,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +31399,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21723,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +38901,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27494,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +26228,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +13818,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21051,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30016,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24682,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21876,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30537,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15410,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30965,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18004,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1.0,1,0,0,0,0,0,0,1,0,0 +25237,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34919,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15033,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16914,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29591,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41164,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39736,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +11349,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32565,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12976,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +19597,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35326,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +42075,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +12099,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15115,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +2593,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12994,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +28922,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +12582,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +40854,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4835,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23405,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28280,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25281,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17872,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31593,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +42230,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4199,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35425,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +18130,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23224,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +6316,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26621,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21271,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +36916,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43277,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21830,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13238,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +27631,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7372,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33925,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +12512,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26951,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32928,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37109,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18634,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,0,1,0,0,0,0 +25214,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +14049,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29828,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +5749,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +11376,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31629,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28553,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29686,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +40392,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +40205,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +4780,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +10425,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10721,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +30511,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24073,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,0,0,0,1 +17465,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19073,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11933,0,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +37459,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25366,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29629,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8229,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +38246,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30360,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5217,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,1,0 +28194,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +23874,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31791,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32933,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26836,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7500,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8538,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +24772,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +41391,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +41800,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28934,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26765,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30264,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21426,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +41149,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +24864,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +6524,0,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,1,0,0 +3823,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26375,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35016,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +3360,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34615,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32639,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21005,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +32334,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27466,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41673,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14862,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +7816,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22415,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +35229,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29982,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39569,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +26504,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40727,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11365,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25689,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30930,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,1,1,0,0 +23666,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5069,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11243,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5066,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +175,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +717,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43178,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16969,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,1,0,0,0,0,0 +26184,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24008,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32506,0,0,0,0,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +26885,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5856,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +25352,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,1,0,1,1,0,0,0 +24460,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8195,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39697,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +6920,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +25622,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4730,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +3915,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11461,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41061,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10519,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +32920,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36234,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29119,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28185,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32600,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32989,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15667,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35410,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6017,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34179,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16304,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39356,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13138,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42397,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3464,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36081,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +1463,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24605,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36334,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33800,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24582,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33611,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +6773,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9589,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29689,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30466,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5759,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31458,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39948,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26412,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31843,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27986,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38658,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33264,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14627,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6800,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6985,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28790,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40051,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21896,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13054,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19301,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13418,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37231,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29728,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35491,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9225,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12611,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +30365,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12563,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8422,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +24866,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33610,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17887,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +18331,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37720,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6101,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24728,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37270,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11785,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +15563,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8908,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39781,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +32793,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27130,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +33321,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6235,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +8761,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +31659,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9491,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5976,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30548,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40812,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7795,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42153,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7101,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25565,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13427,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8739,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +31272,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33535,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30075,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8802,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +8061,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12081,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36531,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +23161,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26556,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +13053,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +35195,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +33778,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38928,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26186,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +5744,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4683,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10975,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26355,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18838,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +26206,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39239,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38045,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19094,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40174,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19950,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +32397,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37565,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19855,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23904,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +6112,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17086,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +20258,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +10267,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11311,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +42754,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5169,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +27791,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21571,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14177,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34755,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17614,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34185,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19814,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +27552,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30931,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39277,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7871,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34851,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16810,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36375,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11371,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +42380,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +30958,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3248,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35271,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24480,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +37413,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +220,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30595,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +27007,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3550,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11126,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,1,0,0,0 +31821,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41665,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33804,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +10237,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +20293,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5546,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34403,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9017,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41837,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42545,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36434,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15317,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4489,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41420,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2608,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11373,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,1,0,0,0 +5334,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3912,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,1 +7083,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2605,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +40061,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10680,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +33128,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17388,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15028,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1.0,0,0,1,0,0,0,0,1,0,1 +8290,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13047,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27189,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32742,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11412,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +35785,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18629,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43133,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31007,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34311,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +41377,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24447,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33917,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30059,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4598,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +18735,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35413,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +22598,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +7844,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +28713,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9681,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27558,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25029,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35637,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +28526,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +16931,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +3003,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12377,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15853,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +17988,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +30976,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +18637,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27598,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,1,0 +3204,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16952,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39878,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +156,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24679,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38052,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +33700,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +7640,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38484,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +35991,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +37998,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43150,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33163,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10411,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40646,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11223,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +17324,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39459,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30138,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42794,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24539,1,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35972,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24987,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +16094,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23933,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42857,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14466,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5809,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22893,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36500,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +12857,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25968,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6811,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9122,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +25839,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +19805,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24787,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3847,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7450,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31393,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +35958,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21997,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36856,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24454,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +13011,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +41461,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14252,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7279,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38406,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +28613,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29764,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7557,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +6355,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39743,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13837,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38969,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9411,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22838,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29289,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +4676,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35031,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +25953,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13943,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28467,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17096,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +28444,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26931,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8706,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12233,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29112,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12226,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17283,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22848,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34609,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +5029,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +1251,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33106,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27983,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37613,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6841,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30013,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,1,0 +23872,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +12738,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37747,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +26950,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +11857,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15267,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23691,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +32745,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +29692,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9434,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,1,0,0 +18836,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +43142,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33081,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +37626,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12888,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9628,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36910,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39662,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +29246,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0.0,0,0,1,0,1,1,0,1,0,0 +24929,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +3925,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27642,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1448,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3911,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40330,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18783,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +26831,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35651,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +32859,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8199,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38347,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4339,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27657,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1763,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30789,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,0,1,0,0 +37941,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27351,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +521,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20727,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +28708,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +7312,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22803,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8295,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6028,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +18062,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +39976,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4252,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38070,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8587,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28464,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +14160,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0.0,1,0,1,1,0,0,1,1,0,0 +43029,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +14389,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43307,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42327,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +32373,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,1,0 +39274,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30887,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +42138,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +42582,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42745,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25425,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16388,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30218,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,0,0,0,0 +23721,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16463,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,1,0,0,0,0,0 +40112,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42386,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14462,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24479,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,1 +10808,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4719,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18257,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2075,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13332,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34375,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40651,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24185,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41222,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12820,0,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +14396,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9631,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3419,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +6943,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +7013,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16279,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +25182,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +132,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40245,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1315,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37012,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27029,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35895,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9722,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +31525,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +40050,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +29975,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +11337,0,0,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +21839,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1126,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41189,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16237,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +28929,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +296,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27037,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27319,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1033,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +16918,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21484,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36650,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18662,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +660,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +19346,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1842,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +18785,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +14947,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27591,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +10406,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38363,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +28405,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28261,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16449,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6466,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37947,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +20687,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6447,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17927,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +24318,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24800,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +14799,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40799,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6637,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42290,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +11728,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +6048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11455,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17597,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35267,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41362,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +38157,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13325,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34231,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22119,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +23156,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14555,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2227,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28081,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +37989,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4020,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37922,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37001,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +4852,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34612,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36342,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +30668,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42446,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +37098,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4905,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28392,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34996,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24134,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +562,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +12231,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13509,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24569,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28193,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21106,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29000,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +20441,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35162,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +22303,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18789,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +31067,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12912,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11820,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27448,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28436,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12701,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,1,0,0,0 +23248,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33358,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33648,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27274,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +6936,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +4967,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16154,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,1,0,0,0 +41223,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35604,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41613,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +38243,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27392,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13548,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9080,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +36784,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1019,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7400,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31704,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +34973,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17237,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41163,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +30302,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9453,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +14831,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43377,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3073,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39487,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +705,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17000,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +10763,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21183,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25709,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +28387,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +5061,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +2483,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29949,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19349,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43052,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21155,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33679,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28216,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18654,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14404,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1649,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +10911,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7589,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +16226,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16188,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38930,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31190,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22483,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35144,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35542,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +9086,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17336,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,1,0,0 +29501,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +43344,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +960,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +34821,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35086,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28095,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +37164,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26195,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +14421,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27103,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3565,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27736,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38722,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26688,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35186,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,0,0,1,0 +27446,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19487,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2029,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41001,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +42621,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26378,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9593,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +111,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +3205,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17299,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +10951,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34691,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24693,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16409,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24398,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19372,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28933,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6735,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +23677,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9648,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,1,1,0,0 +9410,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37468,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +32533,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +31445,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9278,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43213,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +41672,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +10323,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3964,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34828,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31767,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42103,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +23030,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6504,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27579,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +18784,0,0,0,1,1,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0.0,1,0,1,0,1,1,1,1,0,0 +30624,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,0,0,0,0,0,0 +31692,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28051,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38990,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +21312,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31421,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17936,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37167,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +5393,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9730,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42258,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9202,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36462,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14335,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30125,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12206,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +3393,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +563,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +16123,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5975,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40976,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18326,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41271,0,0,0,0,0,0,1,1,0,1,0,1,1,0,0,1,1,0,0,0,0.0,1,0,0,1,0,0,1,0,1,0 +32422,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21150,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18425,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9277,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +9201,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3556,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38476,0,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,1,0,0 +6105,0,0,1,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +41509,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22774,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36296,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21126,1,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +19695,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,1,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +24297,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43396,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27834,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18152,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +20543,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +27887,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2086,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12086,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21113,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13605,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7847,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5942,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33999,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36378,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30194,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17264,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41379,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +35638,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,1,0,0,0 +34155,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,1,0,0 +29634,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23276,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +12406,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3258,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14031,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24709,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +18475,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +10989,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37592,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +3518,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17354,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34038,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +6912,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24967,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15112,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +38139,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13784,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27460,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12429,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +42246,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30869,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28573,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29084,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33371,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +8256,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22720,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28574,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37162,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22627,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22950,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26738,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12635,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +22384,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +26231,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +39654,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25143,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +2480,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12042,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22135,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9592,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +8531,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15709,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +7919,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42617,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +7457,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +14294,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17605,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +5368,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28127,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27246,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37115,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35207,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +1522,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14052,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22956,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30885,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +11318,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +5755,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1073,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33345,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39382,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13744,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7407,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +33760,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,0,0,0,0 +36777,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1207,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +10441,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31907,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22946,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10758,0,0,0,0,0,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +34912,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27559,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28050,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19850,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28175,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38812,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38544,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12382,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +24164,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2864,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13454,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2959,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +9527,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23786,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +2601,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3938,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21831,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27740,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33887,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,1,0,0,0,0,0 +34983,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41879,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19110,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33044,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2255,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +20737,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7731,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21857,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +35985,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +28034,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,1,0,1,0,0,0 +6536,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32271,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +11956,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1682,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +42744,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19599,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +2525,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,1,1 +10056,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40107,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22655,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21570,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3183,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,1,0,0,1,0,0 +10463,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30747,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5594,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,1,0,0 +4187,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22975,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15507,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +4359,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +35624,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26973,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,1,1,0,0 +16471,0,0,1,0,1,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +30817,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +30445,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27360,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +24554,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39884,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18605,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34091,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25199,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +19045,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,0,1,0,0 +18679,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18775,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +36644,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39523,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10805,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,0,1,1,0,0,0,0 +35540,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +7702,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8355,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30435,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +25934,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28153,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26830,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19919,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +8090,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27612,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +32153,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +19332,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +12021,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +776,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +7627,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8718,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16781,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +15017,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28883,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18303,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12266,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,1,0,0,1,1,0,0 +36067,0,0,0,1,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0.0,1,0,1,1,1,0,0,1,0,0 +38359,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40308,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,1,0,0 +16847,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +15751,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +25602,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15399,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36578,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31418,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +861,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +39661,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33923,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42485,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33671,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9676,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25221,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16018,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +4743,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37378,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42194,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +26676,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +34752,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +36746,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34224,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26323,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35826,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2161,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21284,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +34562,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,1,0,0 +11440,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +13417,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +3610,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25929,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39191,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11222,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19181,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21025,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34887,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +13740,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8915,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31282,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,1 +43163,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +32300,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4016,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14721,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31643,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29316,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10562,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31071,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39174,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +584,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +8985,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16101,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9847,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14531,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +30281,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28850,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7996,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16192,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7015,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30119,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13391,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +24811,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21823,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +33484,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3142,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +31535,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17448,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +14191,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +32635,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,1,0,0 +37415,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9899,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +25413,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22999,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +655,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +18863,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39335,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20529,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +26921,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +38073,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7117,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36182,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +31037,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18921,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42447,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +15880,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11768,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4465,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +25406,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9320,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +39263,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +17729,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30530,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20649,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23539,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12892,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +5077,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31368,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42254,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29474,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +26445,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +12613,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16803,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5622,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +2551,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,1,1,0,0 +1850,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12001,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12972,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +43113,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +359,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26158,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1420,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42926,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +30045,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +38436,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22730,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,1,0,1,1,0,0,0 +37763,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +7351,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4313,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27656,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24329,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +24688,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21737,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +21063,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10200,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21743,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35920,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29693,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25699,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,1,1,0,0 +14129,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19044,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9651,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +63,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35907,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40007,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37075,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,1.0,1,0,1,0,0,0,1,1,0,0 +15905,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +36837,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1613,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34761,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +513,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41042,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25393,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +12817,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16754,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +33784,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1863,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9449,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23016,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25188,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30695,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5124,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2854,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24433,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30371,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,0,0,0,0 +33227,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +11688,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +26126,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27135,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7204,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +25399,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13844,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23103,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +12225,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22361,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20343,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +40849,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37829,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +42375,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +38425,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31009,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +25358,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37788,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +37725,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12345,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29040,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9132,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +32720,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +4497,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31042,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +18003,0,0,0,0,1,1,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +16539,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17675,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +1715,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13624,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33685,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +23417,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42155,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42675,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33428,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40356,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +28133,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33678,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17390,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9505,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12031,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +18690,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25072,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35977,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,1 +38847,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +37343,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +13553,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +2709,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29391,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37956,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +30113,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39690,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21764,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25910,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2219,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +20144,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31649,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18782,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +7483,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1356,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13988,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35450,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15435,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12041,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39406,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31014,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +43121,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16235,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39702,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21109,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23665,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24521,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9195,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33182,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14660,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38242,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +21214,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +2315,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16949,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4670,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6500,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18310,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +878,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22587,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +12885,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19994,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10041,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33609,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +22802,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42889,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +8425,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,1,0,0,1,0,0 +14365,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37815,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +21194,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25497,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42190,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7102,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3473,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20810,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +33246,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9002,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11294,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32393,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11636,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,1,0,0,0 +43193,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +20970,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27851,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +17370,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +10667,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36163,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +39734,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +13850,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13068,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26934,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +40693,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12152,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28207,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40106,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +7021,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30470,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40371,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35412,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +19496,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +24875,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +29618,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7728,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26232,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22086,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29491,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2861,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +2192,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +29505,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35600,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25790,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2615,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1.0,0,1,1,0,0,0,0,0,0,0 +28313,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1859,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +10549,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21972,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10477,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22777,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32943,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26289,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39068,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20940,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5221,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1.0,0,1,0,1,1,0,0,0,0,0 +29215,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40475,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17167,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10988,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +20180,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +5026,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30333,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39211,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +23603,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21086,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5598,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +2096,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +14275,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5251,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7166,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,1,0,0 +38396,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +9154,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8528,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +9062,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8429,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +36320,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26535,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13991,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34219,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39036,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41389,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33668,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10064,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12376,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2851,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +41449,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +39509,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36562,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +37834,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20349,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1741,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +38202,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38268,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23352,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11697,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36494,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14511,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +4001,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3544,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42167,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21684,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29149,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +133,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40868,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16219,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39285,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42115,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21045,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28810,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +35473,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +27659,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16204,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +18354,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +8224,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +10972,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11053,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2574,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +26310,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +11143,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +869,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,1,0,0,0 +13757,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42396,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +14968,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13021,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +6109,0,0,0,0,1,0,0,1,1,1,0,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +36833,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35439,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10726,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41852,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37422,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +17411,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +21766,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3957,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37642,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19817,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15208,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21241,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +38003,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6726,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +42542,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +31129,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25028,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39455,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34071,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20108,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2363,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40248,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2461,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18317,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33956,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1191,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33987,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +11408,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35044,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +985,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9977,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26434,0,0,0,0,1,1,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +5717,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,1,0 +6118,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16253,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23181,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33026,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25869,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18588,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32852,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28702,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2076,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11955,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +4237,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +28197,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,1,0,1,0,0,0 +38488,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +19422,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +11897,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35916,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2309,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20179,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9706,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +19627,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +39518,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22736,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6324,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +6938,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8246,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +12650,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41898,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29721,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +30917,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +10050,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19573,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18441,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14866,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17957,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21768,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +81,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25257,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20376,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16408,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22395,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24619,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32232,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8463,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23081,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6288,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38175,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +5724,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8628,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20098,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5553,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38324,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +9052,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +2011,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +248,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +12934,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +32774,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +19008,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +29810,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38282,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28079,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,1,0,0 +34100,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +15051,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +29045,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20309,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1421,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +8995,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +36314,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,0,0,1,0 +5585,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42000,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,1,1,0,0 +2338,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +10424,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23668,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17588,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +42720,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +21268,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41943,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +34060,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21776,0,0,1,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +2021,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1930,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13695,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41160,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2159,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41211,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39032,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27835,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31785,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +6839,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33842,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42776,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14496,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11587,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +904,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,1,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +40445,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +14002,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20007,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +123,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23593,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +30347,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14849,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,1,0,0 +17320,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +40217,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9632,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11406,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +4561,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37333,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +26185,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13807,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28955,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21257,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14720,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +11193,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12286,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28635,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7150,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5938,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1697,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28376,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28789,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29570,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +4018,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +18240,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11157,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10747,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36460,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20206,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37208,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16824,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7118,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24565,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16626,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12910,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8394,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13663,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +15195,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27502,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6738,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28204,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17556,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +8731,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7993,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +6519,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +3785,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41216,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4889,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,1,0,0 +6584,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31598,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42852,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42801,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10852,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40644,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8617,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +37849,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36617,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41833,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24627,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1620,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40773,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20270,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,0,0,0,0 +18285,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19051,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +5407,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +5411,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +15891,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +4875,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41753,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17702,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2239,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8615,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30295,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9207,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +57,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17996,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +319,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23432,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +14995,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14358,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +31380,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +4677,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20355,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11074,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5534,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23828,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11084,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24615,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24939,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17209,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27777,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +29211,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19840,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17874,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41308,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41936,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14509,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24340,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +38711,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39629,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23199,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22718,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25282,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11968,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30331,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10741,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4415,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35307,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38044,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1.0,1,0,0,0,0,1,1,0,0,1 +19304,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25407,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23661,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12312,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6438,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6594,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +16053,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42329,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25553,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18121,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +6610,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12713,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38626,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41196,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +4536,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5884,1,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +15215,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8391,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +28668,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38987,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21094,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +23060,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20980,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42002,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39754,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5125,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4894,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33482,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30529,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +18723,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10791,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24681,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +27363,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +7330,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +8473,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7338,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41832,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +13812,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16680,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +28168,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +39521,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +12883,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41951,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +1328,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16126,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20878,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20290,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24202,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +39719,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1.0,0,0,0,0,0,1,0,1,0,0 +25625,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8906,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39193,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +33848,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30122,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15323,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7652,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38204,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28124,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39842,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +4794,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23179,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18075,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36761,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40909,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14241,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34004,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5080,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11545,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3828,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +24826,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24882,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15966,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40901,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10419,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43333,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +19425,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13507,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30814,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +429,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +406,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9192,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42241,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10933,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19038,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21531,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22357,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7326,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7362,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21454,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,1,0,0,0 +4384,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25155,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +8894,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36913,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29232,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1081,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39995,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +31195,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +25114,0,0,1,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +20348,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10714,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5075,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +6037,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36267,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +29043,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18291,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,1,0,0 +33236,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37527,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13983,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40195,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42289,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +40958,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21299,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5106,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39830,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28860,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35172,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33713,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42470,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +20213,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38521,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +9861,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31359,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +712,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25287,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26305,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +22650,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +11662,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11610,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36028,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14098,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7516,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25854,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +20169,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3504,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40534,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18644,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6544,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14643,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32052,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27251,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +22952,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11641,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29395,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29020,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21715,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39774,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36559,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +23965,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38423,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2218,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39897,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18295,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +35469,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25288,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29562,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36215,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35879,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +538,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +15528,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +41465,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,1,1,0,0 +26878,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13881,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32054,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +3907,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42975,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22425,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5016,0,0,0,0,1,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,1,0 +21813,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16368,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30307,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +29727,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26685,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28263,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40176,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +6962,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36512,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20997,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25125,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37906,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27154,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1403,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +39139,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42482,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27702,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18759,0,0,0,0,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +27888,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14604,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29855,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28440,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23809,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18943,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +20146,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24616,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +29083,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +41242,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +22895,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1631,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12185,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7454,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +37279,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18320,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24940,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7111,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39707,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +7185,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +25741,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39157,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +9430,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40209,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,1,0,0 +25033,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9872,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39580,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24199,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +11823,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22907,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +22756,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25584,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19593,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1130,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28692,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1241,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +42644,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +23202,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11776,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33443,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24884,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +39329,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,0,0,0,0 +22561,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8812,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5799,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34114,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18076,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37240,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4600,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38994,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25815,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43154,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17736,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14725,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +42157,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +744,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +778,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +15225,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +22548,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3067,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5962,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +21290,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38228,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,1,0 +34294,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7778,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24473,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +36862,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5388,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +39943,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +18975,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21615,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +18502,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37723,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19958,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40900,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +28891,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24850,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35370,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42577,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7974,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +437,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +11995,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27527,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40639,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25384,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18188,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3439,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +21505,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +442,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11913,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10372,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16180,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24414,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +26752,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +30363,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +28981,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28855,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +36797,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +28618,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +33793,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12870,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +3549,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40618,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21644,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +21929,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +25443,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,1,0,0,1,0,0 +18442,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4123,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40420,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34127,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,1,0 +40263,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +29621,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +37486,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5335,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,0,1,0,0 +4218,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27580,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +37161,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +12634,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7218,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +19092,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +909,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23952,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +26879,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30792,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +32709,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +40781,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +29180,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4864,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17294,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +10080,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10381,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,1,0 +37226,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24579,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +42374,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3000,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33631,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34402,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +14875,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24327,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40784,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28112,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39286,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +27655,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30850,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +37215,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31570,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +43107,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +14013,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,0,1,0,0 +32150,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +14069,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9965,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29471,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20212,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7668,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14056,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +3690,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,1,0,0 +1777,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,1 +20639,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +8593,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17933,0,0,0,0,1,0,0,0,0,0,1,1,1,1,1,0,0,0,0,1,0.0,1,0,1,0,0,1,1,0,0,0 +10212,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31011,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14287,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +3519,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +21191,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +5531,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8248,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +17863,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30935,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1149,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +9726,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +36642,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25272,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1222,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6285,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +8784,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +34022,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26716,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27374,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40049,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29808,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14907,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +18193,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8787,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22324,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27704,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,1 +19098,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17993,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39300,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +30551,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41742,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8443,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7479,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41921,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +16073,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +4368,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,1,0 +33892,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +935,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22917,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22817,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3215,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20616,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15439,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28737,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +2624,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +16214,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31409,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +5047,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32760,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33043,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23942,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29875,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +35501,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +11601,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13886,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +33896,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,1,0,0 +14185,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23630,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +26961,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11521,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +4744,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7031,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12737,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2495,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5050,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25722,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +23242,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24649,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9206,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11258,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +31244,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +40898,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +20281,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +6131,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42178,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +42321,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13267,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +42548,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29276,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +839,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36087,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +11342,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +17472,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37768,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19091,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +11738,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4233,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7881,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38671,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36606,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +40322,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +609,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24375,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34575,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36518,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28107,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +20901,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +6450,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37731,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +11088,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +202,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +745,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +318,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32967,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3600,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +19771,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +35715,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34461,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38233,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18445,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19644,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8678,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42672,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39485,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9517,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43014,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29160,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30746,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5915,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,0,0,0 +41979,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34160,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +32465,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +20856,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6229,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11288,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,1 +9247,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3616,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15199,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7278,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +18419,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20954,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43069,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4805,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5003,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +22057,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35883,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23644,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4204,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22490,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27303,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,1 +24622,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,0,1,0,0 +40589,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +26098,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30236,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,1,0,1 +3020,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12665,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22554,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3117,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2317,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17415,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40480,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +2691,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5853,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34540,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13622,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +30929,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +12893,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +6658,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +4748,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1226,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16017,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7822,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +7564,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +31524,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22112,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40301,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,0,1,0,0 +33390,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +2160,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12523,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17301,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +26588,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32803,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17590,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +32001,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21597,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23147,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +41553,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +8581,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8620,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1903,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39587,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,1,0,0,1,1,0,0 +11757,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37118,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +24357,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6087,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +19382,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +20460,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9169,0,0,0,1,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,1,0,0,1,0,0 +19257,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +1834,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +3063,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12071,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31893,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36698,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6918,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2962,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27819,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +16605,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21827,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +29381,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26571,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23936,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15946,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36641,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24810,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +209,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +42781,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43022,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2452,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39220,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26743,0,0,0,0,1,1,0,0,0,0,1,1,1,1,1,0,0,0,0,1,0.0,1,0,1,0,1,1,1,0,0,0 +13429,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34815,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5207,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23148,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27757,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40687,0,0,0,0,0,0,0,1,0,0,1,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,0,1,0,0,0,0 +22767,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7814,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40757,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25901,0,0,0,0,1,0,0,0,0,0,1,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,0,0,0,0 +912,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39588,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30266,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +28206,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29251,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,1 +21215,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1730,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24982,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +25265,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18680,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +41522,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +3477,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,1,1,0,0 +31998,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29567,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8450,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36710,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +707,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14333,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +34382,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +33762,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3948,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30950,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +5844,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23189,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42514,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10007,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28753,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +7159,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1384,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31760,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25097,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23206,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +16604,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +10813,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +27541,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19068,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23061,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27368,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3819,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31382,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +31110,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2836,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23541,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29427,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10475,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17123,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35714,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1776,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6741,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +42562,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15669,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19166,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23648,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24717,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +23605,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22728,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +219,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26852,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7297,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35132,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +18402,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28769,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14568,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +8571,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34297,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +5339,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25888,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11600,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,1,1,0,0 +20198,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32541,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14845,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +12525,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37190,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24907,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,1.0,0,0,1,0,1,0,1,1,0,0 +13828,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32244,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +8870,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23927,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41106,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28329,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +3747,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40796,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +13407,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14791,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35015,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41677,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23235,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5555,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2838,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2136,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2703,1,0,0,0,0,1,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,0,1,1,0,0,0,0 +43024,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40150,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42180,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9056,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41260,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22436,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12895,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22466,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +9791,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18242,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9013,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +25641,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24533,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25616,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +25593,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1082,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27276,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +42622,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30749,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12204,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34430,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35645,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28019,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39124,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +173,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5997,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7258,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10243,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43007,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14199,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12332,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1087,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +20561,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25266,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4157,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1676,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27991,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +37917,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15378,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43254,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18136,1,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +24784,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2752,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25223,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +11654,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8912,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9288,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11235,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +23000,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15336,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +32459,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4099,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,1,0,0 +3742,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12054,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,1,0,1,0,0,0,0 +33320,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1343,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2002,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37764,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20201,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +201,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2894,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +19477,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20014,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27077,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28989,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6763,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30289,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20892,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18568,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41352,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39919,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5612,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +2563,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +822,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1784,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43354,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16940,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23192,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39259,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17815,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +6623,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11937,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40266,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +918,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +16695,0,0,0,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,1,0,0,0 diff --git a/rule-vetting/data/tbi_pecarn/processed/train.csv b/rule-vetting/data/tbi_pecarn/processed/train.csv new file mode 100644 index 00000000..43d11707 --- /dev/null +++ b/rule-vetting/data/tbi_pecarn/processed/train.csv @@ -0,0 +1,24682 @@ +,Drugs_1,FontBulg_1,GCSEye_3,VomitNbr_1,HA_verb_1,High_impact_InjSev_3,SFxBas_1,HemaLoc_1,VomitStart_2,Seiz_1,Clav_0,GCSMotor_6,AMS_1,NeuroD_1,SFxPalp_1_or_2,LOCSeparate_1_or_2,SeizOccur_2_or_3,SeizLen_3_or_4,VomitStart_3_or_4,HemaLoc_2_or_3,outcome,AMS_1,AgeTwoPlus_1,HemaLoc_2_or_3,LocLen_2_3_4,High_impact_InjSev_3,SFxPalp_1_or_2,ActNorm_0,Vomit_1,SFxBas_1,HASeverity_3 +16498,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7110,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6886,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13295,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26537,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25759,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24020,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27167,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +830,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +155,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +29110,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11312,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32971,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25095,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16248,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5400,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42952,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31936,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41658,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7290,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35251,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +28364,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18005,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42637,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +42458,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3836,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +30993,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,1,0,0 +30433,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32867,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +6734,0,0,0,0,1,0,0,0,0,0,0,1,0,1,1,1,0,0,0,1,1.0,0,0,1,0,0,1,0,0,0,0 +36391,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11502,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40867,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +857,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +7026,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +38799,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +21934,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31618,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6928,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21301,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +9321,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +1478,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +40843,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +21023,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +2423,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3614,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1359,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28037,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,1,0,1,1,0,0 +42682,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12572,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9441,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +23554,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27074,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +27533,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41030,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,1,1,0,0 +36029,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +30395,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7810,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31203,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +34401,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +1368,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28104,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +2419,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27886,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22470,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +229,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +15581,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +20110,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15342,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13672,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25673,0,0,0,0,0,0,0,1,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34587,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31428,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12631,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27073,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39648,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +24854,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26593,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,1,0,0 +28309,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +42221,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32702,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10874,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32303,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13307,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42911,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +32191,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41935,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21292,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10824,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1998,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,1,0 +7525,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +6893,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19694,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +4251,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23943,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25067,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18720,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,1,0,0 +25772,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38316,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +3532,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +779,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24715,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31407,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10302,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39974,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39295,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30297,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30860,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +31102,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +2489,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39349,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +7590,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14251,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +6297,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36152,0,0,0,1,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,1,0,0 +43134,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +29958,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +495,0,0,0,0,1,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +25010,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3605,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +6213,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38405,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7259,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27904,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31908,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11093,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +21720,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33315,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25516,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +4143,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41236,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8793,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1786,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25577,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1781,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +14943,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +6226,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19180,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19843,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23306,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32072,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33950,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9087,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35382,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1113,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25254,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6987,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +24657,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4141,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6021,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25439,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7115,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31290,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +10291,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28119,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25633,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11909,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20786,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35056,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24062,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11236,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +701,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41559,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +29912,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +37083,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25226,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +10046,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35628,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11016,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +8491,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +4769,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +12426,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +23572,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27690,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +13331,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +19218,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +13033,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31002,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15942,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +1006,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +15180,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38747,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +25167,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12179,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20719,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,1,1,0,0 +16637,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +31988,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +19568,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +12949,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +10751,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6011,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28602,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10322,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42123,0,0,0,0,0,1,0,0,0,1,1,1,1,0,0,1,1,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +18448,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +34770,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21518,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +8403,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +18839,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +34906,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +16963,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33392,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36594,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18554,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23090,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +27062,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +42529,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41615,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29075,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +19198,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +4391,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +14959,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27171,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31375,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5954,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +17350,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +19821,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24041,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38214,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34013,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +38858,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +23303,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,0,1,1,0,0,0 +11829,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5419,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35303,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,1,1 +808,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +39380,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +25587,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5254,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8114,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +37246,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +38963,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13526,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +41085,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +33837,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +16168,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38188,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +9374,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13356,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40875,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3596,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +39835,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12866,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +24694,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13718,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25795,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40128,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39022,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25246,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15928,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +14812,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35174,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17419,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +4085,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2965,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6085,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +11072,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +12165,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +4042,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27676,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7396,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33280,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41177,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8018,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +28936,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +10130,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +37212,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15572,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5082,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +34714,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +24030,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22380,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12348,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1724,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22694,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +38362,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +35601,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35622,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +37218,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +22659,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25948,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24308,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25557,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1770,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27771,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +30645,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35523,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +9166,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +42671,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33607,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +12530,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +17921,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19743,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +21908,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1.0,0,0,1,0,0,0,0,0,0,1 +17146,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26097,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3161,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,0,0,0 +30220,0,0,0,1,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,1,0,0 +12911,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +19639,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33278,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16746,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +21369,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29406,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7152,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32337,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,1,0,0,1,1.0,1,0,1,0,0,0,1,0,0,0 +2107,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19474,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25765,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6006,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23846,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +38974,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40956,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22973,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17712,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +35024,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +29287,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10646,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14775,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +13149,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35852,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,1 +18672,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9714,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2456,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19066,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23755,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5090,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +9,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16444,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43222,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42474,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29390,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +30046,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20386,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +35794,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36895,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24629,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +9071,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32164,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +34358,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +36166,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33621,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +9771,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24464,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35565,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33508,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +40500,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33243,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9125,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,1,1,0,0 +32958,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17535,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17811,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33810,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41525,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25620,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20751,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21983,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20340,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1.0,0,0,1,0,0,0,0,0,0,0 +32509,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42146,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +11195,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6215,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9482,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16791,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20900,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +23443,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30476,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19481,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33569,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5313,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +9197,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31973,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +20677,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41823,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2890,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42453,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +26687,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35110,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21728,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14406,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12800,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +29355,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16416,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3329,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +41749,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7630,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8424,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15234,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +42782,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39338,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +15811,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33190,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29716,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18096,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +20889,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +1848,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +8048,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8816,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +38101,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12872,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16450,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31369,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7744,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40270,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +41176,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26700,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5518,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39169,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +35240,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,0,1,0,1,0,0 +32454,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +332,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +17097,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41735,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +32283,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +26155,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2014,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28052,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6469,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,1,0,1 +20135,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1032,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16091,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +13993,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28298,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +15775,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +2687,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,1,1,0,0 +938,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13142,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5645,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4386,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24067,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +36262,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +36983,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +15682,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40272,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27484,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +16146,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23747,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +15101,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +17287,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +43208,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +10716,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23492,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41141,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23622,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8274,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39416,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31098,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22562,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33229,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7077,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31270,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11996,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19429,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +4354,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27266,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38087,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20235,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37496,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36524,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9520,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +21047,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6152,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34390,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9572,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +7177,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3141,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30324,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14317,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39516,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +37392,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14368,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27666,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8515,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8141,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +999,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +23245,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +32598,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41209,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16217,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24945,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +17985,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31803,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39197,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +31754,0,0,0,0,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +5055,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8280,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,1,0,0,0 +40418,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13758,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +456,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +570,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +18714,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31875,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24572,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38860,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +14095,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19861,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33405,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16723,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12456,0,0,0,0,1,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1.0,0,0,0,1,1,1,0,0,0,0 +626,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14630,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +7209,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21347,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30430,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3750,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6548,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12358,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12672,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +26390,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9895,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13895,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +3441,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19608,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42372,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35711,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29708,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +8242,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +31281,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1661,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34699,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39881,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16909,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +13449,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16560,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +33993,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40822,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2919,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1969,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19002,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26301,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11240,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +37940,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +26642,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +24838,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12035,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +41798,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30513,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41630,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16489,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3794,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32830,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +2596,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +18189,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32488,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +11911,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30807,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13465,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +24435,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +36923,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31738,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8831,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42546,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13164,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36406,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43310,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37492,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7824,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40691,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15084,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +36985,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32254,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12882,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6036,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +11827,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36876,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4445,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31560,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5018,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39717,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14874,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +42863,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4950,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14860,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15866,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,1,1,1,1,0,1,0,0,0 +19340,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10897,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21071,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42864,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27922,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32828,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14415,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16641,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,0,1,0,0 +31131,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23945,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31422,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12018,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +21899,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +29014,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13714,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31568,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +5045,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +30381,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1551,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +1538,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39273,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5095,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27118,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3462,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +22295,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6260,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27172,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18995,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26149,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20985,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +40746,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1145,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2893,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22409,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +19510,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43343,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6214,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23858,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16851,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1410,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27159,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,1 +40529,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +1780,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3026,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +2224,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26538,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30300,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19299,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16171,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +11671,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2397,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37205,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35499,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15490,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +32670,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33122,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31562,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21795,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13972,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7192,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15324,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37214,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22741,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +35364,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27619,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +28897,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +15621,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +7313,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10365,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +10812,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14957,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +30068,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +4515,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7837,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16182,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17994,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +37090,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +915,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10959,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21107,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5626,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9342,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27421,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25464,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13795,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10914,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16348,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +10864,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23932,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30538,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +31536,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6785,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42338,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +15812,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25371,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +266,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5071,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2379,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +41445,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27438,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,1,0,0,1,1,0,0 +22245,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25268,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +28097,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3598,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +5512,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15583,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6644,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9878,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +11744,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +27315,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +5768,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +33114,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +38890,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17766,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +6757,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26701,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +19149,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28644,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43332,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29556,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +38999,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9927,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +18846,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38817,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29944,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38187,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36398,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +23634,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41684,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +19216,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19247,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6885,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6482,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +4520,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27815,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4470,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +41539,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34363,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13883,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3813,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3338,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29682,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8612,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +41386,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8032,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +19112,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20982,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1897,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10579,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26480,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38591,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8964,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14350,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +6255,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11976,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18110,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +27651,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4268,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3896,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30518,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +20874,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15798,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14321,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8745,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1485,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41047,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8140,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11141,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11648,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17363,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15858,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2424,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +38061,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38358,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +14273,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32143,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +39054,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +2367,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +19760,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42921,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6683,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +3611,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40926,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,1,1,0,0 +17474,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,1,0,0,0 +28585,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +43331,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14991,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29439,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +223,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +36737,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +23438,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31766,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +64,0,0,0,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +36866,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24937,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +9716,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7755,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3782,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12274,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33957,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5972,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +32483,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5491,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43020,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +23307,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12316,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +31883,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +40183,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13766,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +514,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +41819,0,0,0,1,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +24121,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +34748,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24316,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +2167,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +11321,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27963,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10821,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38083,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36239,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +15119,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31730,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30566,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1592,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40912,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40370,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2674,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34536,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +7133,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +791,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28530,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21157,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +8753,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4319,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33209,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3179,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11354,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23377,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21652,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +4035,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2008,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1.0,0,0,0,0,1,0,1,0,0,0 +43232,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31934,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36148,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +32003,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +32675,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9257,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32214,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27343,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4886,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10862,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28748,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35482,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +12925,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23493,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +5086,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9790,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25236,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9446,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6901,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20453,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1695,0,0,0,1,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,0,1,0,0 +31442,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32642,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28646,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27408,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25992,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1931,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1475,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +25819,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3733,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19135,0,0,0,0,1,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,1,0,0 +22197,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6679,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +14714,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25213,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +4757,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39612,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2274,0,0,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +24642,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10654,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35129,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5964,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +5684,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +15638,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12772,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +732,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +26165,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22781,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20400,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35003,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28281,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24018,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22778,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19873,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27567,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5131,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35177,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,1,0,0 +18819,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22475,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +18008,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +785,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +30597,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16706,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,1,0,0,0,0,0 +3125,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4372,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36272,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22600,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18651,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32456,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +24312,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28676,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11020,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35892,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +2776,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26855,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22948,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37572,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37373,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +41463,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +666,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3282,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +32921,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16009,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17109,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3754,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7495,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +33895,0,0,1,0,1,1,0,0,0,0,0,1,1,1,0,1,0,0,0,1,0.0,1,0,1,1,1,0,1,0,0,0 +18806,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33850,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +22153,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21406,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +32197,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14870,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31980,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35521,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12167,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +7823,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20480,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +21874,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +10161,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +21488,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39986,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +17610,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24050,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41811,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +15792,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8889,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +26040,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +17636,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40649,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8798,0,0,0,0,1,1,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,1,0,1,1 +14964,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36181,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26825,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21073,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30473,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40381,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40487,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14978,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6196,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18074,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15834,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42170,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +6411,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41089,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20234,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16145,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34108,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +6699,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +36993,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,0,0,0,0 +4431,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +20815,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +24971,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +39498,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,1,0,0,0 +9255,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +5355,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16456,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34561,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8400,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +5413,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20503,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24758,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27219,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36865,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7267,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22043,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,1,0,0 +9836,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +6656,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13163,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +30667,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +34248,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10087,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18934,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +775,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40295,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12592,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9940,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32876,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20138,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,1,0,0 +38898,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +32333,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7288,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24436,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +12032,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17104,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23433,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +18828,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +230,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +30474,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10232,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5382,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40818,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22166,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16878,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16805,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +30164,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13488,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19217,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +1355,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +18608,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +38657,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +4993,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30035,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +20931,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +18203,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10395,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +30841,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36266,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23577,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16987,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +9761,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3383,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12157,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,1,0,0,0 +27375,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12267,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5294,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32322,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +36986,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39279,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13577,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +19918,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28887,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22796,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +42,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +38413,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39151,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27485,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11839,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6516,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +35762,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +11330,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22229,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14293,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27201,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,1 +22299,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1.0,1,0,0,0,0,0,0,1,0,0 +38034,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +27985,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,1,0,1,0 +4142,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12240,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15117,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14632,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27042,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10446,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4394,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8001,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +18137,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14085,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22983,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +40018,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,1 +28289,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20124,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12794,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6031,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13504,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7959,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23937,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37555,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19154,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39959,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8264,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7490,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12684,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10598,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3984,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6980,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5837,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13393,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +25989,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1544,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24699,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4094,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6565,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,1,0,0 +16140,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9509,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +24209,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,1,0,0,1,1,0.0,1,0,1,1,1,1,1,1,0,0 +37579,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16393,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27271,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +40030,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17685,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3068,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9000,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38627,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +17079,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3337,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +5227,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4447,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39627,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10653,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7895,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18421,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41179,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +38471,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +31331,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34314,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +31941,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14259,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +9747,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +18172,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,1,1,0,0 +28311,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1646,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22935,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,1,0,0,0,0,0 +7497,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +4267,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +17975,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33193,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1767,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38567,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23891,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2100,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5559,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +32124,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +39081,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +4518,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16115,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +36205,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1831,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28363,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1.0,0,1,1,0,1,1,0,0,0,0 +15596,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38554,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +36818,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +37331,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14254,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +19476,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +37386,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14249,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +15555,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +21783,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +17659,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30962,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34534,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +28506,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32602,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27858,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +5325,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20202,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20799,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30177,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +42573,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39935,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31080,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38276,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +10493,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15556,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41774,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +871,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +18140,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +18837,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22180,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1909,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +5988,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33036,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8840,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +407,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11410,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +31654,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38189,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +2003,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16825,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40690,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40326,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26086,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12533,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +1111,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27540,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30019,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33988,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +17317,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31832,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +35112,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +33736,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +2942,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12605,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20916,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +32144,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18090,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40155,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6593,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +1099,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39590,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27510,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29616,0,0,0,0,1,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +6188,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5624,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25563,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14236,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32849,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +37011,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19942,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14918,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26247,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5489,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22261,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9924,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24777,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +36463,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31261,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16917,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +34164,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16767,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3389,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +13677,0,0,0,0,1,1,0,1,0,1,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,1,0,0,1,0,0 +39106,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16300,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +14601,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1967,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7141,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1211,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8012,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36427,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +9203,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +10614,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9810,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41661,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13219,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34473,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19547,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +7128,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6139,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42994,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +7361,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29114,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +4429,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28463,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +35317,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29628,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25644,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14320,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30586,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +11464,0,0,1,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +7801,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31487,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3163,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7194,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31093,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,1,0,0 +19797,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23826,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21955,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9708,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20186,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3686,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10848,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31122,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33878,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16500,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +9489,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +10103,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22091,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4629,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2787,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7388,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +14291,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36612,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +33189,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32508,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,1,0,0 +1908,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38303,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29153,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +17910,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31113,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +40110,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3271,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37117,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2891,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18230,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +9046,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31917,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42515,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10551,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +9182,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16622,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +41957,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +24768,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37510,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43237,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4798,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33629,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33217,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11462,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25954,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34075,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28152,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +2098,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26078,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42549,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,1,1,0,0 +23339,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4524,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +36836,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21384,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19379,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42405,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +17332,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20389,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +24812,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10079,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19069,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14417,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19869,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14435,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7834,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +20397,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41503,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +16462,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24061,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40440,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +31143,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41828,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41475,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21692,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38734,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2081,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36046,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +20383,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12951,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21718,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20703,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23452,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12485,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41585,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +39879,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16668,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31798,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +8214,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +36909,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +4644,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35814,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27311,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +11530,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41268,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28397,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39720,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14900,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13518,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19174,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +24845,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33020,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +31061,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18834,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24813,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35676,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +20137,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32277,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30328,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +17680,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26937,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +40221,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +29664,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +755,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27763,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16110,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18368,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30239,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +32715,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34118,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +23370,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +25769,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41235,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27937,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40309,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41865,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11603,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33743,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32606,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30570,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36339,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21940,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31092,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +31529,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +19754,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5177,1,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30238,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +115,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8368,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40147,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +11165,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +20847,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +18667,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25315,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16679,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30659,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27347,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +29519,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35043,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25276,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16759,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6327,0,0,0,1,1,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +31112,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31337,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +31790,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36080,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +34186,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +25433,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18882,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +37249,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15145,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37681,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +27522,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22394,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43245,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36692,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1.0,0,1,1,0,1,0,0,0,0,0 +4933,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36171,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7561,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1517,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4404,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +33249,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42701,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38161,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33627,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +31323,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42844,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29414,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35882,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43015,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28471,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5485,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39168,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23382,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3833,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24356,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29542,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19711,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21967,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +31574,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +37396,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6258,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +19486,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +11623,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37255,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20030,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +29733,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2872,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15594,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13301,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22527,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2664,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +39912,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33943,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41868,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33023,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23558,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +8711,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30096,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,1,0 +4775,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21552,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10292,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +36014,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33536,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +9359,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12317,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +19469,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22277,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +728,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +41482,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11267,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +20105,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +11144,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14101,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +36159,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +32951,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +28327,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36929,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31489,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6394,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,1.0,0,0,1,0,0,0,0,1,1,0 +40728,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7797,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36212,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20341,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +34883,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28633,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37089,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26648,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8975,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +41467,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21949,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22663,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27108,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +38914,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6357,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23999,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26887,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35952,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16269,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +25452,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18199,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,1,0,0,0 +33555,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17768,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26800,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25792,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +35594,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,1,0,1,0,0,1,0,0,0 +8720,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40072,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39992,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +14811,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39572,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42553,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15358,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35020,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +19946,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +43076,0,0,0,1,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,1.0,1,0,1,0,0,1,1,1,0,0 +32669,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13487,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38197,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24007,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25811,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +32741,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2478,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +32389,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10458,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11865,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20794,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +29844,0,0,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +19146,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +36227,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,1,0,0,0,0,0 +5801,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8637,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38726,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31543,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24950,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13705,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23873,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5475,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +8327,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28549,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +3642,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10491,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29623,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15382,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13066,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +14879,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43358,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31928,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4145,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39818,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11731,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9684,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38195,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4195,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +5126,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28143,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +13035,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +31087,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,1,0 +26376,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +15149,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29885,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +39687,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +34054,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +12565,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +5849,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42868,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +18957,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17800,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2474,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21726,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10494,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +32864,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +32460,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8477,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34869,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15686,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2194,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29705,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +38249,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32674,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34697,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +40968,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +6104,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +24439,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +12113,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4061,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +7321,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37698,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36963,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22374,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8714,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +28975,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,1 +22594,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +34608,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33104,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42784,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +14883,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40897,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8703,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36519,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39861,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17139,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5680,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31228,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41532,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40604,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25506,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +3453,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18696,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17341,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6392,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14754,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +27429,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2661,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +21840,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19892,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12440,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5815,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11169,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34959,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +1836,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +28943,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4167,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13063,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41279,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1016,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +9882,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +29846,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +38439,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +21038,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23816,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13361,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20593,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20698,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +649,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11793,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +3442,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +6804,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +376,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7989,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +41542,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +32851,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36942,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +32634,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37978,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4248,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +33454,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23132,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6299,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26436,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12238,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24602,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11672,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26762,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32590,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36257,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19080,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +41912,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36466,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,0,0,0,0 +846,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26444,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +22699,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +23851,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +31879,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34464,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40341,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9134,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +19655,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25341,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11888,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8645,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +16000,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +30526,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +37882,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19997,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,1 +40755,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3149,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31211,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36716,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35490,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34680,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,0,0,0,0 +38790,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24890,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +210,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8317,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13469,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25503,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +33035,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26689,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +27914,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3806,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39791,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42799,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1398,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1.0,0,0,1,1,1,0,0,0,0,0 +6081,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15750,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27268,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +15974,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29843,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26472,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5868,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40422,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5703,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +30514,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8900,0,0,0,0,0,0,1,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,1,0 +35313,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +3418,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18611,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +24293,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +29641,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +39647,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38304,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +7046,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +39819,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5317,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +2034,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +34359,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37696,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31033,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33942,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +34272,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22168,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2627,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +455,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28235,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2091,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15139,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18002,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +12735,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +30478,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8763,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42735,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13471,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17998,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +27693,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30103,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +3016,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20125,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38556,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28232,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +37885,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6867,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32710,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +27813,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40608,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +23109,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10869,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28125,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11773,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +13081,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2299,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,1,1,0,0 +1892,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24557,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1481,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +37403,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +33145,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1402,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24906,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +7889,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39490,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7335,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14332,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22555,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11268,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28437,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7757,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1554,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20833,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35838,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +4382,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37597,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42013,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32041,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +14779,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +40429,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +501,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +20394,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +22684,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34698,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18444,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36530,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +277,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23435,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33652,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29283,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42358,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14118,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2914,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18852,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +39778,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +33322,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43298,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5279,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13419,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2447,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18991,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23837,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +2977,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33298,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +23390,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21403,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28353,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +29929,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +22188,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41304,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +43392,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9758,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15185,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43196,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12509,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24941,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33662,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42233,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22605,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8749,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37327,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28469,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41919,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +11667,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13725,0,0,0,0,1,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +22794,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34998,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37552,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +35791,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33981,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37436,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37254,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32212,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15833,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +1643,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25539,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +5006,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15428,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3567,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36749,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19798,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14767,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38513,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25657,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33504,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10927,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +22755,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27548,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41733,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27145,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42721,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26983,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9763,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32571,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31273,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24590,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20939,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +34227,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2390,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +15275,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19756,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34792,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1887,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14608,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +43096,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36000,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19895,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38887,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +665,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +34572,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +38605,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27373,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5584,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36347,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17029,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2068,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +18810,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +11959,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40153,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2225,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +15689,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33211,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +28829,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9404,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +5973,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24359,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8799,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +38207,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6771,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +12855,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +39014,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33947,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11875,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +42850,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19934,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41671,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +29085,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26089,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +10347,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +36094,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3437,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +36627,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,0,0,0 +26239,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +22312,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +41483,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +15321,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +32983,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1716,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19932,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28439,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40086,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +8462,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +16125,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +4695,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,0,0,0 +36293,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27024,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24544,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13322,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1575,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29906,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11775,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11050,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3526,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16265,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36475,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2251,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +3059,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32096,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39066,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27357,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30949,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11546,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +14733,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24078,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24895,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19074,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16736,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +9311,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32298,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +13292,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1743,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +1796,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +42129,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20224,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2528,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16510,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23241,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +3412,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16649,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22738,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32719,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12750,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5878,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +26506,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41638,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +41765,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +25904,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21208,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16532,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29748,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +11098,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11841,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17273,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34200,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40489,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17999,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14758,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2908,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41038,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +13917,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14474,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42906,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17807,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26697,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33541,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,0,0,0,0 +30495,0,0,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +31245,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9425,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10664,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42469,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31607,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +699,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +21089,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21953,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +20005,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +342,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26246,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32476,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38580,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35305,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23611,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28212,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30968,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +31698,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42445,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32956,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38254,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +36991,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +321,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1572,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11111,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +41252,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13574,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4915,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33084,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,1,0,0,0,0,0 +37446,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28108,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28323,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +37183,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +22479,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +512,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +25302,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23068,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12920,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2112,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +2766,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30316,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35932,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9021,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24769,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33890,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42903,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +28513,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +11179,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3914,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30391,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25676,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7311,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3138,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40658,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1.0,0,1,0,1,0,0,0,0,1,0 +29876,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +3317,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +27249,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21274,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20915,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30836,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22162,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,1,0,0,0 +20748,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31540,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34559,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15402,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27832,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28640,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +11257,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38016,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +37651,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23190,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37387,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36033,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32801,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +14826,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39245,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2904,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +19201,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17153,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27413,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17641,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30516,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +39192,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +41944,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39246,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22859,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +4433,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +19662,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +5088,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +1025,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9577,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32762,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +29603,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16288,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10098,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24807,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9226,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2576,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6630,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +38353,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39990,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39133,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7987,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3741,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13225,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38795,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39010,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +27578,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +1735,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42833,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +9804,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27384,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36280,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31387,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +12842,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20775,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15271,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +589,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34159,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9811,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +40353,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8959,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40065,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7127,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31478,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +73,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15504,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +27049,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1529,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18302,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26351,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20929,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +911,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0.0,1,0,1,1,0,0,1,1,0,0 +34380,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35261,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42274,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36372,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6688,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +14589,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9406,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +29639,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +30157,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24608,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +20928,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9211,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39747,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +6389,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23906,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +135,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16166,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +23145,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8073,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1249,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4562,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5658,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25696,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +15422,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +20676,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13539,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40218,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10479,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +19318,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13743,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +11669,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,1,1,1,0,0,1,0,0,0 +19832,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35173,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31887,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +12004,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28066,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +14416,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39591,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22536,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25661,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4810,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14788,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4317,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,1 +20064,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +8586,0,0,1,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +37320,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35953,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,0,0,0,0,0,0 +26545,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15589,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +10797,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37304,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +500,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +26770,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21021,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1316,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40980,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11120,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25244,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8921,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38777,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30020,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17044,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2513,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30608,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36741,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22210,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2786,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +10908,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10415,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +6922,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7664,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43218,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +23843,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31680,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38876,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13344,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13239,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10281,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32622,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12524,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +30503,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,1,0,0,0 +12026,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15855,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +34056,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11770,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35559,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19025,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19345,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40130,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10586,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +38751,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,0,0,0,0 +21673,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +16894,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1571,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23091,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41457,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15879,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9438,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24187,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +11765,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20111,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33235,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,1,1,0,1,0,0,1,0,0 +31081,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27921,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25944,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +16194,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32781,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40750,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21650,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43383,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9214,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22263,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +32822,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +32780,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4755,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23674,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +6636,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +13247,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +20783,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +30900,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32782,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20493,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +12749,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11922,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27867,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8866,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29134,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +33169,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +18353,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32355,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15335,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11814,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +989,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30104,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1.0,1,0,0,0,0,0,1,1,0,0 +3643,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33212,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8478,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +23563,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2129,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8454,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13101,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4476,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30322,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16990,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +18175,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +42300,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6812,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13814,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35287,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24376,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15189,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25748,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30941,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33037,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20590,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +5386,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8120,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2291,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +38215,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +43058,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39138,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +26928,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +17978,0,0,0,0,0,1,0,0,0,1,0,1,1,1,1,1,0,0,0,1,1.0,1,1,1,1,1,1,1,0,0,0 +3449,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10400,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +34012,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20396,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +532,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38273,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +23850,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1540,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17940,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,1,0,0 +18052,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +41605,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36756,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34323,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +38323,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17572,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25540,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36585,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +31506,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39374,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12135,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22790,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43217,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23321,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16210,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +36839,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31671,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30777,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25893,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23217,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +31809,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +26458,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +79,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25340,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25066,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7186,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +18664,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28333,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9808,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +42116,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33377,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +42053,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11487,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +8566,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28999,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33716,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18494,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +328,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13403,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12319,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32126,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15313,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15898,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5472,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5720,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +29240,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +19158,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15915,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25667,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +26440,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +42395,0,0,0,0,1,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +21348,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2748,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9344,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6486,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +7642,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3672,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28802,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27566,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +33989,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +31335,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42182,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +7548,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +29299,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28388,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +42779,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16920,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9705,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +41918,0,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +26209,0,0,0,0,1,0,0,0,1,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +22707,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +38354,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38678,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39305,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25566,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +465,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15875,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15496,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15061,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +7187,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9837,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,1 +15902,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32315,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38515,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10216,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34288,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2964,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,1,0,0,0 +14526,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +41537,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37912,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14214,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22317,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28632,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27059,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26174,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,1,0,0 +10733,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40462,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4203,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32735,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1140,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10287,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20193,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20604,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18555,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +14793,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14473,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19519,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25079,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +17302,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35084,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13252,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33872,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20444,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18540,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +31868,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +23376,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27866,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +38843,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37898,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38159,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13390,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26454,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +11908,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +42971,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23463,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12567,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +25137,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32266,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +40752,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +15788,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20259,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1512,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14621,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,0,0,1,1,0,0,0 +16666,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3492,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14903,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +28245,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +21808,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +6576,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30221,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42106,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +24070,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31696,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39067,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +11764,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13957,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29430,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +3626,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1100,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16281,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4378,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +4873,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +25883,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29047,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +957,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14932,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +18281,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39956,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +7604,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21741,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +19683,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40460,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,1,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25320,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +26726,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +34192,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32225,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +17085,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20592,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12789,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38486,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22108,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,1,0,0,0,0,1 +28912,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +17435,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +20950,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +21549,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35602,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +3019,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +1772,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8572,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20814,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23716,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10324,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36195,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +22980,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +2350,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32572,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8099,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35593,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +40035,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +15,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33750,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8010,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15184,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23592,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37435,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1503,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +1625,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +15616,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +24535,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16087,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +27409,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11629,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +17052,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +42626,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16365,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10298,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13793,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8494,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7909,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8962,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17095,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38975,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8983,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19966,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35371,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23885,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20395,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +43149,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1885,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1288,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9728,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3989,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4821,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42739,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +17102,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +3308,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34242,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24801,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +8549,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33481,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,0,0,0,0,0,0 +16479,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22009,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3322,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +6077,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37767,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10715,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27085,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12704,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40951,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +4904,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +39474,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +6835,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24883,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8270,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +19462,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +2981,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,1,0,0,0 +28032,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +51,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22713,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +38504,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +15104,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +40108,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22758,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +42970,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22236,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,1 +39354,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41249,0,0,0,1,1,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +42859,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21731,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5839,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +672,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +4049,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +42625,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18856,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +38104,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +26131,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +38264,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34324,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6680,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34494,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +37654,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19909,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42025,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34551,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +8506,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +3028,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34016,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31057,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +21373,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31053,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6896,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,1,0,0,0,1,1.0,1,0,1,1,0,0,1,0,0,0 +27453,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35842,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12511,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +34245,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35946,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +18731,0,0,0,0,1,0,0,0,1,0,0,1,1,1,1,1,0,0,0,1,1.0,1,0,1,1,0,1,1,1,0,0 +39940,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26171,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8192,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38791,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13889,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13893,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +37057,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29199,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,0,0,1,0,0,0 +21494,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25404,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7309,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6195,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36261,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11663,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +1248,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26620,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +37200,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +41370,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8899,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13651,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +16003,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41131,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +637,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30651,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14763,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34590,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37009,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27390,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27638,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15452,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39710,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1566,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12654,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1146,0,0,0,1,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,1,1,0,0 +14729,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2765,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10005,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39862,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23412,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +502,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23618,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21513,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,1,1,0,0,0,0,0 +39906,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9546,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16442,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4815,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33889,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14237,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4002,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18288,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29172,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13328,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +31161,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5399,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5887,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28998,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1.0,0,1,1,0,0,1,0,0,0,0 +22176,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +17468,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27686,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +16421,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +10356,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5882,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +17932,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8182,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16225,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16104,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38575,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5431,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,1 +17444,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22646,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +26372,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +23645,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9275,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +15994,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14026,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +29366,0,0,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,1,0,0 +5248,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9605,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4585,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +37236,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29250,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +40096,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35572,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5925,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1657,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +454,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14393,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,1,0 +6359,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3694,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11214,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +102,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7732,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29386,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +34944,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +37583,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +12593,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +3151,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +31962,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +5847,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9464,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7955,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25668,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +25190,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +41495,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28857,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5318,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +12244,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2386,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16877,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +1234,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41762,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +10829,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +37781,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23481,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +7593,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26044,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20820,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4663,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +36437,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +32226,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8850,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1497,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23010,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32746,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +25793,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +27700,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41508,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37157,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +41908,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,0,0,0,0 +4753,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35937,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41458,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25210,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25756,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14202,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11767,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +23136,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17896,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31236,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20183,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +474,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25532,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +855,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26824,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36102,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +9531,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32013,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10186,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28619,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22090,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +37278,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +29061,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +37810,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20653,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38492,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +16555,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38665,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26299,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +26105,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +4108,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22114,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21987,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +25458,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +7038,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20094,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7082,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +8440,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +216,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20328,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17824,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14936,0,0,0,1,0,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +34867,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +38080,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1651,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +625,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5632,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35142,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28114,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +23035,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36589,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +15541,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +8430,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19097,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33949,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7138,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14820,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20158,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31023,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12108,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28377,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +20057,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13780,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26990,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +38251,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15254,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,0,0,0,0 +31196,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +18515,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +39524,0,0,0,0,1,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,1,0,0 +16102,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +15088,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40015,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +39809,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +90,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +774,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7925,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24111,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5982,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36787,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37479,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5524,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7748,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +40814,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23946,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18253,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5782,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13262,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41807,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +36730,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +25926,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2450,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28589,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42076,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +35441,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26497,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +2722,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +40599,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22963,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6796,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24135,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26952,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14040,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21192,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +21279,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25855,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10784,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43115,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40761,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1089,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35080,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +28764,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34895,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20601,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29404,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18235,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36327,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30217,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37102,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7577,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41953,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +37643,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1864,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25504,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0.0,0,1,0,0,0,1,0,1,0,0 +23705,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38525,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1346,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38983,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41077,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41478,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39669,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +1307,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10550,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +38321,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +24545,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31970,0,0,0,1,1,0,0,0,1,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,1,0,1,1,1,0,0 +3767,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8197,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +17125,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23626,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +2735,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1262,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +5863,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39715,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32724,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20009,0,0,0,0,1,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +22001,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,1,0 +40630,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8768,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +39871,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14391,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32323,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25127,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +23348,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,1 +1381,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36118,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +12381,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +35346,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38463,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +36573,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20545,0,0,0,0,1,1,1,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,1,1,1,0 +1691,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2265,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19849,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +14625,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +41910,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +3260,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35114,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +32433,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24092,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,1 +34703,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +18219,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +23310,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13258,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22145,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37740,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +26562,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5009,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16132,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +2249,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +2792,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15995,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +33928,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20385,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +20185,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15719,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,1,0,0,0 +29401,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +27148,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10578,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20704,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11548,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7720,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35856,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9394,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31142,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11604,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21637,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +25441,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +4767,0,0,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,0,1,0,0 +35751,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +8142,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27178,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11477,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33247,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +28174,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30241,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15298,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +2230,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30036,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31972,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7927,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19576,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34682,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18827,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27966,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11593,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23953,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17563,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +278,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28853,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24334,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +288,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +11127,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +18645,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +35718,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16012,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7875,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43378,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1268,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16780,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29031,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +6995,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,0,1,0,0 +26705,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +29514,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41646,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +11568,0,0,0,0,1,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +21140,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32993,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28909,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17779,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19580,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36728,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +34757,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15007,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10204,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +34194,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3399,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6457,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +5709,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27720,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +42484,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36072,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +40169,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19185,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +33365,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +5665,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29070,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41427,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +15127,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +17733,0,0,0,0,1,0,0,0,1,0,0,1,1,1,1,0,0,0,0,1,0.0,1,0,1,0,0,1,1,1,0,0 +39261,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +4508,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +6851,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +38824,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29916,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +42267,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28349,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1229,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38798,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +42046,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +20909,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +16832,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,1,0,0 +16997,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29578,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +30115,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +10119,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14506,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +31557,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37981,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32078,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +13478,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8047,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14520,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5520,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +4666,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2888,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11494,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +364,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +24653,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +18262,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32060,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35058,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +10448,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3346,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31500,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21676,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +2432,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +15706,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31990,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34927,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +3551,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9570,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31761,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,1,0,0,1,0,0 +10629,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6975,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1798,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37123,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32092,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7625,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9855,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21945,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29950,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9220,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43338,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34045,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5502,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9036,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10583,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33328,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15181,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +540,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +13675,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +25541,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6125,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +31159,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10552,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22110,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39748,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33755,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40055,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +3181,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +31877,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +26282,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +32561,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10137,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,1,0,0 +37028,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42073,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5606,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30311,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33186,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +341,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +10884,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,1,1,0,1,0,1,0 +21447,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32360,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +27989,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14207,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27812,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20836,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4156,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26516,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15527,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39767,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16366,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +15623,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26199,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42640,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12643,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37693,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13909,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +12228,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,1,0 +662,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31931,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33359,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32356,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18518,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30696,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21669,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17704,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38403,0,0,0,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,1,1,0,0,0,0 +16141,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33593,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42292,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19629,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14718,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28325,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19613,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +41644,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24324,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41198,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30847,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +26693,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5690,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33932,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23719,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +544,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +38287,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39267,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15794,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,1,0,0,0,0,0.0,0,0,0,1,0,1,0,0,0,0 +36949,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23087,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41506,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14410,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36289,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7024,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +4896,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24249,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +7039,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25991,0,0,0,1,1,0,0,1,0,0,0,1,1,0,1,1,0,0,1,0,0.0,1,0,0,0,0,1,0,1,0,0 +24522,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8729,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +2791,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9476,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +20408,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +34291,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10466,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4696,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +4095,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35420,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +18777,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23373,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +26947,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,1 +18126,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4067,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8045,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7650,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5586,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9382,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +37130,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41358,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22379,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15846,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42051,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22096,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20801,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22433,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +19868,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36871,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26101,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +3143,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3599,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +799,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +13394,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +36821,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +399,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41627,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +42974,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +31587,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27891,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8836,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +39435,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +31294,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21156,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +38245,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38909,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33964,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +19719,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +38448,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +18340,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35224,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +34945,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29350,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +19557,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3239,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15912,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,1,0,0,0 +37842,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26635,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19235,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41586,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28968,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19951,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +22241,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +2360,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24365,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27978,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +43127,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +25283,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6692,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +32370,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +30354,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14387,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +192,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +15492,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30717,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1709,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23963,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +3213,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28988,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12112,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29655,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32344,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14751,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26088,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,1,0 +5983,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33758,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34671,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +5998,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4573,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42757,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15283,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15635,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7863,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +9841,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13062,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32103,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3423,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21510,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +41720,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,1,0,1,0,0,1,1,0,0 +24660,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10072,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +7999,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10765,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6761,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21118,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6298,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +2154,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12815,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39194,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1319,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15192,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +19430,0,0,0,1,1,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +41980,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11474,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +13545,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32617,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +37465,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13751,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3009,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18453,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37032,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19370,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40520,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +15179,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24167,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34198,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37336,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14379,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +17865,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13204,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1425,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +1253,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41701,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11982,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22358,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3268,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39891,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27056,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +29107,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26848,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +2398,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +15557,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35813,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34700,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38499,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22565,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33873,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +24204,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +6966,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +11131,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14029,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19388,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5488,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31952,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12765,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +7119,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41589,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,1,0 +14790,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41494,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +23663,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36380,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22265,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17692,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23251,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40425,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +32029,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +17436,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40197,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8540,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +534,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29635,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +37252,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31468,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21288,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15016,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29957,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11399,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3036,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +32258,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13915,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21487,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5789,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19343,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +3088,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4228,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4370,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4253,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4526,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25233,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +42501,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +4907,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +29456,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37573,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40742,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +334,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7832,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35067,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15888,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +15455,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19014,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +26720,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37440,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1411,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31621,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30724,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +25739,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29989,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,1,1,0,0 +293,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12869,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,1,0,0,0,0,0,0,0,0 +5735,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +2502,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4309,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36778,0,0,0,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,0,0,0,0 +29852,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3996,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12500,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9588,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +8779,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5516,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11927,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +396,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5818,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2200,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35219,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3270,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +22733,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7253,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +6145,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11858,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +13802,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1329,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6171,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +41301,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19132,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5208,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8852,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,1,1,1,0,1,0.0,1,1,1,1,0,0,0,0,0,0 +20465,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21842,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3724,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,1,0,0,1,0,0 +40694,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +2487,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18472,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,1,0,0 +37232,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5384,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32425,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9875,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35463,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37503,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +23993,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13037,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30559,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +21340,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13636,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19661,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19566,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +2448,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +531,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29188,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20233,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12393,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38905,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13151,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +28958,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7382,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39125,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5122,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13746,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6460,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33898,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +34083,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25496,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +420,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +21853,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4806,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +43288,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +8160,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26327,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36616,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36713,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16871,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35165,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16326,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31461,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25473,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42428,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +8697,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +33342,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +5913,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33012,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8888,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7555,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12736,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3703,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0.0,1,0,1,0,0,0,0,1,0,0 +13974,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36180,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +22644,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35836,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15984,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17578,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11683,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1.0,0,1,1,0,0,0,0,0,0,0 +20863,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27915,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29274,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21914,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30504,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33288,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42728,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,1 +40894,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24726,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12363,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29205,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29063,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +43139,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10277,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30910,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37943,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41988,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3396,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17511,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38589,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9473,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24094,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22463,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28186,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12571,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32058,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +38651,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,0,1,0,0 +39086,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +507,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +37610,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19804,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37140,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +3820,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +10361,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +991,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16670,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24361,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +22148,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +17990,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39294,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5777,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +33545,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18561,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +12114,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11200,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22992,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37273,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38891,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17297,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23588,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,1,1,0,0,0,0 +12232,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +486,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36959,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +13783,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35282,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30585,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +7685,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14804,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1733,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26496,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16155,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +39103,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10731,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29071,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0.0,0,0,1,1,1,1,0,0,0,0 +1294,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +8260,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +15859,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3564,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +15717,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40829,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9418,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +32857,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9644,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42773,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29155,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35982,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15796,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23063,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32865,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +8861,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +5463,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +39609,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22115,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11478,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2412,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17650,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9049,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +6218,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30008,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +3192,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35557,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39655,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4158,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12156,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,1,0,0 +19912,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +8929,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +18160,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +30392,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1764,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13150,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28146,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +22326,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12598,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26656,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +15861,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +34482,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33861,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38008,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +24474,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13872,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +974,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12711,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8158,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +3918,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6206,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43303,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41964,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +5435,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40236,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1065,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2638,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +42260,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32844,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39601,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29106,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +825,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5440,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34655,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +14053,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6496,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21632,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +27536,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +14326,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35933,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43263,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +39705,0,0,0,1,1,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,1,0,1,1,0,0 +39176,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23279,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +292,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +24968,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16965,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12725,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +13266,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17671,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40582,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +10385,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2400,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2015,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8218,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +42842,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41440,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37228,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39120,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +16669,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4409,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25654,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31833,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,0,0,0,0 +21674,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21478,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31848,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +10290,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15694,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33364,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24975,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15276,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +28192,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27084,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31055,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +1218,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +29747,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30499,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22494,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25347,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20773,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,1,0,0,0,0,0 +11856,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13270,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +4832,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35130,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20753,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +276,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2261,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17783,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14494,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +38869,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13443,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27261,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35014,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30065,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +9459,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32023,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +9873,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39296,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2640,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35688,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +32879,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +24531,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27727,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +31046,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40801,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +6589,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24117,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9102,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +42796,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +24168,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +25832,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +1513,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +26314,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28373,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19554,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21228,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19989,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +15821,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +31094,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +2876,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24279,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13430,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23167,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22419,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17552,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +37017,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15759,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40855,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30964,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21610,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2763,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20979,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +1902,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +34695,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,0,0,0,0 +7975,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8884,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +28322,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +43072,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17121,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34875,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36491,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16317,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1362,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +35471,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3413,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +21628,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35625,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2004,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +32051,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +552,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +3274,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1500,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20642,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12311,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21346,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1050,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7856,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +40347,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34783,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22773,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9995,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3903,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26523,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,1.0,1,0,0,0,0,0,1,1,0,0 +605,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7681,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7715,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,1,0,0 +27434,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40559,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +6716,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38913,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +24300,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29042,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +5817,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27380,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31001,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25718,0,0,0,1,0,0,0,0,1,0,1,1,1,0,1,0,0,0,0,1,1.0,1,1,1,0,0,1,0,1,0,0 +23551,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +42270,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25063,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +36854,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +13590,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33976,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35422,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41183,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4779,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +40158,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9146,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12265,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31224,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +32727,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +34564,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2629,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25863,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19795,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27752,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15329,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +20378,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35342,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +39786,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26585,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25624,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13824,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38839,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36639,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9807,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +8956,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32264,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +9262,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +39049,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20071,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,1,0,0,0,0,0 +1120,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16884,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3220,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +3810,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14400,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19584,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35614,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29304,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12097,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33213,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +10760,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37347,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40185,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23912,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1078,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +25685,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +8086,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29492,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12676,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4868,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1179,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +19577,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30999,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29886,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31394,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +25594,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41602,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8596,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +1177,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43169,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +1204,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33270,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +32478,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +13114,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22421,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9690,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10417,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42774,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24181,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +37595,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +27277,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +24017,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +7540,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23899,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10582,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6848,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9637,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +15418,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7022,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6850,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,1,0,0,0 +37235,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +40315,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10936,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17787,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24994,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8258,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38186,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17982,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10348,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37916,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +37301,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38163,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22936,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22450,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2976,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28683,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +19434,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4024,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1579,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15876,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27414,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21130,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +35315,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22240,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7051,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +11893,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14762,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37844,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +43296,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40712,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +27828,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +43027,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3007,0,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +13942,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20061,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22448,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42421,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +12300,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +21679,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,1 +901,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21729,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24900,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +12809,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23982,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41573,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +36352,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +34199,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +511,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,1,0,0,1,0,0,0,0,0 +34903,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38811,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +38900,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +6184,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +281,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +40570,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6625,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1158,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40583,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +10236,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29179,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1195,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +40764,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +16452,0,0,0,1,1,0,0,0,1,1,0,1,1,0,1,1,1,0,0,1,0.0,1,0,1,0,0,1,0,1,0,0 +3362,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41257,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41037,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35231,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7084,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +43259,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40853,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28911,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28215,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16521,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41960,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1116,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +42982,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +15334,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19730,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42203,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7754,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +3107,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30255,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +434,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35658,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36019,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +5008,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +8364,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +12494,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27474,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +31044,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23889,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43389,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36804,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11837,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21248,0,0,0,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1.0,0,0,0,0,0,1,0,0,0,0 +900,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39213,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7063,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,1 +39951,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +15979,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30279,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13099,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,0,0,0,0,0,0 +14761,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +42124,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +30768,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16273,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +12394,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +2266,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19419,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +34442,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4996,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2822,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18803,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6256,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +4499,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12845,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22898,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17995,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +613,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42999,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19692,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1552,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +944,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +20095,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +29517,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39911,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3619,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25779,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +6075,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +3622,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40762,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2138,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +3002,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,0,0,0,0 +17776,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16582,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2695,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24246,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15939,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +25579,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25713,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15284,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0.0,0,0,0,0,0,1,0,1,0,0 +22911,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21568,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18984,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32040,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30306,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35538,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37636,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31433,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14140,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28888,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31793,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31300,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +11030,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6356,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13039,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26528,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23024,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31614,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23462,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32108,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +40709,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +7718,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,1,0,1 +20760,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +29346,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15986,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +25609,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +40449,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8396,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12996,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40214,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +11801,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4140,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23484,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4277,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19800,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +26168,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +114,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35484,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5271,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +11080,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28028,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29824,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31120,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +28725,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19900,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20596,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +40379,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26134,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1178,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14341,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18112,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +21663,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6802,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,1 +19199,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22383,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +33908,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +9467,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36845,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29683,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21859,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +34720,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +4474,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39584,0,0,0,1,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,0,1,0,0 +33063,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +36024,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8497,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14150,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21213,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +28421,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +30729,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +950,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34586,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18722,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +468,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20842,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18294,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23810,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36782,0,0,0,0,0,0,0,1,0,1,0,1,1,0,0,0,1,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +17955,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +13321,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42340,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +524,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6282,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17226,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22093,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24550,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +650,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2074,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20307,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10197,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10559,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,1,0,0,0,0,0 +24150,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39154,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +23184,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21396,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5406,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +3309,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14423,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1418,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +22226,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25958,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17542,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13862,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37010,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18260,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +4793,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1528,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29396,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +23033,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37913,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11205,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36918,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13259,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4148,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34074,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5121,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33388,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +25064,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23566,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24475,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3199,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +5328,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +9513,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42007,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40983,1,0,0,0,1,0,0,0,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1202,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10113,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +27902,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27854,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20555,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +17258,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28798,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7272,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31318,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41986,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +3014,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19512,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24951,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42362,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +7995,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34476,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34388,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14789,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30469,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2351,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19315,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6016,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39533,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19297,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5323,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,0,0,0 +27788,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39957,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7673,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3388,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33562,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +6395,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13825,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32113,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0.0,1,0,1,0,0,1,0,1,0,0 +16108,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,1 +19872,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +36336,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,1,0,0 +25065,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15226,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33339,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15782,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +32024,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36013,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +29739,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +12891,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7644,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28454,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +37482,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +37283,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +32843,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +29953,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3044,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +28332,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18430,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +15311,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +23656,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +919,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1752,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30819,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29851,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4702,0,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,0,1,1,1,0,0 +39468,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25806,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36284,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +6852,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25683,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25006,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32290,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +9824,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +283,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6921,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37389,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +12762,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +16238,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23420,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24283,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +23384,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17175,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37380,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +13839,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28690,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20362,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10990,0,0,0,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,1,0.0,0,0,1,0,0,1,1,0,0,0 +1642,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33753,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +21325,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +25525,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21690,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +26258,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19828,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22714,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12722,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37753,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4749,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41903,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +1508,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33318,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10208,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6602,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10918,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +54,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1.0,0,0,0,0,0,0,0,0,0,0 +8222,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26759,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1949,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9647,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +289,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37156,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14781,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17645,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37186,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37771,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39829,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11155,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11588,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41730,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19015,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28629,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14256,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10754,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6483,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25924,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10743,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +4046,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14157,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +36412,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +17006,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +41346,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6924,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20411,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +30186,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40386,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35357,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29667,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +6291,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10672,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +30099,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23297,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11422,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3242,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27035,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +11889,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14951,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +30374,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33000,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23528,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26815,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23676,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26377,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,1,1,0.0,0,0,1,0,0,1,0,1,0,1 +11476,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +28507,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19606,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35848,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13616,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +5509,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +25597,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21374,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2665,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25003,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9562,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27905,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +20399,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,1 +22513,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +41728,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1479,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34856,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17750,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29766,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +12852,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +23650,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +15257,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +1003,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24741,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42373,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +5240,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36611,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20720,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +35123,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9611,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22032,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +1889,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25703,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +10633,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +29976,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13669,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30182,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1601,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11286,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35280,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22919,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +26657,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22467,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34121,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33681,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7514,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19230,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28651,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +13399,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22654,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23978,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2430,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8024,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40239,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35188,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +325,0,0,0,1,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,1,0,0,1,1,1,1 +33918,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27677,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +32567,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41869,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +27427,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +37874,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +16950,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14337,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9432,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33780,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +2254,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41153,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14921,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15896,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40806,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17347,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +6694,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21711,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8982,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36470,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +43348,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +29718,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8083,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26639,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +4133,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +8780,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42264,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +23031,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +18767,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +34943,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31385,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40748,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +2394,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24160,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20937,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6419,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33622,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28746,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +30464,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1804,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +13116,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38752,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +2660,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35115,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6050,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +40518,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14892,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +10148,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +37257,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +17508,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +6782,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41519,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8350,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +28170,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41202,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15647,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25269,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21530,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1184,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21151,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13155,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +22378,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20778,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +4816,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26519,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,0,1,0,0 +9413,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +43001,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1667,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35397,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18745,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33540,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38832,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40208,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +40554,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +8402,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25680,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11854,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15990,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39465,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38710,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37864,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18084,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +11017,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7537,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +11934,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40584,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26600,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +31121,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20500,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21377,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41184,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10313,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +33291,0,0,0,1,0,1,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +32347,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23325,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8113,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38172,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42460,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35184,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13885,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2907,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26346,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33874,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24592,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +35447,0,0,1,0,1,1,0,1,1,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,1,0,0,1,0,0 +15024,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +560,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,1,0,0 +15339,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +13034,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1239,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35656,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32545,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33130,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27709,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5283,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19249,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6367,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12728,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9555,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40842,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1921,0,0,0,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +33764,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +7255,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,1,0,0 +39390,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5336,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7122,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32892,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33766,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +18079,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +7460,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19126,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21635,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21532,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +12610,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7969,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32649,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21175,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42885,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16351,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +363,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +25059,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36263,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42798,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27036,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16874,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26669,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8661,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +14269,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,1,0,0,0 +16727,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26028,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6923,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +37024,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39864,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +4626,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1681,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40094,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,1 +14990,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3250,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26721,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13274,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19178,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +37442,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +42309,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14971,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +31381,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14612,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37475,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37601,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11483,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34017,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32192,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6203,0,0,0,1,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +13311,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6898,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16367,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27493,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3272,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +8265,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13451,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16609,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8618,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12339,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +37350,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +21523,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2356,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17362,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39005,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20020,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5158,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11967,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37959,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +37495,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2407,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +7256,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +15525,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31436,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30730,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8695,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31232,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21609,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14899,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +24815,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14147,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21508,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30386,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40786,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +10194,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15207,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8957,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28730,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39686,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35878,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +21660,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +7314,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +14554,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6342,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15934,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,1,0,0,0,1,0,0 +8846,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +40569,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27973,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39173,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26606,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31239,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40652,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30329,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0.0,1,0,0,1,0,1,0,0,0,0 +21804,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34643,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +16315,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15502,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +38380,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4432,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25894,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +15110,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15781,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1496,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28005,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11870,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36575,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2302,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30986,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +5458,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30575,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16436,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40514,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19574,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +1979,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +8924,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16953,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12520,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +15678,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +3042,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7903,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27296,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39184,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +17201,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3827,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25963,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4383,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26664,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +17369,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +42330,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +34293,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +39800,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28844,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +34899,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37522,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30393,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +9145,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7997,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34005,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,0,1,1,1,0,0,0 +33869,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3937,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +23129,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37637,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23748,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +28265,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1.0,0,1,1,0,0,0,0,0,0,0 +28446,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24190,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +3280,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29127,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +26557,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29838,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5891,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +603,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21706,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +9914,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28091,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41097,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14658,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41763,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +37268,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5461,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +32558,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17054,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +33970,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33282,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2658,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30639,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30857,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12661,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15980,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9538,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +12087,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30022,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16734,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19270,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23075,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12137,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26866,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +30650,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +6098,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +37355,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38317,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +31097,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12927,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,1,0 +8622,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +24902,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33356,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +40149,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23295,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9451,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36379,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29329,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8710,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +265,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,1,0,0 +34681,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +13971,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12560,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +27335,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15656,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5730,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +11135,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18057,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +727,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41715,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14599,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39549,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,1,0,0 +4058,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13217,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17034,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,1,0,1,1,0,0 +19758,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37997,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +11361,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9050,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29486,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4041,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38871,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25517,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8636,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +34740,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +12821,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,0,0,0,0 +19517,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30555,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14488,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39841,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11700,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13801,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1.0,1,1,0,0,0,0,1,0,0,0 +2348,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +34468,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5187,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +9733,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27833,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7839,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7428,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25658,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27550,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +27652,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +38150,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18831,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,1,0,0,0 +15160,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,0,1,0,1,0,0,0 +8567,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25860,0,0,0,0,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +33927,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24833,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19999,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11774,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8754,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17156,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +19625,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +330,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7850,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10088,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26788,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7270,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19630,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16497,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +4423,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +7742,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15824,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +5957,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11726,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +40275,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40603,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22729,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +13337,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4643,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4083,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40358,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19894,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +6690,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26552,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10000,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13291,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3228,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2229,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +5139,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28862,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31703,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31825,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,1,0,0,0 +38497,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +262,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,1,1,0,0 +13077,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7059,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38807,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33067,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19108,0,0,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +9805,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36045,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6461,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29382,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +33920,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +18027,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +31075,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22906,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20779,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32348,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6547,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10619,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4800,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +634,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15173,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6541,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +9796,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31257,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21276,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12764,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43135,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +4160,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30876,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +7232,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35347,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +28745,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,0,1,0,0 +31816,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37716,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36450,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23208,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +36633,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11778,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +21807,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +24001,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17197,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31812,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16986,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39927,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,1 +36157,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11076,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10523,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +87,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1044,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18010,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36855,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +14867,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +38868,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20284,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6178,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +2417,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19653,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +4897,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32404,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12452,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25009,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32064,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20336,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8340,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +16211,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22106,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +42413,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29470,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +22968,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17087,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +8115,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27358,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41083,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41423,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7469,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25219,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,1,1,0,0 +25043,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23908,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16006,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +7378,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +41224,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23773,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,1,0,1,1,0,1,1,0,0 +7431,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3166,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18729,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26332,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +33847,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40610,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +31301,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4153,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +13091,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +25376,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +15464,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +37537,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +40847,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14431,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +13723,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32016,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +23341,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37670,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1783,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26842,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +14187,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28006,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9814,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +349,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19531,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +20941,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16037,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8291,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28642,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23860,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23606,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2834,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21564,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +15140,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37423,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +31511,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +24909,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +29210,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25145,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37581,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9360,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +1901,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27784,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33173,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6383,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30055,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +21789,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22426,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +26854,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8334,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30569,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +42479,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6705,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33737,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39243,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7992,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +789,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +756,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +39486,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +37280,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31354,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17479,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +362,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6569,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22393,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,0,1,0,0 +7284,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8175,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +32581,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1685,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5527,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +15903,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17252,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33582,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22214,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +27028,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41922,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4590,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8627,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29327,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10013,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6733,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15099,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13727,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41425,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +33480,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40556,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9395,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +26422,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +35990,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37035,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26344,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25636,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18640,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17550,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34149,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42630,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41736,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28004,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +30952,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12478,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +15802,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3691,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1638,0,0,0,0,1,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,1,1 +12752,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37078,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34032,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +8469,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1803,0,0,0,0,1,1,0,0,0,0,0,1,1,1,0,1,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,1 +4289,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +2365,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27269,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22189,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39965,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37326,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26196,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22793,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8722,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23398,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +6797,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39190,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3752,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38151,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41825,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +43230,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8675,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25922,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,1 +35249,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3895,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15518,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36361,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26713,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +29361,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36882,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2306,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37000,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30457,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27595,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +12856,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16915,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19578,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41846,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +34992,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3069,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25108,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,0,1,0,0 +1991,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +22706,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12780,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37463,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16380,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35546,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12065,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +690,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +16688,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25418,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26964,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +19612,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16684,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +11862,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +40496,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15328,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +30074,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11369,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21052,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2325,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17392,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +34301,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43013,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20470,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,0,0,1,1,0,0,0 +37458,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +10624,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +28067,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12939,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40540,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +252,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13368,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40981,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +19374,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35093,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2468,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41896,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17224,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33284,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27792,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2416,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +36610,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10063,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +3103,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +21223,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18746,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +3891,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +31731,0,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,1,0,0 +45,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39806,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15827,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2814,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26402,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19023,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15957,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19882,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39400,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +29484,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +329,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +25585,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +40895,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42127,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +6242,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19925,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18529,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +7704,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +8892,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37736,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25999,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22657,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31414,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30204,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29516,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18028,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2706,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +24277,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +11238,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35858,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25401,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9622,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35192,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +888,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1953,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41050,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26998,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +122,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27119,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17904,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +34638,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +423,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +19219,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5447,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34031,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +36018,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12847,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14082,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +33727,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +36680,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33400,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20037,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37383,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21262,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +19193,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +15619,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39539,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5303,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8820,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40848,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4205,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31494,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2979,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37052,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +23057,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +18097,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8512,0,0,0,0,1,0,0,0,0,1,1,1,1,0,0,0,1,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +26985,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2870,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33979,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36343,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28575,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17856,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21730,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31031,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14547,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19835,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42523,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42951,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +25230,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18373,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27946,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10305,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30629,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +3714,0,0,0,0,1,1,0,0,0,0,0,1,1,1,0,1,0,0,0,1,0.0,1,0,1,1,1,0,0,0,0,1 +40973,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,1,0,0 +37243,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33697,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22254,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28165,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40145,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16213,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +7076,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +9760,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +2579,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42026,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36536,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +34574,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38582,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +41536,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17180,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +38105,0,0,0,0,0,1,0,0,0,0,1,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,1,0,0,0 +10756,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +22618,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33992,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30781,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +2887,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26284,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3554,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33157,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34247,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38828,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +30969,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28689,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37487,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0.0,0,0,1,0,0,1,0,1,0,0 +29090,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14136,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36597,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14292,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26586,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32945,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +30713,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15633,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +27187,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +27370,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15645,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9680,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42887,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41086,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38374,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +31146,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12416,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39115,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3415,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +8818,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34727,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28517,0,0,0,1,0,0,0,0,1,1,1,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +24508,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +32086,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,1.0,1,1,0,1,0,0,1,0,0,0 +2332,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8918,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1.0,0,1,1,0,1,0,0,0,0,0 +39358,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +1022,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +659,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16325,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4544,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42063,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21922,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,1,0,0,0 +11148,0,0,0,1,1,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,1,1,0,0 +12843,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21781,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27141,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,1,0,0,0 +42335,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14588,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33292,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7036,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21358,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +37259,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +15938,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3512,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +3121,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0.0,0,0,0,0,0,1,1,1,0,0 +16564,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +5041,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +13762,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35201,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,1 +43335,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +11772,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35275,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30299,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +34865,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,0,1,1,0,0,0 +27841,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +29050,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +10592,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35885,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +42220,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +7116,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21095,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4768,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12131,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24038,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +28173,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23702,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9156,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12985,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +15570,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +32440,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13227,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25485,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +19859,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19605,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34316,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32875,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +40656,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12528,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,0,1,1,0,0,0 +32221,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41697,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +21745,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41878,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +15042,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38153,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,1 +21577,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14994,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42616,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,1,1,0,1,0,1,1,0,0 +10538,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37394,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +30926,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11659,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,0,0,0,0 +30062,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39165,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8011,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +35426,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +24250,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +30680,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,0,0,0,0 +42024,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5646,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +17007,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37808,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40809,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31622,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26968,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17393,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34669,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +12783,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3460,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +22402,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40111,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +29197,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23609,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14430,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +36240,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,1 +11848,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +27724,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32846,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19841,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +15289,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29280,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15615,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20734,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +848,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26166,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32853,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8517,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +29932,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36596,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,1 +748,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38796,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7193,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +6277,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1056,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20208,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13333,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22783,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19373,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27479,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +39384,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40054,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,1,0,0 +11999,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43370,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +1992,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22060,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20899,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13080,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +17208,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22805,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5301,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +20398,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33420,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14842,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +24944,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6601,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16019,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7066,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8354,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2573,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3130,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15868,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33653,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1416,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35951,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11073,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +36619,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +7665,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13646,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10539,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +14626,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27826,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +5081,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8841,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23625,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +34441,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7008,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4240,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29769,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +13865,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30004,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40557,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1480,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +7791,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17056,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15704,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39437,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9551,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +6207,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34147,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9549,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28230,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5233,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41695,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21900,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1928,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33726,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23364,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33053,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22702,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +833,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +41254,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3902,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40452,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41041,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6732,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +41013,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16867,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27906,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27729,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +298,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +5656,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +9576,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +5628,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38325,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31591,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37452,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1.0,0,0,1,0,0,0,0,0,0,0 +42700,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41220,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +8752,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20433,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +5293,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18187,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15892,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +38581,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19658,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24236,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40521,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33893,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19170,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23581,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +31352,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24452,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13629,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +29547,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37026,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41063,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29028,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23800,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26387,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11653,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41751,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +25235,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17842,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34619,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +12321,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +27570,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18583,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11675,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +20053,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13932,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +10293,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11573,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3963,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38322,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +19445,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18987,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +2490,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18983,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37476,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40241,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40948,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13639,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +27366,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8342,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1427,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7829,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31241,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +34397,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +21040,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43201,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19957,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35228,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17399,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +24834,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +13229,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24998,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8252,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34882,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9786,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +13134,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39466,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +13711,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42806,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,0,1,0,0 +4259,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +576,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39909,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8013,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20620,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +20600,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1042,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23944,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22885,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29117,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39575,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4584,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6039,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19611,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34151,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15114,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42022,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32421,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21587,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +33293,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30128,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22520,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24488,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16114,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32913,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27304,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +16050,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21848,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +6380,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +14103,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34281,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +31688,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +31576,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8604,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +9536,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8009,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40042,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29894,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +31026,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +27672,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34524,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23089,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33329,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1.0,0,0,0,0,0,1,1,0,0,1 +7217,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,0,0,0,0 +990,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34175,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +10737,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +8853,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7614,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34170,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18743,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +43179,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36304,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +26179,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +26278,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15850,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +37043,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +41229,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13246,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +30547,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25867,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20927,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +42825,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +20651,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +40834,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25973,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13243,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +15676,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24980,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40919,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20078,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +1810,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +41756,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20298,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +29082,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5508,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30617,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9424,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +31077,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11451,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18351,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11812,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10827,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17748,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10792,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +21364,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4040,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39092,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +4777,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21079,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19480,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +38271,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25649,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15839,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19498,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +41294,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9729,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34043,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37910,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7947,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34516,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7299,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26153,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +335,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2375,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31603,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25147,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19833,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +20356,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24481,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +26025,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41052,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20325,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +39967,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32665,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7567,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33281,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5220,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,1,0,0 +18892,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17400,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40612,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28959,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3018,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11347,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +4660,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28080,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4422,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17866,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16044,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26338,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +38383,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +17484,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +32930,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7397,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +1795,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +33383,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +28684,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24174,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17784,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21442,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35864,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32939,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37793,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23842,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29248,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17375,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27473,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29344,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22744,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23267,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18793,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,1,0,0,1,0,0 +9650,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +29402,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +35312,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +5164,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39001,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,0,1,1,0,0,0,0 +22211,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39284,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39177,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5590,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39363,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31585,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11163,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +2714,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +35100,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12974,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +38946,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1578,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39712,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +981,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,1,0,0,1,1,0,0 +23729,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24762,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19678,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +15212,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17919,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8157,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22630,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1.0,0,1,0,0,1,0,1,1,0,0 +36401,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34415,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24465,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13613,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +25967,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,1 +20478,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27354,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +1757,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35386,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23155,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26731,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36386,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31889,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36351,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,0,0,0 +41128,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42763,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19380,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29524,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42173,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23549,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9929,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +10665,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26127,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33518,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12675,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16045,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +27679,0,0,1,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +36421,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +5468,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16687,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,0,1,0,0 +20304,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42534,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22438,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +39623,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8671,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28314,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26478,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14155,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10540,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24628,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8057,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21504,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14068,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26654,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6787,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18206,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +21603,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18705,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43372,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7741,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +39619,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +38730,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0.0,0,0,1,1,1,1,0,0,0,0 +42381,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12614,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21810,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30127,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +19920,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +14835,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +29175,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1.0,0,0,0,0,0,0,0,0,0,0 +28777,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +35105,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,1 +9483,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40631,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +15867,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +23139,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +30961,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12946,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12812,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41380,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32744,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10604,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +39624,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42347,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35611,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +618,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4563,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +9963,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +33676,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4037,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38950,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27751,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8803,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1160,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22808,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +4004,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42750,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +34742,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5369,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +30734,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +758,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20860,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +18089,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19706,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +1832,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34966,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +16844,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2903,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +37100,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3993,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34251,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +5629,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8154,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40137,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18751,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +32028,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41592,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10211,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35871,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42931,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9103,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +27115,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,1 +4480,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27994,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14171,0,0,0,1,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +23867,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14144,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,1,0,0,0,0,0 +15451,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43280,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21710,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35665,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5519,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23086,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1679,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33160,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,1,0,1,1,0,0 +36486,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +12058,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36445,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37334,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4653,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14815,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36762,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +20027,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +42139,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1939,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7679,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3713,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22405,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,1,0,0 +40022,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +22407,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6803,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11138,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2567,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41144,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41674,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26661,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23476,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13346,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4374,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +26181,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37948,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,1,0,0,0 +22403,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15447,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33513,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1521,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +33730,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +4647,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42810,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40064,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32525,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +23193,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +33008,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +39616,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20752,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36021,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41991,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33867,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7902,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13528,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11962,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +21085,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +9297,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25884,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +5604,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6243,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34404,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39085,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29750,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19538,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34167,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +16896,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33581,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13822,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36085,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39618,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23815,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22712,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +26309,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8504,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24958,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39494,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26748,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,0,0,0,1 +6579,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22888,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14019,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11049,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40321,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18449,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14716,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +16137,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32792,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +27630,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34001,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +23769,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +3395,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6174,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +33639,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +9077,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +27900,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9906,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15773,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14802,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +14143,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22020,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +104,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17600,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20635,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30728,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13737,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +11382,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +19263,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40971,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34715,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1058,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14467,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +345,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23775,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5193,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31759,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6117,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10146,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13831,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39528,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24763,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +42943,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +38585,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +12441,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26121,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22429,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31830,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +30314,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30772,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,1,0,0,0 +29309,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +37543,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +30253,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +22152,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20103,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1495,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7220,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36997,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12742,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +22806,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +22570,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26234,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14247,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1030,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +8972,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3572,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,1,0,0 +12947,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1185,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37433,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +34977,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +12270,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,0,0,0 +35369,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32335,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34042,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3195,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12779,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,1,0,0 +42686,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +34296,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8165,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +13724,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21818,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25017,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21184,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +3008,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +6586,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27712,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28425,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6539,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,1,0,0,0 +33729,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +6864,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25935,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30454,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27278,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4636,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24407,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32002,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27730,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40702,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +4151,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36101,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41799,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,1 +27389,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3422,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,0,1,0,0 +8008,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34129,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1599,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34963,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30112,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14851,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37955,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +9054,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29833,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21159,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8220,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +15695,1,0,0,0,1,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +21879,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11282,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32146,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3709,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14037,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +17296,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13939,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3931,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +22831,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26011,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32612,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +7568,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19594,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +20575,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +17218,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25578,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19846,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +18859,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +21847,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41552,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20578,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2484,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +13084,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8599,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4576,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +14195,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4032,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39182,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25984,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +21547,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +441,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24032,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38986,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2341,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10244,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +959,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18459,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33849,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +25150,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +41207,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38653,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +34630,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +17579,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38312,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42008,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14825,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +8180,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4265,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +40181,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40538,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5862,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14133,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +28214,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23919,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41664,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +23673,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11417,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +43089,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29217,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +12100,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +25507,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18056,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27745,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39997,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22841,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37455,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29433,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20327,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35512,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17770,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19375,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +23763,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16603,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36722,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25197,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +18523,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22025,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36061,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1823,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30946,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11459,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30168,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41533,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7539,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24880,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7447,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16480,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12435,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38991,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19279,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17678,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22349,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +10439,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +3815,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11044,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11890,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12216,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13838,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +29536,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,1,0,0 +36706,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40989,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21450,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20902,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38826,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16461,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5766,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41835,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3825,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,1,0 +41048,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37358,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,0,0,0,0 +22237,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21066,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30666,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11097,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +29993,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20044,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8037,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2223,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +34861,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,1,0 +3580,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21212,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,1,0,0,0 +14363,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +25807,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21791,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34306,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4012,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +38465,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +8770,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38140,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4462,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38978,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38936,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11362,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25071,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6448,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40567,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33866,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4813,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +2825,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22971,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15545,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38103,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39636,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32357,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +15327,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +72,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16221,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8993,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18171,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13858,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34093,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10942,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27517,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27725,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +29900,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9012,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,1 +5825,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1586,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5850,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6272,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +17524,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +256,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3637,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +42954,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16341,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10940,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37535,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32443,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23331,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +41600,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27640,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32276,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6560,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3435,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33625,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +33973,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17328,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10107,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41796,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33628,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25467,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39489,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +25715,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32996,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +932,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31774,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23547,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27650,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3764,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40769,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37923,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33818,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10605,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41689,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36362,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +5025,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7738,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8341,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28335,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30631,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19964,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37189,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4164,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35959,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8089,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3994,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28799,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16261,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2396,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1985,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27855,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,1,0,0,0,0,0 +28318,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18477,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27787,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3458,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37491,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39457,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27719,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +40852,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18507,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1.0,0,1,1,0,0,0,0,0,0,0 +22491,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9414,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +38753,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +9468,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +26012,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9429,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,0,0,0 +39937,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +22099,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40887,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1807,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1872,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +22800,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29444,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +30558,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18576,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30009,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,1,0,0 +40733,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +2511,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +12656,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27908,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20373,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22833,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2387,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +42259,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +17969,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26279,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33142,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3980,0,0,0,1,1,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9765,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1429,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8872,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29538,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31198,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12659,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3025,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21437,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +14418,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7206,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3657,0,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +2436,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +39045,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22899,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +21641,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36533,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +22175,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6791,0,0,0,1,0,1,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +10973,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32395,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25075,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32475,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +691,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +14100,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6484,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24451,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14998,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41025,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6511,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3777,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14463,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19544,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12014,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,1 +11059,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22075,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27896,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +37971,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24494,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8655,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24981,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +35064,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42513,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33822,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +198,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,1,0,1,0,0,1,0,0,0 +43180,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +39306,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33701,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +32699,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25297,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +30364,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27998,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +34947,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +817,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10896,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,1,1,0,0 +4053,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +20488,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23636,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34183,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28803,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +32423,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19518,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31683,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12141,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15191,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17267,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25705,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39953,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +689,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27932,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33958,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +784,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14096,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +30770,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9777,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18781,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +24068,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43355,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37367,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23759,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40472,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33028,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +4304,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30681,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +177,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32872,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1.0,0,1,0,0,0,1,0,0,0,0 +2848,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +16801,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12197,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18424,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +33307,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18497,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28272,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33343,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10179,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16795,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26837,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +37632,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,1 +24232,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39703,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17019,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,1 +25172,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39893,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27960,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33483,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24196,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4102,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15531,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20849,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +3783,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +33659,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +9217,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34533,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +34845,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10162,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +6166,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4692,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8977,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22018,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +41115,0,0,0,0,1,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,1,0,0 +26029,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31927,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3353,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +13160,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5511,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24251,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15146,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8382,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30995,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15246,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34507,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30180,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29213,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4009,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,1 +22672,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13308,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +18113,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10663,1,0,0,0,1,0,0,1,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +38480,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1426,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29507,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13845,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +30776,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +11061,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +12264,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25148,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4437,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6678,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +22524,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +23840,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33929,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7301,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18232,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,1 +28728,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +15134,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39206,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40283,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31434,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7275,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7273,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +43347,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30652,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43223,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +28413,0,0,0,1,1,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1725,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +33597,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21960,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +12498,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8499,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7197,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27532,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15412,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12621,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +33879,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +7426,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18733,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18213,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +23974,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28825,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +38872,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9950,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36829,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +2742,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16972,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +3954,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39915,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +33813,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +30352,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41977,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3232,0,0,0,1,1,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,1,0,0 +24087,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26502,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +33844,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41118,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8670,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29554,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,1,0 +19983,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10133,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6861,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20015,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38970,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32209,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36003,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36711,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1257,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22746,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +7224,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8308,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +13830,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +669,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38706,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32812,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,1 +2116,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +8827,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +28950,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21578,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,0,1,0,0 +34229,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9671,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4720,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35915,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +398,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +11445,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40448,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +19211,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20159,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8445,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23418,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27753,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +35578,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22139,0,0,0,1,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,1,0,0 +14711,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +38136,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18874,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38137,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1376,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +26623,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6768,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +36579,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38408,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8401,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20835,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16606,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2240,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40135,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21788,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +14703,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33692,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +12539,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +12637,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35456,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18332,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +33694,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42612,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +35306,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +29096,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9248,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20792,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6200,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21219,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +27425,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38629,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11196,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40929,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13006,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43281,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21828,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23568,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +35555,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10164,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4855,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38586,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40735,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +5005,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19589,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +443,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +19822,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +38185,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21662,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27006,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14864,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0.0,0,1,1,0,0,1,0,1,0,0 +37030,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1336,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24517,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41782,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39799,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2698,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27342,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3184,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +37605,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35255,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1464,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +40744,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +41875,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19816,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29997,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +10982,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4503,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43238,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17616,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2651,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24262,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +14745,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +7753,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6090,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39982,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +6712,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39059,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24095,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6728,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8808,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +36943,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25162,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17076,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39554,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22375,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43185,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30901,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8835,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2097,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37599,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40077,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28980,0,0,0,0,1,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +1005,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +4442,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +14183,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18091,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24243,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31923,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26363,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23464,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1.0,0,0,1,1,0,0,0,0,0,0 +36480,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,1,0,0 +22207,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22173,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +35796,0,0,0,0,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +36399,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +24154,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27560,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +15690,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38746,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26329,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4048,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35862,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,1,0,0,1,1,0,0 +4613,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0.0,0,0,1,0,0,1,0,1,0,0 +14863,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14151,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +22488,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35828,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +10970,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +7302,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29196,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +23287,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16190,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29688,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22209,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +667,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29648,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10345,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27687,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +37072,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,1 +35655,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22529,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24364,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15178,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28085,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36817,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10178,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31957,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +3265,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41298,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29335,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2065,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +14884,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8079,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +26326,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +33138,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22953,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +23923,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25300,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18118,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25768,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1.0,0,0,1,1,0,0,1,1,0,0 +27984,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +15725,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14178,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21793,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19452,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33691,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13772,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32932,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +19413,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22185,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +15401,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1015,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +3164,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11259,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28259,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,1,0,0 +24351,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +10920,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5694,0,0,0,0,1,0,0,0,0,0,0,1,1,1,1,0,0,0,0,1,0.0,1,0,1,0,0,1,0,0,0,0 +23120,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +10991,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15735,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38519,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30937,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12125,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +30076,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9237,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +15641,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23530,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +36655,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33666,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4772,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5696,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28503,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3959,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21419,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20994,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +25062,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1966,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +34233,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6591,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +4395,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24661,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17355,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41793,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40366,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34701,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43123,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10238,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2731,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35094,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +31060,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4039,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32552,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40279,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8577,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7006,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11003,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23540,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13297,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39310,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +23144,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25737,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3934,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42507,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10196,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31653,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16865,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +400,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10121,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29459,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +35845,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41221,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5115,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15630,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1894,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39820,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2282,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38862,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +24115,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +13005,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23074,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +9176,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39678,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +36724,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1862,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +6794,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26636,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20747,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22348,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33283,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41152,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39608,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,1.0,1,1,0,0,0,0,1,1,0,0 +15377,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28269,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39087,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10308,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +24354,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +15783,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24946,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15737,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18046,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6331,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +29021,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39224,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20250,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28407,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +26102,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +212,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28389,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +8221,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21379,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18021,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +34868,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,0,0,0,0 +9345,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3207,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33840,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13355,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33121,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,1,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +14434,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17241,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +8000,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24103,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9827,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35744,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4648,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +834,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6534,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36008,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26392,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14532,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32619,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34425,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28163,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40491,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35407,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13916,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,1 +9979,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +31648,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33273,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1959,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32808,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29259,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38069,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28390,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14244,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,1,1,0,1 +2726,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +29242,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +31588,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14478,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28703,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +7137,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38355,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +391,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14022,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +30187,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20936,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14800,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19783,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24328,0,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +26418,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21332,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33409,0,0,0,1,1,1,1,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,1,1,0 +37068,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24424,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22891,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +15961,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11418,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +6766,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +31746,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14307,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +5453,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12202,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9025,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29701,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +23966,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31589,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +29560,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +13452,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5116,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5910,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11453,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +15588,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +42403,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28294,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40672,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +26093,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1129,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32881,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5692,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42662,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27478,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41332,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20804,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41410,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17960,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38491,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +29598,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +33068,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +33754,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +22071,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,1,1,1,0,0,0,1 +42130,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +743,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38523,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31942,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +4468,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +41079,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12217,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13367,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33690,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +796,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1365,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +553,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +36505,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23980,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24584,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14132,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +3295,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19697,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36251,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35475,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6402,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27018,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39564,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4578,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +15011,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21686,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28582,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +6067,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +31765,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +14480,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +37668,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +1154,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32082,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18617,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38634,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +27524,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3471,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28003,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +23997,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +32997,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38179,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +8026,0,0,0,1,1,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,1,0,0 +9291,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1817,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +4127,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11276,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40869,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +32819,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +33528,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35599,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31355,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16389,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19631,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38537,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25890,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36225,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +20602,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40768,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1535,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17094,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17839,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41721,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +20079,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,1,0 +4579,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +17182,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37924,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17272,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +17546,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +12763,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37170,0,0,0,0,1,0,0,1,1,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +42424,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6863,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4451,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10725,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16025,0,0,0,0,0,0,0,1,1,0,0,1,1,1,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +9693,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,1,0,0,1,0,0,0,0,0 +37992,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40173,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34673,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6408,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2800,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36183,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24024,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +31373,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3905,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42683,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35739,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20709,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37749,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22482,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25005,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25987,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3046,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +36886,0,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,1,0,0 +35158,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40793,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8107,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +9877,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +6558,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15601,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7931,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +29910,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24285,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +27518,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +6900,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33496,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +36440,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8669,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15653,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28946,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42166,0,0,0,1,0,0,0,1,1,1,1,1,1,0,1,1,0,0,0,0,0.0,1,1,0,1,0,1,1,1,0,0 +31534,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9133,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1279,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6746,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13220,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7427,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +40131,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19365,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4559,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4026,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +3805,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +41123,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +15349,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +15326,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28830,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16544,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,1,1,0,0 +10358,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35632,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20911,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18077,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +12515,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18999,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,1,0,0,0 +40148,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9216,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +27743,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39694,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41419,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37138,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21207,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12606,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12464,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,0,0,0 +7364,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37274,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +32890,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +3855,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16602,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6580,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28279,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39422,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6251,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33462,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +13645,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +5803,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37892,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34062,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25943,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22130,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16702,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38529,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28523,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31016,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +1584,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17958,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18688,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38372,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30644,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39094,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +27930,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28987,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38293,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34367,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +34238,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8476,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +7438,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +29840,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,1 +7277,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,1,0,0 +22076,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +36346,0,0,0,1,0,1,0,0,1,1,0,1,1,0,0,0,1,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +38669,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +10067,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14156,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8357,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +25151,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +1324,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42894,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7422,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15640,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39438,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +9324,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19162,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +20613,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39718,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +17225,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22592,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18138,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32319,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +17915,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38689,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40525,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32424,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5678,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7956,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +19982,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6755,0,0,1,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +22081,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37250,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +40201,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,1,0,0 +29333,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24820,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +29575,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8200,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33605,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +26333,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +14618,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19852,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31586,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40060,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35481,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,1 +34620,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +294,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28348,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41484,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +29308,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24785,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22974,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32331,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27156,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21381,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38168,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16495,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2429,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24084,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2477,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +32374,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3323,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +36011,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42559,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11753,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9516,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +7511,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +10998,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +27088,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +31298,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22259,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9686,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31076,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25424,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +37498,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41000,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22194,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +15978,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26948,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9502,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39930,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38338,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20075,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24029,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +42004,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38621,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +9100,0,0,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0.0,1,1,1,0,1,1,1,1,0,0 +40731,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3233,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22382,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42353,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +6110,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21205,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1858,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11750,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +27644,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2901,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16309,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11691,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +13169,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28040,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35362,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +19411,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22799,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14030,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23334,0,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,1,0,0 +6151,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21310,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13896,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14449,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15651,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +20713,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +19004,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +40481,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21826,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23009,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1666,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,1,0,0 +39161,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +26358,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27038,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +35646,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27515,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,1 +16643,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +7250,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32901,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +38934,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35052,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39134,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18791,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8953,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19779,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +34061,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +14594,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +32684,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3773,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +33921,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1302,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +17093,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +12587,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9409,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33553,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22601,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39225,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15006,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24012,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +26806,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +3116,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10574,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5978,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9711,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26118,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,1 +17553,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +13431,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +7337,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39011,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +4124,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +38800,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +34687,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21203,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27993,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20467,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1255,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7248,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30327,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4673,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1520,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +36220,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +29513,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24120,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25390,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16369,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +43066,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +4527,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33397,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +39652,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36211,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,1.0,0,1,1,0,1,1,1,1,0,0 +41046,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +23779,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3030,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +15043,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17537,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24360,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +6276,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +38947,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +41122,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28967,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +39622,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10285,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11444,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +2007,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36810,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +1272,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +810,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14650,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10233,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,1,0,0,0 +10905,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5894,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +23350,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37036,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32835,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +13003,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4963,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +21704,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9532,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9568,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38229,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +30323,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1.0,0,0,1,0,1,0,0,0,0,0 +5661,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30088,0,0,0,1,1,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +18592,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37084,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +21870,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +42831,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17335,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +8442,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23226,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36718,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1256,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +3366,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38164,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +16334,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18215,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29602,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3358,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8987,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1588,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +2258,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41116,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9053,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38447,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30142,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20740,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,1,0,0,0 +4056,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19339,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2998,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +1219,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28710,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14330,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +38170,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +14033,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20190,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22625,0,0,0,1,1,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +40269,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31740,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +15241,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7274,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23166,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +35211,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +41311,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,1,0,0,0,0,0 +21787,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +25100,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26388,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34255,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43339,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +19151,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34268,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26169,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28723,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1841,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15285,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38444,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26315,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17519,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7298,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17948,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17801,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18596,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +7324,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38820,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +32135,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18064,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,1,0,0 +23409,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3005,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32673,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13480,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27234,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11631,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13221,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20562,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23490,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5196,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7812,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22451,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27599,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41934,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33935,0,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,1,0,0 +25561,0,0,1,0,1,1,0,1,1,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,1,0,1,1,0,0 +33184,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20777,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +3633,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27805,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21256,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35806,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13820,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36001,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26216,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15040,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25468,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14182,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +11021,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4487,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2165,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +41134,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32070,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25802,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23211,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +14798,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +3781,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11743,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +16130,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38275,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +35613,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +2758,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9619,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11197,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16621,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +21605,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11421,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34779,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42245,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +13075,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18499,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +32522,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26361,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9727,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39972,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36265,0,0,0,0,1,0,0,1,1,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25141,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25970,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +39700,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +38329,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +29856,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38712,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35349,1,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20320,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26325,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +28927,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +18710,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +6899,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +41707,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27400,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21517,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9835,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +34087,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37968,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14774,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +8545,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +5362,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6619,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43246,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33014,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0.0,0,1,1,0,1,0,0,1,0,0 +2183,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6551,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19652,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15319,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30497,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3469,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23383,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3371,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2144,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +18273,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9281,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +279,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +24498,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,1 +29546,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39253,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11596,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +29595,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17114,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +41887,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34805,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13536,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3665,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7785,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +6959,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8881,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42475,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19391,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20893,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18945,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +16650,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6721,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38776,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +26476,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +4898,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6600,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9372,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12956,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31306,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18383,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31484,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25278,0,0,0,0,1,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,1,0 +33433,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,0,0,1,0,0,0,0 +37342,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31262,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36742,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1819,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21554,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9272,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3217,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39236,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35753,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +36992,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +7245,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36224,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +33262,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +1165,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +7521,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11320,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31783,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +34650,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +13861,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5076,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5174,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18034,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31860,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +7519,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6570,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26466,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +9975,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22810,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35812,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29825,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +26723,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26867,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17357,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38360,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42323,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37780,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16034,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1.0,0,1,0,0,1,0,0,1,0,0 +23738,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,0,1,0,0 +30432,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38856,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29672,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30417,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41582,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39386,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24457,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19727,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15025,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6399,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7723,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +19791,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7126,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37822,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24549,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +208,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,1 +32861,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19467,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18070,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24206,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5561,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18431,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31794,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4572,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41240,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42399,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40732,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +15175,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24667,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9402,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +4972,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +30296,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +38528,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28659,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +35285,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20239,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +34377,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,1,0,0,0 +8034,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11894,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28137,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33888,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +9303,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4891,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +13362,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32502,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15766,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29017,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +7264,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36103,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +33248,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35348,0,0,0,1,1,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +27768,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19570,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4845,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +29871,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +15603,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +18492,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10089,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12596,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20532,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22970,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +10321,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19542,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17103,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8190,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15701,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +14727,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,1,0,0,0,0,0 +39859,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40568,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6499,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +38340,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,1,0,0,0 +29472,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23641,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +6072,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39962,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30320,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27589,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6970,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28371,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22503,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36968,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39012,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +33498,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15520,0,0,1,0,1,0,0,1,0,0,0,1,1,1,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +12695,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27312,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26267,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +36878,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25763,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6631,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8663,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +13852,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +8370,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +21594,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7711,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15128,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35584,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1023,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +30501,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31961,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +6340,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +193,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27723,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19106,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +24049,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4247,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3838,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24806,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +17705,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11140,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38466,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +34436,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +34077,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10404,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +41059,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +40298,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22742,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +29066,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14634,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6313,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +42708,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +13015,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +5427,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34968,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36431,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30007,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9982,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29923,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29663,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,1,0 +12172,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22811,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +32169,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +26257,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29597,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +10943,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14021,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32218,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31806,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24936,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +9285,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4729,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19937,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,1,0,1,0,0,0,0 +34234,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34665,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +40262,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15721,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +8584,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12221,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9793,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +7198,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1458,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +22538,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +5597,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28035,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7105,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28094,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27750,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +20598,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4664,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12589,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20963,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +24302,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16113,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20867,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9956,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27100,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35686,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42770,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +144,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22692,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +19728,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21980,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42364,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +19478,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4460,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +33577,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16773,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3585,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7740,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17038,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +5872,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +23361,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35607,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +10782,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +36800,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6971,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3380,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +4278,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24310,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42466,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30082,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43198,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7915,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19018,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30821,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34794,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3334,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11190,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40493,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,0,1,0,0,0,0 +26442,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +32884,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41897,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36743,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38431,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10635,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27621,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13046,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16531,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4134,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17737,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26919,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22399,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +4114,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6154,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +33749,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26776,0,0,0,0,0,1,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +20541,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +11876,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35458,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23275,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33268,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14217,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +24303,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +33208,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +30896,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21087,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39933,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +29850,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34642,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35564,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15151,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42634,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40889,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16592,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +23521,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +2999,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21289,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24388,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2950,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30867,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38319,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +13601,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26173,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12341,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34584,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +9231,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4639,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39026,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4788,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +24213,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35237,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +17873,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38166,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3110,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12564,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22709,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34275,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +42502,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40300,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9098,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7371,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1473,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1107,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41690,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14451,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7842,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15837,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35912,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +38394,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,1,1,0,1,0,1,0,0,0 +1999,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +8958,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +42956,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23918,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33096,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29265,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20855,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +36093,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38786,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29064,0,0,0,0,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +1397,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41802,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,1,0,0 +22172,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +41973,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2818,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4159,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5352,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20417,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31441,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14668,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +20509,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14422,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18692,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25417,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11281,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +3726,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32942,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +15446,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,0,0,0,0 +25767,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4718,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31258,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +23157,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +34796,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34749,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +14386,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41873,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24212,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +30029,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +29640,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41660,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +21092,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +29354,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27605,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36721,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25117,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4045,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +8161,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15543,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2434,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +8437,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,1,0,0,0,0,0 +31357,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22837,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,0,1,0,0 +18298,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +3869,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2589,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35865,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +32535,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32574,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13450,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12254,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +36291,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9615,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +13752,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,1,0,0 +17213,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +39838,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23901,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +20013,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +26956,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13203,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42101,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34581,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8702,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24707,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17195,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +664,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +13336,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27586,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32137,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +12355,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6057,0,0,0,1,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +9917,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23368,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29746,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39369,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +21056,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +37714,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29223,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30806,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12542,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +6979,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19233,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22304,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36419,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1374,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +16494,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15053,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +8610,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39695,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +15625,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +42599,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +41967,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +21688,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +627,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22471,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11473,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30024,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +4927,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10333,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42014,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2715,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16899,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3146,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32203,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32544,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20118,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25201,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29819,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5153,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8984,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29133,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +30759,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +6361,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +30612,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28538,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +6609,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32155,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +6065,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3188,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20951,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +4279,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18322,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +24721,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6908,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2204,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14537,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43165,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23174,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33090,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +16505,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5639,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37871,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14856,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10909,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8914,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28979,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11990,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32734,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43322,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21319,0,0,0,0,1,0,0,0,0,1,1,1,1,1,0,1,0,0,0,0,1.0,1,0,0,1,0,0,1,0,0,0 +41142,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23158,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12503,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33369,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +17976,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24172,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8254,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20231,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,0,1,1,0,0,0 +22406,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16443,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36673,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39231,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32498,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31773,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8071,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37227,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11581,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34873,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +37478,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7946,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22138,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26712,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3097,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2681,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +4940,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39188,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18946,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7042,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +35957,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +32979,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21894,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11287,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35368,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +19150,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26662,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28482,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36040,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28022,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36383,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,1 +11092,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5702,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +43195,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28179,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29736,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +17032,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1653,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +17681,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42349,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +27321,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28584,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,0,1,0,1 +17581,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21774,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24719,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10703,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +8169,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26895,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3933,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31967,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10872,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22698,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +15722,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39761,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21926,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14409,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10986,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16556,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20691,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +26164,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12088,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6018,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38942,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +29737,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +7683,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +24223,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38345,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38933,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8949,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,1,0,0,0 +13655,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2109,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36926,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +28864,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25537,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23627,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9662,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +24973,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16364,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5261,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15472,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17756,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3052,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41708,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23961,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22531,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +30532,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28892,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,0,1,0,0,0,0 +27033,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +13632,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +17266,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +4675,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32132,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39436,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1470,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17014,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +33835,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40184,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14253,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36415,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +365,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25803,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7161,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2374,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35981,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7700,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +19514,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17437,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25862,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19839,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1916,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14664,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +150,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +967,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26501,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9916,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +127,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +11845,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10104,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +25264,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29928,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37854,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27248,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35401,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30203,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26711,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21819,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +21933,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31853,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13809,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24268,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +18829,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34653,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8360,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26144,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20189,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41335,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41727,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38328,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21097,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38660,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35222,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28199,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +18382,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,0,1,1,0,0,0,0 +24640,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,1,0,0 +20194,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +10275,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5644,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6953,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42481,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17159,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29935,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +32929,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31661,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43038,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6853,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31389,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6010,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34689,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +27305,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10132,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1895,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26261,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10420,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31277,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +6675,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6553,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +37838,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34520,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +41171,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +21753,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24021,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28868,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +20917,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23344,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15501,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37708,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21499,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4874,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4541,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8076,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29617,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21263,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4831,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41620,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40719,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26793,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28820,0,0,0,1,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,1,0,0 +37570,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22517,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +20669,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22420,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22345,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18170,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34925,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16514,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15550,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +22323,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18756,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36268,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +27322,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21466,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8299,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24446,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33402,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9081,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30748,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1706,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27970,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +13547,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +38042,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19548,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14004,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4385,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +27004,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8136,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +6520,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +126,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +12594,0,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,1,0,0 +1623,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +3634,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21078,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25471,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16726,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +38989,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +19283,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +34597,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19550,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12469,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2152,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29023,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23513,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,1,0,0 +14262,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21849,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25130,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +26979,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12211,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30223,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +2231,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30883,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16422,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13181,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,1,1,0,0 +2789,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +27798,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +31590,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15251,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22628,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6092,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39932,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33598,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +39593,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +17475,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +21300,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26452,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14829,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13351,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7602,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4866,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +36767,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14653,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6029,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35036,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14530,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +41847,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13728,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +32748,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8005,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31326,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +5478,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40579,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36111,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30155,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +34065,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +5053,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +10245,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22734,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +17445,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29069,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35623,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1605,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1351,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16410,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36938,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +26380,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +884,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8003,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +9575,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41550,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5309,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5265,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2334,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23115,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30280,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +25411,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2118,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +9329,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42023,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1913,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35554,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +18755,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10563,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9890,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +547,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25728,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +15376,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33155,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +34894,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28944,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27497,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38297,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34228,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4918,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28011,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38645,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28625,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +41338,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18659,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15018,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +682,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +25154,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +2564,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +15468,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21098,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1543,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34399,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33499,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +10692,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34376,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +31260,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13170,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21937,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41081,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +39373,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35126,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8121,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31897,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35478,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35720,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36438,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42632,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25480,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9655,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9055,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +23801,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +14076,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,1,0,1,0,0,0 +38954,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42627,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +7906,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21044,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +37269,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41039,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +23503,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22760,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +255,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +4396,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16139,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +25534,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +37658,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37429,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +41192,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8991,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12557,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +13269,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3459,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39352,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +31176,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23591,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39679,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40885,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3100,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +5865,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9653,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2780,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30057,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13819,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24493,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17183,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20973,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37219,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +40715,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4091,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38007,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2308,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +33094,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25209,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37065,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22386,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4997,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19238,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,1,0 +6329,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +39759,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6767,0,0,0,0,1,0,0,0,0,1,1,1,1,0,0,1,1,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +27454,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29353,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +36365,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +9949,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3766,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +41407,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42729,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27919,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +12629,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +30394,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8548,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35851,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37746,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19778,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10401,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +14748,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18438,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16774,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34466,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1051,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14908,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18359,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,1.0,0,0,1,0,0,0,0,0,1,0 +129,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40963,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1121,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +21308,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20754,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +965,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42071,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3377,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10774,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15732,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22430,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2186,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42409,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19439,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8419,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34995,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +12237,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19427,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41020,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16313,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7087,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +19048,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +29608,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,1,0,0 +27799,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24960,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20080,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2428,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40580,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12168,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2632,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43181,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43272,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +908,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33883,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41932,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +5743,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23505,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39070,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20351,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40686,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +20781,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +11896,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25311,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +40705,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41284,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3482,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35675,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1002,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +40760,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1740,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17684,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28036,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +35609,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33509,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39798,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24844,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27673,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2208,0,0,0,1,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,1,0,0 +27964,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +40364,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21167,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38744,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39553,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32402,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +5331,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +34692,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,1,0,1,1,0,1 +2101,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10462,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +3901,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9789,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37571,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36858,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,1,1,1,0,0,1,0,0,0 +41426,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26391,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +18813,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,1,0,0 +225,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +31351,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8021,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +6914,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,0,1,1,1,0,1 +1758,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5042,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31828,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +18911,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3791,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41262,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22065,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42690,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27371,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16152,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3677,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29806,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +24739,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4255,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23100,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9903,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +37542,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +23836,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1.0,0,0,1,1,0,0,0,0,0,0 +7390,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42711,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17992,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42098,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +18835,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10948,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +27934,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +33406,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39910,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4621,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22004,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +40261,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43257,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +6429,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +16739,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8559,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6946,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27707,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +12005,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31964,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27551,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11885,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32359,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28990,0,0,0,1,0,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,0,1,0,0 +21975,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +31404,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43035,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17345,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12930,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18447,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11372,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +13323,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +32233,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36158,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15364,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +8543,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38687,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +32068,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +15512,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20280,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1609,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40037,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37258,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25627,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1644,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32862,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +37163,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36775,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42733,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39643,0,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +8041,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41015,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +34566,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12280,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26272,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26512,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35257,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34343,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,0,1,0,0 +15674,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42494,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8436,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41369,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +42487,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,1,0,0,1,0,0 +35723,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27674,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +11796,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11715,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +28442,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +28340,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,1 +42056,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +1974,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +28190,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13019,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43323,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21509,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +3489,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27668,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32186,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +6446,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6608,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14089,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +23900,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8721,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8659,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3924,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10263,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24803,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +41283,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33447,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30337,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +41417,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +982,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35539,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9439,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +11898,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17285,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40424,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24057,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6352,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34120,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +36554,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +28069,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +13607,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +28863,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13272,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24636,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18711,0,0,0,0,1,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +31006,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +36147,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32785,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1390,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9392,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +3772,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34033,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +27587,0,0,0,1,1,0,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +33207,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41285,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +8905,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3673,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8475,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13649,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +12597,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +21481,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +32754,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11561,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5230,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31558,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18301,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33708,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23085,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33946,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +18348,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +3420,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21583,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +10118,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +33066,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25476,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35096,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +38111,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28823,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18956,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17606,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28592,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8871,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +1383,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3653,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2087,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23608,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15345,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7285,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,0,0,1,0,0,0 +26810,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40962,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,1,1,0,0 +9493,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18041,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25386,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26754,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2566,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18653,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32630,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34349,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37957,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18686,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34503,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32098,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2187,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,1,0,0,0,0,0,0,0,0 +23869,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41035,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +17817,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5019,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25969,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10490,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4711,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3332,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18181,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13382,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21648,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11652,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41565,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +24515,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38291,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +3411,0,0,0,1,0,1,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +28473,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +1095,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +12309,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +38874,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17055,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26710,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41598,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15294,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +28655,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42027,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +10252,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,1,1,0,0,0,1 +41470,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0.0,0,0,1,1,0,1,0,0,0,0 +23681,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7780,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7873,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1.0,0,1,0,0,0,0,0,1,0,0 +18338,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36310,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2022,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13201,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20265,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17068,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2117,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40215,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +39449,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +14684,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29394,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19433,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14871,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +35283,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +2285,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1189,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +5414,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17233,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36472,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10222,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20522,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12027,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4991,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24226,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6978,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39993,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11086,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37612,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18093,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +23347,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15380,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +41656,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +39513,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +23479,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +18026,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15769,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +12144,0,0,0,0,1,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +5189,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +36035,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +10353,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32831,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6517,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26551,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +9971,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +7692,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14925,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20645,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15162,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1.0,0,1,1,0,1,0,0,0,0,0 +404,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37426,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10712,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +18840,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2233,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14963,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24166,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35013,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35735,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40010,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5846,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +15126,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29074,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21719,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23855,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +395,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +13366,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38375,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +40457,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42938,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +3525,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +34952,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15887,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +30063,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +34209,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +32036,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +2879,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8292,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29943,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2899,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28931,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4858,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16233,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16724,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10110,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +19141,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +17002,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +42227,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18156,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +43242,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7825,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35734,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +16207,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17884,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +3562,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +29791,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20912,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37160,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12102,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34490,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +33009,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34027,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32728,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +21890,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38064,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +16383,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +7560,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2470,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39696,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37988,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +32087,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21133,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,1,1,0,0 +12995,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +1602,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24779,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +38557,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +16293,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23545,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5376,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +37384,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37689,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10809,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20289,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +383,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +2774,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22915,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +489,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29549,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7719,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +34197,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20633,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30519,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +15316,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38976,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30021,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +2472,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +4717,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +4438,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +21464,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5649,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +4893,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40182,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27382,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10710,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21539,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37521,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,0,1,1,0,0,0,0 +14736,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28774,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38531,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +12703,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +33522,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5445,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14722,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +31476,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8149,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34284,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11038,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27718,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24487,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +5885,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35988,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29441,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20222,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32369,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31657,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23767,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19056,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25008,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +7162,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6531,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28994,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43276,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +4168,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6246,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16241,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20474,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42723,0,0,0,0,0,1,0,1,0,0,1,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,1,1,1,0,0,0 +11345,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +36108,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29695,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39302,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39360,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +4823,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33828,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +40508,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +32888,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +28884,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +13089,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23162,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42452,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36989,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +39395,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6907,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27281,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28606,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27213,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22534,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40206,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26443,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22789,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26205,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38456,0,0,0,1,1,0,0,1,0,0,0,1,1,1,0,1,0,0,1,0,0.0,1,0,0,1,0,0,1,1,0,0 +37811,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5822,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33962,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1.0,0,0,0,0,1,0,0,1,1,0 +97,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +4126,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,1,0 +24928,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40389,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +7491,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12446,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16596,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24152,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13964,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13566,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +829,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +33421,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33089,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11102,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10955,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42823,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +28800,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36311,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3985,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29954,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +10390,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26281,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42385,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28072,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,1 +6060,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +93,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26399,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8484,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42898,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12965,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +35497,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37466,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +55,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3328,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13503,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +5797,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6245,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41685,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +1026,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6009,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +33838,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30031,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40884,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40180,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19489,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38566,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26757,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9045,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38365,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34658,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28362,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +327,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +12698,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4841,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27907,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15434,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26065,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +1323,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +17222,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +24662,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33087,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2877,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34538,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9259,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11498,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35387,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19177,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +4901,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34423,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18000,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4825,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38761,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11649,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20472,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3202,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +35689,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,1 +9547,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +23486,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39665,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8771,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28416,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15884,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21592,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,1 +32854,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +13682,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34445,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +20605,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21422,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +17601,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26811,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36525,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4366,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28380,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23289,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39244,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39973,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31289,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33031,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +199,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9208,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32219,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35087,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +37195,0,0,0,1,0,0,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +4895,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40998,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13330,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +17922,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38601,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +12547,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13592,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37702,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1812,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +2570,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28948,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36687,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31810,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11503,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22169,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23028,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12495,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2355,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40634,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16820,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14153,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2680,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28284,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1821,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +16387,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,1,0,1,0,0,0,0 +30816,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +20710,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +21796,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +94,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21790,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22473,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24497,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40092,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8760,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2643,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29543,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15169,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +26244,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +35319,0,0,0,1,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +793,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,0,0,0,0 +12061,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +16172,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20047,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17470,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40934,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14487,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +29170,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8561,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,1,0,1 +23329,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13722,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +26996,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +355,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +29714,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +40373,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1.0,1,0,0,0,1,1,0,0,0,0 +32307,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,0,1,0,0 +36286,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8228,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6515,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42518,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +34104,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42928,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31756,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12863,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +42505,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20182,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18439,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +8235,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28776,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29158,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1396,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32701,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5250,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11518,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,1,0 +37411,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27764,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +37584,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +140,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16183,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23639,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34372,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34768,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +32455,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24107,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +8658,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +24177,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1.0,0,0,0,0,1,0,0,0,0,1 +10189,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38943,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,0,1,0,0 +33002,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +39597,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17486,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +2985,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27683,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35108,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29625,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13287,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16611,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42477,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31128,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13606,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +5876,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27913,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17420,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +21524,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42976,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28459,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31641,0,0,0,1,1,0,0,0,0,1,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,1,1,0,0 +29574,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +3084,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33806,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +206,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39503,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10060,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40435,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9559,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42465,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39852,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22042,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40837,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4239,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10771,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34618,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +494,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10705,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,1 +37434,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,1 +16547,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +6266,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18433,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +11953,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +11506,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14015,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4407,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17541,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30206,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +12143,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40230,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +40838,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6487,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27142,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27629,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13970,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20574,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38831,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29352,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5150,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23520,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8387,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +7374,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34395,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42400,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +17067,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36786,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16165,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15930,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +28159,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6967,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13209,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22314,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +6190,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25873,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28978,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +41760,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +42018,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32306,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34064,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38895,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41108,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22782,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18844,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +5827,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27057,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36516,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30061,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +925,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9159,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26343,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,1 +40109,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3349,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +15622,0,0,0,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,0,1,0,0,0,0 +39630,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +30288,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11280,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +23494,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32400,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35636,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21591,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +35713,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25691,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10481,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38636,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +41168,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +709,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +517,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +5360,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42972,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +9180,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +14648,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10011,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +11727,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1838,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +33118,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +41275,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +5778,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +34819,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17428,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3114,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7079,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26717,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1193,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,1,1,0,0 +35634,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13110,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7501,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8085,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3176,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3846,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12591,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +33448,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13532,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36359,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18889,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +35070,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23071,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7332,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,1,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +37577,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18981,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23987,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8287,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13213,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13237,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26734,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25988,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31021,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +42279,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12151,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11550,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12555,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31713,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12975,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11147,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,1,0,0,0 +10096,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,1,0,0,1,0,0 +16198,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29089,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36958,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11916,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +22089,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9027,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +25296,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17793,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +16769,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5662,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16374,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23084,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21295,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5634,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27244,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40188,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1240,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36666,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,0,1,0,0 +35111,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30571,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +30764,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +17026,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11254,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37979,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +36654,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16857,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +6540,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16642,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17329,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23357,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1447,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40171,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +32749,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1045,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +7142,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28063,0,0,0,0,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +18192,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27104,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27193,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +32519,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13586,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12078,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +15087,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3222,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35025,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34428,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2881,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +12351,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28355,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25096,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +21104,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26939,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +11184,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17126,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +17089,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5448,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +9097,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,1,0,0 +32415,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,0,1,0,0 +12767,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16615,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24996,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +24818,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37538,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42668,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42060,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14728,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13146,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20933,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +5651,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37025,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39894,1,0,0,1,0,1,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,1,0,1,1,1,0 +8895,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +845,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +32523,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42187,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29370,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34113,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +41815,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18728,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40080,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35336,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42370,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3234,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14937,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +3454,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36382,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +19617,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22965,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1987,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36607,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17161,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36123,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43327,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28691,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +24686,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42984,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +37980,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +35212,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +25322,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,0,0,1,1,0,0 +35881,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42278,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5897,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13656,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +19088,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8605,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40880,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6318,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23047,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +39065,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6168,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5798,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +7282,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +34670,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +41786,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3857,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11914,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35045,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +16756,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16776,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33579,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34342,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4331,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12213,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,1 +13380,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3027,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +43056,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25766,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39137,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22731,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35967,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +7211,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +17003,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24122,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22125,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20033,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +8328,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20881,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4704,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +34498,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +33191,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36971,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +41996,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8407,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14615,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30486,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32125,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27054,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +28278,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22750,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8189,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6326,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17308,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30429,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +6053,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38571,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +12310,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1797,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41650,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +37294,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15661,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +877,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39804,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22481,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +25607,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24298,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22932,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +10893,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +92,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +32923,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24459,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +28669,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37936,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13836,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26465,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42724,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,0,0,0,0 +33239,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,1,0,0,0 +27846,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40177,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33174,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +10106,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,1,0 +22821,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6264,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39128,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32994,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32916,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9340,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33340,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +36252,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40870,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20557,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11751,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11722,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37559,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18558,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35964,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21138,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +12352,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,0,0,0,0 +20448,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +8490,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +4910,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32877,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29118,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +89,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7970,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33075,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25444,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +31062,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17759,0,0,0,1,1,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +30938,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38846,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15138,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10666,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +9399,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +37516,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19239,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3256,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +33412,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +17288,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4155,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23121,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +619,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4444,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +33720,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25050,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25450,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36145,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25937,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42892,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11634,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28873,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10981,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42667,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +39882,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +32265,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +29387,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2035,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14523,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +16458,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24072,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26698,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31100,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26112,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,1 +31247,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +19225,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32302,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,0,0,0,0 +16745,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9683,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1304,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22989,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37933,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32687,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20957,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13662,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37097,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16861,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36894,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +24337,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11949,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18963,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +40005,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26846,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21633,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +15247,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13619,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39095,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20107,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4930,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +340,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +13687,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +10597,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18660,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32320,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21799,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +41945,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +10487,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26237,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +20644,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21211,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +30837,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +9095,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +18650,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2256,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10217,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +7425,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +34786,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7636,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38917,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20255,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +10078,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13961,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1619,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11533,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3082,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6129,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15164,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +39209,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27496,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7134,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23113,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39776,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +7722,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32299,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +32965,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26023,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14402,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5663,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20353,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27808,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +33404,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12617,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13863,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25030,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +16575,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +9819,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +6334,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42181,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +25881,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36357,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34725,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16131,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13358,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38397,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +4332,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26677,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12782,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,1,0,0,1,0,0 +42392,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4282,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +42145,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +315,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +410,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37339,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2210,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30616,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29022,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36598,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +5943,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15453,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6643,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40164,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +37875,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7734,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22905,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40636,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +2631,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28620,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30114,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1417,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +34702,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31684,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30160,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42328,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22994,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12707,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14284,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25204,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22621,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1.0,0,1,1,0,1,0,0,0,0,0 +11271,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35855,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16782,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25216,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27051,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30235,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25692,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15273,0,0,0,0,1,0,0,0,1,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,1,0,0 +18670,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +37122,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18370,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3293,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33133,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28935,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33775,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +14974,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27442,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40576,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22619,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37177,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40095,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9526,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +402,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8148,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9646,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20337,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +39074,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29582,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +6443,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37401,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16600,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +43309,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19057,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,1 +31043,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +39681,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13214,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19009,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32180,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +42262,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3461,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18648,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42981,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +32351,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40008,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39303,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3490,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +35402,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21963,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +38563,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32904,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9673,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +6064,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13103,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28882,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +42876,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +20120,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33626,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +36176,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21354,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25552,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +8833,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14446,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42265,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4969,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6708,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14145,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +10999,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35291,0,0,0,0,1,1,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,1,1,0,1,1,1,0 +42933,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17620,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22360,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +16359,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2329,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22411,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8233,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40907,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +35792,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27689,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +22121,0,0,0,1,1,0,1,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,1,0 +12346,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41854,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20681,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28773,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6404,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +13931,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3856,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +21581,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +26141,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15000,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14452,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,1 +4216,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6573,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42564,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23470,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +20667,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6144,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11014,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36417,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34846,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30583,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27929,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +29826,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +26986,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25851,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9569,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2840,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22424,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,1,1,0,0 +21863,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43266,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6751,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5959,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26116,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +37574,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34829,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7418,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24748,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29938,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31114,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +488,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26549,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,0,0,0,1,1,0 +31256,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +3247,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +27228,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23200,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +2269,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14705,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7181,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22701,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3692,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21861,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20603,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5630,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10573,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34569,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14087,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3529,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26999,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7920,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26615,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1221,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33825,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41914,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11986,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1468,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6301,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24118,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42516,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +23802,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31517,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +9436,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +18888,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11229,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41387,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9518,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +16086,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +26243,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +29974,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11637,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +24422,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5354,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17745,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8801,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8696,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +23124,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36608,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13823,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10498,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +26494,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7160,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27094,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33820,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8084,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,1,0,0 +28525,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40437,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +3695,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5802,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20148,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32807,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36808,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31362,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3286,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18227,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +14989,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,0,0,0 +10334,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21405,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8709,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1215,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +2445,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +18139,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41024,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3289,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42184,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38896,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +6793,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20099,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +6949,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33675,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +4542,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40711,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35244,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43319,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26104,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +976,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10140,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +956,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +9649,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31613,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +719,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1932,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10861,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +7654,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24623,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1.0,0,0,1,0,0,0,1,0,0,0 +40349,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6968,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +19929,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23506,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14395,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13192,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +19922,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19440,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34931,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +463,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25645,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13379,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39441,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +4132,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12991,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18590,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1350,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42765,0,0,1,1,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +24684,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28770,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35470,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22883,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35135,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20641,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +34103,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29234,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +110,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41434,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12840,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +5096,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27235,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35948,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +5252,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11301,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +30502,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17604,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20232,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31694,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +12093,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39559,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11555,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41049,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,1 +40242,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41702,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +27344,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +31296,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +12860,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14288,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34504,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26453,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21695,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31658,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25694,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33355,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22003,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +41008,0,0,0,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1.0,0,0,0,0,0,0,1,1,0,0 +22824,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4507,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32119,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33538,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9477,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9957,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18964,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +26653,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36646,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +42666,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +16011,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +29296,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31951,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3801,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +7583,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5633,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14302,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,1,0,0,0,0,0,0,0,0 +42561,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +491,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14180,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24252,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +34154,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8719,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +21698,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5736,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33871,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32750,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +2443,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +375,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5264,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30602,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41400,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +39218,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37975,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1061,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40688,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21767,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16881,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27000,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28801,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31862,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4751,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17168,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12522,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27314,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +12793,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33832,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2121,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3538,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13377,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37206,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21708,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +36175,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +13763,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24604,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13341,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +35078,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +13022,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35355,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22149,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6091,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35692,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +21748,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41515,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11544,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15655,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +1358,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1236,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29219,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +5949,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25706,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13111,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9776,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +7172,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12599,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3109,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,0,1,0,0 +28720,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27738,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,1,1,0,0,0,1,0,0,0 +16625,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3899,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3444,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33747,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +30321,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20515,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41905,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24972,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39796,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13310,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,1,0,0,0 +7011,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16682,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +27987,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5013,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28904,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11423,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27790,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25332,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34222,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1171,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +9039,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +43005,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +838,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23620,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +25013,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +19308,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29605,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25826,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11261,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7025,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +5370,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3085,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8052,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19220,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +20104,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10341,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26826,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23079,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +17101,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1331,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18101,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24924,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37471,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +28406,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +20894,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2401,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6106,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20999,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22493,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30954,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43283,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +15740,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33502,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22104,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22715,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19404,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8795,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +23599,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15610,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15227,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +37804,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12220,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9253,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +9691,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36209,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20191,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34098,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +31064,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39314,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +902,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +34550,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36566,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +17769,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +34055,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +16405,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42775,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +24395,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +34696,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +36329,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37833,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7950,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,0,0,0,0 +9108,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +1409,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23083,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +10052,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20983,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17666,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7976,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +34560,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +37282,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23796,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37915,0,0,0,0,1,0,0,0,0,1,1,1,1,0,0,1,1,0,0,0,1.0,1,0,0,1,0,0,1,0,0,0 +19847,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20830,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25510,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +28248,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15508,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14048,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39017,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36669,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10804,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +43346,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20257,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +5890,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +36115,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21247,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29218,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16522,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18910,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34261,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39823,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16373,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30179,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,1,1,0,0,0,0 +3076,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +23056,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +42555,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +42830,0,0,0,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,1,1,1,0,0,0 +29812,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29632,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21176,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +1756,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8580,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +12607,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42807,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2905,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33817,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +15698,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +15103,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29503,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33937,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6008,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26430,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +5222,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4500,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +31227,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +11873,0,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,1,0,0 +10316,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29097,1,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +25619,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6477,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8311,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +3885,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +21275,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38767,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7526,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36541,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +28816,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +8863,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11575,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18395,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33672,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +3211,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14759,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29065,0,0,0,0,1,0,0,0,0,0,0,1,1,1,1,0,0,0,0,1,0.0,1,0,1,0,0,1,0,0,0,0 +29002,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37778,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +6759,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38074,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +39129,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +21394,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32679,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5299,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +26862,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21565,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10389,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42510,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10259,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +32472,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26113,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15708,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +10800,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +43070,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +19067,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16958,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33214,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +134,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,1,0,1,1,0,0 +26251,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +41693,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +27769,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +41636,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +1663,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +7033,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23150,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39598,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +42893,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16227,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22603,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26742,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16001,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +15486,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +22311,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36345,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24513,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2820,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5257,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43381,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43221,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +37143,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4817,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27822,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27980,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15780,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35527,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +31841,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +33994,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +19352,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +3638,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +760,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37362,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +21134,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +22583,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11048,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32903,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38923,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36681,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40581,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36290,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20024,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42284,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24510,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26306,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27212,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12448,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40906,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1296,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35770,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5321,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +41933,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +7055,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28784,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31665,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +31235,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +41267,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +15268,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5185,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19796,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +17112,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37332,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38493,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21496,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +41310,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +21055,0,0,0,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,0,1,0,0,0,0 +20705,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42467,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16502,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +42337,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27093,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26192,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +30148,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13641,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29449,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19640,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37023,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22069,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23195,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +23354,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +32007,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27615,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28880,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13925,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24272,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19647,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +4709,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29649,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24193,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26850,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30209,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39031,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3558,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +29473,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +41172,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20638,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18463,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +4454,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23142,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +686,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35147,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1276,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12248,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39345,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42790,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13389,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24093,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8882,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +17312,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +38269,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23962,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13334,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,1,0,0,0 +2536,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25047,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14372,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30719,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +5599,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31474,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9403,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5745,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36442,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5314,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28735,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34451,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8495,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7765,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +433,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12747,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,1,0,0 +8408,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16887,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38364,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +35106,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42503,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +17687,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12484,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,1,1,1,0,0,0,0,1,0 +16570,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +10651,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33306,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16062,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17263,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +9821,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10076,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +22285,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14265,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14590,0,0,0,0,0,1,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,1,0,0,0 +3848,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28971,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +41296,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5141,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1.0,0,0,1,0,0,0,0,0,0,0 +13249,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18951,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2833,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +19128,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8817,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8372,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37659,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9812,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +19104,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +34000,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +31475,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +39895,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18909,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31253,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25730,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +36732,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,1,0,0 +16254,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32043,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20339,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32138,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4522,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +27179,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16753,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +43170,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18484,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9685,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10276,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +29622,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +23741,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13827,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16770,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +28352,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +13027,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25734,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12982,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42491,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14384,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +37554,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10961,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +11485,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +30951,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15932,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19811,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12115,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19769,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23834,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +32004,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12299,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6621,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30245,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29796,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +184,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31342,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +26625,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10685,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6626,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +8322,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34789,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32410,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30613,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14985,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30215,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,1,1,0,0 +35143,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30546,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18435,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3630,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41110,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +14105,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4880,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30633,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11499,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35213,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17254,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38804,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26035,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36771,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25101,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7242,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40216,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23260,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12064,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32461,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33997,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9923,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29848,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6826,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1954,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +12714,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +10499,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30178,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18022,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31846,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4215,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +3574,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6777,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36153,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21885,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1054,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +3892,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19858,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2521,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30313,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19973,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +36418,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +13442,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19319,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14322,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +37656,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +43064,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21858,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27337,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22523,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +954,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22612,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +3055,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8786,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36447,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +20729,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30835,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +1155,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1451,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35576,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34955,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +10849,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37920,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8502,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1290,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +6155,0,0,0,0,1,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +367,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31611,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +9922,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +13701,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +33667,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +17015,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15272,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +13879,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25760,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25174,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17271,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1306,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33143,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5214,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30237,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31127,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23434,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6140,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30251,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37536,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +14432,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17536,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38430,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16286,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +21395,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35235,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +18792,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38526,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15230,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14364,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,0,0,0 +4014,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40190,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12781,0,0,0,0,1,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +35846,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +33451,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41466,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20317,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +17013,1,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +31116,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +2399,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34603,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +21398,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4330,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15488,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +37241,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36128,0,0,0,1,1,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +16567,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28972,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +20122,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1128,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5409,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34948,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +6982,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +143,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +26912,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +38010,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +10101,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17539,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25637,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25353,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19962,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26520,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +22342,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10632,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +34049,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17352,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22038,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29483,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8947,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13700,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9228,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +4346,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20303,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12475,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +20497,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12544,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +43243,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20659,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,1,1,0,0 +39814,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16439,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26692,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +5549,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41594,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14969,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31869,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15026,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +34598,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19543,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +39994,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +32909,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +39530,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,1,1,1,0,0,0,0,0,0 +5580,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41003,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +1773,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7901,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +40318,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37239,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +6013,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34784,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +42792,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11006,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25058,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +4285,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29905,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +13159,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21172,0,0,0,1,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,1,0,0 +37785,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +2767,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4119,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +10090,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14855,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14973,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5648,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +20451,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24077,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16275,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21515,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24905,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +10825,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21197,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6762,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21392,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14060,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28458,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38263,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43143,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +23509,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10435,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +10065,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9587,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8349,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +7760,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14744,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16246,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18676,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +28195,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37352,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8681,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2625,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31577,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +25436,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +29945,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9560,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42590,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2544,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38782,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +24391,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21770,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +10075,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38024,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +5573,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +33789,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +18328,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7550,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43393,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39920,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +17177,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27503,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +38182,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25144,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29893,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41625,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +33347,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +20588,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24220,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34946,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9579,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8479,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9175,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32818,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2673,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42054,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35448,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7945,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30367,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +38142,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32935,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16710,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29604,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11217,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12433,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29051,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +23522,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1659,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30366,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12899,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11023,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +38115,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20181,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36860,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10224,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24859,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40498,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41281,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3123,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27489,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22008,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16441,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +13578,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25052,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +22431,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18926,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +43220,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12805,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,1 +1769,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42108,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +2679,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11621,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7345,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9670,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38915,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35039,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28237,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +8268,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18217,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41421,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14927,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +42402,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27005,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32099,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3776,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +38149,0,0,0,1,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +2041,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +588,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2080,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +22126,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,1,0,0,0 +1830,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,1 +34511,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35057,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12342,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +6250,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +23203,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13800,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +35810,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +4902,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28123,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16818,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11039,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20564,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1.0,0,0,0,0,1,0,0,0,0,0 +36546,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26786,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33299,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15962,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35697,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +5971,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +29480,0,0,1,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +11717,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20806,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34907,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3096,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +38977,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +366,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27361,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30736,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +21824,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +30250,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30709,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38190,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +19910,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23778,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +41215,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42655,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20877,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33740,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24669,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33906,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32722,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4925,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2312,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +8765,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3946,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34922,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +25831,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +8123,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +9067,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40085,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,1,1,0,0 +31344,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41909,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39130,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33706,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +34793,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22567,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22695,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2634,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +6654,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38262,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +43042,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19972,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34542,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18153,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25650,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +31721,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8226,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41976,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,0,1,0,0,0,0 +37330,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3670,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36191,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +7663,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20627,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28219,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17259,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5771,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22120,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4941,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38280,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34879,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37101,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +9854,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +24865,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42983,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4617,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23119,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24195,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15390,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +4567,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14636,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25824,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15293,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20762,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28338,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +35051,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35979,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13534,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18917,0,0,0,0,1,0,0,0,1,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,1,0,0 +22220,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +411,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,0,1,0,0 +42867,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +23457,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +35074,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25629,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4697,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +148,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,1,0,0 +1423,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33395,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20149,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8474,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +29934,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16985,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4369,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35586,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26207,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +26544,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7710,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39021,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9494,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12461,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +26703,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30201,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +39479,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +37887,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1354,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33073,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29703,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13908,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +17875,0,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,1,0,0 +874,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +48,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27823,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19772,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11508,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9370,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +11917,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41768,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +27264,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23499,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +644,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33944,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17152,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5701,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27513,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27705,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +1133,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2806,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +42937,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16823,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +10732,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +22558,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1703,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +235,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17092,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20006,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35276,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18423,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15333,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5270,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13283,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17110,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10557,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +421,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,1.0,1,0,1,0,0,1,0,0,0,0 +28750,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2244,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +30591,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41587,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +19881,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6940,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,0,0,0,1,0,1 +13549,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +6854,1,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,1.0,1,0,0,0,0,0,1,0,0,0 +35140,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3688,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42678,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19003,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5213,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2781,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +41959,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22553,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39939,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24139,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19186,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +11203,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +11479,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29349,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24979,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12889,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30335,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8757,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +27945,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +4222,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +12155,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39324,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +40729,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15771,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42049,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6894,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41302,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19904,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +40509,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +40345,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +20876,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24560,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37845,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +34733,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11087,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +16656,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +5083,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +11015,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30389,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35457,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18124,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3570,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24348,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7366,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +32406,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17211,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12638,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25529,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13933,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21920,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11348,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +25751,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18709,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +11583,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37182,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12734,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7661,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4754,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32017,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31018,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19133,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37692,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35701,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42910,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32613,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +25152,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7153,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +32764,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10126,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +41321,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +29967,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12950,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +7596,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8031,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36113,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +19690,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +32999,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8133,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36269,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3131,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4716,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +15015,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29788,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35793,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +13713,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +37202,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30147,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +405,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +4308,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22622,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +15498,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6934,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27688,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +18239,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +282,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28781,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40013,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1224,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +20391,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1266,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +38208,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28275,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +18661,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17439,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +12664,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,0,0,1,1,0,0 +38200,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38300,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11516,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36349,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23757,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3555,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31271,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32479,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20974,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34951,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28477,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18738,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +37217,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36629,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41437,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42813,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27309,0,0,1,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +22344,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33327,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39714,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30090,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +13773,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18127,0,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,1,0,0 +26902,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +13059,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +6588,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28824,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20054,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39816,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +287,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28565,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +11107,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +868,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25086,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +41055,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,1,0,0,0,0,0 +6549,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8060,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4307,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32775,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,1 +30242,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24137,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +18455,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +12278,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37474,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23254,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +25355,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22846,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9574,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +15250,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11597,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +34881,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3517,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41872,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16948,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5864,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37566,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +41496,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35061,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +11713,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +32553,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15559,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +22620,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37166,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26027,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39684,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19000,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +34366,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +29475,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33304,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33401,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16433,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19911,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26995,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12399,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +31693,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26469,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31219,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1785,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29510,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35823,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12397,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +9742,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25571,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35434,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13792,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31763,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30994,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41792,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12825,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31651,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13473,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33054,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +37335,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4995,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1072,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +3398,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33556,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32589,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +4783,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34355,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21837,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,0,0,0,0 +8919,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +11941,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20717,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40943,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +28542,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25486,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8574,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41892,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +38755,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10253,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11467,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +41972,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28409,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13537,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5775,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10846,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15307,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34810,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,1 +20897,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27703,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +16741,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35643,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +26622,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +3981,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9305,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +21238,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21948,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34859,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,0,1,1,0,0,0 +39617,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37890,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40413,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16971,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11355,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13520,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35175,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7357,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19310,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14042,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +22665,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19136,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +38011,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +37684,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16079,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28548,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17530,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10036,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,0,0,0,0 +3533,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22000,0,0,0,0,0,0,0,0,0,1,1,1,1,1,0,0,1,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +31531,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40682,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40078,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +32170,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36426,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +671,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23154,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16792,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +12139,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12963,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20518,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28054,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9907,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19448,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25830,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +4178,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +3006,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7001,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10780,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28900,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23595,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21407,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +16834,0,0,0,1,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,1,0,0 +27553,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +27170,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22977,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +34289,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1616,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +29103,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +13891,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +29253,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5012,0,0,0,0,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +3800,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33761,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31099,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9607,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +9383,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15952,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +13654,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41147,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17464,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +41214,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +16629,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +32428,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19716,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20952,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14941,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +11206,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +2911,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21424,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32181,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9537,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29717,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37686,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +24380,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8179,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39558,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +32925,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +11742,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32293,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41405,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +13354,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +6506,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6035,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12477,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12757,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14539,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +14549,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26515,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33990,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +787,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23584,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +30303,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39765,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +30711,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24442,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40427,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17695,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15787,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15731,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +10768,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17174,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37855,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +28151,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20371,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34679,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +899,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21388,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6875,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +13527,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20454,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4129,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30856,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4452,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2678,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +1570,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +14713,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15810,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +19938,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28494,0,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +28414,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +31564,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34663,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4790,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3104,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7939,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +7188,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8278,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +31582,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,1,1,0,0 +12786,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33158,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +4745,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,1,1,0,0,0,1,1,0,0 +43316,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +21738,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21018,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +42005,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38881,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +39777,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33050,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15350,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +12850,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31267,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32975,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9120,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20368,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +24999,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +815,0,0,0,1,1,1,1,0,0,0,0,1,1,0,1,1,0,0,0,1,1.0,1,0,1,0,1,1,1,1,1,0 +15677,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26843,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1357,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30818,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37531,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +449,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11704,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +2217,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2414,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +34953,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1.0,0,0,1,0,0,0,1,1,0,0 +40044,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28788,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3129,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38376,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13446,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +39424,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,1,0,0 +18715,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41314,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2083,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6391,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29334,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15767,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +28113,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25334,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25294,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9887,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34791,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +36020,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17664,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38944,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +38774,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1940,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39499,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20197,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8651,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9874,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5841,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23391,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39378,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8952,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +9376,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +3080,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3486,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17655,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,1,0,0 +36852,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35378,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15857,0,0,0,0,1,1,0,1,0,1,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +23565,0,0,0,1,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +40851,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19202,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +3607,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37154,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +15612,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +35694,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19046,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +7817,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1545,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16070,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33600,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10163,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +35423,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15064,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24462,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +42878,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +40726,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,0,1,1,0,0,0 +13428,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11842,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28148,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +6416,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15643,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25791,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29789,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +34593,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40775,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32346,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +12501,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +4747,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25783,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6865,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3404,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27482,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25222,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32179,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38096,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7094,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +4425,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7233,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1068,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5044,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39387,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12616,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +4082,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22335,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +20944,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +14299,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32121,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6647,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +33042,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +11309,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34126,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +28634,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,1.0,0,1,1,0,0,0,1,1,0,0 +8002,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14742,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +34589,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +28678,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11051,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20903,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +8338,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9926,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +36897,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6786,0,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26780,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31922,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28586,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3684,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +13468,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19030,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +31275,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7322,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,1,0,0,0 +15637,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +5640,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40866,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5854,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16186,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42196,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19432,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19666,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30545,0,0,0,1,1,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +9076,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +19885,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +31252,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +21409,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +32379,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17549,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28445,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +39470,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11490,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13048,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2850,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20634,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +2242,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,1,0,0,1,0,0,0,0,0 +4486,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +12830,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6478,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14444,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2708,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +8384,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +32030,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,1,0,0,0 +30216,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9932,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36124,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8616,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2164,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13348,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +8631,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22046,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41450,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +19874,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +8611,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,1,0,0,0,1,1.0,1,0,1,0,0,1,1,0,0,0 +13868,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5456,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7588,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36371,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,0,1,0,0 +40758,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18464,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11334,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18009,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +41530,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26467,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41668,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42276,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30097,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +2609,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,1,1,0,0 +26963,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +38848,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40363,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26529,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +9775,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41838,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19945,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16024,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +6730,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +11105,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16905,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36956,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36748,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16624,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43324,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22959,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26053,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +377,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +37729,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39144,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +16371,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9948,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21088,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +39388,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +21996,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +7409,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34850,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29411,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,1 +5093,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43032,0,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +24831,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +10945,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21142,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +9486,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7461,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22250,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40063,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +23623,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41292,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12169,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32420,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11460,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42738,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +9608,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12612,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39848,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28896,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38390,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39322,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8347,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38468,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6476,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20546,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +28415,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32569,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42095,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33661,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,1 +24732,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23485,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6116,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14495,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40684,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22754,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40524,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +8597,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +36889,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7617,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +23706,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20945,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +37630,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +13477,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15613,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39740,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14090,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39333,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +3832,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6873,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +37007,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +7296,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20811,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +36529,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1603,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13634,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38768,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +42287,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +35492,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24352,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32332,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9675,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31584,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11554,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14773,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28238,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +14522,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23439,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21061,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27463,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25964,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18973,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +41126,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +615,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24914,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4416,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22270,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +30767,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3200,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5919,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12819,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26923,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +22711,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +37431,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30520,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18352,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +19232,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42001,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14993,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42149,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35445,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4439,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4724,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17035,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +32768,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23991,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41219,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +29587,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19836,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14109,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27952,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +105,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39625,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +28231,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +38960,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +40780,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +33646,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43006,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +17554,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20365,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +28674,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8692,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33444,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,1,0,0 +39843,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26916,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +20116,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +34832,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +14824,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41709,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +37047,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14154,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10357,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34580,0,0,0,0,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,0,1,1,1,1,0 +7252,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22648,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3976,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34391,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,1,0,0 +5979,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11066,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +20073,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3991,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24415,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4949,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31249,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25700,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +5443,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20021,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28098,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29432,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25820,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4642,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37368,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31768,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +31664,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16212,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13576,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9674,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16276,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27080,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28370,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26650,0,0,0,0,0,0,0,0,1,1,1,1,1,0,0,1,1,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +26240,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26010,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20739,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41863,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32863,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +13918,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43388,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12298,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18584,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20354,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +15784,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1729,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1301,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +1074,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9369,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +5788,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18053,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28886,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29095,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +8006,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30922,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24004,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22632,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23556,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +37405,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19529,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23477,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +31266,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,1.0,1,0,1,0,0,1,1,0,0,0 +7032,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13808,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37229,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13256,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12862,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +35901,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +934,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +32033,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +37939,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17476,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42444,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39368,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40805,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,0,0,0,0 +31202,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43384,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11322,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36483,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15258,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +29145,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17527,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11181,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +29576,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28686,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3102,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34079,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19337,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +28203,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14173,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42608,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3913,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +13253,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +894,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22875,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +4221,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3746,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5426,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20823,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29494,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +36424,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +20217,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8374,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31429,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +40917,0,0,0,0,1,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +43248,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +257,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36030,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14880,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34134,0,0,1,0,1,0,0,0,1,0,1,1,1,0,1,1,0,0,0,0,0.0,1,0,0,1,0,1,1,1,0,0 +17625,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13242,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +36092,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,1 +1962,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +36795,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23402,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20828,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +9816,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4207,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24228,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7580,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22931,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11515,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6498,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +29408,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17973,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31392,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13024,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +21761,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15881,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16278,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19737,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +5725,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,1,1.0,0,0,1,1,0,0,1,0,0,0 +3060,0,0,0,0,1,0,0,1,1,1,0,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +3466,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33864,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42159,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41006,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +7923,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +7420,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +37124,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7504,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +3680,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +2580,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39854,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,0,0,1,0,0,0 +31645,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +4773,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27802,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21932,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5861,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18704,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +19401,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23894,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26009,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23309,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +5828,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1490,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,1,0,1,1,0,0,0 +17080,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +3830,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +22183,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12879,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5028,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +22231,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +33370,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19664,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34546,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +23305,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +39535,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15231,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +24081,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19421,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +5619,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7480,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +39985,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16447,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2669,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16404,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +7520,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4982,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +19488,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7257,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30183,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5783,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25915,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38912,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36319,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +17099,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8367,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23108,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15497,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +21137,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +23336,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38617,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +42766,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25775,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10755,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37863,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +11676,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36961,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +29723,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +32753,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30778,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +25089,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28410,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30273,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +24219,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30584,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33573,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23824,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +22455,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +34627,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42420,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +11630,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16802,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17373,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +31348,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +27557,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17591,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6825,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2027,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8960,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +11251,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22634,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +29446,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20338,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29609,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8470,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4867,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +4333,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +19718,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22812,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6722,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27634,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12418,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40787,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27063,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37624,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8767,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18585,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21786,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38505,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28890,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32297,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24799,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4347,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40642,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35042,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +41637,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7474,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +2143,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7737,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35292,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10326,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20346,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +731,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4616,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41791,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39846,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33380,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26590,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +35459,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38014,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41291,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42147,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +23004,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8821,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10057,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7542,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13085,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22302,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +6604,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27658,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +7124,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +8297,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2503,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30799,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3701,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,1,0,0,0,0,0,0,0,0 +30912,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +37657,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,1 +10329,0,0,0,0,1,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +31784,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14999,0,0,1,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,1,1,0,0 +40502,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16897,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18823,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2488,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3663,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +7140,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34162,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0.0,0,0,1,0,0,1,0,1,0,0 +24453,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24472,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1415,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28308,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +38806,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20240,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +5980,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +28986,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +2318,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16149,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40033,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +24158,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39860,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +10899,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35085,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5262,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +11507,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +18602,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1751,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41574,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13686,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39006,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9658,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14091,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31047,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +189,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41888,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +15576,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41942,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +23165,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42638,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2171,0,1,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,0,1,1,0.0,1,1,1,0,0,1,1,1,0,0 +8939,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +23143,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33006,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31215,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +31741,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22200,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +30056,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +27926,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5113,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25955,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +20632,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18918,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +23315,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5420,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +8206,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,1,0 +29999,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41087,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +32678,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +37220,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43117,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14551,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +15354,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +7867,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13030,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19282,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17482,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10631,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,0,1,1,0,0,0 +14313,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18409,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17676,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21345,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +15874,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3367,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4540,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12968,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31819,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12686,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +14448,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30758,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34876,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26072,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7261,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15123,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42755,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +663,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15473,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19944,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13525,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9710,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +42737,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12549,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42647,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38434,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33334,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26416,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7699,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14442,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36354,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +7281,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +25299,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36763,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +42346,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +8997,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8366,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +38536,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +17403,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35660,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +6530,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +37709,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3888,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8386,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37237,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +16812,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +9553,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13968,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14240,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +2326,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6806,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +42295,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +26596,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32123,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11018,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +36479,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +41906,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20852,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19928,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11627,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +40883,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +2422,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36229,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34709,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27755,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38077,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41889,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +7386,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +2516,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32184,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5871,0,0,0,0,1,0,0,0,0,1,1,1,1,0,0,0,1,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +29820,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16783,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,1,0,0,0,1,0,0 +37168,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +39350,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +3900,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34911,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18684,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42900,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +6414,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8553,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19303,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +40048,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15306,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32375,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2307,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38126,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +13575,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25720,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +2032,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +34020,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9435,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8243,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12878,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15914,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13715,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15604,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37087,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39664,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15443,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2533,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6040,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26470,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38511,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8647,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6951,0,0,0,0,1,1,1,1,0,0,0,1,1,0,1,1,0,0,0,0,1.0,1,0,0,0,1,1,0,0,1,0 +9908,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8216,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18350,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +32695,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32796,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1075,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28157,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +37093,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35544,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38133,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36247,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23886,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +14197,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +18149,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +29884,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30254,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3035,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23280,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +937,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32163,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20254,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37925,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30349,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38366,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +18108,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +8205,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +17261,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39603,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38313,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +30810,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9008,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39857,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17275,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10814,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27379,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +381,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,1,0 +8600,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34492,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3299,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33099,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +34924,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +40931,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23725,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,1,0,0,1,0,0 +12119,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24503,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41696,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41844,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34066,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +34914,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32531,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38684,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28875,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21541,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25290,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +30338,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +1407,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7783,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12731,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +23472,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11389,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16858,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18384,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13422,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7340,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41705,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,1,1,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +19851,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2947,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25094,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25169,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39196,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5357,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7608,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +5874,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +6030,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18404,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11721,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37427,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23366,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1436,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +36609,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14975,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15431,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +35465,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +32773,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +34769,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +33314,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +35391,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26273,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +302,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12708,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4387,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25936,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30422,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22667,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +16890,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +28540,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34530,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21855,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +21989,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +24104,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35857,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15436,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +30793,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35670,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +11213,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36243,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +35938,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9960,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17897,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +16058,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25179,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2538,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17078,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38026,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24674,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +7571,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +10958,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +42238,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2677,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22768,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +22697,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +21994,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +38046,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4345,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33506,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +4492,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12365,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +9583,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +39890,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30079,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43205,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34385,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6175,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,0,0,0,0 +7767,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6663,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +11056,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21225,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22533,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37722,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +31269,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +10764,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,0,0,0,0 +15186,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34084,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20313,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22353,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26224,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30225,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19070,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +31225,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +2166,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5154,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37153,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1337,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6191,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38574,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +8683,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27483,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,1,0,1 +30146,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4488,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9603,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +17441,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +226,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +9521,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41197,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +723,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24426,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +6706,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +5723,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22775,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16486,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9028,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11308,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20100,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +21489,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22685,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11173,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2757,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4774,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31636,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24562,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +31186,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,0,0,0,0 +40428,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2721,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19428,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39867,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2555,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10434,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +13105,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26856,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37150,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26297,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +32114,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18512,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26649,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +36565,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13012,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5950,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25442,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29730,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +27200,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11436,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27838,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13318,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38424,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,1.0,1,0,0,1,0,1,0,0,0,0 +16523,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20873,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41385,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +34528,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33830,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5417,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +27086,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27733,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10457,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9325,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2859,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23474,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6789,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +5418,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8994,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40293,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2330,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +5103,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23450,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +27139,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3071,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17938,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +18501,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27217,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +21440,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +41318,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2666,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25828,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +36469,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38160,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21567,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14756,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +10010,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17289,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40965,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +33313,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +17871,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35507,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39822,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37638,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13962,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24943,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34076,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25161,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21349,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +4842,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13747,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36312,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +11505,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42780,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +24450,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +15003,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6372,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25978,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14890,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12504,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13072,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34926,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35375,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +314,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8969,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17286,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11199,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2630,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +264,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33017,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9001,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +3269,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38578,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13890,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +29314,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +962,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12848,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26611,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26274,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24254,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13369,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34874,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35164,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +35741,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3287,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25491,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,1 +9688,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16646,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24278,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +18598,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6655,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +37328,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +36975,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +30707,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +12347,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +24155,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31522,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1746,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43159,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +151,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10410,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17619,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +9667,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +26100,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +29710,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +29940,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29035,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +32991,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25849,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27462,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28449,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19114,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2062,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +33317,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39545,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,1,0,0 +26208,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9450,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34591,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27050,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21090,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +30908,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13466,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14624,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12894,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14777,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7809,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27916,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8950,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15403,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27795,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41355,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2968,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23014,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26431,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5084,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27047,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +24825,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28055,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +31305,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +13950,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33396,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24995,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +3809,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +128,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4829,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30623,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1220,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3732,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +41554,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15475,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36063,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2504,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11973,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +14805,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17648,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11117,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38603,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2626,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36896,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38884,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,1,1,0,0 +18572,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37071,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36333,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39367,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +8602,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24930,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3091,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +39234,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8598,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3745,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3712,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +9373,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14081,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11619,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31712,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4321,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8143,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20749,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20690,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8234,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +15569,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25336,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41326,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24385,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19253,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1.0,1,1,0,0,0,0,0,1,0,0 +7191,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6614,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22530,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32995,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39709,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +557,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10657,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27955,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41124,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41210,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26509,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29086,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +4498,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30050,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43206,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14222,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +3765,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29201,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +39839,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +39771,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14305,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +14312,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +1188,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35072,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30745,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +4212,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42912,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5017,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12548,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3029,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +33485,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +370,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5118,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +8886,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3652,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +36005,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +13051,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +27194,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3904,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30988,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20956,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33341,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +227,0,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,0,1,1,0.0,1,1,1,0,0,0,1,1,1,0 +3826,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4293,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +20679,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,0,0,0 +26056,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +41074,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1760,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +2993,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40918,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38449,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +26827,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1537,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +42606,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +19206,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23795,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29624,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2362,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +41444,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +33219,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,1,0 +28210,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15415,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37835,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16967,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4580,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8030,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41750,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40189,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3283,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +26507,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +39651,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34582,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7543,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10875,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25415,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38051,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31971,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14642,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20868,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +548,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32627,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23979,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +19223,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12980,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31454,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6153,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +38021,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8188,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36282,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32952,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15797,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14726,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,1,0,0,0,0,0 +21431,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11830,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24045,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30670,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +38548,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0.0,0,0,1,1,0,0,0,1,0,0 +4446,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14181,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +9059,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,1,1,1,1,0,0,1 +27592,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21467,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +20484,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23175,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +37424,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14597,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +6719,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6933,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22272,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24483,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27938,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7690,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43085,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30940,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,1,0,0,1,0,0 +32911,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5842,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22171,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4517,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9026,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26525,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +18278,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35079,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5836,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,1,1,0,1,0,0,0 +38967,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5986,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4200,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31870,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +38177,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7595,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23441,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19741,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30176,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +34891,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12740,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43311,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +425,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15770,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33287,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38356,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +4796,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20333,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +26733,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27143,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30973,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +865,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21182,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20887,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13937,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7292,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7506,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +10035,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18408,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15368,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28662,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,1,0,0,0 +27487,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +17351,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33967,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37461,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20654,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +32255,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25524,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42973,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8271,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +32467,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26055,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,1,0,0,0 +33770,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +26324,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24203,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23040,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23127,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +309,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8481,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30461,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +30833,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3311,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +23537,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12056,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1585,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42520,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41471,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7877,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +31309,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +24384,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3940,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29674,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7622,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2245,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29489,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27571,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7376,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2104,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +38732,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +29589,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35727,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38402,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +24563,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41393,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16902,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +7408,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21103,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +18341,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +43315,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +30556,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +19134,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13241,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35978,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31533,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +35163,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +31390,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3177,0,0,0,1,0,0,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +3520,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39913,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +37902,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +18469,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32127,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29506,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30839,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +26092,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37967,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31174,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14940,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6239,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1938,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28937,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +6467,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +29926,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14796,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29500,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17544,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5330,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31595,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16173,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27498,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29184,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8131,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6002,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +35640,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12865,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12076,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29109,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20449,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41535,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +15210,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39952,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +27685,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39325,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14374,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11535,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25207,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38541,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8434,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16302,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21502,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +26730,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +4795,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39447,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15278,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +7072,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +30658,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +1920,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,1,1,0,0 +25192,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37547,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6193,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +36750,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40056,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1400,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +11687,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +798,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29053,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27954,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +8319,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11826,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25247,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31605,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16162,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26268,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17954,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33331,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38639,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +21732,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2025,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +24449,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2599,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +18612,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38174,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +3440,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3024,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42697,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +9075,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11511,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32095,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38522,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7961,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27147,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38845,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28679,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40243,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +41590,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +11939,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33588,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24378,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +107,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19168,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35909,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25378,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12861,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +66,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +41438,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33097,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2744,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +32833,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20167,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23322,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10342,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +14346,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39534,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +19509,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5517,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25810,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +14441,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,1 +35750,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37038,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4634,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33745,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13643,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +25405,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5424,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6833,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12438,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +35695,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27127,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,1,0,1,0,0,0 +40271,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24009,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27418,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +33051,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +36758,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +7509,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33312,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +14944,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +34270,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30527,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +22267,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24527,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +9825,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +13660,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36670,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39226,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9857,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42771,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27338,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23914,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +40212,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +35904,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5540,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1815,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28783,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21602,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39426,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16530,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39155,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23272,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26547,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37891,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +11825,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +5513,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +38598,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22257,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28270,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32810,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,1,0.0,1,0,1,1,0,0,1,1,0,0 +25325,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +16049,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12048,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +850,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +622,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2273,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +5994,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13598,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21656,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37022,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +32646,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37042,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34641,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5726,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6815,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +31930,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,1,0,0,0 +26666,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40585,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28786,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5432,0,0,0,0,0,1,0,0,1,0,1,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,0,1,0,0 +16061,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +9822,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20203,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +1036,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +952,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37372,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +28218,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33139,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35170,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +35125,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +29305,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19385,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +5231,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +38518,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16945,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42476,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +23847,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +12062,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +42185,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35674,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +4865,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37489,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +41653,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41975,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32057,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18615,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32435,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35339,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16701,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +17017,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1295,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39230,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13778,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36704,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14528,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34166,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19161,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +15393,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10740,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6354,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +41992,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +10362,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33266,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3292,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31974,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +7370,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42090,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26821,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40059,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17063,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +2384,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21785,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +33497,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,1,0,0,0 +26081,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5102,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12175,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +153,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +14412,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +34263,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7682,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20955,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17754,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12733,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3348,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26296,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +19899,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4325,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +38084,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +28846,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +34518,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42133,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16124,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9944,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +8904,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42050,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25049,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +6417,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11064,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2203,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +5999,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23489,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +37950,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +7449,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26059,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29790,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4110,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13667,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +35819,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34683,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12178,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13913,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38840,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,1,0,1,0,0,0,1,0,0 +31855,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17885,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,1,0,1,1,0,0 +17132,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43025,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5944,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6590,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10169,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24015,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23981,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19582,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +7965,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20174,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35621,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15873,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13710,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +2257,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29732,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25812,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16863,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41489,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15549,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +40664,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +31292,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +21875,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40179,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28751,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39453,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3559,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38260,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +23314,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8848,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32787,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2565,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26429,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +34003,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24744,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9064,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36254,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +19825,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14584,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36753,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +766,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +27691,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30642,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10967,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2940,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1176,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,1 +25004,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +29713,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0.0,1,0,0,1,1,1,1,0,0,0 +12203,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37604,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29336,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36435,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19787,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16297,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6528,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34500,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7091,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29261,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41366,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37628,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36084,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18493,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +34949,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4917,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5883,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23247,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6270,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15303,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31851,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +34196,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8266,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +40102,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21545,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +21979,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26881,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +1690,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +13501,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,0,1,0,0 +26828,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22681,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42535,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20126,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6309,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18054,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37318,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +9274,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +35088,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40539,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28647,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +24322,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2248,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +19047,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16936,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +43046,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10611,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,0,1,0,0 +8712,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9720,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20366,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10661,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +32629,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18399,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1.0,0,0,1,0,0,0,0,1,0,0 +12427,0,0,0,1,0,1,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,1,0,1,1,0,0 +41738,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +35502,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27369,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +35156,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +9244,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +4271,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29073,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +16092,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11054,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,1,1,0,1,0,0,1,0,0 +9629,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14838,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10429,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29376,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27327,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1993,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7633,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19560,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32654,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40084,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31710,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +24597,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +18307,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38132,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25942,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +36844,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +27939,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9265,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27893,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32922,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30398,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +3070,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26129,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +36582,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26949,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +3015,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8965,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13261,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +8809,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36651,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2575,0,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,1,0 +36747,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5065,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12401,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41392,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2518,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25727,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24336,1,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +38306,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +27149,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13474,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25827,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5514,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29357,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22871,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41058,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +10704,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24347,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1.0,0,0,1,1,0,0,0,1,0,0 +30094,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +35260,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41836,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42526,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +14898,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +751,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2262,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1134,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3756,0,0,0,1,1,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +13135,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +20314,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9848,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +3345,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41165,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +27977,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21428,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21924,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37145,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13088,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +26142,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,1 +34629,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +657,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39873,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +2078,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31189,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1612,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41557,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8194,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23559,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42433,0,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +16391,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +15800,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +19414,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +236,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32432,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33500,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +18849,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18513,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +3416,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28675,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +16728,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +42316,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15362,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +29770,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36192,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41205,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +15746,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2949,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29742,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11438,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35929,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27020,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27746,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25412,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19466,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31947,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25550,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20187,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1.0,0,0,1,1,0,0,0,1,0,0 +940,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11401,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30463,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39481,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +4601,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2853,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16916,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +1322,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9358,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29111,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33501,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,1 +25804,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +41817,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16676,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9309,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2956,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8834,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20510,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38635,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5734,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +22631,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +21022,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8464,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17431,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11183,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +33511,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39046,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30387,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1563,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17679,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +483,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17292,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,0,0,0,0 +22080,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43162,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2741,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28490,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42959,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36601,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42131,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +39573,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17626,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21561,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18818,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12398,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23404,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +37648,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,1,0,0 +41781,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +14498,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33166,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4231,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +5470,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +35608,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41028,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17031,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13004,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +25295,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +27539,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7634,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9089,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +17593,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14453,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35935,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32343,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14377,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29684,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21362,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +4019,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30960,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +17602,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22041,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21611,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +185,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21993,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3053,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18323,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +32889,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27045,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15097,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +18853,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40591,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6114,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39423,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11089,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13857,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12184,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +27396,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41548,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2534,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8849,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1855,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32894,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +26015,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36915,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +616,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41761,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3077,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40703,0,0,1,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +19384,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +2541,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17193,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +43330,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24713,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +38060,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3101,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22039,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34510,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3261,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36534,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14457,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16491,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14846,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11681,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,1,0,0,0 +13544,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19546,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5914,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +38663,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38607,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +33259,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24720,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34478,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3352,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13980,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +22722,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16943,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16343,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,0,0,1,1,0,0,0 +21716,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +31168,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7100,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29094,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4390,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +34920,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +41681,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11137,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +26672,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +25365,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +4430,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37136,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +20925,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40403,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1.0,0,1,1,0,0,0,0,0,0,0 +7968,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31735,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11712,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9548,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8700,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40671,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +10859,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32083,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15870,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +37197,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +43087,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41180,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +32530,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +3958,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +9312,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +42201,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16240,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36422,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19394,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +5462,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +41062,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +41822,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9234,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7843,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25044,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +27146,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15741,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19458,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +23345,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28369,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +5166,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26013,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,0,1,0,0 +18982,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5031,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +41098,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35050,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8758,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24397,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +40614,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39336,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7776,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +19767,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +11245,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +30080,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1610,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10249,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38474,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +3581,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40070,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +37499,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +1531,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24695,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +37425,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +993,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19955,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38841,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30643,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17789,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36119,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +12282,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20423,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12046,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +15036,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15308,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +39870,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1790,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +8371,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10074,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +27492,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36587,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8855,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23714,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1060,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40006,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24957,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32189,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4419,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38888,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +34419,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41319,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13096,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11651,0,0,0,0,1,0,0,0,1,1,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +7887,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +26259,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39592,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +10115,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27341,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +31602,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15041,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42144,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39550,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30535,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +890,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +37375,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5365,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18208,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11390,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5899,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +32934,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23283,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24396,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39847,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4334,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1597,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +10371,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31293,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34900,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17720,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +29373,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13739,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17401,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3575,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30116,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7308,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +19397,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22268,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33215,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +4302,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +42550,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +505,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +24546,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7403,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +15790,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32077,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32953,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +307,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,0,0,0 +43397,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25702,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20043,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4441,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18969,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34497,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1247,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40886,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28223,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30427,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,1,0 +31388,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +10210,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10746,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11746,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +24055,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4662,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8657,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +23215,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36232,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17344,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +15584,0,0,0,1,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,1,0 +12465,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +20609,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +39319,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30003,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16083,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42199,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39845,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36338,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29186,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27537,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +34109,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +16981,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33018,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37561,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,1,0,0,0,0,1 +30133,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29920,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16982,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,1,0,0,0,1,0,0 +27378,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9276,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19621,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19251,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17836,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11326,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16402,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9744,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +33045,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4691,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25112,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +41683,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21100,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31578,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43300,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42179,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25993,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +19742,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37807,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +16883,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17311,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17728,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40471,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +17522,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5048,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +37790,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18971,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +9953,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16150,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11824,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40504,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22572,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +2819,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +6378,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15360,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +41949,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +39753,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +25606,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37523,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13788,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9138,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37828,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42281,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +27789,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24208,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3945,0,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,1,0,0 +26401,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +24207,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31446,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33853,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +17762,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37717,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30636,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9519,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8699,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40029,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36468,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +30615,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26673,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39988,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +24611,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +40369,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36827,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +14997,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20106,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34465,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +42176,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30743,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +25054,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,0,0,0,0,0,1 +1210,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +17325,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33154,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30437,0,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,1,0,0 +4283,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +29816,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43328,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +27744,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +21702,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42993,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4979,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3563,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +32065,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8623,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36051,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28840,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +7572,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13254,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +24131,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33901,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36744,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7696,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37853,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41490,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +34156,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +30443,0,0,1,0,1,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0.0,1,0,0,0,0,1,1,0,0,0 +5961,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33857,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +39987,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25601,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23416,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,1 +34145,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +23362,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +14707,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +12986,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +34146,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9250,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +2671,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2745,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14403,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23111,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29675,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6577,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30117,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2760,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40633,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +25212,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20485,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +32564,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +19311,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12898,0,0,0,0,1,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +30765,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,1,0 +3034,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2444,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39607,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32755,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40267,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,1.0,1,1,1,0,0,1,0,0,1,0 +41288,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +161,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +2499,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +26592,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26407,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +39178,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34305,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15495,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36139,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +42257,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34208,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +12256,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5687,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +5402,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,0,0,0 +10642,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +7328,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33127,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37644,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9889,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +25515,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20164,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,0,0,0,0 +36194,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42478,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9397,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +6859,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +40001,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27767,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25717,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,1,0,0 +17244,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,0,0,0,0,0,0 +37050,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23897,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22427,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +18553,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9564,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29431,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +4934,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13000,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +518,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8232,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16336,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +13481,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24918,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +12420,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6415,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +26756,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4531,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +510,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +19267,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28552,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18985,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6597,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +27486,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +17642,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +7864,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17246,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28456,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +20617,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +4163,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13078,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28717,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40879,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14724,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42673,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36660,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,1,0,0,1,0,0 +16081,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39790,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16565,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34743,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +9485,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15135,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,1 +42669,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11215,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39376,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2339,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1335,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30195,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29772,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40549,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39204,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +40284,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +4582,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +41981,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41253,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19381,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +40689,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1905,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +1947,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11615,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38723,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,1 +34855,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +19099,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40788,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +16425,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23337,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13044,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20147,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +18955,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,1,0,0,0 +32195,0,0,0,0,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +26728,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10932,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10560,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8362,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6697,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +9074,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +28129,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33575,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35911,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18104,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30326,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41899,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5992,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40640,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +31623,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41766,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +37284,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +479,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +14072,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24110,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20965,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +12627,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4721,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12417,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19632,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25304,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42854,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +23468,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12727,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +9447,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +35506,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +20961,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +520,1,0,0,1,1,0,0,0,0,1,1,1,1,0,0,1,1,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +17149,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24915,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33456,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +21326,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33728,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +22828,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39257,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5285,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43363,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +1110,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +25995,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +21589,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +23219,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5965,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6994,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +284,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +25000,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25382,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +15774,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31601,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8926,0,0,0,1,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +20864,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +22991,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36708,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29854,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +3379,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1264,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16274,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18394,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24476,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +602,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20621,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20540,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21936,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28118,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27431,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +5550,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35508,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15109,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +32384,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42493,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +11230,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12074,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +373,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10025,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36671,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10403,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +24706,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18643,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13944,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27535,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36099,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +31088,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6740,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22545,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41692,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12134,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +7092,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38739,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,1 +33391,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3658,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +40516,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6642,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6290,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33916,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20083,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15587,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +15252,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3983,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13929,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12669,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38709,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +515,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14006,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +1461,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41246,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +2402,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +37640,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6435,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12479,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11099,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +13065,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28047,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9802,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37634,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12854,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28878,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39034,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +42488,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28357,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,0,0,1,1,0,0 +13502,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28252,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38378,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +36678,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +35489,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28559,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40380,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +12966,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10608,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6652,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +30826,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23929,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +37006,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23956,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33384,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25994,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29204,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,1.0,1,1,1,0,1,1,1,0,0,0 +7777,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +5635,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33308,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,1,0,0,0,0,0 +12290,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,1,1,0,0 +31849,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +648,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5729,0,0,1,0,1,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,1,1,1,0,0,1 +38350,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16159,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11527,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +37585,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,1,0,1,0,0,0 +38393,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15037,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +33183,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +33854,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11626,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,0,0,0 +21584,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37617,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4424,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41324,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +40249,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21162,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +31914,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +26157,0,0,0,0,1,1,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,1,0,1 +31802,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11618,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,1,1,0,0 +11432,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32641,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37211,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25892,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7854,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12811,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26461,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26540,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14987,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35816,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16413,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +36276,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27604,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15396,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22478,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +25843,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +36772,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36016,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,1,0,0 +5401,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +37456,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +28765,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +38295,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +11339,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +40325,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +28065,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11340,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29488,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8135,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +26365,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1387,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +35661,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36237,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21647,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8361,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34139,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +25408,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3214,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,1,0,0,0 +7130,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16464,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9205,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5698,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +30124,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +541,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,1,1,0,0,0,0 +37107,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11407,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2252,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42504,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35400,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27467,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9616,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +22696,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +8751,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24836,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37765,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12038,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +4605,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9353,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,0,0,0 +3953,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23760,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13074,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17640,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22337,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +21986,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,1.0,0,1,1,0,1,0,0,1,0,0 +41969,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +11112,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +188,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39439,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42434,0,0,0,0,0,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +11108,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9721,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,1,1,1,0,0,0,0,0,0 +33995,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7067,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14986,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +17349,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +31871,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36978,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17669,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27292,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7002,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34393,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21255,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3908,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30436,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26042,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +25842,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36490,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +21201,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21269,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18259,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,0,1,0,0 +38235,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +36430,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,0,0,0,0 +7985,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24621,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +16546,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15715,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25520,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35062,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20227,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +8756,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20853,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +28110,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28408,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +18216,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7381,0,0,1,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,1,0,1 +13734,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +26632,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +2197,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,1,0,0,1,0,0 +17367,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1482,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32223,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41804,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17334,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9590,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31687,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34491,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9831,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9222,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23751,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37865,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18030,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7458,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5990,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +30726,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +15664,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11447,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8933,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34471,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35118,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +26114,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38997,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39505,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +31805,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +34435,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21170,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4686,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +15302,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4641,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28401,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38437,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19970,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20162,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +10834,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9060,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +10783,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +37357,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2311,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +2458,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +32791,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +10085,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,1,0,0,0 +13435,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16059,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40046,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20795,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,1,0,0,0,0,0 +31606,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +23782,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42266,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +18601,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33782,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,0,0,1,1,0,0 +25502,0,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,1,1.0,1,1,1,0,0,0,0,1,0,0 +8262,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22861,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36686,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +25293,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23890,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30568,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37451,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +21371,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +24718,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3438,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16111,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1768,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +39371,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28398,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25342,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41703,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +8988,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +36050,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2719,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +9934,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +42645,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40995,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31627,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28465,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29633,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5515,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40905,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24440,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +34685,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27935,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1647,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43119,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19857,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28964,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3050,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26768,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28795,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +2127,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +22610,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18734,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9407,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7440,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8059,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25876,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +12584,0,0,0,0,1,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +15320,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +9886,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +38540,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +19753,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +40058,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23487,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13851,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8705,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3152,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29537,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1125,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41333,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19491,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15595,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11880,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24596,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41726,0,0,0,1,0,1,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +29817,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12402,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22617,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,1,0,0,0,0,0 +10460,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +12961,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39570,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36245,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +10053,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35617,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7611,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37064,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27528,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22535,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +18247,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,0,1,0,0 +4463,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31596,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17562,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1542,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10191,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37895,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2863,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +12537,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36377,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8117,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39677,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17889,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19786,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39723,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +29584,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24075,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25796,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30404,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11696,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +3682,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +27207,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37878,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29088,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24292,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21747,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32470,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1124,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23221,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26978,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +20949,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12526,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39821,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35595,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36057,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,1,1,1,0,1,0 +25133,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19526,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +910,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13704,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4739,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17570,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18739,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +36675,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10500,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26359,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40537,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20140,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27981,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39326,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +1471,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +5916,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +15009,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +6744,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23653,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7515,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10364,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +24194,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37428,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8508,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17515,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34545,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +4846,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +42992,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32328,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11866,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26589,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38864,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +37131,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9389,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +28772,0,0,0,1,1,1,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0.0,0,0,1,1,1,0,1,1,0,0 +33972,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16403,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23985,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32308,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +10203,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +4651,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,1,0 +39693,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +34184,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42415,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,0,0,0,0 +2571,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14552,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2234,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31465,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27608,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4243,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41378,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36255,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +26137,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +39428,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22105,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +614,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37750,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32409,0,0,0,1,1,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,1,0,0 +6648,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39741,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +14706,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8306,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18163,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14613,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19010,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +18029,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28221,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5143,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1115,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3276,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +43012,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +33756,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28687,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +8102,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +30071,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13130,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +28590,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24064,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38674,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +16262,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22693,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26816,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14385,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41883,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41187,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33657,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +23607,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40856,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +2290,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3799,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +14425,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3191,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +20161,0,0,0,1,0,1,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +26133,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34300,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6613,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,1 +10641,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +720,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +20077,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +12480,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21643,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3436,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6012,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +14243,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24443,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2622,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9773,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +12720,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23413,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11921,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +11745,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38100,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,1,0 +2970,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +12699,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21375,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +26146,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19990,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39275,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,0,0,0,0 +4329,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1981,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23787,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42578,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18683,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +14529,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14172,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42498,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26872,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1380,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42218,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5242,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +31829,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7012,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35480,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18141,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15940,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +36228,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43098,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,0,0,0,0 +2114,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14450,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +9088,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26976,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18725,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29782,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38015,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7064,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24432,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43103,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40151,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38921,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19682,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18300,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28075,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12142,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2578,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3476,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6202,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34132,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +13092,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12818,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +30275,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24512,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +33618,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3656,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8130,0,0,0,1,1,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9659,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +7047,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +7052,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28579,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +624,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15131,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24290,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26940,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14850,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9030,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,1,0,0,0 +581,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26291,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1352,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13781,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28551,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25750,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +22986,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39467,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17154,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35223,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1096,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33537,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17608,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18224,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +931,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39824,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +33475,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +33165,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +27202,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17599,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7745,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11915,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40090,0,0,0,0,1,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +30899,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20316,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +24287,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10193,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +30159,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +20839,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +38253,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +3382,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19590,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5235,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21318,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27307,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35264,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5274,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +6061,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12208,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +42527,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +30808,0,0,0,1,1,0,0,0,0,0,1,1,1,1,0,1,0,0,1,0,0.0,1,0,0,1,0,0,0,1,0,0 +21110,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34905,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +22914,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33274,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +37369,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12162,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30539,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29165,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41631,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +43009,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +19395,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +29645,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +11022,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26147,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1977,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19273,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8996,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9140,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14893,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40910,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +32286,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28736,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31028,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,1 +13919,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11576,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,0,1,1,0,0,0 +692,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16350,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5471,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27226,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8177,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +20890,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35730,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +5288,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30694,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24141,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30265,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32840,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31834,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5879,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22886,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +20424,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +18766,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35947,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3831,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7394,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14380,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +34411,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,1,1,0,0 +36699,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27664,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20010,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21891,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +272,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +31807,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36328,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3209,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22626,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16968,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9042,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41564,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12691,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17743,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31682,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30646,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42603,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11817,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33275,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24492,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +15124,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +2043,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4469,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21877,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17531,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39555,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2600,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20803,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7819,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +31471,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6903,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +34444,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15967,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +24409,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1.0,1,0,0,0,0,1,0,0,0,0 +33654,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,1 +31520,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20547,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +14073,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28106,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30446,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41034,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34274,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29758,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +15290,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5821,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +35218,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27316,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1919,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3186,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40136,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7899,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41679,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38953,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5378,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4574,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14717,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19530,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22676,0,0,0,1,0,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,1,0,1,1,0,0 +18536,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11239,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3811,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,1,1.0,1,1,1,0,0,1,0,0,0,0 +12536,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30956,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13447,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20495,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +18822,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32014,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +158,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24401,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7743,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15482,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38102,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2372,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24610,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25073,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41453,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +26783,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19029,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3427,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +37371,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9852,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9970,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10508,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19392,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1.0,0,0,0,0,1,1,1,0,0,0 +34459,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38286,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9160,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +37937,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37464,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40551,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +13965,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +10890,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +40807,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22087,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42846,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27797,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34216,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14469,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9660,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18271,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +8641,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39121,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,0,0,0 +458,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25380,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +26411,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41556,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +4256,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +21125,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10330,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42602,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +4974,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18428,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8112,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26790,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +866,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +39944,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13550,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +25788,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +6156,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7558,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9423,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36273,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20798,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20412,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +15466,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +39299,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10397,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9818,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31383,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32059,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1077,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9858,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35485,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34493,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +29911,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26288,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +32771,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38076,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +1090,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +15611,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28604,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14558,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +4286,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +15107,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37366,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35455,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29670,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36190,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8911,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40327,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29005,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34930,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6488,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5079,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +4064,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35516,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10171,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6194,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6430,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3325,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31231,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +33877,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +24257,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20101,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11779,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22368,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +38765,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41848,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +34416,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +30703,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26285,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +21898,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1936,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25001,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13345,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +670,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4220,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12516,0,0,0,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,0,0,0,0 +20132,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7686,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +21736,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6808,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +10134,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27801,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41831,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18858,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22333,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,0,0,0 +43156,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23399,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42531,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16654,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20988,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15973,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43155,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12138,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +32104,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +42760,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +40062,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38741,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33366,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24239,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +16829,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +3693,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18476,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +22492,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +14980,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +36048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +15799,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,1,0,0 +5380,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +28317,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +5903,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13529,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34331,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3589,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +28854,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40961,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +39298,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14771,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20263,0,0,1,1,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +8666,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +38644,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25972,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40024,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,0,0,0,0 +38612,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +36891,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1.0,0,1,0,1,1,0,0,1,0,0 +25360,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34271,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1367,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42722,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2830,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33226,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28560,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +35405,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39640,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +7912,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +3175,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39330,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29420,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +37292,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11944,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +13154,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +8466,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24566,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18249,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22938,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +32489,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31620,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30120,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40207,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38211,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17339,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10412,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +19371,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4413,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +21337,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2858,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31856,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18427,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8640,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4583,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +13197,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24911,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7196,0,0,0,1,1,0,0,0,1,1,1,1,0,0,0,1,1,0,0,1,0.0,0,0,1,1,0,0,0,1,0,0 +26633,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6748,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21569,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19451,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18930,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37831,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34438,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18989,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32550,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29247,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30700,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14426,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27204,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8038,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7158,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3702,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42861,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,1,0 +12183,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7584,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40590,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +29388,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +30811,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31715,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5804,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42454,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14960,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26307,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34096,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4797,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3874,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25858,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +40069,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +39141,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19790,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34747,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13049,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14882,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9093,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11397,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3645,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11981,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +26339,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19660,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33996,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1347,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37532,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +41430,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13938,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +37493,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32345,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,1,0,0,1,1,0,0 +4069,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16850,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +15832,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8582,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +2869,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19032,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +35350,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30224,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7323,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +31706,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +1194,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35888,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3056,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13849,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31240,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +20972,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +26057,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30000,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +15969,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26145,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11980,0,0,0,1,1,1,0,0,1,1,1,1,0,0,0,0,1,0,0,0,1.0,0,0,0,0,1,0,1,1,0,0 +12496,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33734,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10785,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17867,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +42767,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25327,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29128,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +21218,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +8999,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +36074,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +10907,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39887,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11272,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4072,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +41576,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26874,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9478,0,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +9732,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8589,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27265,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +19109,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,1,0,1,0,0,0 +29455,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19559,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40944,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18275,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19236,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43100,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12174,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +36824,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +24578,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,1,1.0,1,0,1,0,0,0,1,1,0,1 +25345,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21492,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36936,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11335,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27191,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38158,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7215,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13001,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5637,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33638,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +32019,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20702,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12624,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31105,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +17854,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9018,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31890,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2333,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9150,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21806,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +35161,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17364,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20595,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +27313,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34052,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27329,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42045,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5272,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +3391,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +39653,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +32208,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +18610,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33543,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29966,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37029,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7221,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12121,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +39586,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +39981,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28637,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32111,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11543,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27019,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18732,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29015,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42191,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8788,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14622,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +22291,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +41551,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +12375,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20551,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23213,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +4968,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37805,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42442,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10043,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5258,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +18015,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33585,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +106,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43262,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +6585,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +10925,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21620,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6501,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41186,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5711,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24411,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +32691,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +8162,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +34285,0,0,0,0,1,1,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,1,0,0 +18950,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3621,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3424,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20113,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +23423,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42698,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42749,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25007,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1413,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +859,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11557,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21942,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41995,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28940,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41357,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26037,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18049,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +4879,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41306,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +40459,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9717,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31771,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40453,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12360,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41158,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25200,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5249,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34110,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +2072,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5937,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33453,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +12411,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +19444,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42795,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38081,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12833,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +17755,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +25906,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +11493,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30440,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2182,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9200,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +33078,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32700,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +3227,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40290,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +15005,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28627,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +10234,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15423,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37786,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7049,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14169,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1401,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1652,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +844,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +23188,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38289,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27339,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3356,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +19540,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16550,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +32685,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42439,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24427,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12944,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +19636,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14988,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27732,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +4073,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5464,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +2173,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15901,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32912,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39817,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +33455,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2070,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5710,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14635,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38686,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22414,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15058,0,0,0,1,0,1,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +4693,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +295,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +34443,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27507,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,1,0 +42033,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22468,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1789,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28455,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9364,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17358,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24988,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +10819,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29984,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1516,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +2783,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,0,0,0,0 +40662,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34008,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34929,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +11525,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31455,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +32045,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22184,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9586,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42670,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22779,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3369,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7086,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31063,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14690,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +21678,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9943,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25675,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5190,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42431,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +25195,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +17786,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5289,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13584,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17771,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +13132,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +7268,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7933,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +27623,0,0,1,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +37897,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +1660,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +8333,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19438,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1020,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36798,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +20414,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6774,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22059,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27440,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0.0,0,1,1,1,0,0,0,0,0,0 +27646,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12973,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +28837,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15414,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +168,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38411,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11037,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14738,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16305,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +30319,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8452,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25919,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1342,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21566,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34897,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14381,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33052,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19347,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +4707,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14517,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8379,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +7796,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +35612,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7014,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28132,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6410,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41609,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40947,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0.0,1,0,0,1,0,1,0,0,0,0 +10673,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1476,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,0,0,0,0 +2346,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3115,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +10734,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30012,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11946,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34335,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40659,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +41255,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5754,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +24514,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43057,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20367,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +9390,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +38124,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38216,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5239,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17916,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8789,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30205,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +21418,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +29561,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5530,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28361,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +40485,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5176,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +37290,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14859,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7444,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3531,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +16036,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32246,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +33079,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1718,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26471,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29140,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25032,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15726,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +28359,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +22822,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +2527,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +12732,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,1,0,0 +26095,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +28561,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16445,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35157,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31752,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +13702,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13186,0,0,1,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +25203,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41397,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13284,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41886,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32487,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40367,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +32222,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27728,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,0,0,0,0 +42656,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4685,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +24751,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26660,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38632,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +38695,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37908,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +41082,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21503,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19300,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37382,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24689,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19007,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +39769,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27233,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10226,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29600,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22141,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27381,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +12443,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +7199,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3178,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +38373,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34111,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5168,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29144,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41808,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21343,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27401,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19744,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36759,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +15988,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42068,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41129,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26532,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1.0,1,1,1,0,0,0,0,1,0,0 +37629,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +25206,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18535,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28576,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,1 +26564,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +15707,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36408,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +14966,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4762,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4849,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19195,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1106,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +4436,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15597,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5024,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29231,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +21534,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23093,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3748,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43037,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +6552,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5280,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16358,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +10870,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10728,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +38477,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,0,0,0,0 +12486,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38443,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7179,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15652,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33532,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24126,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9900,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33224,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +25329,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +428,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18786,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32628,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +5004,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8930,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14012,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,1,1,0,0 +40337,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +10510,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37323,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41755,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17310,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30211,0,0,0,0,1,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,1 +30005,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +1192,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3641,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +9707,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +30690,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1.0,0,0,1,1,1,0,0,0,0,0 +24389,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39797,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20978,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37031,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36374,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14663,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25704,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35487,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +19553,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20746,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29302,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +593,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36164,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32697,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18364,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33571,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25403,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42066,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +7411,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39071,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,0,1,0,0 +4292,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22167,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +612,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +7106,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20969,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +9063,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18769,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4872,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +30561,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8467,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18795,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +968,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14213,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24178,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31319,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29295,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +42239,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29091,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +17816,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29829,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18263,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12871,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4657,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28301,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +32238,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35525,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18797,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23069,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30301,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35286,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +26909,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8453,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3496,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23218,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +36381,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32637,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4455,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25420,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13409,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +37058,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27259,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21724,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +24964,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39762,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15727,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40647,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +261,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11838,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +13595,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +39921,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5731,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +42015,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +10570,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +30287,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +29563,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +23135,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35494,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +10459,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31221,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27636,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21435,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41528,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +4836,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18406,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9597,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12936,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20085,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34080,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31000,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17196,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,0,0,0 +16043,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +11886,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16195,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +15679,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39901,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19915,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19266,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37809,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9703,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41373,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27402,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29342,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +9388,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10589,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21811,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,1 +11758,0,0,0,1,0,1,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,1,0,0 +25946,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +29922,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39856,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23346,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28918,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19511,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34864,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19812,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35296,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6099,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12182,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25983,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28768,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30813,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17221,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37004,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +42761,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +6929,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26861,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +8652,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19472,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33604,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +3341,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,1 +12020,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18386,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22461,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +11923,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +10686,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34472,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3972,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,1,0,0,0 +20552,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35262,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +7914,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +33836,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +6386,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37904,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12149,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6317,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37677,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33170,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25733,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14923,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38121,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4970,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +5391,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33897,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +13397,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +25036,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22671,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19119,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +25634,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +27336,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26014,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41830,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39725,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +27865,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20090,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42877,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,1 +38787,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15100,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25664,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23764,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +40019,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37919,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33479,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26845,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14757,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23772,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32970,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +8530,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43166,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +13505,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26958,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2641,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37800,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30828,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17416,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5810,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10524,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14260,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28812,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +194,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40340,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25971,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15391,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30641,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32542,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17383,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +26969,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34400,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +1452,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19449,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +37322,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +305,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18997,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10258,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9604,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3676,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +10767,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43345,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24824,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +889,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +24071,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10405,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17243,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4054,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39574,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27602,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4229,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +23049,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32521,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12126,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14271,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +25562,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22387,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36954,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +179,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +35122,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +38549,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5480,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +29865,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32473,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16980,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +18628,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +5814,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9153,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4733,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +28155,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +28704,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25225,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41777,0,0,0,0,1,0,0,1,1,0,1,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,1,1,0,0 +6927,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40681,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16031,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25484,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41005,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25794,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10702,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9909,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34203,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28673,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12437,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6023,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4291,0,0,0,0,1,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,1 +4375,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +975,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16901,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37839,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7533,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +19246,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13226,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8035,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27053,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +6422,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25220,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +36635,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27173,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27820,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1101,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10299,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19102,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,1,0,1,1,0,0 +41955,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36939,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +10,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +17138,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42154,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30272,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36672,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36720,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8865,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11846,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9256,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32349,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31405,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40940,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21483,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14485,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37558,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27901,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +19022,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33645,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29904,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26493,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3706,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +10354,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1778,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,1,0,0 +40161,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7676,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9503,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +24685,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30373,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +32341,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22666,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14149,0,0,0,0,1,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,1,0,0,0 +17966,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10613,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +5010,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +33464,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +26277,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +693,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21794,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8448,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14755,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,1.0,0,0,1,0,0,0,0,1,0,0 +28550,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25391,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17191,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +763,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25590,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +5691,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9037,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7174,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +10149,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +38725,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42304,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30829,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26817,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2647,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18065,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8980,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42483,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34984,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36174,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22202,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34834,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8728,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +32869,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4746,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +40317,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22021,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10607,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9415,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41816,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31299,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8106,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +42841,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31304,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25262,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +20310,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +25051,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40067,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31182,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37655,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +14094,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26036,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +5869,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +38837,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9774,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13206,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +28205,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17703,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35394,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27223,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20458,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2272,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7894,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42786,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19996,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12361,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17024,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29364,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19774,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1960,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +42768,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +14071,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15440,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30553,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +14561,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26227,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +2628,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27237,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34807,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3661,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23117,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37877,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27441,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17805,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +13492,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23394,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +5267,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39875,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7951,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +39079,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +41544,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15517,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33647,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +24887,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34221,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6490,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38379,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21973,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3302,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19145,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26719,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27060,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +5740,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36184,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40038,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25879,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +22367,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41579,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42343,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17881,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11356,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42210,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +30110,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +24863,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +8289,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32050,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +35756,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +38749,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +15567,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +32915,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27325,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16900,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6363,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,1,0,0 +23273,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +35906,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32304,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11446,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31150,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13848,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35777,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40331,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +41072,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4669,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +211,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4811,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +21463,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5184,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +8708,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39551,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42788,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24345,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +42925,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34872,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39604,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30414,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32500,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32183,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14557,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33144,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12810,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35528,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +29985,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30227,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +28462,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30590,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8772,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16566,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9301,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18391,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30190,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +432,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9022,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2050,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +7896,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37088,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +607,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27417,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +37665,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41365,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14637,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24620,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +15606,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1437,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34496,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +38718,0,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,1,0,0 +20361,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +30151,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36622,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +38128,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +21970,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25572,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +13671,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28558,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1498,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33596,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +12362,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +12876,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33346,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,0,0,0,0 +36467,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22319,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19780,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40454,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9501,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26106,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11378,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +19335,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8813,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37803,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36497,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30136,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +22283,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1118,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34392,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25060,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +25639,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22223,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29895,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10255,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30877,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +24218,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22764,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15662,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31722,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7973,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +37412,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6133,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +14344,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18102,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +3229,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34090,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17534,0,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +43078,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1990,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28792,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1.0,0,0,1,1,0,0,1,1,1,0 +43391,0,0,0,0,0,0,1,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,1,1,1,0 +10576,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24043,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +33630,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25808,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20172,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +29139,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +42957,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35789,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35698,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38758,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +10039,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31769,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10205,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +16608,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31346,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5939,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +40393,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42143,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18736,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5092,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34553,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27511,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +27577,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24259,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +40992,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32883,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +3597,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42383,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18933,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16303,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +4340,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +6397,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33843,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6998,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12849,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9600,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +43140,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +39542,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14476,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +35500,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25381,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17395,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +13421,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24227,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +28136,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37676,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14503,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +12918,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38793,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22934,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +18169,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35707,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7505,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20958,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2804,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7670,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11448,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22179,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22301,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40825,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39076,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +875,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +26907,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38240,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +11071,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +24992,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23701,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11001,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +40506,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5501,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19324,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41476,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +40079,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18269,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20785,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,1,1,0,0 +8227,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34298,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37818,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19751,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +41103,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6343,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9915,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +18481,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13923,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33651,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33913,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12945,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10047,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +28292,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41757,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21542,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +41033,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26446,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39803,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1924,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39105,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +31329,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +34531,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5548,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16640,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38691,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24490,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +28953,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +35099,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21638,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +6044,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35090,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10964,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +1366,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19344,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +35954,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +10913,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18393,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +23712,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9844,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13900,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26988,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39185,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +38861,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41927,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24886,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34207,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +8689,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +12689,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26640,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22641,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +300,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35748,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39233,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5377,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +17473,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33098,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9346,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18087,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,0,1,0,0 +24458,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19585,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +13122,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +1696,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35388,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6252,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42225,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42052,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8932,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26559,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13216,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,1.0,1,1,1,0,1,1,1,0,0,0 +21935,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39055,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5476,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +116,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +2464,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16230,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +37671,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14586,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1.0,0,1,1,0,0,1,0,0,0,0 +36688,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6869,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9769,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6368,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40666,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21188,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11255,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +28645,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13157,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19674,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15711,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +22939,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18180,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +15968,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31449,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +23234,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +700,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27433,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20888,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10564,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26864,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22516,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43325,0,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,1,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34260,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16989,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28485,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39057,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29252,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7485,0,0,1,0,0,0,0,0,0,1,1,1,1,0,0,0,1,0,0,0,1.0,1,0,0,0,0,0,1,0,0,0 +29156,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5767,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21459,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31881,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +36773,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19648,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +22541,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26061,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3716,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17997,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12906,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +16181,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +23829,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20684,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26038,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43379,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35529,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30871,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +6094,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +38780,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21011,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13289,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +858,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30989,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2935,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13497,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41724,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13860,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +18517,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +42236,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19214,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11509,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20802,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30345,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7445,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +243,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +214,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41395,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +18223,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8125,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +36920,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17483,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2459,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14399,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1577,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25465,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33240,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17463,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +32885,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6750,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9736,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +29977,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40407,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36788,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10100,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9178,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21906,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16118,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7840,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +35774,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +17045,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23524,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +9114,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +11522,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40421,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +22249,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26190,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39058,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22945,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +15599,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27176,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40268,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29325,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18238,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22177,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4490,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25662,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5181,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34637,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15749,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15209,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19116,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31617,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +389,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42429,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36930,0,0,1,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +37976,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15035,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19248,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +9990,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24037,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13779,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42088,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8796,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7986,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12296,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13498,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +36969,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26464,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35747,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33738,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,1,0,1,1,1,0 +22656,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +37210,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +22052,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +485,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36668,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29173,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40605,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15381,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26352,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +24173,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +28274,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1906,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40071,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +28358,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24892,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +32,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +14401,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38485,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +41266,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13902,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +13400,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39075,1,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,1,0,0 +8782,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +3330,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13924,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34529,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25110,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +16559,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14117,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31691,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27385,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +15578,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27155,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1070,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +2843,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +3808,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +28099,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34662,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26373,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +36944,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41280,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9633,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +34176,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43294,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9624,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38194,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +4397,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +4948,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25428,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +13327,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2514,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +17091,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29813,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8019,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29753,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22563,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +7527,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29696,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +3478,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +574,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30377,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1942,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3982,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11207,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41547,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42814,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +1818,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24637,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +15636,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,1,0,0,0 +17837,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +29416,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +17879,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +9530,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11352,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1027,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +42703,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14715,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22897,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +33047,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32227,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23768,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22599,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +8285,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41217,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36690,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1672,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36156,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +19408,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +40725,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32220,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11585,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35133,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2701,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +35216,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +6556,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15096,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4130,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32562,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18546,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43094,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2300,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23881,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10904,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40598,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42815,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10112,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +30861,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,1 +28300,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +401,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +306,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35579,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8485,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36714,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +232,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40196,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +4393,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20821,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38023,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27428,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9158,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +37672,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +7010,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +3667,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,1,0,0 +21235,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +38681,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33986,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37994,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +33007,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38244,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7916,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14676,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +14354,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27317,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29380,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1.0,0,1,1,0,1,0,0,0,0,0 +11457,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10787,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +39683,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,1,0,0 +37726,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,0,1,0,0 +21593,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1629,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +39961,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4351,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28952,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +28277,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,1 +12751,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +15877,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37360,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14535,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5256,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36275,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22401,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +27198,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3547,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2595,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +12683,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25608,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +33550,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38445,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26033,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16228,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30100,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42352,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36461,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26553,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +5859,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31030,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31464,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5297,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25840,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,1,0,0,0 +2604,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7677,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16707,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14327,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +31019,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32806,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37830,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10195,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41432,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +747,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +41066,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3729,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +22017,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27562,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3523,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29293,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12047,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +1814,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30424,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39585,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36847,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26238,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32177,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10495,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7882,0,0,0,1,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +18879,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12039,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35384,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +22927,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30137,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42836,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33695,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,1,1,0,0 +18095,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19442,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,1,0,0,0 +2720,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41864,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9756,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13707,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16927,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1829,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +7304,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +41239,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +36073,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4186,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23898,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19673,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2693,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40616,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6532,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21493,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +3687,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,0,0,0,0 +3542,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +41534,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2826,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37683,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +21727,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40800,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +5212,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38625,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +17888,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +21498,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13137,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32037,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +17235,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31320,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +23930,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37376,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9987,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14348,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +38827,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +41084,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39566,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17033,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8390,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31411,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +25316,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13508,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +10049,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22054,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,1,0,0,0 +38336,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +39051,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27210,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,0,0,0,0,0,1 +19624,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +5582,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15479,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22647,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +35041,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11033,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37242,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +21010,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +29743,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3508,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41948,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6042,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +27364,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7693,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +19137,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +16148,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16412,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +26120,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2288,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +6937,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7227,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42122,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +31036,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36098,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10701,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32090,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +436,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13640,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28653,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33855,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +37105,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32798,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38332,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6311,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +7845,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +6595,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,1,0,0,0 +2049,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33542,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23126,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25938,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15548,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +38822,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35117,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21511,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32206,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +16947,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20948,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39900,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20335,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26628,0,0,0,0,1,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +19707,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +43047,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +36389,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40134,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12271,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +792,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37821,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +29024,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +9487,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38352,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +109,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9137,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +38453,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27039,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +20092,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +32101,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23164,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17752,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +7125,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14041,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7990,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1507,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17425,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2716,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21187,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +36390,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19586,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35353,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24273,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +28828,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16591,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24794,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30712,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22212,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +17723,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36105,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24119,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +24839,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32361,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35148,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3884,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +308,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8156,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16490,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38221,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21015,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +2198,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40223,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1675,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +6823,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +12431,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23294,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25198,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +41228,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37199,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41882,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33863,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21036,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +17869,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +22543,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38148,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1866,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +27951,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37999,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33261,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23436,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29178,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35833,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +42273,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +4539,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33198,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +24983,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26634,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +9371,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37379,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8432,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +17100,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +6210,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27240,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24074,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +17157,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7448,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6228,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +26161,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40638,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28351,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17706,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4328,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13240,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8376,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28049,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,1,0,0 +7395,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +34257,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +35859,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +31762,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,0,0,0,0 +2948,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +43081,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +7855,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12952,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7638,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +27165,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33134,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +13104,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23141,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6672,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +24570,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +43118,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23122,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26942,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +1291,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2682,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12459,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +40408,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33637,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29426,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +27754,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2202,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14569,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5007,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +4521,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +35969,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27917,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15457,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11300,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40464,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41617,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24258,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +40089,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,0,1,0,0 +40759,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +29511,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +12846,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24116,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4684,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11160,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16476,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,1,1,0,0 +25165,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7615,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +577,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4966,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1929,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5764,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9332,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14538,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5807,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41492,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +43341,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +33460,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1973,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42913,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21153,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18183,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25611,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11185,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +22908,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37044,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15142,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12194,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12921,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +17318,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29666,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6262,0,0,0,0,0,1,0,0,0,0,1,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,1,0,0,0 +24872,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +4939,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1.0,0,0,1,0,1,0,0,0,0,0 +32990,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +200,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37586,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32387,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30751,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23107,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37348,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,1,1 +36360,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +12992,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25275,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31528,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41626,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38113,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +21475,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24147,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +12948,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +21139,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +10359,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +36230,0,0,0,0,1,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,1,0,0,0 +1277,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29811,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40447,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13512,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23015,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8288,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27645,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16076,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +244,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +2378,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +41699,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +5967,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10054,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18467,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24952,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +21455,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +15079,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28643,0,0,0,1,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +13320,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +37191,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15542,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +17189,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23323,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41456,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33546,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33644,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39397,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3481,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38572,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +37062,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +35615,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,0,0,1,0 +19677,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8575,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20776,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +9565,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4194,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13982,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42692,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16712,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +41474,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20770,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20220,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +23602,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +762,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4070,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22276,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19572,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18938,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10366,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7120,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12080,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5556,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17510,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +13264,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30725,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39497,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +33773,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5111,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +31847,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31107,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +25927,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5452,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +2340,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18649,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6910,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +42200,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +9508,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22995,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +19342,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6906,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23269,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21448,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25105,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39060,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2829,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9194,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30753,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +14768,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14909,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14383,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33238,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +2295,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42252,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34469,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +43090,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37766,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22437,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +42418,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +2000,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,1,0,0,0 +12712,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38637,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13570,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1700,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33739,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25747,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +40017,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31507,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40026,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21174,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +12037,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12585,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +1559,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +29610,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9408,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31963,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29671,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36055,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +40815,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +25965,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15693,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32625,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5904,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26066,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +41396,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +26891,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7007,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11565,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28331,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41167,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8184,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +15632,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21653,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4883,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11794,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31566,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5941,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9645,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +7508,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9694,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +17719,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24145,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29880,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41913,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +26994,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17772,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25729,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3266,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,1,0,0,1 +22232,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10575,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5831,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +2909,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34290,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +38342,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5078,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +32926,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +25891,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14436,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +23533,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +131,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36861,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14641,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11638,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +10978,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +18902,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,1 +19505,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +36695,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34997,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +22540,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +18537,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2847,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9252,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +39500,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8603,0,0,1,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,1,1,0,0 +15229,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42174,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10430,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17404,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39484,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15511,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8556,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +15371,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31933,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8416,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20813,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40921,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1805,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9964,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12017,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42758,0,0,0,1,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +25369,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40586,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42062,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33436,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41182,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6000,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23753,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1558,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14610,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39526,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +42751,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33141,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17778,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,1,0,0,1,1,0,0 +28468,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9734,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41640,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +1738,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40527,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14939,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +6398,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +10739,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28286,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16295,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3678,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4557,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42528,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +24504,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,1,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +23475,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23785,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13736,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31364,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6314,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6830,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18220,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10910,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34970,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3606,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +21910,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23249,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,1,0,1,1,0,0 +21893,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +35451,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35343,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +23374,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,1,1,0,0 +19992,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35717,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2201,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6686,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +20196,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42891,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1.0,1,0,0,0,0,0,1,0,0,0 +43086,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1976,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32394,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8967,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6470,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8876,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +7885,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14809,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2618,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34539,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15683,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18098,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +316,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +24235,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32097,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +10465,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +15433,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4528,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22942,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +22365,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4758,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31561,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6832,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13097,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +39122,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +3863,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +25735,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28903,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30630,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +25475,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14587,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +7336,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6325,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9368,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +24551,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,1,0,1,0,0,1,0 +34913,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17587,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +17456,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +33602,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6889,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +8380,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +14486,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +28320,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +18509,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +20721,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21180,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28339,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12957,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25941,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +3666,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7136,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15361,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23726,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +9186,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +14786,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42092,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28534,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28057,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19930,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19377,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16400,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +15301,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +804,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +18691,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27840,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27885,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11176,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10931,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19064,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +28043,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43177,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7503,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +12424,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10488,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5059,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39311,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +10360,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +22351,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7701,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +653,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9863,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25301,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34310,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36249,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11686,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +35898,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10845,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7499,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +28443,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19940,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13597,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27714,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1562,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4512,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +34522,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +35449,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +42393,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +7462,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,1,0,0 +4213,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12670,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19669,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41230,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +28759,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3737,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +10811,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11191,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +23969,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +42650,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17205,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30047,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14424,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +32524,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12053,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41987,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29481,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +13551,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +14135,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4152,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30923,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30233,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20457,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10082,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +37873,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +14110,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +18289,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26603,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15685,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7544,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +9933,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24162,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6211,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3910,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +11058,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +28382,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +28220,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15671,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13745,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23207,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27675,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +8103,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22687,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13248,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16537,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4640,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +20065,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2283,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25761,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28869,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36776,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +6289,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +3456,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41675,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +4093,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1.0,0,1,0,0,0,1,0,0,0,0 +35360,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3853,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10368,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +17838,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30979,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28595,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2298,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31347,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +22413,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42964,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +43055,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14063,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23823,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +5716,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30891,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +31720,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14543,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +20714,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33787,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13934,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14524,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43255,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8198,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +31929,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +3150,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28472,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +22140,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +26389,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43318,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27892,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41971,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15296,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26707,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +27098,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24795,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +40138,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8080,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17850,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17231,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +39958,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37903,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5557,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15411,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28519,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2052,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +14443,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16846,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +23955,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +41454,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10584,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27055,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18201,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +508,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1705,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +2415,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +14688,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13007,0,0,0,1,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,1,1,0,0 +34506,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27508,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,1,0 +31609,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28247,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +17853,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1092,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +15068,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +13608,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14807,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18685,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +30425,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,1,0 +33922,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8814,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13187,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +19378,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2668,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34982,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35577,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24724,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +35680,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13898,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30073,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42652,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10157,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +38630,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3320,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14700,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36984,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +371,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41924,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6055,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26955,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,1 +34728,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5772,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23704,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +2148,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26667,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22633,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +19948,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8231,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +17361,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34458,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39602,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +30106,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +3021,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8185,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18229,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34718,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11210,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +17064,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15085,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13500,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33807,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +3689,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31332,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17739,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27776,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +18401,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23257,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +18843,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +27476,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20490,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22196,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12481,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +10876,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16432,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +32821,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38117,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +41737,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14810,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22161,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41725,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +22566,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +221,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38412,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +7271,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +33060,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +11928,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +41818,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26991,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +43153,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33476,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1847,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4373,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,1 +38854,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +2846,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18196,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37760,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9795,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5747,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6464,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +42511,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +39289,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15163,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25273,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26619,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +1762,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4211,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13516,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27372,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31610,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14286,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +34453,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16427,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12835,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19628,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +234,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +42226,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24270,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18668,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6960,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,0,1,0,1,0,0 +12679,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41071,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29385,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +13853,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +40228,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42987,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18788,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27432,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +21124,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37580,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24416,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13522,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +42961,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18337,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14922,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +35429,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21227,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32656,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21961,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25574,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37578,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26353,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +2370,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24878,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3306,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +10344,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25078,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23637,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8356,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31686,0,0,0,1,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,1,0,0,1,0,0 +1721,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10501,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,1,0,0,1,0,0 +36017,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +3707,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +652,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32777,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,1,0 +13887,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8486,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8608,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14917,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35587,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35803,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +32451,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8601,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12517,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20330,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +31419,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2441,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29181,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23926,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +26841,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +34302,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3503,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10135,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +42707,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +13056,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15544,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18873,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3998,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14460,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +26468,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19286,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +43138,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +13223,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +41351,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5308,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +40819,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31408,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +38745,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2966,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +42651,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +34989,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +6130,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35822,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23535,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40717,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24323,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,1 +34858,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,1 +39217,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31288,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,1,0 +30102,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +22275,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24849,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40465,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +19268,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +39023,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,1,0,1,0,0,1,0 +42205,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +32100,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1028,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +13410,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,1 +29016,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +35900,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +21425,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +29577,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37841,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +32614,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18693,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24670,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18296,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29310,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28447,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34356,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +6858,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +33689,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +9672,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +35187,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31999,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15295,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1683,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15804,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35191,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +14208,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42598,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18024,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11253,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +7379,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21734,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38508,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13464,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23186,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +36344,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6653,0,0,0,0,0,1,0,1,1,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,1,1,1,1,0,0 +7949,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34972,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9879,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31921,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +20002,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36197,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37582,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +6212,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,1,0,0,0 +12227,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +8828,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22653,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +5714,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +31284,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +17861,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +6051,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18418,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +10506,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33655,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +28260,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4389,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +35181,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28441,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2287,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +41088,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +7470,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6379,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32257,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20028,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16581,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9448,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +20840,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33733,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24247,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +30449,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13195,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26578,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +38377,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27065,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12176,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +12730,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19700,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37391,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30634,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23252,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +4630,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +32563,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21306,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12837,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17279,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35905,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40488,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +446,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +43369,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3784,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2837,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12954,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3057,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25898,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12170,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20764,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21160,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1000,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +34535,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38236,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23995,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29407,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +30246,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19355,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19763,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +15201,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13949,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +32693,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25129,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37652,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36657,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13016,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6134,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +8842,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39464,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32324,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36987,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4750,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31901,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22954,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17629,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16639,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +41462,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +42719,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,1,1,0,1,1,0,0 +34434,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42319,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43017,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +39143,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33181,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30927,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23614,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +26177,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24128,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13571,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +31217,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34253,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +29159,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +2554,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +2247,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +29925,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +23783,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18948,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11323,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14606,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16084,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +21152,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +7410,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36842,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20567,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14970,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20041,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +15657,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +18868,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18191,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34802,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +536,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7991,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28791,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29778,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36097,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14141,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19883,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +32696,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25686,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8883,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28023,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8775,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5641,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +6753,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2212,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16144,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +2849,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +18013,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +12558,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27199,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11125,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +42714,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26022,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6322,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14357,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30943,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39280,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34765,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2195,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6032,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31959,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +31799,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16307,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22955,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +32591,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32201,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36136,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16414,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +585,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +42298,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37556,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37514,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18566,0,0,1,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +39560,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40211,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +26111,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4050,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38771,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +1086,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9263,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35089,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10668,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +35782,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11666,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16042,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42449,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +3541,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +34408,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15394,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +8213,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34621,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2587,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1.0,0,0,1,0,1,0,0,0,0,0 +8868,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,1.0,1,0,0,0,0,0,1,1,0,0 +14559,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +970,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +25020,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15091,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37310,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,0,1,0,0 +35541,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32407,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,1,0,0,0,0,1,0,0,0 +19500,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +36890,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,1 +3245,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0.0,0,0,0,1,0,1,0,0,0,0 +32726,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34330,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +2749,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6495,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6568,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17257,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9024,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18730,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +43317,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +19222,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28821,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +10885,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22186,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,1,0,0 +16645,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18635,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8819,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7195,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +42212,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11965,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17935,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1750,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37508,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33387,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +8441,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39501,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +28176,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +25724,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26735,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38404,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +30600,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3264,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42280,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9846,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +13922,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36683,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29249,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28983,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33030,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +34148,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20207,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32449,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38562,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1891,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +33951,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21303,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25932,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +21397,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +25797,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5779,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24552,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +15266,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,1,0,0 +39756,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38683,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +586,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33272,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40168,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30862,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14675,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +3651,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +13959,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +28007,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +38956,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5064,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +333,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20971,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23585,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9636,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2019,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +30987,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +478,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39634,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6088,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17812,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40893,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31124,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +32940,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6729,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +36540,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +25801,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38498,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26270,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +10894,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +1313,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30714,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20527,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35374,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11211,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42563,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27860,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +5486,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6919,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +15871,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41193,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +24885,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19210,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38429,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +9405,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +595,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,1,0,0,0 +7937,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,1 +39908,0,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +25907,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25012,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +36104,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39543,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1.0,0,0,0,0,0,0,0,0,0,0 +24767,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8014,0,0,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +38835,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21964,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +8537,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42407,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34173,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36167,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28234,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34736,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +6810,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33664,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14300,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37134,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27670,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12802,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12024,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16417,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10174,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +12163,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +24793,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5750,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40088,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39156,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11402,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26896,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3521,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37110,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2916,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22274,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42142,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11878,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36025,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32866,0,0,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +12709,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26905,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +9115,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +35169,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14198,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28941,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15626,0,0,0,1,1,0,0,0,1,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,0,0,1,1,1,0,0 +40597,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31672,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +2433,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +40657,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12207,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37230,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9419,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35729,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21892,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18992,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +4408,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31280,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +17485,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +29062,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +13880,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +1127,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +38028,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19731,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42537,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3802,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35367,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +19949,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28546,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +20514,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30006,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +8423,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13395,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30687,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17574,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12091,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2494,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +2045,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14210,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17796,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9168,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31242,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36976,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +32084,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25631,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12864,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24027,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4987,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29338,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2878,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +37600,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14122,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +1131,0,0,0,0,1,0,0,0,1,1,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +11935,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31403,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +7984,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30921,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +19278,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +37179,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6583,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29668,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16153,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22580,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29899,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +16671,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +35805,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34843,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13479,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +12366,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +2558,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9442,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18182,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31058,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18865,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37481,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11771,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40821,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21028,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27748,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42586,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41578,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12521,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42865,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +24429,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25011,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +35673,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21904,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28593,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9609,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4428,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4728,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +32162,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24656,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42524,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42920,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +37061,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +14792,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13340,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +19808,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,1,0,0,1,0,0 +28336,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2113,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37305,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16191,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +10105,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22629,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23709,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23414,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36089,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23473,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4245,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13305,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +19447,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +13290,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +6689,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +768,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41880,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +21210,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17410,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26125,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20766,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13542,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6135,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5484,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,1,1,0,0 +28740,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,0,0,0,0 +24127,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37801,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34825,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22996,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2457,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3603,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15108,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25373,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15906,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +15907,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30162,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +5105,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +30325,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25134,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10120,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36244,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22940,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28304,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31826,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7263,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3798,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23408,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35027,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21004,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +13304,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38535,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,1,0,0,0,0,1 +15196,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +20946,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25981,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16344,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9162,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18761,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +27138,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +24600,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26668,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16333,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +642,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29882,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3124,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +8684,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +20026,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22514,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7471,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3010,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2020,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17751,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +17184,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4033,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20489,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +21302,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +27924,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21619,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6879,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +16455,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27081,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +17009,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38173,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26421,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +18912,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2941,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6673,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36264,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26300,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +658,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16580,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +17545,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +22219,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18266,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40915,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39744,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +38654,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +21803,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40881,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +32603,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +41491,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5785,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33560,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8337,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29936,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2268,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34512,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16903,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23065,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21526,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40713,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37901,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +5566,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19646,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +22638,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23326,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25952,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7121,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +36815,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +30268,0,0,0,0,0,1,0,0,0,0,1,1,1,0,1,1,0,0,0,1,1.0,1,1,1,1,1,1,0,0,0,0 +25348,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33311,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35026,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2866,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27008,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3601,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +43191,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5760,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19396,0,0,0,0,1,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,1,0 +13173,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +39199,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +3013,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21649,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1745,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7930,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10070,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36396,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14319,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7735,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +13992,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19226,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33489,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +26330,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +19688,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15808,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8505,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28688,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10650,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22683,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +346,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17555,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7750,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14858,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +29719,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42419,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1260,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +16013,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +17822,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +41563,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11549,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,1 +42224,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5679,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8742,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8665,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +9170,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9823,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7641,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12759,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2327,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35910,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39582,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24286,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +31644,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +6273,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +40210,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40765,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7828,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2486,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10346,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43097,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17827,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +11582,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12453,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38006,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +7967,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24183,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +274,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11540,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +25250,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34965,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29792,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21032,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30909,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +19329,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +17724,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24609,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +769,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +3722,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3314,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32811,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +34357,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19539,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30587,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +36125,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17667,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +19503,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10700,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25462,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2844,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7057,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27014,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30918,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20226,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3537,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13363,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17898,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22751,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +17284,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24703,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8539,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22286,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30285,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26775,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +16201,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34704,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11435,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4840,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +36367,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,1 +43351,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5218,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3867,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,1,0,0 +37852,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35944,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +12449,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28758,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4946,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20142,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43199,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6876,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +39391,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +38421,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41416,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15344,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31145,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11563,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +19943,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21149,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33231,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21705,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35999,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15204,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8851,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4951,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21533,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0.0,0,1,1,0,0,1,0,1,0,0 +38068,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25560,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14218,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +39210,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +30234,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40225,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14481,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +30084,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11249,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,1.0,1,0,1,0,0,1,1,0,1,0 +10535,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15002,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21495,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5826,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34133,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30791,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42706,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +5506,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +19277,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +39140,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25123,1,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,1,0,1,0,0,0 +4878,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11106,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19139,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7827,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +7000,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27270,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11844,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16014,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31512,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,1,0 +20837,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36561,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23723,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0.0,0,1,1,0,1,1,0,1,0,0 +17253,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40222,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19143,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +5114,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6948,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37414,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3655,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23013,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21897,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34739,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37773,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,1,0,1,0,0,0,0 +7009,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +13977,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33533,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15353,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35302,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29372,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +40619,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +22769,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25663,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +21314,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +20387,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19555,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1671,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8111,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39401,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,1,0,0 +20288,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +96,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42769,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +887,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35966,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22637,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26531,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11978,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +11075,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31866,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14847,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30475,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12214,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21057,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +10860,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11313,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42746,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +14519,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17517,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38880,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11661,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,1.0,1,0,1,0,0,0,1,1,0,1 +25960,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9338,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +26682,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16777,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2649,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +23281,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5551,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39925,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +11067,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19995,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23838,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27810,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41459,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3475,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +33206,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22814,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39403,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39415,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +5642,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13990,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +13275,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +21903,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +2898,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +35299,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21322,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14868,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,0,1,0,0 +20236,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22552,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24855,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12192,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3145,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +1428,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3738,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30483,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13676,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33903,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27209,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +20793,0,0,0,1,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,1,0,0 +14704,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29679,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +38555,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,0,1,0,0,0,0 +39868,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21760,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28898,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +22423,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33534,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3446,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16161,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +28244,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5085,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39238,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24211,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +28131,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6874,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37738,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35962,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +280,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,1,0 +4678,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17051,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +17763,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29078,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3474,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37266,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40455,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +14515,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +16067,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32829,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5492,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19330,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3402,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41349,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +24607,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +42209,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +10587,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31177,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29306,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +20816,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +5819,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33410,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21410,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1910,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38038,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39149,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28015,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41402,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38911,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +31367,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16738,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29673,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21220,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30192,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +33746,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13050,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +22840,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26914,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29365,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +29200,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +8193,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34884,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20274,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9290,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16184,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23225,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,0,0,0,0 +22248,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +269,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +633,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1034,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39916,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35787,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26725,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15039,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39251,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17004,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27120,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1435,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +38588,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18877,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +20975,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31724,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33564,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16138,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9663,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +7774,0,0,0,1,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,1,0,0 +10929,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34463,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7065,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24138,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +26807,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,1,0,0,0,0,0,0,0,0 +36998,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +5451,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1581,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +39671,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6723,0,0,0,0,1,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +28290,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24419,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24893,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23972,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11057,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +36648,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +41611,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10558,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +490,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +15843,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33188,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40314,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11492,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38894,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +416,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41486,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24229,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21224,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7721,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +10676,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +10283,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2880,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25383,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23762,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35817,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17876,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +1094,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +19671,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37404,0,0,1,0,1,1,0,1,1,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,1,0,1,1,0,1 +19441,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10980,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17171,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39896,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22443,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +14914,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +10016,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +33201,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +1303,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42581,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17451,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36260,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38792,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35202,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17532,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9073,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23594,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +1151,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +33305,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +10762,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13025,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7333,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28520,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +20039,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7230,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +25492,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1686,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42618,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +23518,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15835,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36444,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35340,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9544,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13194,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +16312,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26176,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +10328,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30794,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42946,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,0,1,1,0,0,0 +17833,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15309,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8363,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1.0,0,1,0,0,0,1,0,0,1,0 +23870,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15818,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15951,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29448,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,1,1,1,0,0,0,0 +5699,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32850,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15478,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20494,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35225,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38666,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37178,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12655,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +38631,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +35136,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12333,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13930,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +24402,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40032,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +19107,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +40925,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43357,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +27218,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38778,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16889,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31205,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +16779,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37894,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3376,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,0,1,0,0 +6720,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28191,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29529,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10626,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19963,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40468,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16709,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8167,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11591,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8036,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3576,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,0,1,1,0,0,0 +10473,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +6164,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12816,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13729,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4860,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +31398,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39749,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40292,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20060,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13799,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8613,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26143,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12094,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36007,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +29443,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +13233,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27967,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,1,0,0 +20914,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13813,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6892,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +3350,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33710,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +2259,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26724,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35837,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36446,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28326,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +4103,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21884,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3807,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28365,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +29522,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +1843,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13476,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16323,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5228,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +25914,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43011,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2149,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +14007,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +11119,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38147,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39883,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +24124,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14318,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3685,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +40390,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23469,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17199,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5510,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12873,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33721,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30368,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42311,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +19709,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6955,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35002,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +237,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11250,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +17219,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27671,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39048,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40573,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40335,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +180,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20243,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35672,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,0,0,0,0 +21880,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4960,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +12117,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36498,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,1,1,0,0 +27297,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40776,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28504,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6439,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39840,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +21992,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43227,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10117,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +24822,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29964,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29046,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32161,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +16644,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29190,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10776,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35395,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +24899,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,1 +24326,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4612,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21298,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,1,0 +14477,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +812,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21317,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20440,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18587,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4519,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +41570,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40238,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31509,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13416,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2084,0,0,0,0,1,0,0,1,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +39064,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1018,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12120,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +240,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21742,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36933,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,1 +41748,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +2550,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21529,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27997,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13095,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +42367,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +4699,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24445,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31639,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30786,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1143,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +39170,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17018,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +25698,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32327,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5614,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +23194,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +11695,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16314,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41137,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +9539,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19264,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +893,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +16954,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42966,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +30974,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20906,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10794,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32805,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38808,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39088,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20128,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +18491,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25451,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41713,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11231,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21195,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31867,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29866,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37460,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31111,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +36595,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33382,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +39398,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +37106,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3920,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32252,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43136,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1477,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4981,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19418,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37756,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +31909,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11158,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34614,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +37490,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37454,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,1 +6977,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40790,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34837,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7870,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +16677,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +9833,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19420,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36107,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +677,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23820,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,1,0,1,0,0,0,0 +27758,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6866,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29646,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27660,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23022,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29658,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22308,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31734,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +37449,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41745,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22083,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35452,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38267,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26082,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10748,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42519,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12604,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21352,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30875,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +41320,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +7306,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35874,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30834,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7168,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +37248,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +42732,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34961,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30804,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +885,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38613,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28670,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40749,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +20430,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4792,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7559,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17526,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5908,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7307,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +12652,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19954,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31915,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38833,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6724,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32317,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27022,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19776,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15156,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29599,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35054,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43200,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +26975,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29135,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42366,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33808,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40157,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +25949,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +37108,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13121,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +41820,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +14131,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25034,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +8630,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34088,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26366,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +37520,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6507,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7062,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +2140,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26482,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39805,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14146,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27545,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10440,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37291,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +23082,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2344,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35004,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26311,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3778,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +37443,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21907,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3502,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24860,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29518,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7716,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +32960,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31321,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24851,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4263,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9853,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17829,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30500,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +5326,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +38483,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +24754,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +19437,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16027,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +33301,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26767,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +29384,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2158,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34191,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42895,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15281,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18312,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31117,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9339,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +1035,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +20380,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36199,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38035,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +9268,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37253,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +21439,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +9723,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8269,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +8715,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4234,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7928,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4513,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,1,0 +17658,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21412,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +20535,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35917,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +32959,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +28366,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +30872,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +19704,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +23756,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +42361,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6201,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37488,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +29206,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +35987,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36677,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4962,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11784,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +41596,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29255,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41439,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35075,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28169,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20225,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +14083,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13439,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22943,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12272,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,1 +40316,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +26772,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +2895,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8104,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36495,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18378,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +10815,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,1 +24060,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10218,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12118,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13094,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26170,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +36023,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +17452,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11818,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3527,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +462,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +36859,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27111,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11719,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2734,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3602,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +12188,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41448,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24633,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9293,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30208,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +17647,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35437,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +157,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11091,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11760,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37329,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,1,1,0,0 +14266,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,1,0,0,0 +22289,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +19089,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5664,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +41950,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +23230,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +25558,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +18374,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37251,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8241,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +29369,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4076,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +4906,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10084,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +34489,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3278,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12553,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +8405,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +6308,0,0,0,0,0,0,0,1,0,1,1,1,1,0,0,1,1,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +15851,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +18976,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35399,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32241,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7003,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38274,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +39646,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14961,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +11299,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,0,1,1,0,0,0 +37053,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39444,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3168,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11146,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9799,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2471,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6436,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10854,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +17198,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16704,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +31902,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,1,0,0,0 +11269,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +1053,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16046,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34341,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39863,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +7096,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15665,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15943,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31949,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +10280,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +28571,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9748,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2391,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +742,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12590,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25289,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30258,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34486,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +36488,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +5830,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40170,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9697,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +25998,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26741,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16080,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40434,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6525,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +17214,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10556,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2809,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +24170,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +29278,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +25805,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16272,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21460,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +36760,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14536,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +37802,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41409,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,1,0 +16310,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +25019,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39062,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18808,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13892,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29698,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6784,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +30376,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +4945,0,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +19228,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21081,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +20675,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +19305,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17501,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +38217,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31356,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21985,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30733,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39098,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32282,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37432,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14577,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +17818,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29345,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40057,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +41966,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1093,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +24441,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34588,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39008,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28200,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33910,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16142,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1896,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29099,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35081,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +352,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20991,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37524,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38033,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7493,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19402,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6526,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +39216,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13076,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40700,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +7575,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26678,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +30870,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26220,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24079,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4694,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30248,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4066,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29182,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38479,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17567,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15263,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17228,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +379,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37812,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1375,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39851,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11424,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +24555,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9327,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32668,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27399,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39632,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15242,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +10020,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14876,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29841,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26616,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18630,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24870,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30390,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36514,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34044,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +19528,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11938,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4280,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8176,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38272,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22002,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31085,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9302,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +16386,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +9465,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30167,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +35752,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37545,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28705,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36250,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6376,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12551,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +30879,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38056,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14339,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39028,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,1,0,1,1,0,0 +12164,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1972,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,1 +36281,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +19306,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23094,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1883,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +18327,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1049,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +39145,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,1,0,0,0 +19722,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +18284,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26204,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10451,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4348,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8017,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +18891,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41329,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +10801,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +24369,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23369,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23319,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +19977,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8624,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,1,0,0,0,0,0 +13316,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3739,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32604,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3140,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28870,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14579,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16239,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39880,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27588,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14764,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +18647,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +21878,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35168,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8240,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +14712,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31322,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8329,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +16382,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +42843,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +12295,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +25432,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11763,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23878,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +22804,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24052,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +24589,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26043,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +2180,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32471,0,0,0,0,0,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +19326,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22309,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18824,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +23116,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40798,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11553,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14499,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +23007,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10310,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +28639,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,1,1,0,0 +13329,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21286,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28307,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33587,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +42368,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11391,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1704,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +28150,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38400,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15959,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30086,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1424,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +14419,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +39200,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +37711,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22854,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38721,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24959,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,1 +8250,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35204,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17234,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23244,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36738,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36820,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40375,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10116,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +21154,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25603,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +35984,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +165,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,1,0 +12283,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37674,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12796,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +38641,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +23694,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +40499,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26437,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +8461,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21277,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4759,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37309,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +24420,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +25260,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +32364,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28992,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4379,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +7831,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37419,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38700,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26451,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30894,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15125,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +21639,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7045,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +11178,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +2724,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +32618,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3307,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25875,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +16620,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12586,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9731,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4457,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +17454,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31983,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20565,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36520,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,1.0,1,0,1,0,0,0,1,1,0,0 +2130,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39978,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +23467,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12978,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +27411,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +9335,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2845,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,1.0,1,0,0,0,0,0,1,1,0,0 +11970,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18678,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31439,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +31892,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12877,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1851,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35804,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17262,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25350,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23947,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13365,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15481,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10391,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39240,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28291,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11296,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +38763,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42410,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7849,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34313,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25040,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19603,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1994,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +2775,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28171,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5315,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17200,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +31485,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17583,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26481,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26331,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +8825,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14821,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +2048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43398,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9299,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40546,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +12541,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17111,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29637,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22546,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28060,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +12015,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25847,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11988,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17630,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8639,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +18552,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19813,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +15183,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +9334,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +30796,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36682,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +12159,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4510,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7143,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42089,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42793,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41017,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +15471,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +24417,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +16652,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +11275,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +37819,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21527,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34880,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +38738,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22752,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11284,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30848,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34172,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +1813,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29580,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1.0,1,1,0,0,0,0,0,0,0,0 +7339,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26944,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,1,0,0,0 +18067,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42348,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +39073,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,1,0,0 +38772,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37539,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +1332,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28201,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4973,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1868,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12753,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +35561,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23996,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37682,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34381,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +6472,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +1102,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33919,0,0,0,1,1,1,1,0,1,0,1,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,1,0,0,1,1,0 +39396,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20537,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +25799,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42216,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5672,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +19905,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30081,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43219,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11701,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +18415,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16657,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +26959,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22356,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42308,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31548,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36353,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +17011,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +729,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8201,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36694,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35704,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33468,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40763,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41345,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19536,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28656,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +2933,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33696,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39929,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20238,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33368,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +19642,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38959,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22111,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +30523,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33101,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7784,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +37194,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5383,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25338,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15747,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +28664,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +32507,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18778,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3470,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24558,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20534,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1737,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +19864,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27825,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26727,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +35309,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41593,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5473,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13611,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7803,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +10380,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25528,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +20711,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16635,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11904,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26203,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20767,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8097,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30185,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27569,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +6606,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23690,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11159,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +42148,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8792,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9129,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1698,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8373,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +20296,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38261,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10220,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1489,0,0,0,1,1,1,0,1,1,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,1,0,0,1,0,0 +12904,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6650,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +36219,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24245,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +35389,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14656,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6238,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7977,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13224,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +41031,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35486,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18802,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22772,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +33244,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17447,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10416,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +883,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4209,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12642,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29004,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30975,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +182,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +40587,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9973,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27044,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +32311,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28545,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23324,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +21559,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3524,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20854,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35001,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3062,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +32318,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +42251,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8609,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26374,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24371,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +12383,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8854,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7093,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30153,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +37789,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22853,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +28977,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31753,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +6338,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +7905,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +5,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19409,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19036,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +36957,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22876,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16030,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10312,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3569,0,0,0,0,0,1,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +25018,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39142,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +496,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34095,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +20048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40036,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38309,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14580,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +16010,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5601,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27231,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30123,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4575,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27012,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +12450,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33233,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28012,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7610,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20735,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12651,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +969,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8822,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25038,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14669,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +42949,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30628,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23948,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +34886,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20209,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33257,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28547,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12284,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26241,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +32156,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19019,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13166,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +12262,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38032,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +29532,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22844,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +23425,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +22922,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22559,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +31579,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25781,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +20829,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4953,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25449,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33172,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31166,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31246,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20699,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2123,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,0,0,0,0 +36899,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24059,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16451,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +32882,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +41429,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38089,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22062,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29685,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +2738,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +24383,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33192,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23163,1,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,0,0,0,0 +13997,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7637,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +36241,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22271,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20034,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14513,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7621,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,0,0,0,0 +2476,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +7265,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40031,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29469,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18461,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4863,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33071,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +36905,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12173,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21043,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24372,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +14011,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42880,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19090,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +3988,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30493,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +415,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35381,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,1,0,1,1,0,0,0 +2913,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13955,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13987,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +26524,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9427,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40637,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14340,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3061,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40993,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7851,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +34276,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12281,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17882,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +22233,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39315,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23727,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12181,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35860,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10545,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6855,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21328,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18742,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +17238,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33271,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +6471,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15417,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +32049,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +15441,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36151,0,0,0,1,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,1,0,0 +9165,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25109,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30898,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38219,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +24096,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41711,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,0,0,0,0 +29858,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +22010,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37512,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1982,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2754,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31515,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2420,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34767,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +36395,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2267,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10422,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +4809,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +29978,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2323,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10567,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8785,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34753,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37966,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41143,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3735,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +30418,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5408,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19659,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16962,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42554,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23553,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21198,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +25481,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9347,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +29526,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +42571,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +34327,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17654,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41328,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +34144,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +31516,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17963,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10408,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +4615,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15020,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40740,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,1,0,0 +14285,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40405,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38435,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37116,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,1,0,0 +21016,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18977,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10603,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40734,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27255,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15617,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17711,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11302,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12787,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +39849,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19188,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26899,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12561,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21521,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +14629,0,0,1,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +19507,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32270,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36109,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24341,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30851,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +39644,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35569,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3718,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,1,0,0 +4043,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +23967,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27090,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3804,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +121,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39266,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29254,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8237,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41225,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9839,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4250,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +56,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +14226,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43147,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +18958,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +38593,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31993,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10770,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +30802,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31678,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27216,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17405,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17525,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +15785,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,1.0,1,1,1,0,1,1,0,0,0,0 +35870,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12636,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3235,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28960,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1.0,1,0,0,0,0,0,1,1,0,0 +27377,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37550,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9682,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33131,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7581,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +34957,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23924,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +9377,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11642,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25370,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +14967,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,1,0,0,0,0,0 +27048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2314,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42715,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11899,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1898,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +10956,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +21841,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11943,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14928,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +25671,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1008,0,0,1,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +9479,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15442,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,1,1,1,0,0,0 +11569,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +38996,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3528,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33162,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,1 +10431,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32647,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18961,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32260,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +14861,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9724,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12236,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2841,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31400,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15223,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31406,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14619,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14646,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5591,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +31101,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21356,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8171,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +11475,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25477,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,1 +27563,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +26194,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25923,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23271,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +33059,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22118,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30085,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35998,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7529,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,1.0,1,1,1,0,1,1,1,1,0,0 +33452,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11958,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37033,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +31207,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18897,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36502,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +16584,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14565,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +8126,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11718,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31625,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11567,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42543,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7451,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11552,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30171,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22016,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16655,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13587,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26924,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32578,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35683,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15398,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +16694,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +37798,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +16870,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +17270,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16563,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14325,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31483,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13805,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5588,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20908,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40076,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13732,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +22376,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14119,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30426,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +28167,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27716,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13352,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41893,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23363,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42942,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +18748,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +5356,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22117,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +734,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +6089,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +35272,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +38743,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15551,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39254,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36779,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19001,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +34889,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +36513,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39577,0,0,0,0,0,0,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +11592,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2135,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18929,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +35606,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10773,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +43132,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9101,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +9065,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +8774,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1.0,0,0,0,0,0,0,0,0,0,0 +16747,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +37361,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +40783,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9393,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +32738,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +31251,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40231,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,0,0,1,0 +11427,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +1964,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +29955,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3632,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31286,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30416,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3083,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23149,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33771,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +13108,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +4712,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15763,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3939,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +36226,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41895,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21293,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13790,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13867,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36674,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +30263,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24501,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32261,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3816,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11531,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +178,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10127,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2345,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2667,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +24114,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3511,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8773,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17906,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15194,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30191,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5984,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +9617,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22026,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32729,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38690,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28756,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,0,1,1,0,0,0 +12497,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +34716,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29814,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +9273,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27627,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20091,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38668,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41851,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +41363,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +2873,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7300,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27468,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42461,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39402,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41099,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +19588,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +17012,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +2542,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34547,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15030,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37929,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3342,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40754,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26062,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16735,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15869,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34011,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25324,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27001,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17331,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25217,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9365,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +647,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15720,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23191,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32652,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +39440,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9235,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +20643,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +914,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +2030,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +15420,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33595,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9928,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +17991,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +46,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +2963,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +21700,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +12552,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31386,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,1,0,0,0 +33590,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +42917,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6146,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +13935,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16375,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6805,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40871,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22613,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22484,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15233,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32385,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2163,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +25389,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35372,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3238,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32776,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32250,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7266,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +36279,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8332,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +29612,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,1,0,0,0 +573,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +43375,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19705,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18619,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10622,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9323,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +4000,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,0,1,1,0,0,0 +10828,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +4138,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +5912,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33777,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13064,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7762,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14956,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +32198,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18915,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23511,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +20418,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15409,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10881,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28661,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +37500,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9780,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31443,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +29691,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25966,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31083,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +9319,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42960,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22792,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24393,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22887,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18128,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34059,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +5333,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,1,0,0 +35757,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +34583,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9738,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31925,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +13129,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21117,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20689,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +5232,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +28083,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +30698,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +36292,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13958,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20966,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24188,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20358,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,1 +29060,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20486,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37081,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +32061,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1839,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38339,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21801,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21471,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8672,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +10841,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41511,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3609,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +28982,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24648,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40745,0,0,1,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,1 +36805,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6216,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,1,0,0 +43336,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,1,0,0,0 +17643,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14783,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10355,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37119,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31379,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +7942,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43261,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3224,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18468,0,0,0,1,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +30411,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +38546,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7090,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3613,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4264,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +22170,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +14362,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19998,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +13013,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3049,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24519,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +26583,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8225,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36052,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9422,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13555,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14390,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25738,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33277,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20619,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1039,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15757,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16337,0,0,0,0,0,0,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24217,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +661,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22705,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37370,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10514,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +5727,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +33971,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39366,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31453,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25816,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +27190,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40955,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2137,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13279,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39452,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33521,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20626,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +23228,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22577,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30256,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,1,0,0 +11645,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25183,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +18470,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35200,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +7695,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16298,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +38788,0,0,0,0,1,0,0,0,1,0,1,1,1,1,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,1,0,0 +28843,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16328,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2645,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,1,0,0 +5123,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,1 +6336,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32919,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +16457,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26213,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27701,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29360,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22195,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27284,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16005,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +28492,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12335,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7085,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32566,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35310,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14470,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7609,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18937,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29809,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +41117,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36407,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19460,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +13133,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29130,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7879,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +42464,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +108,0,0,0,1,1,0,0,0,0,0,1,1,1,1,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,1 +18264,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +14686,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1822,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18155,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +35598,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +19399,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +31842,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40678,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39288,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +39276,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +39164,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10251,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22926,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33905,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +10857,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16921,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +37056,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20663,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +14500,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +24091,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1530,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +30858,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +983,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +860,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +12868,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29129,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14268,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +24749,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36586,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24740,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +19684,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1.0,0,0,0,1,1,0,0,0,0,0 +1225,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22571,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1152,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +43308,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28187,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38825,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34595,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17144,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4738,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21735,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,1,0,0 +4725,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,1,0,0 +33791,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3237,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38099,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7958,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40565,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +38680,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1983,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +13470,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +32020,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3159,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11528,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,1,0 +9204,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27519,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +42006,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23649,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +14232,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5246,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42336,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +13376,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27232,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31835,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4713,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26357,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +4189,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,1 +33790,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +37861,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37990,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +41446,0,0,0,1,0,1,0,0,0,0,1,1,1,0,0,1,0,0,1,1,0.0,1,0,1,1,1,0,1,1,0,0 +1876,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21634,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,1,0,0 +40845,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +12034,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +32486,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4086,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +5806,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20204,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10775,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +30932,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +59,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42953,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +29530,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20087,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +41442,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21413,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +18753,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29152,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14685,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +37795,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12288,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25758,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36076,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +36169,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42495,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +10474,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42604,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14137,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37564,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16991,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +33124,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +31719,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18250,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10855,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36707,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36625,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17893,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +9524,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +13347,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4459,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1965,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +5107,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1348,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4115,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25337,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +2696,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2989,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,1 +786,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29981,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33815,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10264,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +12277,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +43362,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10150,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34243,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26877,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1.0,0,1,1,0,1,0,0,0,0,0 +5296,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,1 +41502,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39869,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12322,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9092,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33461,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +42619,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41652,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2882,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27491,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38703,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10706,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33438,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +29652,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25687,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26920,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1.0,0,0,0,0,1,0,0,0,0,0 +9905,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32418,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38766,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +592,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29164,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +28419,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35436,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41856,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +38750,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +26320,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +26946,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34723,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +16686,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +378,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32918,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29496,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34605,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28947,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37152,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43077,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27352,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10239,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19708,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2388,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19551,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4088,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34648,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1845,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +36026,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7356,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36727,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +35483,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +42012,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5253,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21360,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29973,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35629,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8433,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +27412,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +8677,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27859,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +19866,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +2621,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12276,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18483,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26822,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +24974,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20170,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21546,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33683,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +32171,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37445,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41642,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +231,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30581,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +15754,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29292,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30384,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2797,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42572,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43334,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13610,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24261,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4698,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +26680,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40288,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +24463,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +42165,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22740,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18774,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5469,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40535,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28564,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1.0,1,0,0,0,0,0,1,1,0,0 +27288,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +41451,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43106,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4323,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37816,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7536,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28411,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8164,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7398,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5036,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6281,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5902,0,0,1,1,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,1,1,0,1 +26319,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19887,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +38810,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32441,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +5302,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22296,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25754,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +4571,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +16277,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16814,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9984,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +21629,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9161,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8941,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18682,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +714,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34094,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32800,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42369,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16099,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29482,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10708,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +867,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18855,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29862,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +41133,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15526,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2214,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,0,0,1,0 +39483,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12063,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9951,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22511,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42188,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,1 +9969,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6062,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12249,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6607,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4290,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5951,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12581,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +27323,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3545,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29927,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +9136,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +21231,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22658,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +27391,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12408,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21665,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +5623,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +43040,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39172,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +29965,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12573,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23684,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12325,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43108,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +36044,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +3171,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +6197,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25231,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34429,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28208,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40068,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32381,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +26369,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24387,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +18048,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +37261,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +29033,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33427,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38736,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +26499,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36764,0,0,0,1,0,1,1,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,1,0 +24942,0,0,0,0,0,1,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,1,1,0,0 +27761,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20357,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10810,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35396,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36605,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16176,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22100,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +13448,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +16838,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24536,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19367,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +17565,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +2110,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9444,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39938,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +23198,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +31616,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +16459,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32511,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9343,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15477,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14906,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16765,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27287,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22700,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15256,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14649,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +14504,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14289,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +15172,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35390,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +18059,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +35635,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36223,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6772,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10711,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +15849,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +10037,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16613,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40255,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +23020,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21416,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20688,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +26294,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25489,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +8514,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22664,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26460,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17585,0,0,0,1,1,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +32175,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,1,0,0,0 +34541,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29711,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26462,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +356,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18387,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35504,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6096,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +35116,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10109,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +16535,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +15639,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25947,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39529,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4478,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36937,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27770,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26915,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +1299,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5430,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8144,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +680,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29509,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13373,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10903,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26510,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37848,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8170,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5415,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,1,1,0,0,0,1,0,0,0 +28495,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7872,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22266,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,1 +39159,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3557,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38109,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17481,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6452,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0.0,0,0,1,1,0,0,1,1,0,0 +11270,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35248,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13420,0,0,0,0,1,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +37312,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39975,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7183,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2613,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11454,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32445,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11115,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21115,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +35468,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14787,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,1,0,0,0,0,0 +9480,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14638,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +1734,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12033,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10656,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38886,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +21330,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12287,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13995,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14888,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +22988,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +28283,0,0,0,0,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +7938,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41612,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35653,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26749,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +39078,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2597,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +17734,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22710,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,1,0,0,0 +38337,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +31612,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14405,0,0,0,1,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,1,0,0 +25248,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +29203,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27331,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5881,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37563,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +22501,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1524,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +37518,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26792,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38958,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35323,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +569,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11386,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34981,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +26337,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +10367,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11698,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31662,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36425,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +36168,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17190,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34579,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6132,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23590,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36198,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42689,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +28391,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17917,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +187,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28431,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36840,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20410,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +31003,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +795,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +27256,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38154,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38770,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8138,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +37494,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41136,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12535,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2652,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5341,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27299,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25693,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31886,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +21430,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +12721,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +7496,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16308,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16568,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1665,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23708,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10081,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40260,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3392,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29745,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8936,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28925,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16396,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,0,1,0,1 +2031,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +24149,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4737,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32464,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28757,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +38450,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +8516,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +11079,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1945,0,0,0,0,0,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +38041,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6014,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22030,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +31878,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1693,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19563,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32280,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31307,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +41915,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31782,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,0,0,0,1,0,0 +3414,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +21420,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19316,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38018,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26522,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4176,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +33860,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +12506,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21441,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10588,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21596,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +17450,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14958,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27739,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3182,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28822,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,0,0,0,0 +28059,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21304,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1309,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12688,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +29018,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24997,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25070,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +26805,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +35233,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +450,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35055,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17846,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13846,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21867,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4344,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +864,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40824,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +15926,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39892,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11903,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,1,0,0,0,0,0 +38702,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32611,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34863,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,1,0 +1283,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1.0,0,1,1,0,1,1,1,0,0,0 +11853,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +36313,0,0,0,1,1,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +38850,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24630,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43251,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40685,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18073,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25263,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24042,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15065,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30854,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27110,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2033,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29445,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +15220,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +24650,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42684,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36368,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12466,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20068,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26051,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26122,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11975,0,0,0,1,1,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +28949,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +22340,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42301,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17242,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4820,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19398,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +6974,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1950,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30785,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +16503,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6409,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +2305,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30517,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +42907,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +18313,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2932,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31787,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21882,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39348,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19614,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +2694,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +17141,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34073,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +32547,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31526,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37142,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5927,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +33116,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38054,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19171,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38238,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32015,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35077,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13161,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +12022,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36049,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2530,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1.0,0,0,0,0,0,0,1,0,0,0 +38731,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10181,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40133,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11152,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19827,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,0,0,1,0 +7671,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26073,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +40536,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21990,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6263,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1935,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5021,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12148,0,0,0,0,1,1,0,0,0,1,1,1,1,0,0,1,1,0,0,0,1.0,1,0,0,1,1,0,0,0,0,0 +14484,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21206,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5144,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +34128,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1560,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40588,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20730,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28899,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12430,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24755,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7070,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21645,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +35869,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34326,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,1,0,0 +41251,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +28268,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9149,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +19908,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5616,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12337,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33965,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11055,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,0,0,0,1,0,0 +38156,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5875,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19465,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39456,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8527,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6149,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13953,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13055,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34433,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5421,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +9238,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39405,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0.0,1,0,0,0,0,1,0,0,0,0 +9668,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1527,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14507,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33938,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1281,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +26580,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13205,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,1,0,0 +17047,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,0,0,0,0,0,0 +22318,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41455,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +37622,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12628,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +10142,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13572,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +26954,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37517,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14264,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +37234,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15571,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32899,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12990,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10779,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16708,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36217,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22208,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +15004,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42125,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +43023,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22221,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38719,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38857,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22343,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25343,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15762,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17753,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4473,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5374,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21944,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6836,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21982,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9443,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33811,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34187,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +1394,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28093,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +20787,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +9745,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +31857,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10941,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8532,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +34640,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +25375,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +16485,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36004,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +37519,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21538,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35815,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +14369,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15761,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1114,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +18988,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26382,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23128,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15795,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +35574,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +3305,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +35776,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32173,0,0,1,0,0,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,1,0,0,0 +1873,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29273,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32067,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1364,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4162,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39779,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2762,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14064,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +15663,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34816,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +32382,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +29068,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12715,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31913,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41874,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +18543,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2357,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34432,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43050,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1280,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29525,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35581,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23659,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42172,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +36481,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29749,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24792,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21046,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21250,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18226,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +16636,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30334,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37172,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13720,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,0,0,1,1,0,0,0 +10565,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22564,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28616,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4031,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1.0,0,0,0,0,1,0,0,0,0,0 +5236,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +23916,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +25677,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42363,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9665,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +28833,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15421,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9401,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42261,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +10577,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32474,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8118,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +23921,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15929,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35657,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +39557,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +22056,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3218,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12368,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7305,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36645,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +945,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6651,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +31287,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23758,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +14813,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27505,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5572,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15365,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +27766,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +38029,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27182,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28831,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +41904,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,1,0,0 +32066,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13594,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13721,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36270,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +801,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27628,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3617,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13070,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34870,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12758,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41566,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9417,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +19011,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28287,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13359,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +13251,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6564,0,0,0,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1.0,1,0,0,0,1,1,1,0,0,0 +14408,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +23461,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24594,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9871,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37297,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11278,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +33966,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6370,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3897,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9139,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1408,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +14840,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +19596,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +36436,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +5410,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +1662,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27684,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33414,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16595,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +20658,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37869,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42838,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +21101,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34014,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19506,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34344,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26893,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21258,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23718,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41127,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25193,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40495,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +12540,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8928,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +15465,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16426,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +2319,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3660,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +41348,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8740,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16517,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12748,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +213,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +741,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14572,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +39091,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1515,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17835,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +23621,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9035,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3932,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,1,0,0 +22998,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,1,0,0,0 +35820,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15031,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13760,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28427,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21339,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,1,0,0 +11331,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18697,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16136,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +27151,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27653,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +6362,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +10450,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38661,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19461,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +34158,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2581,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +1593,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3971,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34002,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7384,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22131,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +38667,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12491,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38283,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +23365,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +19819,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12442,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +4355,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18887,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11660,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +41925,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31749,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42725,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +819,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28874,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18165,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39394,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +22029,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26993,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30291,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38583,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +6657,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11495,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41151,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +42394,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +344,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27501,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24664,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +3887,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +24148,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +18436,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28475,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +11836,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1.0,0,0,0,0,0,1,1,1,0,0 +43,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6161,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31311,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +31223,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,1,1,0,0 +5392,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20708,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +35795,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6969,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +35334,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8701,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26160,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +20401,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +12285,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42132,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40949,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38478,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23548,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10315,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +26508,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11884,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43376,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20001,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20195,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15153,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +17418,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30727,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28296,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41250,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +17880,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27663,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8893,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10585,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27067,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20302,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15197,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +12356,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42904,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +19366,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11177,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2865,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0.0,0,0,0,0,1,1,0,1,0,0 +10742,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6292,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1.0,0,0,0,0,0,0,0,1,1,0 +13665,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32902,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28142,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +43292,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35853,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17113,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +38145,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +30701,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +37619,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,0,1,0,0 +25723,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20725,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38414,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30905,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +22198,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30598,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22643,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6432,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16662,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12400,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +7341,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41064,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18231,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19897,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40972,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23256,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10241,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31255,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +20200,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38611,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2995,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +41278,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13804,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,1,0 +28399,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +28902,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +42500,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25531,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43036,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43114,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25551,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33046,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +36458,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +21033,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +886,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8251,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19403,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +197,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34509,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24575,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +4826,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +37549,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +24076,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42468,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15369,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32358,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4174,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32998,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +27759,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0.0,1,0,0,0,0,1,0,0,0,0 +12294,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13906,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12900,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10985,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12755,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +417,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43083,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41040,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +43290,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32350,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +926,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11791,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +460,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41595,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17690,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15534,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8843,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26360,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +645,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +14854,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37899,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +2921,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39414,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +5312,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +40289,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22440,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28312,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41581,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3757,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8931,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21048,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19237,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10554,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +34787,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37799,0,0,0,1,1,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,1.0,0,0,0,0,1,0,0,1,1,1 +43211,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19552,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +18413,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32985,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19062,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29187,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,0,0,1,0 +4065,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +16294,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4172,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10867,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21556,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33516,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +579,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1849,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28484,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +39614,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +7911,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39050,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11465,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36816,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7040,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +13899,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +42118,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10886,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36022,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +32174,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18148,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2437,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +34157,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17192,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1040,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15752,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13709,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5404,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8261,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30750,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +41510,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19028,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +34050,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +16222,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5225,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35626,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2773,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +382,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31744,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21404,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20321,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,1,0,1,0,0,0,1 +21266,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43033,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9034,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,1,0 +16692,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23358,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +43231,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18522,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36416,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +26702,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31360,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18086,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9898,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34141,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +4105,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +25457,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16515,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +130,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18800,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,0,1,0,0 +38907,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17725,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28018,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23270,0,0,0,1,1,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +15291,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29845,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12545,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41920,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +6444,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1869,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +23789,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31278,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33178,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40840,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1539,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25445,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37774,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10504,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36613,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9610,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39760,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41783,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +12657,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2957,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2823,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13681,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42378,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39562,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +3487,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +31608,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29793,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +11166,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30798,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +43190,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,1,0,0,0 +32131,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40397,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31279,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16672,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +146,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6424,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13392,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12694,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6187,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +40626,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,1,0,0 +39180,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25928,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22966,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10807,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16855,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,1,0 +30158,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32650,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +13162,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,0,0,0,0,0,1 +3407,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29116,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18718,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25279,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28076,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14505,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,1 +37410,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17701,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31237,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +33222,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15965,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15238,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35409,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +32491,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18454,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41546,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0.0,0,0,0,1,0,1,0,0,0,0 +12716,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42047,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +13426,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +6407,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12059,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +42882,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12083,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19587,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +38237,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39621,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12154,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6219,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +18936,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1606,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +10882,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12667,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +15375,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26167,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2508,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1312,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +37589,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27667,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31716,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9292,0,0,0,0,1,0,1,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,1,0 +611,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5712,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,1,0,0,0,1,1.0,1,0,1,1,1,1,0,0,0,0 +26335,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +41717,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32676,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40844,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +13984,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +32182,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36410,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1.0,0,0,1,0,1,0,0,0,0,1 +22827,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3923,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39876,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37073,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +19423,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +1446,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +17521,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41583,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3373,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24184,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +23523,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +36271,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4689,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +14902,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39041,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38017,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,1 +16109,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14124,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20450,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15219,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2177,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14471,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27128,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +5344,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,1,0,0,0 +23675,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19275,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17860,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33441,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1.0,0,1,1,0,0,1,0,0,0,0 +30193,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +8072,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18405,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14221,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +34039,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42663,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29535,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35980,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31072,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +5498,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26681,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11952,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20163,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13467,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +4908,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39918,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +31130,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30083,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17518,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6999,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +16718,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8147,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31276,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +34373,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +1083,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +913,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35832,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16879,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39742,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,1.0,0,1,1,0,0,1,1,1,0,0 +6043,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +18268,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6872,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8660,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27293,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +15964,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17864,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19006,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16658,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30351,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +41718,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +29859,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +21014,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +8922,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20393,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24169,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11219,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38012,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +6220,0,0,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,1,0,0,0 +37349,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34384,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33549,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +10689,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +33568,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39283,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36626,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30222,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40027,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +32142,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,1,0,0 +28251,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +35562,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16470,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +19043,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18474,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13777,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35098,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24023,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2945,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +8155,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19936,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13647,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +26618,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4027,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18440,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31874,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7488,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9762,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23039,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27856,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13408,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +22820,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27499,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +34236,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37399,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4545,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +36652,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20384,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34485,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12914,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26917,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +34168,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +6788,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14912,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4919,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32834,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22474,0,0,0,0,1,0,0,0,1,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,1 +13315,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +28367,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +16492,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +36527,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36233,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +30916,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37591,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21236,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +22279,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40986,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35755,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13086,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4052,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +14328,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +26789,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,0,1,0,1 +10177,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30231,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39364,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +16174,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20504,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40922,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30849,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23372,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3433,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13260,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +29321,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38865,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35778,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23453,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39434,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30375,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35145,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4075,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6366,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +24798,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30640,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15897,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11736,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31905,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +14257,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +26835,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +15921,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20834,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +38198,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39750,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +8023,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28508,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23567,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42009,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +30456,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23451,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9735,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21946,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22315,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23096,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +24819,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24632,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,1,1,1,0,0,0,0 +41212,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1624,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42588,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6671,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14600,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14834,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3845,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19877,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35139,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3840,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +23246,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33529,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +17564,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31737,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +41601,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11439,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +22757,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +10066,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39080,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6038,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7730,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +32166,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34754,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39520,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17459,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22958,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +4273,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,1 +37593,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41801,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +37732,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34602,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24583,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +41169,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +30788,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,1,1,0,0 +38510,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +14702,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +17870,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +6259,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +35585,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27275,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +259,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5796,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0.0,1,0,0,0,0,1,0,0,0,0 +5627,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25725,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34644,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24598,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +24540,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +37048,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +9296,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12415,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22688,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29883,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +32992,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19860,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +14609,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29762,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +5575,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +753,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16964,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15363,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +34427,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34558,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37306,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +2657,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +62,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11711,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1504,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +11202,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17074,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7675,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29161,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +11387,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +17250,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36623,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +988,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +1443,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39998,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27742,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +29558,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +36806,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36792,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21287,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +38816,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +33998,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20363,0,0,1,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +19287,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28715,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3761,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18549,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42944,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33795,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +35547,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +2260,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2284,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18814,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42930,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26732,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29800,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +15917,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24085,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33507,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +28025,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28395,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17256,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33049,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25185,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21651,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2322,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22961,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42657,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33336,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +29241,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25091,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38764,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,1,0,0,0 +39089,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12639,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14308,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +13510,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17946,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34431,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +18591,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7053,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42036,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13052,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39538,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +600,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1611,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22591,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6816,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4525,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15176,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13286,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20405,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24585,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26004,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4843,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14556,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,1 +23431,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15366,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +17939,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6996,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +978,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35763,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,0,1,0,0 +20530,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +34578,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +124,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +11151,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13546,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21817,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +40643,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +24652,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32794,0,0,0,0,0,1,1,0,0,0,1,1,1,0,0,0,0,0,0,0,1.0,1,1,0,0,1,0,1,0,1,0 +42901,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +4650,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1788,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3591,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3300,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1261,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33263,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33530,0,0,0,0,1,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +20165,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1216,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +20926,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14428,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28501,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +17314,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27016,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +13324,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24922,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +43374,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24086,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24051,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31904,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38920,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42029,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15922,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25900,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +34115,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12196,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16589,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9885,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16760,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,1,0 +11850,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +16090,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3916,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +22735,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +18525,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +23844,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1230,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24612,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27898,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29656,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25027,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14654,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10031,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25899,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6695,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8935,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11580,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +21411,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +41174,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +4131,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33845,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16722,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1970,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,1,0,0,0 +4080,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40766,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +11951,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16263,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3877,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27895,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16628,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40552,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +21712,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +12328,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8989,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33968,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +30578,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29423,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +20008,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16287,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5621,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37961,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27988,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16930,0,0,0,1,1,1,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,1,0,0 +2802,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +23268,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4435,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31158,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20542,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +24125,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +26941,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16748,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13302,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39812,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32278,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17443,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22147,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +3927,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22044,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +3122,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +12838,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15658,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26269,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +15831,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,0,0,0,0 +15505,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +33136,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +794,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30380,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17371,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12060,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +17366,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +13791,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +862,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12384,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34467,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +32512,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16378,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7707,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +11960,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +17449,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +8498,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +32886,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +6199,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23574,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30126,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7419,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +21470,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21917,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +30990,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +100,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6641,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10351,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25494,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36828,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25057,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +25975,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42927,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38815,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29150,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +1344,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28487,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18329,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24315,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +33960,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13708,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42303,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26753,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38789,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21070,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +41368,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +37847,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16808,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11650,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6451,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +36277,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42587,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15157,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37159,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +17140,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40253,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26075,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +35667,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5146,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25990,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9328,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9307,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +20082,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +9131,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +25635,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16798,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26071,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27544,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39594,0,0,0,0,1,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +42019,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28739,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24470,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15310,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3768,0,0,0,0,0,1,0,1,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,1,0,0,0 +30462,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37390,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16583,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3467,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40572,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +21950,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30662,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26264,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2532,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16434,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7717,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,1,1,0,0 +9585,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8588,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25933,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1.0,0,0,1,0,0,0,0,0,0,0 +6165,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19545,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,1,0,0,0 +18147,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +9584,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +5057,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20426,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +435,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +31647,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23941,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15050,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23905,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28180,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19626,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35884,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +33021,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40118,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +2967,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13810,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16992,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34116,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,1,1,0,0,0,1,1,0,0 +25542,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28226,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12107,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +29996,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21959,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29980,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34517,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +4837,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +42242,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,1 +28020,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +37289,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15426,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +24643,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4661,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15248,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,1 +9472,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +4260,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29995,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13483,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33698,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33473,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +33176,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30252,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20282,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +33704,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11161,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21053,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11110,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +24267,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +20539,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +35930,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +13456,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42948,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17248,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38971,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +14830,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20308,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,1,0,0,0,0,0 +42713,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39469,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +17142,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +22597,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4765,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +24304,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +19686,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10675,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12608,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1206,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25866,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +35928,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +40857,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +24058,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4980,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14647,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +11409,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13143,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25544,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9283,0,0,0,0,1,0,1,1,1,0,1,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,0,1,1,1 +20166,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10496,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36032,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34731,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,1,0,0 +7910,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12436,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +43373,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16675,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36864,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14872,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34967,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8551,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +8724,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6670,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +2053,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20218,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5757,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +30903,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2590,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +42416,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24215,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40930,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22857,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35019,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40406,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23798,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27116,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9994,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24638,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23178,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9363,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +1833,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39682,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29528,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +23825,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,0,1,0,0 +35563,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28524,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42639,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10788,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18078,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30683,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9554,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,0,0,0,0 +19713,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19583,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18565,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14512,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6592,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15499,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36071,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39680,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1632,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34690,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +651,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8398,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6047,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6890,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29807,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5655,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24727,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +43092,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,1,0 +685,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39954,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2277,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +3374,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34505,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,1,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +5697,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21865,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8305,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5636,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14342,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,1.0,0,0,0,0,0,0,0,1,0,0 +43131,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22604,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13897,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2446,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6917,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28556,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24969,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5372,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6629,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13278,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35801,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17030,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11303,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29908,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39606,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21472,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,1,1,0,0 +43202,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40607,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33983,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8879,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17016,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +34150,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +17697,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36330,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41173,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +20388,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +26859,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23939,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +2316,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40778,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7487,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25744,0,0,0,0,1,1,0,1,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +4365,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12379,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14234,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +11103,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +13490,0,0,1,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +41974,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8395,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42851,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +36656,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +32159,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27782,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +33732,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1137,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18922,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36294,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,1 +37014,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37192,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19619,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35887,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +13866,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14534,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +37881,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +36185,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13582,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13948,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,1,0,0,0,1,0,0 +4398,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16925,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40991,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26016,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36397,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,1 +20219,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20880,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +11789,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31594,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11656,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,0,0,0,0 +42664,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18495,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25871,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9669,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,1 +35035,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21821,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40882,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16731,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42231,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +32372,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23447,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +15819,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +42593,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1.0,1,1,0,0,0,0,0,0,0,0 +5752,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23868,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1860,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25309,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,1,0,0,0 +34844,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16355,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26889,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +15739,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11926,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28090,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29367,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +38469,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23629,0,0,0,1,0,0,0,0,1,1,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +34041,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +12468,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +37381,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13018,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6997,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +43367,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8522,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39711,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19902,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,1,0,1,1,0,0 +4257,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +5135,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +26139,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4985,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31222,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26567,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +22066,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3196,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24046,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +37986,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +24577,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5784,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38112,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +2354,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +32281,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +39547,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +14948,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +20392,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8137,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +36350,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34831,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31709,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35976,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35263,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12066,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +17316,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +6814,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +7747,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1565,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,1,1,0,0 +31089,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30797,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11458,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21557,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +23883,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32430,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11228,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7416,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,1,0,0,0 +33594,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12510,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33520,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19156,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36841,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23300,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +38597,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29163,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +42032,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15022,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +37678,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28266,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26663,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32980,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2440,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24525,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6521,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8324,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37794,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39645,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4232,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +35038,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +15540,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29011,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +33841,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18211,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29888,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +7494,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18392,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +17487,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +1622,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38533,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,1,1,0,0,0,0 +17834,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27594,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9112,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16762,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18066,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2855,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21883,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,0,0,0 +38063,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31861,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36919,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +40675,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9452,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32032,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16538,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18616,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35373,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38487,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23134,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +617,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36451,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28070,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7043,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5188,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14152,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38855,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4161,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34601,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40404,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21814,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7960,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +34312,0,0,0,0,0,0,0,1,0,0,0,1,1,1,1,0,0,0,0,0,0.0,1,0,0,0,0,1,1,0,0,0 +20032,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8095,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1717,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34180,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22589,1,0,0,0,0,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,1,0,0 +30761,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11142,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25159,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3725,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10311,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +9181,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18980,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30534,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +9010,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +250,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40872,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17533,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41010,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +29914,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +25902,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36880,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33933,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +29332,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +2226,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33940,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +21169,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4633,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37417,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34664,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +41258,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +3662,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19592,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7884,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +39506,0,0,0,0,0,0,0,1,0,0,1,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,0,0,0,0 +40163,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11032,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36593,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21131,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2111,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28804,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28577,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10826,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27437,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13979,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9657,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22933,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41743,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +12983,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +41902,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40756,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34334,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +1228,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30346,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32408,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33080,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +2368,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +9232,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5877,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36715,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +16757,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17346,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40959,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12569,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40833,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +36980,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8762,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18324,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +22339,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35316,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24729,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +26483,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1059,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +30229,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +4853,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18446,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4023,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30676,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31938,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17777,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8091,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24735,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11737,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +38754,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +32403,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35377,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29212,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15848,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18366,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,1,0,0 +20895,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3483,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41145,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37473,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26758,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13102,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8626,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +26295,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21626,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +12518,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +15586,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,0,1,0,0 +6033,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +41569,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1317,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38819,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31450,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +42096,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +40522,0,0,0,0,0,0,1,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,1,0 +2700,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +19952,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13674,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +5816,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,1,1,0,0 +24745,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +6335,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9704,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31069,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +23214,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23880,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1274,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +13699,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +41543,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9967,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28046,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39721,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1791,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28787,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1809,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15282,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26750,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24231,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21391,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30121,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,0,0,0,0 +19298,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37735,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4680,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33519,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +15672,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29136,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38227,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19012,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +34577,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24624,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24553,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +9523,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20501,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16552,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26858,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,1,0,0,0 +3318,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,1,0,0,0 +3147,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20841,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22157,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2831,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35696,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43285,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28738,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23227,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +120,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +10069,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +16291,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19933,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14693,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7421,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42282,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12279,0,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +35535,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +3156,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30801,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19039,0,0,0,1,0,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +35690,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39811,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,1,1,0,0 +32737,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9880,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25310,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15958,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +640,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38418,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40115,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21190,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34772,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +591,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22586,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38131,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5528,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25505,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22830,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14034,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26892,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +11843,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15955,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,0,0,0 +24080,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26840,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13265,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10447,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6494,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +895,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +34448,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17467,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5538,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14215,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +23130,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +440,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36832,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11011,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16862,0,0,0,1,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +33909,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6856,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +2278,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17632,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +14673,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9096,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27949,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25582,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8910,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8088,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +1519,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11220,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,1 +23253,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23797,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +36090,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +23077,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +21444,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6881,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +36056,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33230,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +29913,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +4824,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11809,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5466,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11062,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10542,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2069,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36216,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5756,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +18462,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7050,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12123,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,1,0,0 +20907,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,1,0,1,1,0,0 +31314,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4506,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +18012,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42067,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1801,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +30267,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +19259,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16280,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +31718,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9193,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,1,0,0 +33415,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30378,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9985,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30292,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +18700,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8565,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33216,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29177,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11065,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41331,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15279,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,0,0,0 +4312,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10483,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23002,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14816,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40923,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10879,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29565,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17440,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8110,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25679,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2690,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6300,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +2583,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38043,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40505,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9652,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21342,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13927,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25780,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +13874,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24655,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10609,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20976,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41628,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9385,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32887,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14617,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19598,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23804,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21446,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +29312,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +32982,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +31728,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40772,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17147,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26304,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34338,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +317,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37870,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +41928,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35620,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18773,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22485,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7164,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +18580,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12499,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19773,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27350,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19118,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15758,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7131,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41732,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36039,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +3674,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3243,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39732,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28305,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3378,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18641,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +7893,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20019,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18595,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +466,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,1.0,1,0,0,0,0,1,1,0,0,0 +21421,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10901,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7276,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36550,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12901,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17761,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7157,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38919,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +71,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13940,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +733,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35829,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42929,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17117,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37054,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +23072,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16322,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7729,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25305,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18031,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +4514,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30752,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41634,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11488,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +16258,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +12252,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43236,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39511,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23313,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +34174,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1164,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2088,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14897,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33558,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +38371,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27227,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27762,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29358,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +27262,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8421,0,0,0,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,0,1,1,0,0,0 +12929,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12297,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +30721,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28111,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7182,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23722,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16685,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +38053,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14620,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22480,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +11450,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15607,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +24319,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +18347,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +5074,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34969,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40774,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +34262,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40954,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43054,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4965,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +39227,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8614,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40771,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +41929,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12543,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +19693,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +24666,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25917,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18265,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +42435,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25041,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7798,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8755,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +4007,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36769,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23125,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5929,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25472,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31935,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24355,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10618,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +17622,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32390,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36973,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18204,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30132,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32120,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +17670,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18556,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24752,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6790,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +21003,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16392,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +31315,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7978,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21912,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3929,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28667,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3640,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13821,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25429,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +12943,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41531,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33802,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40555,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +39478,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +40412,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16116,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6230,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3704,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41624,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37184,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43175,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10467,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31852,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40601,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +1576,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15253,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27525,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23693,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +26945,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +19475,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +28126,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35849,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38027,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8654,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5049,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13769,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17230,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +11940,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +17928,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34890,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +38176,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28969,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +20481,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +1742,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30274,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +24731,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +18894,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34776,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27318,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2294,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12938,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1.0,0,0,1,0,1,1,0,1,0,0 +1937,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20750,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42034,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30451,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24225,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +32657,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23197,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +40942,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32938,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2568,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25615,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27637,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6557,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +872,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18796,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20141,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29122,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +2520,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29702,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +41794,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13798,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15300,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +4614,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +14885,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41514,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +34,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +6052,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41680,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8560,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3762,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23975,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41191,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1.0,0,0,0,1,0,0,0,0,0,0 +36981,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34717,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +30911,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8152,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20269,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,1.0,1,1,1,0,0,1,1,0,0,0 +22178,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +33682,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +76,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +10136,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +33255,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36133,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20469,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42512,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24712,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10928,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21402,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12028,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1404,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24733,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38813,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36604,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19687,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +4700,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30200,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27542,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35414,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8839,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28859,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38146,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39147,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33620,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31777,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40286,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +12844,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +20081,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24156,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +43016,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6127,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +32648,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32817,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +10963,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,1 +19042,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13458,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40473,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1923,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22201,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31739,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +22338,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32462,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +25912,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,1,0,1,0,0,0,1 +3681,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +20871,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20192,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9463,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9850,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25878,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10678,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6574,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22677,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +31178,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8249,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +15646,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +43253,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +10679,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16549,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10165,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20069,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40444,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6703,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39834,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34734,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39222,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11716,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31162,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10833,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38622,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16853,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +29726,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +3758,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41989,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41885,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14360,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11227,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4736,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +9785,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33527,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27803,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14231,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +22669,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32437,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +759,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18083,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27404,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9834,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +35359,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +28778,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20942,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22143,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4710,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40259,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +984,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +41629,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +4565,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +24151,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5342,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,0,0,0,0 +42986,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +7472,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28241,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26233,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +620,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10486,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12013,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33041,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +32091,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15642,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10723,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40075,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14003,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36972,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15822,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +39784,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +3868,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +21941,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +32234,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5156,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37133,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +13445,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +21763,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9227,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17923,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21261,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +24244,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,0,1,0,0 +38503,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1334,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +17166,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28001,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41772,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5346,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35076,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8946,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35708,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30199,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6234,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12462,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7994,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +35472,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2151,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +3340,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +37137,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26658,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14797,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30665,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26058,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30637,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6177,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35537,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11539,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +16536,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +41170,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32139,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25613,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,1,0,1,0,0,0 +4096,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1547,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +5371,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40160,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37541,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29540,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37472,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30863,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15600,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +22329,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1793,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15813,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42633,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31882,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6916,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4224,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +40533,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +2817,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8385,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15954,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +17491,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8209,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19676,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +26424,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38952,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +41344,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22981,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8275,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27353,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5206,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +8902,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6045,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +19875,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16833,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42840,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34336,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18986,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +5292,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12663,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12880,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15700,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6169,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39462,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +6860,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16167,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +38595,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27721,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,1,0,0 +38108,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +19755,0,0,1,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +4766,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +21916,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42332,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19482,0,0,0,1,0,1,0,0,1,0,1,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,1,1,0,0 +22721,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37661,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27272,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24083,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16827,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29036,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +42824,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33574,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8563,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22418,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +26643,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31553,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23095,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4318,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23784,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37755,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +17528,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24931,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33833,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,1 +38514,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +3715,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43233,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18458,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18931,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36214,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39442,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9993,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +28071,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27286,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +5395,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32110,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1.0,0,0,0,0,1,1,0,0,0,0 +19138,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15609,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +7318,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26067,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7545,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7365,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29224,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15337,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34625,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13538,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21423,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26438,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1434,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14844,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,0,1,0,0 +5210,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8503,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18854,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37712,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10235,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13071,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14296,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11782,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +38369,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41666,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15970,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +1658,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16472,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +11918,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7703,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +17956,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +6339,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16665,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30653,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12396,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7629,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10209,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6122,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40850,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +2425,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13383,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9972,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +42569,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +17718,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +30383,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28522,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +21480,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +19842,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4350,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22070,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9640,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22489,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +8907,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15883,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +15841,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18942,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +26803,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41401,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21931,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +17741,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32526,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +43110,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33367,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33703,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +2636,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12505,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36474,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10325,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12970,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11679,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15292,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +18885,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13277,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14472,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35759,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,0,0,1,0 +27302,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7972,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9725,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22976,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25886,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29228,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +22068,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2552,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10077,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +497,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1.0,0,0,1,0,0,0,0,0,0,0 +1787,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14865,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +34029,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +40004,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29137,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +37080,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29417,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +43241,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26080,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12010,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36811,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31780,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8223,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9109,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1243,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,1 +739,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17749,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15133,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +34573,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32824,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11285,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33886,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +32799,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +29823,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +40433,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33846,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17497,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8664,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16220,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29105,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +15141,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +10769,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25474,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +312,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1.0,0,0,0,0,0,0,0,0,0,0 +21341,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38716,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17039,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33712,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40105,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +37337,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +33767,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2250,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +5539,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34606,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28432,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +27778,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28696,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +13870,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9061,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +6217,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +13109,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +37611,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +44,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5683,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12161,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21084,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,1 +31569,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8764,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4269,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28910,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17148,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40191,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28915,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6141,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +40873,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21905,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26260,0,0,1,0,1,1,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +16744,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +29659,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +445,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32038,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8412,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38118,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +2607,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1292,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22064,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27326,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21844,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11579,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34613,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42333,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9719,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +2782,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +17480,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37662,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,1,1,1,0,0,0 +9258,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31996,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +91,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29331,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +31502,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +19358,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11265,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31395,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15919,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27181,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31538,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10581,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42875,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2616,0,0,0,1,1,1,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,1,1,0 +3092,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33517,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41524,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42195,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34457,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +11377,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +11538,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +18717,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20809,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8826,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15805,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30150,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13620,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +9141,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +42853,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38201,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8053,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39232,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +15660,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +39047,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4296,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29056,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37548,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40009,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25997,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +4596,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24144,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26031,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +39936,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31788,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39668,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2509,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16830,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +16571,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1744,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +32825,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +35943,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +27295,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12077,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35914,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31926,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6068,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26715,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25186,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +7054,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +37385,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9336,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +30441,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6445,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42785,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +10433,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5490,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +28630,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9869,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32239,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +35194,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5605,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36874,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34898,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +5933,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +11800,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1.0,0,0,0,1,1,0,0,0,0,0 +20294,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +27169,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14298,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27869,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11971,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37641,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18935,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4122,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18826,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +13975,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2662,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15073,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37995,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13123,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38569,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6818,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +10288,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25721,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +2455,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2451,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43104,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22500,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +31673,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11906,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13920,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12538,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24280,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21477,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40257,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11471,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17342,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17821,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31899,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25567,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27523,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18397,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +472,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3497,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38577,0,0,0,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,0,1,1,0,0,0 +23857,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +10525,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25950,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +25610,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18210,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +13712,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18545,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6180,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31297,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33353,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +38470,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +31370,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3999,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +18606,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27635,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4776,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +920,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +42712,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +31156,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +40132,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20476,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35616,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13840,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41633,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15838,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27857,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3881,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11759,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39427,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,1,0,0,1,0,0,0,0,0 +41867,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23170,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4655,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27633,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40401,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +1064,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18622,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30379,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34309,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8923,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +34942,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35654,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5603,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32288,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +28224,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9127,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17615,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31937,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8016,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7231,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21204,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42592,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15574,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +310,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33880,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30372,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37568,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16360,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18282,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +2874,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16438,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +18218,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26778,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +11678,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13960,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +26287,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +25848,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +10847,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +23421,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40704,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +17070,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +16574,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +10282,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22660,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14976,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13513,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9310,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +10261,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29463,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +23699,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +13385,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +28196,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41317,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20359,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +9326,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11571,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36766,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30936,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18990,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26992,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +12205,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +19558,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +703,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38707,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +29552,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +6160,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,1.0,1,0,1,0,0,0,0,0,0,0 +6878,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6115,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17434,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40476,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28699,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40767,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8546,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41958,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,0,1,0,0 +23454,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20415,0,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +41270,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10442,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +23046,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +10992,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37796,0,0,0,1,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,1,1,0,0 +14414,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,1.0,1,1,0,0,1,0,1,0,0,0 +23651,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6111,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21714,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28077,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29669,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +34178,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9128,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2178,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +34350,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1139,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7475,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17160,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29592,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1820,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26154,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +24858,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +38078,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +28297,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35956,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22835,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +27969,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +10521,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +18625,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22825,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19591,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +22058,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19565,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +29244,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31539,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4087,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +5260,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13543,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +18099,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +12487,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27174,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40383,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,1,0,0,0 +20036,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +38091,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37063,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +17176,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +18503,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22079,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14563,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +35520,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2704,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2342,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27192,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +37707,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29551,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +42137,0,0,0,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1.0,1,1,0,0,1,1,0,0,0,0 +29041,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36363,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11395,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4881,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1567,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17414,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +42595,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,1,0,1 +24176,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +21329,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28965,0,0,0,0,1,1,0,0,0,0,1,1,1,1,0,1,0,0,0,0,1.0,1,0,0,0,1,0,1,0,0,0 +17001,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3548,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17407,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12681,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +448,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +26569,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39659,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28631,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19549,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38226,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6666,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +15503,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19471,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41891,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28008,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +13268,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29115,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38659,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1223,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +11798,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +1645,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,1,0,0,0,0,1,0,0,0 +24711,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +23333,0,0,0,0,1,0,0,0,1,1,1,1,1,0,0,0,1,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +37757,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +824,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,1,0,0,0,1.0,0,1,0,0,0,0,0,0,0,0 +9801,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20479,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15935,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24797,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4392,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14433,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +27443,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17744,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9515,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28569,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31020,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36581,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16419,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34266,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22661,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +25437,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25977,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34678,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16941,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40916,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37437,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32941,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27472,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12457,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8874,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40374,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15343,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6493,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19031,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7202,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6179,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14772,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13693,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +16121,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23140,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +11486,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3584,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12836,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13946,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +18974,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28457,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25656,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12619,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15864,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12609,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +8186,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26433,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +4338,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22929,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +42351,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17477,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42408,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2602,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7569,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +37752,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19175,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26818,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9661,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20990,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18750,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25361,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7412,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24897,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +5011,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7502,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14297,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +3530,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39905,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18712,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11595,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25115,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37544,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3669,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +27529,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19322,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +4226,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35298,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41204,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +9849,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23781,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +34215,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41983,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13625,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11864,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +35258,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +14510,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21243,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8040,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +26690,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32458,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +28426,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6776,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14607,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2929,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4380,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18198,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +4107,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +20629,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10621,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27238,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39056,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9698,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17656,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10952,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31979,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19785,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25245,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4420,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +43157,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22884,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +15944,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,1,0,1,0,0,0 +18695,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38538,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +951,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10055,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11954,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,0,1,0,0 +31330,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +19252,0,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +21733,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +10272,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10802,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35687,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43063,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42102,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14394,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17726,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1438,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5416,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40154,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30017,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35461,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19898,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29795,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3792,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36736,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7724,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6426,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31133,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42072,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +22264,0,0,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,0,0,0 +21999,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +476,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5671,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4112,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +31106,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +19926,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +4789,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14411,0,0,1,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +38384,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,0,1,0,0 +20577,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19386,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35742,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35101,0,0,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,1,0,0.0,1,0,0,0,0,1,1,1,0,0 +21474,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30043,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +10842,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8963,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +3552,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10182,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15054,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +1453,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2900,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42829,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13559,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +34780,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3510,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15347,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4703,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11781,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4862,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +21027,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +783,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +29315,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21012,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41829,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +7549,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15936,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +20947,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12726,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26794,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1759,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38496,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20782,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43160,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32353,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34320,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40273,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +15121,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14044,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27346,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15261,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24399,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24506,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9471,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34474,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +38333,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26222,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38699,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +28596,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39007,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3058,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6440,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8730,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22877,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29941,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7387,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,0,0,0,0 +33357,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +22763,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6868,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +3255,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11028,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,1 +30978,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15168,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17057,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12771,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21871,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2639,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +18607,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39519,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +19111,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16066,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +28239,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +16318,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33547,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22150,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18609,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +41597,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39093,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +12823,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28698,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +11957,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14352,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41125,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +1393,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +10591,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +16473,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2926,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1183,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14028,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5178,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +17905,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5396,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30051,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24311,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43229,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30468,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11082,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42600,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30603,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +9989,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20924,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32325,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11983,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +3324,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33801,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +28660,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27163,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +15386,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22682,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35875,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19410,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +5100,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38619,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +10606,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5593,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +14205,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +33792,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +24647,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24175,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,1,0,0,0 +1414,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9893,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3023,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27806,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30428,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25395,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3627,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +33319,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +20406,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39666,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +41199,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +39637,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41113,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6715,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38988,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19879,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +17050,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22765,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28350,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,1.0,1,0,1,0,0,0,1,1,0,0 +13749,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10534,0,0,0,1,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,1,0,0 +27830,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +30840,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40512,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +31965,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9751,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42922,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1169,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21253,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +20431,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +13770,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4688,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20145,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14074,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20553,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2063,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +18157,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23642,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40544,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +41632,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +30092,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7109,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5893,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +34842,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28109,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42286,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38955,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +21415,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21042,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +33393,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +20511,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42800,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7948,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +35767,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2842,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,1,0 +20838,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23542,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9512,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5769,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +25493,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14889,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +654,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4352,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +3174,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15356,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +238,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +42082,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +2481,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +31204,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33048,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +39568,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,1,0,0,1,0,0 +18901,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +30648,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +41529,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40950,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1615,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35818,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38685,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11705,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10906,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20267,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +6323,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40695,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +15573,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7836,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17949,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17066,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26747,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36456,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +24363,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,1 +42835,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5688,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23092,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7594,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4179,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23827,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20513,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7229,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34267,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15776,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19255,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41821,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3668,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12068,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24362,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3595,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31139,0,0,0,0,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +181,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3198,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25870,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34988,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5737,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +37175,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38266,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31481,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36542,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31906,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27003,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12111,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31711,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +19906,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +15325,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22381,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11792,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17455,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +22723,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41282,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +16659,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25945,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42717,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16231,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40104,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39313,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39100,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10018,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23821,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7446,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +10309,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15791,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5770,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21380,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18411,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,1,0,0,0,1,1.0,1,0,1,1,1,1,0,0,0,0 +40701,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,1 +43105,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36583,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +5459,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36331,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +16218,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12806,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11646,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19053,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4241,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7249,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +28928,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32055,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20155,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +15649,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25372,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10297,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18655,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +32259,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +847,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17122,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7212,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31745,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +797,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2037,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18850,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23818,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26785,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19204,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18586,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3865,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +1412,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +1320,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39097,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19725,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28608,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1877,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +32978,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4885,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41806,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +13299,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28276,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +16160,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +403,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30336,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32873,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34556,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +10427,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40997,0,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,1,0,0 +509,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14242,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +16347,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10375,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26367,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16974,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24985,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +43116,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18656,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4030,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +42908,0,0,1,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,1,1,1.0,1,0,1,0,0,1,0,1,0,1 +1677,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +8667,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1.0,0,0,0,0,0,0,0,0,0,0 +8496,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20210,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +22826,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17785,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33092,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41568,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40600,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +28189,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +41092,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +3755,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6909,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,1,1,0,1 +39317,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38305,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +39361,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34204,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23964,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11720,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19985,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +20508,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +35344,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36010,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +948,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8920,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17862,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8082,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +35738,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +7029,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28158,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18539,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +15764,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36258,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +22515,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2810,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28334,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7983,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +38192,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +31208,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30661,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19191,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13145,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3201,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +3310,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34210,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3499,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35850,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9356,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34934,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +35008,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22870,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +32305,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28135,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16561,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1330,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29167,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +597,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7924,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41232,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11441,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38803,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34010,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28116,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3880,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +8544,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14766,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15801,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +34544,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +43209,0,0,0,1,1,1,0,0,0,0,1,1,1,0,0,1,0,0,1,1,0.0,1,0,1,0,1,0,1,1,0,0 +35097,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40451,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +43364,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +29460,0,0,1,0,1,0,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +4570,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13684,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4854,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +41080,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13558,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8743,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19250,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19685,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38592,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15803,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +14553,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24761,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +25077,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4109,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +582,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41890,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32235,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43137,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11443,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,1,0,0 +32556,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31029,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +15057,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17886,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11212,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13185,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +7484,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +879,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25453,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18582,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +6714,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13360,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31338,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +24568,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18311,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +29191,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31265,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32733,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23301,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +6635,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15580,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38604,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +40277,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14272,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17740,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18665,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +29392,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31308,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +13761,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19075,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25331,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +646,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41939,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17698,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9739,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23814,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42250,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +4078,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,1,0 +13540,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18639,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6950,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25844,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +12932,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30448,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1340,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3187,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38416,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28913,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +21772,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29067,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +36630,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24469,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4606,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20171,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33952,0,0,0,0,1,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19976,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,1,0,0,0 +6743,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +43126,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +15856,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17809,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27356,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30072,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7350,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +15070,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7320,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35769,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13585,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +38551,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42035,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +32204,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0.0,0,1,1,0,0,1,1,1,0,0 +36064,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39691,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42710,0,0,1,0,0,0,0,1,0,0,1,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,1,0,0,0 +20089,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +20419,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +26052,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +31152,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +23700,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20743,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36553,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +36903,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16330,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36387,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +30588,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32672,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28749,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19720,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +9068,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27122,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21432,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19571,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21902,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33641,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10823,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2310,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43366,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19052,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34892,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,1,0,0,0,1,1.0,1,0,1,1,1,1,0,1,0,1 +31675,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8054,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36928,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14233,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21082,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36091,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17446,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,1 +30865,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26005,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37353,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9820,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +15743,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +13002,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +29898,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32447,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +16999,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17603,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2811,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +21251,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34107,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,1,0 +32705,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26813,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13432,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40328,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17098,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5109,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34152,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30919,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11411,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20807,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,1,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26568,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11442,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +5438,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,1,0,0,1,0,0 +41263,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25402,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +17732,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +7216,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31402,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39203,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +17127,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35771,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +26736,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7498,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38985,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +27617,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +36658,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,0,0,0,0 +40235,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20682,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +30032,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2301,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3671,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +23571,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +7112,0,0,0,0,1,1,1,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,0,1,1,0 +41371,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +32528,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +4295,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6512,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28498,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10201,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6598,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +29653,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2156,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31170,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6163,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5040,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4400,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +10206,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9938,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23683,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27477,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25171,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42967,0,0,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +13519,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2382,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20580,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42158,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34237,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +25124,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18158,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36150,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3505,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +29801,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12529,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13533,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10147,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2934,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42094,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38579,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26766,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +5930,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42845,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +41663,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,1,1,0,0 +22982,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +41691,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +25164,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +8087,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20475,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20761,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27749,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +16361,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5183,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43151,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5721,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30657,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14639,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +16891,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +15885,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +12580,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +31456,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41741,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12241,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +35293,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27283,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32434,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33202,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21771,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26582,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +7417,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +29281,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16742,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38916,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14161,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +39787,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39042,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24567,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26049,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37758,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16216,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,1,0 +31597,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34250,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24736,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6332,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11624,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +1670,0,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +20452,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15644,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35005,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16428,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37615,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +18799,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18335,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23160,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22097,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20622,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8172,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +28144,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30480,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35551,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11010,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +19096,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0.0,1,0,0,0,0,1,0,0,0,0 +42826,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +23396,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32477,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +11703,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35924,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,0,1,0,0,0,0 +42379,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +702,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26533,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31022,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39292,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27546,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21544,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12778,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +18632,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,0,0,0,0 +28848,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17900,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +35259,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +29146,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3298,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +29235,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +24288,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30388,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +31226,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +15240,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36409,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36948,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41076,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41610,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,0,1,1,0,0,1 +10407,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15408,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +6279,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23274,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6904,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +23552,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34195,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +19604,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6711,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +28282,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +38509,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19241,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +16260,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40832,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27793,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43275,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +29771,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23112,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40040,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27807,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29606,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +15825,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11606,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38472,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31451,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,1,0,0,0,0,0 +6824,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4303,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36393,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17298,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20672,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29147,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,1,1,0,0 +20,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12251,0,0,1,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,1 +42232,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35550,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7880,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40946,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43000,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25483,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36065,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11584,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +23808,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21324,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27694,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +13112,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30487,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +17848,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11950,0,0,0,0,1,0,0,0,0,1,0,1,1,0,1,1,1,0,0,1,1.0,1,0,1,0,0,1,0,0,0,0 +27430,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +43124,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4543,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34328,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +33245,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35630,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23029,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33719,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +13716,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34089,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +28164,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31210,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +27114,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,0,0,1,0 +2191,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +12483,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12773,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +19620,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30261,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2519,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2655,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +15816,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25523,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7904,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +20686,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35245,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +28919,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30353,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +26302,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,1,0,1,0 +9561,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34729,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1297,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6236,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28775,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11881,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16648,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26242,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2270,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +35949,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26409,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +7674,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42827,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +27152,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +19740,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +30447,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1904,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9484,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15032,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30163,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +37421,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17429,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14163,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +22762,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37395,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6374,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7108,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +25647,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +20637,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +6491,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +32188,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32215,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +217,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +40329,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +2743,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31750,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19034,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3723,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27388,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22869,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1021,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6025,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16835,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17634,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +18377,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37928,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26404,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39495,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +33567,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +2918,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35295,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +7184,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18379,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +19712,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23633,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29226,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +17717,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14092,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,0,0,0 +10873,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +34778,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +8570,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +26709,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2465,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25555,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42932,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,1 +27680,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13128,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29468,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,1 +30579,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +9856,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39969,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4427,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +15190,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25980,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +30611,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8578,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41606,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21580,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,1,1,0,0,0,0,1,0,0 +38048,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39237,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +28145,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14190,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12790,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8524,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +37546,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42317,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26054,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23698,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +41923,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +36799,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +22447,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1564,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +43060,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6074,0,0,1,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0,0,1,1.0,1,0,1,0,0,0,0,1,0,0 +9787,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +12301,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34809,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4999,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +13869,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33115,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16028,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7862,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41480,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +52,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21116,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17584,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28694,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +43073,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +31583,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +21947,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26079,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +31736,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8649,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22330,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40517,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +29741,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +28288,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24970,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28505,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +38908,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21654,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +23012,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9740,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +1285,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15448,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +11612,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20693,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37770,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4456,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26601,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19291,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +13370,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37256,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40274,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9522,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36510,0,0,0,0,0,0,0,0,1,1,1,1,1,0,0,0,1,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +5099,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4494,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +5310,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13847,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35337,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31068,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21333,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15460,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16910,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31377,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6821,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9884,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28997,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +11787,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +25158,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +22297,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33665,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25643,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12562,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14439,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38682,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14020,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33338,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7512,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +1298,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40911,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3817,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38628,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35198,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38801,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10340,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3536,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25363,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11346,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16243,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26903,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19723,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18297,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24309,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17877,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11851,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43045,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +31954,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34604,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17069,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +15129,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1047,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +5306,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9218,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +35325,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33670,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5020,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42941,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33551,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40530,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25118,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28166,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21077,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8734,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38320,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,1,1,0,0 +8873,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23078,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36340,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31997,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2546,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20858,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22435,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31169,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15953,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36696,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +11035,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +18548,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4932,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10595,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +11434,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11605,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40736,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +549,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17365,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +32075,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15063,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37173,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38409,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43079,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29415,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24333,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +33978,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +10128,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8890,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32761,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15772,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32772,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3011,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25589,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4560,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13045,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42759,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42654,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6192,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31317,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32880,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12962,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32494,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43164,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24896,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10304,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9862,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31880,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14692,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21050,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39255,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +8094,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2771,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +20067,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15332,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +6284,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34737,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38553,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +29162,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10938,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9458,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +13556,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32248,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +23507,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16075,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39035,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,1,0 +11644,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19103,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +5437,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +23371,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +40945,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28096,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9781,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +37092,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2095,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +27710,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22867,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13978,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15675,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13782,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26447,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2569,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +28253,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21613,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +2548,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +37718,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20885,0,0,0,0,0,0,0,1,0,1,1,1,1,0,0,0,1,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +34410,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8638,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +23415,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12069,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4146,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15485,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40602,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25431,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19468,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19806,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11344,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38481,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +42404,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19387,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9144,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5298,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18689,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40362,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,0,0,0 +24331,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9295,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21506,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41857,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +38851,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +29569,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +36994,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2584,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7820,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12145,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39751,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +24614,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4555,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41520,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3540,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +38883,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30533,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39737,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42030,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36059,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14062,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36162,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28568,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +5347,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27607,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20716,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20636,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +2157,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28727,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +16817,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17291,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6691,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1.0,0,1,0,1,0,0,0,1,0,0 +39571,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8547,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +37055,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +6473,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +30606,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,0,1,0,0 +40378,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10167,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +4341,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11902,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36867,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22615,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +18832,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36259,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +33125,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18947,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39136,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +7805,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +14227,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +37344,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33466,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +22464,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10569,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,0,0,1,0 +32289,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12886,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,0,1,1,0,0,0 +29802,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19523,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16749,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22716,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6358,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22293,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +7023,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37859,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43082,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21105,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5465,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18389,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +14782,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +6964,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37675,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +33250,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +31254,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40426,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +10719,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34418,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41347,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13436,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10144,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13673,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4190,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +1190,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32587,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31358,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27597,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9701,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5134,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25258,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10727,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29260,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +37060,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +16942,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +42995,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +32740,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1252,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42020,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32601,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39418,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +10865,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +8961,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +33204,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40677,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +38095,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +28636,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +6167,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +18841,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +26298,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22019,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7510,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33332,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +29508,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +301,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33005,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34854,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32008,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37193,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18866,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +33309,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40609,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +559,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20960,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +3212,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17735,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12641,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31141,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36235,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +4266,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +746,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43095,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +35644,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2085,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +2179,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33503,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +39247,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16929,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36066,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10647,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18681,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40382,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41413,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23516,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +6254,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24843,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3226,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18538,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7770,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34847,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4952,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30760,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23066,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +42376,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24852,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3072,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +18042,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41635,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33510,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +1792,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24002,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15392,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +26492,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +43146,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37569,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +29706,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +13388,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22205,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9381,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3120,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +23909,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +2997,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +3956,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,1,1,0,0 +7455,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18376,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38110,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +24421,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25002,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31924,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +23598,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +14438,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5523,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38331,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21553,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +28838,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27125,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24136,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34030,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26886,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38270,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40596,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29142,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35103,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40319,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25549,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +17708,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10032,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8025,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +19935,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10452,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7482,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,1,1.0,1,0,1,0,0,0,1,1,1,0 +1454,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30489,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12191,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32580,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32769,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +26076,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24832,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +452,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20538,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +41248,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14550,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29765,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,1 +28732,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,1,0,1,0 +163,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,0,0,0,0 +360,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20989,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37188,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +34677,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +40617,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +773,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,1.0,1,1,1,0,1,1,1,1,0,0 +41571,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9333,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9942,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +28920,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21026,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20587,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11613,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3842,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31863,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25511,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1961,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +20442,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +33199,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +136,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +3858,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31340,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5653,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32708,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26802,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5060,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3363,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12177,0,0,0,0,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +16390,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35034,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18146,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26536,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +38367,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36388,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13914,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22332,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +1311,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3582,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +36015,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +17609,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20768,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2635,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1749,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41265,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +32596,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5305,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33980,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +5537,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41162,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10373,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10376,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +43152,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37772,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27574,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +23935,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17965,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22034,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +721,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31469,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27912,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +34483,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18599,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1739,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17204,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38495,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27464,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21035,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21119,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2620,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16907,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +42695,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17048,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25092,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +42339,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26834,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,0,0,0,0 +13829,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7517,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27781,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37086,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12705,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +10522,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +6405,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36883,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10738,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35053,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +2611,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4005,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39504,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7286,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +43187,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +32716,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38829,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19757,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +27827,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28841,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8343,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +8081,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42171,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +11925,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40510,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38203,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2089,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38341,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,1,0 +6518,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33426,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +42820,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10937,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28162,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +27101,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9349,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +803,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10858,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29019,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25785,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41549,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37484,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39370,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30471,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +13581,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36768,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12275,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23791,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +28930,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30318,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +2199,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33586,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35936,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12534,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28479,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20276,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24742,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8381,1,0,0,1,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +36308,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +38512,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +24113,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +13612,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +23284,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2491,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +49,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2980,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +15565,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,1,1,0,0 +32047,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16866,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39009,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +15413,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30294,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12116,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +43385,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33693,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +16683,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26514,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +11994,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +31103,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20788,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +23586,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +15614,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22327,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6870,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41500,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27950,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38307,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +20114,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +9245,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +17107,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22398,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +30118,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2577,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23911,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27070,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29267,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39491,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35150,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31206,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +17760,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11769,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +18600,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,0,0,0,0,0,0 +21059,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23743,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7566,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42623,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35524,0,0,0,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12306,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19953,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,1,0,0 +35403,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +8558,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10682,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +16527,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +30632,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +13343,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31501,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +16346,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +3065,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +32638,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +6736,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +18412,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +1835,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,1,1,0,0 +27872,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18532,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15046,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20011,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15806,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +15510,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +7811,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40098,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23356,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35352,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +38698,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37439,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34514,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9386,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +41213,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +16988,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16072,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30928,0,0,1,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +14148,0,0,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +37724,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8815,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +39214,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17568,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35699,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +12474,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28027,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9032,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +32196,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18321,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +19100,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2058,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +37316,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18998,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2090,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +33650,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16193,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11497,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,1,0,0 +18416,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +37277,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,0,1,0,0 +36154,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1884,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +65,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +17315,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +29991,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37596,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3644,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +18771,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +16594,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37530,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +19581,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,0,0,0 +5773,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6183,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17236,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +3860,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +31074,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +30453,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16573,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39522,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25749,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2392,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30467,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +11724,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +16778,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35477,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32457,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28138,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41238,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12410,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30635,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33862,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14818,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30361,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35597,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +6915,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25234,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4453,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2046,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13120,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6244,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8804,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3631,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +6225,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27783,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +37713,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17356,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +41706,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +22798,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2051,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28056,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24230,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +29398,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39084,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34515,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39931,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +18954,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +438,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +43129,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9892,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21456,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +16588,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +28100,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41383,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5155,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +22941,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8945,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15712,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7807,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35840,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40477,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34554,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39631,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8238,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +21843,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2410,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +28682,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27107,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6664,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +14283,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39638,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +22924,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36922,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +18358,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +8511,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34205,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10318,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27449,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,1,0,0 +21500,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28474,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39527,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40116,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +33774,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29901,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +2232,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34303,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21112,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +14877,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1201,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26708,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33303,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +18811,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +23471,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28438,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +1714,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42387,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12403,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19254,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +5751,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +35526,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +7587,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +27290,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +12407,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23236,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41527,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +12158,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26498,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1574,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5936,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +15923,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22085,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24241,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1314,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +25564,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10470,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6458,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40698,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39307,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33939,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36755,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6474,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30688,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36143,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +34202,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38422,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26262,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32501,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28383,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9099,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31480,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13144,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29216,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7359,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5541,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7035,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +27435,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36110,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39375,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18953,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13026,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9163,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17389,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18706,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +16178,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8457,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +28045,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6423,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34339,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22521,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6837,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +32376,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8807,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15529,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10102,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24240,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,1,1,0,0 +6599,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16200,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +36691,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +24786,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11594,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25850,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +5931,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +20434,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28663,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36684,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14282,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26517,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36941,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +41667,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18762,0,0,0,0,0,0,0,1,0,0,1,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,0,0,0,0 +17947,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2896,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32262,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20016,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +6453,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34902,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +25455,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2953,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29924,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36665,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37034,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19485,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15729,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15814,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22294,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22678,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34165,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10143,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30890,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18658,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28000,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22428,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29285,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +15872,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +25659,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9240,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30660,0,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +995,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11815,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10997,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +29375,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39016,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +41299,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +16487,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36628,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24500,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +40578,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21091,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40739,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26584,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26230,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27416,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30010,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11665,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20612,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +32704,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11709,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16697,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2816,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +21321,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10278,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13411,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22581,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39357,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20074,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +37045,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15684,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2778,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +60,0,0,1,0,1,1,0,1,0,0,1,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,1,0,0,0,0,0 +504,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11480,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +38903,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25396,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5748,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6330,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34649,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16209,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +32588,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +42557,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22967,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41588,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10537,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13296,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10294,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +35227,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17376,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +7346,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41460,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1370,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +26099,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5170,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27403,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17304,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42718,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39971,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +29921,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +5454,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16177,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33223,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1.0,1,0,0,0,0,0,1,1,0,0 +31876,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40683,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13125,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19208,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16377,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +19176,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5577,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23587,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41560,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35404,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31995,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42955,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +33004,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +5547,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38594,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5838,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +18018,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +19021,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16928,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9070,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7415,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15836,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +11985,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +24098,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6624,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1067,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +28594,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37737,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30843,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +35983,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +7103,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10724,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10478,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +13069,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30557,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27590,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33440,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15148,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +38417,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37703,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26832,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37039,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38292,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23983,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +30382,0,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,1,0,0 +15703,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +29025,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16093,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12045,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +6268,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42658,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3108,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30357,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22834,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24634,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2884,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40970,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +17212,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +39433,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +8766,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3203,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +34917,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,0,1,0,0,0,0 +20334,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4682,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5390,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22238,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25166,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31079,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24400,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,1,1,0,0,1,0.0,0,0,1,1,0,1,0,0,0,1 +8592,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +695,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29805,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41687,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41607,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22192,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17071,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +29351,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3730,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35627,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14905,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +18072,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42547,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35746,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +28211,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10317,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +29104,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11069,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23766,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34954,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2972,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19446,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +14896,0,0,0,0,1,1,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,1,1,0,1 +40668,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +24260,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2280,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27330,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5578,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23730,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20012,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32947,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +7489,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5532,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20845,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9612,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16454,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30260,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,0,0,0,0 +17502,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33924,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32224,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18114,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1956,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +26107,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2279,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4603,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37791,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +1326,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +20301,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,0,0,0,0 +33102,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11547,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9318,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10640,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +4181,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +32256,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +35011,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +17188,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10695,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +7547,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5263,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33884,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,0,1,1,0,0,0 +17061,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25814,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23101,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42341,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35141,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3850,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15634,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27320,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +29588,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29864,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23534,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36177,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +9492,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5375,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36615,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +38859,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9654,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +7358,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +41722,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22510,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21385,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28714,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,1,0,0 +3079,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +30754,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14167,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17576,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9469,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42816,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +3587,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +29168,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +32141,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4217,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28685,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,0,0,1,1,0,0,0 +40542,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43258,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42862,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29735,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14392,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32484,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +2361,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4546,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +2728,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +26138,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27530,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29101,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5433,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +13460,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32946,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +6661,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40276,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31313,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13994,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +39258,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +10781,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27561,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +40789,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36448,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29715,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +16984,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +26839,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +487,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13511,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25996,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +2689,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12476,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,1,0,0 +35356,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43028,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,1 +23378,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +9754,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11734,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23180,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17903,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4631,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +38539,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2686,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +42797,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29777,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +21365,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +10697,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10423,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +4063,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40743,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +25461,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +20986,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14267,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39407,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1076,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,0,0,0 +33757,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16854,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5669,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1594,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +39320,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27871,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23960,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28733,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24200,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40344,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30609,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34394,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +997,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20377,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37958,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30574,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36303,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24889,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +42613,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40093,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1422,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17239,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9199,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +827,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +37907,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17987,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15710,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3251,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18530,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +20437,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +13207,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10830,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24256,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +17819,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +986,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24382,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +18757,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37954,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42538,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,1,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32118,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6347,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42156,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31916,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22336,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38924,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +35182,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8867,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +38494,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41771,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21237,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +31505,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +8049,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27083,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +24370,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14677,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17496,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42382,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +12171,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +24976,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33375,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19027,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18624,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6700,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2353,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13082,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34057,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33796,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40515,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +29437,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37504,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2522,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43122,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30549,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +6253,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41027,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +6097,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19884,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20817,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21703,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37635,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +17217,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23304,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21270,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +11277,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8211,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1406,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12413,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6988,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25519,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23355,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20573,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3448,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20214,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26594,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +16617,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8769,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +8541,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29643,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +15828,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33834,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3870,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2460,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33617,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31838,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21393,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +12130,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10445,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26591,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5449,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4412,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +5786,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30844,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +17165,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15659,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +13679,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 diff --git a/rule-vetting/data/tbi_pecarn/processed/tune.csv b/rule-vetting/data/tbi_pecarn/processed/tune.csv new file mode 100644 index 00000000..e12bf7d5 --- /dev/null +++ b/rule-vetting/data/tbi_pecarn/processed/tune.csv @@ -0,0 +1,8228 @@ +,Drugs_1,FontBulg_1,GCSEye_3,VomitNbr_1,HA_verb_1,High_impact_InjSev_3,SFxBas_1,HemaLoc_1,VomitStart_2,Seiz_1,Clav_0,GCSMotor_6,AMS_1,NeuroD_1,SFxPalp_1_or_2,LOCSeparate_1_or_2,SeizOccur_2_or_3,SeizLen_3_or_4,VomitStart_3_or_4,HemaLoc_2_or_3,outcome,AMS_1,AgeTwoPlus_1,HemaLoc_2_or_3,LocLen_2_3_4,High_impact_InjSev_3,SFxPalp_1_or_2,ActNorm_0,Vomit_1,SFxBas_1,HASeverity_3 +17596,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +555,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1.0,0,1,1,1,1,0,1,0,0,0 +7565,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +41694,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +22390,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +6727,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20846,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2485,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23652,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7761,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,0,0,0,0 +32896,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7030,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +18304,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +13425,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +40395,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20967,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29853,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26435,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14278,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5244,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +31523,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30244,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37914,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +32765,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33109,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40175,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30673,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +18597,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12030,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13834,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1153,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +8978,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32795,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +6572,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34866,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32948,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16401,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +38092,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20531,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +43286,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +36912,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26265,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38335,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42432,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1870,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +3906,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22454,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20261,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17058,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +31572,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8058,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41517,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40281,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +1587,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21076,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24321,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42041,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31423,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +39977,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22459,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22497,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1250,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39576,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +35007,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29867,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30589,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +1927,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36285,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,1 +28932,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +8525,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,1,0 +16541,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +172,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28780,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35779,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23296,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +30460,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0.0,1,0,1,1,0,0,1,1,0,0 +31840,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +19113,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2335,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +6693,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3154,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37288,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +422,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30014,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3098,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32870,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29881,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26809,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +30621,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36283,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39107,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +34322,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10891,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +13697,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30925,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15728,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +30981,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34910,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40635,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14361,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25757,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23569,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6527,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +29707,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34101,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17795,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34636,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,1,0,0,0,0,0 +41247,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +30706,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16311,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +38279,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35095,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28721,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34956,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,1,0,0 +6981,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10468,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +24179,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16540,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +388,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33945,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19981,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25270,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +31248,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +15823,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37103,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39431,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19307,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +32237,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5493,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4931,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6304,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,1,1,0,0 +36299,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39351,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33135,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,1,0,1,1,0,0,1,0,0 +8015,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +15237,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,0,0,1,0 +5379,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19093,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14501,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33583,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +36734,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33253,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22181,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +23406,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +12831,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +23419,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13894,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24835,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2807,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +39599,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17892,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22397,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +35433,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27897,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +17802,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +10798,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +2253,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +7348,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,1,1,0,0,0,1,1,0,0 +176,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24406,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40082,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +40334,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31185,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +42217,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28851,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28039,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +38889,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1955,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26034,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40623,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +38120,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +3942,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +41150,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33149,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11274,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35963,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8309,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +42235,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +5058,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24771,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +17582,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4723,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +33632,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11216,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23680,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11336,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12998,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13309,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27324,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +27183,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +9260,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +996,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40665,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +14186,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34634,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +42756,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12369,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +14454,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25623,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +17265,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26459,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15367,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +29269,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41056,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32242,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5960,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17164,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16135,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23557,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27504,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16440,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11710,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8737,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41264,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1104,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23088,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5119,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +23624,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33381,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20859,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +4659,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3417,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42459,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +29751,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +31459,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35543,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +26860,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +34023,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39308,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36134,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35152,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25646,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5282,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35119,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +32662,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20583,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25242,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41107,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30172,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,1,0,1,0 +32778,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31527,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13956,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14574,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,1,0,0 +9174,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,1,0 +41404,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +15847,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9550,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14429,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39297,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17133,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41334,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +12884,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7739,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15449,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27026,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11819,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41734,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23058,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32352,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28951,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6877,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15454,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +22780,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +30139,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8844,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27884,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37688,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +24516,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +18071,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4149,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10757,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37374,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43361,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +5182,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8500,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,1,0,0,0 +23990,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +17633,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13444,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33821,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31781,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +23832,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +10838,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +8203,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +40012,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +21449,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37701,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33786,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33934,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +7477,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23579,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8339,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23707,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20492,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40927,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25743,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +18318,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9219,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33714,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +18520,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15650,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +16524,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +13031,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6240,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +499,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13771,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +35532,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32363,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +16750,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4491,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35975,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,1 +17974,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1388,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38650,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42997,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1816,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +28379,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38285,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +23529,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3421,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15105,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33561,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41941,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27982,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +8108,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12756,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +19412,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16880,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41866,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +33735,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +9251,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40718,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +38452,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30037,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10994,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20306,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25025,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6189,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34169,0,0,0,0,0,1,0,0,0,0,1,1,1,0,1,0,0,0,0,1,1.0,1,1,1,0,1,1,0,0,0,0 +39716,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2798,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20987,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14760,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9189,0,0,0,1,1,0,0,0,1,1,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,0,0,0,1,0,0 +36567,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +2799,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5832,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42168,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36996,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +3710,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +13127,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29151,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +10593,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +19293,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18225,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,1,1,0,0 +15458,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30914,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +41154,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +22865,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +9757,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11400,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12841,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +15840,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38542,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25554,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19826,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1.0,0,0,0,0,1,1,0,0,0,0 +30419,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,1,0,0 +18144,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2736,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28086,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +27735,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +5068,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14196,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22047,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32147,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +17716,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17694,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25688,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,0,0,0,0 +36679,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41859,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +9215,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +15530,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41710,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20520,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5851,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +14018,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42427,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +641,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19520,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +25132,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7932,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +32906,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28403,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24869,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21601,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23430,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +15144,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10977,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +196,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4591,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24830,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23696,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14901,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25533,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29690,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37321,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39328,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41641,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37797,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2557,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +27066,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40045,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35575,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40545,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22502,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41023,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28762,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24738,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15554,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5693,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37506,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,0,0,0,0 +21864,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,1,0,0 +2794,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6360,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28021,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29044,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +39789,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,1,1,0,0 +19726,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9014,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6843,0,0,0,1,0,0,0,0,1,0,1,1,1,1,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +37705,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +119,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37502,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +503,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +37926,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32671,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42539,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37340,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28013,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +38961,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +13211,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +25055,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +29571,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +10946,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +10696,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21664,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +906,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5332,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12508,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42450,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35338,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +16721,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +24314,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26328,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3977,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20228,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39181,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5674,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42642,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21049,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2134,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17453,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15582,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27222,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +19105,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21465,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27099,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +13691,0,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,1,0 +7518,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39731,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +8562,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15260,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +20042,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34220,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +6930,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +36848,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33487,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3169,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21528,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39970,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39836,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6939,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41545,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29654,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11752,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12146,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +33086,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +451,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15598,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +38590,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11237,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42584,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22866,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15999,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27990,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4954,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29194,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5618,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39461,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24477,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19986,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21911,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21927,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32151,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39445,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +17423,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +28384,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7413,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30766,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +4336,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31144,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30682,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25962,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +22964,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +15044,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26473,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5070,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5529,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40306,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +14373,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4121,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +38459,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +10122,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16022,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14785,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35440,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +40779,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39205,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9190,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +42709,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18011,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3290,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +25261,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8096,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +20731,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23853,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +11194,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9829,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +36332,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +4485,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13985,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8128,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +26321,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19535,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38000,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34318,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33076,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +31163,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16919,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18663,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27121,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14310,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28172,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21850,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38802,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39148,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24920,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +10461,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19569,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31674,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +38500,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +33019,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,1 +29368,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8973,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11374,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +42620,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +9566,0,0,0,0,0,1,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +10610,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +34635,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +28228,0,0,1,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,1 +32955,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33362,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21707,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,1,0,0,0 +7389,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9330,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +4358,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4876,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16651,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17918,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24434,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24040,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14280,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35809,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38664,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5689,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5617,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +23070,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33285,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +13228,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38648,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +41477,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +41218,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14027,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37883,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37112,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40999,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11942,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34308,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9961,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35324,0,0,0,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,0,1,1,0,0,0 +16729,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16681,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +28995,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19205,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7219,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +18432,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +10736,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8122,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2770,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +8134,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33656,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5087,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21417,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +35012,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +40707,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28510,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +33858,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +17790,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +39950,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26695,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +22373,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31173,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2676,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22190,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34063,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +28956,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11063,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37079,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +41036,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +26371,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35238,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17613,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33578,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +1063,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38918,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22602,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +24840,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30129,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7782,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +7578,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +30985,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12909,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18372,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5038,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4516,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24891,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42208,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4782,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17631,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20597,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13696,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37691,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +25240,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33799,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +24722,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10303,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8951,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37201,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18820,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +8829,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +23037,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34025,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +2507,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34352,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18544,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18040,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +117,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41538,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14814,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26087,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +25026,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31137,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33677,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20918,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9913,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +4193,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3731,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4646,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7815,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12055,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1455,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33022,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26796,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10528,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39249,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4552,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +35897,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +5151,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +26420,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +7027,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28299,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2803,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8824,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +6026,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7522,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24700,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +393,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24631,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +3992,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,1,0,0 +15494,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40497,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,1,0,0,0 +42192,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9999,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16465,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32908,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6615,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27495,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16448,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25312,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +32632,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36740,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6278,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38939,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42492,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1.0,0,0,0,0,1,0,0,0,0,0 +38382,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15424,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18006,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15730,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31950,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42736,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +15459,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7752,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22560,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33741,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +23863,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41937,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25841,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40237,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +27572,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35151,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11024,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3844,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25116,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3882,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20650,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34713,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37447,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2614,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14585,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18479,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +41946,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +7289,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41287,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0.0,0,0,1,1,0,0,0,1,0,0 +30720,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7963,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +34750,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +25021,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,1.0,0,0,1,0,0,1,0,1,1,0 +9558,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +26808,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19696,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +1694,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +21671,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22748,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11901,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31669,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39146,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15198,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +39090,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36146,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41132,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +336,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32230,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31748,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9992,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33011,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +4548,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +34552,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,1,0,0,0,1,1.0,1,0,1,1,1,1,0,0,0,0 +7523,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14336,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32378,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7891,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +30269,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30769,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30827,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20800,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7466,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2498,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +40577,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +35289,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25592,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34034,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9322,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15997,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10688,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13285,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26254,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +16843,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +12777,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +1926,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +88,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11096,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +20919,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +4057,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17700,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31209,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +35406,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11025,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28255,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3797,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16475,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40186,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6503,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24808,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1399,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36774,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,1 +11172,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +35610,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +28970,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22987,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6147,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28264,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35710,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37733,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19369,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +33660,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8838,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +27811,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17803,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +18524,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +8968,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16363,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +590,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +7691,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22033,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15297,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26347,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22937,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2954,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37667,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +160,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20556,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +31184,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +9173,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +99,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25339,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +33424,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +29237,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +977,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15696,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +34307,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5035,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +31900,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21069,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18895,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24011,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33552,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +27092,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +15221,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34190,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5159,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11241,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40613,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +42471,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31015,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8320,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37972,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4403,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35510,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28346,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12218,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33539,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +13057,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37744,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23830,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36042,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20252,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,0,0,0,0 +38756,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10698,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +5175,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19424,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28514,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +29319,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33459,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +27436,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +24986,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23182,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +2073,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +38196,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9901,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +41930,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43282,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +1727,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27573,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +25107,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32540,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20156,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +17557,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +39162,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33523,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10221,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37687,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23892,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +18293,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17788,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21627,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40414,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10916,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27423,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +22255,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23514,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +31537,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15608,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +27509,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14413,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18724,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9746,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5436,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15976,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +20765,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11122,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20153,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19120,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +36038,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29857,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38385,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27221,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +6381,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +9006,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,1 +33286,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13826,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +21383,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +30522,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +25856,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25228,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36188,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12791,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +15062,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16924,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11536,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22862,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26263,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25292,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +30412,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +15158,0,0,0,0,0,0,0,0,1,0,1,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,0,1,1,1,0,0 +20425,0,0,0,0,1,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +39018,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33649,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15911,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27340,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3790,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2969,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +29412,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1013,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5668,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27774,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26175,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,1,0,1,0,0,0 +5791,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27177,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27837,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25726,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36078,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6752,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +16035,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,1,0,0,1 +42112,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +37905,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29457,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14014,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19357,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24106,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23902,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22749,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16345,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +40461,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36317,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19494,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1.0,0,1,1,0,1,1,0,0,0,0 +30282,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14852,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +7733,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2071,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22912,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1052,0,0,0,1,0,1,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,1,0,1,1,0,1,1,0,0 +25538,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19450,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30596,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9881,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +32426,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,1,0,0,1,0,0 +14343,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +12445,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,0,1,0,0 +5241,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4353,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +22847,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +8116,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34610,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3081,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16379,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +33635,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +36238,0,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,1,0,0 +34046,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +7343,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42457,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25104,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +40979,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +43356,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7424,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +24676,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +39888,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21683,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38302,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1684,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4625,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41026,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18058,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +18708,0,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,1,0,0 +7868,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31729,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +32905,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12036,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32448,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +15416,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21563,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,0,0,0,0 +15130,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,1 +18125,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32018,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +29832,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21889,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18119,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +30421,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6973,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43394,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20572,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21129,0,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +29092,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10387,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33809,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +22873,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16285,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31425,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7616,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20372,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +5329,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35109,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4839,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30488,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28321,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28985,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,1,0,0 +9768,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7104,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5127,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9188,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +20459,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30342,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8004,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +23950,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28879,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16548,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +2958,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21887,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11068,0,0,0,1,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,1,1,0,0 +35768,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34217,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +8979,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31188,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42958,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19527,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +37872,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9700,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +3659,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +42065,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,1,0,0,0 +21670,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17580,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34292,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5366,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15384,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +546,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25427,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30521,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34374,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3507,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2663,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28797,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26156,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +25140,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31264,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +26849,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +802,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36355,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32583,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19793,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +6421,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +36009,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35301,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42677,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26115,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11466,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +42128,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20134,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +16939,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +7329,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +13652,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36863,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +12128,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41504,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +18861,0,0,1,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,1,0,0 +33027,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7635,0,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1.0,1,0,1,0,1,0,0,0,0,0 +19837,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4961,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28183,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +322,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +27845,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5686,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +16468,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9058,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26922,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5596,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +14245,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33029,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35419,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30562,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26312,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +706,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +749,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35732,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +24484,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +42055,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1.0,0,1,1,0,1,0,0,0,0,0 +3650,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3155,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +564,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27236,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42448,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +26974,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +9117,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26565,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21305,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23320,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17773,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38550,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25400,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28295,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38870,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27678,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +22460,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35807,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22737,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +735,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33876,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +18613,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2955,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +28588,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30881,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +27220,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +22673,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12324,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +966,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8020,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8800,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38401,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17313,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +19947,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15154,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16296,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +17402,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14682,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3941,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +20477,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36202,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39033,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40388,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +41382,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3244,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +41876,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6756,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25903,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +10202,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +15668,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20502,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1525,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9625,0,0,0,1,0,1,0,0,0,0,1,1,1,1,0,0,0,0,1,0,0.0,1,1,0,0,1,0,1,1,0,0 +16590,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8909,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +32987,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +5268,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +16932,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,0,0,0,0 +41004,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4602,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1621,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +28615,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,1,1,0,0,0,1,0,0,0 +16551,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +9980,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24299,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40985,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +17128,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +27205,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38025,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14689,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8943,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +9119,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +25930,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10228,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +34295,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16292,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28794,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35318,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19406,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10428,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26020,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3883,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +8837,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +38473,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +28518,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,0,0,1,0 +11852,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +30018,0,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,1,0 +14203,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +24603,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16060,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25046,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42890,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +7236,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12234,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +805,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38059,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10153,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1.0,0,0,1,0,0,0,0,1,0,0 +9130,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11040,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4284,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8439,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40312,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32631,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +21680,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31157,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31747,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20844,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4477,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9304,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19886,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27847,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2181,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18581,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22819,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +32757,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27072,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +11998,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2292,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38438,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +9315,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5367,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +16394,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27106,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21642,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28038,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +13875,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15255,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21064,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15924,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +4592,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +13433,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26084,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27582,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +42506,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +36590,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4770,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6769,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,1 +18747,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30599,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7883,0,0,0,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,0,1,1,0,0,0 +34800,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +8181,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35921,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +36945,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40990,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1167,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +37983,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10694,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15419,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15564,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +29323,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26386,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18460,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21120,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +33531,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28754,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +41323,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16612,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12432,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +5521,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +39052,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +41855,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40099,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8027,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +32546,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,1 +39996,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6813,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,1,0,0 +28302,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32608,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +26953,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28809,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8629,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +42401,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26890,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35679,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +15077,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,1 +41007,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23102,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1968,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13440,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38818,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25872,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27575,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +11537,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +15379,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,1,0,0,1 +27911,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5953,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35083,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35149,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20685,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +26475,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +8007,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38460,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5290,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12677,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34991,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14808,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,0,1,1,0,0,0 +25939,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8230,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +21590,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +15484,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +836,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,1 +8050,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +22322,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42558,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32313,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +20824,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,1 +8330,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29636,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38407,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23893,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18290,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +29198,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +30563,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +22024,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3273,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8375,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +19431,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +12987,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14367,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3970,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +25809,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29268,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +25908,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +18357,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6302,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33295,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +2975,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28033,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +15602,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4627,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19901,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24332,0,0,0,0,1,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +12743,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35398,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +12147,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12941,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +25308,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1378,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21400,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +3705,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18233,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9184,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36477,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25986,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5570,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +37319,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21351,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +2710,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6871,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35071,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +10571,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13139,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23483,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32468,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +41111,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28061,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30864,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18551,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +36558,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +42540,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17319,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38972,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42661,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31554,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +30198,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19281,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21625,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10262,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +31619,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +28240,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36790,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15532,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +18899,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40479,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +29497,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +34006,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19829,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31491,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +42742,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31104,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11761,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9595,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +1132,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32380,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +20188,0,0,0,0,1,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +31991,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5609,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29620,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,1,0,0 +16975,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7751,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +6455,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10526,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15341,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +27765,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +14919,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14502,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +351,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21520,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20571,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26655,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3890,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7251,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25170,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +28430,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40511,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28493,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8257,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +17520,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36532,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18457,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7114,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +4523,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +21436,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,1 +35160,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25864,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39020,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +22022,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +7171,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38885,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27239,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +5457,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13167,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25446,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30402,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25672,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5947,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +9223,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +35743,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +40723,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25120,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12620,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9167,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25787,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +6685,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42248,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +15890,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1782,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30108,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +19638,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40645,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34040,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28957,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17931,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1180,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14732,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25409,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9009,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9545,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +15863,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28531,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +20151,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +13521,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30049,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23343,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13232,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +42277,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29428,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24949,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +722,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12745,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +25249,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14067,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,1 +6186,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32031,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14878,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18907,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18143,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +36906,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41512,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10553,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36501,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36911,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27971,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +29399,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34398,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +195,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,1,0,0 +10051,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3335,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43168,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40820,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +34607,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5216,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +34409,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +2987,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19077,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +38141,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38230,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3127,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2061,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +2482,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9598,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +14066,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,1,0,0 +33297,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0.0,0,0,0,0,0,1,0,1,0,0 +33205,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24991,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24221,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12964,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,0,0,0 +24805,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +34277,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,1 +15072,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +571,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24671,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4036,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9148,0,0,1,1,0,0,0,0,1,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +42222,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,0,0,1,1,0,1,0 +4892,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +2889,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14794,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +23777,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +21285,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13742,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +31751,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27613,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29442,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5002,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39537,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25149,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27267,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35684,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +567,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29581,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28598,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20461,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25776,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41341,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42914,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +12668,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38957,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +23380,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +8483,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +9005,0,0,0,0,1,0,0,0,1,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +4210,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,1,1,0,0 +28154,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14311,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4482,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,1 +35023,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34801,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +39269,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18970,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5761,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33515,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +9621,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1217,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4763,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41797,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37286,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +25598,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +42777,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34047,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16627,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1633,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35783,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16562,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31814,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,1,0 +11416,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +4760,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23285,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20671,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11628,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,1,0,1,1,0,0 +18669,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11375,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +8759,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +37325,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27150,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19924,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16785,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12122,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23201,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27475,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +4714,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +24025,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15262,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9845,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4899,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6884,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6684,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37633,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24133,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41931,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +17027,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13042,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,1,0,0,0 +35329,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +37621,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3789,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34979,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28337,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1.0,0,0,1,0,1,0,0,0,0,0 +37769,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +1888,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +4529,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1.0,0,1,0,0,0,0,1,1,0,0 +28182,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33707,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28872,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7697,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +27809,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +1382,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4258,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +32310,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21111,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11289,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21443,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3167,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13384,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +23907,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2537,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40141,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +31115,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19789,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3241,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6224,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5920,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23367,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6687,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30243,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38940,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28344,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8344,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23043,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +22785,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +1911,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +9552,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +15697,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19824,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25238,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +7613,0,0,0,0,1,1,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +20268,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16151,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35841,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31945,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20184,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36570,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +169,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +4298,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8858,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +3763,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37646,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +6563,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23478,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33565,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +35940,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +35124,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +23302,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +183,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +6463,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34502,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40810,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +39304,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +21938,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29154,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4287,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16257,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35531,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10418,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30052,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20499,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +18905,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +35548,0,0,0,0,1,0,0,1,1,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,1,0,0 +28617,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14176,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38314,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31040,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20025,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24823,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,0,0,0 +3375,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5946,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28250,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35239,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35781,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +36940,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7658,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9106,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +17849,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31873,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38427,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32688,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40632,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +25605,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,1,1,0,0 +34568,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33417,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +21845,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +25416,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +11154,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +26645,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42597,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27301,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13093,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32895,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27861,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25784,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16354,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,1,0,0 +2971,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +23455,0,0,0,1,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,1,0,0 +36278,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37690,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20264,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16719,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17727,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23263,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36132,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42988,0,0,0,1,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +43349,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +38673,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38662,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +1405,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +24571,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +33161,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,1 +43297,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23517,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33372,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +36664,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41862,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23449,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19055,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5237,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5545,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13387,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27976,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18202,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +17780,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28418,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +32499,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25136,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10529,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +16513,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6913,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +13560,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1004,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7016,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38489,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20329,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20018,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12349,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40129,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +32586,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +18521,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38705,0,0,0,0,0,1,0,1,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,1,0,1,1,0,0,0,0,0 +17374,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29988,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23185,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +28718,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +31630,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40953,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +31592,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +36904,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26490,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +8594,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33416,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37594,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40937,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6462,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38255,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +20312,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +26132,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,0,0,1,0,0,0 +29744,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19601,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +39983,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9968,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13514,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,1,0,0,0 +29687,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +42497,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16699,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5311,0,0,1,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +14910,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7203,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +40339,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26226,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34037,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23655,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28856,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30991,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +40126,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18197,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5855,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +37216,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +10394,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +33592,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23261,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27923,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +39826,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +18036,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +2675,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +12473,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +41993,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41359,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +24935,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20482,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38968,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40920,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39241,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23515,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25711,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16569,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6059,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22903,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +8992,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12044,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12798,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +35166,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29626,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21234,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +725,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +28834,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40305,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31397,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1431,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +4111,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +19643,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7459,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31702,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9759,0,0,0,1,1,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +13098,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18473,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23426,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36318,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19971,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27439,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +4804,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11924,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8253,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +24214,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34280,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31872,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +20875,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17129,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31175,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +4607,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20759,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4471,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35215,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24593,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,1 +24499,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25227,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37430,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12132,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,1 +9497,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18167,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11218,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19194,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35641,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32481,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23381,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,1 +27894,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12315,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1.0,0,0,0,0,0,0,0,0,1,0 +587,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +1174,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,1,0,0,0 +19415,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18798,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12648,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31090,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +17513,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +9843,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21473,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +1011,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21854,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +31632,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +32621,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23491,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41424,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17781,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +28422,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22472,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5291,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +475,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +22124,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11859,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29440,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28236,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31714,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,1,0,1,1,0,0 +9888,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15338,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7966,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +34745,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8043,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29879,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7786,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +38979,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1198,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +2931,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,1 +21956,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1900,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +32573,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +27931,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +24687,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2515,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20521,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +14819,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30784,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +23266,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15147,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21244,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13973,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +42945,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6413,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3696,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,0,1,0,0 +41375,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12308,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38004,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17150,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7988,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27166,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8259,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20093,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25865,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40606,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6086,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +21834,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7073,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +33194,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1.0,0,1,1,0,1,1,0,0,0,0 +39807,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35970,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2383,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +8244,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36316,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3432,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28726,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30723,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8748,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +4079,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +33471,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +1875,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +14857,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +2991,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +36974,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31263,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +2756,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +29320,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41414,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,1,1,0,0,0,1,1,0,0 +8847,0,0,0,0,1,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26172,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21074,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +18222,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +23752,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +13459,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21617,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,1,0,0,0 +1600,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +38116,0,0,0,1,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +23480,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5579,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +15547,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40419,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36083,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31187,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7628,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,1,0 +29520,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +31910,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16255,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +1893,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +14491,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21668,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +17823,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +41649,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +31448,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24701,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14516,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40484,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37076,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21331,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38094,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9525,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +9455,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30015,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26579,0,0,0,0,1,1,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,1,0 +10059,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23446,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17049,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33210,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +19265,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7563,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16029,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2427,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43289,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +19086,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18848,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7151,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9474,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16885,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30783,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33781,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12412,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32816,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40841,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30966,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11795,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +28461,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23008,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1.0,0,0,0,0,0,0,0,0,0,0 +10219,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38878,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17628,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18487,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18214,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42802,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35700,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21143,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2366,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,1 +21185,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40359,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17145,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11874,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15187,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27625,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24036,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +6434,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34447,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28626,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +17323,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +6617,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37082,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +27225,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1811,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21574,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +14651,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +764,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25514,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41316,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35854,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19495,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37141,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29026,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1450,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5385,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1487,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +3262,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33623,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32093,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39171,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +36857,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8314,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13735,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3351,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10114,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20287,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34249,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32845,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22422,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3852,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41339,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19376,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18390,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16038,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25581,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +25755,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9351,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35830,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33948,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +9488,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34488,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39813,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +16268,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29763,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15312,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38608,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5948,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +39660,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +3568,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +14134,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +35120,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +36879,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12096,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5715,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23407,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18051,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26039,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33904,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19732,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +27953,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25131,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32707,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3252,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +31837,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34652,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +19931,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40443,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23042,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40219,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42870,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1980,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30882,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41412,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40661,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1363,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +37313,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15918,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29185,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +8934,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41312,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36207,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +10902,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32383,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5852,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18194,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15553,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39323,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29531,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +43184,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +32431,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +23817,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43225,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36545,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18764,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20579,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40620,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +33852,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8446,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41604,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +6780,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30257,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34571,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7929,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10108,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37400,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21675,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +36924,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +6442,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +13596,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5763,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +750,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15023,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39833,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9179,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37775,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +21136,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41795,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7848,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +23615,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12717,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +21930,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +12692,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26699,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +40165,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24868,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,0,1,0,0 +28924,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16446,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2082,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10180,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +40280,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3734,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1867,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7556,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41998,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36506,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41645,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10230,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22486,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30955,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33894,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22759,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20615,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29896,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +39991,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28030,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40224,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +38013,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +32109,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12084,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22206,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +38368,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27260,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,0,0,0,0 +25979,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +19164,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19060,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13589,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3012,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +10966,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +26572,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31361,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20822,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +27164,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10215,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +20049,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23526,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +36588,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8521,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22385,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +19562,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +35297,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +27002,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31676,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19522,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +11279,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1046,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38852,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +35580,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3428,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21007,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +5565,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36027,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27247,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39635,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18162,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10851,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,1 +37147,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,1.0,1,1,1,0,0,1,0,0,0,0 +30465,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +30170,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29393,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +39729,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +20789,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +36429,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23576,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +26900,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +32659,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12460,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +11706,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18916,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26286,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1882,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35121,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41469,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +5337,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14356,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +30481,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +33350,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +2562,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7241,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35432,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18919,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,1,0,0 +34481,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42605,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26868,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6957,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3386,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +8101,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35102,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +25014,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7598,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7694,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +851,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +17500,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +40738,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14464,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37095,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29493,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27772,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32000,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +33826,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37298,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5610,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17185,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9838,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6984,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,1,0,0,0 +20591,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39189,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36834,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22925,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7071,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +6093,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33423,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +11690,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20589,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +33070,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20455,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18068,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +13257,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28796,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6418,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6024,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36356,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +14324,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35284,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +35719,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +34125,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +8028,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21163,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13196,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +18965,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34259,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +33159,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +5403,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +19670,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24927,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15913,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +37567,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18994,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12706,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16730,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38926,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6842,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29860,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31259,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36712,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +18996,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14945,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13803,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +28614,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +9123,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1150,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +33203,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3390,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +25576,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,1,0,1,1,0,0,1,0,0 +21200,1,0,0,0,1,0,0,1,0,1,1,1,0,0,0,1,0,1,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32731,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +16052,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21060,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11201,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +21249,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24537,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6883,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13531,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31201,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +41619,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +2856,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +34225,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1.0,0,0,0,0,0,0,1,0,0,0 +13588,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6713,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36208,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11790,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15357,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4173,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +32076,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +19321,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6049,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26003,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1806,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +43252,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +461,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +29221,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22432,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +27534,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,1 +2612,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26771,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40226,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,1.0,0,0,1,0,0,0,0,0,0,0 +2320,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +20953,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37860,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16771,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5738,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +7354,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9191,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7934,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +21825,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21291,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +43091,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40025,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36921,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9246,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30098,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +9212,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16041,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11749,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,1,0 +26644,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +35648,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +27133,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39480,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +38853,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22985,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31670,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11000,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3408,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7653,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +31969,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18299,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8860,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36496,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +42315,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31700,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20993,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38720,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +14437,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10260,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +32493,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43270,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39212,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1449,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8022,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,1,0,1,0,0,0,1,0,0 +4434,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12922,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1636,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22863,0,0,0,1,0,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +34407,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,1,0,1,1,0,0 +16908,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11324,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,1,0,0 +7464,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +35474,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +27843,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19302,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +33100,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7907,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9029,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33024,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +38897,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +9797,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9976,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +26599,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +2039,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16978,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +5173,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26925,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11273,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21522,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3629,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +35834,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1259,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33744,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26755,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20507,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +36793,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29651,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14801,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +19607,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10517,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23852,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16283,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4848,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15927,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14128,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +25660,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +12785,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,1,0,0,0 +14301,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +31350,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +20462,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35997,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12905,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24191,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28184,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26918,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31229,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +5429,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +16397,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37814,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +22575,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14125,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,0,1,0,0 +4017,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13888,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2413,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +38461,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24431,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14567,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3793,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +14059,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +41779,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16957,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +31467,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11317,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5450,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26560,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1755,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42963,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3997,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18205,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3135,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +25113,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +12933,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12993,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +30594,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39675,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19525,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +29839,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25628,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +24019,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20550,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +162,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9713,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41787,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +43365,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,1 +20096,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20797,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24841,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +12439,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36591,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +12072,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +5835,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6344,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +43267,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,0,0,0,0 +4324,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36321,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8625,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +40351,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17137,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +34508,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33467,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38925,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40156,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +2943,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33425,0,0,0,1,1,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,1,0,1 +23259,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36100,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6257,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41016,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22051,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +31723,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27711,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +25800,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1254,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6702,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41618,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +36952,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2746,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11694,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36411,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23359,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +6781,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7436,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +5046,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +7,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7132,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17046,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20655,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5295,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39508,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34958,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5722,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26574,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17810,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +467,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +31070,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +23865,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42480,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +43265,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12224,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2042,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36794,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9638,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +28763,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +5142,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35880,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42426,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12768,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +8431,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +28852,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +18251,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40332,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8139,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17858,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32339,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41907,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5353,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14483,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24917,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9936,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +26001,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37620,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17381,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +34738,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13293,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +26006,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5776,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +7940,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8098,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +13884,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29539,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +17920,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40014,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33260,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +36137,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6827,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15066,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10038,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15862,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34987,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28719,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42169,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14230,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7591,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36178,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +41237,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25777,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13659,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +8777,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +22526,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19777,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +28515,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22320,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +26871,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18190,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19980,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27706,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37074,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3719,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +14521,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +8862,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +24146,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8208,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +4701,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29317,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27144,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18776,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33167,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41431,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7113,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31140,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35514,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4101,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2753,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +27040,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33984,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35866,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10515,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24613,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +18979,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40320,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8444,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33936,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1674,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +43326,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18920,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10832,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +1710,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +15038,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +26448,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +12827,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11381,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42699,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37669,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +10062,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5205,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12723,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25335,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +18699,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22645,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29424,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27696,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10513,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +19761,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +10388,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +430,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +17543,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4349,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39548,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29987,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14347,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37694,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9249,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +2147,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25674,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1088,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7859,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11513,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30577,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17594,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20109,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +26641,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21353,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40081,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +24658,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1430,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +17268,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32157,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11566,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32202,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22234,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14079,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +1339,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9023,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35321,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21099,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +23137,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +40103,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25180,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +4990,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40220,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +40142,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18426,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +22334,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +35385,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +42691,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4787,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39689,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13903,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40890,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +35496,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11469,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +21031,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +419,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21359,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +27506,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +17421,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22278,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26674,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,0,0,0,0 +3480,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +30823,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +23940,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25202,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23051,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9783,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37525,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11723,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32797,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26555,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9445,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9457,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +37308,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37409,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +12245,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42247,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43386,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12470,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16610,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30152,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36256,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28343,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35327,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22679,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +31677,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +12799,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18261,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39877,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32268,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +12907,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1300,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29229,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6775,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22878,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33902,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5023,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39150,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7344,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6459,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39248,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24428,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +9104,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23123,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29960,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15228,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37783,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5132,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +16324,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +28536,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +35712,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12875,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35918,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23913,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11007,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37027,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40023,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11012,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16349,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4113,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25909,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +39262,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +9997,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13396,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15407,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +30247,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19327,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30638,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30565,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34214,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +21623,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27153,0,0,0,1,1,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,1,0,0,1,0,0 +17422,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25422,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23330,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22292,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22204,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37480,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +27909,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2939,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23915,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13856,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18564,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18893,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17377,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29548,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15395,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +35442,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,1,0,1,0,0,0,0 +16511,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38392,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23032,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29169,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32832,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1546,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28042,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +42207,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,1,0 +22962,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +24026,0,0,0,1,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +35786,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2303,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +35265,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25039,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11632,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +480,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +26047,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25239,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +27601,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18790,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16340,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27863,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21020,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +4098,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11491,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,1,0,0 +21122,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17953,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +23237,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19667,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40878,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27910,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11699,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19464,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5956,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5120,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,1,0 +3472,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +67,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30582,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42263,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18952,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14465,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,1,0,0 +20519,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23884,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12797,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +2207,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +16020,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +42234,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +23715,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6535,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,1,0,0,0,0,0,0,1,0 +16477,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +13401,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28229,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4062,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22013,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6976,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29183,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10806,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13668,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33794,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +33361,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +19242,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33823,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4943,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23110,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +39451,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33394,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15080,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23459,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16335,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11031,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18883,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +16717,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23720,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15950,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24586,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19504,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25085,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35254,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21164,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +22509,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +14489,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17394,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,0,1,0,0,0,0 +22766,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7763,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10684,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40628,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36095,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +36047,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +17911,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34521,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +29794,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35764,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36631,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16886,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,1,0,0 +36634,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11034,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10159,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +24353,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7453,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +26740,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21514,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9147,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40258,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +11602,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21685,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +18168,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36620,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33723,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +11136,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29849,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24520,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +34246,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16533,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9859,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +34756,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +28817,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +37706,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +15060,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +30230,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36770,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +28993,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +40593,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +5589,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38446,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30904,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16698,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38543,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +43380,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39327,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +6956,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26018,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +18292,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +15624,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24056,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38527,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1596,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8492,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +40543,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27455,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34092,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39195,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8187,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35678,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +7606,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +28607,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5652,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28147,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18884,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41019,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38981,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22187,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20271,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3636,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +384,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11707,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +16008,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +32515,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42425,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +11370,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14116,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23209,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10185,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2449,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11816,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +16703,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26408,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41731,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3485,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30308,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23052,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21713,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29263,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +24716,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7592,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +31482,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,1,1,0,0 +22944,0,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,1,0,0 +21252,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +10363,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +17909,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +17083,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17084,0,0,0,0,0,1,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,1,0 +43305,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +1199,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +31181,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +527,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3593,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26665,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +19131,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +12246,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22063,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4196,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +10083,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16339,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11392,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19600,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29952,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +20374,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24289,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +15748,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +35320,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28917,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17791,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5611,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +18500,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15351,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3078,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7876,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19417,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26857,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +3364,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38311,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +8576,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41541,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42451,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32927,0,0,0,1,1,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +38381,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +33601,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4610,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7662,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11863,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13954,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16970,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +21779,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +27041,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30039,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27883,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28516,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +33220,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5657,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13280,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43216,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +43075,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +39898,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +15438,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +849,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +12633,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +22410,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +24559,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19939,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +28885,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35443,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31895,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10837,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +7037,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17639,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +34364,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25035,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12374,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36825,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +23239,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31646,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3206,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28701,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18417,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15444,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +8068,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15920,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41712,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27698,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7759,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36213,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7808,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +32555,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19258,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +42037,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40229,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16934,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +10643,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20968,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25813,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +21585,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +22609,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12243,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +27800,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27407,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +12223,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7749,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5569,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +290,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +19173,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14946,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20157,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37587,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +6986,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42350,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,1,0.0,0,0,1,0,0,1,1,1,1,0 +31038,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3240,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30906,1,0,0,1,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,0 +8348,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32966,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +39450,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37149,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36464,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13326,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21294,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +26513,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41452,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1989,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26293,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7214,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,1,0 +31865,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38737,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +41990,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +4402,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19675,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,1,0,0,0,1,0,0 +3004,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17028,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25160,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14841,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24418,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +26543,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +10935,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29343,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28926,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +17282,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27816,0,0,0,1,1,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,1,0 +12577,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27818,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,1,0,0,0,0,0.0,1,0,0,1,0,1,1,0,0,0 +9533,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29059,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39641,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10820,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1.0,0,1,1,1,0,1,0,0,0,0 +33463,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +33584,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2585,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4550,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15908,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19026,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8534,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,1,0,0,1,0,0 +26308,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +36443,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +23504,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +26236,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2013,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,1,1,0,0,0,1,0,0,0 +28429,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3699,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +32340,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +6095,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14514,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26342,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39290,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38301,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +36006,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41849,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30656,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7331,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22993,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12235,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +13495,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38212,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +16860,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,1 +36543,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +8159,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12003,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1975,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32981,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +23059,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +14602,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,1,0,1,1,0,0 +5576,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13631,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +2824,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +31218,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22727,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3219,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42107,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38344,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +15734,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +921,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +13319,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +930,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9930,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +18908,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +39201,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31424,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37085,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32396,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31707,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7316,0,0,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,1,1,1.0,1,0,1,0,0,1,1,1,0,0 +15021,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29613,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21661,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12304,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +41256,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +8267,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30472,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2598,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +21757,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +27123,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9380,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +24788,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5682,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +21147,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5928,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28814,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1526,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +26646,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19117,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +34672,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +34543,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18279,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +13989,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22362,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +38055,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33290,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3051,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15991,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +4254,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26427,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13947,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35113,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3193,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,1 +21802,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4356,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32950,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +17202,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6707,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42455,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39152,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18642,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,1,0 +19493,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +28491,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32747,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +30815,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12673,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2236,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +2815,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +24790,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,1,0,1,0,0,1,0,0,0 +6468,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +40074,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42905,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +3898,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17210,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +21127,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34616,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30197,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +32893,0,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,1,0,1,1,0,0 +25536,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24750,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,1.0,1,0,1,0,0,1,1,0,0,0 +39515,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +358,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22155,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +25614,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +33636,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28396,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +21535,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +2047,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28557,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4532,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +2016,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14699,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +9420,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31452,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8210,0,0,0,1,0,0,0,0,1,1,0,1,1,0,0,0,1,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +24697,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13904,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22900,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +24962,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38785,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30492,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41161,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1944,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17348,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +24505,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +37850,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1144,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8986,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28368,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5707,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15086,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +17082,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +33407,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17194,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +32185,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38558,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13591,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34674,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +5446,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8746,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37825,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +33147,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +8346,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13493,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23204,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +23508,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33642,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5568,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19152,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,0,1,0,0,0,0 +3368,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34751,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22880,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16134,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38532,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34287,0,0,0,1,1,1,0,0,0,0,1,1,0,0,1,1,0,0,1,1,0.0,0,0,1,1,1,1,0,1,0,0 +18396,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4984,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19848,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +16944,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,0,1,0,0 +15713,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +239,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +28991,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36172,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +9118,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3498,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +38058,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +27726,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33435,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +3943,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +7898,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30852,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23794,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +42099,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29994,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28654,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39850,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35802,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41305,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30027,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +21041,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +36935,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28578,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7865,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22465,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11882,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,1 +43109,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38962,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19084,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +23104,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19803,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +4924,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38809,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37438,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1062,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1.0,0,0,0,0,0,0,0,1,0,0 +13043,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26123,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13136,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38224,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23327,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24264,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32267,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +7585,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33722,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7028,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +2238,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18779,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23277,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38693,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4192,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18092,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +10749,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22791,0,0,0,0,0,1,1,0,0,0,1,1,1,0,0,0,0,0,0,0,1.0,1,1,0,0,1,0,0,0,1,0 +28916,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3965,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +83,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,1,0,0 +4812,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +19775,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22067,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11664,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17665,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13424,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37125,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22801,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +36053,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21697,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38783,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26865,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34862,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6992,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42356,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26554,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24502,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +17090,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33616,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14843,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +15830,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +40193,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6529,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6603,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33197,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33961,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21835,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7260,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5708,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17538,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36884,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +38838,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5072,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33064,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +13312,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20646,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28650,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14009,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16065,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +112,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2469,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1.0,0,1,0,1,1,0,0,0,0,0 +40423,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3583,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17021,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8151,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23393,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14127,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30842,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +37146,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6897,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2654,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +6754,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +40716,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36370,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20558,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3134,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1617,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +22544,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18333,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25521,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +32419,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +10413,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +484,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37295,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,1,0,1,1,0,0 +24737,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28243,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +27452,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41157,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +35205,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9809,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +32677,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12718,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +28793,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43371,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16179,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29694,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +20544,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42011,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1879,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +34035,0,0,0,0,1,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +32597,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29822,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42086,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25251,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31164,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +19809,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23861,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3839,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +533,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27662,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12923,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17492,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8312,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35383,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2211,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +26283,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14121,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26266,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31796,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10799,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18927,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26348,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +19272,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,1,1.0,1,0,1,1,0,0,0,0,0,0 +14371,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18109,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +17968,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +8509,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36165,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38050,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30196,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21928,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41422,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27632,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22770,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33759,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42628,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31008,0,0,0,0,0,1,0,1,0,0,1,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,1,1,1,0,0,0 +37886,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +40792,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +9912,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10207,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16796,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32910,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +29288,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +25559,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19456,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +286,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26188,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20422,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +4272,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17682,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22273,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9817,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1327,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29007,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17406,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25466,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3935,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +29959,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +13236,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +40803,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +681,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +18966,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14853,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18080,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16385,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +23240,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,0,0,0,0 +1148,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23293,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29779,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2902,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +3381,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25106,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40139,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22704,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16206,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39663,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +207,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +8887,0,0,0,0,0,1,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,1,0,1,1,0,0 +4988,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +26613,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13168,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35847,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12129,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6303,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,1,1,0,0,0,0 +12255,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +28600,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8727,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31663,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34686,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,0,0,1.0,0,1,0,0,0,0,1,0,0,0 +1085,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4320,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6829,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +28262,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3862,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1654,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +39346,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32399,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8146,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35745,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28400,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39108,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7176,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +29157,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +42283,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,1 +42255,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7513,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +32682,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +16678,0,0,0,1,1,0,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +24743,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41259,0,0,0,0,0,0,0,0,0,1,1,1,1,0,1,1,0,0,0,0,0.0,1,0,0,0,0,1,1,0,0,0 +2524,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +24977,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +11803,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +31086,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32949,0,0,0,0,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +36851,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37398,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +38564,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31416,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27543,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1881,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28761,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18506,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +10156,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +7890,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +27445,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +4667,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42152,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2821,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,0,0,0,0 +24848,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17986,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24646,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19781,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +12029,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +20136,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +42057,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30672,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30838,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22614,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +36809,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34455,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +32804,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,1,0,0 +3780,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +34337,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24129,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21434,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36934,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25440,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40938,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27697,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +9069,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +946,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34440,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9946,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24776,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,1,0 +20283,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2168,0,0,0,0,1,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +42990,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29724,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19746,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22504,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4803,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35467,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31764,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +10658,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26136,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +34329,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21144,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,1.0,1,0,0,0,1,0,0,1,0,0 +34230,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +41839,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +683,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26884,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5666,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39815,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4672,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37315,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19313,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16994,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +39945,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35037,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4674,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39250,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23027,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3978,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +33034,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,0,1,0,0 +29429,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17540,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6185,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +41399,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37003,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12258,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38334,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33003,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13815,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21762,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42808,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +11090,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21278,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15388,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1708,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27565,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +28374,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +4188,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23482,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31975,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30175,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27614,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41999,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40936,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +19215,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16074,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41780,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42269,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +826,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1650,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +38757,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18371,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10370,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +32609,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +27756,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +42624,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0.0,0,1,0,0,0,1,1,1,0,0 +38973,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18133,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +28141,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +31989,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34371,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3786,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +34412,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +418,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38602,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +20935,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15506,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42509,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4645,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22528,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22719,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30722,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39123,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5287,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +41916,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,1,0,0,0,0,0 +20127,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9331,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +17020,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13966,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +32644,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6041,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19455,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +38606,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43235,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2169,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +16484,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +34833,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +47,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14570,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42979,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +13158,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40041,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +25274,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42902,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32115,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +3625,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5824,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37091,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17845,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,1 +26853,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20292,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26722,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19256,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +35513,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +39600,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36838,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4322,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11598,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25211,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3553,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27461,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18815,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +1293,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,1,0,0 +15174,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,1,1,0,0 +38433,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19729,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10713,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1492,0,0,0,1,1,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +21815,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1038,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +16469,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11867,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +25887,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35021,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8673,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +37614,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26221,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,1 +18276,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +39730,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +41487,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17668,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +43167,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +3875,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +6004,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +14508,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35242,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25690,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11264,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7146,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8301,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3370,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18794,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +8682,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25351,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +31495,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17857,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +23064,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +635,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4799,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17135,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40492,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +29665,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10612,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25829,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +36135,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +8569,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +2606,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +24000,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22159,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +6449,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +36888,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,1,0 +2026,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +18434,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28974,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14164,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27890,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,0,0,0,0 +27481,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +40052,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +28394,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +28894,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5112,0,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +39271,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,1,0,0 +25621,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +32417,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +6616,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8607,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +12471,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22156,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32129,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +29544,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31238,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6550,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +39735,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26751,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2188,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31012,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +21667,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6348,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +40338,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +38714,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +18604,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29992,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +24495,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1024,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40361,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +9755,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +19838,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +42883,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2060,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23970,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6401,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +11868,0,0,0,1,1,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +1840,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +20831,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +24255,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36661,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26413,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30498,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29754,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23589,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +21701,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35591,0,0,0,0,0,0,0,0,1,1,1,1,1,0,0,0,1,1,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +18737,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16342,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17379,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +22686,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +13191,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16577,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +28483,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +27365,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +20516,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38072,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16117,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40541,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10995,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35311,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,1,0,0,0,1,0.0,1,1,1,1,0,1,1,0,0,0 +23750,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30886,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3361,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +6137,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +40692,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1541,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +2795,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10028,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12318,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37710,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39235,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26598,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +19229,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39874,0,0,0,0,1,1,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,1,0,1 +30915,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +8726,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +5787,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31772,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8557,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3263,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40039,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36563,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15996,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40439,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,1 +27398,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21640,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7207,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +675,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31199,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27957,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7353,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5219,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +36539,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37751,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20624,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12981,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40113,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +29836,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +3094,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28939,0,0,0,0,0,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +40935,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1098,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41472,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32577,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13658,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2553,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32316,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +24471,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +37207,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +12302,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42919,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +249,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15983,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +31004,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25135,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18037,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41243,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21709,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,0,0,1,0 +31888,0,0,0,0,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,0,1,0 +16822,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9084,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34321,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33033,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37618,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21659,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27641,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27610,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30154,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37267,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10300,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25874,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17488,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +3033,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20700,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31172,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36341,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +29776,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2352,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +36075,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +18407,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14388,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30293,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18309,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34647,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18780,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14778,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +16766,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1372,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9378,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17280,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6562,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +23512,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +34986,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1635,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9606,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15280,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20843,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34283,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,0,1,1,0,0,0 +7781,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26651,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +34936,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18896,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,1,1,0,0,0,1,1,0,0 +31179,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26777,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33457,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18107,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23342,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12937,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6320,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +34072,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29453,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19645,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41789,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35573,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35549,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +631,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +35366,0,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,1,0,0 +25218,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4461,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12574,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +38980,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18890,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6942,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +29264,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34823,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34994,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35033,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8420,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24773,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5563,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34082,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +37139,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,1,0,0,0 +3303,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +27064,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26488,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12770,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16893,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31891,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27105,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12313,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35243,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +25267,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35773,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8857,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20826,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +23424,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36439,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16715,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10246,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38351,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +16189,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4553,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +4935,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +15480,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28062,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9475,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10547,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36783,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,1 +17660,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22251,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26318,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39270,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11832,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8741,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +24894,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +5033,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17843,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22901,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12187,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,1,1,0,0,0,0 +41322,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20517,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11682,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33113,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +881,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +19479,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,0,1,0,0 +13172,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +9239,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +3447,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +19016,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1853,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +3291,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15150,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3170,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29550,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30944,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18847,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5149,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18913,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20139,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18867,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10269,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +6983,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5373,0,0,0,0,1,0,0,0,1,0,0,1,1,1,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,1 +30983,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39525,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,1,0,0,1,0,1 +38248,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12550,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35183,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25326,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +2376,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1844,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17181,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +21717,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22439,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35281,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16959,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27849,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +18174,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +927,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31575,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +32021,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16849,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25314,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +27554,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8536,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16085,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +2331,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3452,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42093,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30109,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41622,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42947,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9280,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7546,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16956,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26354,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14212,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14398,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20130,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14490,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23617,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +35726,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +21017,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3708,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10546,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +27009,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40835,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +15166,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +43018,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24390,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +27263,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5363,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23531,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2692,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +23025,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +27873,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +35479,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1874,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31822,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23099,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +20921,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39337,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31911,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30212,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +9003,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10014,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9155,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +7736,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +24791,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22896,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4722,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29487,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39413,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +18465,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36662,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +30625,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37351,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16647,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10497,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7689,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35107,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +41985,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2125,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12392,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23561,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1699,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42980,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3795,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17330,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +18962,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +9983,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +4857,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +12261,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,1,0,0 +6497,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16554,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34826,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +39658,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14228,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38119,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5753,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +141,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +43284,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +4900,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32751,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32924,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +530,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +29740,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11128,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3859,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5097,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33175,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23811,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7858,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29227,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41481,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,1,1,1,0 +14184,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +36574,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14246,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33982,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +42472,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20300,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36453,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +28481,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +9921,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42430,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +23973,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35798,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28249,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13176,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41572,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10836,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +40432,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +11118,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +22623,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24668,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +31432,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32640,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7582,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35517,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33557,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +32518,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28010,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25252,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +816,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32405,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +40011,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +23550,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34097,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2545,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,1,0,0,1,0,0 +5349,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +7225,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25307,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20533,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13472,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +20241,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26336,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2059,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +14378,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36358,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29148,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8279,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5091,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22235,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8990,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10778,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21657,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +26364,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6779,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16558,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10314,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +40785,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15666,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +15102,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +36953,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +25736,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37776,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16922,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36693,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17962,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +17,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +22442,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +24065,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43340,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14672,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +36112,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23386,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +20536,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +25448,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4166,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +326,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10225,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27254,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33254,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +29495,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +33442,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15047,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18531,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36568,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +2650,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38966,0,0,0,1,0,0,0,0,1,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +21775,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9639,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2243,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18060,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10718,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5138,0,0,0,1,1,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +39772,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21368,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +771,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41523,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1182,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36649,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10670,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18316,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,0,1,0,0 +33437,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +679,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26193,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +19853,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30779,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34269,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24412,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +9391,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10369,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41185,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +40673,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27814,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2347,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7802,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14024,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35731,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23389,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23229,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +26000,1,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +39132,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8326,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42064,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16223,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17386,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +29124,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8325,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16955,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38451,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23388,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18562,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4440,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +36503,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43010,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27925,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36403,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +7799,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +2119,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30774,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38138,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,1,0,0 +29208,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8533,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10772,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37121,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +2005,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +10866,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42163,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25438,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3960,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +17277,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30369,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6605,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +6393,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20072,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3112,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18466,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,1 +20404,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36914,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35913,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27079,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7293,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +10306,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +35365,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28938,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13036,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1.0,1,1,0,0,0,0,1,0,0,0 +19153,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,1,1,0,0 +7478,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9635,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30030,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1007,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28907,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23401,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +41740,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37817,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29093,0,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,1,0,0,1,0,0 +7377,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +37222,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,1,0,0 +10335,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +31859,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6315,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12190,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +29767,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8520,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39024,0,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +34836,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27490,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9044,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7631,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,1 +37223,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +43065,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27203,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38620,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18534,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14583,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2337,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28815,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4549,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +23922,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +41608,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9876,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26563,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28554,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +10786,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11428,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41415,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19927,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7148,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3099,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27089,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3357,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34626,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +8487,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26163,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +22578,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +17506,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31493,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10645,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36823,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38022,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39733,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +43295,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41075,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +32326,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21607,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +14527,0,0,0,1,1,0,0,0,1,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +32362,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20882,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41188,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35706,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10352,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24804,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,1.0,1,0,1,0,0,1,1,0,0,0 +9279,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +27140,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35721,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23647,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32579,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43279,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +25731,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8944,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4136,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +29262,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40000,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40482,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +9221,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38165,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23176,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +37113,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1440,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +6287,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9664,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35725,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9387,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16127,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +16423,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5179,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +16128,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41584,0,0,0,1,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0.0,1,0,0,0,0,1,1,1,0,0 +15577,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42017,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2467,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20866,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34117,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32868,0,0,0,1,0,1,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +11100,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +565,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +12340,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2496,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13306,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12323,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +26030,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35066,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14194,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +24044,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2772,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11877,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26085,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33717,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +8150,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5307,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,1.0,0,0,1,0,0,0,0,1,0,0 +32592,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +320,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4388,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10520,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35466,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4785,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4850,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33057,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +18886,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +12210,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +30165,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17814,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10001,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27196,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24198,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21749,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35137,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37553,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42533,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +15755,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34315,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22717,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +11263,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +38910,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31811,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +34710,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39126,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17693,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15736,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28601,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43093,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40200,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +4118,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30169,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +42566,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19764,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20819,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16831,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2128,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39739,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31984,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +606,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39685,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,1,1,0,0 +18209,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +37477,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42028,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2560,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4735,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1.0,0,1,0,0,1,0,0,0,0,0 +15232,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +19368,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5963,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +38184,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25196,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +343,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +25535,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41096,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2705,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26696,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22843,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33474,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32116,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23910,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33256,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +37942,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14010,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +11931,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +19165,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +14314,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +19867,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +29681,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30647,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +40828,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12489,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25482,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,1,1,0,1,0,1,0,0,0 +16819,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3455,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +7672,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18519,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39309,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6947,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +8245,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +26046,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2659,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13303,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25526,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,1,0,0,0 +29961,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25224,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8409,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32160,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37715,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +40234,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +170,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16758,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28512,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,1,0,0 +40227,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7081,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19515,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +33926,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2172,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,1,0,0,1,0,0 +941,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +14869,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +29419,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43314,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +711,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +16638,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22539,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24734,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +5157,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +26069,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +34368,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +7144,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +6990,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23689,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +5073,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +40615,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35995,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6662,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4405,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36538,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16507,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24163,0,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +9085,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +1934,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +31194,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12189,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25469,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2170,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2978,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +24766,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26630,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +39531,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +24759,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22498,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38587,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26503,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6704,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15535,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +19993,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +23442,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41714,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,1,0,0 +22287,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19654,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24673,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,1 +13568,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +29138,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10398,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +18881,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41670,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,1,0,0,0 +17691,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +29030,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +15579,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +34361,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24294,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41051,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23055,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31844,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14566,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15933,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34777,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +14179,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7981,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21168,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +26317,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12578,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +20004,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42783,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +684,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42866,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42219,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38391,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20977,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11685,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31499,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38762,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39963,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +13621,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21600,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5051,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19274,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20745,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +6952,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3922,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42530,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +12626,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1483,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +20857,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +558,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25583,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4249,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,1,1,0,0 +13787,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,1 +18132,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +42591,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +43049,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13817,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10630,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33330,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +13557,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33839,0,0,0,0,0,1,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,1,0 +15286,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13690,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9772,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1014,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8878,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +18023,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,0,1,0,0 +37840,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18236,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10176,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14697,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6701,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7034,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39256,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6371,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4464,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24234,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +323,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18277,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +10507,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +29615,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +31486,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38114,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19717,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27298,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33478,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22776,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +40100,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20584,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2028,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32056,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33477,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33294,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31981,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40252,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23849,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27355,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29279,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,1,1,0,0,0,0,1,0,0 +25346,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +42848,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32088,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +26847,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +23440,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29458,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31343,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4537,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21919,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +29657,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39341,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +16714,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9902,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33788,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23562,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +11052,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +275,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +40699,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25573,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27681,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +37832,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +36248,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27195,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1159,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20932,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7319,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22217,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28258,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +24765,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +34319,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24828,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26812,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +36116,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7709,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27253,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +29006,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35693,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38948,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8633,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +26883,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14248,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17883,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2547,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37837,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4937,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3074,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41091,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +2369,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16301,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,0,1,0,0 +5790,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +29596,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33797,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31413,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31695,0,0,0,0,1,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +9988,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19124,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +5571,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33039,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +2591,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14270,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41156,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11150,0,0,0,0,1,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +9107,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11806,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +39885,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +36193,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32211,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41090,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28849,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36990,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +33082,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5800,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3513,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42631,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41723,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,0,1,0,0 +29098,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21800,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6406,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29890,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18787,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +24282,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4587,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4047,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7897,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3889,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23387,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16163,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +30692,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4638,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +6559,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20381,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1941,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12896,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32537,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22290,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20496,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38993,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24425,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +3514,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5503,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32514,0,0,0,0,0,0,0,1,0,1,0,1,1,0,0,1,1,0,0,0,0.0,1,1,0,1,0,0,0,0,0,0 +17977,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +19061,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2769,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +41870,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21166,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15546,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17742,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +11532,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +40526,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2106,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31119,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27708,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4090,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14263,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,0,0,1,0 +15264,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +16607,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31250,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +17934,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21756,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14258,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +42565,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31530,0,0,0,0,1,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +29435,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24919,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19129,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6073,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +23737,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36872,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +26587,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19854,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42135,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,1,0,0 +3648,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32172,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11526,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +10953,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +38965,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31758,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29729,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +806,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25229,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +470,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +32593,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38075,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1037,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +17715,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12329,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +37377,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +882,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18063,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +41130,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24171,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +12916,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +20119,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13907,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27406,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40523,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14836,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +10983,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32837,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11129,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17255,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20178,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +17116,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3623,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23159,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +7205,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +34633,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34839,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26151,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +2462,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9124,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22449,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3231,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8438,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39837,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1237,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +14611,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13750,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21438,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30782,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +16616,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37002,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +37806,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19978,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17247,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40436,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43215,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +2038,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26784,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +4957,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8178,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5840,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39404,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +25762,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +20279,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8747,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28782,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34570,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34840,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26417,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37590,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +26729,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29008,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3968,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33200,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38308,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40143,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21666,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1117,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40903,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35065,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14114,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32974,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28024,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +13288,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38694,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35893,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14376,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +18150,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16937,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +36459,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34565,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10617,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4870,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33376,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +971,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9355,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +18482,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19735,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,1,0,0,1,0,0 +31334,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10600,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7688,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +5970,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1.0,0,1,1,0,1,1,1,0,0,0 +34980,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15716,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +809,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33279,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21658,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1010,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9918,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13756,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15960,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8778,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18674,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,1 +24925,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1800,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40724,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42389,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +58,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +780,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,0,0,1,0 +1043,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17952,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24933,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38125,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +8166,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42610,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23833,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9341,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29678,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +8776,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +19844,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +5238,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14628,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +32482,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +23672,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +12988,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4604,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27415,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29799,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32079,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34632,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31025,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33352,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6058,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35431,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43176,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +25419,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17855,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17847,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36979,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21171,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35209,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24532,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +24990,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40265,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15224,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41599,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1707,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28073,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17220,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27076,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30685,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16411,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26761,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7147,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14979,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34462,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +28976,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2493,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,1,1,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34021,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +15056,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38181,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +42809,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38410,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22359,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4214,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7473,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10024,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +7971,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31132,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3876,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25575,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24237,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19017,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,1,1,0,0 +31640,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20420,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29986,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38062,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30276,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +19013,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +32585,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17714,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26159,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41785,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +22550,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40548,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +5845,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10421,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +9815,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,1,1,0,0,0,0,1,0,0 +23734,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1.0,0,0,0,0,0,0,0,0,0,0 +24048,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +13650,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32386,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5923,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12222,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30830,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32106,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8552,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16023,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40091,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,1,1,0,0,0,1,1,0,0 +22456,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4010,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +26542,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25846,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24143,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3075,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36170,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21273,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25379,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23500,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14038,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31462,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37485,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +30902,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16667,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11085,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34454,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42183,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +42441,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +5101,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +8129,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +9462,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +40978,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +3054,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33418,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15882,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +30740,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +26614,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +35421,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,1,1,0,0,0,0,1,0,0 +32401,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31365,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27620,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +29704,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2466,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +27188,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3066,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +29466,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42390,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +24683,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +28962,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3720,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34122,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6582,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15691,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39966,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +28453,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27639,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9919,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27469,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7620,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41070,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +41809,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +2610,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26439,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23570,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,0,1,0,0 +36206,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22951,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +22123,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36493,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8353,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +39825,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12660,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35737,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +40680,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37341,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +35582,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7437,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6807,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30874,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6364,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29409,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1197,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39268,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +7725,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19353,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24296,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12792,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +20150,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21390,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,1,0,1,0 +7532,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1765,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +42486,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24953,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41078,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8642,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1001,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1.0,1,1,0,0,1,0,0,0,0,0 +5940,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10022,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2184,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15469,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21427,0,0,0,0,0,1,0,0,0,0,1,1,1,0,1,1,0,0,0,0,0.0,1,0,0,1,1,1,1,0,0,0 +10921,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40714,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8369,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +10735,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33827,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +23792,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20812,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17830,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1687,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20249,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +32730,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +39082,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +32783,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11622,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35430,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11290,0,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27875,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41739,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8955,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34693,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36482,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10971,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +26617,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +18698,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +12492,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37180,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +38949,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10199,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23335,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,1 +17186,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +19196,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12595,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8263,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43173,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38357,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +39344,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,0,0,0,0 +23338,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15865,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34188,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +9945,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25771,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +35408,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +943,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40982,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17894,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26527,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9294,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +25356,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +26368,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +12425,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +40653,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40152,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5194,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16508,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +29593,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27241,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +20131,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39392,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9440,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42456,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +19400,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11414,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2175,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +17131,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15092,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10924,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16002,0,0,0,1,1,0,1,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,1,0 +22011,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +33354,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2276,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +30618,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +25543,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1055,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2796,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24100,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,1 +42589,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23045,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,1,1,0,0 +41428,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +40753,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29434,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30069,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23222,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +14493,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1209,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13730,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12269,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +545,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10707,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,1 +37099,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26094,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33643,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9766,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41952,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +896,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +15786,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38534,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40203,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4171,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31401,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5110,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5163,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +7291,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18123,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +22649,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +19033,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22416,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15075,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +36960,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +31656,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +24760,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1214,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +29586,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6542,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12915,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7857,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12615,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +34896,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,1,0,0,0 +9750,0,0,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,1 +23073,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +25580,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5444,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19213,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22328,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11948,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15287,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +4588,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42162,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8296,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +568,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +10286,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33599,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10386,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2023,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11577,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13569,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38442,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12292,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23392,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25518,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +10599,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17571,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2054,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42354,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +17710,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35444,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5338,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12025,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11209,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2492,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +12092,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13038,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +22364,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11175,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +12380,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +16103,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +42320,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +23216,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +18627,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23992,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28961,0,0,0,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +42839,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25074,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +905,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2505,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16007,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27071,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25618,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +43067,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,1,0,0 +15389,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +2006,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23854,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34667,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24342,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17278,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +18842,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31717,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35663,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +18567,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13017,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37704,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29013,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3225,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,1,0 +21387,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8435,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35185,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17617,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16415,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27097,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,1,0 +41065,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39793,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +623,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22256,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20769,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33526,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +33899,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7433,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +32786,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +21408,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40204,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +2297,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28103,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41759,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37557,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +10912,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8055,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +22288,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28478,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17913,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22280,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20943,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35460,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33865,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27999,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20242,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33148,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20657,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6555,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32790,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +36144,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +12579,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25349,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +16983,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +30933,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6514,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36632,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,1 +10003,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +13245,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +814,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24692,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28256,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14375,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +37501,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30543,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17507,0,0,0,1,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +26844,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +42016,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19802,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21598,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32291,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11481,0,0,0,1,0,1,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +1748,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11670,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1499,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18177,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32416,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +32243,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +17162,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,1,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16836,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33385,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10944,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37450,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +34835,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8046,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +40043,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24066,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +4564,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15878,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9271,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34741,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26838,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +36043,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8105,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22372,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38234,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +31823,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,1,0,1,1,0,0 +33576,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40660,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7005,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25084,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +3285,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +34526,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20435,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19024,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30888,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +30980,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31624,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +17746,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7189,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14334,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9634,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21486,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +13941,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14255,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13375,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43099,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18960,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4554,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13593,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15067,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5732,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35032,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +2588,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33554,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26597,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12570,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39153,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,1,0,1,1,0,0 +34585,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +43034,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13506,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11123,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +15513,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23728,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35926,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16169,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +12979,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +29348,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +23250,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11735,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +40187,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33870,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34660,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41698,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +13986,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25184,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2685,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7368,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +26415,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27137,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32626,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +1761,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26484,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21363,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +24099,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20040,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39339,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +36548,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +34974,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +9421,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27030,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22182,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +28134,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16096,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +22845,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8417,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13626,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42969,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9543,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33991,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +1912,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22107,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3711,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10548,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28709,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4530,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +643,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13023,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +36138,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3431,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33763,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43390,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37969,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22624,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10950,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35221,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16790,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +20774,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +28385,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19169,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42306,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +34206,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +29032,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18283,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14984,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38560,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23021,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21457,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +39166,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14261,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6456,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +543,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +17359,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14657,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32245,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +38677,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16122,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22549,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43002,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34657,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +40198,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41826,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +34705,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11208,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38247,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38250,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +933,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7262,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42551,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37354,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1719,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +26962,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +34694,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +113,0,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,1,1,0,0 +31580,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +30775,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14008,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16236,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,1,1,0,0,0,0 +16872,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +33056,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +19721,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +27376,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,0,0,0 +1041,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +31050,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41655,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18349,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +24524,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +4025,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19956,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +12532,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39844,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3721,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +16598,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5482,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18563,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1084,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16372,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,1 +20438,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +34804,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19788,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23422,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41441,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2529,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,1 +7334,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4903,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,1 +17417,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37008,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +25421,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +42935,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19968,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +28117,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23036,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +1012,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30689,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +973,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29081,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5284,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +5995,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +26280,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,0,0,0,0 +25142,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10844,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31982,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23220,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15860,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +10634,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +12079,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14698,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34480,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,1,0 +12955,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +42256,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +31496,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23318,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17652,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +36873,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17493,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +8687,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +18967,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31885,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41388,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26152,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13567,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7669,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +31095,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35220,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +37272,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +4599,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +28341,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25918,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18315,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32193,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35131,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12414,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41555,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35256,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22823,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39482,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42043,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11325,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27944,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27941,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29642,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +42437,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26197,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +1918,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,1 +15331,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16319,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +41011,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +12576,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35709,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +36114,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33458,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +35333,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30953,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6760,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28695,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +5405,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19140,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27868,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35511,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5533,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26032,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27471,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2637,0,0,0,0,0,1,0,0,0,1,1,1,1,0,0,1,1,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +22726,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10962,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +12023,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7813,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38609,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14382,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +9461,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35662,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,1,0,0,0,0,0 +17427,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28502,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32145,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1502,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16056,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11578,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12051,0,0,0,0,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0.0,1,0,1,0,0,1,0,1,0,0 +33445,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +22477,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,1,0,0,0,0,0 +4299,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22960,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38220,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37529,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6932,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +25359,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35171,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13255,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38573,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8916,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15450,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +40594,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43299,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0.0,1,0,0,0,0,1,0,0,0,0 +23671,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32936,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34365,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +17412,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20051,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23311,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2751,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27940,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28901,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31820,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26162,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31466,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4381,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13413,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25126,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24306,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +28813,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35899,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +29193,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,1 +36210,0,0,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +11260,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28603,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6027,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30756,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25859,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +42074,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +24112,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33856,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10744,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40251,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +24408,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11964,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +35345,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9352,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +33851,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5062,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39757,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27948,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41245,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25818,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +337,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9962,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36394,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11171,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29451,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16270,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14911,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6248,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16673,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41148,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +42070,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23231,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34137,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7645,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23106,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +31903,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +39755,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +19651,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17662,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10543,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9514,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10750,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20607,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6120,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40862,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17970,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43244,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38830,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +36752,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21901,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6136,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6508,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1963,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +16892,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +20670,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41109,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +9083,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5739,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10887,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35724,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37067,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +32492,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20123,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25205,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39340,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +42377,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +30971,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19699,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3647,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2633,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39291,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30077,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40874,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29485,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43212,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13263,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +8321,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6475,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42215,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,0,1,0,0,0,0 +18666,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7441,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +14047,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33117,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14665,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +34548,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +24548,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28064,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15429,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11860,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +28771,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31628,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6403,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37946,0,0,0,1,1,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +13688,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7623,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24698,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30041,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,1.0,1,1,1,0,0,1,1,0,0,0 +37300,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23308,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +13200,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +10766,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32789,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +53,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26255,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +28741,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,1 +17409,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,1,0,1,1,0,1 +14578,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25959,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +10485,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +7097,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +4566,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32330,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32199,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7553,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11139,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11930,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11109,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7869,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29760,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36892,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9038,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,1 +10803,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +36297,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14239,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4029,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37823,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +5643,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29590,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +33954,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3148,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25545,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34871,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,1,1,0,1,0,0,0 +26965,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8427,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35278,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +31599,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +40964,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +16329,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4077,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24291,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42214,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42417,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27979,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16071,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +33572,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2732,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26558,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27603,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23054,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32463,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +21962,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22088,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28677,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31549,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +8966,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +13453,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22218,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11833,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6396,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32534,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26624,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,0,0,0 +8632,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14113,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10254,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19633,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24338,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31898,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15122,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26957,1,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +37680,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23761,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10256,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10850,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,0,1,1,1,0,0 +40483,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39342,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39385,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8069,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21755,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17925,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26823,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38361,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +11168,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +32295,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13969,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14192,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40398,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5704,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6554,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32398,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +39649,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +16481,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +17384,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42411,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18579,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +3160,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +5014,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17914,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +9016,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10092,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35270,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16664,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +6015,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37606,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43068,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38938,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19207,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42140,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19063,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40285,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21888,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3180,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8063,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16157,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +33234,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36384,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26253,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4297,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17586,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17290,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10214,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,1,0,1,0,0,0,1,0,0 +41367,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +29462,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6857,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +10892,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13717,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19189,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26201,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +13171,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11328,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33363,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3679,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +16187,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38387,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +36807,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2549,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29340,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +40352,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +15560,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +1573,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43183,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25368,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32813,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +29515,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6328,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4501,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28448,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +24330,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18033,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +43274,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +17338,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16787,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20554,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +80,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +28945,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17891,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28402,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +3210,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2146,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3230,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31725,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23005,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +34675,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23742,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39446,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +24783,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6742,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8318,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40354,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1.0,1,0,0,0,1,0,1,1,0,0 +39763,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38277,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7315,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1109,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19792,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +26982,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4649,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27420,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17432,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +7385,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27197,0,0,0,0,1,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,1,0,0 +4484,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7982,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8901,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30593,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1590,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +19734,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +28826,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +4059,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35314,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6143,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23233,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +2739,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19167,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12644,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21856,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +8077,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32371,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +11523,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21199,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +41012,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +30708,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8449,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +36831,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3788,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +37470,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1568,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +16384,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38231,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +7833,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34211,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16420,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +32739,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16996,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +6640,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +85,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30893,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +39265,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27699,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23968,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35891,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14238,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +37991,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28866,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31333,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36869,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38398,0,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,0,1,1,1,0,0 +13842,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39175,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +35018,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28680,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19190,0,0,0,0,0,1,0,0,0,0,1,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,1,0,0,0 +34067,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +41704,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +30484,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +4028,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +29939,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,1 +38134,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40513,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42307,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27252,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30674,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11895,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +23458,0,0,0,0,1,1,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,1,0,0 +7060,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +23736,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10856,0,0,0,0,1,0,0,0,1,0,1,1,1,0,1,1,0,0,0,1,0.0,1,0,1,0,0,1,1,1,0,0 +34763,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +10831,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5327,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15171,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +32759,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +4044,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31571,1,0,0,0,1,0,0,0,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34424,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6717,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3400,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +629,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15165,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19333,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37880,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32605,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13515,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +31550,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32900,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23187,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25513,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35631,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +17964,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17043,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14770,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23731,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25600,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +4013,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +34813,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20468,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3451,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +9581,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20291,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16245,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +16499,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28087,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31679,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40974,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +5199,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42164,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18085,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +15733,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +42384,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +2473,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +36117,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43026,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +29579,1,0,0,0,1,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +34950,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41784,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15118,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +38618,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24374,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14661,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +18809,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +42560,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26457,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9362,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23793,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3197,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19876,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +21145,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34537,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +5587,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23169,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +18740,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12662,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26250,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +24747,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +28319,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10455,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +41337,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12724,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29284,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23519,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9047,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33187,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1711,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31371,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26225,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,1 +7443,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +20402,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20701,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40696,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4509,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42198,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31650,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +14170,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22913,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +31994,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11004,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39567,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26026,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2055,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22404,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11558,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37782,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37787,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23205,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1136,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21178,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +20035,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36970,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19923,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +2395,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +11808,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13692,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30853,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13174,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1341,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13113,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33153,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28847,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25588,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +2996,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20525,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30592,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23316,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41093,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37820,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9269,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30686,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +11733,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,0,0,0,0,0,0 +4690,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22616,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +26103,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +368,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35214,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2380,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +35722,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +6638,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +33705,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24775,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31775,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +43250,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +35927,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10480,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +23502,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +22532,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26530,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +18875,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30431,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +26119,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9236,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42175,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,1,0 +20445,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9540,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16370,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +11657,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24947,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +270,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16859,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30066,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7698,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13726,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1506,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42762,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +32011,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22074,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +9541,0,0,0,0,1,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +28707,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17424,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +21239,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24368,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30655,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,1,0,0,1,1,0,1 +14120,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17758,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6887,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39726,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +260,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +35277,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15925,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +40913,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42939,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28743,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +42357,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32496,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +15521,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +15010,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15714,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34519,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +31310,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9270,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18671,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4859,1,0,0,0,1,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5067,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16966,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +39801,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +40294,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17036,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25277,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +31291,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +22979,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +35664,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41947,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43278,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14996,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25817,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27526,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +22331,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10091,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29631,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +38036,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +42680,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37285,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20464,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29559,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28641,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17387,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42197,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,1.0,0,0,1,1,0,0,0,0,0,1 +34797,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21058,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37664,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +20344,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,1,0,1,0,0,0 +13374,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +17926,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37627,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28693,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4822,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,1 +13637,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +24109,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30130,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +19295,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14353,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +40278,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30607,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30420,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4106,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15844,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +40808,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29797,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29572,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +2875,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37046,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7235,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +439,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +8335,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10568,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24039,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34232,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18019,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12774,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16504,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5351,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11920,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14671,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +24142,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23379,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6698,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39272,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27928,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +6267,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +39167,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31542,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +8523,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28807,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8518,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +43203,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +6645,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19197,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37209,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +31426,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +25487,0,0,0,1,0,0,0,0,1,1,1,1,0,0,0,1,1,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +4414,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +36364,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12513,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18959,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,0,0,1,0,0,1 +12405,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +7667,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +6765,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30141,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8127,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32213,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +26737,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16845,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24528,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21229,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36126,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16763,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17983,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43260,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35993,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +23395,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +3917,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +31633,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +7531,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5319,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24757,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15533,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12710,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2839,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18145,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28188,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +18594,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1846,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +37127,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +26659,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +24690,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +11725,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24961,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +34656,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +9767,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +21572,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +39015,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29523,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +21226,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39002,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +4169,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +7922,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31600,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29490,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +3608,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20446,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19961,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30442,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +4942,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11298,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8880,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28744,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +15059,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28273,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5015,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16842,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6665,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24377,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5805,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18533,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +13552,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +32229,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +27692,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17223,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +28372,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +42268,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,1,0,1,0,0,0,0 +29330,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11849,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37203,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35226,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +19221,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39865,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25394,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36131,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +10681,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42575,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40622,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26779,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25328,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26441,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24089,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +41443,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +22576,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6158,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11247,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39704,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +39540,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +20439,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +37938,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23536,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7771,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +35903,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25916,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +39131,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +18638,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7317,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +35873,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24189,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36901,1,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +7649,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31349,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10883,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12242,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9499,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36908,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0.0,1,0,1,0,0,0,0,1,0,0 +5133,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19745,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11468,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7294,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +17438,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13618,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13165,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38715,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +26691,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +14277,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +9066,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5129,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30359,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +32251,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5677,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8723,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1333,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +7056,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9437,0,0,0,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,0,0,1,1,1,0,0 +34456,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17249,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +285,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +40127,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22014,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2973,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41135,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2079,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +28628,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43080,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14420,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15474,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17203,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +17595,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +41353,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38640,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2917,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +37114,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2454,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +37213,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6271,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36002,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29176,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +9998,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +39477,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +32073,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16321,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +8447,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41342,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31032,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +34941,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33333,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1997,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +35560,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28315,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17649,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18939,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18869,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42693,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +27394,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18763,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18100,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,1,0,0,0,0,1.0,1,1,0,0,1,1,0,0,0,0 +39117,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +42881,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18573,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43084,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +23546,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +14659,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +18256,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,1.0,0,0,1,0,0,0,0,1,0,0 +22579,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40159,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +21378,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15245,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25088,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +20998,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6390,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15909,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33907,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28839,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36599,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42772,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20273,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42596,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +32367,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +18620,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,0,1.0,0,1,0,1,0,0,0,1,0,0 +35230,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27332,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5700,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33156,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +35376,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33195,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36507,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32860,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +40836,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10752,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +29438,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39355,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39512,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22298,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40192,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +43228,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31138,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +10152,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27942,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9832,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,1,1,0,0,1,0,0,0,0 +40899,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17560,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34999,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +29919,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +25586,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38652,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17075,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22133,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +40438,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11343,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +601,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10790,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1.0,0,0,0,1,1,0,0,0,0,0 +1097,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40858,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +23385,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24780,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36735,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12588,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18185,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +7456,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11204,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4618,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +34048,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12490,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,1,0 +37934,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7369,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +469,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11192,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34622,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +31778,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11748,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41963,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32005,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +18633,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32620,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +23332,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +29266,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +25354,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1325,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40994,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +4511,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11977,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13832,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1472,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +19657,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37973,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +42371,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +14123,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +10627,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +29270,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28819,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30996,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27405,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21148,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +676,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +22547,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19616,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11912,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36600,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11702,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11019,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +34921,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39724,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22505,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +31551,0,0,0,0,1,0,0,0,0,0,0,1,1,1,1,0,0,0,0,1,0.0,1,0,1,0,0,1,1,0,0,0 +14546,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +35197,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +23984,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +22113,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +5811,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7442,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42141,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35556,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +30947,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1.0,0,0,0,0,0,0,0,0,0,0 +43043,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,1,0,0 +19799,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34628,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +29963,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33016,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5381,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22930,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +39044,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18830,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +10436,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +13107,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +17592,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +15427,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +32240,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +32907,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26068,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39698,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14086,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31544,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8323,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,1 +4791,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41200,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40679,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39334,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +23998,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39907,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +14458,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20883,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23351,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +31417,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +24714,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28858,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28760,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26379,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18833,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29132,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23710,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +8414,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35772,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +15270,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42110,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15842,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22262,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29566,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +38728,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7866,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6611,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13437,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +25719,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42228,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9079,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +16232,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +41498,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37181,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +68,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36801,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41858,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39029,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9143,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6538,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +33885,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31274,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38152,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40202,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20342,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0.0,0,1,1,1,1,0,0,0,0,0 +14345,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13910,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +37743,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +35428,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5398,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,1 +39565,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14209,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +23654,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39083,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27713,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38670,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24564,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29787,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7941,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18816,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36037,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37120,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14043,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21344,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26798,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8456,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41408,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41206,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16977,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19065,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +77,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1946,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +823,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11879,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +15524,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +40442,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +30699,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18673,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +9966,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +37964,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17169,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30485,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33875,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19364,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42134,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27087,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,1,0,0,0 +18752,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26008,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20904,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14188,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +42653,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30370,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6274,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29759,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30023,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10229,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22651,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +30576,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6071,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37700,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +4246,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +28649,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42085,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16973,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18496,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +15203,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9481,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6231,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22522,0,0,0,0,1,1,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,1,0,0,1,1,0 +4177,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +4150,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34600,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21588,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38252,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18490,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +4658,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6084,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38643,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18154,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +34235,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +27853,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +3313,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40574,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36868,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +40246,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +7936,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17462,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +11385,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6546,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10555,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3698,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +41647,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +7687,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23703,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +36999,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20581,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40904,0,0,0,1,0,1,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +30450,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32986,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +1278,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36640,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19244,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,1,0,0 +10242,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21721,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17274,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34971,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +9941,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +5552,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6295,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42105,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28089,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +42237,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +12813,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +16572,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37129,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10615,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1123,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14681,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42629,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17951,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,1 +36487,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1614,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16098,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21177,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39917,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23445,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +5442,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13644,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14938,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30506,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +30332,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5985,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24313,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +1907,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17340,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3354,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18122,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16437,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +30741,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25547,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +31631,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3126,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36843,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31197,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7393,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17398,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +24725,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +526,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26491,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18325,0,0,0,1,1,0,0,1,0,0,0,1,1,1,1,0,0,0,1,0,0.0,1,0,0,0,0,1,0,1,0,0 +9152,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +16466,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +17040,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14598,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11078,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +24269,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +30107,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6369,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24659,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +7651,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31836,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32568,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39421,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +28984,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +23954,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21485,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +21952,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +1467,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +42819,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31295,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28242,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22072,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +19071,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28923,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +24526,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22957,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,1,0,0 +43395,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22154,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +19078,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1.0,0,1,1,0,1,0,0,0,0,0 +31884,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,1,0,0,0 +24349,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +11788,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +22921,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2683,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30401,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +14075,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39999,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2867,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11614,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,1,0,1,0,0,0 +21246,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18652,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22444,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15778,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +30800,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13683,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39605,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +34470,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +24955,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32984,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14065,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13300,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +870,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,0,1,0,0 +37276,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8039,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21923,0,0,0,0,1,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,1.0,1,0,0,0,1,0,1,0,0,0 +27273,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4310,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14250,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26217,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24016,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +32044,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +19314,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29661,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33150,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +41447,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15385,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0.0,0,1,0,0,0,0,1,1,0,0 +32968,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25122,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9557,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +38049,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27465,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +36614,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4185,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +19984,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23988,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +25838,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35960,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +29709,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7310,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9412,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +704,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35824,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,1 +26511,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18498,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41558,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18675,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38066,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +39119,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +32071,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +37777,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +7779,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +19759,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +18812,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30604,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19969,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28665,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17322,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +35417,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +32532,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18365,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +2389,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +21838,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33465,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1548,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +35733,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28712,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2539,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +313,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19280,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,1,0,0,0 +19331,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17912,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7980,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8393,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21943,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18526,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37996,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36376,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6119,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30188,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +3355,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +31045,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38127,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18707,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41269,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +34773,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6925,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +39158,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +38642,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30805,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,0,1,0,0,0,0,0 +4281,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +21689,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13148,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +27864,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +36802,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +10414,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +43210,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10184,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,1,0,0,0 +18116,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31918,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +32133,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14592,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +38284,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8859,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33673,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33164,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17828,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3037,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33613,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4417,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33779,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +41307,0,0,0,0,0,1,0,0,0,0,0,1,1,0,1,1,0,0,0,1,0.0,1,0,1,0,1,1,1,0,0,0 +4589,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +33379,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26612,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9233,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17306,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +39448,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8062,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5030,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18016,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +2868,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19203,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10443,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +34877,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23041,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22652,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17844,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13190,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21797,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24496,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,1 +32148,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1550,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +529,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38775,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12378,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4227,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +29277,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +36955,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +32718,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2409,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19635,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9142,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12678,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9678,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +471,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +10853,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32653,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30400,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +33001,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9116,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +718,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37365,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41978,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25786,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27010,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23360,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1582,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35740,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +35393,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +5558,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26423,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,0,0,0,0 +12428,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,1,0,0,0,0,0 +3952,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2812,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +18117,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38740,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +16089,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +28767,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14158,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +2196,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +84,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +24910,0,0,0,0,0,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,1,0,0 +12859,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38326,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1.0,1,0,1,0,1,0,0,0,0,0 +37462,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36988,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18768,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +24197,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +14965,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10247,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32275,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14873,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,1,0,0,0,0,0,0 +28450,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +247,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6945,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14982,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +575,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +13441,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +26684,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +14189,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22225,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23780,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +688,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +27817,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1639,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13215,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,1 +19623,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +3275,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8310,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41021,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36881,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +33684,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24413,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28622,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10168,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25746,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15789,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41208,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38129,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +34978,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +8568,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32570,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9007,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3194,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2215,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10094,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8981,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +33085,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7551,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16406,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4100,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +34421,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23660,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2102,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,1 +29039,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +29003,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41227,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +20938,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23011,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11405,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24307,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +22894,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +25782,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30438,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42021,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +25823,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32411,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25778,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +5201,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5255,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32543,0,0,1,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +24702,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +25015,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11482,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9952,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11248,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3136,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3759,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7794,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2729,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +4830,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1186,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13774,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +3253,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14581,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3649,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22739,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34099,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20432,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30524,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38922,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24857,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,0,0,0,0 +33411,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14542,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36907,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25093,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5522,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14032,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32105,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22590,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33785,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8704,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21240,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42229,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23848,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22990,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +15815,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +26070,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8056,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37005,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26814,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +15314,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7423,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30479,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34933,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +854,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37649,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +33126,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36305,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0.0,0,0,0,1,0,1,0,0,0,0 +453,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10472,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +18105,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +39832,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33559,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35178,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15688,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12575,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28609,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15001,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +9978,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11729,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1474,0,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,1,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +246,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35322,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42685,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +12166,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,1,0,0,0 +8066,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37453,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +20623,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32723,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +42186,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +245,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32752,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20524,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +27722,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30033,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +39713,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +38759,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +3384,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41616,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +40621,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7846,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +4182,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42679,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16898,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +4242,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33591,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31939,0,0,0,0,1,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +42940,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23262,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5676,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +42325,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +25194,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +34940,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19148,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30669,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,0,0,0,0,0,0 +42641,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +34086,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +42069,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7269,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41336,0,0,0,1,1,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,1,0 +13010,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25045,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31010,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,0,0,1,1,0,0,0,0,0 +24842,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18574,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32972,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +13952,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8351,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27136,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24405,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42659,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +37560,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8686,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +10620,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +35705,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +4092,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4656,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +2438,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13580,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10900,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10649,0,0,0,0,0,1,0,0,0,0,1,1,1,1,0,1,0,0,0,0,0.0,1,0,0,1,1,0,0,0,0,0 +19443,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +7835,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34446,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +39738,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16856,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10454,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +5104,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +23662,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,1,0,0,1,0,0 +24335,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34785,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31556,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14200,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +9981,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +30735,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33430,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +3604,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +36155,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +32301,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31415,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +1995,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +30298,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +29768,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30494,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21866,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10160,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +6283,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,0,0,0,0 +8507,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21616,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31054,0,0,0,0,0,1,0,1,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,1,0,0,0,0,0 +42525,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16129,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22542,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43071,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +8707,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +8679,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +852,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,1,0,0 +23080,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +1986,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +34299,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,0,0,0 +19309,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +19818,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +25742,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1273,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +36995,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2944,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34015,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16175,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23803,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21631,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35427,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +17831,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7530,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40333,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6280,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23171,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14560,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8736,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +24617,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33221,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25905,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42646,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +30087,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18941,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20805,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +4595,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +39541,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26396,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40957,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38927,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18129,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30832,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1505,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1.0,1,1,0,1,0,0,1,0,0,0 +5496,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26248,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1310,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42253,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19115,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9778,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +17775,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9529,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +43287,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2453,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +17551,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,1,1,0,0 +34102,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39611,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17929,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +4466,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +31504,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +730,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,1,1,0,0 +24485,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36733,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25470,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22815,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +28583,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0.0,1,0,1,0,0,0,1,1,0,0 +21309,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,1,0,1,0,0,0 +34213,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6124,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +9460,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38327,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26518,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9495,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18195,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +31374,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11398,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +464,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +24651,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +38646,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26249,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,0,1,1,0,0,0 +27829,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39899,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +32969,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16839,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23667,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +6801,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9111,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +26486,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20230,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31953,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33524,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +17509,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35358,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +19059,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +1369,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +11307,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +8302,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41764,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +632,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +33105,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18754,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22784,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +5423,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +15628,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11188,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15654,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +28271,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1419,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32615,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34304,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17088,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +11327,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +27279,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29962,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +39409,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33129,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37013,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16496,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +444,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14017,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9511,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23317,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1287,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32961,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5259,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5162,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1561,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +19383,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32898,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20324,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26117,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +33812,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31312,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37856,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37515,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +14934,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13664,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +8685,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34666,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1163,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +22203,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +15585,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,1 +14683,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13638,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21054,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6208,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +33326,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34449,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +19830,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +7439,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43273,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1232,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +16716,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32247,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23582,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16327,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +39980,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +36509,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37263,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +36547,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +5602,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +2915,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20097,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +33177,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14139,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +1664,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15738,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,1,0,0 +28563,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +22674,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,1 +4165,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35766,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +8555,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +3543,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42585,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +41485,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +14219,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18721,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21550,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +21445,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +21296,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +23097,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23713,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +35971,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31427,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41773,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +12212,0,0,0,1,1,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,1,0,0 +32610,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27920,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17981,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8465,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33310,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36433,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10071,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +535,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32117,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27096,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +35060,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20568,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13244,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +33083,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12682,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18900,0,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +5276,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10336,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22355,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +42818,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23765,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12434,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,1,0,0,0 +21037,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15269,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +18142,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21189,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +25490,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31977,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19987,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9198,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +41181,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1168,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28177,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4828,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +3405,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +9416,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +21725,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36946,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +4989,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34684,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,1,0 +30174,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23745,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +21780,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +25708,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24088,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4593,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +5564,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16202,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +7430,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36731,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,1 +348,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +35889,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18870,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,1,0,0 +19245,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13517,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,1,0,0,0 +33316,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20000,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +4771,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +38278,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +907,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +40240,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26500,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +30089,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34501,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +7821,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +27032,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19649,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20260,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +29650,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +30878,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +20697,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5922,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26972,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +821,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3315,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1361,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31521,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +12289,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9091,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +21108,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17471,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,1,0,0 +43144,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +26869,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +222,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,1 +13455,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +3443,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +4983,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +10871,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1069,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20861,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +20640,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +39198,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +14306,0,0,1,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +11134,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +16119,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +26210,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +28966,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34345,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12136,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38937,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30362,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12195,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,0,0,0,0,1,1,0 +42643,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33612,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6566,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25397,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +36754,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3727,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +34495,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +267,0,0,0,0,0,0,0,1,0,1,0,1,1,0,0,0,1,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +38180,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6537,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9864,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,1,0,0 +19579,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23724,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +37169,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6770,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +12741,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +8064,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1828,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41662,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19076,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1971,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +36315,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15522,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21759,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33242,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12105,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37265,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27512,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +15432,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2077,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40507,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +41330,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,1,1,0,0,0,0 +21202,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33378,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29942,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16998,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13816,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33074,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30601,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16474,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25530,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +740,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,1,0,0,0,0,1,1,0,0 +23349,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22216,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +12746,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32249,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19974,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27160,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18993,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24746,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,1,0,0,0 +42936,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +2405,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34853,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26989,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3259,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +33323,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +1775,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +25068,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +2228,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +3821,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19714,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29222,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18414,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +20742,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42874,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39179,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +23819,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11945,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5324,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +22391,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35536,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,1 +28500,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +3749,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +23173,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +36676,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20784,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30664,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +23813,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +10516,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36400,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +6676,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40357,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +27821,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +24507,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12808,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +29454,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34007,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36556,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36544,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12702,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18014,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +28711,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +10976,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +7061,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +24641,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41054,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +8653,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8272,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40571,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20728,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +32802,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12305,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1957,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +2617,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13794,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40563,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +35553,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29619,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7618,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38432,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +6305,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40178,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,1,0,0,0 +31096,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +42552,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18319,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36703,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27168,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42136,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23282,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +24963,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +24710,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40817,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3588,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +30219,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22347,0,0,1,0,1,0,0,0,1,0,1,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,1,1,0,0 +10471,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +42422,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11360,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +7603,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +28082,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +409,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +1231,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12391,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +18857,0,0,0,1,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,1,0,0 +15519,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9534,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16055,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34918,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +8406,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36454,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26394,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41327,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8579,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +14931,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32988,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4534,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35203,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +22747,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18528,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,1,0,0,0,1,1,0,0,0 +14753,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +19360,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26150,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +27023,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +12775,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +21624,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +11828,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +37245,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6249,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +17804,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +23788,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,1 +40123,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +5705,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37281,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21386,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15681,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +17413,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29630,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +3297,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +8471,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28535,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +7163,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +12829,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +6993,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2768,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21297,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +11162,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2358,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21181,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +29174,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +583,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30001,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9925,0,0,0,1,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +11869,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +14743,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22732,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +37730,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2517,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +38692,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +4495,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10339,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +16813,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,1,0,0,0 +42058,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +11187,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20570,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14370,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39775,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +1122,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34479,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +28706,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +30232,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31391,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +17151,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35059,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +5906,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +40114,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34746,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +43353,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20379,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21636,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +4502,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +15593,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35945,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +673,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +28612,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41009,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +37660,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +39656,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,1,0,0,0,1,0,0,0,0 +43030,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25861,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +24556,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4784,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31518,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,1 +23597,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +11149,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +41682,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13415,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +33615,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +2526,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26679,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32954,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +4410,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26873,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2713,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +2500,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +1856,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42962,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,1,0,0,0 +4022,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +38428,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33548,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41376,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +39410,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27282,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +39583,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6991,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14913,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23258,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11887,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26787,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +27091,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2648,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28489,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,0,0,0 +4496,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4406,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31894,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10213,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +17757,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +22073,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +32651,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22595,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +16016,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +25488,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6108,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0.0,0,0,1,0,0,1,0,1,0,0 +24879,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +36096,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +3893,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18069,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +958,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +14769,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12404,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +4752,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6205,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,1,0,0 +40908,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27250,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26334,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35030,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38225,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +29972,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1583,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +36012,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +736,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23895,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +14765,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +40627,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +38713,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4315,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38982,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +3039,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +34719,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +5204,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +30277,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24901,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18923,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +18159,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20625,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24948,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5497,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +41343,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18801,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3493,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,1,0,0 +3760,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27731,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0.0,1,0,0,1,0,0,1,1,0,0 +979,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +17878,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +27836,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23994,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26235,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37951,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +43003,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24317,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33038,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +41411,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20295,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11783,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +41138,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39281,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +10248,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +42312,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31563,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6622,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22607,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20498,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +43158,0,0,0,0,0,0,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,1,0,0,0,0,1,0,0,0 +13147,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4238,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41014,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28570,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25527,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +23740,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +40385,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29102,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16338,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18135,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,1,0,0 +6822,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32767,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +19035,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40984,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +36079,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +6799,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34351,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,1,0,0 +37540,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32963,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +26426,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2897,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +38794,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +40140,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +25857,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +42734,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17382,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +24989,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,0,1,0,0,0,0 +31966,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37457,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +34812,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20528,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,1,0,0,0,0,0 +36060,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,1,1,0,0,0,1,0,0,0 +27968,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,0.0,1,0,0,0,0,1,0,0,0,1 +26981,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0.0,0,0,0,1,0,0,0,1,0,0 +32012,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +639,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +22128,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +43234,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +29627,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4219,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +22228,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10671,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34782,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0.0,1,1,1,0,1,1,0,1,0,0 +1494,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22253,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +38899,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5993,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +6571,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26428,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16926,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +31948,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36036,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18228,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15745,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +16353,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5364,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +16271,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36813,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23411,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +36803,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6838,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +11677,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12632,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34645,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +1533,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +11755,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +27334,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41700,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +10154,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16761,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31324,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +21978,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12834,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +37631,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,1,0,0,0 +15205,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +7726,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +7432,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +17240,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +23628,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +37533,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +2988,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +4235,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21281,1,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +3387,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +29697,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +11979,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +27804,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +21034,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +24253,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23573,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19192,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37862,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20046,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +15136,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12200,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4958,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37748,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25099,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +5536,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30309,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12215,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13234,0,0,0,1,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +10512,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1.0,0,1,1,0,1,1,0,0,0,0 +7756,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7818,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,1 +40343,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39532,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7190,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42872,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +26833,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41315,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,1,0 +4731,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11008,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19917,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19163,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +6479,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41234,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32692,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4732,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37977,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16097,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9702,0,0,0,1,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1.0,1,0,0,0,1,0,1,1,0,0 +21829,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14193,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +40625,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36161,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +11124,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41203,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25701,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +7647,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12601,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4861,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,0 +28610,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38596,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +36580,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +19672,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17851,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +10616,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,1,1,0,0 +19782,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38298,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34347,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +18420,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +23976,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9715,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,1 +39889,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +39507,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,1,1,0,0 +36517,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +42998,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +15981,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +13627,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +10008,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10469,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1142,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41175,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +15082,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +32466,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +14616,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20631,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +19276,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3185,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +28330,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22507,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +831,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +41146,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +36967,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0.0,1,0,0,0,0,0,1,1,0,0 +27669,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,1,0,0 +37896,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21551,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9911,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10093,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +25985,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +36814,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36204,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +37762,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28356,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36925,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39030,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,1,0,0 +13335,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,1,0,0 +6431,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27109,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +20466,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +38561,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25456,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +12110,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +35392,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,1,0,1,1,0,1,1,0,0 +13877,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6223,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +9904,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39425,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9709,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11070,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9677,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33251,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6345,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +604,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +21655,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +6233,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37965,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33337,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14674,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +898,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4097,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +10393,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +37927,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,0,0 +8074,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +30396,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,0,1,0,1,1,0,0,0,0 +6306,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34348,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +26419,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +2808,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0.0,1,0,1,0,0,0,0,0,0,0 +28009,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +35040,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16995,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13058,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +38426,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +9865,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13731,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +4316,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17081,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +33389,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28496,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13412,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +818,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +41464,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +36077,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +12000,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +35800,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21401,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,0,0 +37418,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37985,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +2411,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25048,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +5137,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2788,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2761,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +6307,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36663,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +22281,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +7088,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28068,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3190,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +18270,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +4326,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,1,0,1,0 +18687,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37673,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31339,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,1.0,0,1,0,1,0,0,0,0,0,0 +21265,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +23989,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16733,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +2131,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +40083,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +19262,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +25076,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +9910,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2827,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +5860,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +74,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41435,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +25508,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1091,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15561,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +26897,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13494,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27211,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +26414,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +24263,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +32042,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32366,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,1,0,0 +14710,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1263,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +24491,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +38877,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27349,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27451,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12372,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +33360,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +3683,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +41769,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,1 +18025,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13535,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +35808,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +39379,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +19870,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,1,0,0,0 +2852,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +40650,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20199,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17397,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +21758,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4475,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39674,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21491,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +29057,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39802,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +21981,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1439,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +13685,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +25434,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +10399,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +33302,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27584,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +14915,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41917,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +18244,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1669,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0.0,1,0,0,0,0,1,0,0,0,0 +36186,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25285,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +1598,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +10662,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21335,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +24753,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39053,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13524,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4337,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37562,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14746,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1948,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +30189,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +29478,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0.0,0,0,1,0,0,0,0,1,0,0 +12959,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13126,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +34273,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,1,0,0 +8284,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,1,0,0,0,0,0 +22134,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +34317,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +7355,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +29125,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +40287,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +30948,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31438,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +14564,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16597,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36179,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +21429,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,1,0,0,0 +31545,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12700,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +4569,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40528,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +31328,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22879,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +15193,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +12359,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +35934,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +10835,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,1,0,0,0,0,0 +27243,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +31005,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,1,0,0 +2221,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +13235,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +11396,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,1,0,0,0 +30040,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,1,0,1,0,0,0,0,0,0 +8212,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0.0,1,1,0,0,0,0,0,0,0,0 +40676,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3837,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +31858,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +12009,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39476,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0.0,0,0,1,0,0,1,0,0,0,0 +41824,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,1,0,0,0 +42083,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +37526,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +678,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +9490,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17573,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +23931,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4761,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1267,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18346,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +34112,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0.0,0,0,1,1,0,0,0,0,0,0 +14667,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0.0,1,0,0,1,0,0,0,0,0,0 +7169,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3119,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +23177,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +10331,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 +23312,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4764,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,1,0,0,0 +10123,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +15090,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3385,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +2592,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34576,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,1,0,0,0 +19087,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34901,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +36034,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +28088,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +32510,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +37984,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4377,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +459,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +5455,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +25313,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27447,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +39359,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13438,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +39,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34362,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +33941,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0,1,0,1,1,0,0,0,0,0,0 +21519,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,0,1,0,0 +40846,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +35304,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,1,0,0,0,0,0 +761,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +598,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +41752,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13854,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +13350,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +40592,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +6481,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,1,0,0 +26863,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32085,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0.0,0,1,0,0,0,0,0,1,0,0 +13855,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34360,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +27773,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +21846,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34909,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,1,1 +19960,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +26074,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +30415,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20038,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,1,0,0 +26182,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,1,0,0,0,0,0 +13776,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +14680,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +3947,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12273,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +1689,0,0,0,0,1,1,0,0,0,0,1,1,1,0,1,1,0,0,0,0,0.0,1,0,0,0,1,1,0,1,0,0 +41325,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22049,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0.0,0,1,1,0,0,1,0,0,0,0 +32392,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +34822,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14887,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +25655,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,1,0,0 +9897,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,0,1,0,0 +42950,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +23635,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +4538,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +23959,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +39135,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,1,0,1 +14058,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +42443,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +30011,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1.0,0,0,0,0,0,0,1,0,0,0 +7954,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0.0,0,0,0,0,0,0,1,1,0,0 +42345,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0.0,1,0,0,0,0,0,0,0,0,0 +36465,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +1648,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +14088,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,1,0 +14316,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +26393,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +20413,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,1,0,0,0,0,0 +8378,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,1 +2220,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32062,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,1,0,0,0,0,0 +33013,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,1,0,0,0 +36551,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20569,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +41178,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0.0,1,0,0,0,0,0,1,1,1,1 +32338,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +11043,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13298,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +16768,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,1,0,0,0,0,0 +14740,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +8389,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17025,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +38281,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +20920,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +34820,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +43291,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18272,0,0,0,0,1,0,0,1,0,0,1,1,0,1,1,0,0,0,0,0,0.0,0,0,0,0,0,1,0,0,0,0 +40053,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +813,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0.0,0,0,0,1,0,0,0,0,0,0 +20610,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +28342,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,0,1,0,0,0,0,0,0,0 +32273,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +18038,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +17624,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +32427,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +31864,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +12419,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +1886,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +4624,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +22920,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,0,0,0,0,0,0 +38779,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,1,0,0,0 +10009,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,1,0,0 +5167,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1.0,1,0,1,0,0,0,1,0,0,0 +23353,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0.0,0,0,0,0,0,0,0,0,0,0 +13386,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0.0,0,1,0,0,1,0,0,0,0,0 +16197,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0.0,0,1,1,0,0,0,0,0,0,0 diff --git a/rule-vetting/data/tbi_pecarn/raw/TBI PUD 10-08-2013.csv b/rule-vetting/data/tbi_pecarn/raw/TBI PUD 10-08-2013.csv new file mode 100644 index 00000000..62e0eff5 --- /dev/null +++ b/rule-vetting/data/tbi_pecarn/raw/TBI PUD 10-08-2013.csv @@ -0,0 +1,43400 @@ +PatNum,EmplType,Certification,InjuryMech,High_impact_InjSev,Amnesia_verb,LOCSeparate,LocLen,Seiz,SeizOccur,SeizLen,ActNorm,HA_verb,HASeverity,HAStart,Vomit,VomitNbr,VomitStart,VomitLast,Dizzy,Intubated,Paralyzed,Sedated,GCSEye,GCSVerbal,GCSMotor,GCSTotal,GCSGroup,AMS,AMSAgitated,AMSSleep,AMSSlow,AMSRepeat,AMSOth,SFxPalp,SFxPalpDepress,FontBulg,SFxBas,SFxBasHem,SFxBasOto,SFxBasPer,SFxBasRet,SFxBasRhi,Hema,HemaLoc,HemaSize,Clav,ClavFace,ClavNeck,ClavFro,ClavOcc,ClavPar,ClavTem,NeuroD,NeuroDMotor,NeuroDSensory,NeuroDCranial,NeuroDReflex,NeuroDOth,OSI,OSIExtremity,OSICut,OSICspine,OSIFlank,OSIAbdomen,OSIPelvis,OSIOth,Drugs,CTForm1,IndAge,IndAmnesia,IndAMS,IndClinSFx,IndHA,IndHema,IndLOC,IndMech,IndNeuroD,IndRqstMD,IndRqstParent,IndRqstTrauma,IndSeiz,IndVomit,IndXraySFx,IndOth,CTSed,CTSedAgitate,CTSedAge,CTSedRqst,CTSedOth,AgeInMonth,AgeinYears,AgeTwoPlus,Gender,Ethnicity,Race,Observed,EDDisposition,CTDone,EDCT,PosCT,Finding1,Finding2,Finding3,Finding4,Finding5,Finding6,Finding7,Finding8,Finding9,Finding10,Finding11,Finding12,Finding13,Finding14,Finding20,Finding21,Finding22,Finding23,DeathTBI,HospHead,HospHeadPosCT,Intub24Head,Neurosurgery,PosIntFinal +1,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,64,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3,5,3,5,2,,,92,,92,92,0,,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,1,0,0,0,0,1,1,0,1,0,0,1,0,1,1,3,3,1,0,0,1,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +4,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5,3,3,12,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,4,5,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6,3,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7,3,3,7,1,0,0,92,0,92,92,1,0,92,92,1,1,2,3,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8,3,3,12,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9,5,3,6,1,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,92,92,92,92,29,2,2,1,1,,1,90,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +11,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,3,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12,3,1,8,3,91,0,92,0,92,92,,1,2,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,1,0,1,1,1,0,0,0,1,0,1,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,92,92,92,92,87,7,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15,5,1,10,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16,3,3,90,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,,2,0,5,1,1,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18,4,3,90,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,29,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19,5,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,115,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21,5,3,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25,5,3,10,2,0,0,92,0,92,92,1,1,2,2,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27,4,2,7,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29,5,3,8,3,91,1,3,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,187,15,2,2,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33,4,3,8,2,1,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,85,7,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36,3,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,29,2,2,2,2,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37,1,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41,3,3,11,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43,5,3,6,1,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,79,6,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +44,4,3,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +45,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +46,5,2,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +47,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +48,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +49,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +50,5,2,8,2,91,1,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +51,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +52,2,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +53,3,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +54,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +55,5,3,1,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,1,1,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,2,,1,1,5,1,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +56,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +57,4,3,90,2,91,2,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,25,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +58,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +59,2,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +60,3,2,4,2,0,0,92,0,92,92,1,1,2,2,1,1,2,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +61,4,3,2,3,1,2,,0,92,92,,1,,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,88,7,2,1,,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1 +62,5,2,90,2,,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,82,6,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +63,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +64,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +65,4,3,6,1,91,0,92,0,92,92,0,91,92,92,1,2,2,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,16,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +66,5,1,10,2,1,1,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,158,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +67,5,3,90,2,91,1,2,0,92,92,,0,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,27,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +68,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,214,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +69,3,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,90,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +70,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +71,1,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +72,4,2,2,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +73,4,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +74,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +75,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +76,5,3,8,3,,1,4,1,,,,91,92,92,0,92,92,92,,0,0,0,4,1,4,9,1,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,99,8,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,,0,0,0, +77,1,3,8,2,0,0,92,0,92,92,0,1,2,2,1,,2,1,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,115,9,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +78,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +79,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +80,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,46,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +81,4,3,8,2,91,0,92,0,92,92,1,0,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +82,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +83,5,3,7,1,91,1,3,0,92,92,1,1,,3,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +84,5,3,10,2,0,1,2,0,92,92,0,1,1,2,1,1,2,1,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,194,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +85,3,3,6,1,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,31,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +86,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +87,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +88,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +89,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,1,1,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +90,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +91,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +92,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +93,5,3,11,2,,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +94,5,3,90,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +95,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +96,5,3,7,1,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,2,1,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +97,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +98,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +99,3,3,10,2,1,1,3,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +100,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +101,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +102,5,2,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,3,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +103,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +104,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +105,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +106,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +107,5,3,1,3,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +108,5,3,2,3,,2,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,41,3,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +109,3,3,10,2,0,0,92,0,92,92,1,1,3,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,179,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +110,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +111,5,3,6,1,91,0,92,1,3,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,45,3,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +112,3,3,90,2,0,0,92,0,92,92,1,1,2,2,1,2,4,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,65,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +113,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,102,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +114,3,2,6,1,,,92,0,92,92,0,1,2,2,1,3,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,137,11,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +115,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +116,5,2,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +117,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +118,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +119,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +120,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +121,3,3,8,3,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +122,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +123,5,3,6,1,0,,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,208,17,2,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +124,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +125,3,3,6,1,1,2,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,1,2,1,0,4,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +126,3,3,1,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +127,3,3,4,2,0,0,92,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,126,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +128,1,3,6,1,0,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +129,3,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +130,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +131,5,3,10,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +132,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +133,3,3,1,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +134,3,3,6,1,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +135,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +136,5,3,8,2,,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +137,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +138,5,3,6,1,1,0,92,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +139,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +140,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +141,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +142,1,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +143,5,3,11,2,0,1,,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +144,4,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +145,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +146,4,3,6,1,1,2,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,3,6,13,1,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +147,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +148,3,3,1,2,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,,,0,4,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +149,4,3,6,1,1,1,3,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,92,92,92,92,89,7,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +150,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +151,3,90,3,3,,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +152,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +153,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +154,3,3,6,1,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,113,9,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +155,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +156,2,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +157,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +158,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +159,1,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +160,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +161,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +162,1,3,12,2,91,0,92,0,92,92,0,91,92,92,1,,4,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,5,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +163,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +164,5,1,2,3,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +165,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +166,3,3,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,85,7,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +167,1,2,7,1,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +168,4,3,1,2,91,1,,,92,92,,91,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,1,0,,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,2,,,0,5,1,1,1,0,1,1,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1 +169,5,3,6,1,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +170,5,2,6,1,0,0,92,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,118,9,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +171,1,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +172,2,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +173,5,3,11,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +174,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +175,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,20,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +176,1,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +177,4,2,1,2,1,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +178,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +179,5,1,6,1,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +180,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +181,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +182,5,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +183,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +184,1,3,7,1,,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +185,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +186,5,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +187,5,1,10,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +188,4,2,5,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +189,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +190,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +191,5,3,10,2,1,0,92,0,92,92,1,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +192,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,25,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +193,5,2,4,2,0,,92,,92,92,0,,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,122,10,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +194,1,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +195,5,3,11,2,1,1,,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +196,4,2,90,2,91,1,2,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +197,3,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +198,2,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +199,3,1,8,2,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,1,1,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,1 +200,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +201,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +202,3,3,10,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,119,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +203,3,3,9,2,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,24,2,2,1,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +204,4,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +205,3,3,6,1,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,109,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +206,3,3,12,2,91,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,49,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +207,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +208,5,3,8,2,0,0,92,0,92,92,1,1,1,3,1,2,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +209,5,2,2,3,1,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,1,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +210,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +211,5,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +212,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +213,3,2,10,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +214,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +215,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +216,3,3,8,3,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +217,3,3,12,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +218,3,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +219,5,1,3,3,1,2,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,135,11,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +220,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +221,3,90,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +222,3,2,4,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +223,3,3,7,1,1,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +224,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +225,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +226,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +227,2,2,6,1,,0,92,0,92,92,0,1,1,2,1,3,3,2,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,134,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +228,5,2,9,2,91,0,92,0,92,92,0,91,92,92,1,1,4,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,1,0,0,1,0,0,1,3,2,1,1,0,1,0,0,1,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,92,92,92,92,22,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +229,5,3,10,2,0,1,,1,1,2,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,208,17,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +230,2,3,6,1,1,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +231,3,3,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +232,5,2,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,,1,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +233,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +234,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +235,4,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +236,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +237,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +238,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +239,5,3,90,2,0,1,,0,92,92,1,1,3,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,183,15,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +240,5,3,7,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +241,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +242,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +243,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +244,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +245,5,3,5,2,1,1,3,1,1,1,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,188,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +246,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +247,5,1,8,2,91,0,92,1,1,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,14,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +248,2,3,10,3,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,75,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +249,2,4,11,2,,0,92,0,92,92,1,1,3,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +250,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +251,3,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +252,3,3,2,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,1,0,0,1,1,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +253,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +254,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +255,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +256,4,3,10,2,0,0,92,0,92,92,0,1,2,4,1,1,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,76,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +257,3,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +258,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +259,3,2,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +260,3,3,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +261,5,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,174,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +262,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +263,5,3,8,3,0,0,92,0,92,92,0,1,1,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,74,6,2,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +264,5,1,12,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +265,4,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +266,3,3,12,3,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +267,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +268,5,1,6,1,91,0,92,1,3,2,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,19,1,1,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +269,4,3,5,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +270,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +271,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +272,3,2,10,2,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +273,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,6,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +274,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +275,2,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +276,3,1,12,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,189,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +277,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +278,5,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +279,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +280,3,3,4,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +281,4,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,1,0,0,0,1,0,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,18,1,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +282,5,1,8,3,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,96,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +283,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +284,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +285,5,2,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +286,5,3,4,2,0,1,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,50,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +287,5,2,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +288,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +289,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +290,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +291,5,3,3,3,0,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +292,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +293,5,2,4,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,60,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +294,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +295,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +296,5,3,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +297,4,3,1,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +298,5,3,10,2,1,0,92,0,92,92,0,1,2,2,1,1,3,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +299,1,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,21,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +300,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +301,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +302,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +303,3,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +304,3,3,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +305,5,3,8,2,91,1,4,0,92,92,0,91,92,92,1,,2,1,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,186,15,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +306,5,3,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +307,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +308,5,1,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,17,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +309,5,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +310,5,2,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +311,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +312,5,3,10,2,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,1,0,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,1,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +313,5,3,1,2,91,2,,0,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +314,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +315,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +316,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +317,5,3,8,3,0,2,1,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,2,,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +318,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +319,5,3,1,2,,2,,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,96,8,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +320,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,32,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +321,5,2,5,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,96,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +322,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +323,4,3,10,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,191,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +324,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +325,3,1,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,94,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +326,5,3,90,2,0,2,2,0,92,92,0,1,3,2,1,1,2,2,1,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,1,1,0,0,0,0,1,3,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +327,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +328,5,2,1,2,0,1,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +329,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +330,3,3,9,2,91,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,24,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +331,3,2,11,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +332,3,90,90,2,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +333,5,4,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,8,0,1,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +334,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +335,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +336,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +337,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +338,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +339,3,3,6,1,,,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,3,4,4,11,1,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,,4,0,1,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +340,3,1,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +341,5,3,11,2,1,1,,,92,92,1,1,2,2,1,,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,92,92,92,92,204,17,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +342,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +343,3,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +344,3,2,8,2,0,0,92,0,92,92,1,1,1,2,1,,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,92,92,92,92,100,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +345,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +346,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +347,2,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +348,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +349,3,3,9,2,0,0,92,0,92,92,1,1,,,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +350,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +351,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +352,3,3,8,2,91,,92,,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,6,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +353,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +354,5,3,1,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,4,6,12,1,1,1,0,1,0,0,1,1,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,2,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +355,5,3,7,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +356,1,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +357,4,3,6,1,91,0,92,1,1,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +358,3,2,7,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,90,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +359,3,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +360,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,65,5,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +361,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +362,5,2,8,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,78,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +363,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +364,3,3,4,2,1,1,,0,92,92,0,1,3,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +365,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +366,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +367,5,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +368,5,2,10,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,209,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +369,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +370,4,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,22,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +371,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +372,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +373,2,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +374,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +375,5,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +376,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +377,5,1,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +378,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +379,3,3,8,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +380,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +381,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +382,5,1,8,3,1,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,71,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +383,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +384,3,1,2,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +385,1,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +386,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +387,4,3,1,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +388,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +389,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,53,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +390,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +391,4,3,1,2,,2,,0,92,92,,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +392,5,1,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +393,3,3,10,2,0,0,92,0,92,92,1,1,2,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +394,3,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +395,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +396,3,3,8,2,0,,92,0,92,92,1,91,92,92,1,2,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +397,1,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +398,4,3,8,3,91,0,92,,92,92,0,91,92,92,1,2,2,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,11,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +399,3,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +400,4,3,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +401,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +402,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +403,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +404,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,124,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +405,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +406,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +407,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +408,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +409,4,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,1,0,1,1,1,5,7,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,27,2,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +410,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +411,5,1,4,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +412,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +413,5,2,9,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,3,4,11,1,1,0,0,0,0,0,0,92,0,,92,92,92,92,92,1,3,3,1,0,0,1,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,17,1,1,2,,,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +414,5,3,11,2,0,0,92,0,92,92,1,0,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +415,4,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +416,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +417,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +418,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +419,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +420,5,3,2,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +421,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +422,2,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,1,1,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,1,1,1,0,0,30,2,2,1,,1,1,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +423,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +424,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,13,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +425,5,90,11,2,0,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +426,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,2,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +427,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +428,3,3,90,2,1,0,92,0,92,92,1,,92,92,1,1,2,2,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +429,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +430,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +431,3,3,4,2,0,0,92,0,92,92,0,1,2,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +432,5,2,6,1,0,0,92,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +433,5,90,7,1,0,1,3,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,59,4,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +434,1,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +435,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +436,3,3,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,158,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +437,1,90,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +438,5,3,8,2,91,2,,0,92,92,1,91,92,92,1,2,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +439,5,1,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,189,15,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +440,5,3,10,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +441,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +442,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +443,3,3,6,1,0,1,1,1,1,1,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,70,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +444,3,3,8,2,0,0,92,0,92,92,0,,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +445,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +446,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +447,5,1,6,1,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,19,1,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +448,5,3,1,3,,2,,,92,92,,91,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,1,0,0,0,0,0,92,0,,92,92,92,92,92,1,3,3,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,105,8,2,2,2,1,0,5,1,1,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +449,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,,,,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +450,3,3,3,3,1,,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,88,7,2,1,2,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +451,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,16,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +452,5,90,10,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +453,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +454,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +455,5,4,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +456,5,1,4,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +457,5,3,,,1,1,3,,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +458,5,2,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +459,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +460,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +461,3,3,6,1,0,0,92,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,138,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +462,3,3,8,3,91,,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,30,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +463,5,1,8,2,91,0,92,0,92,92,0,91,92,92,1,1,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +464,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +465,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +466,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,21,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +467,3,90,1,2,,2,,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,1,0,1,0,0,0,92,92,92,92,92,1,,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,1,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,2,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +468,3,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +469,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +470,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +471,3,3,8,2,0,2,2,1,1,1,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,107,8,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +472,3,1,6,1,,,92,0,92,92,1,1,1,,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +473,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +474,3,3,9,2,0,2,2,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0,1,0,92,92,92,92,84,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +475,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +476,4,3,5,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,198,16,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +477,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +478,5,3,,,91,2,4,1,,,0,91,92,92,1,1,,,,0,0,0,2,3,2,7,1,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,92,92,92,92,5,0,1,2,2,,0,6,1,1,1,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +479,1,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +480,5,3,12,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +481,3,3,7,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +482,5,3,9,2,1,1,,0,92,92,0,0,92,92,1,,,1,,0,0,0,3,4,5,12,1,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,207,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +483,4,3,4,2,1,,92,,92,92,0,1,2,,1,1,2,1,1,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,200,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +484,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +485,4,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +486,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +487,3,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +488,3,3,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +489,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +490,3,1,1,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +491,5,3,7,1,0,0,92,0,92,92,1,1,,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +492,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +493,3,2,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +494,3,3,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +495,3,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +496,4,3,12,2,0,0,92,0,92,92,0,1,2,2,1,3,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,79,6,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +497,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +498,5,1,3,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +499,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +500,5,1,1,2,91,0,92,0,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +501,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,13,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +502,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,39,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +503,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +504,5,3,5,2,91,,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +505,5,3,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +506,5,3,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +507,3,2,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +508,3,1,90,2,,1,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +509,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +510,5,3,11,2,1,1,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +511,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,1,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +512,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,1,5,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +513,5,3,11,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +514,4,3,6,1,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +515,1,3,9,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +516,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +517,2,1,,,,,92,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,2,2,5,9,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +518,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,11,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +519,5,3,90,2,1,2,,1,1,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,75,6,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +520,4,2,10,2,1,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,122,10,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +521,5,1,6,1,,1,3,1,2,1,0,,92,92,1,1,1,2,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,184,15,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +522,5,2,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +523,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +524,3,3,9,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +525,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +526,5,2,90,2,,1,,0,92,92,0,,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +527,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +528,3,3,11,2,0,1,,0,92,92,1,0,92,92,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +529,4,3,6,1,0,1,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +530,4,2,,,91,,92,,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,1,0,92,92,92,92,92,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,22,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +531,5,2,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +532,2,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +533,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +534,5,1,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +535,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +536,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,90,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +537,1,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +538,5,1,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,176,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +539,2,3,6,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +540,3,3,5,2,,1,3,,92,92,0,,92,92,0,92,92,92,,0,0,0,4,3,6,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +541,1,3,8,2,91,,92,,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,92,92,92,92,18,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +542,5,3,2,3,1,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +543,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +544,5,3,4,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +545,5,1,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +546,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +547,3,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +548,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +549,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +550,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +551,4,3,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +552,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +553,3,1,8,3,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +554,5,3,11,2,1,0,92,0,92,92,0,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +555,5,1,7,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +556,5,3,1,3,91,1,4,0,92,92,0,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,,1,0,5,1,1,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +557,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +558,1,3,8,2,91,0,92,1,2,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +559,3,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +560,5,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +561,5,2,8,3,91,1,2,0,92,92,1,91,92,92,1,3,1,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +562,3,3,8,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +563,3,1,2,3,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +564,3,1,6,1,0,0,92,0,92,92,1,0,92,92,1,1,4,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +565,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +566,5,2,8,2,91,0,92,0,92,92,0,0,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +567,3,1,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,,4,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +568,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +569,3,3,11,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +570,5,3,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +571,2,1,8,3,91,0,92,0,92,92,1,91,92,92,1,,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +572,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +573,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +574,5,3,4,2,1,1,3,0,92,92,1,1,1,3,1,1,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,105,8,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +575,3,2,4,2,1,,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,90,7,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +576,5,1,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +577,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +578,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +579,5,2,90,2,,0,92,0,92,92,1,1,1,3,1,2,3,1,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,151,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +580,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +581,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +582,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +583,5,3,1,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,34,2,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +584,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +585,3,3,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +586,5,1,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,26,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +587,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +588,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +589,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,92,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +590,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +591,5,2,7,1,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +592,3,3,8,3,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,1,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +593,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +594,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +595,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +596,4,3,2,3,0,2,2,0,92,92,0,1,2,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +597,5,1,7,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +598,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +599,4,2,7,1,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +600,3,2,5,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,54,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +601,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +602,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +603,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +604,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +605,5,3,11,2,0,2,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +606,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +607,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +608,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +609,3,3,6,1,1,2,2,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +610,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +611,3,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +612,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +613,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +614,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +615,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +616,5,2,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,99,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +617,3,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +618,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +619,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,25,2,2,1,1,,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +620,1,3,90,2,0,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +621,3,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +622,3,3,1,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,4,5,13,1,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,99,8,2,1,2,3,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +623,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +624,5,1,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +625,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +626,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +627,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +628,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +629,3,1,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +630,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +631,1,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,,92,92,92,92,92,1,2,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,92,92,92,92,25,2,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +632,5,2,8,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +633,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +634,5,3,7,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,214,17,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +635,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +636,3,1,11,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,1,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +637,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,23,1,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +638,3,3,9,2,0,0,92,1,2,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,20,1,1,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +639,4,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +640,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +641,2,3,11,2,,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,158,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +642,5,3,4,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,80,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +643,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +644,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +645,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +646,3,3,8,2,0,0,92,0,92,92,0,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +647,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +648,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +649,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +650,3,1,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +651,5,3,11,2,0,1,,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,2,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +652,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +653,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +654,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +655,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +656,3,3,7,1,0,0,92,0,92,92,1,1,3,2,1,2,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +657,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +658,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +659,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,171,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +660,5,4,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +661,5,3,90,2,,0,92,0,92,92,,,92,92,1,3,3,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,64,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +662,3,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +663,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +664,1,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +665,5,3,8,2,91,,92,0,92,92,0,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,60,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +666,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +667,4,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +668,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +669,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +670,3,2,8,2,0,2,3,0,92,92,,1,1,3,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +671,4,3,1,2,91,1,,1,,,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +672,3,3,11,2,1,1,3,0,92,92,,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +673,5,2,7,1,91,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +674,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +675,5,3,1,3,,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,3,4,4,11,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,28,2,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1 +676,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +677,5,3,90,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +678,5,4,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +679,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +680,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +681,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +682,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +683,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +684,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +685,4,1,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +686,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +687,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +688,5,3,90,2,0,0,92,0,92,92,1,1,,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +689,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +690,5,3,1,2,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +691,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +692,3,3,90,2,0,0,92,0,92,92,1,1,2,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +693,5,4,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +694,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +695,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +696,1,2,8,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +697,3,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +698,3,2,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,3,4,9,1,1,0,1,0,0,1,,92,,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +699,5,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +700,3,1,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +701,5,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +702,3,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +703,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,1,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +704,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +705,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,106,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +706,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +707,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +708,3,3,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,58,4,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +709,3,2,8,2,91,0,92,0,92,92,,91,92,92,1,,,,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,,92,92,92,92,42,3,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +710,5,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +711,5,3,12,2,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +712,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +713,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +714,5,1,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,1,4,9,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +715,5,3,7,1,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +716,1,3,1,3,91,0,92,0,92,92,,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +717,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +718,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +719,2,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +720,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,84,7,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +721,5,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +722,3,1,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +723,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +724,5,3,1,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +725,5,3,90,2,91,0,92,0,92,92,1,0,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +726,3,3,6,1,,2,1,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +727,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +728,3,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +729,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +730,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +731,3,3,8,2,91,1,4,0,92,92,0,0,92,92,1,1,4,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +732,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +733,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +734,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +735,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +736,5,4,10,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +737,2,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +738,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +739,3,2,10,2,1,2,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +740,5,3,1,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +741,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,20,1,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +742,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,2,,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +743,5,3,9,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +744,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +745,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +746,5,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,194,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +747,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +748,5,2,8,3,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +749,2,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +750,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +751,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +752,1,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +753,5,3,2,3,,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,60,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +754,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +755,5,3,1,3,,2,,1,,,0,,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,1,,1,1,0,1,0,0,0,,92,92,92,92,92,1,1,0,0,0,1,1,0,,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,1,,1,,5,1,1,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +756,4,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +757,3,3,90,2,0,0,92,0,92,92,1,1,1,,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,155,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +758,5,90,8,3,,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,,,,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,42,3,2,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +759,5,4,7,1,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +760,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +761,2,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +762,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +763,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +764,3,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,195,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +765,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +766,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +767,4,3,90,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,13,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +768,5,2,8,2,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +769,3,3,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,69,5,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +770,5,3,3,3,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,70,5,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +771,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +772,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +773,2,3,4,2,1,1,2,0,92,92,,1,1,2,1,1,2,,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,205,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +774,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,16,1,1,1,2,,0,5,1,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +775,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +776,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +777,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +778,4,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,88,7,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +779,5,2,9,2,91,0,92,1,2,3,1,91,92,92,1,,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,21,1,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +780,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +781,3,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,177,14,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +782,4,3,10,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,0,0,0,0, +783,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +784,1,2,,,,,92,,92,92,,,92,92,1,1,1,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +785,5,3,6,1,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +786,3,1,2,3,1,1,3,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,1,0,1,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +787,3,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +788,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +789,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +790,3,2,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,46,3,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +791,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +792,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +793,2,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +794,5,1,8,3,1,1,3,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +795,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +796,3,2,90,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +797,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +798,3,2,12,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,122,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +799,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +800,3,3,10,2,0,0,92,0,92,92,1,0,92,92,1,,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,62,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +801,1,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,2,2,,0,0,0,4,3,5,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,2,,1,0,5,1,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,1,1 +802,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +803,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,1,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +804,5,3,2,3,,0,92,0,92,92,,0,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +805,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,7,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +806,5,1,1,2,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,52,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +807,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +808,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +809,3,3,7,1,0,0,92,0,92,92,,1,1,2,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,51,4,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +810,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +811,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +812,1,3,7,1,91,0,92,0,92,92,1,0,92,92,1,2,3,3,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +813,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +814,3,3,10,2,1,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,92,92,92,92,168,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +815,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +816,3,3,8,3,1,1,,0,92,92,0,1,,,1,1,,,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,2,92,0,1,1,0,0,0,0,1,3,3,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,1,2,2,0,3,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +817,4,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +818,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +819,5,3,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +820,3,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +821,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,185,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +822,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +823,3,2,12,2,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +824,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +825,5,3,9,2,91,0,92,1,2,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,10,0,1,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +826,4,3,3,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +827,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +828,4,3,90,2,0,0,92,0,92,92,1,1,2,4,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,91,7,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +829,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,3,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +830,1,3,10,2,1,1,2,0,92,92,1,1,2,2,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,214,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +831,5,1,1,2,,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +832,5,2,6,1,0,0,92,0,92,92,1,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +833,5,3,8,2,,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +834,3,3,8,3,,0,92,0,92,92,1,91,92,92,1,2,,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +835,5,3,8,2,91,1,,0,92,92,,91,92,92,1,,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,63,5,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +836,4,3,1,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +837,4,3,6,1,0,1,4,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +838,3,3,11,2,,1,,,92,92,,91,92,92,,92,92,92,,0,0,0,,,,14,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +839,5,1,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +840,5,3,5,2,1,1,3,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,174,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +841,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +842,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +843,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,1,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +844,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +845,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +846,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +847,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +848,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +849,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +850,4,3,8,2,0,0,92,0,92,92,0,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +851,5,3,12,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +852,3,2,6,1,1,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,66,5,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +853,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +854,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +855,1,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +856,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +857,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +858,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +859,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +860,5,3,4,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,208,17,2,1,,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +861,5,1,4,2,,1,3,0,92,92,0,,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,92,7,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +862,3,3,1,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +863,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +864,4,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +865,5,3,2,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +866,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +867,4,3,4,2,1,1,,0,92,92,0,1,3,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,174,14,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +868,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +869,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +870,5,1,10,2,1,1,3,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +871,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +872,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +873,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +874,3,3,8,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +875,3,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +876,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +877,4,3,1,2,91,1,4,0,92,92,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,1,,0,1,0,0,1,0,0,1,3,3,1,1,0,0,0,1,0,1,1,0,1,1,0,1,0,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,1,1,1,1,0,1,0,0,0,0,1,1,1,1,1,1 +878,3,3,,,,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +879,5,90,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +880,5,2,90,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +881,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +882,5,3,6,1,1,,92,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,133,11,2,2,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +883,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +884,2,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,134,11,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +885,4,3,2,3,91,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,2,1,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +886,5,2,11,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +887,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +888,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +889,3,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +890,3,3,1,2,1,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,204,17,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +891,5,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +892,1,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +893,5,1,8,2,1,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +894,5,2,8,2,91,0,92,0,92,92,0,1,1,2,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,27,2,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +895,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +896,5,2,8,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +897,5,3,1,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +898,5,90,11,2,,1,2,1,2,3,,,92,92,,92,92,92,,0,0,0,1,1,2,4,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,92,92,92,92,201,16,2,1,,,,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1 +899,5,1,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +900,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +901,3,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +902,1,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +903,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +904,3,1,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +905,5,1,8,2,91,0,92,1,2,2,0,91,92,92,1,1,,,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,16,1,1,2,2,5,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +906,3,3,1,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,93,7,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +907,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +908,5,90,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +909,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +910,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +911,5,1,3,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +912,3,3,6,1,1,1,2,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,125,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +913,5,3,90,2,91,0,92,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +914,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +915,3,3,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,1,0,1,2,3,1,1,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +916,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +917,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +918,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +919,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,16,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +920,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +921,4,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +922,3,2,12,2,0,0,92,0,92,92,1,0,92,92,1,,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +923,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +924,3,3,10,2,0,1,,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +925,3,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +926,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +927,5,4,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +928,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +929,5,3,8,2,,1,3,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0,92,92,92,92,38,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +930,5,2,90,2,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +931,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +932,5,4,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +933,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +934,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +935,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +936,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +937,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +938,3,90,1,3,1,2,,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +939,3,4,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +940,5,3,10,2,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,3,5,11,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,,92,92,92,92,139,11,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +941,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +942,4,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,18,1,1,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +943,5,3,1,2,1,2,,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,49,4,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +944,3,3,7,1,1,2,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +945,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,40,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +946,3,3,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +947,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +948,3,3,1,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,35,2,2,2,,90,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0, +949,3,1,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,1,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,144,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +950,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +951,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +952,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +953,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +954,3,3,1,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +955,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +956,4,3,11,3,91,0,92,1,2,4,0,91,92,92,0,92,92,92,,0,0,0,4,1,4,9,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,125,10,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +957,5,2,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +958,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +959,3,3,6,1,1,1,1,0,92,92,0,1,2,,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,211,17,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +960,5,90,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +961,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +962,3,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +963,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +964,5,90,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +965,5,3,11,2,1,2,,,92,92,0,1,1,3,0,92,92,92,0,0,0,0,4,4,5,13,1,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,1,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +966,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +967,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +968,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +969,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +970,3,1,6,1,,1,3,1,,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +971,1,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +972,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +973,5,2,90,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +974,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +975,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +976,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +977,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,1,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +978,3,90,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +979,3,90,5,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +980,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +981,5,3,8,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,32,2,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +982,3,1,6,1,0,2,2,,92,92,0,0,92,92,1,2,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,69,5,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +983,3,3,11,2,1,1,,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,176,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +984,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +985,5,2,7,1,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,108,9,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +986,4,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +987,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +988,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +989,5,3,6,1,0,1,4,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +990,5,3,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,1,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +991,3,3,6,1,91,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +992,1,3,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +993,5,2,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +994,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +995,5,3,90,2,0,1,1,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,156,13,2,2,,,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +996,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +997,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +998,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +999,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,75,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1000,3,1,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1001,5,1,8,2,91,0,92,0,92,92,1,91,92,92,1,,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1002,3,90,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,2,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +1003,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1004,4,3,5,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1005,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1006,1,3,11,2,1,1,3,0,92,92,1,1,2,2,1,3,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,181,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1007,5,3,90,2,1,1,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1008,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1009,3,3,8,2,0,0,92,0,92,92,0,1,1,2,1,1,3,1,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,48,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1010,2,3,1,2,1,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1011,4,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1012,5,4,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1013,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1014,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1015,5,1,8,3,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1016,5,3,10,2,0,2,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1017,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,2,2,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +1018,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1019,5,3,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1020,3,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1021,1,2,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1022,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1023,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1024,5,3,7,1,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1025,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1026,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1027,5,3,2,3,91,1,,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,42,3,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1028,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1029,1,3,11,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1030,4,2,2,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1031,3,3,8,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,11,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1032,4,3,90,3,91,1,4,1,2,2,0,1,,2,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,117,9,2,1,1,,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1033,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1034,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1035,5,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1036,5,1,2,3,0,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1037,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1038,5,3,2,3,,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1039,5,1,1,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1040,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1041,3,2,10,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1042,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1043,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1044,3,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1045,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1046,5,90,7,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1047,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1048,3,3,9,2,0,0,92,0,92,92,0,1,2,2,1,3,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1049,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1050,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1051,5,3,1,2,91,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1052,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1053,4,3,8,3,91,1,3,0,92,92,0,91,92,92,1,1,3,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,1,0,0,17,1,1,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +1054,5,2,7,1,91,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1055,5,3,1,2,1,1,,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1056,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,90,,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1057,3,2,6,1,1,1,,0,92,92,1,1,2,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,167,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1058,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,64,5,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1059,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1060,3,3,1,2,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1061,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1062,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1063,5,1,4,2,1,1,,0,92,92,1,1,1,,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,2,,1,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +1064,1,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1065,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1066,3,1,2,3,0,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1067,3,1,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,18,1,1,1,,4,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1068,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1069,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,67,5,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1070,4,3,90,2,,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1071,3,3,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1072,3,3,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1073,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,24,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1074,2,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1075,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1076,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1077,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,1,2,90,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +1078,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1079,5,2,8,2,91,2,1,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1080,5,3,4,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,179,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1081,1,3,1,2,0,0,92,0,92,92,,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1082,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1083,3,3,7,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,115,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1084,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1085,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1086,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1087,4,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1088,5,3,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,146,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1089,4,2,1,2,,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,54,4,2,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1090,1,3,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,146,12,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1091,5,3,8,2,0,0,92,0,92,92,0,1,2,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,61,5,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1092,5,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1093,3,3,90,2,1,1,1,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1094,5,3,90,2,,0,92,0,92,92,,91,92,92,1,2,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,0,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1095,4,3,90,2,,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1096,3,3,2,3,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1097,3,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1098,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1099,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1100,4,3,6,1,1,2,,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1101,5,3,11,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1102,5,2,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1103,5,3,11,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1104,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,20,1,1,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1105,1,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1106,5,3,6,1,,2,,0,92,92,0,,92,92,1,1,2,2,,0,0,0,2,4,5,11,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,68,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1107,3,3,8,2,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1108,5,90,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1109,5,3,8,2,0,0,92,0,92,92,1,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1110,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1111,5,3,12,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,2,0,1,1,,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1112,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1113,5,2,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,13,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1114,5,2,90,2,,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,210,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1115,5,90,10,3,0,1,1,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1116,3,2,6,1,91,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1117,4,3,5,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1118,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1119,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1120,5,2,8,2,91,0,92,0,92,92,0,91,92,92,1,1,4,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,1,1,1,0,0,31,2,2,2,2,2,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,1 +1121,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1122,4,3,7,1,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1123,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1124,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1125,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1126,4,90,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1127,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1128,5,3,7,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,49,4,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1129,4,3,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1130,5,1,1,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,140,11,2,1,2,1,1,4,1,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1131,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1132,5,4,6,1,1,1,3,1,1,2,0,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,92,92,92,92,156,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1133,3,1,6,1,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1134,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1135,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1136,3,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1137,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1138,5,3,6,1,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1139,5,90,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1140,3,3,1,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1141,3,1,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1142,5,1,10,2,0,0,92,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1143,5,3,6,1,91,2,1,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1144,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,2,,,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +1145,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1146,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1147,4,3,90,2,0,0,92,0,92,92,0,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,89,7,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +1148,5,3,8,2,0,0,92,0,92,92,0,1,1,2,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,50,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1149,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1150,3,3,5,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1151,3,3,1,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1152,5,3,1,2,1,,92,0,92,92,0,1,2,2,1,1,2,1,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1153,5,3,90,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,47,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1154,5,3,6,1,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1155,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1156,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,39,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1157,3,3,10,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1158,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,44,3,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1159,4,3,1,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1160,5,1,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1161,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1162,5,3,12,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1163,5,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1164,5,1,90,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1165,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1166,5,3,5,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1167,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1168,3,2,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1169,3,3,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1170,5,3,6,1,91,0,92,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1171,2,3,6,1,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,153,12,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1172,5,2,8,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1173,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,2,5,11,1,1,0,1,1,0,1,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,5,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1174,5,3,12,2,91,0,92,1,3,4,0,91,92,92,1,1,2,1,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,1,0,1,26,2,2,2,1,2,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +1175,5,1,8,3,,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1176,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1177,5,3,2,3,0,1,,0,92,92,1,1,3,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,1,,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1178,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1179,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1180,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,1,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1181,5,2,8,2,,2,,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1182,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1183,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1184,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1185,3,3,7,1,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,45,3,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1186,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1187,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1188,5,2,10,2,1,2,2,0,92,92,0,0,92,92,1,2,2,1,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,185,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1189,5,1,4,2,0,0,92,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,82,6,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +1190,2,3,6,1,,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1191,3,2,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1192,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1193,5,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1194,4,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,4,2,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,2,0,1,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1195,5,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,215,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +1196,5,1,1,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,90,7,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1197,3,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1198,2,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1199,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1200,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1201,5,2,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1202,4,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1203,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1204,5,3,4,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,80,6,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1205,5,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1206,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1207,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1208,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +1209,5,3,9,2,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,92,92,92,92,36,3,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +1210,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,30,2,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +1211,5,3,5,2,1,1,2,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1212,5,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1213,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1214,5,2,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1215,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1216,5,3,11,2,1,,92,0,92,92,,1,2,2,1,3,,1,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,,,0,4,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1217,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1218,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1219,5,3,1,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1220,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1221,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1222,3,3,10,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1223,5,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1224,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +1225,5,3,8,2,0,0,92,0,92,92,1,1,2,2,1,1,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,71,5,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1226,5,1,5,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1227,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1228,4,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1229,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1230,5,2,8,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1231,3,3,6,1,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1232,3,1,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1233,3,3,11,2,1,2,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1234,5,3,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1235,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1236,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,59,4,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1237,5,2,10,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,108,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1238,2,1,90,2,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1239,3,1,8,2,91,2,2,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1240,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1241,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1242,5,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1243,5,90,1,3,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,165,13,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1244,5,2,10,2,1,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,172,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1245,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1246,5,2,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1247,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1248,3,1,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1249,4,3,7,1,0,1,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1250,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1251,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,53,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1252,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1253,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1254,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1255,5,2,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1256,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1257,4,3,90,2,0,0,92,0,92,92,1,1,,2,1,2,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,59,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1258,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1259,5,3,6,1,,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,109,9,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1260,4,2,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1261,5,2,11,2,1,1,2,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1262,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1263,5,3,90,2,0,0,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,139,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1264,4,3,10,2,0,2,1,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,98,8,2,1,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1265,3,3,3,3,1,,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1266,3,3,11,2,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1267,5,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1268,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1269,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,171,14,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1270,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1271,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1272,5,3,9,2,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,83,6,2,2,,3,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1273,2,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1274,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1275,1,3,6,1,0,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1276,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1277,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1278,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1279,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1280,3,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1281,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1282,5,3,1,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +1283,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1284,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,1,2,2,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +1285,4,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1286,5,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,110,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1287,4,3,2,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,19,1,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1288,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1289,3,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1290,5,3,8,3,91,1,2,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,32,2,2,1,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1291,5,3,5,2,0,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,121,10,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1292,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1293,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1294,5,3,2,3,,,92,0,92,92,1,,92,92,1,,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,92,92,92,92,28,2,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1295,4,3,10,2,0,1,3,1,2,1,0,0,92,92,1,,,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,151,12,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1296,5,3,9,2,91,1,2,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1297,5,3,6,1,,0,92,0,92,92,1,0,92,92,,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1298,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1299,5,2,10,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1300,2,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1301,4,3,4,2,0,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,74,6,2,2,,4,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1302,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,13,1,1,2,1,1,1,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1303,5,3,90,2,0,0,92,0,92,92,1,1,2,4,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,181,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1304,2,1,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1305,2,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1306,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1307,4,3,1,2,1,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1308,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1309,5,3,8,2,91,1,4,1,3,4,0,91,92,92,0,92,92,92,,0,0,0,1,1,4,6,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,92,92,92,92,75,6,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1310,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1311,1,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1312,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1313,2,1,6,1,,0,92,0,92,92,0,0,92,92,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1314,3,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1315,5,3,11,2,0,0,92,0,92,92,0,1,2,,1,2,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1316,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1317,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1318,5,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1319,5,1,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1320,5,90,1,2,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,194,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1321,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1322,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1323,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1324,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1325,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1326,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1327,3,3,2,3,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1328,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1329,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,35,2,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1330,5,2,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1331,5,3,2,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,92,92,92,92,69,5,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1332,5,1,12,2,0,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1333,1,1,12,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,41,3,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1334,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,0,1,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,71,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1335,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1336,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1337,5,3,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1338,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1339,5,2,7,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1340,1,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1341,3,1,1,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1342,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1343,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1344,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1345,5,3,1,2,1,2,,0,92,92,,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,,1,0,1,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1346,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,20,1,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1347,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1348,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1349,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1350,5,3,90,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1351,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1352,3,3,90,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,63,5,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1353,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1354,5,3,1,2,0,0,92,0,92,92,,1,2,3,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1355,4,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1356,1,1,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1357,3,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1358,3,3,6,1,1,1,3,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1359,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1360,3,3,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1361,5,2,90,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,7,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1362,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1363,1,3,7,1,91,2,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,12,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1364,1,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,,92,92,92,92,0,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1365,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1366,5,3,90,2,0,0,92,0,92,92,0,1,2,2,1,2,4,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,91,7,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1367,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1368,5,2,90,2,1,2,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1369,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1370,2,2,11,2,0,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1371,1,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1372,5,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1373,5,3,9,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1374,3,3,90,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1375,3,3,11,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1376,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1377,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1378,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1379,4,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1380,5,3,2,3,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1381,3,3,8,2,91,0,92,0,92,92,1,1,,2,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1382,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1383,3,1,6,1,91,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1384,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1385,3,2,90,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1386,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1387,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1388,4,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1389,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1390,4,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,46,3,2,2,,1,0,4,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +1391,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1392,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1393,5,2,2,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1394,4,2,2,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,53,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1395,1,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1396,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1397,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1398,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1399,3,2,10,3,1,2,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,2,1,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +1400,5,1,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,33,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1401,5,3,90,2,0,0,92,0,92,92,1,1,2,2,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,57,4,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1402,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1403,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1404,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1405,5,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1406,4,3,90,2,0,0,92,0,92,92,1,1,2,2,1,1,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1407,5,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,169,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1408,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1409,2,1,9,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1410,5,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1411,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1412,4,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1413,5,3,11,2,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,143,11,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1414,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1415,5,2,4,2,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1416,5,2,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1417,5,90,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1418,5,1,1,2,1,1,3,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1419,4,3,5,2,,1,2,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,187,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1420,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1421,5,3,6,1,0,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1422,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1423,2,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1424,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1425,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1426,5,3,6,1,91,0,92,1,3,1,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1427,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1428,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1429,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1430,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1431,3,3,10,2,1,0,92,0,92,92,0,1,2,2,1,2,2,1,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,137,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1432,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1433,5,2,8,2,,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1434,3,3,2,3,0,,92,,92,92,,0,92,92,0,92,92,92,,0,0,1,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1435,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1436,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1437,4,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1438,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1439,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1440,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1441,5,3,9,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1442,1,3,9,2,91,,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,18,1,1,1,,1,0,4,1,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1443,5,3,8,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1444,5,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1445,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1446,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,0,0,1,1,,2,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1447,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1448,5,3,1,2,0,,92,0,92,92,,,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1449,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1450,3,1,8,3,1,,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,42,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1451,5,2,,,,0,92,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1452,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1453,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1454,3,3,8,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,6,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1455,3,3,11,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1456,5,3,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1457,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1458,5,1,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1459,3,90,9,2,0,0,92,0,92,92,1,1,3,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,77,6,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1460,4,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1461,3,1,8,3,91,1,,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1462,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1463,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1464,1,3,1,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1465,5,3,8,2,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1466,3,1,90,2,91,1,,,92,92,,91,92,92,1,,,,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,92,92,92,92,125,10,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1467,5,3,6,1,91,2,,1,1,2,0,,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,178,14,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1468,5,3,6,1,1,1,1,0,92,92,1,1,2,2,1,2,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,117,9,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1469,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1470,5,3,6,1,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1471,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1472,5,2,11,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1473,3,3,11,2,0,1,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1474,3,1,90,2,0,1,,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,113,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1475,5,3,10,2,0,1,2,1,2,1,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,58,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1476,5,3,11,2,1,1,2,0,92,92,,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1477,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +1478,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1479,5,3,8,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1480,3,2,11,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1481,5,3,90,2,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,49,4,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1482,1,3,8,2,1,1,,1,1,,1,1,2,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1483,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1484,1,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1485,5,3,1,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1486,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1487,3,3,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1488,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1489,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1490,3,3,1,3,0,1,,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,160,13,2,2,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +1491,5,2,4,2,1,1,3,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1492,3,3,7,1,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1493,5,3,1,3,,,92,0,92,92,1,1,2,,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,95,7,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1494,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1495,5,3,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1496,5,1,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,107,8,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1497,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1498,5,2,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1499,5,3,1,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1500,4,2,2,3,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,2,1,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1501,5,1,10,2,1,2,3,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,186,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1502,5,3,10,2,1,,92,,92,92,,0,92,92,,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1503,3,3,6,1,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,50,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1504,3,1,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1505,5,3,8,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1506,3,3,9,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,,1,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +1507,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1508,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,1,0,0,1,0,0,0,0,,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1509,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1510,3,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,,,,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1511,3,3,6,1,91,,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,20,1,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1512,5,3,1,3,0,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1513,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1514,3,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1515,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1516,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1517,5,2,7,1,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1518,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,186,15,2,1,2,2,1,6,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1519,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1520,3,3,90,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1521,3,3,1,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1522,5,1,6,1,0,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1523,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1524,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1525,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1526,3,1,5,2,1,1,2,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1527,3,1,6,1,91,0,92,0,92,92,1,0,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1528,5,1,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,195,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1529,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1530,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1531,3,3,90,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1532,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1533,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,11,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1534,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1535,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1536,3,3,8,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1537,3,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1538,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1539,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1540,5,2,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1541,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1542,4,3,10,2,0,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1543,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1544,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1545,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1546,3,3,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1547,5,2,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,92,92,92,92,205,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1548,5,1,11,2,0,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1549,3,1,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1550,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1551,3,3,8,2,91,1,2,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1552,3,2,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1553,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1554,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1555,5,1,8,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1556,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,19,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1557,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1558,3,3,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,21,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1559,5,3,1,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,213,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1560,5,3,2,3,1,,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1561,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1562,2,1,6,1,1,1,,,92,92,0,1,1,2,1,2,4,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,82,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1563,5,2,10,2,0,1,1,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,105,8,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1564,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1565,3,3,3,3,91,2,,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1566,3,3,10,2,1,1,2,0,92,92,0,1,,2,1,1,3,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,78,6,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1567,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1568,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1569,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1570,2,1,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,39,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1571,5,3,8,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,197,16,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1572,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1573,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1574,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1575,3,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1576,5,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1577,5,1,1,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1578,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1579,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1580,5,1,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,2,1,,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1581,4,3,8,2,91,0,92,1,1,2,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,92,92,92,92,10,0,1,2,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1582,3,1,90,2,0,0,92,0,92,92,1,1,1,2,1,3,3,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,113,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1583,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,79,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1584,3,3,1,2,0,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1585,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,2,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1586,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1587,3,1,8,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,2,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1588,5,90,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1589,3,3,7,1,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,17,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1590,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1591,3,2,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1592,3,2,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1593,3,4,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1594,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1595,3,3,12,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1596,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1597,5,3,4,2,,1,3,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1598,5,1,7,1,0,0,92,0,92,92,,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1599,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1600,2,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1601,3,3,8,2,91,0,92,0,92,92,1,0,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,31,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1602,2,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1603,5,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1604,2,3,11,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1605,3,3,90,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,32,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1606,5,3,8,2,1,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1607,3,2,8,2,91,0,92,0,92,92,,91,92,92,1,,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,48,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1608,5,2,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1609,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1610,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1611,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1612,5,3,12,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1613,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1614,4,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1615,5,2,11,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1616,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1617,2,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1618,4,2,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1619,5,3,6,1,0,0,92,0,92,92,1,1,1,2,1,1,2,2,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,173,14,2,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +1620,4,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1621,1,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1622,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1623,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,126,10,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1624,1,3,8,3,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1625,4,3,12,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1626,5,1,1,2,,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,215,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1627,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1628,5,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1629,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1630,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,1,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,90,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1631,5,3,2,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1632,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1633,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1634,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1635,4,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1636,2,3,10,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1637,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1638,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1639,3,1,10,2,0,2,2,0,92,92,,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,203,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1640,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1641,5,3,6,1,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,60,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1642,4,3,8,3,,1,2,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1643,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1644,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1645,5,1,12,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1646,1,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,1,,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +1647,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1648,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1649,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1650,5,3,2,3,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1651,4,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1652,5,2,90,2,0,0,92,0,92,92,0,1,2,3,1,2,4,3,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1653,5,3,1,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1654,3,3,7,1,91,0,92,0,92,92,1,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1655,5,1,8,2,91,,92,0,92,92,0,1,1,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,92,92,92,92,73,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1656,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1657,5,3,11,2,,0,92,0,92,92,,1,,,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,177,14,2,1,,,,3,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1658,4,3,90,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,,92,92,92,92,92,,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1659,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1660,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1661,5,3,8,2,91,0,92,0,92,92,0,0,92,92,1,3,3,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,39,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1662,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1663,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1664,3,3,6,1,1,0,92,0,92,92,1,0,92,92,1,3,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1665,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1666,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1667,3,3,8,3,0,1,2,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,98,8,2,1,2,3,0,5,1,1,1,0,1,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +1668,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1669,5,2,11,2,1,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,143,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1670,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,24,2,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +1671,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,6,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1672,5,3,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1673,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1674,5,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1675,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1676,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1677,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1678,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,52,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1679,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1680,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1681,3,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1682,5,1,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1683,4,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1684,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1685,3,1,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,138,11,2,2,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1686,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1687,3,90,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,68,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1688,5,3,4,2,0,0,92,0,92,92,,0,92,92,1,3,2,1,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,1,1,0,0,1,1,1,0,0,0,1,1,0,0,0,92,92,92,92,91,7,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1689,5,2,6,1,0,0,92,0,92,92,1,,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1690,5,2,12,3,,2,,,92,92,1,1,1,2,1,3,,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,77,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1691,3,90,9,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,1,90,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1692,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1693,3,1,1,3,,1,,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1694,3,2,4,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,204,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1695,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,17,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1696,2,3,4,2,0,0,92,0,92,92,1,1,,1,1,1,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,2,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,121,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1697,5,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1698,3,2,8,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1699,5,2,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1700,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1701,3,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1702,4,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1703,4,2,90,2,91,2,,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,3,4,5,12,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1704,3,3,6,1,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1705,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1706,5,3,8,3,91,2,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1707,4,3,11,2,1,2,4,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1708,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1709,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,104,8,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1710,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1711,4,2,8,2,,0,92,0,92,92,1,1,,,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,52,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1712,5,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1713,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1714,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1715,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1716,3,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1717,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1718,4,3,6,1,91,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1719,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1720,5,3,8,3,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1721,3,3,6,1,1,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,68,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1722,2,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1723,3,3,8,2,1,1,1,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1724,5,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,20,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1725,5,2,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1726,3,3,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1727,3,3,6,1,,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1728,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1729,3,90,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1730,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1731,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1732,5,2,6,1,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1733,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1734,3,2,90,2,0,0,92,0,92,92,1,1,1,2,1,1,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,175,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1735,5,3,1,2,0,1,4,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1736,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1737,5,1,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1738,3,2,8,2,,0,92,0,92,92,0,1,,3,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,63,5,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1739,5,1,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1740,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,71,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1741,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1742,5,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1743,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1744,3,1,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,14,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1745,3,2,9,2,,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1746,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1747,2,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1748,3,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1749,3,3,10,2,0,0,92,0,92,92,1,0,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1750,5,3,1,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1751,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1752,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1753,3,3,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1754,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,42,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1755,5,3,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1756,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1757,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1758,5,1,4,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1759,5,1,4,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,148,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1760,5,2,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1761,3,90,8,2,,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,31,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1762,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1763,5,2,9,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1764,1,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1765,5,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1766,3,3,8,3,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,179,14,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1767,5,3,8,2,91,0,92,1,3,,1,91,92,92,0,92,92,92,,0,0,1,2,2,4,8,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,27,2,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1768,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1769,5,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1770,1,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1771,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1772,3,3,6,1,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1773,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1774,5,3,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1775,5,4,8,2,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,3,5,9,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,2,2,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1776,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1777,5,90,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1778,3,3,2,3,1,1,,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1779,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,4,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +1780,5,1,10,2,1,1,2,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,3,5,12,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,139,11,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1781,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1782,5,1,8,3,1,,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,180,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1783,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1784,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1785,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1786,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1787,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1788,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,100,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1789,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1790,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1791,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,47,3,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1792,5,3,5,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1793,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1794,3,3,8,2,0,0,92,0,92,92,1,0,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1795,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1796,5,90,90,2,0,0,92,0,92,92,0,1,2,,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,115,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1797,3,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1798,2,3,10,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1799,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1800,1,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1801,3,3,1,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1802,1,3,6,1,0,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,70,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1803,5,1,11,2,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,1,5,8,1,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,1,0,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,15,1,1,2,,,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,1,0,1 +1804,3,3,2,3,1,1,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1805,4,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,12,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1806,5,3,2,3,0,0,92,0,92,92,1,1,1,2,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,142,11,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1807,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1808,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1809,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1810,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1811,5,3,1,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1812,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1813,5,3,12,2,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1814,3,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1815,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1816,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1817,5,3,,,91,0,92,0,92,92,0,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,10,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1818,4,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,46,3,2,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1819,5,2,7,1,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1820,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1821,5,3,8,2,91,0,92,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1822,1,4,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1823,5,3,,,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1824,3,2,12,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1825,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1826,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1827,3,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1828,5,2,4,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1829,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1830,5,3,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,177,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1831,5,3,8,2,1,1,,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1832,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1833,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1834,2,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1835,5,3,10,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1836,4,2,8,2,91,0,92,0,92,92,0,91,92,92,1,,2,1,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,67,5,2,1,,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +1837,2,1,7,1,91,2,2,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,41,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1838,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,16,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1839,5,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,185,15,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1840,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1841,5,3,6,1,0,0,92,0,92,92,1,91,92,92,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1842,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1843,5,2,5,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,22,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1844,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1845,1,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1846,3,3,9,2,0,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1847,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1848,5,3,3,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1849,5,2,6,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1850,3,1,2,3,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1851,5,3,3,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1852,2,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1853,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1854,3,3,7,1,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,10,0,1,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1855,3,3,7,1,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1856,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1857,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1858,5,1,1,3,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1859,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1860,5,2,6,1,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1861,5,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1862,3,3,90,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1863,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1864,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1865,4,2,6,1,1,1,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1866,2,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1867,3,3,8,2,1,2,1,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1868,5,2,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1869,5,3,10,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1870,5,3,11,2,1,1,3,1,2,3,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,161,13,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1871,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1872,5,3,2,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1873,5,3,1,2,1,1,1,0,92,92,1,1,3,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1874,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1875,2,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,89,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1876,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,4,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1877,5,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,74,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1878,5,1,6,1,0,0,92,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,90,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1879,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1880,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1881,3,1,10,2,1,0,92,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,,1,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1882,3,3,6,1,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,108,9,2,2,,4,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1883,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1884,4,3,8,2,0,1,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1885,5,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1886,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1887,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1888,3,3,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1889,1,2,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1890,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1891,5,1,5,2,1,,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1892,3,3,6,1,0,0,92,0,92,92,0,1,,2,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1893,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1894,3,3,1,2,1,2,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,187,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1895,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1896,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1897,3,3,11,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1898,4,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1899,3,3,10,2,0,0,92,0,92,92,1,1,1,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1900,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1901,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1902,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1903,5,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1904,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1905,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1906,5,2,6,1,1,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,2,1,1,6,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +1907,2,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1908,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1909,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1910,3,3,1,3,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1911,5,2,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1912,5,3,2,3,1,1,,0,92,92,1,1,2,2,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,147,12,2,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1913,3,3,6,1,0,1,1,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1914,1,90,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,158,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1915,5,2,7,1,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1916,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1917,2,1,10,2,1,0,92,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1918,5,1,2,,91,1,4,0,92,92,,91,92,92,1,1,2,1,,0,0,0,1,1,1,3,1,1,0,0,0,0,0,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,1,0,1,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,,1,0,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1919,3,3,10,2,1,0,92,0,92,92,0,1,3,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1920,3,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1921,3,3,12,2,91,2,2,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,22,1,1,1,2,90,1,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +1922,3,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,32,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1923,3,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1924,3,1,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1925,5,3,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1926,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1927,5,2,4,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1928,3,3,11,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,1,3,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1929,5,3,8,2,91,0,92,1,1,2,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,36,3,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1930,5,2,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1931,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1932,4,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1933,3,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1934,3,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1935,3,3,7,1,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1936,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1937,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1938,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1939,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1940,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1941,5,3,10,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1942,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1943,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1944,4,2,5,2,1,0,92,1,2,3,1,91,92,92,1,1,2,1,,0,0,1,3,2,5,10,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,92,92,92,92,184,15,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1945,1,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1946,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,38,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1947,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1948,5,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1949,1,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,45,3,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1950,3,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1951,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1952,2,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1953,3,3,8,2,0,0,92,0,92,92,1,1,2,2,1,2,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,48,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1954,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,134,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1955,3,3,12,2,0,0,92,0,92,92,0,1,3,2,1,2,3,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,98,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1956,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1957,5,1,9,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,92,92,92,92,32,2,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1958,5,3,9,2,91,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1959,3,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,165,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1960,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1961,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1962,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,1,,0,6,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1963,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1964,4,3,7,1,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,89,7,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1965,3,3,8,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1966,5,3,8,3,91,,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1967,5,3,90,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,168,14,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1968,4,3,9,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1969,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1970,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1971,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1972,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1973,5,3,10,2,1,0,92,0,92,92,0,1,3,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,144,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1974,2,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1975,3,3,1,2,,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,134,11,2,2,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1976,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1977,3,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,207,17,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1978,5,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1979,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1980,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1981,3,3,4,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1982,5,4,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1983,3,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1984,5,3,9,2,0,0,92,0,92,92,0,1,,,1,3,,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,76,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1985,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,2,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,20,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1986,5,4,10,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,188,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1987,5,3,90,2,1,2,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1988,5,2,10,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1989,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1990,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1991,5,1,11,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1992,5,2,4,2,1,1,4,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,,92,92,92,92,92,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,198,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1993,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1994,3,3,11,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +1995,3,3,11,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1996,3,3,1,2,1,2,,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1997,5,3,11,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1998,5,3,2,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,57,4,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +1999,5,2,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,1,1,0,0,0,0,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,2,1,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2000,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2001,3,3,7,1,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2002,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2003,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2004,3,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2005,4,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,1,,,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2006,5,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2007,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2008,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2009,3,2,2,3,0,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,2,1,90,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +2010,5,90,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2011,3,2,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2012,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2013,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2014,5,3,11,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +2015,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2016,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2017,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2018,5,3,10,2,0,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,128,10,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2019,5,3,8,3,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,3,4,9,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,18,1,1,1,,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0 +2020,1,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2021,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2022,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2023,2,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2024,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2025,2,1,90,2,0,0,92,0,92,92,1,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2026,5,3,8,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,47,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2027,5,3,9,2,,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2028,4,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2029,5,2,2,3,1,0,92,0,92,92,1,1,2,1,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2030,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2031,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2032,5,3,7,1,0,1,2,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2033,5,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2034,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2035,3,1,5,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2036,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2037,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2038,3,3,5,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,167,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2039,5,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2040,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2041,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2042,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2043,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2044,5,1,11,2,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,209,17,2,1,2,2,0,7,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2045,4,3,2,3,,1,4,0,92,92,0,,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,2,2,0,5,1,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +2046,5,3,90,2,0,1,2,1,,1,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,80,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2047,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2048,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2049,1,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2050,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2051,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2052,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2053,5,3,6,1,1,0,92,0,92,92,1,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,151,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2054,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2055,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2056,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2057,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2058,5,1,8,3,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2059,3,3,8,3,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2060,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2061,5,3,6,1,,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2062,3,3,4,2,1,1,3,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,,4,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2063,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2064,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2065,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2066,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2067,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2068,5,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2069,5,3,9,2,0,0,92,0,92,92,1,1,2,2,1,2,4,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2070,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2071,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2072,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2073,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2074,3,3,90,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,111,9,2,2,,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2075,4,3,8,2,,0,92,0,92,92,1,91,92,92,1,2,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2076,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2077,5,3,90,2,0,0,92,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,1,,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2078,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2079,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2080,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2081,5,2,6,1,0,0,92,0,92,92,1,1,2,2,1,2,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,78,6,2,2,,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2082,3,3,11,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2083,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2084,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2085,2,3,10,2,0,1,3,0,92,92,1,1,1,,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,174,14,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2086,5,3,10,2,,0,92,0,92,92,,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,92,92,92,92,179,14,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2087,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2088,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2089,3,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2090,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2091,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,10,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2092,5,3,10,2,1,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2093,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,50,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2094,3,3,10,2,1,2,,0,92,92,0,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,92,92,92,92,128,10,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2095,3,3,8,3,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2096,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2097,5,3,4,2,0,0,92,,92,92,1,1,,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2098,3,1,11,2,1,1,2,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2099,5,2,2,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2100,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,,,,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2101,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2102,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2103,5,3,1,3,0,0,92,0,92,92,1,1,3,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,196,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2104,3,3,12,2,0,0,92,0,92,92,1,1,2,3,1,3,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,76,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2105,3,3,6,1,91,0,92,0,92,92,0,91,92,92,1,,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,24,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2106,5,2,6,1,1,0,92,0,92,92,1,0,92,92,1,1,2,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,82,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2107,4,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2108,3,3,10,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2109,5,1,8,2,91,1,,,92,92,0,91,92,92,,92,92,92,,0,0,0,1,2,3,6,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,,1,,5,1,1,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,1,1,1 +2110,3,2,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2111,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2112,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2113,3,3,10,2,0,,92,0,92,92,0,1,2,4,1,1,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,148,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2114,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2115,2,3,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,81,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2116,5,1,1,2,1,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,3,6,13,1,1,0,0,1,1,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,187,15,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2117,3,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,58,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2118,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2119,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2120,5,1,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,92,92,92,92,164,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2121,3,3,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2122,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2123,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2124,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2125,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2126,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2127,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2128,5,2,8,2,91,1,1,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2129,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2130,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2131,3,3,1,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2132,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2133,5,3,12,2,0,0,92,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2134,5,3,8,3,,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,1,2,2,,3,1,1,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +2135,5,1,7,1,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2136,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2137,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2138,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2139,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,42,3,2,2,,4,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2140,4,3,1,3,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,3,4,5,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,88,7,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +2141,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2142,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2143,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2144,5,3,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2145,5,3,8,3,91,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,7,0,1,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2146,5,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2147,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2148,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2149,3,3,6,1,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2150,5,3,8,2,0,0,92,0,92,92,0,0,92,92,1,3,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2151,3,3,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2152,5,1,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2153,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2154,3,3,3,3,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2155,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2156,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2157,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2158,3,3,90,2,91,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2159,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,1,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2160,3,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2161,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2162,5,3,11,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2163,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2164,3,3,8,2,91,2,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2165,1,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2166,5,1,11,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,185,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2167,3,1,7,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2168,3,1,1,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,18,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2169,5,3,2,3,1,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2170,3,3,9,2,0,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2171,4,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2172,5,3,1,2,91,0,92,0,92,92,0,91,92,92,1,3,4,3,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,1,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,1,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2173,5,2,8,3,0,0,92,0,92,92,1,0,92,92,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2174,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2175,5,3,1,3,0,0,92,0,92,92,,0,92,92,1,,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,2,2,5,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2176,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2177,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2178,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2179,3,3,5,2,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2180,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2181,3,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2182,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2183,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2184,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2185,3,3,6,1,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2186,5,2,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2187,3,3,90,2,0,1,2,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2188,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,3,0,1,2,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +2189,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2190,3,3,8,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2191,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,4,13,1,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2192,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2193,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2194,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2195,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2196,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2197,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2198,3,2,8,3,91,0,92,0,92,92,,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2199,3,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2200,5,2,10,3,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2201,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2202,3,3,8,2,1,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,108,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2203,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2204,5,3,6,1,0,,92,0,92,92,1,1,3,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,99,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2205,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2206,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2207,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2208,5,3,3,3,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2209,5,1,1,3,1,1,2,0,92,92,,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2210,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2211,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2212,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,1,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2213,3,1,6,1,1,1,,,92,92,,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,204,17,2,1,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2214,3,3,1,3,0,0,92,0,92,92,,1,,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,50,4,2,1,,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2215,3,90,,,0,0,92,0,92,92,,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,1,0,1,1,1,1,1,1,1,1,1,1,0,92,92,92,92,92,1,1,0,0,1,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,46,3,2,2,2,1,0,5,1,1,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +2216,5,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2217,3,1,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,2,,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2218,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2219,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2220,4,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2221,3,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2222,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2223,3,1,5,2,,2,,,92,92,0,,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2224,3,90,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2225,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2226,3,2,8,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,67,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2227,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2228,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2229,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,2,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2230,5,3,9,2,0,,92,0,92,92,0,1,,2,1,,2,1,1,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2231,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2232,2,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2233,1,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,112,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2234,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2235,1,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2236,3,1,10,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,174,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2237,5,3,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2238,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2239,5,3,6,1,,,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,207,17,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2240,3,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2241,5,90,7,1,91,0,92,0,92,92,1,0,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2242,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2243,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1 +2244,5,4,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2245,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2246,3,3,8,2,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2247,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2248,5,3,5,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2249,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2250,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2251,3,3,4,2,0,0,92,0,92,92,1,1,2,2,1,3,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,100,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2252,5,2,8,2,91,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2253,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,1,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2254,3,2,7,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2255,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2256,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2257,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,7,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2258,3,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2259,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2260,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2261,5,3,12,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2262,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2263,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2264,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,26,2,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2265,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2266,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2267,3,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2268,4,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2269,3,1,11,2,,2,,,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2270,5,3,1,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2271,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2272,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2273,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2274,3,1,10,2,0,0,92,0,92,92,1,1,2,2,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,192,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2275,3,90,2,3,1,1,,1,1,,,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,187,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2276,5,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2277,5,3,8,3,91,,92,,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,16,1,1,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0 +2278,4,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2279,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2280,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2281,5,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2282,1,3,1,3,0,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,14,2,1,1,0,0,1,0,0,92,0,1,1,0,0,0,0,1,3,,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,2,1,0,5,1,1,1,0,0,1,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +2283,3,3,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2284,5,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2285,3,3,9,2,0,1,2,1,2,1,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,105,8,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2286,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2287,3,3,90,3,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2288,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2289,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2290,5,90,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2291,5,3,5,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2292,5,3,10,2,1,1,1,0,92,92,0,1,2,2,1,1,3,1,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2293,4,3,90,2,0,0,92,1,2,2,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2294,3,2,10,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2295,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2296,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2297,3,3,9,2,0,0,92,0,92,92,0,,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2298,5,1,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2299,5,2,7,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2300,5,3,8,3,91,0,92,0,92,92,0,1,,,1,2,3,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,57,4,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2301,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2302,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2303,5,3,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2304,5,2,10,2,,,92,,92,92,0,1,,,1,,2,,1,0,0,0,4,4,6,14,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,85,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2305,5,3,12,2,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,64,5,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2306,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2307,5,3,10,2,,0,92,0,92,92,1,1,2,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2308,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2309,4,3,12,3,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,155,12,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2310,5,2,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2311,1,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2312,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,2,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2313,5,3,8,3,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,65,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2314,4,3,8,3,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2315,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2316,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2317,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2318,5,3,10,2,,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2319,3,2,6,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2320,1,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2321,5,2,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2322,4,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2323,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2324,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2325,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2326,5,3,4,2,1,1,3,1,1,2,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,95,7,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2327,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,63,5,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2328,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2329,5,3,2,3,91,1,4,0,92,92,0,91,92,92,1,1,2,1,,1,1,1,,,,5,1,1,0,0,0,0,0,1,1,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,56,4,2,1,,,,,1,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +2330,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2331,5,2,2,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2332,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2333,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2334,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2335,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2336,5,1,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,159,13,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2337,5,2,6,1,0,0,92,0,92,92,0,1,,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2338,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2339,1,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2340,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2341,3,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2342,4,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2343,5,3,3,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2344,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2345,5,1,8,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,134,11,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2346,5,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2347,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2348,4,2,2,3,,0,92,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2349,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2350,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2351,3,3,1,2,1,1,1,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2352,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2353,3,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,20,1,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2354,3,3,11,2,1,1,,1,,,,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2355,4,90,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,9,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2356,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,1,1,0,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2357,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2358,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2359,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2360,5,1,10,2,0,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,4,5,12,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2361,3,1,9,2,1,1,,0,92,92,0,1,2,4,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2362,5,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2363,3,3,6,1,91,,92,1,1,2,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2364,1,3,4,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2365,3,3,10,2,1,1,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2366,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2367,5,3,2,3,0,1,,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2368,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,14,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2369,5,3,10,2,1,,92,0,92,92,1,1,3,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,177,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2370,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2371,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2372,4,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2373,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2374,3,3,2,3,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2375,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2376,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2377,5,2,8,2,0,0,92,0,92,92,1,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,122,10,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2378,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2379,5,3,1,2,0,0,92,0,92,92,,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,101,8,2,1,2,3,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2380,5,3,6,1,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2381,4,3,10,2,0,2,1,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2382,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2383,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2384,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,13,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2385,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2386,5,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,3,4,6,13,1,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2387,5,3,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2388,5,2,10,2,,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2389,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2390,3,3,8,2,0,0,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,64,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2391,3,1,8,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2392,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2393,5,3,11,2,0,,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,1,,1,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2394,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2395,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2396,3,4,9,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2397,5,2,12,2,0,0,92,0,92,92,1,1,,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2398,3,1,4,2,1,1,,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2399,5,2,4,2,0,2,1,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2400,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2401,3,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2402,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2403,5,3,8,2,91,0,92,0,92,92,1,0,92,92,1,2,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2404,3,1,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2405,5,3,8,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,2,,1,,1,1,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2406,5,3,7,1,1,1,3,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2407,5,3,8,3,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2408,3,3,6,1,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,61,5,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2409,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2410,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2411,4,3,2,3,1,2,,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2412,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2413,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2414,1,3,6,1,0,0,92,0,92,92,1,1,3,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2415,3,2,9,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2416,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2417,5,3,6,1,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2418,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2419,3,90,6,1,91,1,3,0,92,92,0,91,92,92,1,1,2,1,,,,,4,4,5,13,1,1,0,1,0,0,0,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2420,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2421,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2422,3,2,12,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2423,3,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2424,3,1,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2425,1,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2426,5,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,3,0,1,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2427,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2428,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2429,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2430,3,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,27,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2431,4,3,11,2,0,1,,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,179,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2432,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2433,5,3,7,1,1,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2434,5,2,12,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2435,5,3,8,3,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2436,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2437,3,3,10,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2438,3,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,27,2,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2439,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2440,5,3,90,2,91,1,,0,92,92,0,91,92,92,1,3,,3,,0,0,0,4,3,4,11,1,1,0,1,1,0,0,1,,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,1,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,2,,2,0,5,1,1,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,1,1 +2441,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2442,3,2,8,3,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,6,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2443,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2444,5,3,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2445,5,3,6,1,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2446,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2447,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2448,5,3,6,1,1,2,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2449,5,2,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2450,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2451,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2452,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2453,1,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2454,3,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,101,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2455,5,3,90,2,,2,2,0,92,92,0,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,82,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2456,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2457,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2458,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2459,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2460,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2461,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2462,2,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2463,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,1,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2464,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2465,4,3,1,2,91,,92,,92,92,,,92,92,,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,1,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2466,5,2,10,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2467,5,2,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2468,5,3,90,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2469,5,3,7,1,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,155,12,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2470,4,3,8,3,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +2471,3,3,8,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2472,3,2,6,1,91,1,1,1,1,1,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,36,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2473,3,2,11,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2474,3,3,10,2,91,0,92,0,92,92,0,0,92,92,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2475,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2476,3,2,9,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,,,,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,170,14,2,2,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2477,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2478,5,3,6,1,0,0,92,0,92,92,1,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,141,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2479,5,2,2,3,1,1,,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2480,5,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2481,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2482,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2483,5,3,8,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2484,1,2,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2485,3,3,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,,92,,,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,21,1,1,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2486,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2487,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2488,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2489,1,2,9,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2490,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2491,3,3,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2492,5,2,90,2,0,0,92,0,92,92,1,1,,,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2493,5,3,2,3,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2494,3,2,9,2,0,1,,1,2,2,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,142,11,2,1,,2,0,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2495,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2496,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2497,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2498,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2499,5,1,8,3,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2500,5,3,6,1,0,0,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,61,5,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2501,1,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2502,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2503,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2504,5,2,7,1,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2505,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2506,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2507,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2508,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2509,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2510,5,1,4,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2511,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2512,5,3,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,,2,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2513,3,1,6,1,91,1,4,1,2,,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,92,92,92,92,39,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2514,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,24,2,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2515,5,1,7,1,0,0,92,0,92,92,1,0,92,92,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2516,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2517,3,3,1,2,1,,92,,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2518,3,2,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,103,8,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2519,5,2,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2520,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2521,5,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2522,5,3,8,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2523,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2524,5,2,7,1,0,0,92,0,92,92,,1,3,2,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,162,13,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2525,3,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2526,5,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,1,0,0,1,0,0,1,3,3,1,1,0,1,0,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2527,3,2,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2528,5,3,90,2,0,0,92,0,92,92,,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2529,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2530,3,3,4,2,1,0,92,0,92,92,1,1,3,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,121,10,2,2,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2531,5,2,6,1,1,1,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,1,,1,0,6,1,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +2532,3,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2533,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2534,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2535,5,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2536,5,3,90,2,,,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,2,2,1,5,1,1,1,0,0,0,0,1,1,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,1,1,1 +2537,5,1,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2538,5,3,90,2,1,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2539,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2540,3,3,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2541,5,3,2,3,1,1,3,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2542,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2543,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2544,3,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2545,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2546,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,39,3,2,1,2,1,,3,1,1,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2547,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2548,4,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2549,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2550,3,3,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2551,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2552,5,3,8,3,0,1,2,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,79,6,2,2,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2553,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2554,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2555,5,2,10,2,0,2,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,168,14,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2556,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2557,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2558,5,3,1,3,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,79,6,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2559,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2560,4,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2561,3,3,8,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2562,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2563,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,19,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2564,5,2,11,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2565,2,1,6,1,0,0,92,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,13,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2566,3,3,8,2,91,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2567,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2568,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2569,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2570,5,3,,,91,0,92,0,92,92,1,91,92,92,1,,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2571,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2572,5,1,90,2,,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2573,4,3,8,3,91,,92,,92,92,,,92,92,,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,1,2,1,0,5,1,1,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +2574,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2575,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2576,5,2,9,2,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,53,4,2,1,,2,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2577,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2578,5,3,6,1,0,0,92,0,92,92,1,1,2,3,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2579,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2580,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2581,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2582,5,2,,,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2583,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2584,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2585,5,2,8,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2586,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2587,5,90,12,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2588,3,3,3,3,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,2,2,0,3,1,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +2589,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2590,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2591,5,3,8,2,0,0,92,0,92,92,1,1,1,,1,,3,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,,92,92,92,92,44,3,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2592,5,3,90,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,1,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2593,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2594,5,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2595,3,1,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,54,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2596,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,1,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2597,3,3,7,1,1,1,3,0,92,92,0,1,,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2598,5,3,2,3,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,90,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2599,3,3,8,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2600,5,3,7,1,91,0,92,0,92,92,0,91,92,92,1,,2,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,1,1,1,0,0,36,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2601,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2602,5,3,8,2,0,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2603,5,3,8,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2604,5,1,10,2,,2,,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2605,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2606,1,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,12,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2607,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2608,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2609,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2610,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,1,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,17,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2611,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2612,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2613,3,1,10,2,1,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2614,1,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2615,3,3,10,2,0,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2616,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,1,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +2617,5,1,3,3,0,,92,0,92,92,1,1,2,2,1,1,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,1,3,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,128,10,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2618,3,3,6,1,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,182,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2619,5,3,8,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2620,4,3,8,3,91,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2621,5,3,11,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2622,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2623,2,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2624,4,3,90,2,0,2,,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,190,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2625,4,3,8,3,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2626,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2627,3,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2628,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2629,4,3,10,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2630,5,3,8,3,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2631,5,3,6,1,91,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2632,1,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2633,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2634,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2635,5,3,2,3,1,,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2636,5,3,11,2,0,2,,0,92,92,,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,180,15,2,1,,,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2637,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2638,5,3,2,3,0,2,,1,2,,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,155,12,2,1,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2639,5,3,1,2,1,1,,,92,92,0,0,92,92,0,92,92,92,0,0,0,1,4,4,6,14,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,56,4,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2640,2,3,11,2,0,0,92,0,92,92,,1,2,2,1,3,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,185,15,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2641,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2642,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2643,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2644,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2645,3,3,7,1,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,174,14,2,1,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2646,5,3,6,1,91,1,2,0,92,92,1,91,92,92,1,2,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2647,5,1,1,2,,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,114,9,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2648,5,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2649,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2650,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2651,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2652,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2653,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2654,5,3,9,2,91,0,92,0,92,92,0,1,,4,1,3,4,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,37,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2655,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2656,3,3,6,1,0,0,92,0,92,92,0,1,2,3,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,174,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2657,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2658,2,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2659,5,3,4,2,1,2,,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2660,5,2,1,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2661,5,1,10,2,1,2,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2662,5,2,11,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2663,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2664,5,90,9,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,205,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2665,3,3,8,3,91,2,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2666,1,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2667,3,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2668,5,2,9,2,91,0,92,0,92,92,1,91,92,92,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2669,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,205,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2670,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2671,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2672,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2673,5,2,4,2,0,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,109,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2674,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2675,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2676,3,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2677,4,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2678,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2679,3,3,7,1,1,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2680,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2681,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2682,1,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2683,3,1,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2684,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2685,3,2,5,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,181,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2686,3,3,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2687,5,1,1,3,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2688,3,1,8,3,91,,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,25,2,2,1,2,1,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2689,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2690,4,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2691,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,19,1,1,2,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2692,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2693,4,2,2,3,0,2,,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,,90,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2694,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2695,5,3,8,3,91,1,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,2,2,3,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +2696,3,3,6,1,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2697,3,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2698,5,3,8,2,91,0,92,0,92,92,,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2699,5,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,77,6,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2700,4,3,1,3,91,2,,,92,92,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,2,1,0,5,1,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +2701,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2702,3,3,7,1,0,2,1,0,92,92,1,1,2,3,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2703,2,1,11,2,0,1,1,0,92,92,1,0,92,92,1,3,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2704,5,3,1,3,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2705,5,2,10,2,1,2,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2706,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2707,5,1,9,2,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2708,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2709,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,6,0,1,2,2,2,0,4,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2710,5,1,12,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2711,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2712,5,1,10,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,136,11,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2713,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2714,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2715,5,1,9,2,0,0,92,0,92,92,,1,2,2,1,3,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,195,16,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2716,1,90,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2717,4,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2718,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2719,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2720,5,3,6,1,91,0,92,0,92,92,0,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2721,4,3,90,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2722,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2723,5,3,7,1,91,,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,61,5,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2724,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2725,3,3,6,1,0,0,92,0,92,92,0,0,92,92,1,2,4,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,52,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2726,4,3,9,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2727,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2728,5,1,2,3,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,2,3,4,9,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,86,7,2,2,,2,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +2729,3,3,9,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2730,5,3,90,2,0,0,92,0,92,92,1,1,2,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,200,16,2,1,2,2,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +2731,2,1,6,1,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2732,5,1,4,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2733,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2734,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2735,4,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2736,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2737,5,3,1,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2738,5,2,90,2,,,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2739,3,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2740,2,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2741,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,81,6,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2742,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2743,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2744,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2745,5,3,6,1,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2746,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2747,3,3,11,2,0,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2748,3,2,8,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,88,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2749,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2750,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2751,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2752,4,3,1,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,,1,,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2753,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2754,1,3,8,2,,0,92,0,92,92,0,,92,92,1,3,3,1,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,61,5,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2755,5,2,10,2,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2756,5,3,90,2,,1,,0,92,92,,,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,1,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2757,3,3,1,2,0,1,1,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,1,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2758,1,3,3,3,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2759,4,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2760,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2761,2,1,10,2,1,1,,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2762,3,3,8,2,0,0,92,0,92,92,1,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2763,3,3,8,3,91,2,,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,27,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2764,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2765,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2766,3,1,2,3,,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2767,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2768,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2769,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2770,3,3,4,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,110,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2771,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,192,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2772,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,25,2,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2773,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2774,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2775,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2776,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2777,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2778,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2779,5,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2780,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2781,5,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2782,1,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,5,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2783,5,3,5,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2784,5,3,1,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2785,1,2,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2786,4,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2787,5,3,6,1,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2788,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2789,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2790,3,3,8,2,,,92,0,92,92,0,1,,,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,64,5,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2791,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2792,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2793,5,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2794,5,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2795,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2796,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2797,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2798,5,2,9,2,0,0,92,0,92,92,1,0,92,92,1,,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,31,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2799,5,3,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2800,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2801,5,1,6,1,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2802,5,3,4,2,1,2,,,92,92,0,1,1,,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2803,5,3,8,2,0,0,92,0,92,92,0,1,1,2,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,39,3,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2804,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2805,5,3,4,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2806,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2807,5,3,10,2,1,1,4,0,92,92,,,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,2,2,1,0,5,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2808,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,48,4,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2809,3,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,50,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2810,3,3,8,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2811,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2812,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2813,5,3,8,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2814,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2815,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2816,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,54,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2817,3,1,10,2,0,2,,0,92,92,1,1,2,2,1,3,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,51,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2818,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2819,3,3,1,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2820,4,3,5,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,87,7,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2821,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2822,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,1,,,1,3,1,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,1,1 +2823,5,1,6,1,0,1,2,1,1,1,1,1,2,2,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,180,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2824,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2825,3,3,9,2,0,0,92,0,92,92,0,1,1,3,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2826,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2827,5,2,8,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,1,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,127,10,2,1,,2,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2828,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,2,1,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2829,5,2,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2830,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2831,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2832,5,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,10,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2833,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2834,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2835,5,2,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2836,3,3,8,3,,0,92,0,92,92,1,91,92,92,1,,2,,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2837,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2838,5,3,7,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2839,5,3,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2840,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2841,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2842,5,3,6,1,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2843,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,1,0,0,1,0,0,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,18,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2844,4,2,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2845,5,1,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2846,5,3,2,2,0,0,92,0,92,92,0,1,,,1,,3,2,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,73,6,2,1,2,2,,5,1,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +2847,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2848,5,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,62,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2849,3,3,8,2,,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2850,4,3,90,2,0,0,92,0,92,92,0,1,3,1,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2851,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2852,3,3,10,2,1,,92,,92,92,0,1,1,2,1,1,,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,160,13,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2853,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2854,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2855,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2856,4,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2857,3,2,6,1,1,0,92,0,92,92,0,1,1,2,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,92,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2858,5,2,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2859,3,3,6,1,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2860,5,3,8,2,91,0,92,0,92,92,1,1,,2,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,28,2,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2861,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2862,3,3,1,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,58,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2863,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2864,5,3,8,2,91,0,92,0,92,92,0,1,,2,1,1,3,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2865,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2866,4,3,90,3,1,0,92,0,92,92,1,0,92,92,1,1,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2867,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2868,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2869,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2870,3,3,12,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,179,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2871,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2872,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2873,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2874,5,4,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2875,3,3,1,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,76,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2876,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2877,1,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2878,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2879,1,90,11,2,0,0,92,0,92,92,0,1,,,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2880,2,1,8,2,,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2881,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2882,3,3,10,2,0,0,92,0,92,92,0,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2883,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2884,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2885,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2886,5,2,8,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,1,1,0,0,0,0,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,,1,0,4,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +2887,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2888,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2889,3,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2890,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2891,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2892,4,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2893,3,3,8,2,0,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,38,3,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2894,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2895,5,1,8,3,0,0,92,0,92,92,1,1,2,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,59,4,2,1,1,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2896,3,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2897,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2898,5,2,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2899,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2900,2,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,12,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2901,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2902,3,1,12,2,0,0,92,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2903,4,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,16,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2904,3,3,8,2,91,2,3,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2905,5,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2906,5,1,6,1,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2907,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2908,3,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2909,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2910,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2911,5,1,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2912,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2913,5,2,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2914,3,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2915,3,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2916,5,3,8,2,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2917,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2918,5,1,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2919,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2920,1,2,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2921,5,2,8,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2922,3,2,8,3,,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0,92,92,92,92,165,13,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2923,2,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2924,3,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2925,4,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2926,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2927,3,3,2,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2928,4,3,6,1,,0,92,0,92,92,0,,92,92,1,2,3,1,,0,0,0,3,5,5,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,1,,1,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,1,1 +2929,4,3,2,3,,1,4,,92,92,,,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,1,1,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,131,10,2,1,,1,0,3,1,1,1,0,0,1,0,0,0,0,0,0,1,1,1,0,0,1,1,0,0,1,0,0,0,0,1 +2930,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2931,5,3,5,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2932,5,3,6,1,1,0,92,0,92,92,0,1,3,2,0,92,92,92,1,,,,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2933,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2934,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2935,3,3,5,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,24,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2936,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2937,4,3,7,1,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,102,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2938,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2939,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2940,1,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2941,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2942,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2943,5,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2944,5,3,6,1,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,200,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2945,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2946,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2947,3,3,4,2,0,2,2,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2948,5,3,11,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2949,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,1,1,0,0,11,0,1,1,,,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2950,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2951,3,3,90,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2952,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2953,5,3,5,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2954,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2955,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2956,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2957,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2958,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2959,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2960,4,3,10,2,1,1,2,0,92,92,,1,3,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2961,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2962,1,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2963,3,2,1,2,0,1,,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2964,5,2,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2965,5,3,6,1,91,2,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2966,1,1,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2967,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2968,3,3,1,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2969,5,3,11,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2970,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2971,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2972,5,3,8,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,122,10,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2973,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2974,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2975,3,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2976,5,2,4,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2977,5,1,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2978,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2979,5,3,12,2,1,1,2,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,183,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2980,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2981,3,3,10,2,1,1,,0,92,92,,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2982,5,2,8,3,91,2,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2983,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2984,4,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2985,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2986,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2987,2,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2988,5,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,143,11,2,2,2,1,0,90,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +2989,5,1,4,2,1,1,1,0,92,92,0,1,2,2,0,92,92,92,0,0,0,1,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,2,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2990,5,3,5,2,0,0,92,0,92,92,0,1,3,2,1,2,4,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,85,7,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2991,3,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2992,5,2,6,1,0,0,92,0,92,92,1,1,2,2,1,1,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2993,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2994,5,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,156,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2995,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2996,5,3,1,3,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,2,1,1,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2997,5,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +2998,5,3,2,3,1,1,,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +2999,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3000,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3001,4,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3002,4,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3003,5,1,9,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3004,3,2,11,2,1,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3005,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3006,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3007,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3008,3,3,4,2,1,1,,1,1,1,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,86,7,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3009,5,3,4,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3010,3,3,6,1,0,1,2,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3011,3,4,3,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3012,5,1,1,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3013,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,8,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3014,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3015,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3016,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3017,5,2,6,1,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3018,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3019,5,90,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3020,3,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3021,3,1,1,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3022,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3023,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3024,5,1,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3025,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3026,3,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3027,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3028,1,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3029,3,3,8,3,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3030,4,2,10,2,0,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3031,5,3,1,3,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3032,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3033,1,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3034,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3035,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3036,3,3,,,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3037,5,90,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,90,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +3038,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3039,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3040,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,149,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3041,5,3,8,3,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3042,5,3,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3043,5,1,10,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3044,5,2,8,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3045,5,3,12,2,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3046,3,1,7,1,91,1,2,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,2,4,10,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,1,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,150,12,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3047,5,3,8,2,91,2,2,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3048,2,1,8,2,0,2,,1,2,1,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,65,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3049,4,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3050,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3051,5,90,2,3,0,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3052,3,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3053,3,3,7,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3054,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3055,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3056,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3057,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3058,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3059,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3060,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3061,3,3,11,2,0,1,2,1,2,2,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,92,92,92,92,140,11,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3062,3,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3063,5,2,7,1,0,2,1,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3064,4,3,1,3,1,2,,,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,65,5,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3065,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,78,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3066,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3067,3,3,7,1,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,10,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3068,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3069,2,1,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3070,5,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3071,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3072,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3073,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3074,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3075,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3076,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3077,5,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3078,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3079,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3080,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,1,3,2,1,1,0,1,0,1,1,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,180,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3081,5,2,6,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3082,5,2,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3083,3,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3084,3,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3085,5,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3086,5,2,8,3,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3087,5,3,4,2,91,2,1,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3088,5,3,10,2,1,1,2,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3089,3,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3090,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,15,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3091,5,3,8,2,91,0,92,0,92,92,0,0,92,92,1,1,2,,,0,0,0,4,4,5,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3092,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3093,3,2,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3094,5,2,11,2,0,0,92,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3095,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3096,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3097,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3098,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3099,4,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3100,3,2,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3101,1,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3102,5,2,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3103,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3104,5,3,10,2,1,1,2,0,92,92,1,0,92,92,1,1,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,195,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3105,5,3,1,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,44,3,2,2,1,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3106,3,1,10,2,1,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3107,5,1,4,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,72,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3108,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3109,4,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3110,1,3,6,1,91,0,92,0,92,92,1,0,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,21,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3111,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3112,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3113,5,3,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3114,4,3,90,2,,,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,,1,,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3115,5,2,11,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3116,5,3,1,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,183,15,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3117,5,3,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3118,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3119,5,2,12,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3120,1,3,4,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3121,5,2,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,206,17,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3122,3,3,9,2,0,0,92,0,92,92,0,1,1,2,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,91,7,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3123,1,3,90,2,1,,92,0,92,92,,0,92,92,1,,,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,83,6,2,2,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3124,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3125,3,3,8,3,0,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3126,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3127,1,2,7,1,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3128,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3129,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3130,5,90,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3131,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3132,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3133,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3134,3,3,10,2,0,1,4,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,214,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3135,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3136,3,1,8,2,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3137,5,2,10,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3138,5,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3139,5,1,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3140,3,3,9,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,12,1,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3141,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3142,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3143,5,3,3,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,7,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3144,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3145,3,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3146,4,1,10,2,0,0,92,0,92,92,1,1,2,4,1,2,2,3,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,202,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3147,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3148,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3149,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3150,2,1,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3151,3,1,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,94,7,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3152,3,3,90,2,1,,92,0,92,92,0,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,211,17,2,2,2,2,1,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3153,3,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3154,5,2,,,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3155,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3156,5,3,90,2,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3157,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3158,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3159,3,2,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,,,,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,173,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3160,3,3,7,1,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3161,5,90,90,2,0,,92,0,92,92,1,1,,,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3162,3,90,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,5,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3163,5,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3164,5,3,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3165,5,3,10,2,1,0,92,0,92,92,,1,2,2,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,201,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3166,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3167,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,65,5,2,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3168,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3169,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3170,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3171,5,2,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3172,5,1,4,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3173,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3174,5,3,11,2,0,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3175,5,3,10,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3176,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,2,,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +3177,5,2,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3178,5,1,6,1,91,0,92,0,92,92,0,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,19,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3179,3,1,6,1,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3180,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,0,0,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3181,1,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3182,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,2,1,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3183,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3184,5,3,2,3,1,2,2,0,92,92,1,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,84,7,2,1,2,2,1,3,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3185,5,2,90,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3186,4,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,127,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3187,4,3,90,2,91,0,92,0,92,92,1,1,1,2,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3188,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3189,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3190,3,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,3,4,9,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3191,3,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3192,2,90,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,71,5,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3193,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,2,1,7,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3194,5,3,10,3,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,148,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3195,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3196,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3197,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3198,4,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3199,5,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3200,4,3,2,2,0,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,189,15,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3201,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3202,4,2,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3203,3,3,90,2,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3204,5,3,8,2,91,0,92,0,92,92,,91,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3205,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3206,5,3,10,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,172,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3207,5,3,12,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3208,1,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3209,3,2,10,2,1,0,92,0,92,92,0,1,3,3,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3210,3,2,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3211,4,3,4,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3212,5,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3213,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3214,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3215,5,3,8,2,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3216,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3217,3,3,9,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3218,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3219,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3220,4,2,6,1,1,1,,0,92,92,1,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,187,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3221,5,1,8,2,1,,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3222,3,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3223,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3224,2,1,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3225,4,3,1,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3226,3,3,3,3,,,92,,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,1,1,0,0,0,0,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,87,7,2,1,,3,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +3227,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3228,5,3,1,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3229,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3230,5,3,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3231,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3232,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3233,2,3,8,3,0,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3234,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3235,2,1,8,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3236,3,3,10,2,0,,92,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3237,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3238,5,3,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3239,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3240,5,3,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3241,3,3,1,2,0,2,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3242,5,2,12,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3243,5,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3244,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3245,5,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3246,3,2,6,1,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,139,11,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3247,1,1,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3248,3,3,11,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3249,3,3,8,2,,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3250,5,1,8,3,91,0,92,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3251,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3252,4,3,1,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3253,1,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3254,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3255,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3256,4,2,1,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3257,3,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3258,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3259,5,2,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3260,2,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3261,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3262,2,4,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3263,5,3,9,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3264,4,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3265,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3266,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3267,2,1,8,3,1,1,3,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3268,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3269,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,64,5,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3270,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,19,1,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +3271,3,3,2,3,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3272,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3273,4,3,8,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,125,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3274,1,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3275,3,3,2,3,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3276,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3277,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,66,5,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3278,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3279,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3280,5,2,6,1,1,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3281,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3282,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3283,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3284,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,57,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3285,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3286,4,3,8,2,91,,92,0,92,92,0,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3287,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3288,1,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3289,5,2,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3290,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3291,3,3,10,2,1,1,3,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3292,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3293,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3294,5,3,10,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3295,5,3,3,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3296,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3297,5,1,10,2,0,2,1,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3298,5,2,6,1,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3299,5,2,9,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3300,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3301,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3302,3,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,184,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3303,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3304,3,2,2,3,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3305,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,2,1,1,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3306,5,3,1,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3307,5,3,10,2,0,2,1,0,92,92,1,1,1,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,92,92,92,92,166,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3308,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3309,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3310,3,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3311,5,1,10,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3312,3,3,8,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,92,92,92,92,96,8,2,2,2,90,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3313,5,3,9,2,91,2,2,1,1,1,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,39,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3314,3,3,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3315,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3316,5,1,8,2,,1,,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3317,5,3,6,1,0,0,92,0,92,92,0,1,3,2,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,135,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3318,5,3,7,1,0,0,92,0,92,92,0,91,92,92,1,3,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3319,3,1,8,3,0,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3320,3,3,4,2,0,1,,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3321,3,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3322,4,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3323,5,3,8,2,0,0,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3324,,3,3,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,187,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3325,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3326,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3327,3,3,1,2,0,2,2,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3328,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,52,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3329,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3330,5,90,6,1,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3331,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3332,5,3,1,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,4,6,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,1,0,0,0,0,,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3333,5,1,12,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3334,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3335,4,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,9,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3336,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3337,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3338,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3339,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3340,5,3,8,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,19,1,1,2,2,1,,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +3341,5,3,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3342,3,3,90,2,1,1,3,1,1,1,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,173,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3343,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3344,3,1,7,1,0,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3345,4,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,56,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3346,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3347,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3348,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3349,3,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3350,5,2,8,2,91,0,92,0,92,92,1,0,92,92,1,2,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3351,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,187,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3352,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3353,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3354,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,14,1,1,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3355,5,1,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3356,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3357,3,3,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3358,5,2,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3359,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3360,1,2,6,1,91,0,92,0,92,92,1,91,92,92,1,3,1,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3361,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3362,5,1,6,1,0,0,92,0,92,92,1,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3363,5,3,6,1,0,0,92,0,92,92,0,1,2,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,213,17,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3364,3,2,4,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3365,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3366,3,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3367,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3368,3,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3369,3,3,12,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3370,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3371,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3372,5,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3373,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3374,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3375,3,3,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3376,3,3,7,1,0,2,3,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3377,5,3,5,2,0,1,2,0,92,92,1,0,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,84,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3378,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,185,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3379,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3380,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3381,5,3,1,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,215,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3382,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,35,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3383,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3384,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3385,3,3,10,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3386,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3387,5,2,10,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3388,3,3,8,3,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3389,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3390,3,2,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,1,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3391,5,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3392,5,3,2,3,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3393,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3394,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3395,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3396,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3397,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3398,1,3,8,3,,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3399,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3400,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3401,5,3,1,3,91,1,,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3402,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3403,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3404,3,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3405,3,3,7,1,0,1,1,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3406,3,3,1,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,78,6,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3407,1,3,8,2,1,,92,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3408,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3409,5,3,9,2,91,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,51,4,2,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3410,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3411,5,1,11,2,0,0,92,0,92,92,1,1,2,2,1,1,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,173,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3412,5,4,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3413,5,3,12,2,91,1,1,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3414,3,3,8,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,71,5,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3415,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,9,0,1,2,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3416,4,3,90,2,0,0,92,0,92,92,0,1,,2,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3417,5,2,12,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3418,3,1,1,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3419,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3420,5,3,1,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,178,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3421,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3422,5,3,12,3,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,,2,1,3,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3423,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3424,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3425,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3426,4,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3427,5,3,8,2,,1,1,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3428,5,2,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,57,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3429,5,3,1,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3430,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3431,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3432,3,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3433,3,90,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3434,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3435,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3436,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3437,5,3,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,193,16,2,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3438,5,3,11,2,91,1,3,1,2,1,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3439,5,90,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3440,5,2,7,1,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,56,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3441,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3442,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3443,3,1,6,1,0,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3444,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3445,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3446,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3447,3,3,7,1,91,2,2,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3448,3,3,11,2,0,0,92,0,92,92,1,1,2,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3449,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3450,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3451,3,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,189,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3452,3,3,7,1,1,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3453,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3454,5,2,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3455,5,3,10,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3456,5,3,6,1,91,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3457,3,2,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,54,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3458,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,11,0,1,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3459,5,3,6,1,1,1,1,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,169,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3460,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3461,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,1,0,1,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3462,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3463,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,4,0,1,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3464,5,2,11,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3465,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3466,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,72,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3467,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3468,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3469,5,3,3,2,91,1,,0,92,92,0,91,92,92,,92,92,92,,0,0,0,1,2,5,8,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,1,1,0,0,1,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,1,0,5,1,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,1,0,1 +3470,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3471,5,3,1,3,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,30,2,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3472,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,2,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3473,5,3,90,2,91,0,92,0,92,92,0,91,92,92,1,,4,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,11,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3474,3,1,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3475,5,3,2,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3476,3,3,6,1,0,0,92,0,92,92,1,1,3,2,1,2,3,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,164,13,2,2,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3477,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3478,3,3,8,3,91,,92,0,92,92,0,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +3479,2,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,148,12,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3480,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3481,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,18,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3482,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,65,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3483,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3484,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3485,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3486,3,3,4,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3487,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3488,5,3,3,2,0,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,1,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3489,5,3,10,2,,1,4,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,3,6,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3490,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3491,5,3,1,3,1,1,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3492,5,3,1,2,0,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,2,1,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3493,3,1,1,2,1,1,1,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3494,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,6,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3495,2,1,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3496,3,3,4,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3497,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3498,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3499,5,3,,,1,2,,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3500,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3501,3,3,10,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3502,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3503,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3504,2,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3505,5,1,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3506,1,3,90,2,0,0,92,0,92,92,0,1,2,4,1,3,3,2,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,66,5,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3507,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,145,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3508,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3509,2,1,6,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3510,5,3,8,3,1,1,3,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,,,,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,120,10,2,1,,2,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +3511,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3512,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3513,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3514,1,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3515,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3516,3,3,8,2,91,1,,1,2,,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,8,0,1,2,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +3517,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3518,5,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,1,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3519,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3520,5,3,5,2,1,,92,,92,92,,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,124,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3521,4,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3522,5,3,6,1,,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3523,5,3,8,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3524,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3525,1,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,211,17,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3526,5,2,90,2,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3527,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3528,3,2,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3529,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3530,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3531,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3532,3,90,2,3,0,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,2,1,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3533,5,3,7,1,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3534,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3535,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3536,5,3,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3537,5,3,6,1,1,2,2,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,131,10,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3538,5,2,3,3,0,2,1,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3539,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3540,5,3,8,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3541,1,3,7,1,1,0,92,0,92,92,0,1,2,2,1,3,3,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,92,92,92,92,129,10,2,2,,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +3542,3,3,8,2,0,0,92,0,92,92,0,0,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,48,4,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3543,3,2,6,1,0,0,92,0,92,92,1,1,1,2,1,2,1,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3544,4,3,5,2,1,1,4,,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3545,5,2,90,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3546,4,2,10,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3547,5,1,90,2,0,2,1,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3548,2,1,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,166,13,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3549,3,3,11,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3550,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3551,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3552,3,1,1,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3553,2,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3554,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3555,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3556,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3557,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3558,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3559,3,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3560,5,2,,,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3561,4,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3562,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3563,5,2,8,2,,1,1,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3564,4,2,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3565,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3566,5,3,1,2,,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3567,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3568,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3569,4,90,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3570,1,3,8,3,0,1,,1,2,,1,0,92,92,1,2,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,123,10,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3571,5,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3572,5,1,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3573,4,3,8,2,,2,3,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,107,8,2,1,2,2,0,4,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +3574,3,3,9,2,,0,92,1,2,1,0,,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,105,8,2,1,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3575,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3576,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3577,5,3,8,2,,0,92,0,92,92,0,1,,2,,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,100,8,2,1,2,1,,6,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0 +3578,5,3,1,2,,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,,,,14,2,1,0,1,1,0,0,0,92,0,,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3579,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3580,5,3,1,2,1,1,,0,92,92,0,1,,,0,92,92,92,0,,,,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,2,0,5,1,1,1,0,0,1,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +3581,5,3,8,2,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3582,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3583,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,54,4,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3584,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3585,3,3,12,2,91,1,3,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3586,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3587,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3588,3,3,8,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3589,5,3,3,3,,,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3590,1,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3591,3,3,90,2,,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3592,1,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3593,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3594,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3595,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3596,3,3,10,2,0,0,92,0,92,92,0,1,2,4,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,174,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3597,3,1,6,1,0,0,92,0,92,92,1,1,2,2,1,1,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,153,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3598,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3599,5,3,2,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,1,0,1,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3600,5,3,10,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3601,4,3,90,2,1,2,,0,92,92,1,1,2,2,1,2,2,3,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3602,5,3,1,2,1,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3603,5,3,4,2,1,2,,,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3604,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3605,5,3,10,2,0,1,,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,156,13,2,2,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3606,3,3,6,1,91,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3607,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3608,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3609,5,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3610,5,3,10,2,0,1,3,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3611,3,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3612,3,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3613,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3614,1,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3615,3,1,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3616,3,3,6,1,91,0,92,0,92,92,0,1,,2,1,3,2,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,35,2,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3617,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3618,5,3,11,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3619,5,3,8,2,91,1,,1,1,,,91,92,92,0,92,92,92,,0,0,1,4,4,5,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,15,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3620,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3621,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3622,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3623,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3624,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3625,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3626,3,3,12,2,1,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3627,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3628,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3629,3,1,1,2,91,1,4,,92,92,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1 +3630,5,2,6,1,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3631,5,3,90,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,52,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3632,5,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3633,4,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3634,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3635,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3636,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3637,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3638,4,3,10,2,1,0,92,0,92,92,0,0,92,92,1,1,3,1,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,120,10,2,2,2,1,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3639,3,3,8,2,1,,92,0,92,92,1,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,174,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3640,2,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3641,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3642,5,3,9,2,91,0,92,0,92,92,1,0,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3643,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3644,3,3,10,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3645,5,2,90,2,0,0,92,0,92,92,1,0,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,123,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3646,5,1,8,2,,,92,0,92,92,1,1,,3,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,80,6,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3647,3,3,6,1,91,,92,,92,92,0,1,2,2,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3648,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3649,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3650,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3651,5,1,1,2,0,2,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,208,17,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3652,1,2,8,2,91,0,92,1,3,2,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,92,92,92,92,28,2,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3653,3,3,8,3,1,2,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,92,92,92,92,112,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3654,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3655,5,3,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3656,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3657,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3658,3,2,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,20,1,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3659,5,3,90,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,16,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3660,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3661,5,1,90,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,58,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3662,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3663,4,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3664,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3665,4,2,8,3,91,1,4,1,1,4,0,91,92,92,1,1,2,1,,0,0,0,1,1,4,6,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,12,1,1,1,2,1,0,5,1,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +3666,3,1,1,2,0,0,92,0,92,92,1,1,,4,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,109,9,2,1,,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3667,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3668,3,3,2,3,1,1,3,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3669,3,3,12,3,0,0,92,0,92,92,,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3670,5,2,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,114,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3671,5,3,1,3,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3672,5,3,6,1,0,0,92,0,92,92,1,1,2,2,1,2,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,153,12,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3673,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3674,3,3,8,2,0,0,92,0,92,92,0,1,2,2,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,112,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3675,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3676,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3677,3,2,90,2,0,2,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3678,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3679,4,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3680,3,1,11,2,1,1,,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3681,3,3,12,2,0,0,92,0,92,92,1,1,2,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3682,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3683,5,2,10,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,187,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3684,3,2,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3685,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +3686,3,3,11,3,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3687,2,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3688,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +3689,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3690,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3691,5,3,6,1,0,1,3,0,92,92,1,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,122,10,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3692,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,29,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3693,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3694,3,3,11,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3695,5,3,7,1,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,,,92,92,92,92,92,,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3696,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3697,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3698,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3699,5,3,2,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3700,5,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3701,4,3,8,3,0,0,92,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3702,5,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,21,1,1,1,,3,0,5,1,1,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +3703,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3704,3,3,90,2,0,2,,0,92,92,1,1,,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,155,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3705,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3706,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,1,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3707,5,3,8,2,0,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3708,5,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3709,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3710,1,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3711,5,3,5,2,0,2,2,0,92,92,0,1,,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3712,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3713,5,3,8,3,1,1,3,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3714,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3715,5,3,2,3,1,2,3,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3716,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3717,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3718,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3719,3,3,8,2,91,1,4,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3720,3,1,8,3,,1,,0,92,92,1,1,2,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,61,5,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +3721,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3722,1,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3723,3,1,10,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3724,5,3,8,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3725,3,1,2,3,1,2,,0,92,92,,1,2,2,1,,3,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,92,92,92,92,130,10,2,1,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3726,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3727,5,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3728,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3729,4,90,10,2,0,0,92,0,92,92,0,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3730,5,2,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3731,3,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3732,1,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3733,3,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3734,3,3,6,1,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3735,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3736,2,3,7,1,91,0,92,0,92,92,0,1,,2,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3737,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3738,5,3,10,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,106,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3739,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3740,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3741,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3742,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,200,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3743,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3744,3,1,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3745,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3746,5,1,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3747,3,3,12,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,140,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3748,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3749,5,3,11,2,1,1,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,2,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3750,5,90,8,2,91,,92,,92,92,1,1,1,,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,43,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3751,5,1,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3752,3,1,10,2,0,0,92,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,213,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3753,5,3,1,2,1,0,92,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3754,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,1,0,0,0,0,1,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3755,5,2,2,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3756,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3757,5,1,8,3,0,0,92,0,92,92,0,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,58,4,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3758,5,3,4,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3759,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3760,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3761,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,27,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3762,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3763,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3764,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3765,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3766,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3767,3,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3768,3,3,,,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3769,3,1,8,3,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3770,2,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3771,3,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3772,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3773,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3774,3,3,4,2,0,1,2,0,92,92,1,1,2,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3775,5,3,8,2,91,1,3,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3776,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3777,5,2,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3778,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3779,3,1,4,2,0,0,92,0,92,92,1,0,92,92,1,3,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3780,5,3,1,3,91,1,,0,92,92,0,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3781,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3782,5,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,2,1,1,3,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3783,5,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3784,4,3,9,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,30,2,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3785,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3786,5,3,6,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3787,2,3,6,1,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,23,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3788,3,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3789,4,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,1,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,2,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3790,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3791,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3792,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3793,5,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3794,3,3,8,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,6,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3795,5,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3796,4,2,4,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3797,5,3,4,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,104,8,2,2,1,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3798,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3799,3,2,1,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3800,3,3,6,1,0,1,2,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3801,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3802,3,3,6,1,1,1,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3803,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3804,3,3,6,1,0,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3805,1,1,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3806,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3807,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3808,2,1,9,2,0,0,92,0,92,92,0,1,2,4,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,57,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3809,5,3,8,2,1,1,,0,92,92,,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3810,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3811,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3812,5,2,,,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,1,,,3,1,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +3813,3,3,8,3,91,1,,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,10,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3814,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3815,1,2,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3816,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3817,5,1,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3818,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3819,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3820,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3821,3,3,6,1,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3822,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3823,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3824,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3825,5,3,8,2,91,0,92,0,92,92,0,0,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,24,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3826,3,3,10,2,0,0,92,0,92,92,1,1,2,2,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3827,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3828,5,1,1,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,99,8,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3829,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,14,1,1,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +3830,5,2,4,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3831,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,2,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3832,4,3,6,1,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3833,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3834,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3835,3,1,10,2,1,,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,117,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3836,4,3,1,2,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3837,5,1,1,2,1,1,,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3838,3,2,11,2,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3839,5,3,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3840,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3841,3,3,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3842,1,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3843,3,1,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,44,3,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3844,3,3,1,2,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3845,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3846,5,3,11,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3847,3,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3848,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3849,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3850,5,3,8,3,1,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,3,4,10,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,116,9,2,1,,,0,5,1,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,1,0,1 +3851,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3852,4,3,1,2,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,183,15,2,2,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3853,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3854,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3855,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3856,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3857,5,3,6,1,0,0,92,0,92,92,0,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,116,9,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3858,5,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3859,3,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3860,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3861,2,2,9,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,77,6,2,2,1,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3862,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3863,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3864,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3865,5,3,2,3,1,1,,0,92,92,0,,92,92,1,,2,,1,0,0,0,3,3,5,11,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,182,15,2,1,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +3866,3,3,11,2,0,1,3,1,2,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,175,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3867,5,3,7,1,0,0,92,1,2,1,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,57,4,2,2,1,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3868,5,3,8,3,91,2,3,0,92,92,,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,1,0,0,21,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3869,4,3,4,2,0,,92,0,92,92,1,,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3870,4,3,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3871,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3872,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3873,3,3,1,2,0,1,,0,92,92,0,0,92,92,1,1,3,,0,0,0,0,2,4,5,11,1,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3874,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,56,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3875,3,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3876,3,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3877,5,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3878,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3879,4,3,3,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,,1,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +3880,5,1,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,45,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3881,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3882,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3883,3,1,11,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3884,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3885,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3886,5,1,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,23,1,1,1,2,2,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3887,5,4,7,1,0,2,1,0,92,92,1,1,2,2,1,3,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,92,92,92,92,93,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3888,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3889,5,90,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3890,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3891,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3892,5,3,8,2,,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3893,5,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3894,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3895,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3896,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3897,3,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3898,5,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3899,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3900,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3901,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3902,5,3,2,3,91,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3903,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3904,5,2,6,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3905,4,2,7,1,,0,92,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3906,5,3,4,2,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,139,11,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3907,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3908,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3909,5,90,6,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3910,3,2,9,2,0,0,92,0,92,92,1,1,1,2,1,1,3,1,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,104,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3911,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3912,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3913,5,3,4,2,1,1,4,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,211,17,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3914,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,46,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3915,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3916,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3917,3,3,6,1,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,92,92,92,92,158,13,2,1,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3918,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3919,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3920,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3921,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3922,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3923,5,3,1,2,0,1,,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,,92,92,92,92,69,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3924,5,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3925,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3926,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3927,5,2,8,2,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,64,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3928,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3929,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3930,5,3,12,3,0,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3931,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3932,5,3,5,2,0,1,2,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3933,3,3,8,3,91,0,92,0,92,92,0,1,1,2,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,35,2,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3934,3,3,1,2,1,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,2,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3935,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3936,5,3,6,1,,0,92,0,92,92,0,1,2,2,1,3,3,1,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3937,3,3,4,2,0,,92,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,134,11,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3938,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3939,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3940,5,3,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3941,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3942,5,3,2,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,69,5,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3943,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,4,0,1,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3944,5,3,1,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3945,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3946,5,3,8,3,1,,92,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,92,92,92,92,109,9,2,1,,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3947,5,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3948,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3949,4,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3950,3,1,90,2,91,2,1,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3951,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3952,5,4,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3953,4,3,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3954,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3955,3,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3956,5,3,1,2,1,2,2,0,92,92,,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3957,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3958,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3959,5,3,,,91,,92,0,92,92,1,91,92,92,1,1,,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3960,1,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3961,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,19,1,1,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +3962,5,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,,,,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,20,1,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3963,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3964,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3965,3,1,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3966,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3967,5,3,10,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3968,5,3,10,2,1,1,2,0,92,92,1,1,1,2,1,1,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,181,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3969,5,2,1,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3970,3,3,10,2,0,1,1,0,92,92,1,,92,92,1,3,,,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3971,5,4,8,2,1,0,92,0,92,92,0,1,1,3,1,2,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,48,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3972,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3973,4,3,5,2,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,16,1,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3974,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3975,5,2,7,1,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3976,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3977,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3978,5,3,11,2,1,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3979,5,2,8,2,0,0,92,0,92,92,1,0,92,92,1,2,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,61,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3980,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3981,5,1,10,2,1,0,92,0,92,92,,1,2,2,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,112,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3982,5,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3983,2,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3984,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3985,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3986,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3987,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,93,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3988,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,31,2,2,1,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3989,5,3,10,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3990,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3991,5,2,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3992,5,2,6,1,1,2,,0,92,92,,1,2,3,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3993,5,2,11,2,1,1,3,0,92,92,1,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,201,16,2,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +3994,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3995,4,3,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3996,1,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3997,3,3,2,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3998,5,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +3999,3,3,7,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4000,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4001,4,2,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4002,5,3,90,2,,2,2,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,92,92,92,92,93,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4003,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4004,5,1,8,3,,1,4,0,92,92,,,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,1,,92,92,92,92,92,1,0,0,0,1,1,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,2,,3,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4005,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4006,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4007,5,3,90,2,91,1,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,4,12,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4008,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4009,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4010,3,2,10,2,0,0,92,0,92,92,0,1,3,2,1,3,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,111,9,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4011,4,3,2,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4012,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4013,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4014,3,1,90,2,0,1,1,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4015,3,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4016,5,3,9,2,91,2,3,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,44,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4017,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4018,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4019,3,2,6,1,0,0,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,92,92,92,92,117,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4020,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4021,3,3,5,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4022,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,125,10,2,2,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4023,5,3,11,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4024,5,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4025,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4026,5,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4027,5,2,6,1,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4028,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4029,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4030,3,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,2,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4031,5,3,90,2,0,0,92,0,92,92,1,1,2,2,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,151,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4032,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,134,11,2,1,,2,0,2,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +4033,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4034,3,1,2,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4035,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4036,3,2,90,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4037,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4038,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4039,4,3,1,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,1,0,1,0,1,9,0,1,1,,,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4040,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4041,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4042,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4043,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4044,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,1,,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4045,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4046,5,3,9,2,91,2,2,0,92,92,,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4047,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4048,5,1,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4049,1,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4050,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4051,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4052,5,2,11,2,0,0,92,0,92,92,1,0,92,92,1,2,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,177,14,2,1,1,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4053,5,2,6,1,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,42,3,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4054,5,1,2,3,91,2,,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4055,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4056,4,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4057,2,1,1,2,0,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4058,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4059,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4060,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4061,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4062,5,3,2,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,18,1,1,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4063,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4064,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4065,3,90,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4066,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,1,1,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4067,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4068,5,3,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4069,3,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4070,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4071,3,3,12,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4072,5,3,1,3,91,1,,0,92,92,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,2,,5,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4073,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4074,5,3,6,1,91,0,92,1,3,2,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,92,92,92,92,26,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4075,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4076,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4077,5,2,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4078,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4079,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,0,0,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,19,1,1,2,1,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4080,3,2,10,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4081,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4082,3,3,6,1,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4083,3,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4084,3,3,10,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4085,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4086,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4087,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4088,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4089,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4090,5,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4091,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4092,5,2,6,1,91,0,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4093,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4094,5,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,8,0,1,1,,2,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +4095,5,2,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4096,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4097,5,90,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4098,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4099,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4100,3,3,4,2,,1,3,0,92,92,,1,2,2,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,135,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4101,5,3,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,188,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4102,3,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4103,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4104,5,1,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4105,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4106,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,20,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4107,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4108,5,3,10,2,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,101,8,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4109,5,2,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4110,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4111,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4112,5,3,1,2,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4113,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4114,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4115,4,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4116,2,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4117,4,90,7,1,91,1,1,1,2,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,40,3,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4118,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4119,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4120,5,3,12,3,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4121,5,2,8,2,1,,92,0,92,92,0,1,2,2,1,3,2,1,,0,0,0,,,,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,84,7,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4122,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4123,5,3,6,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4124,5,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,96,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4125,3,2,9,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,59,4,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4126,5,3,90,2,0,0,92,0,92,92,0,1,3,2,1,2,2,1,,0,0,0,,,,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4127,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,103,8,2,2,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +4128,4,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4129,2,1,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4130,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4131,5,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4132,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,1,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4133,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4134,5,3,7,1,,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,131,10,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4135,3,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4136,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,0,1,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +4137,4,3,11,2,1,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,1,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4138,3,3,7,1,0,0,92,0,92,92,1,1,2,2,1,3,3,2,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,102,8,2,1,2,1,1,3,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +4139,1,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,97,8,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4140,5,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4141,3,2,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4142,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4143,3,3,4,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4144,5,3,2,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4145,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4146,3,3,6,1,0,2,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4147,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4148,1,3,2,3,,,92,,92,92,,,92,92,1,1,2,,,1,0,1,1,1,4,6,1,1,0,0,0,0,0,1,,0,1,0,0,0,1,0,1,3,2,1,1,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,1,1,1 +4149,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4150,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4151,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,2,,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4152,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4153,5,2,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4154,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4155,5,3,12,2,0,2,,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,74,6,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4156,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4157,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4158,5,2,8,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4159,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4160,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4161,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4162,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,173,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4163,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4164,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4165,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4166,5,3,7,1,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4167,5,2,1,2,0,,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,181,15,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4168,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4169,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4170,3,2,7,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4171,3,3,6,1,0,1,3,1,1,2,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4172,3,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4173,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4174,3,3,90,2,0,0,92,0,92,92,0,1,,,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,74,6,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4175,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,2,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +4176,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4177,3,2,6,1,0,0,92,0,92,92,1,1,2,2,1,1,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4178,5,2,7,1,91,0,92,0,92,92,1,91,92,92,1,,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,92,92,92,92,12,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4179,3,1,6,1,0,0,92,0,92,92,1,1,2,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,138,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4180,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4181,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,22,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4182,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4183,3,4,90,2,,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4184,3,3,6,1,1,1,2,0,92,92,0,1,1,2,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,114,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4185,2,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4186,5,3,9,2,91,0,92,0,92,92,,91,92,92,1,1,2,2,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,16,1,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4187,2,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4188,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4189,5,3,1,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4190,5,3,10,2,1,1,4,0,92,92,0,1,3,2,1,1,1,1,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,196,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4191,5,3,1,2,1,,92,,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,190,15,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4192,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4193,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4194,2,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4195,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4196,5,2,1,2,1,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4197,5,1,8,2,,0,92,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,47,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4198,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4199,3,3,90,2,0,0,92,0,92,92,0,1,2,2,1,2,3,,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,142,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4200,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4201,3,3,12,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4202,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4203,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4204,5,2,7,1,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4205,4,3,11,2,1,2,,,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,149,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4206,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4207,5,3,4,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,158,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4208,3,1,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4209,4,3,1,3,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4210,5,3,90,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4211,1,3,8,3,91,0,92,0,92,92,0,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4212,1,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4213,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4214,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4215,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4216,5,1,8,2,91,0,92,1,3,3,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,4,0,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4217,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4218,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4219,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4220,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4221,3,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4222,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4223,3,3,8,3,1,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4224,5,3,1,2,,1,,0,92,92,0,,92,92,0,92,92,92,,0,0,0,2,4,5,11,1,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,65,5,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4225,5,3,6,1,91,,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,42,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4226,3,1,90,2,91,0,92,0,92,92,1,91,92,92,1,3,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4227,5,3,8,2,1,1,,0,92,92,0,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4228,3,2,90,2,1,,92,0,92,92,1,0,92,92,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,185,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4229,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4230,3,1,1,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4231,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4232,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4233,3,3,2,3,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4234,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4235,3,3,1,2,1,2,,0,92,92,,1,,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4236,5,2,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4237,1,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4238,3,3,1,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,110,9,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4239,5,1,5,2,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4240,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4241,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4242,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4243,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4244,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4245,5,3,6,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4246,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4247,1,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4248,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4249,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4250,5,90,8,3,91,0,92,0,92,92,0,91,92,92,1,1,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,18,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4251,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4252,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4253,5,3,1,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4254,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4255,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4256,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4257,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4258,5,3,8,2,,0,92,0,92,92,1,1,1,,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,103,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4259,5,1,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,148,12,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4260,3,2,7,1,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4261,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4262,5,2,8,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4263,1,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,65,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4264,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4265,5,3,3,2,1,,92,0,92,92,1,1,,2,1,1,2,,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,175,14,2,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4266,5,3,9,2,91,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4267,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4268,5,3,6,1,91,2,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4269,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4270,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4271,5,3,5,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4272,3,1,1,2,1,,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,1,1,4,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4273,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4274,1,2,6,1,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4275,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4276,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4277,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4278,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4279,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4280,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4281,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4282,1,3,4,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4283,3,2,1,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4284,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4285,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4286,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4287,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,92,92,92,92,11,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4288,4,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4289,5,2,90,2,0,0,92,0,92,92,1,0,92,92,1,2,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4290,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,43,3,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4291,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4292,5,3,7,1,0,1,2,,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,91,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4293,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4294,3,3,6,1,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4295,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4296,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4297,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4298,5,3,1,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4299,3,3,6,1,1,1,4,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4300,2,1,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4301,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4302,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4303,5,2,6,1,91,1,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,27,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4304,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4305,5,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4306,5,2,8,2,1,2,1,0,92,92,1,1,1,2,1,1,2,3,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4307,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4308,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4309,3,3,90,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4310,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4311,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4312,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4313,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4314,5,2,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4315,5,2,90,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,111,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4316,5,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4317,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,147,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4318,3,3,11,2,1,1,2,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4319,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4320,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4321,5,3,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,29,2,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4322,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4323,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4324,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4325,5,3,1,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,158,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4326,5,2,10,2,,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4327,3,3,5,2,1,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,0,1,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,1,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4328,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,14,1,1,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4329,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4330,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4331,5,2,11,2,0,1,3,0,92,92,1,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4332,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4333,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4334,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,83,6,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4335,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4336,3,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4337,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4338,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4339,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4340,5,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4341,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,19,1,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4342,4,3,9,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4343,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4344,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4345,3,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4346,5,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4347,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4348,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4349,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4350,4,3,10,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4351,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4352,1,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4353,3,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4354,5,3,10,2,0,0,92,0,92,92,0,1,2,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,99,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4355,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4356,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4357,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4358,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4359,4,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,179,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4360,5,3,6,1,0,0,92,0,92,92,0,0,92,92,1,2,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,60,5,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4361,3,3,8,2,91,,92,0,92,92,,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,92,92,92,92,25,2,2,2,2,1,0,5,1,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +4362,5,3,8,3,,,92,0,92,92,,1,1,2,1,1,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,137,11,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4363,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4364,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4365,5,3,11,2,0,0,92,0,92,92,1,1,,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4366,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4367,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4368,3,3,8,3,0,0,92,0,92,92,0,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,67,5,2,2,2,1,1,4,1,1,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +4369,3,3,4,2,1,1,3,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,3,1,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4370,3,1,1,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4371,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4372,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4373,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4374,3,3,3,3,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4375,5,3,6,1,0,,92,0,92,92,0,1,2,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,151,12,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4376,3,3,8,3,0,1,3,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4377,1,3,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4378,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4379,3,3,9,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4380,5,3,9,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4381,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4382,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4383,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4384,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,1,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4385,5,90,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4386,5,3,6,1,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4387,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4388,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4389,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4390,5,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,124,10,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4391,5,2,10,2,0,2,,0,92,92,,1,2,2,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,155,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4392,3,1,1,3,,,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4393,4,3,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,82,6,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4394,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4395,3,3,10,2,1,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4396,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4397,5,2,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4398,5,3,12,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4399,5,3,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4400,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,23,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4401,3,1,90,2,0,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4402,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4403,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4404,2,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4405,5,3,6,1,91,1,2,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,12,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4406,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4407,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4408,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4409,1,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4410,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4411,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,146,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4412,5,3,2,3,91,0,92,0,92,92,,91,92,92,1,1,,,,0,0,0,2,2,5,9,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,159,13,2,2,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,1 +4413,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,71,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4414,5,2,6,1,0,0,92,0,92,92,0,1,2,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,92,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4415,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4416,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4417,5,2,9,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +4418,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4419,3,1,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4420,5,1,1,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4421,5,3,8,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,9,0,1,2,,90,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +4422,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4423,5,1,8,2,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4424,3,3,12,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4425,3,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4426,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4427,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4428,5,3,2,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,65,5,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4429,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4430,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4431,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4432,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4433,5,3,4,2,1,1,,1,1,1,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4434,3,3,1,2,91,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4435,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4436,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4437,5,3,7,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4438,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4439,3,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4440,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4441,3,3,2,3,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4442,5,3,90,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4443,5,90,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4444,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4445,3,3,4,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,51,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4446,5,3,8,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4447,3,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,209,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4448,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4449,3,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4450,3,3,90,2,,1,3,0,92,92,,1,2,2,1,3,2,1,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,127,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4451,3,4,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,29,2,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4452,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,121,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4453,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4454,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4455,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,209,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4456,1,3,10,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4457,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4458,3,1,4,2,91,,92,0,92,92,0,1,,2,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,57,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4459,5,3,6,1,0,0,92,0,92,92,0,,92,92,1,3,,,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,121,10,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4460,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4461,5,3,1,2,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4462,1,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4463,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4464,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4465,5,3,8,2,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4466,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4467,5,1,8,2,0,0,92,0,92,92,0,1,2,2,1,2,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4468,5,90,8,2,1,1,,,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4469,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4470,3,1,8,2,0,1,1,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4471,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4472,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4473,3,3,6,1,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4474,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4475,3,1,10,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4476,2,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4477,5,2,1,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4478,3,3,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4479,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4480,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,3,1,,0,0,0,,,,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,90,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +4481,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4482,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4483,5,1,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,66,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4484,5,90,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4485,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4486,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4487,5,2,7,1,0,1,,0,92,92,0,1,1,2,1,1,4,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,1,0,0,0,92,92,92,92,161,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4488,5,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4489,3,3,3,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4490,5,3,12,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4491,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4492,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4493,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4494,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4495,3,3,6,1,0,0,92,0,92,92,0,1,3,4,1,3,4,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,82,6,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4496,5,3,5,2,91,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,42,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4497,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4498,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4499,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4500,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4501,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4502,2,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4503,1,3,8,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4504,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4505,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4506,5,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4507,3,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,12,1,1,2,2,1,0,3,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +4508,5,3,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4509,5,4,5,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4510,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4511,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,45,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4512,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4513,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4514,3,3,12,2,91,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,2,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +4515,2,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4516,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4517,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4518,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4519,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,2,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4520,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4521,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4522,5,3,6,1,0,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4523,3,3,10,2,1,1,4,0,92,92,1,1,3,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4524,5,3,3,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4525,4,3,4,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,74,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4526,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4527,5,3,6,1,0,0,92,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4528,3,3,8,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4529,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4530,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1 +4531,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4532,3,3,9,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4533,3,3,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4534,5,2,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,80,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4535,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4536,3,1,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4537,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4538,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4539,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4540,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4541,3,3,1,2,0,2,1,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4542,1,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4543,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4544,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4545,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4546,5,2,90,2,91,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,61,5,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4547,4,3,8,2,0,0,92,0,92,92,1,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,72,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4548,1,3,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4549,4,2,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4550,3,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4551,5,1,11,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4552,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4553,4,3,8,3,,1,3,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,89,7,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4554,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +4555,4,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4556,3,2,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,161,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4557,3,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4558,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4559,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4560,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4561,5,90,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4562,3,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4563,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4564,3,3,6,1,1,1,1,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4565,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4566,2,1,6,1,1,2,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,104,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4567,5,3,8,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4568,5,3,8,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4569,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4570,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4571,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4572,5,4,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4573,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4574,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4575,5,3,6,1,0,0,92,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4576,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4577,4,2,8,2,0,0,92,0,92,92,1,1,,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,81,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4578,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4579,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,25,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4580,5,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4581,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4582,2,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4583,3,90,1,2,91,1,3,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,77,6,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4584,3,3,9,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4585,3,3,1,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4586,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4587,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4588,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4589,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4590,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4591,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4592,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4593,1,2,11,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4594,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,26,2,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4595,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4596,3,3,10,2,0,2,1,0,92,92,0,1,1,2,1,3,2,2,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,104,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4597,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4598,1,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4599,1,2,11,2,0,0,92,0,92,92,1,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4600,2,1,10,2,0,0,92,0,92,92,0,1,2,3,1,1,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,103,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4601,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4602,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4603,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4604,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4605,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4606,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4607,4,3,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4608,4,2,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4609,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4610,4,3,2,3,91,2,,0,92,92,,91,92,92,,92,92,92,,0,0,0,1,2,6,9,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,1,1,,92,92,92,92,92,1,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,50,4,2,2,,1,0,5,1,1,1,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,1,1,1,0,1 +4611,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4612,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4613,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4614,3,3,7,1,0,0,92,0,92,92,1,1,2,2,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,144,12,2,1,,2,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4615,3,90,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4616,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4617,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4618,5,2,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4619,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4620,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,196,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4621,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4622,5,3,5,2,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4623,3,3,7,1,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4624,5,3,8,2,91,0,92,1,1,1,0,91,92,92,1,1,2,2,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,6,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4625,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4626,3,3,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4627,5,2,8,3,91,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4628,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4629,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4630,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4631,3,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4632,5,1,,,1,1,,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,204,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4633,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4634,5,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4635,5,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4636,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4637,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4638,1,2,90,3,0,0,92,0,92,92,1,0,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4639,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4640,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4641,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4642,5,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4643,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4644,2,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4645,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4646,4,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,200,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4647,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4648,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4649,4,3,4,2,0,0,92,0,92,92,1,1,2,3,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,92,92,92,92,165,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4650,1,3,4,2,0,,92,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,78,6,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4651,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4652,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,1,1,0,0,0,0,0,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +4653,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4654,5,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4655,3,3,90,2,0,0,92,0,92,92,1,1,3,2,1,2,2,1,0,0,0,0,,,,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4656,5,3,8,2,0,0,92,0,92,92,1,1,2,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4657,3,3,10,2,1,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,183,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4658,3,3,4,2,1,,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,103,8,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4659,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4660,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4661,4,3,8,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,94,7,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4662,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4663,5,90,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4664,5,3,9,2,91,2,4,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,20,1,1,2,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4665,4,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4666,3,3,2,3,,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,2,4,6,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,119,9,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +4667,5,1,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4668,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4669,5,3,8,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,74,6,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4670,3,3,10,2,0,1,2,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4671,3,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,2,2,1,5,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4672,5,3,6,1,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4673,3,2,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4674,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4675,2,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4676,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4677,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4678,5,2,6,1,0,0,92,0,92,92,1,1,1,2,1,2,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4679,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4680,4,3,10,2,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,76,6,2,2,,1,0,4,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4681,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4682,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,214,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4683,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4684,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4685,3,3,4,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4686,3,1,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4687,5,2,8,3,91,,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,62,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4688,5,3,2,3,,1,,,92,92,0,91,92,92,1,1,2,1,,0,0,0,1,2,4,7,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,92,92,92,92,132,11,2,1,,1,,5,1,1,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,1,1,1,1 +4689,2,2,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4690,3,3,12,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4691,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,2,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4692,5,2,8,3,91,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4693,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4694,5,1,10,3,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4695,5,3,8,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4696,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,1,,1,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +4697,3,1,90,2,,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4698,3,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4699,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4700,3,3,4,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,2,4,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4701,3,3,12,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4702,4,3,5,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4703,5,3,12,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,22,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4704,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4705,3,3,8,2,0,0,92,0,92,92,0,1,3,4,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4706,5,3,6,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4707,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4708,5,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4709,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4710,2,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4711,1,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4712,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,2,2,1,1,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +4713,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4714,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4715,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4716,5,3,4,2,91,2,2,,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4717,3,1,5,2,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,,92,92,92,92,45,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4718,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,3,1,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4719,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4720,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4721,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4722,5,1,10,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4723,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4724,3,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4725,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4726,3,1,8,3,,1,2,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,56,4,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4727,5,2,8,3,91,0,92,0,92,92,0,91,92,92,1,3,4,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,25,2,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4728,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,1,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4729,3,2,10,2,0,0,92,0,92,92,1,1,1,2,1,2,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,154,12,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4730,5,90,6,1,0,1,2,1,2,1,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,56,4,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4731,5,2,8,2,0,0,92,0,92,92,0,1,2,2,1,1,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,123,10,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4732,5,1,1,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4733,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4734,3,4,4,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4735,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4736,5,2,8,3,,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,,,,3,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +4737,5,3,6,1,0,2,2,0,92,92,0,0,92,92,1,3,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,105,8,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4738,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,163,13,2,2,,2,0,1,1,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4739,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,1,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +4740,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4741,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4742,5,3,6,1,,0,92,0,92,92,1,0,92,92,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4743,5,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4744,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4745,4,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,163,13,2,2,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4746,3,2,6,1,91,0,92,0,92,92,0,91,92,92,1,3,4,2,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,15,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4747,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,4,0,1,2,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4748,1,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4749,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4750,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4751,4,3,6,1,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4752,5,3,90,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,94,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4753,5,4,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4754,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4755,1,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4756,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4757,5,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4758,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4759,4,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4760,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4761,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4762,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4763,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4764,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,1,1,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4765,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4766,5,1,2,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,83,6,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4767,5,3,8,2,0,0,92,0,92,92,0,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4768,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4769,5,3,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4770,3,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,45,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4771,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4772,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,12,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4773,3,3,8,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,1,0,0,1,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4774,5,2,7,1,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4775,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4776,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4777,5,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4778,2,3,10,2,,2,1,0,92,92,1,1,1,,,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4779,3,1,1,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,13,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4780,1,3,8,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,2,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4781,3,3,12,2,0,0,92,0,92,92,0,1,2,2,1,2,3,2,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,208,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4782,3,3,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4783,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4784,5,3,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,1,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4785,3,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4786,3,90,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4787,5,3,1,2,,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,4,5,12,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,111,9,2,1,,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4788,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,25,2,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4789,5,90,2,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4790,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4791,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4792,5,3,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4793,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4794,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4795,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4796,5,2,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,1,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,189,15,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4797,5,3,2,3,1,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,2,2,90,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4798,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4799,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4800,5,2,90,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4801,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4802,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4803,5,3,5,2,1,1,3,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,143,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4804,1,2,11,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4805,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4806,3,3,1,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,198,16,2,1,2,1,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4807,5,1,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4808,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4809,5,3,2,3,91,1,,0,92,92,0,91,92,92,,92,92,92,,0,0,0,1,2,5,8,1,1,0,0,0,0,1,2,92,0,,92,92,92,92,92,1,2,3,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,2,2,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,1 +4810,5,3,12,2,0,0,92,0,92,92,0,1,2,2,1,1,4,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,1,0,0,57,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4811,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4812,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4813,4,3,90,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4814,5,3,10,2,0,0,92,0,92,92,1,0,92,92,1,2,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4815,5,1,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4816,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4817,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4818,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4819,1,3,4,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4820,5,90,10,2,1,0,92,0,92,92,0,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4821,3,3,90,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,78,6,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4822,3,3,4,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4823,3,3,6,1,0,0,92,0,92,92,0,1,3,2,1,1,2,2,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,189,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4824,5,3,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4825,5,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4826,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4827,5,3,90,2,0,2,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4828,5,90,4,2,1,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,57,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4829,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4830,5,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4831,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4832,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4833,4,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4834,3,3,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4835,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4836,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4837,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4838,3,3,4,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,64,5,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +4839,1,1,90,2,,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4840,3,3,3,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4841,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,4,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4842,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4843,5,3,8,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4844,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4845,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4846,5,2,9,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4847,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4848,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4849,3,3,8,2,1,0,92,1,1,1,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,59,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4850,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4851,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4852,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4853,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4854,3,3,4,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4855,1,2,4,2,1,1,3,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,7,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4856,3,3,10,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4857,2,1,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4858,3,3,4,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4859,3,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4860,5,3,90,2,1,,92,0,92,92,0,,92,92,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4861,5,3,6,1,,,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4862,3,90,6,1,0,0,92,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4863,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4864,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4865,5,3,11,2,1,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4866,5,3,8,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4867,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4868,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4869,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4870,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4871,2,1,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4872,5,3,2,3,91,1,,,92,92,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,1,,,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4873,5,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4874,1,2,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4875,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4876,3,3,90,2,91,0,92,1,2,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,32,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4877,3,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4878,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4879,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4880,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4881,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4882,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4883,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4884,3,3,11,2,,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4885,3,2,90,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4886,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4887,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4888,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4889,5,3,8,3,,2,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,1,4,9,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,69,5,2,1,,,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,1,1,1 +4890,5,3,90,2,0,1,3,0,92,92,1,1,2,2,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,191,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4891,3,1,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4892,5,2,8,2,91,0,92,0,92,92,0,1,1,2,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,33,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4893,5,1,8,2,0,0,92,0,92,92,0,0,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,36,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4894,5,3,11,2,1,2,1,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4895,5,3,8,2,0,0,92,1,2,1,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4896,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4897,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4898,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4899,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4900,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4901,4,2,7,1,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4902,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4903,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4904,5,3,11,2,1,1,4,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4905,5,3,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4906,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4907,3,2,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4908,2,1,6,1,1,1,3,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,72,6,2,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4909,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4910,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,15,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4911,5,3,12,2,0,0,92,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4912,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4913,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4914,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4915,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4916,4,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4917,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4918,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4919,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4920,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4921,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4922,3,1,1,2,0,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4923,3,2,6,1,0,0,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4924,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4925,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4926,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4927,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4928,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4929,5,3,4,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4930,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4931,5,3,90,2,0,1,,0,92,92,1,1,2,2,1,1,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4932,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4933,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4934,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4935,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4936,3,3,8,3,1,2,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4937,5,2,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4938,3,3,1,2,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4939,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,1,0,0,0,0,0,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +4940,5,3,2,3,1,2,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,215,17,2,1,2,1,0,3,1,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +4941,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4942,3,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4943,5,2,12,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,154,12,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4944,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4945,3,2,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,1,1,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4946,3,1,8,3,0,0,92,0,92,92,0,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,109,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4947,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,1,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4948,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4949,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4950,2,3,10,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4951,3,3,11,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4952,1,3,2,2,91,0,92,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,55,4,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4953,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4954,4,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4955,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4956,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4957,3,90,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4958,3,3,6,1,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,69,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4959,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4960,5,1,12,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,1,,0,5,1,1,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +4961,5,3,5,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,188,15,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4962,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4963,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4964,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4965,3,3,6,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4966,5,2,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4967,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,215,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4968,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4969,1,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4970,5,1,4,2,0,0,92,0,92,92,1,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,90,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4971,5,3,9,2,91,0,92,0,92,92,0,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,30,2,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4972,3,3,8,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4973,3,3,1,2,1,1,,0,92,92,,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,92,92,92,92,99,8,2,2,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4974,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4975,3,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4976,3,3,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4977,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4978,5,3,5,2,1,1,,,92,92,,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,1,2,4,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4979,5,1,6,1,1,2,,0,92,92,0,1,,,0,92,92,92,0,0,0,0,,,,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,148,12,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4980,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4981,5,3,10,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4982,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4983,3,1,6,1,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,155,12,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4984,1,2,8,2,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,70,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4985,1,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4986,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4987,5,3,1,2,91,2,,0,92,92,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,1,1,0,0,1,1,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4988,5,90,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,164,13,2,2,,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +4989,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +4990,1,3,12,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4991,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4992,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4993,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4994,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4995,3,3,2,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4996,5,2,12,2,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4997,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4998,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +4999,3,3,7,1,0,0,92,0,92,92,1,1,1,2,1,1,3,1,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5000,5,2,11,2,0,0,92,0,92,92,1,1,2,2,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,152,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5001,5,2,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5002,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5003,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5004,3,3,11,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,180,15,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5005,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5006,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5007,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5008,3,2,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5009,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5010,5,2,8,2,0,,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5011,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5012,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5013,4,3,2,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5014,5,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5015,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,,1,,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5016,1,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5017,5,2,2,3,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,1,0,92,0,1,0,1,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,146,12,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5018,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5019,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,11,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5020,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5021,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5022,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5023,4,2,10,2,0,0,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,3,4,6,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5024,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5025,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5026,5,3,11,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5027,5,2,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5028,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5029,4,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,177,14,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5030,5,4,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5031,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5032,4,3,1,2,91,,92,,92,92,,1,,,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,92,92,92,92,29,2,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5033,3,2,12,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,154,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5034,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5035,3,3,90,2,1,1,,0,92,92,0,1,2,,1,1,3,,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,2,2,0,5,1,1,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +5036,3,3,6,1,1,1,2,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,167,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5037,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5038,5,3,10,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5039,2,1,10,2,1,2,1,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,174,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5040,3,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,1,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5041,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5042,2,2,11,2,0,0,92,0,92,92,1,1,,,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5043,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5044,5,1,1,2,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,208,17,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5045,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5046,5,2,1,3,0,2,,,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,111,9,2,2,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5047,5,3,1,2,0,0,92,0,92,92,1,0,92,92,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5048,3,3,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5049,5,1,8,2,,1,3,,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,92,92,92,92,40,3,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5050,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5051,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5052,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5053,5,3,5,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,2,0,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5054,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,37,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5055,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5056,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5057,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,4,2,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5058,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5059,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5060,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5061,5,2,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5062,5,3,1,2,0,0,92,0,92,92,1,1,2,4,1,1,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5063,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5064,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5065,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5066,3,2,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5067,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5068,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5069,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5070,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5071,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5072,2,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5073,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5074,5,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,14,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5075,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5076,5,2,11,2,0,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5077,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5078,4,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5079,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5080,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5081,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5082,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5083,3,2,12,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5084,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,13,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5085,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5086,3,3,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5087,3,1,90,2,0,0,92,0,92,92,1,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5088,5,2,11,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,200,16,2,1,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +5089,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5090,5,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5091,4,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5092,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5093,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5094,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5095,3,3,90,2,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5096,5,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5097,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5098,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5099,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5100,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5101,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5102,3,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5103,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5104,3,3,8,2,0,0,92,0,92,92,1,1,1,2,1,3,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5105,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,1,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5106,5,2,8,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,47,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5107,3,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5108,5,1,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5109,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5110,3,3,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5111,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5112,5,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5113,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,20,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5114,5,3,90,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,62,5,2,2,,2,,3,1,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5115,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5116,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5117,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5118,5,2,1,3,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,4,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +5119,5,3,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5120,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,33,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5121,4,3,4,2,0,0,92,0,92,92,1,0,92,92,1,,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,95,7,2,2,2,1,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +5122,5,2,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5123,3,3,11,2,0,1,4,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5124,3,1,10,2,1,2,2,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,102,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5125,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5126,3,3,4,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5127,5,90,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5128,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5129,3,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5130,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5131,5,3,8,2,,,92,1,,2,0,,92,92,,92,92,92,,0,0,0,4,1,4,9,1,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,80,6,2,1,,,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +5132,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,128,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5133,5,1,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5134,3,3,3,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5135,2,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5136,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5137,5,3,8,2,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5138,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5139,5,2,8,2,91,0,92,0,92,92,0,,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,27,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5140,2,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5141,3,3,12,2,0,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5142,3,3,5,2,1,1,,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,1,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +5143,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5144,5,3,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5145,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5146,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5147,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5148,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,102,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5149,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,9,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5150,3,3,1,2,,1,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,2,4,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5151,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5152,5,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,170,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5153,5,3,1,2,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,1,4,9,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,2,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5154,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5155,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5156,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5157,5,2,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5158,5,3,6,1,0,0,92,0,92,92,0,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5159,5,2,8,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5160,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,1,,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5161,3,3,2,3,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5162,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5163,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5164,5,2,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5165,3,2,8,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5166,2,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5167,5,90,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5168,3,3,11,2,1,1,,,92,92,0,1,2,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +5169,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5170,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,61,5,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5171,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5172,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5173,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5174,3,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5175,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5176,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5177,3,3,3,3,0,2,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,167,13,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5178,5,3,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5179,5,3,5,2,0,0,92,0,92,92,1,1,3,2,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5180,3,3,10,2,0,0,92,0,92,92,1,1,2,3,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5181,5,2,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5182,2,2,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,27,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5183,5,1,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5184,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5185,3,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5186,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5187,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5188,5,2,11,2,1,2,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5189,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5190,5,3,8,2,,0,92,0,92,92,1,0,92,92,1,,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,53,4,2,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5191,4,2,11,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5192,3,3,4,2,,1,3,1,,,0,91,92,92,1,3,2,1,,1,1,1,,,,11,1,1,0,0,0,0,1,2,92,0,1,1,1,0,0,0,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,204,17,2,1,,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,1,0,1 +5193,3,2,6,1,0,0,92,0,92,92,0,1,2,,1,3,,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5194,5,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5195,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5196,3,2,6,1,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5197,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5198,5,3,8,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,113,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5199,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5200,5,2,90,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5201,3,2,8,2,91,1,2,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5202,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5203,4,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5204,3,4,1,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5205,5,3,10,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,140,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5206,3,3,90,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5207,3,2,6,1,0,0,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,80,6,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5208,3,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5209,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5210,5,3,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5211,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5212,3,1,90,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,113,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5213,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5214,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5215,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5216,5,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5217,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5218,4,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,13,1,1,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +5219,5,2,12,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5220,4,3,9,2,0,0,92,0,92,92,1,0,92,92,1,2,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,86,7,2,2,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5221,3,3,8,2,1,1,2,0,92,92,,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,77,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5222,4,2,2,3,91,2,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,,,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +5223,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5224,3,3,10,2,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5225,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5226,3,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5227,5,3,12,2,91,1,4,,92,92,,91,92,92,,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,0,1,1,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,2,,1,1,5,1,1,1,0,0,1,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0,0,0,1 +5228,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5229,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5230,1,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5231,5,2,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,83,6,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5232,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,15,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5233,1,3,7,1,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,39,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5234,3,2,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5235,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5236,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5237,3,3,12,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5238,5,3,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5239,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5240,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5241,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5242,5,1,4,2,1,1,1,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,2,1,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +5243,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5244,4,2,8,2,,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,74,6,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5245,1,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5246,3,3,8,3,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,1,1,3,1,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5247,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5248,5,3,4,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5249,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5250,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5251,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5252,4,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5253,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5254,5,3,90,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5255,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5256,5,3,90,2,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5257,5,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5258,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5259,3,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5260,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5261,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5262,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5263,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5264,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5265,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5266,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5267,5,1,12,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5268,5,1,5,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5269,5,3,,,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5270,4,3,2,3,,1,,,92,92,,,92,92,,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,2,,2,,5,1,1,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1 +5271,4,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5272,3,3,4,2,0,1,2,0,92,92,0,1,1,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,85,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5273,4,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,119,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5274,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5275,5,3,6,1,91,0,92,1,1,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,23,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5276,5,3,,,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5277,3,1,7,1,91,0,92,1,3,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,14,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5278,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5279,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5280,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5281,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5282,5,2,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5283,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5284,3,3,9,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,124,10,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5285,3,2,11,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5286,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5287,3,1,4,2,91,1,4,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,1,1,3,5,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,153,12,2,2,2,90,0,3,1,1,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,1,1,1 +5288,5,3,1,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,86,7,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5289,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5290,3,1,12,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5291,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,1,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5292,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5293,5,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5294,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5295,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5296,5,3,6,1,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5297,4,3,11,2,1,,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5298,5,3,1,2,,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5299,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5300,5,2,4,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5301,4,3,2,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,143,11,2,1,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5302,3,3,2,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5303,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5304,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5305,3,3,7,1,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,25,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5306,2,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5307,3,3,12,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,28,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5308,3,3,5,2,0,0,92,0,92,92,1,1,1,2,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,158,13,2,2,2,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +5309,5,3,8,3,,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5310,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5311,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5312,5,3,2,3,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,92,7,2,1,2,2,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +5313,5,3,6,1,0,0,92,0,92,92,0,1,1,2,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,145,12,2,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5314,5,3,1,2,0,0,92,0,92,92,,1,1,2,1,2,4,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5315,1,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5316,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5317,1,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5318,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5319,5,3,7,1,,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5320,5,3,3,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5321,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5322,3,1,6,1,0,0,92,0,92,92,0,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,126,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5323,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5324,3,1,8,3,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5325,5,2,90,2,1,1,3,0,92,92,0,1,2,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5326,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5327,3,3,90,2,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5328,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,36,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5329,4,3,12,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5330,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5331,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5332,5,3,12,2,0,0,92,0,92,92,1,0,92,92,1,2,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,76,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5333,1,1,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5334,5,3,8,3,91,0,92,0,92,92,,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,16,1,1,2,,3,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5335,4,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5336,3,3,9,2,0,,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,92,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5337,2,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5338,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5339,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5340,5,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5341,3,3,90,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5342,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5343,3,3,12,3,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5344,5,3,8,2,0,0,92,0,92,92,1,1,3,2,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5345,5,3,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,153,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5346,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5347,5,3,8,2,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5348,5,4,7,1,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5349,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5350,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5351,3,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5352,5,2,8,2,91,0,92,1,,,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5353,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5354,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5355,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5356,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5357,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5358,2,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,37,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5359,5,1,6,1,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5360,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5361,4,3,10,2,1,1,3,1,1,,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,,92,92,92,92,193,16,2,2,2,1,0,4,1,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +5362,5,3,7,1,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5363,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5364,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5365,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5366,5,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5367,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5368,3,1,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5369,5,1,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5370,4,3,9,2,0,0,92,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5371,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5372,5,1,90,2,,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5373,5,1,90,2,1,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5374,5,2,10,2,1,2,,0,92,92,0,1,3,2,1,2,2,2,1,0,0,0,4,5,6,15,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,0,1,0,0,0,0,1,0,0,0,92,92,92,92,160,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5375,4,2,12,2,0,0,92,0,92,92,0,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5376,1,3,1,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5377,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,1,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,54,4,2,1,,3,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +5378,5,1,6,1,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,45,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5379,5,3,2,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,75,6,2,1,2,1,0,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5380,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,22,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5381,3,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,6,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5382,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5383,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5384,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5385,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5386,5,3,9,2,,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5387,3,3,2,3,91,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,68,5,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5388,5,1,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5389,5,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,74,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5390,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5391,1,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5392,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5393,5,2,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5394,3,2,6,1,1,1,1,0,92,92,1,1,2,3,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5395,5,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,116,9,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5396,5,3,12,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5397,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5398,5,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,3,4,6,13,1,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5399,3,3,10,2,1,0,92,0,92,92,0,1,3,2,1,1,4,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,188,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5400,5,1,1,2,,2,,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,92,92,92,92,33,2,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5401,5,3,,,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5402,5,1,8,2,0,0,92,0,92,92,1,0,92,92,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5403,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5404,5,2,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5405,4,3,2,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,42,3,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5406,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5407,5,2,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5408,3,3,2,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,24,2,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5409,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5410,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,1,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5411,5,3,8,2,1,0,92,0,92,92,1,1,1,3,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,123,10,2,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5412,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,13,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5413,3,1,4,2,1,1,3,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5414,3,3,11,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5415,5,2,7,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5416,5,3,1,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,1,90,1,5,1,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +5417,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5418,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,12,1,1,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5419,5,2,12,2,0,0,92,0,92,92,0,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5420,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5421,4,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5422,2,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5423,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5424,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5425,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5426,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,3,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,51,4,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5427,2,3,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5428,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5429,4,3,6,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5430,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +5431,3,1,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5432,3,3,8,2,0,0,92,0,92,92,1,1,3,2,1,2,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,136,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5433,3,3,12,3,91,0,92,0,92,92,1,91,92,92,1,,2,1,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,13,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +5434,5,3,10,2,1,1,,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,190,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5435,3,3,1,2,0,0,92,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5436,5,3,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5437,4,3,9,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5438,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,22,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5439,5,3,8,3,91,1,2,0,92,92,1,91,92,92,1,1,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +5440,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,3,2,,0,0,0,2,4,5,11,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5441,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5442,5,2,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5443,5,3,4,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5444,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5445,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5446,4,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5447,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5448,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5449,5,1,8,2,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5450,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5451,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5452,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5453,2,3,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,67,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5454,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5455,5,2,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5456,5,3,6,1,0,0,92,0,92,92,0,1,2,2,1,3,2,,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,149,12,2,2,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5457,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5458,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5459,5,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5460,4,2,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,33,2,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5461,3,3,90,2,,1,,0,92,92,0,,92,92,1,,,1,,0,0,0,3,4,6,13,1,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,208,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5462,4,3,8,2,0,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,16,1,1,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5463,3,3,8,2,0,0,92,0,92,92,1,1,1,,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5464,2,1,8,2,1,0,92,0,92,92,0,0,92,92,1,2,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,160,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5465,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5466,3,3,8,2,0,1,,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5467,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5468,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5469,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5470,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5471,5,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5472,4,3,7,1,0,0,92,0,92,92,1,1,2,2,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5473,1,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5474,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5475,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5476,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5477,3,3,10,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5478,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5479,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5480,3,3,8,2,0,1,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5481,4,3,11,2,1,1,1,0,92,92,0,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,202,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5482,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5483,1,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5484,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5485,5,1,10,2,1,2,2,0,92,92,0,1,2,2,1,3,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,165,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5486,3,3,2,3,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5487,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5488,5,2,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5489,1,3,1,2,1,,92,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5490,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5491,5,3,1,2,0,2,2,0,92,92,1,1,1,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,195,16,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5492,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5493,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5494,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5495,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5496,3,3,1,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5497,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5498,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5499,1,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5500,3,3,8,2,0,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5501,4,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5502,3,2,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5503,5,1,4,2,0,1,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5504,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5505,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5506,3,3,3,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5507,5,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5508,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5509,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5510,5,2,7,1,91,0,92,0,92,92,0,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5511,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5512,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5513,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5514,5,2,6,1,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,16,1,1,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5515,3,3,11,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5516,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5517,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5518,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5519,5,2,4,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5520,3,3,10,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5521,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,19,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5522,4,3,90,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5523,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5524,3,3,12,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5525,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5526,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5527,5,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5528,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5529,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5530,5,4,10,2,0,2,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,142,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5531,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5532,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5533,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5534,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5535,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5536,5,2,1,2,,,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,1,4,5,10,1,1,0,1,0,0,0,1,1,0,0,92,92,92,92,92,,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,2,,2,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1,1,0,1 +5537,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5538,4,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5539,4,2,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5540,5,3,10,2,0,2,1,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5541,4,3,4,2,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5542,5,3,90,2,91,0,92,,92,92,,,92,92,,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5543,1,1,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,12,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5544,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5545,5,3,1,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,1,1,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5546,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5547,5,2,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5548,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5549,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5550,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5551,5,3,8,2,91,0,92,1,2,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,20,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5552,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5553,4,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5554,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5555,3,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5556,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5557,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5558,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5559,3,1,12,2,0,0,92,0,92,92,,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,137,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5560,5,3,11,2,0,0,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5561,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5562,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,193,16,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5563,5,3,2,3,,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,2,5,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,54,4,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5564,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5565,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5566,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5567,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5568,3,3,90,2,1,1,4,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5569,5,2,11,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5570,2,1,10,2,1,1,1,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,181,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5571,5,3,8,2,91,0,92,0,92,92,1,0,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5572,4,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5573,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5574,1,3,90,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,25,2,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5575,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5576,5,3,7,1,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5577,3,3,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5578,3,3,2,3,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5579,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5580,5,3,8,2,0,0,92,0,92,92,0,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5581,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5582,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5583,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5584,5,2,8,2,1,2,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,63,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5585,5,3,11,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5586,2,1,90,2,0,,92,1,,,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5587,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5588,4,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5589,3,2,90,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5590,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5591,5,1,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5592,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5593,5,1,1,3,91,1,,,92,92,0,,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,1,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,,92,92,92,92,146,12,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5594,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5595,3,3,10,2,1,1,2,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,115,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5596,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5597,5,3,6,1,,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5598,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5599,5,4,8,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,,92,92,92,92,27,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5600,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5601,4,3,12,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,20,1,1,2,,2,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5602,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5603,5,3,1,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5604,2,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5605,5,3,10,2,0,1,1,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5606,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5607,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5608,5,3,90,2,91,1,,,92,92,,91,92,92,,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,1,0,92,0,,92,92,92,92,92,,92,92,1,1,0,1,0,0,0,,92,92,92,92,92,1,0,0,0,1,1,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,2,,8,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,0,0,0,1 +5609,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5610,5,1,12,2,0,2,,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5611,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5612,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5613,5,1,1,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,2,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5614,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,16,1,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5615,4,3,8,2,91,0,92,0,92,92,1,91,92,92,1,,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,33,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5616,3,2,5,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5617,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5618,4,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5619,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5620,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5621,5,3,8,3,91,2,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5622,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5623,5,3,1,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,,,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5624,3,1,4,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,2,1,,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5625,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5626,4,3,8,3,91,0,92,0,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,24,2,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5627,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5628,5,2,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,1,,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5629,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5630,4,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5631,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5632,3,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5633,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5634,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5635,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5636,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5637,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5638,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5639,3,2,12,2,1,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,173,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5640,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5641,5,3,5,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,1,1,0,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5642,4,3,8,3,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5643,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5644,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5645,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5646,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5647,2,1,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5648,5,90,7,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5649,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5650,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5651,5,3,11,3,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5652,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5653,4,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5654,4,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5655,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5656,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5657,5,2,12,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5658,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5659,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5660,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5661,5,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5662,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5663,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5664,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5665,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5666,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5667,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5668,3,90,12,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5669,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5670,3,3,12,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,164,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5671,4,3,5,2,,1,4,,92,92,,,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,,1,0,5,1,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1 +5672,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5673,5,2,8,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5674,3,3,3,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5675,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5676,3,3,8,2,0,0,92,0,92,92,1,1,1,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5677,2,1,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5678,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5679,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5680,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5681,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,200,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5682,5,3,2,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5683,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5684,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5685,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5686,5,3,90,2,91,1,,0,92,92,0,91,92,92,,92,92,92,,0,0,0,1,1,4,6,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,57,4,2,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5687,5,2,90,2,0,1,,0,92,92,,0,92,92,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,91,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5688,5,3,10,3,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5689,5,2,12,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5690,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5691,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5692,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5693,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5694,5,2,7,1,91,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5695,4,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,1,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,201,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5696,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5697,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5698,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5699,3,2,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5700,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5701,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5702,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5703,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5704,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5705,3,1,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5706,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5707,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,21,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5708,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5709,5,3,5,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5710,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5711,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5712,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5713,5,3,2,3,0,1,3,0,92,92,,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,93,7,2,1,,1,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +5714,1,3,6,1,91,1,,0,92,92,0,91,92,92,1,1,,1,,0,0,0,3,3,5,11,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,2,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +5715,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5716,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5717,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5718,3,2,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,1,0,0,0,0,0,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5719,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5720,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5721,3,3,8,3,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5722,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5723,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5724,5,3,6,1,91,0,92,1,2,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5725,2,1,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,188,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5726,4,3,5,2,1,1,3,1,1,1,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,95,7,2,1,,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +5727,4,2,12,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5728,3,3,6,1,0,0,92,0,92,92,1,1,1,2,1,2,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5729,3,3,8,3,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,90,0,4,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +5730,5,3,2,3,91,0,92,0,92,92,0,1,3,2,0,92,92,92,,0,0,0,3,5,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +5731,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,27,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5732,5,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5733,1,3,11,2,1,,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,202,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5734,5,2,4,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,77,6,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5735,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5736,3,3,4,2,1,1,,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,94,7,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5737,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5738,4,3,2,3,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5739,5,3,8,2,91,2,3,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,54,4,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5740,5,3,1,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5741,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5742,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5743,5,3,11,2,,1,3,,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5744,2,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5745,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5746,4,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5747,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,2,4,5,11,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5748,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5749,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5750,5,2,3,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5751,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5752,2,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,55,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5753,4,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5754,,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5755,3,2,12,2,0,0,92,0,92,92,1,1,1,2,1,1,1,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,2,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5756,5,90,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5757,4,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5758,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5759,3,3,90,2,0,1,1,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5760,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5761,5,2,10,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5762,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5763,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5764,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5765,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5766,2,1,4,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5767,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5768,3,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5769,5,1,6,1,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5770,3,2,1,2,0,0,92,0,92,92,1,1,2,2,1,1,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5771,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5772,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5773,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5774,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5775,3,3,8,2,91,1,2,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5776,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5777,5,2,6,1,0,0,92,0,92,92,0,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,66,5,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5778,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5779,5,3,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5780,3,3,5,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5781,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5782,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5783,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5784,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5785,3,90,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5786,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5787,5,90,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5788,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5789,3,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5790,4,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5791,3,2,2,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,1,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5792,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5793,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5794,5,3,90,2,91,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5795,4,3,2,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5796,5,3,4,2,,,92,,92,92,,,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,,3,0,5,1,1,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,1,1,1,0,1 +5797,5,90,,,1,1,,0,92,92,,1,2,,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5798,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5799,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5800,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5801,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5802,5,3,90,2,1,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5803,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5804,5,2,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5805,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5806,3,2,1,2,,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5807,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5808,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5809,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5810,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5811,5,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5812,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5813,5,3,,,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5814,1,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5815,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5816,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5817,4,2,1,2,,1,3,0,92,92,0,,92,92,1,,2,,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,78,6,2,2,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +5818,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5819,5,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5820,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5821,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,13,1,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5822,3,3,10,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5823,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5824,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5825,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5826,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5827,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5828,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5829,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5830,5,3,10,2,0,0,92,0,92,92,1,1,,2,1,,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,92,92,92,92,204,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5831,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5832,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5833,3,2,8,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5834,3,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5835,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5836,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5837,5,3,1,3,1,1,4,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +5838,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5839,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,3,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +5840,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,125,10,2,2,,1,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5841,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5842,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5843,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5844,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5845,1,3,5,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5846,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5847,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5848,3,2,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5849,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5850,3,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5851,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5852,3,3,9,2,0,,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +5853,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,35,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5854,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5855,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5856,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5857,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5858,2,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5859,5,90,9,2,1,0,92,0,92,92,1,1,1,2,1,2,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,126,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5860,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5861,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5862,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5863,3,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,100,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5864,4,3,2,3,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5865,4,2,1,3,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5866,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5867,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5868,5,2,6,1,,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5869,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5870,3,3,6,1,0,0,92,0,92,92,0,1,2,3,1,3,3,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,53,4,2,1,,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5871,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5872,5,3,8,2,,,92,1,3,1,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,92,92,92,92,49,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5873,3,2,11,2,1,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5874,5,3,8,3,91,2,1,0,92,92,0,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,20,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5875,3,3,9,2,91,,92,0,92,92,1,91,92,92,1,1,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5876,1,1,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5877,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5878,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5879,5,2,6,1,0,0,92,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5880,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5881,5,2,10,2,0,2,3,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,183,15,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5882,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5883,1,1,9,2,91,0,92,0,92,92,0,1,2,2,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,47,3,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5884,5,3,1,2,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5885,3,3,11,2,,,92,0,92,92,0,1,,2,1,3,2,1,1,0,0,0,4,4,6,14,2,1,1,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,194,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5886,3,3,1,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5887,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5888,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5889,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5890,3,1,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5891,5,3,9,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5892,4,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5893,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5894,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,23,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5895,5,3,9,2,,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5896,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5897,4,3,4,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5898,3,2,9,2,0,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5899,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,1,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,98,8,2,1,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5900,5,3,10,2,0,0,92,0,92,92,1,1,2,2,1,1,4,2,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,157,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5901,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,8,0,1,1,1,,0,4,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +5902,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5903,5,2,90,2,,1,2,0,92,92,0,1,3,2,1,1,3,1,,0,0,0,3,5,6,14,2,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,77,6,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5904,3,2,8,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5905,5,3,8,3,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,75,6,2,2,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5906,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5907,5,1,10,2,0,0,92,0,92,92,1,1,2,2,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,76,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5908,5,3,8,2,0,2,2,0,92,92,1,1,3,2,1,1,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,81,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5909,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5910,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5911,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5912,5,3,8,2,91,1,3,1,1,2,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,92,92,92,92,18,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5913,5,3,2,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,70,5,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5914,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5915,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5916,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,1,0,4,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +5917,3,1,10,2,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,187,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5918,5,3,8,2,1,,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5919,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5920,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5921,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5922,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5923,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5924,1,3,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5925,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5926,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5927,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5928,3,3,12,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5929,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5930,5,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5931,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,2,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,106,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5932,3,1,2,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5933,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5934,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5935,3,1,12,2,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5936,5,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,2,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5937,2,3,6,1,1,1,,0,92,92,1,1,1,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5938,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5939,5,2,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,76,6,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5940,5,3,9,2,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,19,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5941,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5942,5,3,6,1,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5943,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5944,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5945,3,90,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5946,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,80,6,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5947,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5948,3,3,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,132,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5949,4,3,8,3,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5950,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5951,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5952,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5953,5,3,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5954,2,3,7,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,100,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5955,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5956,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5957,1,3,8,2,91,0,92,,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,5,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5958,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5959,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5960,3,3,8,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5961,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5962,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5963,5,1,10,2,1,0,92,0,92,92,0,1,2,3,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,1,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,157,13,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5964,3,3,5,2,0,0,92,0,92,92,1,1,2,2,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,154,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5965,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5966,2,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5967,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5968,3,1,8,3,91,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5969,5,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5970,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,30,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5971,5,3,8,3,1,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,2,0,2,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +5972,3,3,10,2,0,2,1,0,92,92,1,0,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5973,5,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5974,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5975,3,3,9,2,91,1,2,1,2,3,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,1,1,0,0,0,1,0,0,0,0,92,92,92,92,11,0,1,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +5976,5,1,8,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,23,1,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5977,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5978,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5979,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5980,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5981,3,3,1,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5982,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5983,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5984,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5985,3,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5986,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5987,5,1,4,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5988,5,3,,,91,,92,0,92,92,1,1,,,1,3,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,44,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5989,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5990,3,2,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5991,5,3,6,1,0,0,92,0,92,92,0,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5992,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5993,3,3,8,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5994,4,3,6,1,,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,10,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5995,2,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5996,3,2,11,2,1,1,,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,0,0,,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5997,3,3,10,2,1,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +5998,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +5999,5,3,8,3,0,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,178,14,2,2,,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6000,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6001,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6002,5,3,6,1,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,2,2,4,8,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6003,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6004,5,3,11,2,0,1,4,1,2,3,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,170,14,2,1,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +6005,3,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6006,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6007,3,3,8,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6008,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6009,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6010,5,4,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6011,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6012,3,3,8,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6013,5,3,8,3,,1,3,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,65,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6014,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6015,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,65,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6016,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6017,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6018,3,2,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,155,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6019,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6020,1,3,9,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6021,5,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6022,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6023,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,14,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6024,5,3,11,2,91,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6025,5,2,10,2,,2,1,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,202,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6026,5,90,12,2,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6027,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6028,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6029,5,1,8,3,1,2,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6030,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6031,5,2,4,2,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,66,5,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6032,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6033,5,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6034,3,3,,,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,11,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6035,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6036,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6037,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6038,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6039,5,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,124,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6040,5,3,5,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6041,2,1,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6042,4,2,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6043,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6044,4,3,8,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6045,4,3,90,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,112,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6046,3,1,1,2,0,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6047,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6048,4,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6049,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6050,5,3,4,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,1,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6051,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,1,,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6052,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6053,3,1,6,1,1,1,3,1,,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,148,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6054,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6055,5,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6056,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6057,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6058,4,3,2,3,0,0,92,0,92,92,1,1,1,2,1,1,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6059,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6060,4,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6061,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6062,3,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,2,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6063,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6064,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6065,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6066,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6067,3,1,10,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,163,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6068,5,2,90,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6069,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6070,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6071,3,90,2,3,0,1,2,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,1,,2,0,3,1,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +6072,3,3,90,2,0,0,92,0,92,92,,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6073,3,4,11,2,,1,4,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6074,5,3,8,2,91,2,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6075,3,1,12,2,91,0,92,1,3,1,,0,92,92,1,3,2,1,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,54,4,2,1,1,90,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +6076,5,2,10,2,0,1,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,200,16,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6077,1,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6078,3,3,1,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6079,2,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6080,3,2,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,1,6,11,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,6,0,1,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +6081,5,3,8,2,1,,92,0,92,92,1,0,92,92,1,3,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,1,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,89,7,2,2,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0 +6082,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6083,5,3,3,3,91,1,,,92,92,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,1,,0,0,92,92,92,92,92,1,3,3,1,1,0,0,1,0,0,,92,92,92,92,92,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,121,10,2,2,,1,0,5,1,1,1,0,1,0,1,0,0,0,0,1,1,1,0,1,0,0,0,0,0,1,1,1,1,1,1 +6084,3,3,90,2,0,0,92,0,92,92,1,1,1,2,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,120,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6085,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6086,3,90,6,1,,,92,0,92,92,,91,92,92,1,,2,1,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,46,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6087,5,2,1,3,91,2,,,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6088,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6089,5,2,12,2,1,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6090,5,3,2,3,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6091,5,3,7,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6092,4,3,6,1,0,0,92,0,92,92,1,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6093,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6094,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6095,5,3,2,3,,2,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6096,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6097,3,1,1,2,0,0,92,0,92,92,1,1,2,2,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6098,3,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6099,1,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6100,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6101,3,2,2,3,1,,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,2,4,5,11,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6102,5,3,11,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,1,,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0 +6103,4,2,3,3,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6104,3,3,10,3,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6105,1,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6106,5,3,90,2,,0,92,0,92,92,,1,2,2,1,3,2,1,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,78,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6107,3,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6108,5,3,8,2,0,1,1,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6109,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,42,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6110,3,2,8,2,91,0,92,1,2,1,1,1,,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6111,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6112,5,3,11,2,1,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6113,3,2,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,,1,1,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0, +6114,3,2,1,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6115,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6116,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6117,1,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6118,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6119,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6120,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6121,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6122,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6123,5,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6124,5,2,10,2,0,0,92,0,92,92,1,1,,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6125,5,2,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6126,5,2,12,3,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6127,3,3,12,2,0,1,,0,92,92,,1,2,,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6128,2,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6129,4,3,10,2,0,0,92,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6130,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6131,5,3,1,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6132,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6133,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6134,5,3,8,2,1,1,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6135,5,3,5,2,1,0,92,0,92,92,0,1,3,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6136,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6137,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6138,4,3,11,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6139,4,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6140,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6141,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6142,4,90,8,2,0,1,,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,92,92,92,92,117,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6143,3,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6144,3,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6145,3,2,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6146,5,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6147,5,3,11,2,0,0,92,0,92,92,1,1,,,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6148,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6149,3,3,7,1,0,1,,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6150,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6151,5,2,7,1,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,11,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6152,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6153,4,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6154,5,3,12,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6155,3,3,11,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6156,3,3,4,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6157,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6158,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6159,3,4,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,1,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6160,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6161,4,3,11,2,,,92,1,2,2,,,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,1,0,0,0,0,0,0,1,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,189,15,2,1,,2,0,5,1,1,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +6162,5,3,9,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6163,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6164,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6165,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,1,,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6166,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6167,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6168,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6169,4,3,8,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6170,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6171,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6172,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0 +6173,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6174,5,3,3,3,91,0,92,0,92,92,0,91,92,92,1,2,2,,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,1,0,0,0,1,0,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,48,4,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6175,5,3,8,2,0,0,92,0,92,92,1,1,1,3,1,1,4,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6176,5,3,6,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6177,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6178,5,2,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6179,5,2,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6180,3,2,1,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6181,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6182,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +6183,3,3,7,1,0,0,92,0,92,92,1,0,92,92,1,,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6184,4,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6185,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6186,1,3,9,2,0,0,92,0,92,92,1,0,92,92,1,2,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6187,3,1,7,1,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6188,4,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6189,5,2,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6190,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6191,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6192,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6193,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6194,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6195,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6196,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6197,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6198,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6199,3,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6200,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6201,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6202,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,41,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6203,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6204,5,3,8,3,0,0,92,0,92,92,1,1,,3,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,69,5,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6205,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6206,5,3,6,1,91,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,35,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6207,5,1,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6208,1,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6209,3,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,63,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6210,4,3,2,3,0,0,92,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6211,2,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6212,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6213,5,3,6,1,,1,2,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,15,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6214,5,3,90,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6215,3,2,5,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6216,5,3,11,2,0,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6217,3,2,8,3,91,0,92,0,92,92,1,91,92,92,1,3,1,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6218,5,1,8,2,,0,92,0,92,92,0,1,2,2,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,73,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6219,3,3,5,2,1,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6220,5,3,11,2,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6221,1,3,10,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6222,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6223,3,3,90,2,,,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,6,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6224,5,3,90,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6225,5,3,11,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6226,4,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6227,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6228,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6229,2,3,10,2,1,2,,0,92,92,0,1,2,3,1,3,2,1,,0,0,0,4,4,6,14,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,186,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6230,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6231,5,2,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6232,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6233,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6234,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6235,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6236,4,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,12,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6237,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6238,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6239,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6240,1,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,1,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6241,3,2,7,1,,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6242,5,2,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6243,5,3,90,2,,,92,,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6244,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6245,5,2,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6246,4,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6247,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,28,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6248,5,3,7,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,33,2,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6249,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6250,5,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6251,3,3,12,2,1,0,92,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,1,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,171,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6252,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6253,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6254,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6255,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6256,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6257,3,1,5,2,1,,92,0,92,92,1,1,2,,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6258,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6259,5,1,8,2,0,0,92,0,92,92,1,0,92,92,1,2,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6260,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,58,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6261,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6262,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6263,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +6264,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6265,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6266,1,3,6,1,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6267,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6268,3,1,4,2,1,1,3,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6269,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6270,5,3,90,2,91,1,4,,92,92,,91,92,92,0,92,92,92,,1,0,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,1,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0,0,0,0,1 +6271,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6272,3,1,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6273,3,1,8,3,0,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,22,1,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6274,5,2,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,92,7,2,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6275,4,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6276,5,1,8,3,0,1,1,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6277,3,3,7,1,1,,92,0,92,92,1,1,2,2,1,1,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,93,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +6278,5,3,1,2,0,1,1,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6279,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6280,1,3,6,1,1,1,1,0,92,92,1,1,2,2,1,1,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,129,10,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6281,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6282,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6283,1,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6284,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +6285,4,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6286,5,2,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +6287,3,2,7,1,,0,92,0,92,92,,,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6288,1,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6289,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6290,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6291,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6292,3,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6293,5,3,12,2,0,0,92,0,92,92,,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,2,2,1,0,90,1,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +6294,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6295,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6296,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,37,3,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6297,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6298,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6299,4,2,1,3,1,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,173,14,2,1,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6300,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6301,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6302,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6303,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6304,5,3,8,3,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6305,3,1,7,1,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,17,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6306,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6307,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6308,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6309,5,2,7,1,0,1,,1,2,1,0,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,72,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6310,3,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6311,5,3,90,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6312,5,1,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6313,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6314,4,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6315,2,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6316,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6317,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6318,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6319,5,3,1,3,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6320,3,3,2,3,91,2,,0,92,92,,91,92,92,,92,92,92,,0,0,0,2,3,4,9,1,1,1,0,1,1,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,169,14,2,1,2,1,,3,1,1,1,0,1,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +6321,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,14,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6322,5,3,9,2,1,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6323,3,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6324,3,1,1,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6325,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6326,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6327,3,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6328,3,2,11,2,0,0,92,0,92,92,0,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,117,9,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6329,3,1,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,55,4,2,1,,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6330,5,3,8,2,0,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6331,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6332,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,32,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6333,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,1,1,0,1,1,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6334,5,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,1,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6335,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6336,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,24,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6337,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,197,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6338,5,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6339,5,3,8,2,0,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6340,5,1,5,2,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6341,3,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6342,3,3,12,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,47,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6343,3,2,9,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6344,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6345,3,2,8,3,1,2,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,148,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6346,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6347,2,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6348,5,3,8,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6349,3,3,10,2,0,1,2,0,92,92,0,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6350,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6351,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6352,5,3,1,2,91,1,4,0,92,92,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,2,2,1,0,5,1,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +6353,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6354,5,3,7,1,0,0,92,0,92,92,1,1,3,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6355,5,3,8,2,0,0,92,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6356,3,3,9,2,91,0,92,0,92,92,0,1,,3,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,28,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6357,5,3,10,2,1,1,4,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6358,4,2,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6359,3,2,6,1,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6360,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6361,4,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6362,3,3,8,2,0,0,92,0,92,92,0,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6363,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6364,5,1,10,3,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,214,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6365,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6366,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6367,3,1,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6368,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6369,5,2,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,18,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6370,5,2,1,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6371,5,3,6,1,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,144,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6372,5,1,6,1,1,,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6373,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6374,3,3,11,2,0,0,92,0,92,92,,1,,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6375,4,3,90,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,1,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,154,12,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6376,5,3,1,3,1,2,,,92,92,,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6377,4,3,2,3,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6378,5,2,8,2,91,,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,27,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6379,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6380,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,181,15,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6381,5,1,10,2,,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,197,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6382,5,2,4,2,1,0,92,0,92,92,0,1,2,2,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,68,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6383,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6384,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6385,5,2,6,1,0,0,92,0,92,92,1,1,,3,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,92,7,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6386,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,127,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6387,5,3,10,2,0,2,1,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6388,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,33,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6389,5,1,4,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6390,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6391,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,2,1,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6392,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6393,4,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6394,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6395,5,3,90,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,61,5,2,2,,1,0,5,1,1,1,0,0,0,0,0,0,1,0,1,1,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +6396,5,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6397,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6398,4,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6399,3,2,5,2,0,0,92,0,92,92,1,1,2,3,1,1,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,132,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6400,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6401,5,1,11,2,0,1,2,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6402,1,3,11,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6403,4,3,6,1,,1,1,1,1,1,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,184,15,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6404,1,3,5,2,1,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6405,5,3,10,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,163,13,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6406,3,90,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6407,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6408,5,1,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,75,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6409,4,3,9,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,82,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6410,3,2,9,2,91,0,92,0,92,92,0,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6411,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6412,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6413,3,1,8,2,91,0,92,0,92,92,0,91,92,92,1,3,4,2,,0,0,0,2,4,5,11,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +6414,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6415,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6416,3,1,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6417,5,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,112,9,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6418,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,206,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6419,5,2,1,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6420,5,90,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6421,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6422,4,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +6423,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6424,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6425,5,3,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6426,5,3,2,3,0,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6427,5,3,4,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6428,2,4,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6429,5,3,2,3,1,1,3,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,,92,92,92,92,130,10,2,2,,4,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6430,5,1,1,3,1,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6431,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6432,5,3,7,1,0,0,92,,92,92,,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6433,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6434,5,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6435,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6436,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6437,3,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6438,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,,,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6439,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6440,5,3,10,2,1,1,3,1,1,2,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6441,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6442,5,1,5,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,88,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6443,2,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6444,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6445,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6446,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6447,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6448,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6449,5,3,8,2,1,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,1,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6450,2,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6451,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6452,5,2,12,2,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6453,5,3,7,1,91,1,4,0,92,92,0,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,32,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6454,3,2,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6455,5,3,8,2,0,0,92,0,92,92,0,0,92,92,1,2,2,2,0,0,0,0,,,,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,49,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6456,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6457,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6458,3,1,12,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6459,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6460,5,1,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6461,2,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6462,1,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6463,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6464,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6465,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6466,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6467,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6468,3,3,8,2,0,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6469,3,1,8,2,91,0,92,0,92,92,0,0,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,45,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6470,4,3,2,3,0,1,,0,92,92,1,1,3,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6471,5,3,1,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6472,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6473,5,3,6,1,1,2,2,1,2,1,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,181,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6474,3,3,90,2,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,78,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6475,3,3,90,2,91,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6476,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6477,5,3,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6478,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6479,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6480,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6481,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6482,5,2,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6483,5,3,1,3,0,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6484,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6485,5,3,1,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6486,3,1,1,2,1,1,,0,92,92,0,1,1,,1,1,,,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,170,14,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6487,4,3,4,2,0,0,92,0,92,92,1,1,2,2,1,3,3,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,155,12,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6488,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6489,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6490,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,90,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6491,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6492,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6493,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6494,3,1,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6495,3,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6496,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6497,3,1,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6498,3,2,1,2,0,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,160,13,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6499,4,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6500,3,90,9,2,0,0,92,0,92,92,0,91,92,92,1,,3,,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6501,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6502,3,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6503,4,2,1,3,,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,99,8,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +6504,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6505,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6506,3,90,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,180,15,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6507,4,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6508,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6509,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6510,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6511,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6512,5,3,90,2,,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6513,2,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6514,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6515,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6516,4,3,1,3,0,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,2,2,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6517,5,90,8,3,91,,92,0,92,92,1,91,92,92,1,3,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,4,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6518,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6519,5,3,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6520,5,3,6,1,0,0,92,0,92,92,0,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6521,3,3,6,1,0,0,92,0,92,92,0,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6522,4,3,7,1,0,0,92,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6523,3,90,11,2,0,0,92,0,92,92,0,1,2,2,1,2,4,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,60,5,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6524,3,2,1,2,1,1,1,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6525,4,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6526,3,1,6,1,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,73,6,2,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6527,4,3,8,2,91,1,2,0,92,92,1,91,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,25,2,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6528,5,3,10,2,0,1,3,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6529,5,3,10,2,,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6530,5,3,10,2,1,1,2,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6531,5,3,9,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6532,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6533,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6534,3,3,11,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6535,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6536,3,3,12,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,1,1,1,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,23,1,1,2,,90,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +6537,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6538,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6539,5,3,1,3,1,2,,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,1,1,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6540,5,3,8,3,91,1,3,1,1,1,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6541,5,3,6,1,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6542,5,3,2,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6543,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,212,17,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6544,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6545,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6546,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6547,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6548,4,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6549,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6550,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6551,5,1,4,2,1,1,,0,92,92,0,1,2,2,1,1,2,,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,1,0,0,1,1,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,112,9,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6552,5,90,6,1,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,121,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6553,5,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,33,2,2,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6554,5,1,12,2,91,0,92,0,92,92,1,0,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6555,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6556,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6557,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6558,5,3,1,2,91,,92,0,92,92,,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,66,5,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6559,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6560,5,3,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6561,2,3,90,2,91,0,92,0,92,92,1,0,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6562,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6563,3,1,90,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,95,7,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6564,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6565,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +6566,3,2,6,1,1,2,2,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6567,5,2,11,2,1,1,,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6568,4,2,4,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6569,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6570,3,2,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6571,3,2,10,2,,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6572,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6573,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6574,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6575,2,1,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6576,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6577,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6578,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6579,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6580,5,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6581,3,3,4,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6582,1,90,10,2,0,0,92,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6583,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6584,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6585,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6586,2,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6587,1,2,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6588,3,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6589,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6590,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6591,5,2,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6592,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6593,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6594,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,,,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,13,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6595,3,3,10,2,1,1,3,0,92,92,0,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6596,4,3,4,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +6597,4,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6598,3,3,8,2,,0,92,0,92,92,0,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,37,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6599,3,1,1,2,1,2,,0,92,92,0,1,1,2,0,92,92,92,0,,,,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,125,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6600,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6601,3,2,8,2,91,1,2,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,2,2,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6602,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6603,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,1,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6604,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6605,3,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6606,4,2,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6607,3,3,8,2,,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6608,3,3,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6609,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6610,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6611,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6612,3,3,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6613,5,3,1,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,2,1,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6614,5,3,4,2,,0,92,0,92,92,0,1,3,2,1,2,,,1,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,132,11,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6615,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6616,3,3,11,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,195,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6617,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6618,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6619,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6620,3,3,10,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,212,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6621,3,3,9,2,,2,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,1,0,0,1,0,0,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6622,3,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6623,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6624,3,90,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6625,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6626,2,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6627,3,3,11,2,0,0,92,0,92,92,1,1,2,2,1,1,4,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,192,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6628,5,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6629,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,54,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6630,2,1,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6631,4,2,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,2,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +6632,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6633,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,24,2,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6634,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6635,3,3,1,2,0,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,2,,1,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6636,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6637,5,3,2,3,0,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,2,1,1,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +6638,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6639,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6640,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6641,1,3,9,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,10,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6642,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6643,5,2,1,2,,,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,,92,92,92,92,69,5,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6644,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,40,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6645,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6646,5,3,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6647,5,2,10,2,1,0,92,0,92,92,0,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6648,5,90,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6649,5,1,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6650,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,5,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6651,5,3,2,3,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6652,3,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6653,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,70,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6654,5,3,2,3,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,1,,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,160,13,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +6655,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6656,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,77,6,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6657,5,3,10,2,1,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6658,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,7,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6659,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6660,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6661,3,2,12,3,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,4,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6662,3,3,90,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6663,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6664,4,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6665,1,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,16,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6666,3,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6667,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,,2,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6668,3,3,5,2,91,1,4,,92,92,0,91,92,92,,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,1,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,2,0,8,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,1 +6669,3,3,6,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6670,5,2,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6671,4,2,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6672,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6673,3,3,10,2,0,2,1,0,92,92,1,1,2,2,1,3,2,2,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,160,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6674,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,108,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6675,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6676,2,3,12,2,0,,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6677,5,1,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6678,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6679,4,3,2,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,12,1,1,1,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6680,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6681,2,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,165,13,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6682,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6683,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6684,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,2,,3,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6685,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6686,3,3,8,2,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6687,4,3,2,3,0,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,76,6,2,2,1,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6688,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6689,1,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6690,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6691,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6692,5,3,90,2,91,2,2,,92,92,1,0,92,92,1,1,2,,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,,2,,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +6693,2,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6694,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6695,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6696,3,3,11,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6697,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6698,3,3,8,2,0,1,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6699,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6700,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6701,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6702,5,2,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6703,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6704,2,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6705,3,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6706,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6707,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6708,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6709,3,1,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6710,5,2,8,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6711,3,3,8,3,,1,,0,92,92,0,,92,92,,92,92,92,,0,0,0,2,3,4,9,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,42,3,2,1,2,2,0,5,1,1,1,0,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +6712,1,3,6,1,0,0,92,0,92,92,1,1,1,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6713,2,1,10,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6714,3,90,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,137,11,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6715,3,3,10,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6716,3,3,1,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6717,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6718,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6719,3,1,1,2,,1,,0,92,92,,1,,2,0,92,92,92,,0,0,0,3,4,5,12,1,1,1,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6720,1,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6721,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6722,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6723,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6724,5,2,90,2,,1,3,1,1,2,0,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,59,4,2,1,,1,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +6725,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6726,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +6727,5,3,1,3,91,0,92,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,20,1,1,2,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6728,5,1,2,3,,1,,0,92,92,1,0,92,92,,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6729,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6730,3,2,12,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6731,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,,92,92,92,92,47,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6732,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6733,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,1,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6734,3,2,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6735,5,3,11,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,1,,0,5,1,1,1,0,0,0,1,0,0,1,0,1,0,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +6736,1,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6737,5,2,8,2,0,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6738,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6739,1,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,166,13,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6740,2,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6741,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6742,5,90,11,2,0,0,92,0,92,92,1,1,2,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,194,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6743,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6744,5,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6745,5,2,90,2,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6746,4,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6747,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6748,3,3,8,3,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,153,12,2,1,,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6749,5,3,2,3,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,87,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6750,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6751,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6752,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6753,5,3,1,2,91,0,92,0,92,92,1,91,92,92,1,1,4,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6754,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6755,5,3,3,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,171,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6756,3,3,9,2,0,1,,0,92,92,0,1,2,3,1,3,2,1,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,102,8,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6757,4,3,8,2,,1,2,1,1,1,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6758,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6759,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6760,5,3,,,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,42,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6761,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6762,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6763,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6764,5,3,2,3,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6765,1,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6766,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6767,3,3,,,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6768,5,2,8,2,0,1,3,1,2,1,0,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,92,92,92,92,62,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6769,4,2,1,2,0,0,92,0,92,92,0,0,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,130,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6770,4,3,10,2,1,1,2,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,197,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6771,3,3,6,1,91,1,2,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6772,2,4,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6773,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6774,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6775,5,3,9,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6776,3,1,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +6777,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6778,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6779,2,4,6,1,91,,92,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,24,2,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6780,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6781,4,3,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6782,3,2,5,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6783,2,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6784,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6785,5,1,8,2,0,,92,0,92,92,1,1,,2,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,54,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6786,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6787,3,3,,,,1,,1,,,1,1,2,2,1,3,2,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,127,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6788,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6789,4,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6790,5,3,6,1,0,0,92,0,92,92,0,1,1,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6791,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6792,4,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6793,5,3,,,91,1,4,,92,92,0,91,92,92,0,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,2,1,0,5,1,1,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1 +6794,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6795,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6796,3,3,2,3,91,2,2,,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,2,5,8,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,1,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,,1,0,5,1,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,1,0,1 +6797,2,4,10,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6798,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6799,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,,92,92,92,92,18,1,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6800,5,3,10,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6801,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6802,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6803,3,3,12,3,1,1,,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,2,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6804,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6805,5,2,9,2,1,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,75,6,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6806,3,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6807,5,1,6,1,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,17,1,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6808,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6809,5,3,11,2,0,2,,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6810,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6811,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6812,5,2,90,2,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6813,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6814,5,3,4,2,91,1,2,0,92,92,0,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,1,0,0,1,0,0,0,92,92,92,92,79,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6815,1,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6816,5,3,10,2,0,2,1,0,92,92,0,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6817,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6818,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6819,3,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,51,4,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6820,5,3,5,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,108,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6821,3,2,3,3,1,,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6822,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6823,3,2,11,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,144,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6824,1,3,8,2,0,0,92,0,92,92,1,1,1,3,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6825,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,38,3,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6826,4,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6827,4,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6828,4,3,8,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6829,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6830,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,,1,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6831,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6832,4,3,1,2,0,0,92,0,92,92,0,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,14,1,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6833,3,3,10,2,1,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6834,5,3,1,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6835,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6836,5,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,163,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6837,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6838,4,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,33,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6839,5,3,8,2,91,1,4,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6840,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +6841,5,2,6,1,0,2,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6842,1,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6843,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6844,3,1,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,,2,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,19,1,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6845,5,3,8,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6846,5,1,90,2,0,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6847,3,3,2,3,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,2,1,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6848,5,1,7,1,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6849,3,3,8,2,,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6850,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6851,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +6852,5,3,4,2,1,0,92,0,92,92,0,1,1,2,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,87,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6853,5,3,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6854,5,3,5,2,1,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6855,3,2,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +6856,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6857,5,3,6,1,1,2,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6858,3,3,3,3,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6859,5,3,11,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,205,17,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6860,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6861,3,1,8,2,91,0,92,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,10,0,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6862,3,1,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,213,17,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6863,3,3,4,2,1,,92,0,92,92,0,,92,92,1,3,2,1,,0,0,0,3,3,5,11,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,133,11,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6864,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6865,1,3,7,1,0,0,92,0,92,92,1,1,1,2,1,3,,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,60,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6866,5,3,1,3,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6867,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6868,1,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6869,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,16,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6870,3,3,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6871,3,3,8,3,,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6872,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6873,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,9,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6874,5,3,1,2,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6875,2,3,10,2,0,2,1,,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6876,3,3,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6877,5,3,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,206,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6878,5,2,1,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6879,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6880,5,2,11,2,1,2,,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6881,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6882,5,3,6,1,0,0,92,0,92,92,1,1,1,2,1,1,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6883,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6884,3,4,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6885,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6886,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6887,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6888,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6889,5,2,6,1,1,1,2,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6890,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6891,5,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6892,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6893,5,3,8,2,91,,92,0,92,92,0,91,92,92,1,,2,,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6894,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6895,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6896,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6897,5,3,1,2,,1,3,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +6898,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6899,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6900,5,3,5,2,,1,3,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6901,5,2,6,1,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6902,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6903,5,3,9,2,91,0,92,0,92,92,0,91,92,92,1,,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6904,5,2,6,1,1,1,2,0,92,92,0,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,92,92,92,92,100,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6905,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6906,4,3,11,2,1,1,,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6907,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6908,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6909,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6910,5,3,10,2,0,1,2,0,92,92,0,1,3,2,1,3,3,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,125,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6911,5,1,6,1,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6912,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6913,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6914,3,3,1,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6915,5,3,90,2,0,0,92,0,92,92,0,1,3,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,101,8,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6916,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6917,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6918,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6919,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6920,3,1,10,2,0,1,3,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,193,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6921,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6922,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,,1,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +6923,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6924,5,3,4,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6925,3,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6926,3,1,10,2,0,1,2,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,170,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6927,3,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,1,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6928,5,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6929,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6930,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6931,3,3,7,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6932,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6933,5,3,8,2,0,0,92,0,92,92,1,91,92,92,1,2,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6934,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6935,1,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6936,3,1,3,3,91,2,,0,92,92,0,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,150,12,2,2,1,1,0,5,1,1,1,0,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +6937,3,2,10,2,1,0,92,0,92,92,0,1,2,3,1,3,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6938,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6939,1,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6940,5,3,10,2,0,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6941,5,3,90,2,1,1,,,92,92,,1,3,,1,2,,,1,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,1,1,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,76,6,2,1,,,0,3,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +6942,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6943,5,2,90,2,0,0,92,0,92,92,,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,50,4,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6944,3,1,10,2,1,,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6945,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6946,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6947,5,3,4,2,1,1,1,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6948,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6949,5,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6950,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6951,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6952,4,3,3,3,0,1,,0,92,92,,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,1,0,2,92,0,1,0,0,1,0,0,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,162,13,2,2,,,0,5,1,1,1,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +6953,5,2,7,1,0,0,92,0,92,92,1,1,,2,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6954,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6955,5,3,2,3,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6956,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6957,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6958,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6959,5,3,4,2,1,,92,,92,92,,,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,191,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6960,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6961,5,3,1,2,91,0,92,0,92,92,,1,,2,1,2,2,1,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,38,3,2,2,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6962,5,1,10,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6963,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6964,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6965,1,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6966,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6967,5,2,3,3,1,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6968,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6969,3,3,11,2,,1,2,1,2,1,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,92,92,92,92,51,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6970,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6971,3,3,,,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6972,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6973,5,2,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6974,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6975,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6976,3,1,11,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6977,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6978,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6979,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6980,5,3,8,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,113,9,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6981,2,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6982,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6983,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6984,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6985,5,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6986,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6987,5,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6988,3,1,10,2,0,,92,0,92,92,0,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,93,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6989,3,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6990,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6991,5,1,8,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6992,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6993,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6994,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6995,3,1,90,2,,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6996,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,3,1,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,13,1,1,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +6997,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +6998,5,1,6,1,0,0,92,0,92,92,1,1,2,2,1,2,2,1,1,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,213,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +6999,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7000,3,3,8,2,91,,92,0,92,92,0,91,92,92,1,2,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7001,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,36,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7002,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7003,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7004,3,3,10,2,,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7005,5,3,6,1,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,158,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7006,3,3,4,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7007,4,3,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7008,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7009,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7010,1,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,31,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7011,3,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7012,3,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7013,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7014,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7015,5,3,12,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7016,3,1,4,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7017,4,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7018,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7019,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7020,5,2,5,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7021,5,2,10,2,1,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7022,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7023,5,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7024,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7025,4,3,10,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7026,5,1,90,2,,0,92,0,92,92,0,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7027,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,15,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7028,3,1,6,1,0,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,,5,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7029,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,,1,0,,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +7030,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7031,3,2,10,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7032,1,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7033,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7034,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7035,5,1,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7036,4,3,2,3,,,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7037,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7038,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7039,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7040,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7041,3,3,8,3,91,1,,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7042,3,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7043,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7044,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7045,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7046,3,1,7,1,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,20,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7047,5,1,8,2,91,0,92,0,92,92,0,1,,,1,1,3,1,,,,,4,5,6,15,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,63,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7048,5,1,4,2,1,1,,0,92,92,0,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7049,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7050,4,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7051,5,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,92,92,92,92,153,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7052,5,2,7,1,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,39,3,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7053,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7054,4,3,11,2,,1,3,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,185,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7055,5,3,1,2,1,2,,0,92,92,1,1,3,2,,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7056,3,1,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7057,5,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7058,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7059,3,2,8,2,,0,92,0,92,92,1,0,92,92,1,2,1,3,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7060,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7061,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7062,5,3,6,1,1,1,3,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,87,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7063,3,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7064,3,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,0,0,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,129,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7065,3,1,10,3,0,0,92,0,92,92,1,1,1,2,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7066,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7067,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7068,1,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7069,1,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7070,5,1,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7071,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7072,4,3,2,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,70,5,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7073,5,2,6,1,1,1,,0,92,92,,1,,2,1,3,2,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,132,11,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7074,5,2,11,2,0,2,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7075,2,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7076,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7077,5,4,4,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7078,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7079,5,3,8,3,91,1,3,1,2,2,0,91,92,92,0,92,92,92,,0,0,0,2,2,5,9,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,92,92,92,92,45,3,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7080,3,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7081,4,3,6,1,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,173,14,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7082,5,3,3,3,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7083,5,3,1,2,1,1,,0,92,92,1,1,2,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,181,15,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7084,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7085,5,1,6,1,0,0,92,0,92,92,0,1,1,,1,3,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,86,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7086,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7087,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7088,5,3,11,2,0,0,92,0,92,92,1,1,3,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7089,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7090,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7091,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7092,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,187,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7093,2,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7094,2,1,4,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7095,3,3,9,2,1,2,,0,92,92,,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7096,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7097,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7098,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7099,5,2,9,2,1,1,3,,92,92,,1,3,2,0,92,92,92,1,0,0,0,4,4,4,12,1,1,1,0,1,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7100,5,2,10,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7101,3,3,8,2,0,1,2,1,2,1,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,100,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7102,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7103,5,2,6,1,0,0,92,0,92,92,1,0,92,92,1,2,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7104,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7105,5,2,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7106,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7107,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7108,5,3,2,,0,1,4,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,1,0,0,0,0,1,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7109,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7110,3,3,9,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,33,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7111,1,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,26,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7112,5,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7113,3,3,2,3,91,0,92,0,92,92,1,1,,2,1,,3,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,28,2,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7114,5,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7115,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7116,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7117,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7118,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7119,5,3,5,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7120,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7121,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7122,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7123,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7124,3,1,8,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7125,3,3,5,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,175,14,2,1,,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7126,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7127,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7128,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7129,3,2,6,1,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,64,5,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7130,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,194,16,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7131,2,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7132,5,3,1,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,186,15,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7133,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7134,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7135,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7136,5,3,8,2,91,2,,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,3,4,5,12,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,1,0,0,0,0,1,0,0,0,92,92,92,92,71,5,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7137,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7138,3,1,8,2,91,0,92,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7139,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7140,5,2,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7141,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7142,3,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7143,2,1,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7144,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7145,2,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +7146,2,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,7,0,1,2,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7147,5,3,90,2,1,2,,,92,92,,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7148,3,3,10,2,1,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7149,4,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7150,3,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7151,4,3,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7152,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7153,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7154,5,90,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7155,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7156,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7157,3,3,6,1,91,0,92,0,92,92,,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7158,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7159,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,1,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7160,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7161,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,22,1,1,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7162,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,194,16,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7163,3,3,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7164,2,3,6,1,0,0,92,0,92,92,0,1,1,2,1,,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,116,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7165,1,3,8,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,37,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7166,5,3,4,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7167,4,3,8,2,,0,92,0,92,92,1,91,92,92,1,2,2,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7168,5,1,12,3,,0,92,0,92,92,1,0,92,92,1,2,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,131,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7169,5,3,2,3,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,72,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7170,5,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7171,3,3,9,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7172,3,2,8,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,54,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7173,3,2,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7174,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7175,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,2,1,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7176,5,2,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7177,3,3,8,3,0,2,3,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,15,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7178,5,1,3,2,,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,143,11,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7179,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7180,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7181,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7182,5,3,7,1,0,0,92,0,92,92,1,1,2,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7183,5,3,6,1,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7184,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7185,4,3,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,189,15,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7186,4,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7187,3,3,3,3,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7188,4,2,90,2,91,0,92,0,92,92,1,91,92,92,1,3,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7189,3,3,90,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7190,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7191,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7192,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7193,5,3,6,1,0,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,92,92,92,92,155,12,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7194,3,3,6,1,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7195,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7196,3,3,10,2,,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7197,3,1,11,2,1,2,2,1,2,1,1,1,2,2,1,1,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,92,92,92,92,146,12,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7198,5,2,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7199,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7200,2,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7201,3,2,90,2,0,0,92,0,92,92,1,1,3,2,1,1,2,1,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,200,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7202,5,2,2,3,0,1,2,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7203,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7204,3,3,12,2,91,1,1,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7205,4,3,2,3,1,1,3,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7206,3,2,90,2,1,1,3,0,92,92,1,1,2,2,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7207,5,3,5,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7208,5,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7209,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7210,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7211,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7212,3,3,1,2,91,,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7213,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7214,5,2,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7215,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,1,0,1,0,0,0,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,1,1,6,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +7216,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7217,3,3,11,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,6,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7218,4,3,2,3,1,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,1,1,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7219,4,3,3,3,1,1,4,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7220,3,3,2,2,0,0,92,0,92,92,0,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,37,3,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7221,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7222,1,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7223,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7224,3,3,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7225,1,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7226,3,3,10,2,1,2,1,0,92,92,1,1,2,4,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,206,17,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7227,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7228,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7229,3,3,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7230,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7231,3,2,11,2,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7232,5,2,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7233,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7234,4,90,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7235,1,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7236,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7237,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7238,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7239,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7240,4,3,9,2,91,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7241,3,3,6,1,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7242,5,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7243,3,90,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7244,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7245,5,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7246,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7247,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7248,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7249,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7250,4,3,10,2,0,0,92,0,92,92,,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7251,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7252,3,3,8,3,1,2,1,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7253,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7254,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,9,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7255,3,1,8,3,0,,92,,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,53,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7256,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7257,3,3,8,2,0,0,92,0,92,92,0,1,2,,1,1,2,2,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,79,6,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7258,5,2,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,167,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7259,3,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7260,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7261,4,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7262,4,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7263,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7264,1,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7265,3,3,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7266,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7267,5,3,7,1,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7268,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7269,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7270,5,2,10,2,1,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7271,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7272,5,3,2,3,91,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7273,4,3,3,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7274,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7275,4,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7276,3,3,,,1,1,4,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7277,5,3,1,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,4,0,1,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7278,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7279,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7280,3,2,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,42,3,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7281,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,1,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7282,3,3,8,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,92,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7283,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7284,3,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7285,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7286,5,1,2,,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +7287,4,2,8,3,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,105,8,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7288,3,3,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7289,3,1,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7290,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7291,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7292,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7293,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7294,2,3,8,2,0,0,92,0,92,92,1,1,2,2,1,1,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,82,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7295,5,3,8,2,,0,92,0,92,92,1,1,1,4,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7296,3,3,8,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7297,5,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7298,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7299,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7300,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7301,3,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7302,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7303,5,3,90,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,167,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7304,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7305,3,3,11,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7306,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7307,3,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7308,3,3,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7309,5,2,7,1,0,0,92,0,92,92,0,1,2,2,1,1,,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,125,10,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7310,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7311,4,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7312,3,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7313,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7314,3,4,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7315,3,3,90,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7316,5,1,7,1,0,0,92,0,92,92,,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7317,3,3,6,1,0,0,92,0,92,92,0,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,39,3,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +7318,4,3,2,3,0,1,3,0,92,92,,0,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7319,4,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7320,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7321,5,4,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7322,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7323,3,3,4,2,,1,3,0,92,92,0,,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,108,9,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +7324,4,3,10,2,0,1,,0,92,92,0,,92,92,1,,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,2,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7325,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7326,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7327,3,2,12,2,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7328,5,1,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,1,2,5,8,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,1,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,2,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7329,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7330,5,3,90,2,91,0,92,0,92,92,,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,33,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7331,5,2,90,2,0,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7332,3,1,1,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7333,5,3,6,1,91,0,92,1,3,1,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,46,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7334,5,90,90,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7335,3,1,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7336,5,2,10,2,0,0,92,0,92,92,0,,92,92,,92,92,92,,,,,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7337,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7338,3,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7339,2,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7340,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7341,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,41,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +7342,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7343,3,1,12,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7344,5,3,90,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7345,5,3,12,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7346,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7347,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7348,3,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7349,4,2,7,1,91,0,92,0,92,92,0,91,92,92,1,,4,3,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,21,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7350,3,2,6,1,91,2,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7351,5,2,1,2,0,0,92,0,92,92,0,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7352,5,3,5,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7353,3,3,2,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7354,4,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7355,5,3,10,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7356,5,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7357,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7358,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7359,5,3,4,2,1,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7360,5,2,4,2,0,2,1,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7361,2,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7362,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7363,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7364,3,3,11,2,0,0,92,0,92,92,0,1,1,2,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,88,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7365,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7366,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7367,3,1,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7368,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,2,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7369,4,3,1,3,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,122,10,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7370,3,3,12,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7371,3,1,11,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7372,5,3,2,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7373,5,3,6,1,91,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,36,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7374,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7375,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7376,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7377,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7378,5,2,6,1,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7379,3,3,,,91,,92,,92,92,1,91,92,92,1,3,,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,13,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7380,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7381,5,3,2,3,,1,,0,92,92,,,92,92,,92,92,92,,0,0,0,2,4,5,11,1,1,1,1,1,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,162,13,2,1,2,2,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +7382,5,3,7,1,0,1,3,0,92,92,0,1,3,2,1,3,2,1,1,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,124,10,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7383,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7384,4,3,6,1,91,0,92,0,92,92,0,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7385,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7386,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7387,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7388,3,3,2,3,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,122,10,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7389,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7390,5,3,4,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7391,5,2,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7392,3,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7393,5,3,90,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7394,2,1,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7395,5,1,8,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7396,4,3,2,3,1,1,3,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7397,3,2,11,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7398,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,20,1,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7399,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7400,5,3,,,,,92,,92,92,0,,92,92,,92,92,92,,0,0,0,3,4,5,12,1,1,1,1,1,0,1,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,208,17,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7401,2,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7402,5,1,3,3,91,1,4,0,92,92,,,92,92,0,92,92,92,,0,0,0,1,2,4,7,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,180,15,2,1,,1,0,2,1,1,1,0,1,0,0,0,1,1,0,1,0,1,1,1,0,0,0,0,0,0,1,1,1,0,1 +7403,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7404,5,3,1,2,0,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,1,,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7405,5,3,1,3,,2,,0,92,92,,91,92,92,0,92,92,92,,1,0,1,3,,5,12,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,1,1,1,0,0,1,0,0,0,1,1,0,1,0,0,0,1,1,1,0,0,1,0,0,0,0,1,0,0,0,1,43,3,2,1,2,1,0,2,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1 +7406,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7407,3,3,90,2,,0,92,,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7408,3,90,10,2,,0,92,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7409,3,3,8,2,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7410,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7411,5,1,7,1,,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7412,5,3,4,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7413,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7414,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,,2,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7415,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7416,5,3,2,,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7417,3,3,8,3,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7418,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7419,3,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7420,5,1,5,2,1,2,2,0,92,92,1,1,1,2,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7421,5,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7422,1,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7423,5,3,11,2,0,2,1,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7424,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7425,5,2,1,2,0,0,92,0,92,92,1,0,92,92,1,1,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7426,5,2,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7427,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7428,5,90,11,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,1,1,1,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7429,3,3,11,2,0,1,,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7430,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7431,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7432,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7433,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7434,5,4,5,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,112,9,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7435,5,3,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7436,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7437,3,3,7,1,91,0,92,0,92,92,0,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7438,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7439,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,2,0,4,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +7440,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7441,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7442,3,1,8,2,91,,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7443,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7444,5,4,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +7445,3,2,8,2,91,0,92,1,3,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,26,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7446,5,1,8,3,,0,92,0,92,92,0,91,92,92,1,2,2,2,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,8,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7447,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7448,5,1,10,2,1,,92,0,92,92,,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7449,3,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7450,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7451,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7452,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7453,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7454,3,1,4,2,1,1,,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,1,1,1,0,0,1,0,0,1,0,0,0,92,92,92,92,168,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7455,5,3,4,2,0,1,3,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7456,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7457,1,90,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,154,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7458,5,3,6,1,0,0,92,0,92,92,1,1,1,2,1,1,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7459,5,1,8,2,0,1,,1,2,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,146,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7460,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7461,4,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7462,3,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,68,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7463,5,1,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,11,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7464,5,2,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7465,3,2,1,2,1,1,,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7466,3,3,4,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7467,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7468,3,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7469,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7470,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7471,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7472,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7473,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7474,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7475,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7476,3,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,74,6,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7477,5,3,10,2,,1,3,0,92,92,0,1,3,2,1,1,2,1,1,0,0,0,3,4,6,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,92,92,92,92,86,7,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +7478,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7479,3,1,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7480,3,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7481,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7482,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7483,5,1,8,2,0,1,1,0,92,92,0,1,2,2,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,1,0,0,1,0,0,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,47,3,2,2,1,,,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +7484,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7485,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7486,3,3,10,2,0,0,92,1,2,1,0,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,170,14,2,1,,2,,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +7487,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7488,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7489,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7490,5,3,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,114,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7491,3,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7492,5,3,90,2,,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7493,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7494,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7495,5,3,90,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7496,3,1,10,2,1,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7497,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7498,5,2,8,2,0,0,92,0,92,92,0,1,,2,1,1,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,121,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7499,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7500,5,2,12,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7501,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7502,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7503,3,3,11,2,1,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7504,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7505,5,3,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7506,4,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7507,5,3,90,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,21,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7508,3,3,2,3,1,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,144,12,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7509,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7510,3,3,8,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7511,5,3,10,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7512,3,1,8,2,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7513,4,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,1,1,0,0,34,2,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7514,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7515,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7516,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7517,5,3,5,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7518,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7519,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7520,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7521,5,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,73,6,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7522,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7523,5,3,2,3,0,0,92,0,92,92,1,1,1,3,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7524,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7525,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7526,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7527,4,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,1,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7528,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7529,3,1,8,3,91,,92,,92,92,0,91,92,92,0,92,92,92,,,,,3,4,5,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,29,2,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +7530,4,90,8,3,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,1,0,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,2,1,0,90,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +7531,3,1,11,2,,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7532,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7533,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7534,3,1,1,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7535,5,2,12,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7536,4,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7537,4,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,122,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7538,4,3,90,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7539,1,3,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7540,5,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7541,3,1,8,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7542,3,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7543,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7544,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7545,3,3,10,3,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,201,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7546,5,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,1,,2,0,4,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +7547,4,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7548,5,3,1,2,1,1,,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7549,5,3,1,3,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +7550,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7551,2,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7552,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7553,4,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,198,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7554,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7555,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7556,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7557,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7558,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7559,1,3,2,3,0,1,,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7560,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7561,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7562,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7563,3,3,8,3,1,,92,0,92,92,1,1,,2,1,,,,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,146,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7564,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7565,2,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,2,,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,40,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7566,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,45,3,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7567,5,2,4,2,0,,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,208,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7568,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7569,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7570,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7571,5,3,1,2,91,,92,,92,92,,91,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,1,,1,0,5,1,1,1,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1,1,0,1 +7572,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7573,3,3,90,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7574,5,3,1,2,91,1,,0,92,92,,91,92,92,0,92,92,92,,1,1,1,1,1,,7,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,2,,1,0,5,1,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +7575,2,1,7,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7576,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,12,1,1,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7577,1,3,4,2,,,92,0,92,92,0,1,2,2,1,1,3,,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,106,8,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7578,3,3,6,1,91,,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7579,5,2,8,2,0,0,92,0,92,92,1,0,92,92,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,50,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7580,5,3,2,3,1,2,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7581,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7582,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7583,5,2,90,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,170,14,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7584,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7585,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7586,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7587,3,3,6,1,91,0,92,1,1,1,0,91,92,92,1,3,2,2,,0,0,0,2,4,5,11,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,92,92,92,92,30,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7588,3,3,11,2,1,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,211,17,2,1,2,2,0,5,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +7589,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7590,3,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,73,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7591,3,3,3,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7592,2,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7593,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,6,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +7594,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7595,5,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7596,5,2,90,2,0,1,1,0,92,92,1,0,92,92,1,1,3,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7597,4,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7598,3,90,11,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7599,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7600,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7601,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,2,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7602,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7603,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,92,92,92,92,143,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7604,5,2,11,2,1,1,4,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7605,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7606,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7607,5,3,10,2,1,1,3,0,92,92,0,1,1,3,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7608,3,1,1,3,0,0,92,0,92,92,,0,92,92,1,1,3,,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,1,1,1,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,1,,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7609,5,1,8,2,,2,2,0,92,92,0,1,1,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,105,8,2,1,,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7610,5,3,6,1,0,2,,,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7611,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7612,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7613,3,3,12,2,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,4,5,11,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7614,5,1,8,3,91,0,92,0,92,92,0,1,,,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7615,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7616,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7617,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7618,3,3,10,2,0,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7619,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7620,5,3,6,1,0,0,92,0,92,92,1,1,,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7621,3,3,1,2,0,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,54,4,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7622,4,3,6,1,91,1,3,1,1,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,92,92,92,92,19,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7623,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7624,1,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7625,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7626,3,2,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7627,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7628,3,2,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,2,2,1,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7629,5,1,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,1,0,0,0,1,0,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7630,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7631,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7632,3,3,10,2,0,0,92,0,92,92,0,1,3,2,1,3,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,168,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7633,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7634,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7635,4,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7636,5,3,8,3,1,,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +7637,3,3,8,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7638,5,3,9,2,0,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7639,5,3,9,2,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7640,5,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,181,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7641,5,2,1,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7642,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7643,5,3,9,2,91,1,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7644,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7645,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7646,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7647,1,3,12,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7648,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7649,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7650,3,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7651,3,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,27,2,2,2,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7652,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7653,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7654,3,3,10,3,0,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7655,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7656,5,90,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7657,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7658,5,3,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7659,5,2,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7660,3,90,8,2,1,0,92,0,92,92,,1,1,2,1,3,2,1,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,86,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7661,5,3,6,1,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7662,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7663,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7664,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7665,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7666,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7667,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7668,3,3,8,3,0,,92,,92,92,,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,113,9,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7669,5,1,11,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7670,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7671,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7672,3,3,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +7673,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7674,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7675,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7676,5,3,9,2,91,1,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7677,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7678,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7679,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,,1,0,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7680,5,3,10,2,1,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7681,5,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7682,3,3,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7683,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7684,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7685,1,3,4,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7686,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7687,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,44,3,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7688,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,24,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7689,3,3,7,1,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7690,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7691,3,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7692,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7693,3,1,1,2,1,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7694,5,2,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7695,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7696,5,3,11,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7697,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7698,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7699,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7700,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7701,5,3,6,1,1,1,,0,92,92,0,1,2,2,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,152,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7702,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7703,5,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7704,3,3,11,2,0,0,92,0,92,92,0,1,1,2,1,3,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,176,14,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7705,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7706,3,3,90,2,1,2,2,1,2,1,,91,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,183,15,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7707,3,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7708,5,4,10,2,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7709,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,3,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7710,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7711,1,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7712,1,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7713,5,1,12,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,4,6,14,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,2,1,,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7714,2,3,90,2,1,2,1,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7715,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7716,5,3,11,2,0,1,2,0,92,92,0,1,2,2,1,,2,,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7717,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7718,2,3,8,2,91,2,2,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,1,1,0,0,19,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7719,5,3,11,2,1,1,3,0,92,92,0,1,3,2,1,2,2,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,164,13,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7720,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,,4,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7721,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7722,5,1,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7723,2,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7724,5,2,7,1,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,92,7,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7725,5,1,1,3,0,0,92,0,92,92,1,1,,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7726,2,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7727,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7728,1,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,35,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7729,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7730,3,1,11,2,1,1,,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7731,5,3,7,1,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7732,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7733,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7734,5,1,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7735,3,2,12,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7736,5,3,11,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7737,4,3,90,2,1,1,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7738,1,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7739,5,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7740,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7741,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7742,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7743,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7744,5,2,90,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7745,2,3,3,2,1,2,1,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,150,12,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7746,3,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7747,3,1,1,2,91,1,4,,92,92,0,91,92,92,0,92,92,92,,1,0,0,1,1,4,6,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,198,16,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7748,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7749,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7750,3,3,11,2,0,1,1,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7751,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7752,5,3,10,2,,0,92,0,92,92,0,91,92,92,1,3,3,,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,106,8,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7753,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7754,4,3,10,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,42,3,2,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7755,3,3,11,2,1,2,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7756,3,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7757,1,3,,,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7758,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7759,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7760,4,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7761,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7762,3,3,8,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7763,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7764,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7765,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7766,5,2,9,2,,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7767,4,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7768,5,3,90,2,,,92,,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7769,5,1,1,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7770,4,3,1,2,91,,92,,92,92,,,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,1,1,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7771,5,2,6,1,91,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7772,5,2,1,2,0,0,92,0,92,92,1,1,2,3,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,68,5,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7773,5,3,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7774,5,1,1,3,91,1,4,,92,92,,91,92,92,,92,92,92,,1,0,0,1,1,2,4,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,1,1,0,1,1,1,1,0,0,,92,92,92,92,92,92,92,,1,0,0,1,0,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,201,16,2,1,,1,0,5,1,1,1,0,0,1,0,0,1,0,0,1,1,1,1,0,0,0,1,0,0,1,0,0,0,0,1 +7775,3,3,1,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7776,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7777,5,3,2,3,1,,92,,92,92,,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7778,5,2,6,1,1,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,146,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7779,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7780,5,3,3,3,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7781,5,90,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7782,5,1,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7783,5,2,8,2,0,0,92,0,92,92,0,0,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,43,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7784,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7785,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,174,14,2,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7786,1,3,6,1,0,0,92,0,92,92,0,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7787,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,15,1,1,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +7788,3,3,8,3,0,2,1,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,63,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7789,5,2,8,2,,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7790,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7791,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7792,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,35,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7793,3,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7794,5,90,11,2,1,1,1,0,92,92,1,0,92,92,,92,92,92,1,0,0,0,4,5,6,15,2,1,1,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7795,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7796,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7797,5,1,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7798,1,3,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7799,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7800,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7801,5,3,1,3,1,,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,,92,92,92,92,119,9,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7802,5,3,2,3,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7803,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7804,5,2,9,2,0,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7805,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,2,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7806,5,1,7,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7807,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,17,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7808,5,3,90,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,96,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7809,5,3,8,2,0,0,92,0,92,92,0,1,2,2,1,3,3,1,1,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,55,4,2,1,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7810,5,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7811,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7812,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7813,4,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,87,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7814,3,2,11,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7815,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7816,5,2,6,1,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7817,4,3,12,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7818,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7819,2,3,11,2,0,1,3,1,1,2,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,202,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7820,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,1,0,1,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +7821,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7822,5,3,8,2,91,0,92,0,92,92,1,0,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7823,5,3,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7824,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7825,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7826,2,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7827,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7828,5,2,12,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7829,4,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7830,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7831,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7832,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7833,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7834,5,1,8,2,1,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7835,1,3,8,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,33,2,2,2,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +7836,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7837,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7838,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7839,1,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7840,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7841,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,15,1,1,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7842,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7843,3,2,6,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7844,3,3,4,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7845,5,3,10,2,0,0,92,0,92,92,1,1,1,2,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7846,1,1,5,2,1,2,,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,156,13,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +7847,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7848,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7849,5,90,11,2,1,1,3,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,2,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7850,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7851,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7852,5,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7853,1,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7854,5,3,8,3,1,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,1,,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +7855,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7856,5,3,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7857,3,1,7,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,,,,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,13,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7858,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7859,5,3,1,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7860,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7861,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7862,4,3,11,2,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7863,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7864,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7865,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7866,5,2,11,2,,2,1,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7867,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7868,4,3,11,2,0,1,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7869,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7870,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7871,5,3,10,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7872,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7873,3,3,6,1,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7874,4,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,2,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +7875,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7876,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7877,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7878,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7879,3,3,8,3,0,1,1,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7880,4,2,6,1,91,,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7881,3,3,1,2,0,0,92,0,92,92,,1,2,2,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,198,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7882,3,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7883,5,3,8,3,1,2,,0,92,92,0,1,2,2,1,1,,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7884,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,1,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,16,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7885,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,19,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7886,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7887,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7888,5,3,6,1,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7889,2,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7890,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7891,5,2,2,3,1,1,3,1,2,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,87,7,2,1,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7892,5,3,4,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7893,3,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7894,5,90,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7895,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7896,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7897,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7898,5,2,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7899,5,3,10,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7900,5,90,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7901,3,1,8,3,91,1,4,,92,92,0,91,92,92,1,1,,,,0,0,0,1,1,4,6,1,1,1,1,0,0,0,2,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,92,92,92,92,200,16,2,1,1,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +7902,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7903,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7904,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7905,1,2,12,2,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7906,4,2,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7907,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7908,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7909,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7910,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,156,13,2,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7911,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7912,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7913,1,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7914,5,1,12,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7915,5,1,4,2,0,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7916,5,2,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,,92,92,92,92,196,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7917,5,2,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,2,3,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7918,4,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7919,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7920,5,3,9,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7921,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7922,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7923,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7924,5,3,7,1,91,0,92,0,92,92,1,91,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,24,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7925,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7926,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7927,5,3,8,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7928,1,3,9,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7929,3,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7930,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7931,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7932,5,3,10,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7933,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7934,3,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7935,5,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,18,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7936,4,3,90,2,91,1,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,4,4,10,1,1,1,1,1,0,0,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,204,17,2,1,,1,0,5,1,1,1,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,1,1,1 +7937,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7938,5,3,2,2,0,1,2,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7939,5,3,10,2,1,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7940,5,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7941,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7942,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7943,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7944,5,3,1,3,91,1,,0,92,92,0,91,92,92,,92,92,92,,1,0,1,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,,92,92,92,92,92,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,1,0,1,0,0,0,0,1,0,0,0,1,213,17,2,1,2,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,1,1,1 +7945,5,90,90,2,0,0,92,0,92,92,1,1,1,2,1,1,3,1,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,141,11,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7946,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7947,5,1,10,2,0,0,92,0,92,92,,0,92,92,1,3,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,128,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7948,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7949,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7950,5,3,8,2,1,1,,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,128,10,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7951,5,3,2,3,1,1,3,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7952,5,1,4,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,196,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7953,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7954,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7955,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7956,5,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7957,3,3,4,2,0,0,92,0,92,92,0,1,2,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,90,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7958,3,3,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,44,3,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7959,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7960,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7961,5,1,10,2,1,1,3,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,2,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7962,1,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7963,5,3,8,3,1,1,3,0,92,92,,1,2,2,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,100,8,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7964,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,14,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7965,3,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7966,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7967,1,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,86,7,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7968,2,1,6,1,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,88,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7969,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7970,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,157,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7971,5,3,1,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7972,5,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,129,10,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7973,2,4,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7974,5,3,8,2,0,0,92,0,92,92,0,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7975,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7976,3,3,1,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7977,3,3,12,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,144,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7978,3,2,6,1,0,1,3,1,1,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,89,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7979,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7980,5,1,8,2,,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,2,2,4,8,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,,1,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7981,5,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7982,5,4,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7983,5,3,1,2,1,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7984,3,3,8,2,91,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7985,2,90,10,2,,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7986,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7987,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7988,5,1,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,191,15,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7989,4,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7990,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7991,5,3,90,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7992,4,2,11,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7993,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7994,4,3,10,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7995,5,3,7,1,,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,63,5,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +7996,3,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7997,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7998,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +7999,3,3,5,2,0,0,92,0,92,92,0,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,190,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8000,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8001,3,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8002,5,2,9,2,91,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,16,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8003,3,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8004,3,1,90,2,,1,,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8005,2,4,8,2,91,0,92,0,92,92,1,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8006,3,2,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8007,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8008,5,1,2,2,1,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8009,3,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8010,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8011,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8012,1,3,10,2,0,0,92,0,92,92,1,1,2,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8013,3,3,1,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8014,1,3,1,3,0,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,1,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8015,5,3,6,1,0,0,92,1,,,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8016,5,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8017,3,3,12,3,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8018,5,3,6,1,0,0,92,0,92,92,0,0,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8019,5,3,90,2,91,0,92,,92,92,1,91,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8020,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8021,5,3,8,3,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8022,3,3,90,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,135,11,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8023,4,3,90,2,91,1,3,0,92,92,1,91,92,92,1,3,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8024,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8025,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8026,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8027,1,3,8,3,,,92,0,92,92,,,92,92,1,1,2,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8028,5,3,2,3,91,2,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,36,3,2,1,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8029,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8030,5,2,10,2,,1,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8031,5,3,2,3,1,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8032,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8033,5,3,7,1,1,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8034,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8035,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8036,3,1,4,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8037,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8038,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8039,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8040,3,2,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8041,1,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,144,12,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8042,5,90,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8043,4,3,10,2,0,0,92,0,92,92,0,1,1,4,1,3,4,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8044,5,2,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8045,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8046,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8047,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8048,3,1,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8049,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8050,5,90,90,2,0,0,92,0,92,92,1,1,2,3,1,1,3,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,67,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8051,5,2,6,1,,0,92,0,92,92,0,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8052,5,3,2,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,18,1,1,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8053,4,3,4,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8054,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8055,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8056,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8057,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,7,0,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8058,3,3,7,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8059,4,2,8,3,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,1,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,50,4,2,1,2,3,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8060,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8061,2,4,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8062,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8063,3,3,11,2,1,2,,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8064,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8065,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8066,5,3,8,2,91,0,92,0,92,92,,91,92,92,1,1,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8067,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8068,5,1,,,91,,92,,92,92,0,91,92,92,,92,92,92,,0,0,0,2,4,6,12,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,1,1,0,0,2,0,1,1,1,1,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +8069,5,3,11,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8070,5,1,10,2,1,0,92,1,1,1,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,205,17,2,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8071,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8072,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8073,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8074,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8075,3,1,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8076,5,3,90,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8077,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8078,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8079,5,3,6,1,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8080,3,3,6,1,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,2,2,1,1,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +8081,3,2,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8082,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8083,5,1,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8084,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8085,5,2,7,1,0,0,92,0,92,92,0,0,92,92,1,2,1,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8086,3,1,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8087,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8088,5,1,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8089,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8090,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8091,5,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8092,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8093,5,1,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,92,92,92,92,14,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8094,4,3,8,3,0,0,92,0,92,92,1,1,2,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,97,8,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8095,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8096,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8097,5,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8098,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8099,5,90,11,2,,0,92,0,92,92,1,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8100,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8101,4,3,7,1,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8102,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8103,5,3,2,3,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8104,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8105,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8106,5,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8107,4,2,1,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8108,5,3,7,1,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,8,0,1,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8109,5,3,5,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8110,3,1,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8111,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8112,3,2,5,2,0,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8113,4,3,1,3,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,136,11,2,1,,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8114,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8115,5,1,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,169,14,2,1,1,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8116,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8117,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8118,3,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8119,5,3,9,2,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8120,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8121,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8122,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8123,5,3,9,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,24,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8124,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8125,5,2,5,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,83,6,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8126,5,3,8,3,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8127,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,,92,92,92,92,164,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8128,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8129,3,3,8,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,2,0,1,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8130,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8131,3,2,6,1,,0,92,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,90,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8132,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8133,5,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8134,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8135,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8136,3,3,11,2,0,0,92,0,92,92,0,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8137,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8138,5,2,90,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,105,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8139,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8140,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8141,5,3,,,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8142,5,90,4,2,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8143,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8144,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8145,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8146,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8147,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8148,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8149,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8150,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8151,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8152,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8153,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8154,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8155,5,3,1,3,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8156,3,1,8,3,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,1,,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8157,3,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8158,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8159,5,3,10,2,0,0,92,0,92,92,,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8160,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8161,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8162,5,4,8,2,1,2,2,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,179,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8163,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,92,92,92,92,75,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8164,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8165,5,3,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8166,5,3,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8167,5,2,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8168,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8169,3,3,10,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,179,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8170,1,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8171,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8172,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,9,0,1,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8173,5,2,3,3,,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8174,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,22,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8175,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8176,5,3,8,2,91,2,4,0,92,92,1,91,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8177,5,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,83,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8178,3,3,10,2,0,0,92,0,92,92,1,1,2,3,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,87,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8179,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8180,3,3,4,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8181,3,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8182,3,1,10,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8183,5,2,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8184,5,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,94,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8185,3,3,3,3,0,0,92,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8186,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,2,,7,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8187,5,1,8,3,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8188,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8189,5,2,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8190,5,2,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8191,4,2,2,3,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8192,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8193,5,2,6,1,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8194,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8195,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8196,3,2,3,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8197,3,3,6,1,0,1,,,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,161,13,2,1,,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,0,0,0,0,0 +8198,5,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8199,5,3,8,2,91,,92,0,92,92,0,91,92,92,1,1,4,1,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,39,3,2,2,2,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8200,2,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8201,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8202,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8203,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8204,2,4,1,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8205,5,1,4,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8206,5,2,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8207,3,3,1,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,26,2,2,2,,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8208,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8209,4,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8210,3,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8211,3,3,90,2,91,0,92,1,3,1,0,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,92,92,92,92,30,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8212,2,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8213,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8214,5,2,6,1,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8215,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,174,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8216,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,3,5,12,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8217,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8218,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8219,4,3,9,2,0,0,92,0,92,92,0,1,1,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,7,2,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8220,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8221,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8222,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8223,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8224,4,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8225,3,3,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8226,3,3,4,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,106,8,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8227,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8228,4,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8229,3,3,5,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,115,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8230,5,2,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8231,4,3,8,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,40,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8232,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8233,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8234,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8235,5,3,11,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8236,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8237,5,3,2,3,91,,92,,92,92,,91,92,92,,92,92,92,,0,0,0,1,2,4,7,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,1,,1,0,5,1,1,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,1,0,1 +8238,4,3,9,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8239,5,2,6,1,0,0,92,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,120,10,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8240,5,1,7,1,0,1,1,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8241,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,63,5,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8242,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8243,4,3,8,2,0,0,92,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,113,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8244,4,3,10,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8245,5,2,11,2,0,0,92,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8246,3,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8247,3,2,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8248,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8249,5,3,6,1,91,2,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8250,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8251,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8252,5,90,2,3,0,0,92,0,92,92,,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8253,5,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8254,5,2,8,2,0,0,92,0,92,92,1,1,2,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8255,2,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8256,5,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8257,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8258,5,2,8,2,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8259,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8260,3,3,10,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8261,5,1,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,72,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8262,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8263,4,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8264,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8265,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8266,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8267,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8268,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8269,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8270,4,3,8,2,91,0,92,0,92,92,0,1,,2,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,30,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8271,3,1,12,2,0,1,3,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,62,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8272,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8273,5,1,6,1,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8274,3,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8275,5,3,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8276,5,3,12,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8277,2,1,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8278,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8279,3,3,7,1,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,142,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8280,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8281,5,3,8,2,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8282,5,3,90,2,,,92,1,,4,,,92,92,,92,92,92,,1,0,1,1,1,4,6,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,92,92,92,92,21,1,1,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8283,4,3,1,3,91,,92,,92,92,,91,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,201,16,2,1,1,,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8284,5,3,1,2,1,1,1,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8285,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8286,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8287,3,3,4,2,,1,,,92,92,0,1,,,1,3,2,1,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,151,12,2,1,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +8288,3,3,11,2,1,1,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8289,3,2,8,2,,,92,,92,92,,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,47,3,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8290,5,3,1,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,108,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8291,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8292,5,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8293,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8294,5,2,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8295,3,1,90,2,91,1,3,0,92,92,1,91,92,92,1,,2,1,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8296,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8297,4,3,10,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8298,5,2,1,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8299,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8300,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8301,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8302,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8303,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8304,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8305,5,2,8,2,91,0,92,0,92,92,1,1,2,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8306,5,3,90,2,1,1,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8307,1,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8308,5,3,10,2,0,0,92,0,92,92,0,0,92,92,1,3,,,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,102,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8309,3,3,8,3,91,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,55,4,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8310,5,2,8,3,91,2,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8311,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8312,5,90,8,2,0,0,92,0,92,92,1,1,3,4,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,83,6,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8313,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8314,5,2,90,2,,,92,0,92,92,1,1,2,,1,3,2,3,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,213,17,2,2,,,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8315,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8316,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8317,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8318,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8319,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8320,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8321,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8322,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8323,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8324,2,1,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,1,0,0,92,92,1,1,0,1,1,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8325,4,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8326,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8327,2,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8328,3,3,6,1,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8329,3,3,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8330,5,2,11,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,2,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8331,5,2,11,2,,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8332,5,1,2,3,91,1,,0,92,92,,91,92,92,,92,92,92,,1,1,1,,,,3,1,1,0,0,0,0,1,0,92,0,1,1,0,0,0,1,1,3,1,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,1,1,0,1 +8333,5,3,6,1,0,0,92,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,79,6,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8334,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8335,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8336,5,3,4,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8337,5,3,1,3,91,0,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,10,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8338,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8339,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8340,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8341,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8342,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8343,5,2,90,2,1,2,,,92,92,0,0,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,203,16,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8344,5,3,11,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8345,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8346,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8347,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8348,5,2,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8349,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,126,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8350,3,3,10,2,1,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,161,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8351,5,1,8,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8352,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8353,4,3,7,1,0,0,92,0,92,92,0,1,,2,1,3,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,76,6,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8354,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8355,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8356,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8357,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8358,5,2,8,2,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,39,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8359,3,3,2,3,1,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8360,3,3,10,2,0,0,92,0,92,92,1,1,2,2,1,2,2,2,1,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,179,14,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8361,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8362,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8363,3,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8364,5,3,11,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,1,0,0,1,1,0,1,1,1,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,16,1,1,2,2,1,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +8365,5,1,6,1,91,1,3,,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8366,4,3,5,2,,1,,0,92,92,0,,92,92,1,,2,,,0,0,0,1,1,3,5,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,2,1,0,5,1,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,1,1,0,1 +8367,3,3,11,2,1,1,,0,92,92,1,1,,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,194,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8368,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8369,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8370,1,3,8,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,65,5,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8371,3,3,90,2,1,2,1,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,198,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8372,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8373,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8374,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,15,1,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8375,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8376,2,2,12,2,0,0,92,0,92,92,1,1,1,2,1,1,4,2,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,137,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8377,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8378,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8379,3,2,1,2,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8380,1,3,10,2,1,,92,,92,92,0,1,,,1,2,2,1,,0,0,0,4,4,6,14,2,1,1,1,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,171,14,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8381,5,3,8,3,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8382,3,3,8,3,0,0,92,0,92,92,1,1,2,4,1,1,4,3,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8383,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8384,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8385,2,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8386,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8387,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8388,5,2,12,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,73,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8389,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8390,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8391,3,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8392,5,1,90,2,,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,171,14,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8393,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8394,5,3,1,3,1,1,,1,2,2,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,195,16,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8395,5,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8396,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8397,5,2,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8398,5,2,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,65,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8399,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8400,5,3,3,2,,2,,0,92,92,,,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,162,13,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,1 +8401,4,2,6,1,0,0,92,0,92,92,0,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,114,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8402,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8403,5,2,11,2,1,1,2,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8404,5,3,90,2,0,,92,0,92,92,1,1,2,3,1,2,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8405,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8406,5,3,6,1,91,0,92,1,3,1,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,21,1,1,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8407,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8408,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8409,3,3,90,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8410,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8411,5,1,4,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,125,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8412,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8413,4,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,46,3,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8414,4,2,7,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8415,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8416,5,90,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8417,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8418,3,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8419,4,3,90,2,91,0,92,0,92,92,,0,92,92,,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8420,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8421,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8422,3,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8423,3,3,6,1,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,153,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8424,3,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8425,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8426,5,1,8,3,91,1,2,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,92,92,92,92,21,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8427,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8428,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8429,5,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8430,5,3,2,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,1,1,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8431,5,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8432,5,2,90,2,0,0,92,0,92,92,1,1,2,2,1,2,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8433,5,3,1,2,0,1,1,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8434,5,3,2,3,,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,99,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8435,5,90,10,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8436,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8437,5,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8438,5,1,3,3,,0,92,0,92,92,,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,1,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +8439,2,1,12,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,94,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8440,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,103,8,2,1,,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +8441,3,3,3,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8442,5,3,1,2,1,1,,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8443,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8444,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8445,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8446,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8447,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8448,1,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8449,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,1,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8450,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8451,3,3,8,2,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8452,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8453,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8454,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8455,5,3,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8456,3,3,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8457,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8458,4,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,4,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8459,3,1,9,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,12,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8460,5,3,8,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8461,5,1,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8462,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8463,2,1,10,2,1,2,1,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8464,3,2,4,2,0,0,92,0,92,92,1,1,2,2,1,1,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,87,7,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8465,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8466,1,3,10,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8467,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,1,1,0,0,1,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8468,3,3,2,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8469,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8470,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8471,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8472,5,3,1,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8473,5,1,4,2,1,1,2,0,92,92,0,1,3,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,165,13,2,1,,,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +8474,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8475,3,3,7,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,2,2,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8476,1,3,9,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8477,5,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8478,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8479,3,3,11,2,0,0,92,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,215,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8480,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8481,2,4,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8482,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8483,3,3,10,2,0,0,92,0,92,92,0,0,92,92,1,3,1,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8484,3,1,6,1,1,1,,0,92,92,0,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,111,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8485,3,1,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8486,1,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8487,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8488,3,1,2,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8489,2,3,90,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8490,5,3,8,2,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,1,5,8,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,26,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8491,5,2,7,1,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8492,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8493,4,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,85,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8494,5,3,8,3,91,,92,0,92,92,1,91,92,92,1,3,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,92,92,92,92,11,0,1,1,1,,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8495,5,3,5,2,1,1,3,0,92,92,,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8496,4,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8497,5,90,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8498,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8499,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8500,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8501,5,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +8502,3,3,1,3,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8503,4,3,10,2,0,1,1,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,195,16,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8504,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8505,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8506,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8507,5,3,10,2,,1,2,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8508,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8509,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8510,5,3,1,2,91,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8511,3,1,1,3,,1,,,92,92,0,91,92,92,,92,92,92,,,,,4,2,4,10,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,0,1,1,0,0,0,,92,92,92,92,92,1,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,209,17,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8512,3,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8513,4,3,10,2,1,0,92,1,3,2,0,1,2,2,0,92,92,92,0,0,0,1,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,179,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8514,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8515,2,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8516,3,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8517,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,4,0,1,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8518,3,1,6,1,91,0,92,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,36,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8519,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8520,3,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8521,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8522,3,2,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8523,5,3,10,2,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8524,3,1,11,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8525,3,3,90,2,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,139,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8526,3,3,,,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,1,1,0,1,1,0,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,17,1,1,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8527,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8528,5,3,11,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8529,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,18,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8530,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8531,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8532,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8533,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8534,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8535,4,3,2,3,0,0,92,0,92,92,1,0,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,50,4,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8536,1,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8537,5,3,7,1,91,2,1,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8538,5,1,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8539,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8540,3,3,1,3,1,1,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8541,5,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8542,2,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8543,5,3,5,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,163,13,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8544,5,3,3,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8545,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8546,5,3,8,2,91,0,92,0,92,92,1,1,2,3,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,39,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8547,3,2,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8548,5,3,5,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8549,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8550,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8551,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8552,4,3,5,2,91,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8553,5,3,10,2,1,2,2,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,193,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8554,3,3,90,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8555,3,3,8,2,1,1,2,0,92,92,1,1,2,2,1,3,2,,0,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,102,8,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8556,5,3,10,2,1,0,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,60,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8557,3,3,6,1,0,,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,66,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8558,5,2,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8559,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8560,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8561,5,3,90,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8562,5,3,10,2,0,1,2,0,92,92,1,1,3,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,152,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8563,1,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8564,3,2,6,1,,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8565,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8566,5,3,90,2,1,2,1,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8567,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8568,3,3,11,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,156,13,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8569,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8570,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8571,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,10,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8572,5,3,7,1,91,0,92,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,37,3,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8573,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8574,3,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,39,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8575,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,61,5,2,2,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8576,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8577,3,2,11,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8578,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8579,3,3,6,1,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8580,3,3,11,2,1,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,2,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +8581,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,6,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8582,5,2,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8583,5,3,8,3,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8584,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,4,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,,3,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8585,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8586,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,82,6,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8587,5,1,12,2,1,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,170,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8588,1,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8589,3,3,4,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,83,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8590,5,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8591,3,3,2,3,91,1,,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,37,3,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8592,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8593,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8594,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8595,5,3,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8596,5,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8597,5,3,6,1,,2,2,0,92,92,1,1,1,2,1,3,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,99,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8598,5,90,6,1,0,1,2,0,92,92,1,1,1,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,135,11,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8599,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8600,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8601,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8602,5,3,12,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8603,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8604,5,3,5,2,1,1,2,0,92,92,0,1,2,2,1,1,2,1,0,0,0,0,3,5,6,14,2,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,163,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +8605,5,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8606,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8607,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8608,4,90,6,1,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8609,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8610,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8611,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8612,3,3,90,2,,1,,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,146,12,2,1,,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +8613,3,3,11,2,0,0,92,,92,92,,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,79,6,2,2,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8614,3,2,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8615,3,1,4,2,1,1,1,0,92,92,1,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,93,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8616,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,123,10,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8617,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8618,5,2,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8619,5,90,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8620,5,1,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8621,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8622,1,3,8,2,,,92,,92,92,0,,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,62,5,2,2,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8623,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8624,5,1,90,2,,0,92,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,97,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8625,2,3,8,3,91,2,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8626,4,3,10,2,1,1,2,0,92,92,1,1,2,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,127,10,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8627,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8628,5,3,5,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8629,3,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8630,5,3,10,2,0,0,92,0,92,92,0,1,2,2,1,1,2,3,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8631,3,1,1,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +8632,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8633,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8634,5,2,1,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8635,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8636,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8637,1,3,8,2,91,1,3,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8638,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8639,3,3,8,2,0,0,92,0,92,92,0,1,1,2,1,1,3,1,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,136,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8640,5,3,90,2,0,0,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8641,5,3,1,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,1,0,0,13,1,1,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8642,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8643,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8644,5,3,8,2,,0,92,0,92,92,1,0,92,92,1,,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,47,3,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8645,5,3,5,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,,,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8646,5,3,8,2,91,0,92,,92,92,0,91,92,92,1,,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8647,1,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8648,3,2,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8649,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8650,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8651,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8652,5,3,6,1,91,1,,1,,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8653,2,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8654,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,16,1,1,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8655,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8656,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8657,3,1,10,2,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,4,5,12,1,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8658,5,2,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8659,1,1,11,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8660,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8661,3,2,1,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8662,5,2,4,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,,92,92,92,92,117,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8663,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8664,3,3,6,1,0,1,2,1,2,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,181,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8665,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8666,5,3,10,2,,,92,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8667,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8668,4,3,4,2,0,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,117,9,2,1,,,0,5,1,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,1 +8669,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8670,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8671,3,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8672,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8673,3,3,4,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8674,2,2,8,2,0,0,92,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,44,3,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8675,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8676,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8677,5,3,8,3,91,1,,0,92,92,0,91,92,92,1,1,,,,0,0,0,3,4,4,11,1,1,0,1,0,0,0,2,92,0,1,1,0,0,0,0,1,3,3,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,1,0,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,47,3,2,1,2,90,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +8678,5,2,10,2,,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8679,5,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,178,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8680,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8681,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8682,3,2,2,3,,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8683,3,90,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8684,5,2,4,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8685,3,3,8,2,0,0,92,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8686,5,1,1,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8687,5,3,8,2,0,0,92,0,92,92,1,1,1,2,1,1,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,85,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8688,5,3,1,2,1,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,179,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8689,3,3,1,2,,1,,,92,92,,,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,200,16,2,2,,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,1 +8690,5,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8691,3,3,3,3,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8692,5,1,10,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8693,5,3,5,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8694,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8695,5,1,6,1,0,0,92,0,92,92,0,1,1,2,1,2,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8696,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8697,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8698,1,3,3,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8699,5,1,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8700,5,3,8,2,91,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8701,1,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8702,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8703,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8704,1,3,6,1,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8705,1,2,8,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8706,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8707,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8708,5,3,10,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,34,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8709,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8710,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8711,5,2,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8712,5,3,7,1,91,1,1,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8713,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8714,5,4,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8715,5,3,6,1,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,73,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8716,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8717,5,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8718,1,1,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8719,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8720,5,3,90,2,0,,92,0,92,92,0,1,1,2,1,,2,,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,150,12,2,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8721,4,3,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8722,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8723,4,3,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8724,5,3,8,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,34,2,2,1,1,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8725,5,3,2,3,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8726,3,3,8,2,91,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8727,5,3,11,3,1,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8728,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8729,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8730,3,3,8,2,0,0,92,0,92,92,1,1,2,3,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,53,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8731,5,2,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8732,5,1,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8733,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,4,0,1,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8734,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8735,4,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8736,4,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8737,5,3,6,1,0,2,3,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8738,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8739,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8740,5,1,4,2,,1,1,0,92,92,1,1,1,3,1,2,4,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,77,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8741,3,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8742,4,3,10,2,0,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8743,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8744,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8745,5,3,2,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8746,3,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8747,5,3,8,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,62,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8748,3,3,10,2,,2,1,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,179,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8749,3,2,6,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8750,5,3,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8751,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,37,3,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8752,5,3,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8753,5,2,10,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8754,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8755,,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8756,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8757,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,76,6,2,2,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8758,5,3,8,3,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8759,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8760,5,3,8,2,91,0,92,1,2,,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,15,1,1,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8761,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8762,3,3,9,2,0,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,13,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8763,5,3,1,2,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8764,5,3,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8765,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8766,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8767,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8768,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,,92,92,92,92,177,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8769,5,2,12,2,0,0,92,0,92,92,1,1,2,2,1,3,,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,110,9,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8770,5,3,1,2,1,,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8771,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8772,3,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8773,3,3,5,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,46,3,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8774,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8775,5,3,3,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +8776,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,39,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8777,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8778,5,3,10,2,,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8779,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8780,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8781,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8782,5,1,6,1,,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8783,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,18,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8784,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8785,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8786,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8787,5,3,4,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,1,1,90,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +8788,5,1,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8789,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8790,3,3,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8791,5,3,90,2,0,0,92,0,92,92,0,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,75,6,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8792,5,3,10,2,1,1,3,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,76,6,2,1,,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +8793,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8794,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8795,3,3,1,2,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,1,1,1,1,1,1,1,1,0,0,0,1,0,0,0,1,0,0,1,1,0,1,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,2,2,1,0,5,1,1,1,0,0,1,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,1,0,0,0,0,1 +8796,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8797,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8798,3,3,8,2,1,1,,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,109,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8799,4,3,1,3,1,1,,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,1,1,0,0,0,0,1,3,3,1,0,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8800,3,3,8,2,,0,92,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8801,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8802,5,1,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8803,5,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8804,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8805,2,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8806,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8807,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,95,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8808,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8809,5,3,1,3,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8810,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,143,11,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8811,5,1,12,2,0,0,92,0,92,92,0,1,2,,1,3,2,1,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,136,11,2,1,2,3,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8812,5,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8813,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8814,5,3,12,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8815,3,3,5,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8816,3,3,1,2,,2,2,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,88,7,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8817,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8818,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8819,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8820,1,2,1,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8821,3,3,8,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,,,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8822,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8823,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8824,5,3,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8825,3,2,4,2,1,1,3,0,92,92,1,0,92,92,1,1,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8826,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8827,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8828,5,2,90,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8829,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,69,5,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8830,3,3,6,1,0,0,92,0,92,92,0,1,2,2,1,2,2,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,79,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8831,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8832,4,3,10,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8833,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8834,5,3,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8835,5,1,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8836,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8837,3,1,8,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8838,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,16,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8839,3,3,10,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,170,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8840,5,3,3,3,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,2,4,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8841,3,1,8,2,0,2,1,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,92,92,92,92,70,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8842,5,2,11,2,,,92,,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8843,5,2,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8844,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8845,3,3,8,2,0,0,92,0,92,92,1,1,1,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,55,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8846,5,3,90,2,1,0,92,0,92,92,1,,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,137,11,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8847,,3,10,2,1,1,2,0,92,92,0,1,2,1,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,2,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8848,3,3,11,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,215,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8849,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8850,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8851,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8852,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8853,3,1,6,1,91,1,2,1,2,3,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,23,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8854,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8855,5,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8856,5,1,8,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8857,5,1,90,2,1,1,2,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8858,5,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,64,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8859,3,1,6,1,1,2,1,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,177,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8860,4,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8861,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8862,5,3,8,2,91,,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8863,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8864,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8865,3,3,8,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8866,3,2,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,98,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8867,5,2,10,2,0,1,3,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8868,1,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,4,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8869,4,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,39,3,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +8870,5,3,90,2,0,0,92,0,92,92,0,1,3,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,194,16,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8871,5,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8872,4,3,12,2,1,0,92,0,92,92,0,1,1,1,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8873,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8874,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8875,3,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8876,5,3,6,1,,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8877,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8878,5,1,2,3,,1,,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,1,1,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,50,4,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8879,5,2,10,2,0,0,92,0,92,92,0,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,100,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8880,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8881,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8882,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8883,5,2,11,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8884,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8885,3,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8886,3,2,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8887,5,3,6,1,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8888,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,16,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8889,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8890,5,2,11,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8891,5,3,90,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8892,3,1,1,3,91,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,62,5,2,2,,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +8893,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8894,3,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8895,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8896,5,3,1,2,0,0,92,0,92,92,0,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,101,8,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8897,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8898,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8899,5,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8900,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8901,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,1,0,0,1,0,0,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,48,4,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8902,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8903,4,3,5,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8904,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8905,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8906,5,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8907,5,2,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8908,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8909,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8910,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,11,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8911,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8912,5,2,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8913,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8914,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8915,3,2,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8916,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8917,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8918,3,3,10,2,1,0,92,0,92,92,0,1,2,2,1,1,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8919,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +8920,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,92,92,92,92,200,16,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8921,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8922,4,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8923,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8924,5,1,90,3,,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,73,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8925,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8926,3,90,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,18,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8927,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8928,3,1,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8929,5,3,7,1,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8930,5,3,8,2,91,1,4,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,37,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8931,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8932,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8933,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8934,5,3,2,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,184,15,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8935,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8936,3,3,6,1,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8937,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8938,3,3,11,2,0,0,92,0,92,92,1,1,2,2,1,3,2,2,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8939,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8940,5,2,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,0,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8941,1,2,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8942,3,3,6,1,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8943,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8944,5,3,8,3,1,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8945,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8946,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8947,5,3,8,3,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8948,2,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8949,4,2,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,3,5,12,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8950,5,2,6,1,0,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8951,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8952,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8953,3,1,90,2,91,0,92,0,92,92,0,0,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,40,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8954,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8955,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8956,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8957,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8958,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8959,4,3,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8960,3,3,6,1,91,1,2,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,43,3,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8961,3,3,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,175,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8962,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8963,5,90,8,2,0,1,1,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,172,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8964,3,3,10,2,,0,92,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8965,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8966,3,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8967,5,2,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,159,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8968,1,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8969,3,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8970,5,4,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8971,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8972,5,3,1,2,0,0,92,0,92,92,1,,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8973,2,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8974,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8975,3,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8976,5,2,5,2,0,0,92,0,92,92,0,1,2,2,1,1,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,60,5,2,2,2,3,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8977,5,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,1,1,1,0,5,1,1,1,0,1,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +8978,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8979,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8980,5,2,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8981,3,1,4,2,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8982,5,2,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8983,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,4,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8984,5,3,11,2,1,1,4,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8985,5,3,6,1,1,1,2,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,123,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8986,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8987,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8988,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8989,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +8990,5,3,8,2,91,0,92,1,2,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,24,2,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8991,2,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8992,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8993,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8994,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8995,4,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8996,5,3,7,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,63,5,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +8997,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8998,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +8999,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9000,5,2,8,2,1,2,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9001,3,3,10,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9002,3,3,5,2,1,1,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9003,3,3,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9004,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9005,3,3,8,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9006,4,3,6,1,1,2,2,1,1,1,0,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,100,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9007,3,3,6,1,0,,92,0,92,92,1,1,3,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,126,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9008,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9009,5,3,90,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9010,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9011,3,3,8,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,71,5,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9012,3,3,6,1,91,1,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,2,5,11,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,80,6,2,2,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +9013,3,3,5,2,0,0,92,0,92,92,0,1,3,2,1,1,3,1,1,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9014,5,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9015,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9016,3,2,1,2,1,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9017,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9018,5,3,9,2,1,1,3,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,60,5,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9019,1,2,8,2,91,0,92,1,1,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,17,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9020,1,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9021,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9022,5,3,1,2,0,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9023,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9024,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9025,5,1,10,2,1,2,,,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,174,14,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9026,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9027,5,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9028,3,3,5,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9029,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9030,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9031,3,3,6,1,91,2,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,15,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9032,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,28,2,2,1,1,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9033,5,3,3,3,1,1,,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,99,8,2,1,,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9034,5,3,11,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9035,5,1,90,2,1,1,,0,92,92,1,1,2,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,166,13,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9036,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9037,4,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9038,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9039,3,3,11,2,1,1,3,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9040,3,1,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9041,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9042,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9043,5,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9044,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,1,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9045,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9046,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9047,3,3,8,2,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9048,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9049,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9050,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,9,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9051,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9052,5,3,4,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9053,4,90,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,3,,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9054,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9055,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9056,5,1,6,1,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9057,4,3,90,2,,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9058,5,1,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9059,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9060,4,2,2,3,91,1,3,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,1,3,3,1,1,0,1,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9061,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9062,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9063,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9064,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9065,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9066,3,3,8,2,,0,92,0,92,92,0,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,33,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9067,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9068,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9069,5,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9070,4,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9071,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9072,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9073,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9074,5,90,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9075,3,1,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9076,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9077,5,1,8,3,0,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,2,2,1,,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9078,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,132,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9079,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9080,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9081,3,2,90,2,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9082,1,90,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9083,5,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,15,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9084,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9085,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9086,3,3,6,1,1,1,,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,120,10,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9087,3,3,8,2,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9088,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9089,5,2,4,2,0,1,2,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,92,92,92,92,86,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9090,3,3,12,2,0,2,1,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,191,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9091,5,3,1,3,1,2,,0,92,92,,1,,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9092,1,3,10,2,1,1,3,0,92,92,1,1,1,2,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,215,17,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9093,5,3,90,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9094,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9095,3,2,6,1,0,0,92,0,92,92,,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9096,4,2,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9097,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9098,5,3,4,2,91,2,2,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,23,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9099,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,49,4,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9100,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9101,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,3,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,1,2,1,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9102,3,1,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9103,3,2,4,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,97,8,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9104,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9105,5,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,2,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9106,3,3,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9107,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9108,5,3,6,1,0,1,,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9109,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,55,4,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9110,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9111,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9112,5,3,4,2,0,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9113,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9114,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9115,5,3,6,1,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9116,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9117,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9118,3,3,90,2,0,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9119,3,3,90,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9120,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9121,3,3,12,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,53,4,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9122,5,3,90,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,30,2,2,1,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +9123,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9124,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9125,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9126,3,3,10,2,,1,2,0,92,92,0,1,2,4,1,1,4,1,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,211,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9127,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9128,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9129,3,3,9,2,,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9130,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9131,3,4,1,2,1,,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9132,5,3,12,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,16,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9133,5,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,66,5,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9134,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9135,5,3,8,2,1,1,,1,1,2,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,92,92,92,92,117,9,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9136,5,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,3,5,12,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,2,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9137,5,90,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9138,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9139,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9140,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9141,3,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,1,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9142,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9143,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,18,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9144,4,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9145,3,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9146,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9147,5,1,1,2,1,,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9148,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,78,6,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9149,5,3,6,1,1,0,92,0,92,92,0,0,92,92,1,1,2,,1,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,1,,2,,4,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0 +9150,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9151,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9152,3,1,1,2,91,2,,,92,92,,91,92,92,,92,92,92,,,,,4,2,4,10,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,2,,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9153,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9154,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9155,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9156,5,2,11,2,0,2,2,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9157,5,3,8,3,91,2,1,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9158,4,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,201,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9159,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,2,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9160,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9161,4,3,90,2,0,2,,0,92,92,0,1,2,2,1,2,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9162,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9163,3,3,8,3,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9164,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9165,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9166,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9167,5,1,1,3,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9168,3,90,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9169,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9170,5,2,12,3,0,0,92,0,92,92,1,1,,2,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,108,9,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9171,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9172,3,3,8,2,1,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9173,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,1,0,3,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9174,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9175,5,3,2,3,,1,3,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9176,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9177,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9178,3,2,8,2,0,0,92,1,2,1,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,41,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9179,3,1,8,3,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9180,1,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9181,5,1,8,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9182,3,1,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9183,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9184,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9185,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9186,1,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9187,5,3,6,1,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9188,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9189,5,2,1,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9190,5,2,11,2,1,1,,1,1,,,1,2,2,1,1,2,,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,2,2,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +9191,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,1,1,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9192,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9193,3,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9194,3,3,6,1,91,0,92,0,92,92,1,0,92,92,1,3,2,2,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9195,1,2,6,1,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9196,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9197,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9198,5,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,,92,92,92,92,123,10,2,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9199,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9200,3,3,9,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9201,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9202,5,2,4,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9203,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,16,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9204,5,4,90,2,0,0,92,0,92,92,1,1,,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9205,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9206,4,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,160,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9207,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9208,3,1,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9209,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,26,2,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9210,5,2,90,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9211,5,3,1,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9212,3,1,90,2,0,1,2,1,2,1,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,141,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9213,3,3,11,2,1,1,,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9214,5,3,8,2,1,1,,0,92,92,0,1,3,2,1,3,2,1,,0,0,0,3,4,5,12,1,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,112,9,2,1,,1,1,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +9215,5,2,6,1,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9216,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9217,5,3,6,1,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9218,1,3,7,1,91,0,92,1,2,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,92,92,92,92,17,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9219,5,1,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9220,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9221,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9222,3,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9223,4,3,2,3,,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9224,3,2,6,1,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9225,5,3,90,2,,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9226,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9227,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9228,2,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9229,5,3,90,2,,2,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,1,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,166,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9230,5,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,2,1,0,5,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9231,3,3,10,2,0,0,92,0,92,92,1,1,1,2,1,3,4,3,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9232,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9233,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9234,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9235,5,2,6,1,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9236,4,3,8,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9237,1,1,90,2,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9238,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9239,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9240,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9241,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9242,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9243,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9244,5,1,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9245,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9246,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,31,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9247,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9248,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9249,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9250,4,3,6,1,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9251,3,2,2,3,,1,2,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,1,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,183,15,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9252,2,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9253,4,3,12,2,0,0,92,0,92,92,1,1,2,2,1,3,4,3,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,177,14,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9254,3,3,7,1,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,105,8,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9255,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9256,3,3,6,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9257,5,3,7,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,0,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9258,5,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9259,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9260,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9261,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9262,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9263,1,3,4,2,0,0,92,0,92,92,1,1,2,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,125,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9264,5,2,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9265,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9266,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9267,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9268,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9269,1,3,8,3,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9270,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9271,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9272,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,99,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9273,3,2,6,1,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9274,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9275,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,11,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9276,3,3,,,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,2,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9277,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9278,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9279,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9280,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9281,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9282,5,3,2,3,,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,14,1,1,1,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9283,5,2,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9284,3,2,11,2,0,0,92,0,92,92,1,1,3,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,2,92,0,1,1,0,0,0,0,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,196,16,2,1,2,2,1,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9285,5,3,1,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9286,4,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9287,3,3,9,2,91,0,92,1,3,3,0,91,92,92,1,3,2,1,,0,0,0,1,2,4,7,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,92,92,92,92,31,2,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9288,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9289,5,1,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9290,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9291,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9292,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9293,5,3,5,2,1,1,,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,1,0,0,1,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,2,,1,,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9294,1,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9295,3,3,10,2,1,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9296,3,3,10,2,1,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9297,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9298,4,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9299,5,2,6,1,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9300,4,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9301,3,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9302,5,1,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9303,5,3,4,2,0,0,92,0,92,92,1,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9304,5,3,12,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9305,3,3,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9306,3,3,8,2,0,0,92,0,92,92,1,1,,,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,85,7,2,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9307,3,3,5,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9308,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9309,3,3,90,2,,0,92,0,92,92,,91,92,92,1,,4,2,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,31,2,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9310,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9311,3,3,8,3,91,0,92,0,92,92,1,0,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9312,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9313,5,1,10,2,,2,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,156,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9314,5,3,6,1,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,30,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9315,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9316,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9317,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9318,4,2,2,3,91,1,3,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,3,5,12,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,1,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +9319,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9320,1,3,12,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9321,3,3,1,2,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9322,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9323,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9324,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9325,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9326,5,90,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9327,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9328,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9329,3,3,2,,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9330,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9331,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9332,2,1,10,2,0,0,92,0,92,92,1,1,2,2,1,1,2,3,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,211,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9333,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9334,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9335,3,1,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,35,2,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9336,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9337,5,1,11,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9338,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9339,5,3,10,2,1,1,2,,92,92,1,1,1,2,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9340,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9341,2,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9342,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9343,5,2,4,2,0,0,92,0,92,92,1,1,1,2,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,70,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9344,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9345,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9346,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9347,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9348,5,3,1,3,0,,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,66,5,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9349,5,2,6,1,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9350,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9351,3,1,90,2,1,1,2,0,92,92,0,1,3,2,1,2,2,1,0,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,116,9,2,1,2,1,,3,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9352,1,1,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9353,3,3,12,2,91,0,92,0,92,92,1,91,92,92,1,3,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,23,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9354,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9355,5,3,8,3,91,,92,0,92,92,,91,92,92,1,1,,1,,0,0,0,2,3,5,10,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,0,0,1,1,,3,0,5,1,1,1,0,0,1,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +9356,5,3,9,2,0,0,92,0,92,92,1,1,1,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9357,1,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9358,3,3,10,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,171,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9359,5,3,90,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9360,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9361,3,3,6,1,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9362,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9363,4,2,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9364,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9365,3,3,,,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9366,2,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9367,5,2,4,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9368,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,1,0,0,1,0,0,1,,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9369,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9370,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9371,5,1,8,2,0,0,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,56,4,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +9372,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9373,5,1,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9374,5,3,5,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,176,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9375,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9376,3,3,10,2,0,1,2,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9377,3,3,10,2,1,,92,0,92,92,1,1,1,3,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9378,4,3,8,3,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9379,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9380,5,3,10,2,1,1,3,0,92,92,0,,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,198,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9381,3,1,10,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9382,3,3,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9383,3,3,90,2,0,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,164,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9384,5,4,1,3,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9385,5,3,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9386,5,2,10,2,0,0,92,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,137,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9387,5,1,10,2,1,2,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,2,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9388,5,2,10,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9389,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9390,5,2,8,2,0,,92,,92,92,1,,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9391,3,3,11,2,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9392,1,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9393,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,11,0,1,1,,3,0,1,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9394,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9395,3,2,4,2,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9396,4,3,2,3,91,,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,88,7,2,2,1,90,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9397,5,2,11,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9398,4,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,16,1,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9399,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,181,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9400,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9401,5,2,1,2,1,1,3,,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,2,4,8,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,163,13,2,2,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9402,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9403,3,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9404,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9405,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9406,3,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,2,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9407,5,3,12,2,0,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9408,4,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9409,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9410,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,15,1,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9411,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9412,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,104,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9413,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9414,3,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9415,3,2,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,83,6,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9416,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9417,1,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,29,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9418,5,2,10,2,1,0,92,0,92,92,0,1,3,2,1,2,3,1,0,0,0,0,4,4,6,14,2,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,119,9,2,1,1,5,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9419,5,3,5,2,1,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9420,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9421,4,3,11,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9422,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9423,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9424,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9425,5,1,10,2,0,0,92,0,92,92,1,1,2,2,1,2,4,1,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,92,92,92,92,177,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9426,3,3,90,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9427,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9428,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9429,3,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9430,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,1,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9431,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9432,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9433,5,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9434,5,3,6,1,0,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,92,92,92,92,91,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9435,1,3,8,2,91,1,2,0,92,92,1,91,92,92,1,,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,18,1,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9436,5,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9437,4,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,4,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9438,5,3,11,2,1,1,,0,92,92,0,1,2,,1,1,,,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,1,1,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,205,17,2,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9439,3,3,11,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9440,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,21,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9441,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9442,5,1,6,1,91,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9443,5,2,8,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,34,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9444,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,49,4,2,1,1,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9445,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9446,5,3,12,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,144,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9447,3,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9448,4,3,8,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9449,5,2,6,1,,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,93,7,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9450,2,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9451,5,1,6,1,0,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9452,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9453,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9454,1,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9455,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9456,3,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9457,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9458,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,0,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9459,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9460,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9461,5,1,5,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9462,3,3,10,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9463,5,3,11,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9464,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9465,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9466,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,121,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9467,4,3,5,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9468,4,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9469,5,1,8,2,91,0,92,0,92,92,0,1,2,2,1,1,2,2,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,46,3,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +9470,5,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9471,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9472,5,3,6,1,0,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9473,1,2,1,2,,0,92,0,92,92,,,92,92,,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9474,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9475,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9476,1,3,90,2,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9477,5,3,5,2,91,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9478,3,1,9,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,,92,92,92,92,43,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9479,5,2,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,138,11,2,2,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9480,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9481,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9482,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9483,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9484,4,3,12,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9485,4,2,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9486,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9487,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9488,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9489,4,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9490,3,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9491,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,142,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9492,5,90,5,2,0,1,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9493,5,3,7,1,1,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9494,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9495,3,3,1,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9496,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9497,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9498,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9499,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9500,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,24,2,2,2,,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9501,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9502,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9503,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9504,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9505,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9506,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9507,,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,89,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9508,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,3,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9509,5,2,8,2,0,0,92,0,92,92,1,1,1,2,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9510,5,3,1,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,1,4,5,5,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,1,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,72,6,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9511,5,3,8,3,91,1,,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,4,,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,21,1,1,1,1,90,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +9512,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9513,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9514,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9515,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9516,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9517,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9518,5,1,8,2,,0,92,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9519,3,3,12,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9520,5,2,10,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9521,5,3,8,2,0,0,92,0,92,92,0,1,1,2,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,98,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9522,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9523,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9524,3,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9525,5,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9526,3,3,90,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9527,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9528,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,179,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9529,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9530,4,3,10,2,0,1,2,0,92,92,1,0,92,92,1,,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9531,5,3,8,2,91,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9532,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9533,3,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9534,4,3,1,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,49,4,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9535,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9536,4,3,1,2,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,1,1,1,1,1,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,1,0,92,92,92,92,191,15,2,2,,1,0,5,1,1,1,0,0,1,0,1,0,0,0,1,1,1,1,1,0,0,0,0,0,1,0,0,0,0,1 +9537,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,2,2,0,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9538,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9539,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9540,5,3,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9541,2,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9542,5,3,10,2,1,1,,1,1,,0,,92,92,0,92,92,92,1,0,0,0,4,4,6,14,2,1,1,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,156,13,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,0,0,0, +9543,3,3,11,2,,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9544,5,90,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9545,5,2,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9546,3,3,4,2,0,0,92,0,92,92,1,1,2,2,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9547,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9548,5,3,8,3,91,1,,,92,92,,91,92,92,,92,92,92,,,,,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9549,3,3,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9550,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9551,4,3,6,1,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9552,5,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9553,3,2,5,2,0,2,2,1,2,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,47,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9554,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9555,5,3,2,3,1,1,2,0,92,92,,1,2,,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,2,,3,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9556,5,2,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9557,2,1,10,2,0,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9558,5,3,10,2,1,1,2,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9559,5,3,1,3,1,1,,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,1,0,0,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9560,3,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9561,3,2,4,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,,92,92,92,92,110,9,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9562,3,2,8,2,1,,92,0,92,92,0,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9563,5,1,90,2,,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,59,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9564,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,156,13,2,1,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9565,3,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9566,5,3,11,2,1,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9567,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9568,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9569,5,3,1,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9570,3,3,7,1,1,2,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9571,5,2,11,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9572,5,3,8,3,,2,3,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9573,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9574,3,3,11,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,8,1,1,0,0,0,0,1,1,0,0,1,1,0,0,0,0,1,2,3,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,2,2,0,5,1,1,1,0,0,0,1,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +9575,3,3,8,3,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9576,3,2,10,2,0,2,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9577,3,3,90,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,64,5,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9578,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9579,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9580,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9581,3,3,4,2,1,1,,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9582,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9583,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9584,3,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9585,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9586,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9587,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,137,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9588,5,2,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9589,4,2,8,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,96,8,2,1,,4,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9590,3,1,11,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9591,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9592,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9593,5,3,8,2,1,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9594,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9595,3,3,11,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9596,5,3,90,2,0,0,92,0,92,92,0,91,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9597,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9598,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9599,5,1,8,2,91,,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,68,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9600,2,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9601,3,1,8,3,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,3,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9602,5,3,9,2,91,0,92,1,2,,0,91,92,92,0,92,92,92,,0,0,0,2,4,5,11,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,29,2,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +9603,4,3,5,2,91,1,4,,92,92,0,91,92,92,,92,92,92,,1,0,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,1,0,1,0,0,0,0,1,1,1,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,2,,1,0,5,1,1,1,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0,0,0,0,1 +9604,5,3,4,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9605,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9606,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9607,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9608,5,2,6,1,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9609,5,3,8,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,37,3,2,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9610,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9611,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9612,5,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9613,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9614,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9615,1,2,12,2,0,2,3,0,92,92,1,1,2,2,1,1,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,178,14,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9616,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,26,2,2,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9617,1,3,6,1,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9618,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9619,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9620,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9621,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9622,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9623,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9624,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,2,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9625,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,147,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9626,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,3,3,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,1,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9627,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9628,1,1,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,215,17,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9629,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9630,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9631,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,214,17,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9632,2,1,6,1,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9633,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9634,4,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,168,14,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9635,5,3,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9636,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9637,5,1,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9638,3,3,3,3,0,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,2,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9639,3,4,3,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9640,3,3,1,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9641,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9642,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9643,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9644,5,90,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,12,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9645,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9646,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9647,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9648,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9649,5,1,8,3,91,0,92,0,92,92,0,91,92,92,1,3,4,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,7,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9650,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9651,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9652,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9653,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9654,5,3,12,2,1,1,,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9655,4,3,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9656,3,1,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9657,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9658,4,3,4,2,0,2,,0,92,92,1,1,1,2,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9659,5,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9660,2,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9661,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9662,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9663,3,1,8,2,91,0,92,0,92,92,0,91,92,92,1,3,4,2,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,33,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9664,4,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9665,3,3,1,2,1,0,92,0,92,92,,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9666,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9667,3,3,4,2,1,1,3,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9668,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9669,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9670,5,3,1,3,1,1,3,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9671,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9672,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9673,3,3,90,2,0,0,92,0,92,92,0,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9674,5,2,1,2,0,0,92,0,92,92,1,1,3,4,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9675,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9676,5,3,6,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,116,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9677,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9678,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9679,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9680,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9681,2,2,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9682,3,3,8,2,,,92,0,92,92,1,1,2,2,1,3,4,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9683,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9684,5,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9685,3,1,10,2,1,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9686,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9687,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9688,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9689,5,2,90,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9690,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9691,3,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9692,4,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,152,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9693,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9694,3,3,1,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,2,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1 +9695,2,2,7,1,0,2,1,0,92,92,1,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,102,8,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9696,3,3,90,2,1,1,,0,92,92,1,1,2,2,1,3,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9697,5,90,12,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9698,4,3,11,2,0,0,92,0,92,92,1,1,1,2,1,3,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,124,10,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9699,5,4,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9700,5,3,7,1,91,0,92,1,3,2,0,91,92,92,0,92,92,92,,0,0,1,1,3,5,9,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,13,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9701,5,1,1,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9702,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9703,4,3,2,3,0,0,92,0,92,92,0,1,,2,1,1,1,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,58,4,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +9704,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9705,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9706,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9707,5,3,4,2,0,0,92,0,92,92,0,1,,2,1,1,,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,79,6,2,1,2,2,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9708,5,3,6,1,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9709,5,1,8,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,1,1,90,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9710,3,90,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9711,5,3,12,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,1,0,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9712,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9713,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9714,5,1,6,1,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9715,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9716,5,2,6,1,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9717,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9718,5,2,11,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9719,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9720,3,3,8,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9721,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9722,3,3,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9723,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9724,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9725,5,3,1,3,,,92,,92,92,,,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,92,92,92,92,198,16,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9726,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9727,4,3,6,1,0,2,2,0,92,92,0,1,2,1,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9728,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9729,3,3,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9730,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9731,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9732,5,3,9,2,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9733,4,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9734,3,2,8,2,91,,92,0,92,92,1,1,1,2,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,56,4,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9735,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9736,4,3,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9737,5,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,1,1,0,0,1,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9738,3,3,10,3,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,116,9,2,1,,1,0,5,1,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +9739,5,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9740,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9741,3,2,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9742,5,3,1,2,1,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9743,5,2,10,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9744,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9745,5,2,8,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9746,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,39,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9747,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9748,3,3,6,1,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9749,3,4,1,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,214,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9750,5,3,6,1,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9751,3,3,12,2,0,0,92,0,92,92,0,1,3,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,78,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9752,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9753,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,5,0,1,1,2,2,,5,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9754,5,3,1,2,91,1,,0,92,92,0,0,92,92,,92,92,92,,0,0,0,3,3,5,11,1,1,1,0,0,0,0,2,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,2,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +9755,5,3,7,1,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9756,5,2,90,2,0,0,92,0,92,92,1,0,92,92,1,3,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9757,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9758,5,3,5,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9759,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9760,5,1,10,3,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,167,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9761,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9762,2,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9763,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9764,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9765,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9766,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9767,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9768,1,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9769,5,3,2,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9770,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9771,3,3,4,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9772,4,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9773,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9774,4,3,4,2,91,,92,0,92,92,0,91,92,92,1,3,,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,45,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9775,5,3,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,109,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9776,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,134,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9777,5,2,10,2,0,0,92,0,92,92,0,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,74,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9778,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9779,3,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9780,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9781,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9782,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,215,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9783,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9784,3,3,8,2,,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9785,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9786,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9787,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,18,1,1,1,,1,1,1,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9788,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,1,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9789,3,3,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9790,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9791,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9792,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9793,3,3,12,2,91,1,1,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9794,5,3,10,2,1,1,3,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9795,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9796,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9797,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9798,5,3,10,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9799,3,3,4,2,1,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9800,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9801,3,3,4,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,119,9,2,2,1,,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9802,3,3,5,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9803,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9804,5,2,8,2,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9805,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9806,5,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9807,3,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9808,4,3,8,2,1,0,92,0,92,92,0,0,92,92,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,59,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9809,3,1,10,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,75,6,2,1,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9810,5,3,10,2,0,0,92,0,92,92,0,1,2,2,1,1,2,2,1,0,0,0,4,5,6,15,2,,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9811,3,3,12,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9812,3,3,10,2,0,1,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9813,5,2,7,1,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9814,5,1,1,2,1,1,,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,2,3,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9815,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9816,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,2,3,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9817,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9818,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9819,5,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9820,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,1,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9821,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9822,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9823,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9824,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9825,5,3,7,1,,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9826,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,22,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9827,5,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,1,2,4,6,12,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9828,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9829,3,3,1,2,0,0,92,0,92,92,1,1,2,2,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9830,4,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,75,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9831,2,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9832,2,1,12,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9833,3,3,9,2,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9834,5,2,90,2,0,0,92,0,92,92,,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9835,3,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9836,5,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,199,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9837,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,1,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9838,5,3,6,1,1,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9839,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9840,3,3,2,3,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9841,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9842,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9843,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9844,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9845,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9846,5,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9847,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,1,0,3,1,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0 +9848,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9849,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9850,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9851,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9852,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9853,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9854,5,1,1,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9855,5,3,3,3,0,0,92,0,92,92,1,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,120,10,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9856,3,3,1,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9857,3,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9858,3,3,8,2,1,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9859,5,1,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9860,4,3,4,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,173,14,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9861,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9862,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9863,3,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9864,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9865,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9866,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9867,3,3,2,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,18,1,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9868,4,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9869,4,3,11,2,0,1,,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +9870,1,1,11,2,0,1,,0,92,92,1,1,2,,0,92,92,92,1,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,180,15,2,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9871,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9872,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9873,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9874,2,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9875,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9876,5,3,11,2,,0,92,0,92,92,1,1,2,3,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9877,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9878,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9879,3,3,2,3,1,2,,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9880,3,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9881,1,2,10,2,1,1,,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9882,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,2,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9883,4,3,2,3,1,,92,0,92,92,1,1,2,2,1,1,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9884,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9885,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9886,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9887,5,3,6,1,0,0,92,0,92,92,0,1,,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,102,8,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9888,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9889,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9890,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9891,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9892,5,3,5,2,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,3,4,9,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,1,1 +9893,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9894,5,2,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9895,3,1,10,2,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9896,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9897,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9898,4,3,90,2,0,0,92,0,92,92,1,1,,2,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,40,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9899,5,3,1,3,91,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9900,1,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9901,5,3,10,2,0,0,92,1,2,1,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,195,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9902,3,3,,,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9903,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9904,5,3,6,1,0,0,92,0,92,92,1,1,1,3,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9905,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9906,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9907,5,3,8,3,0,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,55,4,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9908,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9909,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9910,4,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9911,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9912,3,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9913,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9914,4,3,4,2,0,0,92,0,92,92,1,1,1,,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,153,12,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9915,5,3,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9916,3,2,5,2,1,1,4,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,173,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9917,5,4,7,1,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,155,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9918,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9919,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9920,5,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9921,3,3,8,2,91,,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9922,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9923,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,67,5,2,2,,3,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9924,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9925,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9926,3,3,6,1,91,0,92,0,92,92,0,1,2,2,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,31,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9927,5,3,90,2,0,0,92,0,92,92,1,1,,,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9928,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9929,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,1,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9930,1,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9931,5,3,8,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9932,3,3,5,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9933,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9934,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9935,5,3,10,2,1,1,3,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9936,5,3,1,3,1,,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +9937,5,3,3,3,1,1,1,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9938,3,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9939,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9940,5,1,1,2,,,92,,92,92,,,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9941,5,2,12,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9942,4,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,4,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9943,3,3,10,2,1,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9944,4,3,3,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,124,10,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9945,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9946,5,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9947,5,3,8,2,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9948,2,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,12,1,1,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9949,5,3,4,2,1,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,1,0,5,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +9950,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9951,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9952,3,3,8,2,1,0,92,0,92,92,1,1,2,2,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,95,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9953,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,110,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9954,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9955,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9956,1,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9957,3,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9958,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9959,2,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9960,3,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9961,5,2,10,2,1,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9962,1,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9963,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9964,3,90,10,2,1,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9965,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9966,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9967,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +9968,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9969,5,3,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,120,10,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9970,5,3,8,2,0,0,92,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,62,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9971,4,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9972,3,3,11,2,0,1,,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9973,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9974,5,3,4,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9975,1,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,1,1,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9976,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9977,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9978,3,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9979,3,3,6,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9980,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9981,1,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9982,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9983,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9984,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9985,5,3,10,2,1,,92,0,92,92,0,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,152,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9986,3,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9987,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9988,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9989,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9990,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9991,5,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9992,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9993,5,2,10,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9994,3,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9995,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9996,5,3,11,2,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +9997,5,2,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9998,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +9999,5,3,6,1,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10000,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10001,1,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10002,3,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10003,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10004,3,3,12,2,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10005,1,3,1,2,0,0,92,0,92,92,1,1,,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10006,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10007,3,3,5,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10008,5,3,6,1,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10009,3,2,11,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,187,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10010,3,3,1,2,0,0,92,0,92,92,1,1,1,,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10011,4,2,10,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10012,3,3,11,2,0,0,92,0,92,92,0,1,2,2,1,2,3,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,160,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10013,4,3,5,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,151,12,2,1,,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10014,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10015,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10016,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,41,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10017,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,3,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10018,3,1,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,8,0,1,2,,1,1,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10019,5,3,4,2,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,62,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10020,4,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,205,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10021,3,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10022,5,3,6,1,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10023,3,3,5,2,1,,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,1,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10024,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10025,5,3,2,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10026,3,3,2,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10027,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10028,5,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,143,11,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10029,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10030,5,3,1,3,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,0,0,1,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10031,5,2,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10032,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,15,1,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10033,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10034,3,3,9,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10035,3,3,6,1,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10036,5,3,2,3,,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,45,3,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10037,3,90,8,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10038,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,150,12,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10039,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10040,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10041,5,1,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10042,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10043,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10044,4,2,2,3,,0,92,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,81,6,2,1,,,0,2,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +10045,3,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10046,5,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10047,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10048,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10049,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10050,5,3,6,1,1,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,88,7,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10051,3,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10052,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10053,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10054,5,1,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10055,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10056,3,3,90,2,,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10057,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10058,5,3,3,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,174,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10059,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10060,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10061,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10062,5,3,11,2,0,0,92,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10063,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10064,5,2,7,1,1,1,4,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,144,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10065,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10066,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10067,3,3,2,3,,,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,46,3,2,1,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10068,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10069,3,1,8,2,0,0,92,0,92,92,0,0,92,92,1,3,,1,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,71,5,2,2,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10070,4,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10071,3,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10072,5,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10073,5,3,5,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10074,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,11,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10075,3,2,9,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,92,92,92,92,141,11,2,1,2,1,0,4,1,1,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0 +10076,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10077,3,1,6,1,0,1,4,1,1,3,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,149,12,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10078,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,166,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10079,1,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10080,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10081,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10082,4,3,8,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,63,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10083,4,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,1,1,,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10084,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10085,3,1,6,1,0,0,92,0,92,92,0,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10086,3,2,90,2,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,15,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10087,5,2,10,2,0,2,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10088,5,1,10,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,213,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10089,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10090,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10091,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10092,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10093,5,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,149,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10094,5,3,2,3,0,1,1,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,,92,92,92,92,92,1,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,189,15,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10095,5,3,4,2,1,1,1,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10096,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10097,4,3,8,3,91,0,92,0,92,92,1,91,92,92,1,,4,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10098,5,3,7,1,1,2,,0,92,92,0,,92,92,1,1,2,,,0,0,0,2,2,5,9,1,1,1,0,0,0,0,1,,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,136,11,2,1,2,1,0,5,1,1,1,0,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +10099,3,3,8,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10100,5,3,6,1,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,191,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10101,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10102,5,2,1,2,0,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10103,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10104,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10105,5,3,6,1,1,1,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10106,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10107,3,3,12,2,0,0,92,0,92,92,0,1,1,2,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,179,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10108,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10109,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10110,5,3,5,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10111,1,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10112,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10113,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10114,5,4,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,1,0,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10115,5,1,5,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,46,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10116,3,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10117,4,3,1,2,0,0,92,0,92,92,,1,1,2,1,3,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,131,10,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10118,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10119,3,3,8,2,91,0,92,0,92,92,,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10120,5,3,90,2,,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10121,3,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10122,4,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,145,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10123,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10124,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10125,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10126,5,1,4,2,0,0,92,0,92,92,1,1,2,,1,3,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,92,92,92,92,101,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10127,3,90,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10128,3,3,6,1,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,67,5,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10129,5,3,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10130,5,90,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10131,5,2,2,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10132,3,2,2,3,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10133,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10134,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10135,4,2,11,2,0,,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,179,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10136,4,3,9,2,0,0,92,0,92,92,1,0,92,92,1,1,4,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10137,5,1,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10138,5,3,8,2,1,1,2,0,92,92,0,1,2,2,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,64,5,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10139,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10140,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10141,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10142,3,3,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10143,3,1,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10144,5,2,11,2,0,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,177,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10145,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10146,3,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10147,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10148,5,90,6,1,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10149,3,3,8,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10150,3,3,6,1,0,0,92,1,3,2,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,11,0,1,2,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10151,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10152,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10153,4,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10154,5,3,1,2,1,1,,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,197,16,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +10155,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10156,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10157,3,3,11,2,0,1,,0,92,92,1,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,182,15,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10158,3,3,1,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10159,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10160,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10161,5,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10162,3,1,1,3,91,,92,,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,1,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10163,1,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10164,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,14,1,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10165,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10166,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10167,4,2,2,3,,2,4,0,92,92,0,,92,92,1,1,2,,,0,0,0,3,3,5,11,1,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,2,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10168,5,2,11,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10169,4,3,6,1,0,0,92,0,92,92,1,1,2,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10170,5,3,10,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10171,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,,,,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10172,5,3,11,2,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10173,4,2,8,2,1,1,,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10174,1,3,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10175,5,90,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10176,5,1,1,2,91,1,,0,92,92,,,92,92,0,92,92,92,,1,1,1,,1,,13,1,1,0,0,0,0,0,0,92,0,1,0,0,1,0,0,1,1,2,1,1,0,0,0,1,0,,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,1,0,0,1,0,0,0,0,0,92,92,92,92,122,10,2,2,1,,0,5,1,1,1,0,0,1,1,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,1,1,1,1,1 +10177,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10178,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10179,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10180,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10181,5,3,8,3,91,,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,25,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10182,3,3,1,2,0,2,,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10183,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10184,4,3,12,2,0,0,92,0,92,92,1,1,2,3,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,92,7,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10185,3,3,90,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,1,0,0,11,0,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10186,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10187,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10188,3,3,2,3,91,1,,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,3,3,4,10,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,1,0,1,0,1,65,5,2,2,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +10189,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10190,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10191,5,3,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,2,4,6,12,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10192,5,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,203,16,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10193,5,1,2,3,1,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10194,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,13,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10195,4,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10196,5,3,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10197,5,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10198,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10199,5,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,3,4,6,13,1,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,1,1,0,0,25,2,2,1,2,2,0,3,1,1,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +10200,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10201,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10202,5,2,8,2,0,2,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10203,5,90,90,2,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10204,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10205,5,2,6,1,1,0,92,0,92,92,,1,2,2,1,,3,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,152,12,2,2,,,,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10206,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10207,1,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10208,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10209,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10210,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,37,3,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10211,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10212,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10213,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10214,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10215,3,1,12,2,91,1,2,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10216,1,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10217,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10218,5,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10219,3,3,8,2,,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10220,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,63,5,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10221,3,3,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10222,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10223,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10224,3,1,8,3,91,0,92,0,92,92,,91,92,92,1,1,2,1,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10225,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10226,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10227,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10228,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10229,5,2,9,2,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10230,3,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10231,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10232,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10233,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10234,5,3,8,2,91,0,92,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10235,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10236,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10237,5,3,7,1,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10238,3,4,11,2,0,0,92,0,92,92,0,1,2,3,1,3,3,2,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,144,12,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10239,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10240,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10241,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10242,5,1,1,2,,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10243,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10244,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10245,5,2,6,1,0,0,92,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10246,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10247,5,3,10,2,1,1,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10248,3,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10249,3,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10250,3,90,1,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10251,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10252,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10253,2,1,1,3,,,92,,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10254,1,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10255,3,3,8,2,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,46,3,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10256,3,3,11,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10257,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10258,5,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10259,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10260,5,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10261,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10262,3,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10263,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10264,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10265,3,3,8,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,65,5,2,1,,2,1,4,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +10266,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10267,5,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,,,,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10268,5,2,90,2,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10269,5,1,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10270,3,3,12,2,0,0,92,0,92,92,1,1,2,4,1,2,4,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,101,8,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10271,4,2,3,3,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10272,3,3,4,2,1,,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10273,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10274,5,3,1,3,1,1,,0,92,92,,1,,,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10275,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10276,5,3,5,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10277,3,3,1,2,0,,92,0,92,92,1,1,1,2,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10278,5,3,8,2,91,1,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,23,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10279,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10280,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10281,2,1,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,18,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10282,5,2,1,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10283,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10284,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10285,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10286,4,2,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10287,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10288,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10289,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10290,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10291,5,2,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10292,3,2,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10293,4,3,90,2,0,0,92,0,92,92,0,1,,2,1,1,4,1,1,0,0,0,4,4,6,14,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,169,14,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10294,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10295,1,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,9,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10296,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10297,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10298,3,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10299,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10300,3,3,7,1,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10301,3,3,1,2,1,,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10302,2,3,11,2,0,,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10303,3,3,5,2,1,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10304,5,3,10,2,1,1,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10305,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10306,3,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,1,1,1,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10307,4,3,8,3,91,1,2,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +10308,2,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10309,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,17,1,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10310,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10311,5,2,7,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10312,3,3,11,3,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10313,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10314,1,3,6,1,91,1,1,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,82,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10315,5,3,12,2,0,0,92,0,92,92,1,1,1,3,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10316,5,3,11,2,0,1,3,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10317,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10318,5,3,90,2,0,1,2,,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10319,3,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10320,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10321,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10322,2,1,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10323,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10324,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10325,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10326,5,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10327,5,3,9,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10328,5,3,8,3,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10329,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10330,3,2,8,3,0,0,92,0,92,92,1,1,1,2,1,2,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,52,4,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10331,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10332,3,3,9,2,0,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,0,20,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10333,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,1,1,0,6,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +10334,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10335,5,1,90,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10336,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10337,4,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10338,5,2,7,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10339,4,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10340,3,3,8,2,0,,92,0,92,92,,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10341,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10342,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10343,3,1,8,2,0,0,92,0,92,92,1,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10344,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10345,5,1,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10346,3,3,7,1,1,1,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10347,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10348,5,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10349,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10350,5,3,1,3,1,1,,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,2,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10351,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10352,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10353,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10354,3,3,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10355,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10356,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10357,3,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,146,12,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10358,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,31,2,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10359,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10360,5,2,8,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10361,1,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10362,5,3,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,181,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10363,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,2,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10364,5,1,10,2,0,1,1,0,92,92,1,1,2,3,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,114,9,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10365,5,3,6,1,,0,92,0,92,92,0,0,92,92,1,1,,,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10366,3,3,11,2,0,1,,0,92,92,1,1,3,2,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10367,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10368,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,56,4,2,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10369,3,3,,,0,0,92,0,92,92,,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,54,4,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10370,4,3,8,3,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10371,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10372,,1,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10373,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10374,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10375,3,3,10,2,91,1,4,0,92,92,,91,92,92,0,92,92,92,,0,0,0,1,1,2,4,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,130,10,2,1,1,90,,2,1,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,1,1,1 +10376,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10377,2,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10378,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10379,5,3,2,3,91,1,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,63,5,2,1,,,0,5,1,1,1,0,0,1,0,0,0,0,0,0,1,1,1,1,0,0,1,0,0,1,0,0,0,0,1 +10380,4,3,1,3,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,2,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10381,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10382,3,3,1,3,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,79,6,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10383,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10384,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10385,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10386,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10387,5,3,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,63,5,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10388,3,3,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10389,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10390,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10391,3,3,5,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10392,5,2,7,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10393,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10394,5,3,4,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10395,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10396,5,2,9,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10397,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10398,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10399,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10400,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10401,3,2,90,2,1,1,,0,92,92,0,0,92,92,1,3,,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,102,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10402,5,1,11,2,1,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10403,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10404,3,2,4,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10405,5,3,8,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10406,3,3,1,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10407,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10408,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10409,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,,92,92,92,92,34,2,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +10410,3,3,8,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10411,3,3,5,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10412,3,1,10,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10413,3,1,1,2,,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10414,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10415,3,3,8,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,9,0,1,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10416,5,2,8,3,91,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10417,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10418,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10419,3,1,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10420,5,90,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10421,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10422,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10423,4,3,8,3,0,0,92,0,92,92,1,0,92,92,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10424,4,2,9,2,0,0,92,0,92,92,1,1,1,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10425,3,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10426,5,2,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10427,5,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10428,5,3,11,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10429,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10430,5,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,29,2,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10431,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10432,3,3,11,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10433,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10434,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10435,3,3,8,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10436,5,3,7,1,0,0,92,0,92,92,1,0,92,92,1,2,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10437,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,90,0,6,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +10438,3,3,12,2,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,21,1,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10439,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10440,3,3,1,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,6,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10441,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10442,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10443,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10444,5,1,12,2,0,0,92,0,92,92,1,0,92,92,1,,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10445,5,3,2,3,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10446,3,3,5,2,0,2,,0,92,92,,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10447,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10448,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10449,5,2,10,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10450,4,2,7,1,91,0,92,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10451,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10452,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10453,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10454,3,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10455,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10456,5,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10457,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10458,5,3,11,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10459,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10460,5,3,11,2,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10461,3,4,1,2,1,2,1,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,106,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10462,5,3,8,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10463,3,3,6,1,0,0,92,0,92,92,1,1,,,1,,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,14,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10464,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10465,5,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10466,5,2,12,2,0,,92,0,92,92,0,0,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,66,5,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10467,3,1,6,1,0,1,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10468,5,3,1,3,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,92,92,92,92,158,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10469,3,3,4,2,0,0,92,0,92,92,1,1,1,3,1,1,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10470,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10471,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10472,1,2,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10473,3,3,90,2,,0,92,0,92,92,0,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,54,4,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10474,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10475,5,2,9,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10476,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10477,5,2,1,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,198,16,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10478,5,4,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10479,3,3,11,2,,,92,,92,92,0,,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,1,0,0,1,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10480,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10481,1,3,7,1,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,19,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10482,5,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10483,5,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10484,2,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10485,4,3,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10486,5,3,7,1,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10487,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10488,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10489,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10490,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10491,2,4,8,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10492,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10493,1,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10494,2,3,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10495,4,3,8,3,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10496,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10497,4,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10498,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10499,3,3,8,2,91,2,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10500,3,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10501,3,2,10,2,1,2,,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10502,5,2,8,3,1,,92,0,92,92,1,1,2,,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,152,12,2,2,2,2,0,4,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +10503,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10504,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10505,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10506,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10507,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10508,5,2,2,3,91,1,,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10509,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10510,5,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10511,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10512,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10513,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,8,0,1,1,,1,0,2,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,1,1 +10514,4,3,8,2,91,1,2,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10515,5,2,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0, +10516,4,90,6,1,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10517,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,16,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10518,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10519,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10520,3,3,3,3,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,1,1,0,0,92,92,92,92,92,1,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10521,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10522,5,2,8,2,0,0,92,0,92,92,0,1,1,2,1,1,,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,37,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10523,3,1,3,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,151,12,2,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10524,3,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10525,3,3,90,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10526,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10527,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10528,5,3,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10529,5,1,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10530,3,1,8,2,91,0,92,1,1,2,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,15,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10531,2,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10532,5,1,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10533,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10534,5,3,5,2,91,1,,0,92,92,,91,92,92,1,1,3,,,1,1,1,1,1,,6,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,1,0,0,1,0,0,0,0,1,1,0,0,1,96,8,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +10535,5,3,8,3,1,0,92,0,92,92,0,1,2,2,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10536,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10537,5,2,12,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10538,4,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10539,1,1,10,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10540,5,2,1,2,1,1,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10541,5,3,4,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10542,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10543,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10544,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10545,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10546,5,1,1,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,172,14,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10547,5,1,10,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,139,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10548,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10549,5,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10550,5,90,11,2,0,2,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10551,5,3,8,2,1,,92,0,92,92,0,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,95,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10552,5,3,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10553,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10554,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10555,5,3,3,3,0,1,,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10556,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10557,3,3,90,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10558,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10559,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10560,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,,1,0,5,1,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +10561,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10562,5,3,6,1,0,0,92,0,92,92,1,1,2,1,1,3,1,1,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,97,8,2,2,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10563,2,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10564,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10565,1,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10566,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10567,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10568,5,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10569,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10570,5,90,12,2,,1,4,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +10571,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,1,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10572,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10573,5,2,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,92,92,92,92,150,12,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10574,1,3,6,1,1,2,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10575,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10576,3,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10577,5,2,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10578,5,2,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10579,5,4,90,3,0,0,92,0,92,92,,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10580,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10581,4,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10582,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10583,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10584,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10585,5,2,90,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10586,1,3,7,1,0,2,,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10587,5,3,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10588,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10589,5,2,12,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10590,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10591,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,33,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10592,3,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10593,2,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10594,3,3,90,2,91,2,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10595,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10596,5,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10597,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10598,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10599,4,3,8,3,91,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +10600,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10601,5,2,11,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10602,3,4,1,2,0,,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10603,5,3,5,2,91,2,2,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,1,6,11,1,1,0,0,1,0,1,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10604,5,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10605,3,3,11,2,1,2,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10606,2,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10607,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10608,5,3,11,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10609,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10610,5,3,8,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,66,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10611,5,3,9,2,91,1,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10612,3,1,8,3,1,1,3,0,92,92,,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,166,13,2,2,,,0,3,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10613,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10614,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10615,5,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10616,3,3,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10617,5,3,11,2,0,0,92,0,92,92,0,1,1,2,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10618,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10619,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10620,5,2,1,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10621,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,2,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10622,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10623,5,2,9,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10624,5,3,2,3,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10625,3,3,6,1,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,79,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10626,4,3,10,2,1,,92,,92,92,1,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,92,92,92,92,208,17,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10627,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,212,17,2,2,,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10628,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,16,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10629,3,3,4,2,0,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10630,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10631,3,3,10,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10632,5,2,8,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,0,3,1,1,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0 +10633,5,3,10,3,0,1,1,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,62,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10634,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10635,5,1,1,3,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10636,5,3,5,2,0,0,92,0,92,92,1,0,92,92,1,3,,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,48,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10637,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10638,5,3,9,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10639,5,3,5,2,1,2,,0,92,92,,1,,2,0,92,92,92,0,0,0,0,,,,14,2,1,1,0,0,1,0,2,92,0,1,0,0,0,0,0,0,92,92,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,1,1 +10640,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10641,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10642,3,3,9,2,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10643,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +10644,1,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,62,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10645,5,3,2,3,0,0,92,0,92,92,0,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,84,7,2,2,,1,1,2,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +10646,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10647,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10648,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10649,4,3,2,3,,1,2,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,1,0,1,1,0,92,92,92,92,92,1,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +10650,3,2,3,3,1,1,2,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,2,1,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10651,3,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10652,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,5,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10653,5,3,1,2,91,1,,0,92,92,,91,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,1,,0,1,0,0,1,0,0,1,1,3,1,0,0,1,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,0,5,1,1,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +10654,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10655,1,1,6,1,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10656,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10657,3,2,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10658,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10659,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10660,5,3,1,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,2,3,6,11,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10661,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10662,5,2,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10663,3,90,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10664,5,3,90,2,0,2,1,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,2,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10665,3,3,2,3,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10666,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10667,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10668,3,3,8,2,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10669,1,3,1,3,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10670,1,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10671,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10672,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10673,5,3,1,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,176,14,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10674,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,83,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10675,5,1,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,1,0,0,0,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10676,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10677,3,3,1,2,,1,,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,212,17,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10678,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10679,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10680,5,3,1,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,,92,92,92,92,113,9,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10681,5,1,10,2,,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,57,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10682,5,3,10,2,,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10683,3,2,11,2,0,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10684,3,2,8,3,91,0,92,0,92,92,1,,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10685,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10686,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10687,5,2,8,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10688,5,2,9,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10689,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10690,2,1,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10691,4,3,90,2,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,1,0,1,4,,5,10,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,11,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10692,3,3,2,3,,1,3,0,92,92,0,,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,1,1,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,128,10,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +10693,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10694,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10695,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10696,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10697,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10698,1,3,6,1,1,,92,1,2,2,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,191,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10699,5,3,8,3,1,,92,,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10700,3,3,6,1,91,,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,14,1,1,2,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10701,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10702,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10703,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10704,5,1,1,3,1,1,,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,1,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10705,4,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10706,3,3,5,2,1,2,,0,92,92,0,1,3,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,158,13,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10707,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10708,3,3,1,3,1,1,,0,92,92,,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10709,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,1,2,1,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +10710,3,2,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10711,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10712,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10713,2,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10714,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10715,3,3,4,2,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,28,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10716,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10717,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10718,3,3,11,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,205,17,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10719,3,1,2,3,0,1,1,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10720,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,1,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10721,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10722,5,2,12,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,0,0,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,2,2,1,0,6,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0, +10723,5,3,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10724,3,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10725,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10726,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10727,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10728,5,2,7,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10729,5,3,2,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,55,4,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10730,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10731,5,3,8,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,119,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10732,5,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10733,1,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,10,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10734,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10735,3,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,2,90,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10736,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10737,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10738,3,3,8,2,91,1,2,,92,92,0,1,2,,,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,,92,92,92,92,26,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10739,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10740,4,3,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10741,1,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10742,3,1,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10743,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10744,2,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10745,5,1,10,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +10746,5,3,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,82,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10747,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10748,3,3,6,1,1,1,3,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10749,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10750,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10751,1,3,,,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10752,5,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,175,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10753,3,3,90,2,0,0,92,0,92,92,0,1,1,2,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,102,8,2,1,,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10754,4,3,1,2,1,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10755,1,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10756,5,2,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10757,5,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10758,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10759,3,2,6,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,22,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10760,3,1,8,3,91,2,1,1,2,1,,91,92,92,1,1,2,1,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,92,92,92,92,23,1,1,1,1,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10761,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10762,5,2,8,2,91,0,92,0,92,92,0,1,2,1,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,1,0,0,35,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10763,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10764,5,2,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10765,4,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +10766,5,3,11,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10767,3,4,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,187,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10768,5,2,6,1,0,2,1,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10769,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10770,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10771,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,26,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10772,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10773,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10774,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,7,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10775,5,2,6,1,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10776,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,1,0,3,1,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10777,5,1,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10778,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10779,5,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,2,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10780,5,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10781,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10782,3,3,6,1,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10783,5,3,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10784,5,2,4,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,1,1,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +10785,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10786,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10787,3,3,11,2,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10788,3,3,1,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10789,1,2,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10790,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,1,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10791,4,3,2,3,0,1,4,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,99,8,2,1,,1,1,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +10792,2,1,6,1,0,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,22,1,1,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10793,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10794,5,1,9,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,4,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10795,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10796,3,1,8,2,91,2,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10797,5,90,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10798,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10799,3,3,2,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10800,5,1,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10801,5,3,8,2,0,1,2,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10802,3,3,12,2,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,3,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10803,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10804,5,1,1,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,202,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10805,5,3,5,2,1,1,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10806,5,3,2,3,1,1,,0,92,92,,1,2,2,0,92,92,92,1,,,,4,4,6,14,2,1,0,1,1,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10807,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10808,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10809,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,1,1,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10810,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10811,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10812,3,2,10,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10813,5,1,7,1,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,12,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10814,5,3,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,16,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10815,5,1,1,2,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10816,3,3,12,3,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10817,4,3,8,2,91,1,4,1,2,2,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10818,5,3,1,2,91,0,92,0,92,92,0,1,2,2,1,3,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,33,2,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10819,3,1,1,3,91,1,4,,92,92,0,91,92,92,,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,1,1,1,0,1,1,1,1,1,0,1,3,3,1,1,0,1,1,1,1,,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,1,0,1,1,0,1,1,1,1,0,0,1,0,0,0,0,0,92,92,92,92,52,4,2,2,2,1,0,5,1,1,1,0,0,0,0,0,1,1,1,0,1,1,1,0,0,0,0,0,0,1,1,1,1,0,1 +10820,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10821,5,3,11,2,91,2,2,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,2,0,5,1,1,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +10822,4,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,205,17,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10823,5,3,2,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10824,5,3,10,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10825,5,2,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10826,3,2,90,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10827,3,2,6,1,91,0,92,,92,92,0,91,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,49,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10828,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,,,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10829,3,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10830,5,3,9,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10831,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10832,4,2,2,3,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,30,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10833,3,3,9,2,91,0,92,0,92,92,0,1,2,2,1,1,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10834,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10835,5,2,7,1,0,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10836,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10837,3,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10838,1,3,10,2,0,0,92,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10839,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10840,3,1,90,2,91,1,,0,92,92,,91,92,92,,92,92,92,,0,0,0,1,3,5,9,1,1,1,0,0,0,0,2,92,0,1,0,1,0,0,0,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,1,2,1,0,5,1,1,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +10841,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10842,3,2,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10843,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10844,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10845,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10846,4,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10847,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10848,3,3,11,2,0,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10849,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10850,5,3,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10851,5,2,90,2,,0,92,0,92,92,0,91,92,92,1,2,,,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,,92,92,92,92,92,1,,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +10852,5,3,1,3,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10853,3,1,8,2,0,0,92,0,92,92,,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,25,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10854,3,2,9,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10855,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10856,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10857,5,3,8,2,0,1,1,0,92,92,0,,92,92,1,3,2,,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,1,1,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,68,5,2,1,1,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10858,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10859,1,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10860,3,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10861,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10862,5,1,10,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,209,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10863,5,90,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10864,5,1,90,2,,0,92,0,92,92,1,1,1,2,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10865,5,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10866,3,2,8,2,0,0,92,0,92,92,1,1,,3,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10867,5,2,5,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10868,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10869,3,3,90,2,91,,92,,92,92,0,91,92,92,1,1,2,1,,,,,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10870,3,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10871,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10872,3,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10873,5,2,7,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10874,4,3,90,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,78,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10875,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10876,5,3,10,2,0,0,92,0,92,92,1,1,2,2,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10877,2,4,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10878,5,2,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10879,3,3,1,2,1,1,4,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +10880,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10881,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10882,5,1,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10883,1,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10884,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10885,5,3,2,3,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,1,0,0,0,1,0,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,1,1,1,0,0,43,3,2,1,2,3,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +10886,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10887,3,1,5,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10888,3,2,11,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10889,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10890,3,2,8,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10891,5,3,7,1,0,0,92,0,92,92,1,1,2,3,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10892,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10893,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10894,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10895,5,3,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10896,5,3,12,2,0,0,92,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10897,3,1,90,2,91,1,2,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10898,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10899,5,3,6,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10900,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10901,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10902,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10903,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10904,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10905,5,1,12,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,59,4,2,1,,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +10906,3,3,90,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10907,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10908,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10909,4,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10910,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10911,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10912,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10913,5,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10914,5,3,2,3,0,,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,121,10,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10915,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10916,5,3,1,3,91,2,,,92,92,0,91,92,92,,92,92,92,,,,,1,1,1,3,1,1,0,0,0,0,1,1,1,0,1,0,1,0,1,0,1,3,3,1,1,0,0,0,1,1,,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,1,,1,0,5,1,1,1,0,1,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,1,1,1,1 +10917,3,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10918,5,3,9,2,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,1,2,3,4,9,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,2,1,90,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +10919,5,3,11,2,1,1,,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10920,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10921,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10922,3,3,4,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10923,3,3,1,3,,0,92,0,92,92,,,92,92,1,3,2,1,,0,0,0,3,4,6,13,1,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,132,11,2,1,,1,0,5,1,1,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,1,1,1 +10924,5,2,90,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,13,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10925,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10926,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10927,5,1,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10928,3,3,90,3,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10929,3,3,8,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10930,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10931,3,90,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10932,3,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10933,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10934,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10935,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10936,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10937,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10938,4,3,90,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10939,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10940,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10941,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10942,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10943,5,3,5,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10944,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10945,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10946,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,176,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10947,3,2,,,91,0,92,0,92,92,0,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,24,2,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10948,3,1,4,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10949,5,1,5,2,1,1,2,0,92,92,1,1,1,2,1,1,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,144,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10950,4,3,6,1,91,1,4,0,92,92,,91,92,92,1,3,2,1,,0,0,0,1,1,4,6,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,202,16,2,1,,,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10951,5,1,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,6,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10952,5,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10953,5,3,9,2,0,1,,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,2,,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10954,4,3,11,2,0,2,2,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10955,5,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10956,5,1,12,3,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10957,3,3,1,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10958,2,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10959,3,2,5,2,0,0,92,0,92,92,1,1,2,2,1,2,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10960,1,3,12,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10961,5,3,3,3,,1,,0,92,92,0,,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,2,92,0,1,0,0,1,0,0,1,1,1,1,1,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,,1,0,5,1,1,1,0,1,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +10962,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10963,1,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10964,3,3,90,2,1,1,2,0,92,92,,1,3,2,1,2,2,3,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10965,5,2,6,1,1,0,92,0,92,92,1,0,92,92,1,,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,74,6,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10966,2,1,8,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10967,3,2,90,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10968,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10969,1,2,5,2,1,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10970,5,2,8,3,1,2,,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10971,5,1,8,2,0,0,92,0,92,92,1,1,1,2,1,3,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,163,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10972,5,3,6,1,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10973,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10974,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10975,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10976,5,3,10,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10977,3,2,4,2,0,2,,,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,1,1,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10978,3,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10979,5,3,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,13,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10980,5,1,10,2,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10981,5,90,12,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10982,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10983,5,3,11,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10984,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10985,5,3,10,2,1,2,,0,92,92,0,,92,92,1,1,3,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,91,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10986,1,90,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,132,11,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10987,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10988,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10989,5,3,7,1,91,0,92,0,92,92,1,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,32,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10990,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10991,5,3,6,1,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +10992,3,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10993,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10994,1,3,4,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10995,5,1,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10996,1,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10997,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +10998,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +10999,3,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11000,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11001,5,2,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11002,3,3,10,2,0,1,2,1,2,1,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,168,14,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11003,5,1,2,3,0,1,1,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11004,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11005,3,3,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11006,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11007,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11008,3,3,12,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11009,4,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11010,5,2,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11011,2,90,6,1,,2,,0,92,92,1,1,3,2,1,3,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,159,13,2,1,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11012,5,3,7,1,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11013,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11014,5,3,90,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11015,3,1,11,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11016,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11017,4,3,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11018,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11019,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11020,3,90,6,1,1,1,1,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,168,14,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11021,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11022,5,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11023,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11024,3,3,5,2,1,1,2,1,,,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11025,4,2,11,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11026,3,3,1,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11027,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11028,4,2,1,3,91,,92,,92,92,,91,92,92,1,1,2,,,0,0,0,4,4,5,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,1,1,1,,5,1,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11029,3,3,10,2,1,1,2,0,92,92,1,1,3,2,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,152,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +11030,5,90,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11031,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11032,5,1,90,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,25,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11033,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11034,3,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11035,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11036,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11037,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11038,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11039,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11040,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11041,4,3,3,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11042,3,3,12,2,0,0,92,,92,92,1,1,2,2,,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11043,3,3,6,1,1,,92,1,1,,0,0,92,92,1,3,2,,,0,0,0,3,4,6,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,126,10,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11044,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11045,5,2,90,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11046,1,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11047,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11048,5,1,90,2,0,0,92,0,92,92,1,1,1,3,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11049,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11050,5,3,1,2,0,0,92,0,92,92,,0,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11051,4,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11052,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11053,5,3,11,2,0,0,92,0,92,92,,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,203,16,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11054,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11055,5,1,8,3,,0,92,0,92,92,1,91,92,92,1,2,3,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,,92,92,92,92,3,0,1,2,,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +11056,3,3,90,2,0,2,,0,92,92,,1,2,2,1,1,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,125,10,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +11057,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11058,5,1,12,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11059,5,3,12,3,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,104,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11060,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11061,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11062,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,33,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11063,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11064,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11065,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11066,5,3,5,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11067,5,3,8,2,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11068,5,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11069,3,3,8,3,1,0,92,0,92,92,0,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11070,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11071,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11072,5,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11073,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11074,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11075,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11076,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11077,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11078,4,2,5,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,54,4,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11079,5,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11080,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11081,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11082,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11083,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11084,3,2,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11085,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11086,5,2,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11087,3,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11088,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,1,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11089,5,3,8,2,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11090,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11091,5,3,8,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,,92,92,92,92,46,3,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11092,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11093,5,2,11,2,,,92,,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11094,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11095,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11096,3,3,9,2,0,0,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11097,3,1,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11098,3,3,12,2,0,0,92,0,92,92,0,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,85,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11099,5,3,5,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,2,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11100,3,4,11,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,,,,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,204,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11101,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11102,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,161,13,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11103,5,3,5,2,1,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,1,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11104,5,3,1,2,,0,92,0,92,92,,1,3,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,62,5,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11105,5,1,1,3,,1,,0,92,92,,,92,92,0,92,92,92,,1,1,1,1,1,,6,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,63,5,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +11106,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11107,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11108,3,3,6,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11109,5,3,90,2,1,0,92,0,92,92,1,1,1,,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11110,5,1,1,2,1,1,,0,92,92,,1,2,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11111,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11112,3,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11113,4,3,3,3,,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11114,3,3,4,2,,,92,0,92,92,0,1,3,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,2,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,90,7,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11115,5,3,1,2,91,1,,0,92,92,0,91,92,92,1,1,2,1,,1,1,1,1,1,1,3,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,92,92,92,92,94,7,2,1,,,0,5,1,1,1,0,1,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,0,0,1,1,1,1,1 +11116,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,190,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11117,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11118,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11119,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11120,5,2,10,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11121,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11122,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11123,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11124,5,3,7,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11125,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11126,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11127,5,2,9,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11128,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11129,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11130,5,3,9,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11131,3,3,90,2,0,,92,,92,92,0,1,,2,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,1,0,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +11132,3,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,52,4,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11133,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11134,5,3,5,2,,1,,0,92,92,0,,92,92,1,,,2,,0,0,0,3,5,5,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,92,92,92,92,192,16,2,1,,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +11135,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11136,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11137,1,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11138,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,4,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11139,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11140,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11141,3,2,10,2,,1,3,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,186,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11142,5,1,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11143,5,3,11,2,0,0,92,0,92,92,,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11144,3,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11145,3,4,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11146,5,3,6,1,,1,,,92,92,,,92,92,,92,92,92,,0,,,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11147,3,3,9,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11148,5,3,8,3,,2,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11149,5,1,12,3,91,0,92,0,92,92,0,1,,2,1,1,3,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11150,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11151,3,3,3,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11152,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11153,3,2,10,2,0,0,92,0,92,92,,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,150,12,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11154,3,3,6,1,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11155,2,2,11,2,0,0,92,0,92,92,1,0,92,92,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11156,5,3,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,139,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11157,3,1,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11158,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11159,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11160,5,1,11,2,1,2,2,0,92,92,0,,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,161,13,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11161,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11162,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11163,3,90,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11164,5,1,1,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11165,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11166,5,3,,,,,92,,92,92,,1,1,4,1,,4,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,79,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11167,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11168,3,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11169,3,3,8,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11170,4,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11171,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11172,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11173,1,3,8,2,0,0,92,0,92,92,1,1,1,,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11174,5,1,90,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,155,12,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11175,5,1,10,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11176,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11177,1,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11178,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11179,5,3,1,2,1,0,92,0,92,92,,1,2,,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,92,92,92,92,148,12,2,2,,,,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11180,3,3,1,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,180,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11181,5,1,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11182,1,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +11183,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11184,3,3,90,2,1,0,92,0,92,92,1,1,3,2,1,2,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,200,16,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11185,2,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11186,3,3,5,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,86,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11187,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11188,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11189,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11190,5,1,1,2,1,2,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11191,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11192,3,3,9,2,91,0,92,0,92,92,1,0,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11193,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11194,5,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11195,3,3,1,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11196,5,2,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11197,3,3,5,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11198,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11199,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11200,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11201,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11202,4,3,10,2,1,1,,0,92,92,1,1,1,,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,169,14,2,1,2,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11203,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11204,3,3,11,2,0,0,92,0,92,92,0,1,2,2,1,3,3,2,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,158,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11205,3,3,8,2,91,,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11206,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11207,3,3,1,2,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11208,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,113,9,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11209,5,3,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11210,3,1,1,2,0,0,92,0,92,92,1,1,1,2,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11211,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11212,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11213,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11214,1,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11215,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11216,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11217,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11218,1,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11219,3,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11220,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11221,5,3,6,1,0,,92,0,92,92,0,1,3,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,80,6,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11222,5,1,8,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11223,5,3,11,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11224,5,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,31,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11225,3,3,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11226,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11227,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11228,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,196,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11229,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,150,12,2,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11230,3,1,8,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11231,3,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11232,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11233,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,9,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11234,5,1,1,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11235,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11236,3,2,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11237,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11238,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11239,5,3,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11240,3,3,90,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,90,1,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11241,4,3,8,2,91,1,2,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11242,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11243,4,2,8,3,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +11244,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11245,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11246,5,3,1,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11247,3,3,6,1,,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,50,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11248,5,3,1,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11249,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11250,5,3,90,2,0,,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,1,1,2,92,0,1,1,0,1,0,0,1,3,3,1,0,0,0,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,0,3,1,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +11251,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11252,5,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11253,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11254,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11255,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11256,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,18,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11257,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11258,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11259,5,4,8,2,91,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,33,2,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11260,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11261,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11262,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11263,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11264,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,18,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11265,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11266,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11267,5,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,131,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11268,5,3,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11269,3,3,4,2,1,1,2,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,1,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11270,3,3,1,3,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11271,1,2,11,2,0,0,92,0,92,92,0,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,198,16,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11272,3,3,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11273,4,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11274,5,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11275,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11276,5,3,9,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11277,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11278,5,3,6,1,0,0,92,0,92,92,0,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11279,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11280,5,1,10,2,0,2,1,0,92,92,1,1,2,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,136,11,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11281,3,3,7,1,0,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,49,4,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11282,5,3,8,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,67,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11283,3,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11284,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11285,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11286,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11287,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11288,3,1,11,2,,2,,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11289,5,2,2,3,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,1,1,1,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11290,5,2,9,2,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11291,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11292,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11293,5,3,4,2,,1,,0,92,92,0,,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,1,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,187,15,2,1,2,1,,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +11294,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11295,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11296,5,3,90,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,3,0,1,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11297,3,1,10,2,1,0,92,0,92,92,,1,1,2,1,2,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,204,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11298,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11299,5,3,12,3,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11300,3,3,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11301,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11302,4,3,8,3,91,2,,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11303,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11304,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11305,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11306,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11307,5,3,,,1,,92,,92,92,,0,92,92,,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,92,92,92,92,189,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11308,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,2,0,6,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11309,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11310,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11311,3,1,6,1,,0,92,0,92,92,0,1,2,2,1,,2,,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11312,5,2,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11313,4,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,88,7,2,2,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11314,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11315,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11316,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11317,3,3,8,2,91,,92,0,92,92,0,91,92,92,1,3,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11318,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,1,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11319,5,2,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,65,5,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11320,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11321,4,1,4,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,2,,1,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11322,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11323,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11324,5,2,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,1,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,0,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11325,5,1,12,3,0,2,1,0,92,92,0,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,92,92,92,92,116,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11326,5,2,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11327,5,2,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11328,4,3,8,2,91,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,1,4,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +11329,3,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11330,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11331,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11332,5,2,10,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11333,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11334,3,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,179,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11335,5,2,4,2,1,0,92,0,92,92,1,,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,2,2,3,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11336,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11337,2,1,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11338,3,2,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,1,0,0,0,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11339,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11340,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11341,5,90,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11342,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11343,5,2,90,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,19,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11344,4,2,1,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,192,16,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11345,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11346,3,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,42,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11347,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,1,1,1,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11348,2,90,8,2,0,0,92,0,92,92,0,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,14,1,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11349,5,3,8,3,,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11350,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11351,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11352,4,3,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11353,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11354,2,4,10,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,109,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11355,3,3,12,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11356,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11357,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11358,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11359,4,3,7,1,91,,92,1,2,4,0,91,92,92,1,1,2,1,,0,0,0,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,20,1,1,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11360,5,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11361,3,3,3,3,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11362,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11363,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11364,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11365,3,2,8,3,1,2,,0,92,92,0,1,,,1,2,,,,0,0,0,3,4,6,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,1,0,1,0,0,0,1,0,0,0,92,92,92,92,112,9,2,1,2,1,1,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1 +11366,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11367,2,3,1,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11368,5,2,8,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11369,5,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,1,1,0,0,92,92,92,92,92,1,3,3,1,0,0,1,1,0,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,23,1,1,1,1,,0,2,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,1,1,1 +11370,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11371,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11372,3,3,8,2,91,0,92,0,92,92,1,0,92,92,1,3,4,3,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11373,5,2,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,97,8,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11374,4,2,8,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11375,4,3,8,2,91,0,92,0,92,92,1,91,92,92,1,,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11376,5,2,7,1,0,0,92,0,92,92,1,1,,3,1,1,3,3,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,60,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11377,5,3,12,2,,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11378,3,2,8,3,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,18,1,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +11379,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11380,5,1,11,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11381,2,1,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11382,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11383,5,3,8,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11384,5,1,9,2,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,,0,,,,15,2,1,0,1,0,0,0,0,92,0,1,1,0,0,0,0,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11385,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11386,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11387,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11388,4,3,1,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11389,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11390,3,3,11,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11391,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11392,3,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11393,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11394,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11395,5,3,7,1,91,0,92,0,92,92,0,91,92,92,1,,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,44,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11396,3,2,8,3,91,1,1,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11397,3,1,2,3,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,54,4,2,1,2,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11398,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11399,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11400,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11401,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11402,3,2,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11403,5,3,10,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11404,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11405,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,23,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11406,4,3,8,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11407,5,3,9,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11408,3,3,3,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11409,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11410,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11411,3,3,8,2,0,2,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11412,1,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11413,5,2,90,2,1,0,92,0,92,92,0,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11414,3,3,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,185,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11415,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11416,3,3,11,2,0,2,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,,,,15,2,1,0,1,0,0,0,1,1,0,0,92,92,92,92,92,1,3,1,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +11417,3,1,6,1,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,134,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11418,1,2,5,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,1,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11419,3,1,8,2,,2,,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11420,2,1,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11421,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11422,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11423,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11424,5,3,1,2,1,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11425,3,3,90,2,0,0,92,0,92,92,1,1,2,3,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11426,5,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,175,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11427,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11428,5,2,6,1,91,1,2,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11429,3,3,11,2,0,0,92,0,92,92,,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11430,3,1,8,3,91,2,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,16,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11431,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11432,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11433,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11434,3,3,5,2,91,1,,1,3,2,0,91,92,92,0,92,92,92,,0,0,0,1,1,4,6,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,167,13,2,1,2,1,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11435,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11436,5,3,10,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11437,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11438,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11439,2,1,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11440,5,2,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11441,5,3,7,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11442,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11443,5,2,9,2,0,0,92,0,92,92,0,1,1,,1,3,,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,130,10,2,1,,1,0,1,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11444,5,3,8,2,0,1,2,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,82,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11445,5,2,8,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11446,5,3,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11447,5,1,6,1,0,1,2,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11448,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11449,2,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11450,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11451,3,1,11,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11452,5,90,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,87,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11453,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11454,4,3,7,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11455,5,3,8,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11456,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11457,3,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11458,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11459,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,2,2,0,6,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11460,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11461,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11462,5,1,5,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11463,3,3,1,2,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,1,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,66,5,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11464,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11465,5,1,11,2,,0,92,0,92,92,,1,,,1,1,3,2,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,165,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11466,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,2,2,0,6,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11467,3,2,6,1,0,0,92,0,92,92,1,1,1,2,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11468,3,3,8,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,52,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11469,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11470,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,12,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11471,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,38,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11472,5,3,5,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11473,5,3,6,1,,,92,,92,92,0,,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,81,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11474,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11475,1,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11476,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11477,5,3,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11478,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11479,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11480,3,3,2,3,,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11481,3,3,12,2,1,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,2,2,0,1,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11482,4,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11483,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,71,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11484,3,3,11,2,0,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11485,3,2,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11486,5,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11487,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11488,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11489,5,90,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11490,5,3,8,3,91,2,1,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,20,1,1,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11491,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11492,3,3,7,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,19,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11493,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11494,3,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11495,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,1,1,0,0,6,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11496,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11497,3,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11498,5,3,6,1,1,1,2,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,190,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11499,5,90,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11500,5,1,2,3,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11501,3,1,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11502,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11503,5,1,10,2,1,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,131,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11504,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11505,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11506,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11507,5,2,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11508,3,3,6,1,1,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,122,10,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11509,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11510,5,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,199,16,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11511,3,3,11,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,3,4,6,13,1,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11512,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11513,3,3,10,2,0,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11514,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11515,3,1,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,33,2,2,1,,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11516,3,1,10,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11517,5,2,90,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11518,4,2,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11519,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11520,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11521,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11522,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,4,0,1,1,,1,0,1,1,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11523,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11524,5,2,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11525,3,3,1,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11526,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,4,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11527,5,2,9,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11528,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11529,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,1,0,0,20,1,1,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11530,5,1,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11531,1,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11532,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11533,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11534,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11535,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11536,3,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11537,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11538,1,3,12,3,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,27,2,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11539,5,3,90,2,1,0,92,0,92,92,1,1,,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11540,3,1,2,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,70,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11541,3,3,8,2,,,92,0,92,92,1,1,1,2,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11542,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11543,3,3,90,2,0,0,92,0,92,92,0,1,1,2,1,3,2,1,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11544,3,3,8,2,0,0,92,0,92,92,1,1,2,2,1,2,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,75,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11545,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11546,1,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11547,1,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11548,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11549,4,3,8,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11550,5,2,90,2,0,0,92,0,92,92,0,1,3,2,1,2,2,,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,208,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11551,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11552,3,2,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11553,4,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11554,3,3,4,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11555,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11556,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11557,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11558,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11559,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11560,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11561,5,2,2,3,0,2,,0,92,92,0,1,1,2,0,92,92,92,0,1,1,1,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11562,5,3,10,2,0,0,92,0,92,92,0,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,166,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11563,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11564,5,3,7,1,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11565,5,1,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,,,,,,,15,2,0,92,92,92,92,92,0,92,,,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11566,3,3,4,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11567,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11568,3,3,1,3,,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11569,5,3,1,2,0,1,,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11570,4,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11571,3,3,90,2,,0,92,0,92,92,1,1,1,,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11572,4,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11573,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11574,5,3,5,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11575,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11576,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,,,,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11577,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11578,5,3,12,2,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11579,5,3,6,1,0,2,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11580,1,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11581,3,3,11,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11582,5,3,1,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11583,5,2,6,1,91,0,92,1,2,2,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11584,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11585,4,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11586,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11587,5,3,1,2,91,1,,,92,92,,91,92,92,0,92,92,92,,0,0,0,1,4,4,9,1,1,1,0,0,0,0,1,1,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,1,1,0,0,1,1,1,0,0,1,0,0,0,0,0,92,92,92,92,34,2,2,2,,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,1,1,1 +11588,3,3,11,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11589,3,3,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11590,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11591,5,3,1,3,91,,92,,92,92,,91,92,92,,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,2,,,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +11592,,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11593,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11594,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11595,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11596,5,3,6,1,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11597,5,2,7,1,0,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11598,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11599,3,1,1,2,0,,92,0,92,92,,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11600,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11601,5,3,8,3,91,0,92,0,92,92,0,1,,2,1,2,3,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,51,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11602,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11603,5,2,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11604,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11605,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11606,5,1,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11607,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11608,4,3,8,2,,0,92,0,92,92,0,1,2,2,1,1,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11609,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11610,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11611,3,3,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11612,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11613,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11614,3,3,8,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11615,3,3,1,3,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11616,5,3,12,2,1,1,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11617,5,3,8,3,1,1,,0,92,92,0,,92,92,1,1,2,,,0,0,0,3,4,6,13,1,1,0,0,1,0,0,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,119,9,2,1,,,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +11618,3,1,2,3,91,1,4,1,3,2,0,91,92,92,,92,92,92,,0,0,0,2,1,3,6,1,1,0,0,0,0,0,1,1,0,0,92,92,92,92,92,1,3,3,1,0,0,1,1,0,0,,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,2,,1,0,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1 +11619,3,3,6,1,0,0,92,0,92,92,0,1,2,2,1,3,,1,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,107,8,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11620,4,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11621,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,90,7,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11622,5,2,9,2,,0,92,0,92,92,,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,1,1,3,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,2,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11623,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11624,5,3,2,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11625,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11626,5,3,1,3,1,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,207,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11627,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11628,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11629,5,3,8,3,91,1,2,0,92,92,0,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11630,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,84,7,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11631,5,3,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11632,5,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11633,5,2,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11634,5,3,8,3,91,0,92,0,92,92,0,91,92,92,,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,2,0,1,1,,2,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +11635,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11636,5,3,90,2,1,1,3,1,2,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,206,17,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11637,5,4,12,2,91,2,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11638,5,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11639,5,3,2,2,0,0,92,0,92,92,0,1,2,2,1,1,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,55,4,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11640,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11641,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11642,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11643,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11644,3,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11645,5,3,12,2,,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11646,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11647,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11648,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11649,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11650,2,1,8,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,102,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11651,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11652,3,3,6,1,1,2,,1,1,,0,1,,2,1,3,2,1,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,104,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11653,5,1,8,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11654,4,3,10,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11655,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11656,4,3,1,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11657,3,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,21,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11658,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11659,3,2,10,2,1,1,,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11660,3,3,8,3,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11661,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11662,5,2,10,2,0,0,92,0,92,92,0,1,3,3,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,130,10,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +11663,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11664,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11665,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11666,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11667,3,3,6,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11668,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11669,3,2,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11670,3,1,9,2,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11671,1,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11672,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11673,3,4,1,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11674,4,2,1,2,,1,,0,92,92,,,92,92,1,2,2,1,,0,0,0,2,1,4,7,1,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,2,1,,0,5,1,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,1,1,1 +11675,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,1,90,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +11676,5,2,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,1,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11677,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11678,5,3,8,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11679,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11680,5,2,12,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11681,5,1,4,2,0,0,92,0,92,92,1,1,3,,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,69,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11682,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11683,3,3,4,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11684,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,1,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +11685,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11686,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11687,5,2,11,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11688,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11689,1,3,6,1,1,0,92,0,92,92,0,1,,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,92,92,92,92,58,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11690,3,2,,,1,1,,,92,92,1,1,2,2,1,1,3,,0,,,,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11691,1,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11692,3,3,90,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11693,3,3,8,3,1,,92,0,92,92,0,0,92,92,1,1,2,1,0,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,2,2,1,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +11694,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11695,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11696,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11697,5,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,203,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11698,5,4,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11699,5,2,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11700,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11701,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11702,5,3,8,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11703,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11704,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11705,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11706,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11707,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11708,3,1,6,1,0,0,92,0,92,92,,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,63,5,2,1,1,,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11709,3,3,6,1,0,,92,0,92,92,1,1,1,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11710,5,1,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11711,5,3,1,3,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,2,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11712,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11713,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11714,4,3,10,2,0,1,4,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,195,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11715,4,1,1,2,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,2,4,8,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,169,14,2,2,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,1 +11716,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,127,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11717,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11718,5,3,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11719,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11720,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11721,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11722,5,3,7,1,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11723,3,3,11,2,1,1,3,1,1,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,172,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11724,3,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11725,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11726,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11727,1,3,1,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11728,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11729,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11730,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11731,5,2,10,2,,0,92,0,92,92,1,0,92,92,1,,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,207,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11732,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11733,5,1,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11734,1,3,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,1,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +11735,5,3,5,2,1,1,,0,92,92,,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11736,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11737,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11738,5,1,7,1,0,0,92,0,92,92,0,1,1,2,1,2,3,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11739,3,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,129,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11740,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11741,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11742,5,3,11,2,0,0,92,0,92,92,1,0,92,92,1,2,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,152,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11743,5,3,1,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11744,5,2,90,2,0,0,92,0,92,92,1,0,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,45,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11745,4,3,8,2,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,15,1,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11746,4,3,2,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,1,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11747,3,3,11,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +11748,4,3,1,3,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11749,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11750,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11751,5,1,8,2,0,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,1,2,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11752,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,9,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11753,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11754,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11755,5,3,6,1,0,0,92,0,92,92,0,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11756,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11757,5,3,6,1,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11758,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11759,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,1,4,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11760,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,2,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11761,3,3,8,2,91,1,,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,11,0,1,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11762,3,1,8,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11763,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11764,5,2,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11765,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11766,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,1,2,,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11767,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11768,4,2,1,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,1,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,103,8,2,1,,,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11769,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11770,3,1,12,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11771,5,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11772,3,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11773,3,3,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11774,3,3,6,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11775,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11776,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11777,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11778,3,1,2,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,1,4,9,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,1,,1,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11779,1,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11780,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11781,5,1,1,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11782,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11783,5,3,8,2,0,2,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,105,8,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11784,5,3,8,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11785,5,2,10,2,0,0,92,0,92,92,0,1,3,2,1,3,3,1,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,156,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11786,3,3,6,1,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11787,4,3,90,2,91,1,,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11788,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,1,0,0,0,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,146,12,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11789,5,2,11,2,0,0,92,0,92,92,1,0,92,92,1,3,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11790,4,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11791,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11792,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11793,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11794,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11795,3,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11796,5,3,7,1,0,0,92,0,92,92,0,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11797,5,3,11,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11798,5,1,10,3,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11799,1,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,16,1,1,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11800,5,3,10,2,1,1,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11801,3,3,2,3,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,1,,1,0,90,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +11802,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11803,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11804,5,3,10,2,,0,92,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11805,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,2,1,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +11806,5,2,6,1,0,2,1,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,97,8,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11807,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11808,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11809,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11810,3,2,8,2,1,,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11811,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,35,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11812,3,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11813,4,3,6,1,,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11814,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11815,5,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11816,3,3,8,2,91,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11817,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11818,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,17,1,1,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11819,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11820,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11821,5,2,10,3,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11822,5,3,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11823,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11824,3,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11825,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11826,5,3,10,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,163,13,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11827,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11828,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11829,3,3,3,3,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,150,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11830,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11831,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11832,5,2,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11833,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11834,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11835,3,3,1,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,1,6,11,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,33,2,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11836,4,3,10,2,1,1,,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11837,5,3,5,2,1,1,,0,92,92,0,1,,,1,,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,165,13,2,1,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +11838,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11839,3,3,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11840,4,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11841,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11842,5,3,11,2,,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11843,5,90,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11844,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11845,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11846,1,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11847,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11848,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11849,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11850,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11851,4,3,10,2,1,2,,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,186,15,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11852,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,19,1,1,2,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11853,3,3,12,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11854,4,2,12,3,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,92,92,92,92,142,11,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11855,5,3,10,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,210,17,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11856,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11857,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11858,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11859,4,3,90,2,,2,,0,92,92,0,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11860,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11861,5,3,8,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11862,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11863,3,2,4,2,0,0,92,0,92,92,0,1,3,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,0,1,1,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11864,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11865,3,3,2,3,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11866,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11867,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11868,4,3,9,2,0,0,92,0,92,92,1,1,2,3,1,3,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,159,13,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11869,3,3,3,3,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11870,5,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11871,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11872,5,3,9,2,0,0,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11873,1,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,32,2,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +11874,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11875,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11876,4,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,1,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,1,1,0,0,5,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11877,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,159,13,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11878,1,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,4,0,1,1,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11879,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11880,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11881,5,2,10,2,1,0,92,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11882,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11883,3,3,10,2,0,2,2,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,203,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11884,5,90,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11885,3,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11886,2,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11887,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11888,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11889,5,2,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11890,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11891,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,126,10,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11892,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11893,1,3,5,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11894,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11895,2,4,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11896,5,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11897,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +11898,3,1,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,24,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11899,5,3,1,2,,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,72,6,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11900,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11901,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11902,2,1,90,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11903,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,21,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11904,4,2,2,3,0,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,2,2,1,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +11905,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,12,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11906,2,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11907,5,3,1,2,,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,69,5,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11908,4,3,5,2,1,1,3,0,92,92,0,1,,,1,3,2,1,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,192,16,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +11909,5,2,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,106,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11910,5,3,6,1,91,0,92,1,2,1,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,15,1,1,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11911,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11912,5,2,11,2,0,1,2,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11913,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11914,1,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11915,3,1,2,3,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,1,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,1,,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11916,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11917,5,3,10,2,1,1,,0,92,92,0,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,143,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11918,3,3,12,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11919,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11920,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,0,0,1,2,,,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11921,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11922,5,3,2,3,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,2,2,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11923,3,3,8,2,0,0,92,0,92,92,1,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11924,4,3,12,2,0,1,1,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11925,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11926,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11927,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11928,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11929,5,2,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11930,5,2,6,1,,0,92,0,92,92,,,92,92,,92,92,92,,0,0,0,,,,15,2,,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11931,2,1,90,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11932,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,16,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11933,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +11934,1,2,8,3,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,8,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11935,5,3,1,3,,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11936,4,3,10,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11937,3,3,9,2,0,0,92,0,92,92,0,0,92,92,1,3,3,1,1,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,94,7,2,2,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11938,5,90,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11939,3,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11940,5,2,1,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,178,14,2,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11941,5,2,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11942,5,90,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11943,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11944,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11945,5,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,52,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11946,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11947,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11948,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11949,3,3,2,3,1,,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11950,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11951,3,1,1,2,,1,,1,2,1,,,92,92,0,92,92,92,,,,,4,4,6,14,2,1,1,0,1,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,92,92,92,92,125,10,2,2,2,1,0,5,1,1,1,0,0,1,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +11952,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11953,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11954,5,2,8,2,91,0,92,0,92,92,,91,92,92,1,2,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11955,5,3,7,1,91,0,92,0,92,92,1,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11956,5,3,90,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,81,6,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11957,1,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11958,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11959,3,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11960,5,2,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11961,5,2,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11962,4,3,8,2,91,1,3,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,12,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11963,5,3,1,3,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11964,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11965,5,2,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11966,1,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11967,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11968,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11969,5,3,7,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11970,1,3,8,2,91,,92,0,92,92,0,91,92,92,1,1,4,1,,0,0,0,3,4,5,12,1,1,0,1,1,0,0,1,1,0,0,92,92,92,92,92,1,,3,1,0,0,0,0,1,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,1,1,0,1,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,27,2,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +11971,5,3,6,1,91,0,92,1,1,,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,23,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11972,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11973,5,3,90,2,0,0,92,0,92,92,1,1,,,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,184,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11974,3,1,10,2,0,0,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11975,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11976,4,3,8,2,91,0,92,0,92,92,0,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,45,3,2,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11977,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11978,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,108,9,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11979,5,1,90,2,0,0,92,0,92,92,0,1,2,2,1,2,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,55,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11980,5,3,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11981,4,3,8,3,0,0,92,1,2,2,0,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,92,92,92,92,82,6,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +11982,5,2,9,2,91,0,92,0,92,92,0,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11983,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11984,5,3,10,2,0,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11985,4,3,8,3,91,2,2,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,23,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11986,5,3,6,1,0,0,92,0,92,92,,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,191,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11987,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11988,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11989,3,3,8,2,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11990,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11991,5,3,6,1,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,146,12,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11992,3,3,8,2,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,30,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11993,5,3,90,2,,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11994,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11995,3,1,6,1,0,0,92,0,92,92,1,0,92,92,1,3,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11996,3,3,2,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +11997,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11998,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +11999,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12000,4,3,1,3,0,1,1,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,1,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12001,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12002,5,3,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12003,5,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12004,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12005,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12006,5,3,1,3,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12007,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,3,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12008,5,3,8,3,,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12009,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,29,2,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12010,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12011,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12012,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12013,5,3,11,2,,1,3,0,92,92,0,,92,92,1,3,2,1,,0,0,0,4,1,6,11,1,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,215,17,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12014,3,3,6,1,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12015,5,1,6,1,,2,,0,92,92,,1,3,2,1,1,2,1,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12016,3,2,11,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12017,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12018,3,90,90,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12019,4,3,9,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12020,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12021,2,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12022,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12023,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12024,5,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12025,3,3,6,1,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,163,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12026,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12027,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12028,1,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12029,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12030,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,1,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12031,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12032,2,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12033,3,3,8,2,91,0,92,1,1,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,4,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12034,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12035,5,1,90,3,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12036,5,3,8,2,91,,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,6,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12037,3,1,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12038,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12039,1,3,8,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12040,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12041,5,3,3,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12042,3,1,90,2,0,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12043,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12044,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12045,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,77,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12046,1,3,4,2,0,1,,0,92,92,1,1,2,2,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,129,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12047,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12048,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12049,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12050,3,2,4,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12051,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12052,3,3,12,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,63,5,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12053,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12054,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12055,5,3,10,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12056,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12057,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12058,5,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12059,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12060,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12061,4,3,8,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12062,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,1,,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +12063,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12064,5,2,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12065,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12066,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12067,3,1,90,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12068,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12069,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12070,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12071,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12072,3,4,8,2,0,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12073,2,1,11,2,0,0,92,0,92,92,1,1,2,3,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,159,13,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12074,5,2,12,2,0,0,92,0,92,92,1,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12075,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12076,5,3,8,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,22,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12077,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12078,4,3,10,2,1,1,2,1,1,1,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,183,15,2,1,1,1,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +12079,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12080,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12081,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12082,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,64,5,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12083,5,3,10,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12084,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12085,5,2,8,2,91,1,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12086,5,3,1,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,1,0,0,1,,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,40,3,2,1,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12087,2,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12088,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12089,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12090,5,3,12,2,,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,1,5,7,1,1,0,1,0,0,1,0,92,0,1,1,0,0,0,0,1,3,3,1,1,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,1,2,3,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,1,1,1 +12091,1,3,4,2,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,,,4,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12092,5,4,10,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12093,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12094,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12095,5,1,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12096,1,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12097,5,1,10,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,204,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12098,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12099,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12100,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12101,1,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12102,3,3,12,2,0,0,92,0,92,92,0,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,64,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12103,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12104,4,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12105,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12106,3,3,6,1,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,21,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12107,4,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12108,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12109,5,2,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12110,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12111,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12112,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,1,,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +12113,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12114,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12115,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12116,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12117,3,3,90,2,91,2,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,17,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12118,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12119,1,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12120,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12121,5,2,4,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,85,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12122,3,3,8,2,91,2,1,0,92,92,1,0,92,92,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12123,5,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12124,4,3,10,2,1,1,2,0,92,92,1,1,1,2,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12125,4,3,2,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12126,3,1,6,1,0,0,92,0,92,92,0,1,1,3,1,3,3,3,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,115,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12127,1,1,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12128,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12129,5,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12130,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,64,5,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12131,3,3,1,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12132,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12133,4,3,10,2,1,0,92,0,92,92,0,1,3,2,1,3,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12134,3,2,6,1,0,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12135,3,2,10,2,,2,3,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12136,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12137,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,31,2,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12138,3,3,90,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12139,2,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12140,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12141,5,3,90,2,91,,92,,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12142,3,2,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12143,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12144,5,1,8,2,1,2,,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12145,3,1,4,2,0,0,92,0,92,92,0,1,1,2,1,2,2,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,70,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12146,3,3,12,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12147,5,1,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12148,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12149,3,1,2,3,0,1,3,1,2,2,1,1,2,1,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +12150,5,4,8,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12151,5,3,8,2,,0,92,0,92,92,,91,92,92,0,92,92,92,0,,,,2,3,4,9,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,31,2,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12152,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12153,5,1,90,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12154,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12155,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12156,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12157,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12158,4,3,8,3,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12159,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12160,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12161,3,3,90,2,1,1,3,0,92,92,0,,92,92,1,3,2,1,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,51,4,2,1,2,1,0,5,1,1,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +12162,3,1,11,2,1,1,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,176,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12163,5,2,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12164,3,3,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12165,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12166,5,1,90,2,91,2,,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,,1,1,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12167,5,3,1,2,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12168,5,2,8,2,91,0,92,0,92,92,0,1,,2,1,3,4,2,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,35,2,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12169,1,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12170,1,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12171,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12172,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,1,1,0,0,6,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12173,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12174,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12175,5,1,1,2,91,0,92,0,92,92,1,1,,2,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,92,92,92,92,51,4,2,1,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12176,3,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12177,2,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12178,5,1,1,3,91,2,,1,3,2,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,43,3,2,2,,2,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12179,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12180,5,3,11,2,1,1,,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,187,15,2,1,2,2,0,3,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0 +12181,5,3,12,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +12182,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,2,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12183,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12184,5,3,10,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12185,3,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12186,5,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12187,4,3,9,2,91,1,4,,92,92,0,91,92,92,1,,1,1,,0,0,0,3,2,6,11,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12188,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12189,5,2,1,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12190,5,2,7,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12191,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,8,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12192,5,1,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12193,3,3,90,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12194,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12195,3,90,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12196,4,3,7,1,,1,,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,91,7,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12197,4,2,6,1,1,1,1,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12198,5,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,104,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12199,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12200,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,120,10,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12201,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12202,1,90,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +12203,4,3,2,3,,0,92,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12204,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12205,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12206,1,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,4,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12207,5,3,8,2,91,1,2,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,1,0,0,21,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12208,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12209,5,3,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12210,3,2,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12211,5,3,4,2,0,0,92,0,92,92,0,1,3,,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,83,6,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12212,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12213,3,3,1,3,0,,92,0,92,92,1,1,1,,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,41,3,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12214,5,2,8,2,1,1,3,0,92,92,0,1,3,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,1,0,1,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12215,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12216,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12217,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12218,1,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12219,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12220,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12221,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12222,3,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12223,3,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12224,5,3,8,3,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,21,1,1,2,1,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12225,3,3,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12226,5,3,5,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12227,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12228,5,2,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,50,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12229,3,2,6,1,0,0,92,0,92,92,1,1,2,3,1,2,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,1,0,0,0,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,151,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12230,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12231,3,3,90,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,1,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12232,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12233,3,3,10,3,0,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12234,3,1,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12235,4,3,90,2,91,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12236,5,2,11,2,0,1,3,1,1,2,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,176,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12237,4,2,1,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12238,5,1,90,2,,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12239,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12240,3,3,6,1,0,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12241,4,2,6,1,,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12242,5,3,4,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,68,5,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12243,1,4,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12244,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12245,5,2,4,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12246,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12247,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12248,3,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12249,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12250,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12251,3,3,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12252,3,3,4,2,,0,92,0,92,92,0,1,3,2,1,3,2,1,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,157,13,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12253,2,1,6,1,0,0,92,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,118,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12254,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12255,4,1,12,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,66,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12256,5,4,1,2,1,2,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12257,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12258,5,3,90,2,91,2,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12259,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12260,5,2,11,2,,,92,1,2,2,,,92,92,0,92,92,92,,0,0,0,3,4,4,11,1,1,1,0,0,0,1,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,201,16,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12261,5,3,8,2,91,0,92,,92,92,0,91,92,92,1,1,3,,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,26,2,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12262,5,3,8,3,91,1,2,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,44,3,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12263,5,90,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12264,5,3,11,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,100,8,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12265,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12266,5,90,8,2,91,1,2,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,31,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12267,5,3,90,2,0,1,4,0,92,92,0,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,50,4,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12268,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12269,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12270,3,3,11,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12271,5,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,22,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12272,5,3,2,3,0,2,,0,92,92,,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,92,7,2,1,,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12273,5,3,11,2,0,0,92,0,92,92,0,1,3,2,1,1,4,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,192,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12274,2,1,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12275,3,3,9,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,86,7,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12276,5,3,4,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12277,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,11,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12278,5,1,8,2,91,0,92,0,92,92,1,0,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12279,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12280,4,3,8,3,0,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,32,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12281,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12282,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12283,3,3,90,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12284,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12285,4,2,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12286,3,3,12,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12287,5,3,3,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12288,5,2,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12289,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12290,2,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12291,3,3,90,2,1,1,3,0,92,92,0,1,1,2,1,2,3,,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,169,14,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12292,3,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12293,3,2,11,2,1,1,,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,180,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12294,3,1,,,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,31,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12295,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12296,4,3,11,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,1,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12297,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12298,5,4,8,3,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12299,4,3,11,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12300,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12301,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,37,3,2,1,1,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +12302,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12303,5,3,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12304,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12305,3,1,4,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12306,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12307,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12308,5,1,8,2,91,1,,0,92,92,,91,92,92,1,1,2,,,0,0,0,2,1,5,8,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,207,17,2,1,,2,0,5,1,1,1,0,0,1,1,0,0,0,0,1,1,1,1,1,0,0,0,0,0,0,1,1,1,1,1 +12309,3,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12310,3,1,1,2,91,2,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12311,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12312,5,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12313,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12314,5,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12315,5,2,11,3,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12316,3,1,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,,1,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +12317,5,1,10,2,1,2,1,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12318,3,3,2,3,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12319,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12320,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12321,5,2,90,2,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12322,5,3,12,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,11,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12323,5,3,1,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12324,5,1,4,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12325,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12326,3,1,90,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12327,5,1,4,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,3,4,6,13,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,35,2,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12328,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12329,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12330,5,4,8,2,,0,92,0,92,92,1,0,92,92,1,,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,42,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12331,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12332,5,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12333,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12334,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,21,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12335,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12336,3,3,90,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12337,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12338,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12339,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12340,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12341,3,3,6,1,91,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12342,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12343,4,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +12344,3,3,10,2,1,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12345,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12346,5,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12347,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12348,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12349,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12350,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12351,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12352,3,3,1,2,0,0,92,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12353,5,3,8,3,,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12354,2,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12355,4,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12356,5,1,10,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12357,4,2,1,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12358,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12359,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12360,5,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12361,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12362,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12363,2,3,90,2,0,0,92,0,92,92,0,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,111,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12364,5,3,11,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12365,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12366,5,2,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12367,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12368,3,3,10,2,1,2,2,0,92,92,0,1,2,2,,92,92,92,0,0,0,0,,,,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12369,5,3,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12370,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,28,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +12371,1,3,10,3,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12372,4,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12373,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12374,4,2,2,3,0,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +12375,5,3,6,1,91,0,92,0,92,92,1,1,1,3,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12376,5,3,3,3,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,192,16,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12377,3,1,90,2,,0,92,0,92,92,1,1,2,2,,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12378,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12379,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12380,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12381,5,3,4,2,1,,92,0,92,92,0,1,3,2,1,1,3,,1,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,172,14,2,2,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12382,3,3,9,2,0,0,92,0,92,92,1,1,2,3,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,174,14,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12383,5,1,10,2,1,1,3,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12384,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12385,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12386,4,3,4,2,,1,4,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,68,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12387,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12388,1,3,4,2,91,1,3,1,2,2,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,186,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12389,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12390,1,3,90,2,1,1,,0,92,92,0,,92,92,,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,185,15,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12391,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12392,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12393,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12394,4,3,2,3,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12395,5,4,2,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12396,3,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,38,3,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12397,5,2,11,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12398,5,3,6,1,1,1,3,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12399,3,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12400,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12401,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,135,11,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12402,3,3,9,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12403,5,1,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12404,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12405,5,3,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12406,3,2,6,1,0,0,92,0,92,92,0,1,2,2,1,3,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,43,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12407,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12408,3,2,6,1,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12409,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12410,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12411,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12412,3,3,12,3,1,2,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12413,5,3,8,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,38,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12414,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12415,4,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12416,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12417,2,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12418,5,2,6,1,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12419,3,3,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12420,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,161,13,2,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12421,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12422,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12423,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12424,5,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12425,4,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,83,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12426,5,2,10,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12427,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12428,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,4,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,1,1,1,0,0,18,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12429,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12430,5,2,8,2,0,1,1,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12431,4,3,10,2,0,1,1,0,92,92,1,1,,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,195,16,2,1,1,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12432,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12433,5,3,11,2,1,1,,0,92,92,1,1,3,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12434,4,3,4,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12435,4,3,3,3,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,99,8,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12436,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12437,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12438,5,3,6,1,1,2,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12439,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12440,2,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12441,5,1,12,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,206,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12442,5,3,10,2,1,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12443,3,1,1,2,1,,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,195,16,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12444,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12445,5,1,1,2,,1,,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,155,12,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12446,4,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,3,,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12447,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12448,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12449,2,1,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12450,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12451,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12452,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12453,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,32,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12454,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12455,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12456,5,3,2,3,1,1,2,0,92,92,0,0,92,92,1,1,3,,0,0,0,1,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,82,6,2,1,,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12457,5,3,1,3,1,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,212,17,2,2,,1,0,3,1,1,1,0,0,0,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +12458,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,10,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12459,5,2,6,1,0,,92,0,92,92,0,1,2,1,0,92,92,92,1,0,0,0,4,5,6,15,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12460,5,2,90,2,0,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,99,8,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12461,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12462,4,2,9,2,91,0,92,0,92,92,1,0,92,92,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12463,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12464,1,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12465,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12466,5,3,1,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,2,,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12467,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12468,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12469,4,3,8,2,,0,92,0,92,92,1,1,1,2,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,44,3,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12470,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12471,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12472,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12473,5,3,8,2,91,1,,1,1,3,0,91,92,92,1,1,2,,,0,0,0,4,2,1,7,1,1,1,0,1,0,0,1,1,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,170,14,2,1,1,90,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1 +12474,3,3,5,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12475,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12476,3,1,90,2,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,14,1,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12477,3,1,10,2,1,1,2,0,92,92,1,1,2,2,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,210,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12478,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12479,5,3,4,2,1,0,92,0,92,92,0,1,2,2,1,3,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,150,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12480,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12481,3,3,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,73,6,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12482,5,2,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,112,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12483,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12484,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12485,3,3,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,1,1,0,0,0,0,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12486,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12487,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12488,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12489,5,3,10,3,1,1,3,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,188,15,2,1,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +12490,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12491,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12492,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12493,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12494,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12495,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12496,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12497,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,145,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12498,3,3,8,2,0,0,92,0,92,92,0,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,45,3,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12499,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12500,1,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12501,2,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12502,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12503,1,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12504,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12505,4,3,12,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12506,3,1,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,109,9,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12507,5,3,4,2,1,2,,0,92,92,0,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12508,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12509,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,71,5,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12510,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12511,5,2,10,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,115,9,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12512,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,1,6,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +12513,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12514,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12515,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12516,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12517,4,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,1,1,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,33,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12518,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12519,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12520,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12521,4,3,6,1,0,1,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12522,3,3,10,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12523,5,3,8,2,1,,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12524,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12525,3,3,8,2,0,0,92,0,92,92,0,0,92,92,1,1,3,3,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,92,92,92,92,37,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12526,5,2,10,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12527,5,3,1,3,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,90,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12528,5,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12529,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +12530,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12531,5,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12532,4,3,8,3,91,1,4,,92,92,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,1 +12533,1,2,12,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12534,3,3,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12535,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12536,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,213,17,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12537,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12538,5,3,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12539,5,2,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12540,1,3,8,2,91,0,92,0,92,92,,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12541,3,2,90,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12542,5,1,4,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12543,3,1,1,2,1,1,3,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,2,,1,0,3,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12544,4,2,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12545,4,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,124,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12546,5,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12547,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,3,5,11,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,75,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12548,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12549,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12550,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12551,4,2,10,2,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12552,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,15,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12553,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12554,5,3,6,1,0,0,92,0,92,92,0,1,,3,1,,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,96,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12555,5,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12556,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12557,3,3,1,2,0,0,92,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12558,1,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12559,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12560,3,2,6,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12561,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12562,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12563,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12564,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12565,5,2,90,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12566,3,1,1,3,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,187,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12567,4,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12568,5,3,8,3,91,0,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12569,3,2,8,3,91,0,92,0,92,92,1,,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12570,3,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12571,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12572,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12573,3,3,11,2,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12574,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12575,5,3,6,1,1,1,,0,92,92,,1,1,2,1,3,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12576,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12577,3,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12578,4,3,10,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12579,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,7,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12580,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12581,5,3,8,3,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12582,3,2,4,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12583,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12584,5,3,1,2,,0,92,0,92,92,0,,92,92,0,92,92,92,,1,1,1,1,,1,4,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,154,12,2,1,,1,0,5,1,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +12585,5,3,10,2,1,0,92,0,92,92,0,1,2,2,1,2,2,2,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,188,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12586,5,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,99,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12587,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12588,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,44,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12589,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12590,3,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12591,3,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12592,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,0,0,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12593,5,90,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12594,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,58,4,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12595,5,1,1,3,0,0,92,0,92,92,,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12596,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12597,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12598,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12599,1,1,11,2,0,2,,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12600,3,3,1,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12601,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12602,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12603,5,3,1,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12604,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12605,5,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,13,1,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12606,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12607,4,3,9,2,,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12608,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12609,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,26,2,2,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12610,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12611,5,2,11,2,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12612,3,2,2,3,,,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,66,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12613,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12614,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12615,3,1,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,3,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12616,4,3,10,2,0,,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,73,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12617,5,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,10,0,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12618,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12619,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12620,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12621,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12622,5,1,90,2,1,0,92,0,92,92,1,1,2,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12623,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12624,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12625,5,2,10,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12626,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12627,5,1,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12628,5,3,1,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12629,5,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,110,9,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12630,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12631,5,3,9,2,1,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12632,5,1,7,1,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12633,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12634,5,3,2,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12635,3,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12636,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12637,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12638,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12639,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12640,3,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12641,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12642,2,1,4,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12643,5,2,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12644,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12645,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12646,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12647,3,1,1,2,1,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12648,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12649,3,1,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12650,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,13,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12651,5,2,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12652,3,4,6,1,0,0,92,0,92,92,1,0,92,92,1,3,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12653,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12654,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12655,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12656,3,3,4,2,0,1,1,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,186,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12657,1,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12658,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12659,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,113,9,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12660,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12661,5,1,10,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12662,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12663,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12664,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12665,3,3,5,2,1,1,,0,92,92,0,1,2,2,1,3,2,2,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,175,14,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +12666,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12667,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12668,5,3,90,2,,1,3,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12669,5,3,1,3,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,2,1,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12670,3,3,1,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12671,2,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12672,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12673,3,1,4,2,,1,2,0,92,92,1,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,92,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12674,3,1,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12675,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12676,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12677,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12678,5,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +12679,3,2,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12680,1,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12681,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12682,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12683,3,2,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12684,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12685,2,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12686,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12687,4,3,4,2,0,0,92,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,63,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12688,5,1,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12689,3,3,8,2,0,0,92,0,92,92,0,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,62,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12690,2,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12691,5,3,,,,,92,,92,92,0,,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,1,,1,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +12692,3,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12693,5,3,8,2,0,,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,48,4,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12694,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12695,3,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12696,5,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12697,4,3,10,2,0,1,2,0,92,92,,1,,,1,,2,,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,173,14,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12698,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12699,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12700,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12701,5,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12702,5,2,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12703,5,1,4,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,117,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12704,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12705,4,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12706,5,2,8,2,0,0,92,0,92,92,1,1,3,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,63,5,2,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12707,5,2,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12708,3,3,11,2,0,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12709,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12710,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12711,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12712,3,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12713,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12714,3,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12715,5,2,8,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,83,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12716,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12717,3,1,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12718,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12719,3,3,3,3,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12720,3,2,11,2,0,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,75,6,2,2,2,2,0,4,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +12721,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12722,3,1,7,1,,0,92,0,92,92,0,0,92,92,1,3,4,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,30,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12723,5,1,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12724,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12725,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12726,5,3,4,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12727,5,3,5,2,0,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,1,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12728,5,3,8,3,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12729,1,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12730,5,2,8,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,57,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12731,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12732,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,1,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,3,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12733,5,3,8,3,91,2,2,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12734,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12735,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12736,3,1,8,2,0,2,2,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,72,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12737,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12738,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12739,3,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,3,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12740,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12741,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12742,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12743,3,3,8,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,60,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12744,4,2,6,1,0,2,1,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12745,3,2,90,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12746,3,3,4,2,1,2,,0,92,92,1,1,2,2,1,2,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,121,10,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12747,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12748,1,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,17,1,1,2,2,1,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +12749,3,2,8,2,91,1,4,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12750,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12751,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12752,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12753,2,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12754,3,1,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12755,4,3,8,2,0,0,92,0,92,92,0,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,79,6,2,1,2,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12756,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12757,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12758,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12759,3,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12760,5,4,12,3,,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12761,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12762,5,2,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12763,4,3,10,2,0,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12764,3,3,9,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12765,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12766,5,2,4,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12767,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12768,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12769,4,3,2,3,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,181,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12770,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12771,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12772,5,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12773,4,2,6,1,0,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12774,1,3,6,1,0,1,2,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,113,9,2,1,2,1,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12775,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12776,1,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12777,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12778,5,3,2,3,0,0,92,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12779,5,3,8,3,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12780,5,3,8,3,0,0,92,0,92,92,0,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,1,1,1,0,0,0,0,1,1,0,0,92,92,92,92,54,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12781,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12782,5,2,8,2,0,0,92,0,92,92,1,1,,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12783,3,3,11,3,0,0,92,0,92,92,1,0,92,92,1,3,4,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,200,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12784,4,3,6,1,0,0,92,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,91,7,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12785,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12786,5,3,8,3,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12787,5,3,1,2,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12788,5,2,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12789,5,3,90,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,187,15,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12790,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,1,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12791,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12792,5,1,12,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12793,5,3,4,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12794,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12795,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12796,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,3,3,2,,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,21,1,1,1,1,,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12797,5,3,2,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12798,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12799,5,3,4,2,0,0,92,0,92,92,1,1,2,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,143,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12800,4,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,211,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12801,5,2,10,2,,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,2,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12802,3,2,1,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12803,5,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12804,3,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12805,5,1,4,2,0,0,92,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12806,1,3,10,2,0,0,92,0,92,92,0,1,3,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,176,14,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12807,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12808,5,3,6,1,91,0,92,0,92,92,0,,92,92,1,1,3,1,,0,0,1,3,3,5,11,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,83,6,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12809,3,3,9,2,1,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12810,1,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12811,5,1,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,13,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12812,5,3,4,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,140,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12813,5,4,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12814,5,3,6,1,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,12,1,1,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12815,5,3,4,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12816,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12817,5,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12818,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12819,3,3,10,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12820,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12821,5,3,90,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12822,3,1,90,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12823,3,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12824,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12825,5,3,90,2,0,0,92,0,92,92,0,1,1,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12826,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12827,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12828,3,1,7,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12829,3,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12830,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12831,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12832,3,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,78,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12833,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12834,5,1,7,1,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,68,5,2,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12835,3,1,1,2,,2,,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12836,5,3,3,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12837,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12838,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12839,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12840,2,1,,,,,92,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,2,2,5,9,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,1,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12841,4,3,2,3,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12842,5,1,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,69,5,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12843,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12844,5,1,9,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12845,5,2,6,1,1,2,,0,92,92,0,1,2,2,1,2,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12846,3,2,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +12847,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12848,4,3,5,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12849,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12850,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12851,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12852,5,2,7,1,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12853,5,3,11,2,0,0,92,0,92,92,1,1,2,,1,2,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,177,14,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12854,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12855,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12856,5,2,12,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12857,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12858,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12859,5,3,1,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12860,3,3,1,2,91,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12861,4,3,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12862,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12863,5,3,3,3,1,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,104,8,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12864,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12865,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12866,2,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12867,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12868,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12869,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12870,3,2,12,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,3,0,1,2,,1,0,5,1,1,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +12871,1,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12872,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12873,3,3,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12874,3,3,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,1,,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12875,3,1,2,3,,1,,1,2,2,,91,92,92,1,1,2,,,0,0,0,3,2,4,9,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,1,1,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,1,1,1,0,0,0,92,92,92,92,146,12,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +12876,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12877,3,3,9,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12878,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12879,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12880,1,3,4,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12881,5,3,11,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12882,3,3,5,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12883,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12884,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12885,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12886,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12887,3,3,6,1,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12888,5,3,8,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,1,1,0,27,2,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12889,5,2,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12890,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12891,3,3,8,2,,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12892,5,2,7,1,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12893,1,3,12,2,,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,134,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12894,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12895,5,2,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12896,3,3,8,2,,0,92,1,3,1,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12897,1,1,8,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12898,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,13,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12899,5,3,12,2,91,0,92,0,92,92,1,1,2,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,33,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12900,3,3,7,1,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12901,3,3,90,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12902,3,3,12,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12903,4,1,11,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12904,4,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,29,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12905,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12906,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12907,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12908,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12909,1,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12910,3,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12911,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12912,3,3,8,3,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12913,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12914,5,3,1,2,0,2,,0,92,92,0,,92,92,0,92,92,92,,0,0,0,2,4,6,12,1,1,1,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,185,15,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12915,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12916,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12917,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,18,1,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12918,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12919,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12920,5,3,90,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12921,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12922,3,3,11,2,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,194,16,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12923,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12924,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12925,5,3,2,3,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,4,4,10,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12926,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12927,5,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12928,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12929,5,3,8,3,,,92,1,2,2,,91,92,92,1,1,2,,,0,0,0,3,3,6,12,1,1,1,1,0,0,1,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,0,1,103,8,2,2,,1,0,5,1,1,1,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,1,1,1 +12930,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12931,5,3,8,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12932,4,3,1,2,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,4,5,8,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,2,,1,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +12933,3,1,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12934,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12935,3,2,4,2,0,0,92,0,92,92,1,1,2,2,1,,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,92,92,92,92,182,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12936,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12937,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12938,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12939,5,3,8,3,91,2,,0,92,92,,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,29,2,2,1,1,1,0,5,1,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +12940,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12941,5,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12942,1,2,11,2,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,180,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12943,5,2,10,2,0,0,92,0,92,92,1,1,,3,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12944,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12945,5,2,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12946,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,1,1,3,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12947,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12948,3,1,90,2,0,0,92,0,92,92,1,1,1,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,48,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12949,4,90,8,2,91,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12950,4,3,5,2,0,0,92,0,92,92,0,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12951,3,3,7,1,91,0,92,0,92,92,0,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12952,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12953,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12954,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12955,5,2,12,2,91,0,92,0,92,92,1,0,92,92,1,,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12956,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12957,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12958,3,3,90,2,,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12959,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12960,1,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12961,3,3,6,1,0,1,3,1,2,1,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12962,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12963,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12964,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12965,4,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +12966,5,1,,,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,9,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +12967,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12968,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12969,5,1,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12970,5,3,6,1,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,31,2,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12971,1,3,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,132,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12972,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,1,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12973,5,2,4,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12974,5,3,8,2,0,0,92,0,92,92,0,0,92,92,1,,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,,92,92,92,92,65,5,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12975,5,2,6,1,0,0,92,0,92,92,1,1,2,2,1,,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12976,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12977,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12978,4,3,10,2,0,0,92,0,92,92,,1,,,1,,2,,0,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,80,6,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12979,3,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12980,3,3,6,1,0,0,92,0,92,92,1,1,1,2,1,3,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,150,12,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12981,4,3,12,2,0,1,3,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,179,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12982,2,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12983,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12984,3,2,9,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12985,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12986,4,3,11,2,1,1,,1,1,,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,92,92,92,92,179,14,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12987,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12988,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12989,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12990,3,3,6,1,91,0,92,0,92,92,1,0,92,92,1,3,,,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,92,92,92,92,71,5,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +12991,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12992,5,3,11,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12993,1,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12994,3,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12995,5,1,1,3,91,0,92,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12996,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12997,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12998,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +12999,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13000,5,3,8,3,91,0,92,0,92,92,1,0,92,92,1,1,,,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13001,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,30,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13002,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13003,3,3,12,2,0,2,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13004,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13005,3,3,6,1,91,,92,0,92,92,0,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,47,3,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13006,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13007,5,3,5,2,,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,210,17,2,1,1,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13008,3,3,3,3,,,92,0,92,92,0,1,2,2,1,1,3,,0,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +13009,5,3,3,3,,,92,0,92,92,0,,92,92,,92,92,92,,0,0,0,2,3,5,10,1,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,117,9,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +13010,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13011,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13012,3,3,10,2,0,2,2,0,92,92,1,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,147,12,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13013,2,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13014,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13015,4,3,1,2,,,92,0,92,92,0,,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,1,1,1,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,1,0,0,1,0,0,0,0,0,92,92,92,92,206,17,2,1,,1,0,5,1,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,1,1,0,1 +13016,5,2,10,2,,0,92,0,92,92,,1,2,3,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13017,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13018,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13019,5,3,6,1,0,0,92,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13020,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13021,3,1,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13022,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13023,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13024,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13025,5,3,10,2,,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13026,5,1,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13027,1,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13028,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13029,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,5,1,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +13030,4,2,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13031,4,2,12,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13032,3,1,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13033,5,3,6,1,,2,,0,92,92,0,,92,92,1,,2,,,0,0,0,2,2,4,8,1,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,1,0,0,1,0,1,0,0,0,92,92,92,92,122,10,2,1,1,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13034,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13035,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13036,3,3,4,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13037,3,90,9,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,21,1,1,1,1,2,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,1 +13038,5,3,12,2,0,2,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13039,5,3,8,3,91,,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,18,1,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13040,5,1,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13041,5,2,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13042,5,3,1,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13043,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,1,,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,1,90,0,3,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +13044,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13045,5,3,12,3,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13046,5,3,8,2,91,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13047,5,2,7,1,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13048,3,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13049,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13050,4,3,9,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13051,3,3,5,2,0,0,92,0,92,92,0,1,,,1,1,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,42,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13052,5,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13053,3,3,1,2,1,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13054,5,1,90,2,0,0,92,0,92,92,1,0,92,92,1,1,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,150,12,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13055,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13056,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13057,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13058,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13059,5,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13060,2,3,5,2,0,2,,0,92,92,1,1,,2,1,1,,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13061,5,1,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,10,0,1,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13062,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13063,4,3,6,1,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13064,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13065,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13066,5,3,1,2,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13067,5,1,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13068,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13069,5,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13070,5,3,9,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13071,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13072,5,3,3,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13073,2,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13074,3,1,,,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13075,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13076,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13077,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13078,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13079,1,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13080,3,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13081,4,3,7,1,0,2,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13082,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13083,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13084,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13085,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13086,5,2,1,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13087,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13088,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13089,3,1,8,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,104,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13090,3,3,8,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13091,5,2,8,2,0,0,92,0,92,92,1,1,1,2,1,,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13092,5,90,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13093,5,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13094,3,3,4,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13095,5,1,1,2,0,0,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13096,3,3,2,3,1,2,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13097,1,90,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13098,3,1,8,2,1,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,66,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13099,2,1,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13100,3,2,12,2,0,1,,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,2,2,0,2,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +13101,5,1,12,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13102,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13103,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13104,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13105,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13106,3,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13107,4,3,7,1,0,0,92,0,92,92,0,1,3,2,1,3,3,1,1,0,0,0,4,4,6,14,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,106,8,2,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13108,5,3,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13109,5,3,10,2,1,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,213,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13110,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13111,3,1,8,2,,,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13112,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13113,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13114,3,2,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13115,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13116,4,2,1,2,1,1,,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13117,5,2,8,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13118,1,2,8,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13119,5,2,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13120,5,2,90,2,,0,92,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13121,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13122,5,2,90,2,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13123,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,1,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,1,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13124,5,3,1,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,1,2,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13125,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13126,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13127,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13128,3,1,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13129,1,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13130,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13131,1,3,8,2,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,48,4,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13132,4,2,,,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13133,4,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13134,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13135,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13136,3,3,4,2,1,0,92,0,92,92,0,1,2,4,1,3,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,115,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13137,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13138,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13139,2,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13140,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13141,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,1,,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13142,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13143,5,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13144,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13145,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13146,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13147,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13148,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13149,5,3,8,2,91,1,3,1,1,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13150,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13151,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13152,5,2,7,1,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,45,3,2,1,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13153,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,,,,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,12,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13154,4,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13155,5,3,7,1,0,0,92,0,92,92,0,0,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,1,1,0,1,1,1,0,0,0,1,1,1,0,0,92,92,92,92,90,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13156,5,3,12,2,0,0,92,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,68,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13157,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13158,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13159,3,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13160,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13161,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13162,4,3,11,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13163,5,1,11,2,0,2,,0,92,92,,1,3,,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,1,,0,5,1,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1 +13164,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13165,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13166,3,3,1,3,0,,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,134,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13167,5,2,6,1,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13168,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13169,3,3,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13170,3,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13171,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13172,3,1,1,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,177,14,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13173,5,1,5,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13174,5,3,7,1,91,0,92,0,92,92,0,91,92,92,1,,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13175,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13176,1,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13177,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13178,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13179,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13180,3,2,4,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13181,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13182,5,3,90,2,91,1,3,,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13183,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13184,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13185,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13186,5,2,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,24,2,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13187,4,3,2,3,,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13188,3,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13189,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13190,5,3,6,1,1,2,,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13191,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13192,5,3,4,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13193,3,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,20,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13194,3,3,90,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13195,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13196,4,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13197,5,2,90,2,,0,92,0,92,92,1,1,1,,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,73,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13198,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13199,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13200,3,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13201,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13202,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13203,4,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13204,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13205,3,3,5,2,0,0,92,0,92,92,1,1,2,3,1,3,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,122,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13206,4,3,,,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13207,3,3,7,1,91,0,92,0,92,92,0,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,22,1,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13208,5,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13209,3,2,10,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13210,4,3,5,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13211,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13212,5,3,1,3,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13213,5,2,8,2,0,0,92,0,92,92,0,0,92,92,1,1,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,61,5,2,2,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13214,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13215,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13216,3,3,11,2,1,2,,0,92,92,0,1,3,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13217,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +13218,4,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13219,5,3,10,3,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13220,2,1,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13221,1,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13222,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13223,3,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13224,3,3,8,2,0,0,92,0,92,92,,1,2,2,1,1,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,52,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13225,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,215,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13226,5,3,8,2,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13227,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13228,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13229,4,2,6,1,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13230,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13231,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13232,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,6,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13233,3,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,1,0,1,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13234,2,3,9,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13235,1,3,90,2,91,,92,0,92,92,0,0,92,92,1,1,,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13236,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13237,5,3,8,3,91,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13238,3,3,6,1,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13239,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13240,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13241,3,3,10,2,1,1,3,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13242,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13243,5,3,8,2,1,0,92,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13244,5,3,5,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13245,3,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13246,5,3,6,1,0,0,92,0,92,92,1,1,2,2,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,177,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13247,5,3,8,3,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,152,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13248,4,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13249,5,2,8,2,1,1,1,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13250,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13251,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13252,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13253,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13254,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13255,1,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13256,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13257,5,4,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13258,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13259,2,1,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13260,4,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13261,3,3,1,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,29,2,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13262,3,3,6,1,1,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13263,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13264,5,1,10,3,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13265,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13266,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13267,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13268,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13269,5,2,7,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13270,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13271,5,3,11,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,200,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13272,1,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13273,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13274,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13275,3,2,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13276,3,3,8,2,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13277,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13278,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13279,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13280,1,3,90,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,92,92,92,92,32,2,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13281,5,3,8,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13282,3,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13283,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13284,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13285,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13286,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13287,5,3,8,2,,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13288,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13289,3,1,5,2,1,1,1,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13290,3,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13291,5,3,10,2,1,2,1,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13292,1,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13293,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13294,3,3,11,2,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13295,3,2,8,2,91,1,3,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,92,92,92,92,49,4,2,2,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13296,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13297,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13298,3,3,4,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13299,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13300,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13301,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13302,3,3,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13303,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13304,3,3,6,1,1,1,3,1,1,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,85,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13305,3,3,7,1,0,0,92,0,92,92,0,1,1,4,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13306,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13307,5,1,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13308,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13309,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13310,5,1,12,2,0,0,92,0,92,92,1,1,1,2,1,3,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,204,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13311,3,2,4,2,,1,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,135,11,2,1,2,1,0,3,1,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +13312,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13313,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13314,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13315,5,3,8,3,0,0,92,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13316,3,3,9,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,92,92,92,92,20,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13317,5,1,5,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,161,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13318,1,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,6,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13319,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13320,5,2,6,1,0,0,92,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13321,3,3,12,2,0,0,92,0,92,92,1,1,1,,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13322,4,3,4,2,91,1,2,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13323,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13324,5,90,11,2,1,1,3,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13325,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13326,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13327,3,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13328,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13329,5,3,4,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13330,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13331,5,1,8,3,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13332,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13333,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13334,5,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13335,5,2,8,2,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13336,4,3,10,2,0,1,2,0,92,92,1,1,2,2,1,3,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,207,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13337,5,3,1,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13338,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13339,2,3,10,2,1,1,,0,92,92,1,1,2,2,1,1,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,212,17,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13340,5,2,90,2,0,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,84,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13341,3,90,2,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13342,5,3,7,1,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13343,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13344,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13345,3,3,5,2,1,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,115,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13346,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13347,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,164,13,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13348,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13349,3,3,10,2,0,0,92,0,92,92,1,1,2,1,1,1,4,3,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,112,9,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13350,5,1,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,2,5,11,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,1,1,1,0,5,1,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +13351,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13352,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13353,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13354,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13355,1,3,8,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13356,4,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13357,1,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13358,3,3,90,2,91,0,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,3,4,9,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13359,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13360,5,1,2,3,1,2,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13361,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13362,5,3,6,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13363,5,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13364,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13365,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13366,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13367,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13368,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13369,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13370,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13371,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13372,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13373,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13374,5,3,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,62,5,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13375,3,2,6,1,0,0,92,0,92,92,0,1,,2,1,1,3,2,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13376,5,1,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13377,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13378,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13379,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13380,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13381,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13382,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13383,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,143,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13384,5,3,1,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13385,5,1,8,2,0,,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13386,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,124,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13387,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13388,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13389,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13390,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13391,3,1,4,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13392,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,30,2,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13393,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13394,4,3,8,2,0,0,92,0,92,92,0,1,2,2,1,1,3,2,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,78,6,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13395,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13396,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13397,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13398,5,2,11,2,1,2,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,185,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13399,5,2,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13400,5,1,10,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13401,2,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13402,4,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,82,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13403,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13404,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13405,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,30,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13406,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13407,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13408,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13409,5,2,6,1,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13410,2,3,90,2,0,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,127,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13411,5,2,11,2,,1,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13412,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13413,5,3,11,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13414,3,3,90,2,0,1,1,0,92,92,1,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13415,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13416,3,1,8,3,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,2,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13417,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13418,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,0,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13419,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13420,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,36,3,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13421,5,3,10,2,1,1,3,1,1,1,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13422,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,92,92,92,92,27,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13423,3,3,1,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13424,4,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13425,5,2,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13426,3,3,8,3,91,1,3,,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,2,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13427,5,1,6,1,1,2,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13428,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13429,3,3,6,1,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13430,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13431,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13432,3,3,12,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13433,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13434,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13435,5,1,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,136,11,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +13436,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13437,3,2,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13438,5,3,8,2,0,0,92,0,92,92,0,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,33,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13439,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13440,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13441,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13442,5,2,12,3,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13443,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13444,3,90,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13445,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13446,5,4,12,3,0,0,92,0,92,92,1,0,92,92,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13447,5,3,2,3,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13448,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13449,4,3,8,3,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13450,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13451,5,1,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13452,4,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13453,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13454,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13455,5,3,1,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,71,5,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13456,5,3,10,2,0,0,92,0,92,92,0,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,143,11,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13457,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13458,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13459,3,3,7,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13460,4,3,6,1,0,,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13461,3,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13462,3,2,12,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13463,1,3,12,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,92,92,92,92,35,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13464,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13465,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13466,5,3,8,2,91,0,92,0,92,92,,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13467,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13468,5,1,5,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13469,5,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13470,5,90,6,1,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13471,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13472,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13473,3,3,6,1,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,61,5,2,1,2,1,,3,1,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +13474,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13475,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13476,2,2,90,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13477,3,1,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13478,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13479,5,3,1,2,1,2,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13480,3,90,3,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,125,10,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13481,5,3,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13482,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13483,5,3,90,2,91,1,4,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,34,2,2,2,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13484,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,63,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13485,1,3,8,3,91,,92,0,92,92,0,91,92,92,1,1,2,,,0,0,0,2,3,5,10,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,42,3,2,2,2,4,0,5,1,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +13486,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13487,3,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13488,5,2,90,2,1,2,1,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13489,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13490,3,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,1,0,0,7,0,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +13491,1,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,27,2,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13492,5,3,10,2,0,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13493,1,2,3,3,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13494,2,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13495,4,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13496,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,166,13,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13497,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,1,1,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13498,2,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13499,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,11,0,1,2,2,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13500,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13501,5,90,1,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13502,3,3,12,2,1,2,2,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,139,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13503,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13504,5,3,1,2,0,0,92,0,92,92,,1,,,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13505,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13506,3,3,11,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,195,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13507,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13508,5,2,90,2,,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13509,3,3,90,2,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,86,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13510,4,2,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13511,1,90,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13512,4,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13513,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13514,4,90,1,2,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13515,3,3,3,3,,1,3,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,1,0,1,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,118,9,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13516,5,3,6,1,0,0,92,0,92,92,1,1,2,3,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13517,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13518,3,3,6,1,,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13519,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13520,5,2,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13521,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13522,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13523,2,1,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13524,2,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13525,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13526,5,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13527,5,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13528,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13529,5,2,2,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,,2,1,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13530,5,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,159,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13531,1,3,8,3,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,9,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13532,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13533,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13534,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13535,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13536,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13537,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13538,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13539,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,190,15,2,2,2,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13540,5,2,4,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13541,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13542,3,1,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,1,1,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13543,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13544,3,3,90,2,1,1,2,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13545,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13546,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13547,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13548,3,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,4,2,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13549,5,2,7,1,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13550,5,3,8,3,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13551,3,3,1,2,1,1,,,92,92,,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,1,1,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +13552,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13553,3,3,7,1,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13554,5,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13555,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13556,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13557,5,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13558,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13559,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13560,5,3,4,2,0,0,92,0,92,92,1,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13561,4,2,11,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13562,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13563,5,2,11,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13564,5,3,1,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13565,5,3,6,1,0,1,2,0,92,92,1,1,1,2,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13566,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13567,1,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13568,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13569,4,3,2,3,1,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13570,3,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13571,5,3,6,1,91,1,2,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,212,17,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13572,5,4,,,91,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,10,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13573,5,3,11,2,0,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,211,17,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +13574,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13575,1,3,10,2,0,0,92,0,92,92,1,1,1,2,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,87,7,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13576,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13577,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13578,3,3,11,2,1,,92,0,92,92,,1,2,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,1,0,0,1,,92,92,92,92,92,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13579,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13580,5,2,11,2,0,0,92,0,92,92,1,,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13581,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13582,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13583,3,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,210,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13584,5,2,6,1,91,0,92,0,92,92,0,1,,2,1,3,2,1,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,47,3,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13585,5,2,7,1,0,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13586,5,3,1,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13587,5,2,8,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13588,2,1,5,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13589,3,90,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13590,5,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13591,5,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13592,5,2,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13593,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13594,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13595,5,2,8,3,,1,1,1,2,1,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,72,6,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13596,4,3,1,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13597,1,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13598,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13599,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13600,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13601,5,3,7,1,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13602,5,2,2,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,92,92,92,92,128,10,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13603,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13604,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13605,5,2,4,2,,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13606,3,1,,,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13607,5,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,1,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13608,5,3,6,1,0,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,138,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13609,5,1,11,3,1,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13610,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13611,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13612,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13613,3,3,8,2,91,1,3,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,32,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13614,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13615,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13616,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13617,5,3,7,1,91,0,92,0,92,92,1,91,92,92,1,1,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,29,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13618,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13619,3,1,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13620,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13621,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13622,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13623,3,3,11,2,0,0,92,0,92,92,0,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,121,10,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13624,5,3,1,2,1,,92,,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13625,5,2,7,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13626,4,2,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +13627,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13628,1,90,9,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13629,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13630,3,3,4,2,1,1,,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13631,3,3,6,1,1,1,2,0,92,92,1,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,193,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13632,1,3,90,2,0,0,92,0,92,92,0,1,2,2,1,2,3,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,1,0,1,0,1,1,0,0,1,0,0,0,92,92,92,92,86,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13633,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13634,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13635,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13636,5,3,10,2,1,1,,0,92,92,1,1,3,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13637,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13638,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13639,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13640,5,3,2,3,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13641,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13642,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13643,4,2,90,2,91,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13644,3,3,1,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +13645,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13646,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13647,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13648,5,3,10,2,,2,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,151,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13649,3,3,8,2,,,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,0,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13650,5,1,4,2,0,1,3,0,92,92,1,1,2,2,1,,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13651,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13652,5,3,6,1,91,1,1,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13653,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13654,5,3,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13655,2,1,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13656,4,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13657,1,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13658,3,1,2,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,24,2,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13659,4,3,8,2,0,1,2,0,92,92,,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,71,5,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13660,5,2,6,1,0,0,92,0,92,92,0,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,64,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13661,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13662,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13663,2,4,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13664,5,1,8,2,91,0,92,0,92,92,1,91,92,92,1,1,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13665,4,3,1,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13666,4,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13667,5,1,9,2,91,0,92,0,92,92,1,91,92,92,1,2,2,,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,14,1,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13668,3,3,8,2,0,0,92,0,92,92,1,1,2,2,1,3,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,62,5,2,1,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13669,2,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,,92,92,92,92,9,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13670,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13671,3,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13672,3,3,8,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13673,5,3,4,2,0,0,92,0,92,92,1,1,2,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,119,9,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13674,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13675,5,3,8,2,91,2,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13676,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13677,4,3,1,2,1,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13678,4,3,1,3,1,1,,1,1,2,1,1,2,2,1,2,3,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13679,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13680,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13681,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13682,5,2,90,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13683,3,3,7,1,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13684,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13685,5,90,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13686,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13687,4,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13688,5,2,10,2,1,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13689,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13690,5,3,6,1,,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,9,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13691,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13692,3,3,90,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,81,6,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +13693,3,2,10,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13694,4,3,10,2,0,0,92,0,92,92,0,1,2,2,1,3,,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,147,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13695,5,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13696,2,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13697,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,16,1,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13698,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13699,5,3,7,1,0,0,92,0,92,92,1,1,2,3,1,1,4,3,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13700,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13701,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13702,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13703,3,3,10,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13704,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13705,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13706,5,2,1,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,108,9,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13707,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13708,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13709,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13710,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13711,5,1,4,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,162,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13712,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13713,5,3,10,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13714,5,1,90,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13715,4,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13716,1,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13717,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13718,4,3,5,2,1,1,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13719,5,3,5,2,1,0,92,,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13720,3,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13721,5,2,4,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,1,0,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,173,14,2,1,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +13722,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13723,5,4,12,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13724,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13725,3,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13726,3,3,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,137,11,2,1,,,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13727,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,3,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13728,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13729,5,3,1,2,0,0,92,0,92,92,1,,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,195,16,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13730,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13731,3,90,10,2,,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13732,5,90,6,1,0,0,92,0,92,92,1,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13733,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13734,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13735,3,3,10,2,0,1,2,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,173,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13736,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13737,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13738,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13739,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13740,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13741,1,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13742,3,1,1,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,3,4,4,11,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13743,3,3,4,2,0,0,92,0,92,92,0,1,2,2,,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13744,3,1,4,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13745,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13746,3,1,6,1,1,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13747,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13748,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,2,2,1,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13749,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13750,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13751,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13752,3,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13753,5,3,,,91,0,92,0,92,92,0,91,92,92,1,3,,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13754,3,1,1,2,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,68,5,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13755,3,3,10,2,1,,92,0,92,92,1,1,2,2,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13756,5,2,8,3,91,2,,0,92,92,,91,92,92,1,1,2,1,,0,0,0,4,4,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,2,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +13757,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13758,5,2,12,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,154,12,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13759,3,1,7,1,1,1,,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13760,5,2,90,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13761,5,3,1,2,1,2,,0,92,92,1,1,,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,194,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13762,3,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,41,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13763,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13764,1,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13765,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13766,3,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +13767,5,2,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13768,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13769,5,3,5,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,3,3,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,72,6,2,1,,,0,6,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +13770,3,3,90,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13771,2,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13772,3,3,1,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,1,1,0,0,0,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13773,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13774,5,3,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13775,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13776,5,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,173,14,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13777,3,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13778,5,3,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13779,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13780,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13781,5,3,9,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13782,3,2,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,,92,92,92,92,139,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13783,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13784,5,3,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13785,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13786,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13787,5,2,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13788,5,3,90,2,1,1,2,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13789,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13790,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13791,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13792,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13793,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13794,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13795,5,3,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13796,5,3,1,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,37,3,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13797,5,3,1,3,,2,,0,92,92,,,92,92,,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,1,0,0,0,92,92,92,92,92,1,1,1,1,1,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,205,17,2,1,1,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +13798,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,7,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13799,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13800,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13801,5,3,90,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,41,3,2,2,2,90,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13802,3,2,90,2,91,0,92,1,2,4,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,2,,2,1,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +13803,4,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,2,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13804,5,2,8,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13805,5,3,11,2,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13806,5,1,6,1,0,1,1,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13807,3,3,5,2,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13808,3,3,9,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13809,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13810,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,37,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13811,5,3,1,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13812,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13813,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13814,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13815,3,3,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13816,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13817,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13818,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13819,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13820,3,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13821,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13822,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13823,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13824,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13825,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13826,2,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,139,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13827,3,3,9,2,0,0,92,0,92,92,1,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13828,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13829,3,3,2,,0,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,52,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13830,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13831,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13832,3,1,6,1,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13833,4,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13834,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13835,3,3,1,2,0,0,92,0,92,92,0,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13836,3,3,4,2,,2,,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13837,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13838,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13839,5,2,10,2,0,,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13840,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13841,5,3,1,2,91,0,92,0,92,92,,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13842,1,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13843,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13844,5,3,1,2,,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13845,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13846,5,1,1,2,1,2,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13847,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13848,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13849,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13850,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13851,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13852,1,3,12,2,1,1,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13853,3,3,7,1,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13854,5,3,11,2,1,0,92,0,92,92,0,1,,,1,3,2,1,,0,0,0,4,5,6,15,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,151,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13855,5,3,10,3,1,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13856,3,3,1,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13857,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13858,5,4,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13859,5,2,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13860,4,3,1,3,1,1,4,0,92,92,0,91,92,92,,92,92,92,,0,0,0,1,1,1,3,1,1,0,0,0,0,1,1,1,0,1,1,0,0,0,0,1,2,3,1,0,0,1,0,0,0,1,1,1,1,1,0,1,0,0,0,1,1,0,0,0,1,0,0,1,1,0,1,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,2,2,0,5,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,0,0,0,1 +13861,3,3,90,2,91,0,92,0,92,92,1,0,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13862,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13863,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13864,5,3,2,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13865,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13866,5,3,5,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13867,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13868,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13869,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13870,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13871,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13872,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13873,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13874,5,3,8,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13875,5,1,8,3,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,2,1,90,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13876,5,3,11,2,1,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13877,5,3,3,3,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13878,5,2,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13879,4,3,,,91,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,3,6,11,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,5,0,1,1,1,1,0,5,1,1,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +13880,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13881,5,1,8,2,0,0,92,0,92,92,1,1,3,2,1,2,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,111,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13882,1,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13883,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13884,3,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13885,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13886,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,,92,92,92,92,7,0,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13887,3,3,8,3,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,82,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13888,5,3,1,2,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13889,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13890,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13891,5,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,1,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13892,3,3,10,2,0,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13893,3,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13894,5,2,10,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,181,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13895,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13896,5,2,8,2,0,0,92,0,92,92,1,0,92,92,1,3,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13897,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13898,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13899,5,3,7,1,91,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13900,3,3,8,2,91,0,92,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,68,5,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13901,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13902,5,3,8,2,0,0,92,0,92,92,1,1,3,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,211,17,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13903,5,1,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13904,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13905,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13906,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13907,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13908,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13909,4,3,1,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,56,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13910,5,90,8,3,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,10,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13911,5,3,1,3,91,2,,0,92,92,,91,92,92,,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13912,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13913,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13914,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13915,5,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13916,5,3,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13917,3,3,11,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13918,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13919,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13920,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13921,5,2,6,1,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13922,5,3,4,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13923,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13924,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13925,4,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13926,3,3,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13927,3,1,2,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,163,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13928,5,1,6,1,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13929,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13930,3,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13931,3,1,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13932,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13933,5,3,8,2,1,1,1,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13934,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13935,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13936,5,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,213,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13937,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13938,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13939,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,5,0,1,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13940,5,3,11,2,1,1,2,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13941,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13942,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13943,2,1,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13944,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13945,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,75,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13946,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13947,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0 +13948,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13949,3,3,4,2,0,2,2,0,92,92,1,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13950,5,3,10,2,0,0,92,0,92,92,1,1,2,3,1,2,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,171,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13951,5,3,5,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13952,5,3,3,3,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,123,10,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13953,5,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13954,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13955,3,3,6,1,1,1,1,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13956,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13957,3,1,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13958,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,18,1,1,2,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13959,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13960,3,3,2,3,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13961,5,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13962,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13963,5,90,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13964,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13965,3,3,11,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13966,5,3,2,,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,1,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13967,3,3,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,1,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13968,3,1,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13969,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,24,2,2,2,2,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +13970,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13971,2,1,6,1,1,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13972,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,2,,5,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +13973,5,1,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13974,3,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,191,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13975,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13976,5,3,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,196,16,2,2,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13977,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13978,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13979,4,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,2,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13980,3,2,1,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13981,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,14,1,1,1,1,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13982,3,3,90,2,1,1,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,109,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13983,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13984,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13985,5,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,,,,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13986,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13987,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13988,3,3,9,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13989,5,1,6,1,0,0,92,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,68,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13990,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13991,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,6,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13992,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13993,5,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13994,4,2,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13995,3,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13996,5,1,8,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13997,5,3,3,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,,1,1,1,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,,92,92,92,92,92,92,,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +13998,4,3,1,2,,,92,0,92,92,,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +13999,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14000,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14001,1,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14002,3,3,10,2,0,1,1,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14003,3,3,10,2,,1,4,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14004,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14005,3,3,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14006,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14007,3,2,10,2,0,0,92,1,2,2,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,0,92,92,92,92,191,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14008,3,3,6,1,0,0,92,0,92,92,0,0,92,92,1,3,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14009,3,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14010,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14011,3,1,8,3,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,38,3,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14012,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14013,3,3,10,3,1,0,92,0,92,92,0,1,2,2,1,3,3,1,1,0,0,0,4,4,6,14,2,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14014,4,3,4,2,0,0,92,0,92,92,,0,92,92,1,3,3,,0,,,,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,88,7,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14015,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14016,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14017,4,2,8,3,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,3,6,13,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,1,,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +14018,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14019,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14020,1,3,7,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14021,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14022,5,90,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14023,5,3,3,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14024,5,3,8,2,91,1,4,1,2,1,0,91,92,92,1,2,2,1,,0,0,0,1,1,1,3,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,92,92,92,92,67,5,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +14025,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14026,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14027,5,1,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14028,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14029,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14030,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14031,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,13,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14032,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14033,5,3,7,1,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14034,5,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14035,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14036,3,3,5,2,0,0,92,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,132,11,2,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14037,3,3,10,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14038,3,1,10,3,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14039,5,3,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14040,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14041,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14042,4,3,1,2,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,199,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14043,3,3,7,1,91,0,92,0,92,92,0,91,92,92,1,1,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14044,3,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14045,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14046,4,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14047,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,1,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14048,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14049,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14050,3,3,1,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14051,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14052,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,1,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14053,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14054,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14055,5,3,11,2,1,1,2,0,92,92,0,1,3,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14056,5,1,90,2,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,1,6,11,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14057,5,3,9,2,0,1,,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14058,4,3,8,3,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14059,5,3,11,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14060,5,1,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,54,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14061,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14062,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14063,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14064,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14065,4,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14066,5,3,8,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,83,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14067,4,2,1,2,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14068,1,3,8,2,0,0,92,0,92,92,0,1,3,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14069,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14070,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14071,3,3,6,1,91,0,92,1,2,2,0,91,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,11,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14072,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14073,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14074,4,3,2,3,0,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14075,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14076,5,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14077,5,3,1,3,1,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,1 +14078,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14079,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14080,4,3,6,1,0,0,92,0,92,92,0,1,1,3,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,52,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14081,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14082,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14083,5,2,1,2,91,0,92,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14084,5,1,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,54,4,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14085,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14086,3,2,90,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,153,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14087,5,2,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14088,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14089,5,3,4,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,183,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14090,5,2,10,2,1,1,1,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14091,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14092,5,2,6,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14093,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,2,,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14094,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14095,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14096,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14097,4,3,6,1,91,0,92,0,92,92,1,91,92,92,1,,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,17,1,1,1,2,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14098,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14099,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14100,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14101,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14102,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,20,1,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14103,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14104,5,3,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14105,4,3,6,1,91,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,14,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14106,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14107,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14108,5,2,90,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14109,5,3,2,3,1,2,,1,2,1,1,0,92,92,0,92,92,92,0,0,0,0,3,4,4,11,1,1,0,1,1,0,0,1,1,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,1,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,97,8,2,1,,2,0,5,1,1,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +14110,1,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14111,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14112,5,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14113,5,1,10,2,1,1,2,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14114,5,3,90,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14115,5,3,1,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14116,3,2,3,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,114,9,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14117,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14118,5,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,187,15,2,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14119,5,3,1,2,1,2,,0,92,92,,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,92,92,92,92,196,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14120,5,3,8,3,91,2,,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14121,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14122,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14123,5,3,10,2,1,1,,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,125,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14124,4,2,10,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14125,1,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14126,3,2,11,2,0,1,2,0,92,92,,1,,2,1,1,3,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,181,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14127,3,3,11,2,,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14128,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14129,3,3,90,2,0,0,92,0,92,92,0,1,2,2,1,1,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14130,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14131,5,3,9,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14132,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14133,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14134,3,2,6,1,0,0,92,0,92,92,1,1,2,3,1,1,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,119,9,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14135,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14136,3,2,11,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14137,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,185,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14138,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14139,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14140,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14141,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14142,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14143,3,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14144,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14145,3,2,2,3,1,2,,0,92,92,,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,1,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,,2,0,90,1,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +14146,5,1,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14147,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14148,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14149,3,3,8,2,1,1,2,1,1,1,0,1,2,2,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,92,92,92,92,114,9,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14150,3,3,10,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14151,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14152,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,40,3,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14153,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14154,3,1,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14155,4,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14156,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14157,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14158,5,3,8,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,62,5,2,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14159,4,3,12,2,1,1,,0,92,92,1,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,186,15,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14160,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14161,5,3,11,2,1,1,3,0,92,92,0,1,2,3,1,2,3,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,179,14,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14162,5,3,8,2,91,0,92,0,92,92,1,0,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14163,5,2,6,1,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14164,5,3,8,2,0,0,92,0,92,92,0,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,2,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14165,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14166,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14167,5,3,8,2,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,4,6,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14168,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14169,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14170,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,28,2,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14171,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14172,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,3,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14173,1,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14174,5,2,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14175,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14176,5,3,8,2,0,1,3,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,31,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14177,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14178,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14179,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14180,4,3,90,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14181,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14182,4,3,12,2,0,0,92,0,92,92,1,0,92,92,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14183,5,3,8,3,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14184,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14185,4,3,1,2,1,1,2,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14186,3,3,1,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,2,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14187,3,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14188,5,3,4,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14189,3,1,11,2,0,0,92,0,92,92,0,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14190,4,3,4,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14191,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14192,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14193,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14194,3,2,8,3,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,2,1,0,3,1,1,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14195,5,2,10,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14196,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14197,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14198,3,2,6,1,1,1,1,0,92,92,1,1,1,2,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,68,5,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14199,1,3,11,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14200,5,3,8,2,1,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14201,4,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14202,5,3,1,2,1,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14203,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14204,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14205,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14206,2,1,8,2,91,0,92,0,92,92,1,91,92,92,1,1,1,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14207,3,1,1,3,91,1,4,,92,92,,91,92,92,,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,1,1,1,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,1,1,0,8,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,0,0,0,1 +14208,3,2,10,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14209,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14210,5,3,9,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14211,5,3,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14212,3,1,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,10,0,1,1,1,,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14213,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14214,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14215,5,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14216,5,3,5,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14217,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14218,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14219,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +14220,5,1,10,2,0,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14221,5,1,1,2,1,1,,,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14222,5,3,6,1,0,0,92,0,92,92,0,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14223,3,3,5,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14224,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14225,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14226,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14227,3,3,10,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14228,3,1,8,2,0,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,1,,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14229,5,3,2,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,170,14,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14230,4,2,8,3,,,92,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,167,13,2,1,,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14231,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14232,3,1,90,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14233,5,2,8,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14234,5,1,90,2,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,48,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14235,3,2,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14236,1,3,8,2,0,0,92,0,92,92,0,1,2,2,1,2,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,91,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14237,3,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14238,3,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14239,5,1,10,2,0,2,1,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14240,4,3,,,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14241,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14242,3,3,12,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14243,3,2,10,2,0,1,1,0,92,92,1,1,2,2,1,2,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,148,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14244,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14245,5,2,90,2,0,2,2,0,92,92,0,1,3,2,1,2,3,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,201,16,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14246,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14247,5,2,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14248,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14249,5,3,1,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14250,3,3,8,3,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,30,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14251,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14252,3,3,,,0,0,92,,92,92,0,1,2,,1,1,3,2,1,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,142,11,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14253,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14254,4,3,10,2,1,1,3,1,1,1,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,206,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14255,5,3,4,2,,,92,0,92,92,1,0,92,92,1,,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14256,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14257,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14258,3,3,10,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,1,0,0,1,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14259,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14260,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14261,3,3,1,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14262,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14263,5,3,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,78,6,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14264,5,3,90,2,,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,1,0,0,1,0,0,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,23,1,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +14265,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14266,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14267,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14268,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14269,4,3,4,2,0,,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,64,5,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14270,5,3,8,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14271,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14272,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14273,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14274,5,3,12,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14275,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14276,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14277,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14278,5,1,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14279,4,3,6,1,1,2,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14280,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14281,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,74,6,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14282,4,3,1,2,,0,92,,92,92,,0,92,92,1,1,3,,0,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,7,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14283,2,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14284,5,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14285,5,3,1,2,0,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14286,3,3,7,1,91,1,3,1,1,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,45,3,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14287,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14288,4,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,8,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14289,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14290,3,3,4,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14291,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14292,5,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14293,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14294,3,3,8,2,91,0,92,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14295,3,1,6,1,1,1,2,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14296,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,7,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14297,3,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14298,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,5,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14299,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14300,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14301,5,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14302,5,3,8,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,62,5,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14303,3,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +14304,5,1,1,3,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,2,,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14305,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14306,5,2,90,2,0,0,92,0,92,92,1,1,1,2,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14307,3,3,90,2,,0,92,0,92,92,0,0,92,92,1,3,2,2,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,159,13,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14308,5,1,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14309,3,3,6,1,0,0,92,0,92,92,0,0,92,92,1,1,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,110,9,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14310,3,3,1,2,,0,92,0,92,92,,1,1,,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,48,4,2,1,,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14311,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14312,5,3,1,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14313,5,3,9,2,91,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14314,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14315,5,1,90,2,0,0,92,0,92,92,1,1,1,,1,3,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,115,9,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14316,5,3,8,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,92,92,92,92,28,2,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14317,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14318,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14319,3,2,10,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14320,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14321,5,2,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14322,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14323,3,3,90,2,0,0,92,0,92,92,1,1,2,3,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14324,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14325,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14326,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14327,3,2,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14328,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,213,17,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14329,5,2,90,2,0,0,92,0,92,92,0,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14330,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14331,5,3,8,2,0,0,92,0,92,92,0,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14332,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14333,3,2,90,2,1,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14334,5,3,6,1,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14335,3,3,8,2,0,0,92,0,92,92,1,1,1,3,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,97,8,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14336,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14337,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14338,3,1,90,2,0,0,92,0,92,92,,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14339,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14340,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14341,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14342,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14343,5,3,6,1,0,0,92,1,3,,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,53,4,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +14344,5,3,2,3,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,1,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,2,2,1,0,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14345,3,2,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,177,14,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14346,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14347,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14348,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14349,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +14350,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14351,3,3,5,2,0,1,3,0,92,92,0,0,92,92,1,3,,,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,155,12,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14352,3,3,1,2,,,92,0,92,92,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,189,15,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +14353,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,92,92,92,92,139,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14354,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14355,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14356,3,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14357,3,3,10,2,1,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,208,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14358,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14359,4,3,8,3,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14360,5,2,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14361,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14362,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14363,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14364,5,3,2,3,1,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14365,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +14366,5,2,11,2,0,0,92,0,92,92,1,1,,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14367,3,3,90,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14368,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14369,3,3,11,2,0,1,4,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14370,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14371,1,2,9,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14372,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,15,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14373,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14374,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14375,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14376,3,3,90,2,0,0,92,0,92,92,1,1,1,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14377,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14378,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14379,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14380,3,3,90,2,1,2,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,105,8,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14381,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14382,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14383,3,3,10,2,,0,92,0,92,92,,1,3,2,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14384,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14385,4,3,4,2,0,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,97,8,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14386,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14387,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14388,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14389,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,5,0,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14390,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14391,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14392,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14393,5,3,10,3,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,85,7,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14394,5,3,10,2,1,1,4,0,92,92,0,1,2,2,1,3,2,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,186,15,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14395,5,90,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14396,3,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14397,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14398,4,3,12,2,91,1,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,4,11,1,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,1,1,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,10,0,1,2,1,90,0,5,1,1,1,1,0,0,0,1,0,0,1,1,1,0,1,1,0,0,0,0,0,0,1,1,0,0,1 +14399,3,1,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14400,1,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14401,3,1,1,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14402,3,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14403,3,90,1,2,91,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14404,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14405,3,2,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14406,3,3,12,3,1,1,2,0,92,92,,1,2,2,1,1,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,209,17,2,2,,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14407,1,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14408,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14409,5,2,6,1,0,0,92,0,92,92,0,0,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14410,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,78,6,2,1,2,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14411,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14412,5,90,6,1,,0,92,0,92,92,0,1,,2,1,2,2,2,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,62,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14413,5,3,10,2,,1,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14414,3,3,1,2,91,0,92,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14415,5,3,8,3,91,2,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,4,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +14416,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14417,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14418,1,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14419,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14420,5,2,7,1,91,1,2,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14421,5,2,12,2,91,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14422,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,36,3,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14423,3,1,90,2,0,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14424,4,3,2,3,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14425,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14426,3,3,90,2,91,0,92,0,92,92,,0,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14427,1,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14428,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,8,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14429,1,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14430,5,3,3,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14431,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14432,3,1,6,1,,,92,0,92,92,0,1,,3,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,38,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14433,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14434,4,3,8,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14435,5,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,25,2,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14436,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14437,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,39,3,2,2,,4,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14438,3,90,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14439,3,3,8,2,1,2,,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,76,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14440,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14441,3,3,11,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,206,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14442,4,3,2,3,0,1,,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,175,14,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14443,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14444,5,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14445,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14446,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14447,5,2,8,2,0,0,92,0,92,92,1,1,,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14448,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,1,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,23,1,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14449,3,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14450,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,193,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14451,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14452,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14453,5,1,11,3,0,1,2,0,92,92,1,1,3,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14454,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14455,5,3,4,2,1,1,2,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14456,3,2,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +14457,3,2,7,1,0,0,92,0,92,92,1,1,3,2,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14458,4,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14459,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14460,3,3,4,2,,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14461,5,3,1,2,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14462,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14463,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14464,2,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14465,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14466,4,3,8,3,1,1,2,0,92,92,1,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,110,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14467,5,2,90,2,0,2,,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14468,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14469,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14470,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14471,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14472,1,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14473,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14474,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14475,3,3,10,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14476,5,1,5,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14477,5,1,1,2,0,0,92,0,92,92,,1,,2,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +14478,4,3,11,2,0,1,,0,92,92,1,1,3,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14479,5,3,12,2,0,,92,1,,3,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,92,92,92,92,102,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14480,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14481,4,3,12,2,,0,92,0,92,92,,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14482,3,3,10,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14483,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14484,5,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14485,3,1,2,3,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14486,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14487,5,3,8,2,0,1,3,0,92,92,0,1,1,2,1,2,2,1,0,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,2,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14488,3,3,6,1,91,0,92,0,92,92,0,0,92,92,1,3,3,3,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,11,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14489,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14490,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14491,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14492,3,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14493,5,1,8,2,0,0,92,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14494,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14495,5,3,6,1,0,0,92,0,92,92,0,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,70,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14496,5,2,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14497,5,3,10,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14498,5,3,6,1,91,1,3,1,1,,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14499,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14500,5,1,8,2,0,2,1,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,133,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14501,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14502,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14503,1,2,12,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14504,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,1,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14505,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14506,5,3,5,2,1,1,4,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14507,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14508,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14509,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,164,13,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14510,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14511,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14512,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14513,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14514,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14515,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14516,1,3,8,2,0,0,92,0,92,92,0,1,,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,71,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14517,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,152,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14518,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14519,4,3,,,91,1,4,,92,92,,91,92,92,,92,92,92,,0,0,0,,,,8,1,1,1,1,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14520,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14521,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14522,5,2,8,3,91,2,1,0,92,92,1,91,92,92,1,,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,2,,3,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14523,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14524,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14525,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14526,5,3,1,2,1,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14527,5,3,2,3,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14528,5,2,90,2,91,1,3,1,1,2,1,1,,2,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14529,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14530,3,3,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14531,5,1,9,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,151,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14532,5,1,8,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14533,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14534,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14535,5,1,10,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,75,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14536,5,1,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14537,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14538,4,2,2,2,0,2,1,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,2,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14539,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14540,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14541,3,4,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14542,5,2,7,1,0,0,92,0,92,92,1,1,,3,1,1,,,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,161,13,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14543,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14544,5,1,10,2,0,,92,0,92,92,0,1,,2,1,,,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,135,11,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14545,5,3,,,,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +14546,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +14547,5,2,8,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,125,10,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14548,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,171,14,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14549,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,2,4,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,127,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14550,5,3,10,2,1,1,3,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14551,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14552,4,3,8,2,91,0,92,0,92,92,1,0,92,92,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14553,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14554,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14555,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14556,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14557,1,1,8,2,1,1,2,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14558,5,3,5,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14559,3,1,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14560,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14561,4,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14562,4,2,9,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14563,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14564,3,2,4,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14565,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14566,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14567,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14568,3,3,11,2,0,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,2,1,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14569,5,3,8,3,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14570,5,1,90,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,176,14,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14571,5,2,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14572,5,2,7,1,0,0,92,0,92,92,1,,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14573,3,3,4,2,1,,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,152,12,2,2,2,1,0,1,1,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +14574,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14575,3,3,8,2,91,1,4,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,30,2,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14576,5,3,10,2,0,1,3,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14577,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14578,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,4,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14579,4,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14580,5,3,6,1,1,1,,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14581,1,3,6,1,0,0,92,0,92,92,0,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,71,5,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14582,5,2,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14583,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14584,3,3,11,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,183,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14585,3,2,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14586,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14587,5,3,,,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,4,0,1,1,1,,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +14588,1,3,90,2,,0,92,0,92,92,1,1,1,3,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14589,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14590,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14591,3,1,8,3,91,1,3,1,1,1,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14592,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,12,1,1,1,2,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14593,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14594,3,3,12,2,1,1,4,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14595,4,3,9,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14596,4,3,11,2,1,1,,0,92,92,0,1,3,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14597,3,1,2,3,0,0,92,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14598,4,2,1,2,91,1,4,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,15,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14599,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14600,5,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14601,5,2,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14602,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14603,3,2,8,3,1,0,92,0,92,92,0,1,1,3,1,3,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,77,6,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14604,3,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,34,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14605,5,3,4,2,1,,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14606,5,3,11,2,,2,,0,92,92,0,,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14607,3,3,12,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14608,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14609,5,3,10,2,1,1,,,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14610,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14611,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14612,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14613,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14614,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14615,1,2,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,1,1,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,2,1,,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14616,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14617,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14618,5,3,1,2,,0,92,,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14619,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14620,3,3,8,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14621,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14622,3,3,90,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,1,0,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14623,5,3,12,2,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14624,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14625,5,2,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14626,5,2,8,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14627,3,3,7,1,1,0,92,0,92,92,0,1,2,2,,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14628,3,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14629,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14630,3,3,6,1,0,0,92,0,92,92,0,1,2,2,1,1,3,2,1,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14631,5,3,2,3,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14632,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14633,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14634,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14635,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14636,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14637,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14638,3,3,10,2,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14639,3,1,90,2,1,1,,0,92,92,,1,3,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14640,5,2,6,1,0,0,92,0,92,92,0,91,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14641,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14642,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14643,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14644,5,3,,,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14645,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14646,5,3,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,131,10,2,2,,2,,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14647,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14648,5,1,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14649,5,3,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,1,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14650,3,2,10,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,2,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14651,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14652,5,3,7,1,,0,92,0,92,92,0,1,,2,1,1,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,157,13,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14653,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14654,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14655,5,1,6,1,0,0,92,0,92,92,1,0,92,92,,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14656,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14657,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14658,5,2,90,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14659,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14660,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,33,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14661,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14662,3,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,14,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14663,3,2,6,1,0,0,92,0,92,92,0,1,2,2,1,2,4,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,43,3,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14664,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14665,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14666,5,3,11,2,1,1,,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14667,3,2,90,2,0,2,1,0,92,92,0,1,3,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,150,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14668,3,1,3,2,1,1,2,1,1,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,181,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14669,5,1,4,2,0,,92,0,92,92,1,1,1,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,85,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14670,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14671,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14672,2,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14673,5,3,12,2,0,0,92,0,92,92,1,0,92,92,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,127,10,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14674,3,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14675,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14676,5,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,11,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14677,5,2,6,1,0,0,92,0,92,92,0,0,92,92,1,3,3,2,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,87,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14678,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14679,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14680,3,3,11,2,0,2,,0,92,92,0,1,2,2,1,2,2,1,1,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,181,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14681,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14682,1,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14683,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14684,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14685,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14686,3,3,8,3,91,,92,,92,92,0,91,92,92,,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,92,92,92,92,26,2,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +14687,5,1,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,102,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14688,5,2,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14689,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14690,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14691,5,3,8,2,,0,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,51,4,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14692,5,90,1,2,,2,,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,197,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14693,5,3,4,2,1,1,,1,2,2,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,138,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14694,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14695,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14696,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14697,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14698,1,1,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14699,5,1,6,1,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,145,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14700,5,4,3,2,0,0,92,0,92,92,1,0,92,92,1,2,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14701,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14702,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14703,5,3,6,1,0,0,92,0,92,92,0,1,,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,68,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14704,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14705,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14706,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14707,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14708,4,3,9,2,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,19,1,1,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14709,5,3,10,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14710,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14711,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14712,3,3,90,2,0,0,92,0,92,92,0,1,2,2,1,2,4,2,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,82,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14713,1,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14714,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14715,3,90,90,2,1,1,1,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14716,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14717,3,3,6,1,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14718,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14719,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14720,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14721,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14722,5,4,8,2,0,2,1,1,1,1,,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,29,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14723,3,3,90,2,0,0,92,0,92,92,1,1,2,2,1,1,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,92,92,92,92,141,11,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14724,5,1,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14725,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14726,4,3,9,2,91,0,92,0,92,92,0,91,92,92,1,3,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14727,4,3,2,3,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,56,4,2,2,,1,0,3,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +14728,3,3,8,3,91,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14729,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14730,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14731,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14732,1,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14733,5,1,11,2,1,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14734,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14735,5,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,2,5,11,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14736,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,88,7,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14737,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14738,3,2,11,2,0,0,92,0,92,92,1,1,2,3,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,175,14,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14739,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14740,3,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14741,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14742,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14743,3,3,1,2,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14744,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14745,3,2,8,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14746,3,3,10,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14747,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14748,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14749,4,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14750,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14751,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14752,5,3,10,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14753,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14754,3,3,1,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,202,16,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14755,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14756,1,1,8,2,,0,92,0,92,92,1,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,79,6,2,2,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +14757,3,3,10,2,1,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14758,2,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14759,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14760,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14761,5,4,6,1,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,120,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14762,5,2,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14763,5,90,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14764,4,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,118,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14765,5,1,5,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14766,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14767,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14768,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14769,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14770,4,2,4,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14771,5,3,8,2,91,2,2,1,1,1,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,56,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14772,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14773,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14774,5,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14775,3,3,9,2,1,,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,193,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14776,5,3,8,3,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14777,3,2,10,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,200,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14778,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14779,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,19,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14780,5,3,8,2,91,0,92,0,92,92,1,0,92,92,1,2,4,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,26,2,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14781,4,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14782,2,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14783,1,2,11,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14784,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14785,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,54,4,2,2,,3,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14786,3,3,8,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14787,1,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14788,5,2,2,3,0,,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,115,9,2,1,2,2,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +14789,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14790,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14791,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14792,2,2,6,1,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14793,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14794,5,4,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,4,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +14795,3,3,90,2,0,0,92,0,92,92,,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,2,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14796,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14797,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14798,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14799,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14800,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14801,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14802,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14803,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14804,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14805,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14806,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14807,5,3,1,3,91,1,4,0,92,92,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,75,6,2,2,2,2,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +14808,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14809,5,3,,,1,,92,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,62,5,2,1,1,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14810,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14811,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14812,1,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14813,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14814,5,1,6,1,1,0,92,0,92,92,1,1,1,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,155,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14815,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14816,1,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14817,3,1,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,,1,,3,1,1,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +14818,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14819,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14820,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14821,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14822,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,4,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14823,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14824,5,1,90,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14825,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14826,3,3,5,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14827,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14828,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,17,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14829,1,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14830,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14831,5,2,8,3,1,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,75,6,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14832,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14833,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,,92,92,92,92,92,1,0,0,0,1,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,1,0,3,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14834,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14835,5,3,10,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14836,5,3,90,2,0,0,92,0,92,92,0,1,2,3,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,149,12,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14837,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14838,2,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,34,2,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14839,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14840,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,4,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14841,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14842,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14843,3,2,12,2,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14844,4,3,4,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14845,5,2,10,2,91,,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,92,92,92,92,91,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14846,4,3,2,3,,0,92,0,92,92,,1,2,,0,92,92,92,,0,0,0,4,5,5,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,78,6,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +14847,4,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14848,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14849,3,3,5,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,150,12,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14850,2,2,8,3,1,1,3,0,92,92,1,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,207,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14851,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14852,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14853,5,3,12,2,91,0,92,0,92,92,0,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14854,4,1,8,2,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14855,5,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14856,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14857,2,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14858,4,3,8,2,91,0,92,0,92,92,1,0,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14859,5,3,2,3,0,,92,0,92,92,1,1,1,2,1,,3,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,92,92,92,92,78,6,2,1,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14860,3,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14861,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14862,3,1,1,3,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14863,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14864,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14865,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,,3,1,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0 +14866,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14867,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14868,5,3,8,2,1,0,92,0,92,92,0,1,2,3,1,,3,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,94,7,2,1,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14869,5,1,10,2,1,1,3,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14870,3,3,10,2,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,139,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14871,1,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14872,2,3,11,2,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14873,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14874,5,3,9,2,91,2,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,,2,0,1,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +14875,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14876,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14877,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14878,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14879,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14880,1,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14881,3,3,10,2,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14882,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14883,3,1,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14884,5,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14885,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14886,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,144,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14887,1,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14888,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14889,5,3,2,3,1,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14890,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,3,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14891,3,90,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14892,4,3,10,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,102,8,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14893,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,19,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14894,3,3,12,2,0,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14895,5,2,,,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14896,3,3,7,1,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,201,16,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14897,5,3,10,3,1,0,92,0,92,92,0,1,3,2,1,2,3,1,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,207,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14898,3,3,1,3,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,2,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14899,5,3,1,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14900,5,3,6,1,0,0,92,0,92,92,1,1,2,2,1,1,4,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14901,3,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14902,5,3,11,2,0,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14903,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14904,5,1,8,3,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14905,5,2,11,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14906,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14907,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14908,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14909,3,1,9,2,0,,92,,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14910,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14911,3,3,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14912,5,2,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14913,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14914,3,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14915,3,3,90,2,0,0,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,76,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14916,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14917,5,3,8,3,91,0,92,0,92,92,1,0,92,92,1,1,,,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,2,2,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14918,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14919,2,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14920,3,1,7,1,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,92,92,92,92,106,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14921,5,2,90,2,0,1,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,120,10,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14922,5,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14923,3,1,6,1,1,2,1,0,92,92,0,1,2,2,1,3,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,158,13,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14924,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14925,3,3,8,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,68,5,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14926,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14927,3,3,4,2,1,2,,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14928,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14929,5,3,1,2,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,72,6,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14930,3,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,2,1,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +14931,3,1,1,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,2,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14932,5,3,11,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,157,13,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14933,5,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14934,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14935,5,2,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14936,5,3,3,3,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,156,13,2,1,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14937,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14938,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14939,2,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14940,3,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14941,5,1,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,189,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14942,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14943,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14944,5,3,90,2,,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14945,2,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14946,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14947,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,66,5,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14948,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14949,5,2,6,1,0,0,92,0,92,92,1,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14950,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14951,4,3,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14952,5,2,12,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14953,5,3,6,1,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14954,3,3,2,2,0,2,1,,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14955,3,3,2,2,91,1,2,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,32,2,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14956,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14957,4,3,11,2,1,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14958,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14959,1,3,8,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14960,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14961,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14962,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,4,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14963,5,1,10,2,0,,92,0,92,92,0,1,2,2,,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,174,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14964,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14965,3,3,5,2,1,2,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14966,5,90,8,2,0,0,92,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,12,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14967,3,3,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14968,3,3,8,3,91,2,2,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,10,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14969,3,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14970,5,1,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14971,4,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14972,3,3,1,2,0,0,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,85,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14973,5,3,7,1,,0,92,0,92,92,0,0,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,25,2,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14974,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,14,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14975,5,90,6,1,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14976,5,2,11,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14977,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14978,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,139,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14979,2,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14980,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14981,5,1,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14982,4,3,5,2,1,1,3,1,1,1,0,1,3,2,1,3,2,1,,0,0,0,3,4,6,13,1,1,0,0,1,0,0,0,92,0,1,1,0,0,0,0,1,3,3,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,92,92,92,92,209,17,2,1,2,1,0,2,1,1,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +14983,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14984,5,3,10,2,91,1,,0,92,92,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +14985,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14986,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,197,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14987,5,3,10,2,0,0,92,1,2,3,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,198,16,2,1,2,3,0,1,1,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14988,5,3,4,2,91,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,64,5,2,2,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14989,5,90,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14990,3,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,17,1,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +14991,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14992,5,2,1,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,1,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14993,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14994,5,2,4,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14995,1,2,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14996,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14997,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +14998,3,3,10,2,0,0,92,0,92,92,1,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,155,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +14999,3,90,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15000,5,3,7,1,1,1,2,0,92,92,0,1,,2,1,1,3,,0,0,0,0,3,5,6,14,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,93,7,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15001,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15002,5,3,2,3,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,170,14,2,2,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15003,3,3,1,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15004,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15005,5,3,4,2,91,0,92,0,92,92,1,0,92,92,1,1,,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15006,5,2,6,1,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15007,3,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15008,4,3,90,2,,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15009,3,3,90,2,91,0,92,0,92,92,0,0,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,45,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15010,5,3,11,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15011,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15012,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15013,5,3,8,3,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,1,0,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,8,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15014,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15015,5,3,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15016,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15017,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15018,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15019,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15020,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15021,3,3,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15022,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15023,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15024,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15025,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15026,5,2,6,1,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15027,3,3,6,1,0,0,92,0,92,92,1,1,1,2,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,37,3,2,1,2,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15028,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15029,5,1,1,2,0,0,92,0,92,92,1,1,3,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,92,92,92,92,76,6,2,1,,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +15030,5,3,10,2,0,1,2,1,1,2,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,150,12,2,2,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15031,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15032,4,3,10,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15033,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15034,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15035,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15036,3,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15037,5,3,6,1,0,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,137,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15038,5,2,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,30,2,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15039,5,2,8,2,91,1,2,1,2,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,13,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15040,3,2,8,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15041,3,1,1,2,,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15042,5,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,134,11,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15043,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15044,5,3,1,2,,2,,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15045,5,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15046,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15047,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15048,5,1,5,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15049,3,1,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15050,3,1,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15051,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15052,3,2,7,1,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15053,5,3,5,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15054,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15055,5,2,8,2,91,0,92,0,92,92,0,1,1,2,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,77,6,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15056,5,3,8,3,91,1,,1,2,2,0,91,92,92,1,1,2,1,,1,1,1,1,1,1,3,1,1,0,1,0,0,0,1,1,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,,,0,5,1,1,1,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,1,0,1 +15057,4,3,10,2,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15058,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15059,5,3,8,3,91,1,1,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,92,92,92,92,16,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15060,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15061,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15062,5,3,6,1,0,0,92,0,92,92,1,1,1,2,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,94,7,2,2,2,2,1,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15063,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15064,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,,0,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15065,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15066,5,2,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15067,3,3,1,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15068,2,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15069,5,1,1,2,91,,92,,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15070,3,3,4,2,,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15071,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15072,5,1,9,2,91,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15073,3,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15074,3,1,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15075,5,3,8,3,0,0,92,0,92,92,0,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,86,7,2,1,,,1,2,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +15076,5,3,10,2,1,2,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15077,3,1,4,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,108,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15078,3,2,10,2,0,1,2,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15079,5,2,9,2,1,1,4,,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,166,13,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15080,5,2,,,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,64,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15081,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15082,5,3,10,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,211,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15083,5,3,6,1,0,2,,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,121,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15084,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15085,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,25,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15086,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15087,5,3,2,3,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15088,1,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,180,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15089,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,,,0,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15090,2,1,90,2,,2,1,0,92,92,1,1,3,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,162,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15091,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15092,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15093,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15094,4,2,11,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15095,3,3,10,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15096,5,2,90,2,1,1,1,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15097,5,2,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,31,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15098,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15099,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15100,4,2,9,2,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15101,5,2,7,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15102,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15103,3,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15104,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15105,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15106,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15107,5,1,10,2,0,0,92,0,92,92,1,,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15108,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15109,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15110,3,3,10,2,1,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15111,2,3,7,1,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15112,1,3,8,3,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,196,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15113,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,69,5,2,1,2,2,,3,1,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0 +15114,3,3,8,2,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15115,5,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15116,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15117,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15118,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15119,5,2,10,2,1,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15120,3,3,8,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15121,1,3,5,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15122,5,2,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15123,1,90,2,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15124,5,3,10,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,139,11,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15125,4,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15126,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15127,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15128,5,2,90,2,0,0,92,0,92,92,1,0,92,92,1,3,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,19,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15129,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15130,3,1,1,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15131,5,3,90,2,1,2,,0,92,92,0,1,3,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,164,13,2,1,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15132,4,3,10,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15133,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,28,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15134,3,2,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,62,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15135,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15136,3,3,8,2,0,1,2,0,92,92,0,1,3,3,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15137,5,2,9,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15138,3,3,8,2,1,1,3,1,1,2,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,170,14,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15139,3,90,10,2,1,1,,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15140,1,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15141,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,42,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15142,5,1,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15143,3,3,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15144,2,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15145,4,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15146,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15147,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15148,5,3,11,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15149,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15150,3,3,7,1,1,2,1,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15151,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15152,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15153,2,3,8,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15154,3,3,11,2,0,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15155,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15156,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15157,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15158,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15159,4,3,8,2,91,0,92,0,92,92,0,91,92,92,1,,2,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,1,1,0,0,6,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15160,3,1,1,3,0,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,90,7,2,1,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15161,1,3,8,3,91,1,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,,92,92,92,92,19,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15162,5,2,10,3,1,1,3,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15163,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,1,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +15164,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15165,4,3,6,1,1,2,3,0,92,92,,1,1,3,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15166,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15167,5,2,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15168,5,2,12,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15169,4,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,92,92,92,92,110,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15170,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15171,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15172,3,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15173,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15174,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15175,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15176,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15177,5,3,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15178,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15179,5,2,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15180,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15181,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15182,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15183,3,3,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,38,3,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15184,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,24,2,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15185,3,3,7,1,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15186,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15187,3,3,12,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15188,5,2,9,2,91,0,92,,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15189,3,4,,,,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15190,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15191,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15192,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15193,1,2,10,2,0,0,92,0,92,92,0,1,2,,0,92,92,92,0,,,,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15194,5,90,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15195,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15196,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15197,5,3,1,2,1,1,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,140,11,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15198,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15199,3,3,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15200,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15201,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15202,5,3,1,3,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15203,5,3,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,202,16,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15204,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15205,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15206,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15207,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15208,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15209,5,3,7,1,0,0,92,1,3,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,63,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15210,3,3,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15211,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15212,5,1,1,2,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15213,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15214,3,1,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15215,1,3,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15216,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15217,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15218,3,3,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15219,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15220,2,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,208,17,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15221,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,116,9,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15222,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15223,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15224,5,3,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15225,3,3,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15226,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15227,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15228,5,90,6,1,0,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15229,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15230,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,132,11,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15231,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15232,3,3,9,2,,0,92,0,92,92,0,,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,1,1,0,30,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +15233,3,2,7,1,,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15234,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,200,16,2,1,,2,0,6,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0, +15235,3,3,6,1,91,1,4,1,1,1,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,27,2,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15236,3,3,8,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15237,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15238,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,1,0,1,0,92,0,1,1,0,0,0,0,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,26,2,2,1,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +15239,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15240,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15241,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15242,5,3,7,1,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15243,3,3,6,1,0,0,92,0,92,92,0,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,95,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15244,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15245,4,3,9,2,91,2,,0,92,92,,91,92,92,,92,92,92,,1,0,0,,,,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,2,1,0,5,1,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,1 +15246,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,31,2,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15247,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15248,5,3,6,1,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15249,3,3,6,1,0,0,92,0,92,92,0,1,3,,1,,3,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15250,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15251,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,4,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15252,5,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15253,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15254,5,90,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15255,5,3,4,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +15256,3,3,8,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15257,5,3,6,1,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15258,5,3,8,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15259,1,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,1,1,1,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,14,1,1,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15260,5,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15261,1,3,,,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15262,3,3,1,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15263,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15264,3,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,50,4,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15265,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15266,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15267,3,3,8,2,91,1,4,0,92,92,0,91,92,92,1,,1,,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,27,2,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15268,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15269,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15270,5,3,90,2,1,1,3,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,134,11,2,2,1,90,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15271,3,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15272,3,3,11,2,1,1,3,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15273,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15274,5,2,8,2,1,1,3,0,92,92,,1,2,2,1,2,2,2,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15275,5,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15276,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15277,3,90,8,3,91,0,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,0,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15278,3,3,90,2,91,2,2,,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15279,5,1,1,3,91,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15280,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15281,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15282,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15283,4,3,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15284,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15285,3,3,10,2,0,0,92,0,92,92,1,0,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,206,17,2,1,,90,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15286,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15287,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15288,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15289,5,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15290,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15291,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15292,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15293,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,15,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15294,3,3,1,3,1,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15295,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15296,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15297,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15298,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15299,3,3,,,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,40,3,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15300,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15301,4,2,5,2,0,2,1,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15302,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15303,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15304,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15305,5,90,2,3,0,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15306,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15307,1,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15308,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,,,,3,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +15309,5,3,8,2,91,0,92,0,92,92,0,1,,3,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15310,3,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15311,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15312,5,2,6,1,0,1,,0,92,92,0,0,92,92,1,2,3,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,2,1,7,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15313,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15314,2,1,8,3,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15315,3,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,1,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15316,3,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15317,3,2,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,148,12,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15318,4,3,5,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15319,3,3,8,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15320,2,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15321,3,1,6,1,,,92,0,92,92,0,1,3,2,1,2,3,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,101,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15322,3,3,1,2,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15323,4,2,3,3,,1,4,0,92,92,,91,92,92,1,3,2,1,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15324,5,2,6,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15325,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15326,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15327,5,3,5,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15328,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15329,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15330,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,151,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15331,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15332,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15333,5,2,90,2,0,2,2,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,50,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15334,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,6,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15335,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15336,5,2,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15337,5,3,3,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,102,8,2,1,,2,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15338,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,159,13,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15339,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15340,5,2,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,126,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15341,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,1,1,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15342,5,3,8,3,91,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15343,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15344,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15345,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15346,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15347,5,2,8,3,0,,92,,92,92,,91,92,92,1,1,2,1,,0,0,0,3,3,4,10,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,49,4,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15348,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15349,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15350,5,3,1,2,0,0,92,0,92,92,0,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,205,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15351,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15352,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15353,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15354,5,3,2,3,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,124,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15355,3,3,90,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15356,4,2,4,2,1,1,,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,198,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15357,3,3,90,2,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,124,10,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15358,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15359,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15360,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15361,5,3,8,3,1,1,,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15362,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15363,5,3,10,3,0,0,92,0,92,92,1,0,92,92,1,2,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15364,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15365,3,3,12,2,1,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,83,6,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15366,3,3,8,3,0,0,92,0,92,92,,0,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15367,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15368,2,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15369,5,3,90,2,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15370,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15371,5,1,90,2,,0,92,0,92,92,0,,92,92,1,2,,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,61,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15372,4,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15373,5,2,8,2,0,0,92,0,92,92,0,1,,2,1,3,2,1,0,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,64,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15374,5,3,90,2,,,92,,92,92,0,0,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,211,17,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15375,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,189,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15376,3,3,8,2,,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,0,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15377,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15378,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15379,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15380,5,2,90,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15381,3,3,2,3,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15382,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15383,3,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15384,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,92,92,92,92,76,6,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15385,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15386,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,1,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,16,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15387,3,2,7,1,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15388,4,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,136,11,2,2,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15389,5,3,7,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15390,5,3,1,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15391,5,2,12,3,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15392,3,3,3,2,1,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15393,5,3,,,91,2,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15394,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15395,3,2,90,2,1,,92,0,92,92,0,1,2,,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15396,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15397,5,1,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15398,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15399,5,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +15400,4,3,2,,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15401,3,3,90,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,204,17,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15402,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15403,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15404,4,2,10,2,1,2,,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,179,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15405,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15406,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15407,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15408,3,3,7,1,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15409,5,2,7,1,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15410,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15411,2,1,5,2,0,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15412,3,3,1,2,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15413,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15414,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15415,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15416,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15417,3,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15418,5,3,10,2,0,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,197,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15419,5,2,9,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15420,3,3,12,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15421,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15422,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15423,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +15424,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,27,2,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15425,5,2,12,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15426,5,1,8,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15427,5,3,11,2,0,0,92,0,92,92,1,1,1,2,1,3,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15428,5,1,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,10,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15429,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15430,5,3,1,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15431,4,3,8,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15432,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15433,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15434,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15435,5,3,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,1,0,5,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15436,3,3,4,2,1,1,,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15437,3,2,2,2,0,0,92,0,92,92,1,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,65,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15438,5,2,8,3,91,0,92,0,92,92,1,,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15439,3,3,9,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,75,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15440,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15441,5,3,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15442,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15443,3,3,8,3,,,92,,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,92,92,92,92,37,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15444,4,2,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15445,3,3,7,1,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15446,5,1,90,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15447,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +15448,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15449,3,3,8,2,1,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,78,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15450,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15451,5,3,8,2,0,0,92,0,92,92,0,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,58,4,2,1,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15452,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15453,4,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15454,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15455,3,3,1,2,1,2,,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15456,4,3,8,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15457,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15458,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,2,1,,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15459,5,2,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15460,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15461,3,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15462,3,2,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15463,5,1,10,3,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15464,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15465,5,3,8,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15466,3,1,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15467,5,1,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,31,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15468,1,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15469,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15470,4,3,1,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15471,5,3,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,83,6,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15472,3,1,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15473,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15474,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15475,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15476,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15477,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15478,5,1,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15479,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15480,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15481,5,2,12,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15482,5,3,8,3,91,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15483,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15484,3,2,8,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15485,3,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15486,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,2,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15487,5,3,10,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,122,10,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15488,5,3,10,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15489,3,3,11,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15490,3,1,11,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15491,1,3,90,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15492,5,3,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,172,14,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15493,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15494,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15495,4,3,2,2,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,130,10,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15496,3,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15497,4,1,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15498,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,10,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15499,3,3,1,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15500,5,3,10,2,1,0,92,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15501,3,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15502,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15503,5,2,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15504,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15505,4,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15506,3,2,11,2,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,70,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15507,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15508,3,3,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15509,5,2,10,2,1,1,2,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,188,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15510,3,3,5,2,0,0,92,0,92,92,1,1,2,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,89,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15511,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15512,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15513,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15514,5,3,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,193,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15515,5,1,1,2,91,,92,,92,92,,91,92,92,,92,92,92,,0,0,0,2,2,4,8,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,32,2,2,1,1,,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1,1,0,1 +15516,3,2,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15517,5,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15518,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,212,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15519,3,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15520,5,1,1,2,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15521,3,3,,,1,2,,0,92,92,0,1,1,2,1,3,3,1,1,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,1,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,45,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15522,5,1,11,2,,1,1,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15523,5,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,165,13,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15524,3,2,1,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15525,3,3,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15526,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15527,5,3,4,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15528,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15529,5,3,10,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15530,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15531,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15532,3,2,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15533,5,2,8,3,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15534,4,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15535,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,200,16,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15536,5,1,4,2,0,0,92,0,92,92,1,1,2,2,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15537,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15538,5,3,1,2,0,0,92,0,92,92,1,1,1,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15539,4,3,5,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15540,4,2,5,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,103,8,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15541,4,3,2,3,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15542,5,3,9,2,,0,92,0,92,92,1,1,,,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,50,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15543,3,3,10,2,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15544,3,3,4,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15545,5,3,3,3,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15546,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15547,5,3,9,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,145,12,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15548,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15549,3,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15550,5,2,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15551,5,1,8,2,0,0,92,0,92,92,0,1,1,4,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,88,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15552,5,90,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15553,5,3,1,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15554,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15555,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15556,5,2,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,12,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15557,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15558,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15559,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15560,5,3,6,1,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,171,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15561,3,3,9,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15562,1,3,6,1,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15563,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15564,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15565,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,2,0,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +15566,3,2,10,2,1,1,2,0,92,92,0,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,190,15,2,1,2,1,,3,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +15567,5,1,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,47,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15568,5,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,11,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15569,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15570,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15571,5,3,7,1,91,0,92,0,92,92,0,1,,3,1,3,4,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,57,4,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15572,2,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,48,4,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15573,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15574,3,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15575,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15576,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15577,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15578,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15579,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15580,5,3,1,2,0,2,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15581,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15582,2,1,90,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15583,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15584,5,3,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15585,3,2,11,2,0,1,1,0,92,92,1,1,1,2,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,167,13,2,1,,2,1,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15586,3,3,5,2,0,1,2,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15587,1,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,27,2,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +15588,5,3,11,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15589,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15590,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,92,92,92,92,0,0,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15591,5,3,6,1,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,132,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15592,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15593,2,3,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15594,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,175,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15595,5,3,1,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,192,16,2,2,2,4,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15596,5,1,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15597,5,3,4,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15598,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15599,3,3,12,2,0,0,92,0,92,92,1,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,56,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15600,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15601,4,3,12,2,0,2,2,0,92,92,0,1,1,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15602,4,3,9,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15603,5,3,8,2,91,0,92,,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15604,5,1,11,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15605,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15606,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15607,3,3,8,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15608,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,75,6,2,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15609,4,3,11,2,0,0,92,0,92,92,1,0,92,92,1,3,,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15610,5,3,6,1,0,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15611,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15612,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15613,5,3,4,2,,1,,0,92,92,,1,2,2,1,3,2,,1,0,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15614,2,1,6,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15615,1,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15616,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15617,3,3,8,2,91,,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,33,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15618,5,2,4,2,0,2,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15619,5,1,2,3,91,2,,0,92,92,,91,92,92,1,,3,,,0,0,0,3,3,5,11,1,1,0,0,0,0,1,0,92,0,1,1,0,0,0,0,1,,2,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,39,3,2,2,1,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +15620,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15621,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15622,3,3,6,1,1,1,3,1,1,1,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15623,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +15624,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15625,3,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15626,5,1,11,2,0,2,2,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,1,0,92,92,92,92,186,15,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15627,3,3,8,2,,2,,0,92,92,0,1,,2,1,1,2,1,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,48,4,2,2,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +15628,5,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15629,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15630,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15631,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15632,5,3,10,2,1,1,,1,1,,0,,92,92,1,,2,1,,0,0,0,4,4,5,13,1,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,92,92,92,92,166,13,2,1,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +15633,5,3,8,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15634,5,3,8,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,77,6,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15635,4,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,1,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15636,3,1,8,3,0,,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15637,5,4,8,3,91,2,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15638,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,49,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15639,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15640,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15641,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15642,3,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15643,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15644,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15645,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15646,3,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15647,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +15648,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15649,5,3,11,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15650,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15651,2,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,86,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15652,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,34,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15653,5,2,11,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15654,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15655,5,1,90,2,,0,92,0,92,92,1,0,92,92,1,,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,114,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15656,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15657,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15658,2,2,9,2,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,43,3,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15659,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15660,3,3,8,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15661,4,3,8,3,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,47,3,2,2,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15662,5,2,8,2,91,0,92,0,92,92,1,1,1,,1,3,,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,53,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15663,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15664,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15665,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15666,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15667,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15668,3,2,6,1,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15669,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15670,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,28,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15671,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15672,3,3,,,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15673,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15674,3,2,11,2,0,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15675,5,3,90,2,91,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15676,5,1,1,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15677,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15678,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15679,5,3,10,2,0,,92,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15680,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15681,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15682,4,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15683,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15684,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15685,2,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15686,3,90,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15687,3,3,10,2,1,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15688,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15689,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15690,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15691,4,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15692,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15693,3,3,11,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15694,5,2,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15695,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15696,3,3,11,2,0,0,92,0,92,92,,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15697,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15698,5,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15699,5,3,8,2,0,0,92,0,92,92,0,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15700,5,3,10,2,1,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15701,5,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,175,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15702,5,1,3,3,,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15703,5,3,2,3,1,0,92,0,92,92,,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,119,9,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15704,3,3,8,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15705,5,2,2,3,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15706,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15707,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15708,4,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15709,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15710,5,3,7,1,,0,92,0,92,92,0,1,,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,54,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15711,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15712,3,2,10,2,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15713,5,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15714,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15715,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15716,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15717,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15718,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15719,3,3,2,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +15720,5,3,1,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,,,,6,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +15721,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15722,5,2,8,2,91,0,92,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,50,4,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15723,5,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15724,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15725,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15726,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15727,5,2,10,2,0,1,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15728,3,3,9,2,91,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15729,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,0,92,92,92,92,92,1,0,0,0,1,0,0,1,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15730,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15731,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15732,5,1,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15733,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15734,5,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,38,3,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15735,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15736,5,3,9,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15737,5,1,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15738,5,3,7,1,1,1,1,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15739,3,3,10,2,0,0,92,0,92,92,1,0,92,92,1,3,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,201,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15740,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15741,3,1,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15742,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,18,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15743,5,3,2,2,,1,,,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,2,3,6,1,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,,,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15744,3,2,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,17,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15745,4,3,9,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15746,3,2,90,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,119,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15747,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15748,5,3,7,1,0,0,92,0,92,92,1,0,92,92,1,2,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,82,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15749,4,2,8,2,91,0,92,0,92,92,1,0,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15750,5,3,1,3,1,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15751,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15752,3,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15753,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15754,5,2,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15755,5,2,8,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15756,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15757,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,141,11,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15758,5,3,12,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,127,10,2,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15759,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,68,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15760,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15761,3,3,5,2,1,,92,0,92,92,,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,92,92,92,92,179,14,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15762,5,3,10,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15763,5,3,10,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15764,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15765,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15766,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,3,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15767,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15768,3,3,8,2,0,2,1,0,92,92,1,1,,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,58,4,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15769,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15770,5,3,9,2,91,0,92,0,92,92,1,0,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15771,3,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15772,2,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15773,5,1,10,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15774,3,3,9,2,0,0,92,0,92,92,1,1,2,1,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15775,1,3,10,2,1,2,,,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,211,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15776,3,2,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,146,12,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15777,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15778,3,3,1,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15779,5,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15780,5,2,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15781,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15782,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15783,5,3,1,3,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,145,12,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15784,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15785,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15786,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,1,1,5,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +15787,3,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15788,2,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15789,4,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15790,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15791,4,3,5,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15792,5,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15793,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15794,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15795,5,1,6,1,0,2,3,1,1,2,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,48,4,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15796,4,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15797,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15798,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,95,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15799,4,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15800,5,3,8,2,0,1,2,0,92,92,1,1,,,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,39,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15801,5,3,90,2,0,0,92,0,92,92,1,1,2,2,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15802,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15803,5,2,9,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,48,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15804,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15805,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15806,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15807,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15808,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15809,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15810,5,1,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15811,5,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15812,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15813,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15814,1,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15815,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15816,4,2,6,1,,2,2,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15817,5,3,10,2,1,1,,1,1,,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,147,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15818,5,2,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15819,5,90,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15820,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15821,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15822,1,3,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15823,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15824,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15825,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15826,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15827,4,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +15828,3,3,8,2,0,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15829,3,3,11,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15830,2,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15831,5,2,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15832,5,3,9,2,91,1,4,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15833,2,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15834,3,3,6,1,,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,41,3,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15835,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15836,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15837,5,3,4,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15838,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15839,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15840,5,1,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15841,5,3,8,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15842,3,3,7,1,0,0,92,,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,122,10,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15843,5,1,2,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,1,0,0,32,2,2,2,,1,1,4,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +15844,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15845,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,2,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15846,5,2,8,3,91,2,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15847,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15848,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15849,2,90,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15850,3,3,9,2,91,2,3,1,1,2,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,92,92,92,92,35,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15851,5,3,90,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,145,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15852,3,1,90,2,0,1,2,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,193,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15853,5,3,8,2,0,,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,109,9,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15854,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,3,,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +15855,2,4,6,1,0,0,92,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,39,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15856,3,1,8,2,,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15857,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15858,5,1,8,3,0,2,,1,1,1,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,104,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15859,5,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15860,5,3,10,2,1,2,,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15861,5,3,4,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15862,3,2,11,2,0,0,92,0,92,92,1,1,2,3,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,211,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15863,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15864,3,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,108,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15865,3,3,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,74,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15866,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15867,3,3,8,3,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,2,1,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15868,5,3,8,2,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15869,1,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15870,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15871,2,2,11,2,1,1,,0,92,92,0,1,2,,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15872,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15873,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,77,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15874,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15875,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15876,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15877,5,1,11,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15878,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15879,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,66,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15880,3,3,10,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15881,2,3,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,68,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15882,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15883,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,10,0,1,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +15884,5,3,2,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15885,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15886,5,3,10,2,0,0,92,0,92,92,1,1,1,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,143,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15887,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15888,5,3,,,,0,92,0,92,92,1,91,92,92,1,,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,13,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15889,5,2,7,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15890,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15891,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15892,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,4,0,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15893,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15894,5,1,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15895,3,3,10,2,0,0,92,,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15896,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15897,3,3,4,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15898,5,2,10,2,1,1,2,1,2,1,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,106,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15899,3,2,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15900,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15901,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15902,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15903,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15904,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15905,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15906,3,3,11,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15907,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15908,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15909,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15910,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15911,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15912,5,3,11,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15913,1,3,,,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,1,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,2,1,,3,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +15914,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15915,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15916,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15917,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15918,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15919,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15920,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15921,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15922,3,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15923,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15924,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15925,3,1,2,3,,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15926,5,2,6,1,0,0,92,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15927,5,90,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15928,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15929,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,10,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15930,5,3,2,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15931,5,2,9,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15932,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,185,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15933,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15934,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15935,5,1,4,2,0,1,2,0,92,92,1,1,2,2,1,2,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,82,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15936,5,3,9,2,,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15937,3,3,8,2,91,0,92,0,92,92,0,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15938,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15939,5,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15940,5,2,90,2,0,0,92,0,92,92,,1,3,2,1,3,1,3,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15941,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,2,1,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15942,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15943,5,2,90,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15944,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,186,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15945,5,3,8,3,91,0,92,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,1,,1,0,3,1,1,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +15946,4,3,2,3,1,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,1,,2,,3,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0 +15947,2,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15948,5,2,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15949,1,3,6,1,1,0,92,0,92,92,0,1,,,0,92,92,92,1,0,0,0,,4,,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15950,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15951,5,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15952,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15953,5,2,8,3,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15954,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15955,3,1,4,2,0,,92,0,92,92,1,1,2,2,1,2,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,107,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15956,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,6,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15957,5,3,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15958,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15959,5,3,,,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15960,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15961,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15962,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15963,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15964,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15965,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15966,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15967,5,3,4,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15968,5,3,8,3,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,91,7,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15969,5,2,5,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15970,3,3,90,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15971,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15972,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15973,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,90,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15974,5,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15975,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15976,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15977,2,1,6,1,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15978,1,2,5,2,0,2,,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15979,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15980,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15981,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15982,4,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,198,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15983,5,3,11,2,1,2,,0,92,92,,1,2,2,1,,,,,0,0,0,3,4,6,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,2,,1,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +15984,3,2,6,1,0,0,92,0,92,92,0,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15985,4,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15986,3,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15987,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15988,3,3,11,2,0,0,92,0,92,92,0,1,1,3,1,3,4,2,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,64,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15989,3,3,3,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15990,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15991,3,90,1,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15992,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15993,1,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15994,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15995,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15996,5,3,6,1,91,0,92,0,92,92,1,1,,,1,1,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,51,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15997,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +15998,5,2,6,1,0,0,92,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,33,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +15999,5,1,10,2,91,0,92,1,3,1,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,33,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16000,3,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16001,5,3,4,2,0,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,92,7,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16002,5,3,12,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16003,5,3,8,2,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,70,5,2,2,,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +16004,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16005,5,90,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16006,3,1,7,1,91,0,92,0,92,92,1,0,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,29,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16007,5,3,8,2,0,2,1,0,92,92,0,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16008,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16009,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,172,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16010,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16011,5,2,6,1,1,1,2,1,1,1,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,86,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16012,5,3,8,3,1,,92,0,92,92,1,1,1,3,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,83,6,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16013,3,3,2,3,0,1,,1,2,,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,171,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16014,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16015,4,3,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16016,5,1,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16017,5,3,4,2,0,0,92,0,92,92,1,0,92,92,1,2,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16018,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16019,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16020,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16021,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,9,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16022,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16023,3,3,8,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16024,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16025,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16026,5,1,,,91,,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,16,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16027,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16028,4,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16029,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16030,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16031,3,2,10,2,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16032,5,1,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16033,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,2,,90,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +16034,2,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16035,2,2,8,3,0,0,92,0,92,92,1,91,92,92,1,,4,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,92,92,92,92,6,0,1,2,,2,1,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +16036,5,3,10,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,192,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16037,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16038,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,11,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16039,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16040,4,3,10,2,,1,2,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,4,3,5,12,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,2,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16041,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16042,3,1,8,2,0,,92,1,2,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16043,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16044,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,183,15,2,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16045,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16046,1,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,182,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16047,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16048,5,3,6,1,1,1,3,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,,,,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16049,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16050,3,2,1,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,97,8,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16051,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16052,5,3,10,2,91,1,4,,92,92,0,91,92,92,1,3,2,,,1,1,1,,,,5,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,185,15,2,1,2,1,0,5,1,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,1 +16053,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16054,5,1,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16055,3,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16056,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16057,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16058,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16059,3,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16060,5,3,11,2,0,2,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16061,4,3,5,2,1,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,1,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,94,7,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16062,3,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,92,92,92,92,94,7,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16063,5,3,11,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16064,4,3,11,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16065,5,1,4,2,0,0,92,,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16066,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16067,3,3,8,2,0,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16068,3,1,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16069,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16070,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16071,2,90,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16072,5,2,11,2,0,1,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16073,1,2,8,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16074,5,3,10,2,0,0,92,0,92,92,1,1,1,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16075,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16076,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16077,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16078,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16079,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16080,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16081,5,3,4,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16082,3,3,4,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16083,3,3,6,1,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16084,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16085,1,3,1,2,0,0,92,0,92,92,1,1,2,3,1,1,3,2,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16086,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,2,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16087,5,2,7,1,0,1,1,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,103,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16088,5,1,90,2,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16089,5,1,8,3,91,0,92,0,92,92,1,0,92,92,1,1,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16090,5,3,9,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16091,5,3,1,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16092,5,3,7,1,0,0,92,0,92,92,0,1,2,2,1,2,3,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,102,8,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16093,5,2,11,2,1,2,,0,92,92,,1,2,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16094,3,3,6,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16095,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16096,5,90,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16097,1,3,6,1,91,0,92,0,92,92,0,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16098,2,3,90,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16099,5,2,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16100,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16101,5,3,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16102,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16103,3,3,11,2,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,124,10,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16104,5,3,,,91,0,92,0,92,92,,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16105,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16106,4,3,1,2,1,2,,0,92,92,,0,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16107,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16108,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16109,3,3,8,2,0,1,1,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16110,5,3,4,2,1,2,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,188,15,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16111,3,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16112,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16113,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16114,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,36,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16115,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16116,3,1,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16117,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16118,5,1,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,104,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16119,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16120,4,2,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,109,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16121,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16122,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16123,3,3,1,2,0,0,92,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16124,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16125,5,90,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16126,1,2,6,1,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16127,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,66,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16128,3,3,12,2,,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16129,3,90,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16130,5,3,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16131,1,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16132,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16133,4,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,4,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16134,3,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16135,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16136,3,1,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16137,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16138,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16139,3,3,11,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16140,4,3,4,2,1,1,4,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16141,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16142,5,2,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16143,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16144,3,3,6,1,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,102,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16145,3,3,9,2,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16146,3,3,1,2,1,1,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16147,5,2,1,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16148,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16149,3,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16150,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16151,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16152,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16153,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16154,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16155,3,1,8,3,,1,2,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16156,5,90,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16157,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16158,3,3,90,2,0,0,92,0,92,92,1,1,2,2,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16159,5,3,8,3,,0,92,0,92,92,,,92,92,0,92,92,92,,1,1,1,,,,13,1,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,2,,5,1,1,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +16160,1,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16161,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16162,5,1,12,2,0,0,92,0,92,92,0,1,1,2,1,1,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,163,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16163,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16164,3,90,8,3,91,0,92,0,92,92,1,91,92,92,1,,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16165,4,3,9,2,91,0,92,1,3,1,0,91,92,92,1,3,3,1,,1,1,1,1,1,1,3,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,92,92,92,92,37,3,2,1,,1,0,5,1,1,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,1,0,1 +16166,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16167,5,3,6,1,91,1,4,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16168,5,2,4,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16169,5,2,,,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16170,2,4,10,2,0,2,2,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16171,3,3,6,1,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16172,3,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16173,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16174,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16175,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16176,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16177,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16178,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16179,3,2,3,3,1,2,,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16180,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16181,5,2,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,166,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16182,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +16183,5,2,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16184,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16185,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16186,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16187,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,106,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16188,5,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16189,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,49,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16190,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16191,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16192,2,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16193,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16194,3,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16195,3,3,1,2,0,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16196,5,3,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16197,5,3,11,2,91,1,,,92,92,,91,92,92,,92,92,92,,0,0,0,1,1,3,5,1,1,0,0,0,0,0,1,1,,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,12,1,1,2,2,3,0,8,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,0,0,0,1 +16198,5,90,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,12,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16199,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16200,2,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16201,2,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,28,2,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16202,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16203,3,3,12,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16204,3,3,10,2,0,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16205,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,7,0,1,1,2,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +16206,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16207,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16208,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16209,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16210,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16211,5,1,1,2,1,1,,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16212,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16213,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16214,5,3,8,3,1,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16215,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16216,5,2,8,2,1,0,92,0,92,92,1,0,92,92,1,3,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,109,9,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16217,5,2,9,2,,0,92,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,1,0,0,1,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16218,4,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16219,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16220,1,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16221,5,3,11,2,0,0,92,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16222,3,1,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,208,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16223,5,3,8,2,,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16224,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16225,3,1,6,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16226,5,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16227,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16228,5,2,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16229,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16230,5,3,90,2,91,1,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16231,5,2,12,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,170,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16232,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16233,3,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16234,5,3,11,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16235,5,1,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16236,4,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16237,5,2,12,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16238,3,2,6,1,,,92,0,92,92,0,91,92,92,1,1,,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,83,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16239,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,128,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16240,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,,1,4,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +16241,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16242,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16243,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16244,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16245,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16246,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16247,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16248,5,2,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16249,5,3,9,2,,2,,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,66,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16250,5,3,1,2,0,0,92,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,1,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16251,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,166,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16252,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16253,4,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16254,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16255,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16256,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16257,5,1,1,3,1,2,,0,92,92,,1,,,0,92,92,92,0,0,0,0,3,4,6,13,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16258,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16259,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,1,0,0,13,1,1,1,,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +16260,3,3,8,2,0,0,92,0,92,92,0,1,2,2,1,,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,50,4,2,1,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16261,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16262,5,3,12,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16263,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16264,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16265,1,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16266,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16267,3,3,1,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16268,4,3,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16269,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16270,5,3,11,2,0,2,,0,92,92,,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16271,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16272,5,3,10,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,118,9,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16273,3,2,12,2,,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16274,3,3,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16275,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16276,3,3,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,45,3,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16277,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16278,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16279,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16280,5,3,6,1,0,0,92,0,92,92,1,1,2,4,1,2,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16281,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,15,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16282,5,2,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16283,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16284,3,1,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16285,4,2,11,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,2,2,5,9,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16286,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16287,5,3,11,2,0,,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16288,3,2,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16289,3,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16290,3,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16291,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16292,5,1,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16293,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16294,4,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16295,3,2,6,1,0,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16296,4,2,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16297,5,1,8,2,91,1,2,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16298,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16299,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,16,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16300,2,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16301,5,3,90,2,91,0,92,0,92,92,1,1,,2,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16302,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,13,1,1,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16303,2,1,6,1,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,104,8,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16304,2,3,10,2,1,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16305,5,1,1,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,110,9,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16306,5,3,9,2,,0,92,0,92,92,0,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16307,5,2,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16308,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16309,1,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16310,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16311,5,3,8,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16312,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,2,,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,79,6,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16313,3,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16314,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16315,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16316,5,1,11,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16317,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16318,5,3,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16319,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16320,5,3,10,2,1,1,1,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16321,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16322,5,1,10,2,1,1,4,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16323,4,3,9,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16324,3,2,8,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16325,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16326,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,168,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16327,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16328,1,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16329,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16330,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16331,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16332,3,3,90,2,1,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16333,5,1,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16334,3,3,10,2,0,1,1,0,92,92,1,1,2,2,1,1,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,1,0,1,0,0,0,0,92,92,92,92,92,92,92,,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16335,3,1,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,83,6,2,1,1,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16336,5,2,1,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16337,3,3,6,1,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16338,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,1,1,1,0,1,0,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16339,5,1,2,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16340,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16341,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16342,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16343,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16344,3,3,11,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,2,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16345,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16346,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,19,1,1,1,2,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16347,3,2,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16348,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16349,4,3,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16350,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16351,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16352,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16353,3,3,5,2,,,92,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16354,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16355,4,3,3,3,1,1,3,0,92,92,0,1,,2,1,2,2,,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,143,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16356,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16357,5,2,8,2,0,1,2,0,92,92,0,1,2,2,1,3,4,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,73,6,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16358,4,3,6,1,1,,92,,92,92,0,1,,3,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,2,2,0,5,1,1,1,0,1,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0 +16359,3,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,160,13,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16360,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16361,5,2,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16362,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16363,5,2,,,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16364,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16365,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16366,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16367,4,3,8,2,0,0,92,0,92,92,1,1,1,2,1,2,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,84,7,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16368,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16369,2,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,107,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16370,5,1,8,2,91,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16371,3,3,3,3,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16372,4,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16373,3,2,2,3,1,2,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,194,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16374,5,3,7,1,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,181,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16375,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16376,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16377,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,2,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +16378,3,2,90,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16379,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16380,5,3,11,3,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +16381,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16382,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,1,1,4,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,2,,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,1 +16383,3,3,5,2,0,1,,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,167,13,2,1,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16384,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16385,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16386,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16387,3,1,8,2,1,2,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,118,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16388,5,2,90,2,91,2,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,59,4,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16389,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16390,5,2,1,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16391,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16392,5,2,11,3,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16393,5,3,8,2,,0,92,0,92,92,1,,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16394,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16395,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16396,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16397,4,3,10,3,1,2,2,0,92,92,1,1,3,2,1,2,2,1,0,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,104,8,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16398,4,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16399,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16400,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16401,3,3,1,3,91,2,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,1,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16402,3,3,6,1,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,97,8,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16403,1,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16404,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16405,4,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,25,2,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16406,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,2,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16407,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16408,5,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16409,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16410,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16411,4,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16412,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16413,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16414,5,3,2,3,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,2,1,1,0,5,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16415,5,2,90,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16416,3,3,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16417,5,2,10,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16418,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16419,3,2,9,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,63,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16420,3,2,7,1,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16421,3,3,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16422,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,93,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16423,5,3,6,1,0,0,92,0,92,92,1,1,2,1,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16424,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,0,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16425,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16426,5,90,8,2,1,2,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16427,5,2,10,2,0,0,92,0,92,92,1,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16428,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16429,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16430,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0 +16431,5,3,2,3,,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,2,4,10,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,1,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16432,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16433,5,3,8,2,0,0,92,0,92,92,0,0,92,92,,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16434,5,1,90,2,91,0,92,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,,92,92,92,92,42,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16435,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16436,5,3,8,2,0,0,92,0,92,92,0,1,,2,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,45,3,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16437,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16438,5,3,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,35,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16439,5,3,10,2,1,1,,0,92,92,0,1,1,2,1,1,3,2,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,92,92,92,92,202,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16440,5,1,4,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16441,5,2,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16442,5,3,11,2,0,,92,,92,92,,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,55,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16443,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16444,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,79,6,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16445,5,1,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16446,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16447,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16448,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16449,4,3,8,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16450,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16451,3,2,8,2,1,2,,,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16452,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16453,3,3,10,2,1,1,,1,2,2,,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,92,92,92,92,185,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16454,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16455,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16456,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16457,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16458,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16459,4,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16460,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16461,5,1,8,2,0,0,92,0,92,92,0,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,65,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16462,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16463,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16464,5,3,2,3,,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,,1,0,5,1,1,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1 +16465,5,3,12,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16466,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16467,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,1,1,0,0,9,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16468,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16469,5,1,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16470,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16471,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,2,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16472,4,3,6,1,,0,92,0,92,92,0,1,1,2,1,3,2,1,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,85,7,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16473,3,2,2,3,,,92,0,92,92,1,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,113,9,2,1,,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16474,2,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16475,5,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16476,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16477,4,3,4,2,1,,92,0,92,92,0,,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,1,1,0,1,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,137,11,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +16478,5,3,8,2,1,0,92,0,92,92,0,1,2,2,1,2,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,108,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16479,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16480,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16481,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,1,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16482,5,3,2,3,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16483,5,1,1,3,,1,3,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16484,5,3,1,3,91,2,3,0,92,92,,1,,,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,42,3,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16485,4,2,2,3,91,1,2,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,43,3,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16486,5,2,12,2,1,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16487,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16488,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16489,5,3,1,2,91,1,,1,,,0,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16490,5,3,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16491,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16492,5,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16493,3,3,8,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16494,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16495,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16496,4,2,9,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16497,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16498,3,3,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16499,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16500,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16501,5,3,90,2,0,0,92,0,92,92,0,1,2,4,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,86,7,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16502,4,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16503,3,3,9,2,91,0,92,0,92,92,,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16504,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16505,5,3,8,2,,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16506,5,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16507,3,3,10,2,1,2,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,1,,2,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +16508,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16509,5,3,3,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16510,3,3,5,2,1,0,92,0,92,92,0,1,1,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,76,6,2,2,,1,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +16511,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16512,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16513,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16514,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16515,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16516,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16517,5,3,8,2,,0,92,0,92,92,0,1,,2,1,2,3,2,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,51,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16518,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16519,5,2,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16520,3,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16521,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16522,5,2,6,1,0,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16523,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16524,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16525,3,3,11,2,1,1,,0,92,92,,1,1,,1,,2,1,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,210,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16526,3,3,5,2,91,0,92,0,92,92,,91,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,2,92,0,1,1,0,1,0,0,1,3,2,1,1,0,0,1,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,190,15,2,1,,1,0,5,1,1,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,1,1,1,0,1 +16527,3,2,7,1,0,0,92,0,92,92,0,1,2,3,1,2,3,2,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,126,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16528,3,3,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,202,16,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16529,3,3,8,2,91,0,92,0,92,92,,91,92,92,1,1,2,1,,0,0,0,2,4,6,12,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,10,0,1,2,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16530,4,3,1,3,91,1,4,,92,92,0,91,92,92,,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,0,1,,0,1,0,0,0,0,1,1,3,3,1,1,0,0,0,1,0,1,1,1,1,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,1,1,0,8,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,1 +16531,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16532,3,3,6,1,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16533,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16534,5,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16535,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16536,4,3,7,1,91,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16537,5,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,,92,92,92,92,7,0,1,2,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +16538,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,2,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16539,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16540,3,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16541,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16542,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16543,3,3,90,2,1,1,2,0,92,92,1,1,1,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,111,9,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16544,5,2,10,2,0,0,92,0,92,92,1,1,2,1,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16545,5,3,5,2,1,1,2,0,92,92,0,0,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,64,5,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16546,5,1,10,2,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,,1,0,6,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +16547,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16548,3,3,8,2,91,0,92,0,92,92,0,1,1,2,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,37,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16549,4,3,2,3,1,1,3,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16550,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16551,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16552,5,3,8,2,91,0,92,0,92,92,0,0,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,31,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16553,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16554,3,3,9,2,0,0,92,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16555,5,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,3,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16556,3,3,7,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,135,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16557,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16558,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16559,5,3,2,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16560,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16561,5,2,8,2,0,0,92,0,92,92,0,1,,2,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,39,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16562,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16563,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16564,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16565,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16566,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16567,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16568,5,90,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16569,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16570,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16571,5,4,2,,,0,92,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16572,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16573,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16574,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16575,5,2,9,2,0,1,,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16576,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16577,1,3,8,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,65,5,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16578,5,4,7,1,91,0,92,0,92,92,0,91,92,92,1,1,4,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,30,2,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16579,3,3,8,3,91,1,4,1,3,1,0,91,92,92,0,92,92,92,,1,0,1,2,1,3,6,1,1,0,0,0,0,0,0,92,1,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,7,0,1,1,2,1,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1 +16580,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16581,5,2,10,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16582,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +16583,5,3,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16584,5,2,6,1,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16585,5,3,12,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16586,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16587,5,3,8,3,91,2,2,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16588,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16589,5,3,1,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16590,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16591,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16592,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16593,3,1,1,2,0,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16594,5,3,90,2,0,0,92,0,92,92,1,91,92,92,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16595,5,2,8,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16596,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16597,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16598,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16599,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16600,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,1,,1,0,4,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +16601,1,1,5,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16602,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,92,92,92,92,214,17,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16603,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16604,5,90,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,,92,92,92,92,92,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16605,3,1,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16606,3,3,11,2,0,2,1,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,63,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16607,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16608,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16609,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16610,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16611,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16612,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,169,14,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16613,2,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16614,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16615,5,3,,,91,,92,,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16616,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16617,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16618,5,90,8,3,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16619,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16620,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16621,3,3,8,3,1,1,,0,92,92,1,1,,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16622,5,3,7,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,0,0,0,0,92,92,92,92,90,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16623,5,1,12,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16624,5,3,8,2,91,1,,,92,92,,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16625,3,3,7,1,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16626,5,3,4,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16627,3,3,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16628,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16629,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16630,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16631,5,2,1,2,,,92,0,92,92,,1,2,2,1,3,2,,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +16632,4,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16633,1,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16634,5,2,90,2,,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16635,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16636,5,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,215,17,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16637,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16638,4,90,6,1,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16639,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16640,5,3,6,1,0,0,92,0,92,92,0,0,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,41,3,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16641,4,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16642,3,3,90,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,72,6,2,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +16643,3,3,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16644,5,3,9,2,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16645,4,3,1,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16646,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16647,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16648,4,3,11,2,0,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16649,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16650,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16651,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16652,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16653,5,3,12,3,0,0,92,0,92,92,1,1,2,2,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16654,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16655,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16656,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16657,3,3,6,1,1,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,170,14,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16658,5,2,8,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,29,2,2,2,1,2,0,4,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +16659,3,3,1,2,1,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16660,5,2,6,1,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16661,3,3,11,2,0,1,,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16662,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16663,3,3,6,1,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,169,14,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16664,3,3,2,3,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16665,3,3,8,2,0,0,92,0,92,92,0,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16666,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16667,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16668,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16669,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16670,3,3,6,1,0,1,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16671,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16672,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16673,3,2,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16674,2,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16675,5,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16676,5,3,2,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,2,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16677,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,9,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16678,5,1,10,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,2,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16679,3,2,4,2,0,0,92,0,92,92,0,1,2,4,1,1,4,3,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,66,5,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16680,5,1,5,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16681,3,3,90,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,177,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16682,5,3,6,1,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,140,11,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16683,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16684,5,1,90,2,0,,92,0,92,92,,,92,92,1,,,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,87,7,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16685,5,1,2,3,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16686,3,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16687,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16688,5,90,8,2,91,1,2,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16689,5,2,5,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16690,2,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16691,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16692,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16693,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16694,5,3,3,3,,,92,,92,92,,,92,92,0,92,92,92,,0,0,0,2,4,5,11,1,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16695,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16696,5,1,8,3,91,1,2,1,1,1,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,17,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16697,5,3,1,2,91,1,4,,92,92,,91,92,92,,92,92,92,,0,0,0,2,2,4,8,1,1,0,1,0,0,0,2,92,0,1,0,1,0,0,0,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,1,1,0,0,0,32,2,2,2,2,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,1,0,1 +16698,5,1,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16699,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16700,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16701,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16702,5,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16703,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16704,3,90,12,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,121,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16705,5,2,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16706,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16707,5,3,1,3,0,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,120,10,2,2,,2,,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +16708,3,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16709,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16710,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16711,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16712,4,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16713,3,3,4,2,,0,92,0,92,92,1,,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,51,4,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16714,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16715,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16716,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16717,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16718,3,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16719,5,3,3,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16720,5,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16721,3,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16722,5,3,12,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,8,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16723,5,1,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16724,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,50,4,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16725,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16726,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16727,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16728,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16729,5,3,11,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16730,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16731,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16732,3,2,6,1,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,70,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16733,3,3,7,1,0,0,92,0,92,92,0,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16734,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16735,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16736,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16737,4,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16738,3,3,8,2,91,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16739,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16740,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16741,5,2,1,2,0,1,2,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16742,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16743,3,1,1,2,1,1,1,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16744,5,3,1,2,,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16745,5,3,6,1,0,0,92,0,92,92,0,0,92,92,1,3,2,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,96,8,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16746,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16747,5,3,2,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,9,0,1,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +16748,5,3,6,1,0,0,92,0,92,92,1,1,2,3,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,111,9,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16749,1,3,6,1,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16750,5,3,9,2,0,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16751,5,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16752,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,17,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16753,3,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16754,4,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16755,5,3,10,2,0,0,92,0,92,92,1,1,2,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,98,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16756,5,3,4,2,1,1,3,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,4,5,13,1,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16757,5,3,11,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16758,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,195,16,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16759,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16760,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16761,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16762,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16763,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16764,3,3,11,2,1,1,,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,1,,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16765,3,3,6,1,0,0,92,0,92,92,0,1,2,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16766,5,2,11,2,91,,92,,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16767,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16768,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16769,3,2,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16770,3,1,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16771,4,3,10,2,1,1,1,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16772,4,3,6,1,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16773,2,1,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16774,5,3,90,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16775,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16776,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16777,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16778,3,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16779,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16780,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16781,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16782,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16783,4,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16784,1,3,10,2,0,1,2,0,92,92,1,1,2,2,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16785,5,1,1,2,,,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +16786,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16787,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16788,3,3,4,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16789,4,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16790,4,2,6,1,91,0,92,0,92,92,1,1,,,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16791,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16792,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16793,3,2,11,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16794,3,3,6,1,1,2,,,92,92,,1,3,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16795,3,3,90,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,1,0,1,2,,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16796,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16797,3,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16798,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16799,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16800,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16801,5,2,9,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,24,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16802,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16803,1,1,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16804,5,2,8,2,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,92,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16805,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16806,5,3,12,2,0,0,92,0,92,92,1,0,92,92,1,2,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16807,4,3,1,2,,,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16808,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16809,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16810,3,3,1,3,,1,,,92,92,,,92,92,,92,92,92,,1,1,1,,,,6,1,1,0,0,0,0,0,0,92,0,1,0,1,0,0,1,1,1,3,1,1,0,1,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,200,16,2,2,,1,0,5,1,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1 +16811,5,2,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16812,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,,,0,0,0,,,,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16813,3,3,8,3,91,,92,0,92,92,1,91,92,92,1,3,1,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16814,5,2,2,3,1,,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,68,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16815,1,1,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16816,3,3,11,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16817,1,3,6,1,91,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16818,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16819,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16820,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16821,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16822,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16823,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16824,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16825,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16826,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16827,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16828,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16829,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16830,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16831,5,4,10,2,0,0,92,0,92,92,1,1,3,2,1,1,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,120,10,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16832,5,3,8,2,91,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16833,5,2,8,3,91,2,2,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16834,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16835,1,3,8,3,0,0,92,0,92,92,0,1,2,2,1,1,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16836,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16837,1,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,49,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16838,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16839,5,3,7,1,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16840,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16841,5,2,10,2,0,0,92,0,92,92,1,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16842,3,1,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16843,4,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16844,5,3,1,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,5,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16845,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16846,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16847,5,3,1,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16848,5,3,3,3,1,1,,1,,,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,184,15,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16849,4,3,8,3,91,0,92,0,92,92,,91,92,92,1,,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16850,3,1,8,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16851,3,3,11,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16852,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16853,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16854,3,3,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16855,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16856,5,3,1,2,0,0,92,0,92,92,0,1,2,2,1,2,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,86,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16857,5,3,90,2,1,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16858,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16859,5,2,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16860,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16861,4,3,6,1,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16862,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16863,1,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,1,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16864,1,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16865,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16866,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16867,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16868,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16869,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16870,3,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16871,5,3,8,3,91,0,92,0,92,92,,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16872,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16873,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,2,1,0,1,1,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +16874,3,3,1,2,,2,1,0,92,92,,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16875,3,3,6,1,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16876,4,3,9,2,0,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16877,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16878,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,21,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16879,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16880,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16881,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16882,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16883,3,3,7,1,1,1,3,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,183,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16884,5,2,90,2,,0,92,0,92,92,,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16885,3,3,90,2,1,1,1,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16886,3,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16887,3,3,6,1,91,1,2,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,20,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16888,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16889,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16890,,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16891,3,3,9,2,0,0,92,0,92,92,0,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16892,5,2,1,2,0,0,92,0,92,92,1,1,2,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16893,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16894,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16895,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16896,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16897,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,82,6,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16898,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16899,3,3,8,3,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16900,3,3,10,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,119,9,2,2,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16901,3,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16902,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16903,3,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16904,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16905,3,3,5,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16906,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,195,16,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16907,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16908,3,3,90,2,1,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16909,3,3,4,2,0,0,92,0,92,92,1,0,92,92,1,,,,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16910,5,3,12,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16911,5,3,9,2,91,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16912,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16913,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16914,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16915,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16916,5,2,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16917,2,1,4,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16918,3,3,10,2,1,0,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,196,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16919,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16920,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16921,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16922,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16923,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16924,3,3,11,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16925,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,5,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16926,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16927,3,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16928,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16929,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16930,1,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16931,3,1,90,3,1,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,113,9,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16932,4,2,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,99,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16933,3,1,6,1,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,16,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16934,3,3,1,2,,1,2,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,82,6,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16935,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16936,3,2,5,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16937,3,2,6,1,0,1,3,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,193,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16938,5,3,10,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16939,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16940,3,3,8,2,91,0,92,0,92,92,1,0,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,37,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16941,4,2,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16942,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16943,5,3,11,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16944,5,3,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16945,5,3,9,2,91,0,92,0,92,92,1,1,,2,1,1,3,2,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16946,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16947,3,3,8,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16948,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16949,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16950,5,90,12,2,0,2,1,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16951,1,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16952,5,1,2,3,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16953,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16954,3,1,1,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16955,3,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16956,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16957,3,3,9,2,1,1,,1,,,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,198,16,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16958,5,3,6,1,1,2,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,125,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16959,5,2,4,2,1,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16960,5,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16961,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,1,1,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16962,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16963,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16964,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16965,3,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16966,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16967,3,3,11,2,1,2,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,171,14,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16968,3,1,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16969,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16970,5,3,1,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +16971,3,1,6,1,0,2,2,0,92,92,1,1,1,2,1,2,1,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,156,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16972,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16973,3,3,8,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16974,1,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,172,14,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16975,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16976,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16977,3,1,1,3,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,2,4,7,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,2,,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,1 +16978,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16979,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16980,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16981,3,2,,,91,,92,,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16982,2,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16983,5,3,8,2,1,1,2,0,92,92,,0,92,92,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,91,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16984,5,3,2,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,94,7,2,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16985,5,3,,,91,,92,,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,13,1,1,1,,,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16986,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16987,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16988,3,3,8,2,91,0,92,0,92,92,1,1,2,4,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16989,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16990,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16991,3,1,1,2,,1,,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,2,2,3,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16992,5,3,8,2,91,2,,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,20,1,1,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16993,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16994,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16995,5,2,8,2,91,,92,0,92,92,0,1,,2,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16996,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16997,5,1,7,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,10,0,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +16998,5,90,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +16999,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17000,5,2,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17001,5,3,10,2,1,,92,0,92,92,,1,2,2,1,2,,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,185,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17002,1,3,2,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17003,5,2,90,2,0,0,92,0,92,92,0,1,2,2,1,2,2,2,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17004,3,2,10,2,1,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17005,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17006,5,3,1,2,0,1,2,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17007,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17008,5,2,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17009,1,3,2,3,91,2,,0,92,92,0,91,92,92,,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,1,1,,,,92,92,92,92,92,1,3,3,1,1,0,0,1,1,1,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,,0,8,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,0,0,0,1 +17010,3,1,10,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17011,5,1,90,2,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,1,0,92,,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17012,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17013,3,3,6,1,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,43,3,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17014,5,90,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,204,17,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17015,4,3,6,1,0,2,1,0,92,92,0,91,92,92,1,1,3,,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,30,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17016,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17017,3,3,90,2,0,0,92,0,92,92,1,1,2,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17018,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17019,3,3,12,2,1,1,3,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,121,10,2,1,,,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17020,5,3,90,2,,1,,0,92,92,0,1,3,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17021,5,1,1,2,,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,53,4,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17022,5,3,11,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17023,5,3,11,2,0,,92,0,92,92,,,92,92,,92,92,92,,0,0,0,4,3,6,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,179,14,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17024,5,3,6,1,1,1,3,1,1,3,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,162,13,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17025,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17026,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17027,1,3,7,1,91,1,2,0,92,92,1,91,92,92,,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17028,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17029,3,1,90,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17030,3,3,7,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17031,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17032,4,3,12,2,0,1,1,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17033,3,2,6,1,0,1,1,0,92,92,0,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17034,5,3,10,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17035,4,2,8,3,0,1,3,0,92,92,0,91,92,92,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,154,12,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +17036,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17037,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17038,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17039,3,3,12,2,0,0,92,0,92,92,0,91,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,44,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17040,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17041,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17042,5,3,1,2,1,0,92,0,92,92,0,1,2,2,1,1,3,1,1,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17043,5,3,6,1,,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,39,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17044,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17045,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17046,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17047,5,2,5,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17048,3,3,1,2,91,2,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,32,2,2,2,1,1,0,5,1,1,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +17049,5,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17050,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17051,1,3,12,2,91,1,,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,119,9,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17052,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17053,5,3,9,2,,2,2,1,1,1,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,92,92,92,92,67,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17054,4,3,8,3,91,1,,0,92,92,0,91,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,1,1,0,0,0,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,1,,,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +17055,5,3,5,2,1,1,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17056,5,3,1,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,122,10,2,1,1,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17057,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17058,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17059,5,3,8,2,,2,1,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17060,5,1,7,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17061,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17062,4,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,197,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17063,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17064,5,3,1,2,1,1,,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,187,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17065,2,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17066,5,3,8,2,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17067,5,2,8,2,1,1,1,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17068,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,18,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17069,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17070,3,1,8,2,0,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17071,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17072,1,1,8,2,91,0,92,0,92,92,1,91,92,92,1,3,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,27,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17073,4,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17074,3,1,1,2,1,,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17075,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17076,5,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17077,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17078,3,2,8,2,0,0,92,0,92,92,1,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17079,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17080,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17081,3,3,8,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17082,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17083,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17084,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17085,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17086,4,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17087,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,0,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17088,3,2,90,2,0,0,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,84,7,2,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17089,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17090,5,1,11,2,,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,200,16,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17091,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17092,5,3,2,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17093,3,3,2,3,0,1,1,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17094,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,60,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17095,3,2,12,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17096,5,3,8,2,1,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,93,7,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17097,3,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +17098,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17099,3,2,10,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17100,4,3,3,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,133,11,2,2,2,2,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17101,5,3,1,2,1,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,179,14,2,2,,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17102,5,3,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17103,3,1,90,2,0,0,92,0,92,92,0,1,1,3,1,2,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17104,1,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17105,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17106,5,3,1,3,91,1,,,92,92,0,0,92,92,1,1,2,1,,1,0,0,1,1,3,5,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,1,1,1,0,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,1,0,0,1,0,0,0,0,0,92,92,92,92,169,14,2,2,2,1,0,5,1,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,1 +17107,3,2,1,2,0,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,1,0,0,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,196,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17108,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17109,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17110,5,3,11,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17111,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17112,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17113,5,3,3,2,,1,,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,180,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17114,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17115,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,2,1,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +17116,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17117,5,3,90,2,0,2,1,0,92,92,1,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,104,8,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17118,5,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17119,5,3,5,2,1,1,,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17120,3,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17121,3,1,10,2,0,,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,78,6,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17122,4,3,4,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,80,6,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17123,5,90,10,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17124,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17125,2,1,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,69,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17126,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17127,5,3,6,1,0,2,1,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,141,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17128,3,3,8,2,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17129,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17130,3,3,6,1,0,0,92,0,92,92,0,1,2,,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17131,3,3,10,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17132,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17133,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17134,5,3,10,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17135,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17136,1,2,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17137,3,2,3,3,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,83,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17138,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17139,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17140,5,90,8,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17141,3,3,9,2,0,2,,,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17142,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17143,3,3,8,2,0,2,,0,92,92,0,1,2,4,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,107,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17144,5,3,11,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17145,5,3,11,2,0,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17146,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17147,5,3,10,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17148,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17149,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17150,1,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17151,4,3,90,2,1,2,3,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17152,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17153,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17154,3,3,6,1,91,2,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17155,5,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17156,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17157,5,1,10,2,,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17158,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17159,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17160,2,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17161,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17162,5,1,6,1,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17163,5,3,90,2,,0,92,1,3,3,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,19,1,1,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17164,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17165,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17166,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17167,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17168,5,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17169,5,2,,,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17170,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17171,3,2,7,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17172,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17173,5,3,10,2,0,0,92,0,92,92,0,1,1,,0,92,92,92,,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17174,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,21,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17175,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17176,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17177,3,3,8,2,91,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,3,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,40,3,2,1,2,1,0,1,1,1,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +17178,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17179,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17180,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17181,5,2,8,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17182,3,3,4,2,1,,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,99,8,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17183,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17184,5,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17185,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17186,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,162,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17187,5,3,90,2,1,1,2,0,92,92,0,1,2,2,1,3,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,1,0,92,92,92,92,109,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17188,5,3,8,2,91,2,2,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,14,1,1,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17189,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17190,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17191,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17192,4,3,90,2,0,0,92,0,92,92,1,0,92,92,1,2,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17193,4,3,8,2,1,,92,0,92,92,1,1,2,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,208,17,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17194,3,1,2,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,197,16,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17195,2,3,6,1,0,0,92,0,92,92,0,1,1,2,1,3,,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,72,6,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17196,5,3,11,2,0,2,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,206,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17197,5,2,8,3,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17198,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17199,5,3,1,2,1,2,1,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17200,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17201,3,2,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,103,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17202,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17203,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17204,5,3,1,3,1,1,4,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,2,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17205,4,2,8,2,0,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17206,2,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17207,5,3,3,3,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17208,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17209,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17210,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17211,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17212,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17213,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17214,5,2,,,1,1,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17215,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17216,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17217,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17218,5,3,10,2,1,1,,,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17219,3,1,9,2,91,0,92,1,,,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17220,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17221,5,3,8,2,,2,,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17222,5,2,11,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17223,3,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17224,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17225,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17226,3,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17227,4,3,5,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17228,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17229,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17230,3,2,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17231,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17232,3,3,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17233,5,3,10,2,0,0,92,0,92,92,0,1,2,2,1,3,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,129,10,2,2,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17234,5,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17235,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17236,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17237,5,3,90,2,,,92,,92,92,,,92,92,,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,202,16,2,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17238,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17239,1,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17240,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17241,3,1,90,2,91,0,92,0,92,92,1,91,92,92,1,1,1,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17242,3,1,11,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17243,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17244,5,3,12,2,0,0,92,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17245,2,1,11,2,0,1,,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +17246,3,1,1,2,1,2,,0,92,92,,,92,92,1,1,2,,,0,0,0,3,3,5,11,1,1,1,1,1,0,1,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,91,7,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +17247,5,2,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17248,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17249,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17250,5,2,11,2,,1,,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17251,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17252,4,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17253,5,1,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17254,5,90,4,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17255,5,3,8,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17256,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17257,3,1,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17258,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17259,5,3,6,1,91,0,92,1,3,4,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,40,3,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17260,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17261,5,1,1,2,0,0,92,0,92,92,1,1,2,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17262,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17263,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17264,4,3,5,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,1,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17265,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17266,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17267,5,1,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17268,3,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17269,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17270,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17271,3,3,11,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17272,5,90,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17273,5,1,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17274,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17275,3,2,11,2,0,2,1,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,92,92,92,92,210,17,2,1,,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17276,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17277,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17278,3,2,1,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,57,4,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17279,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17280,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17281,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17282,1,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17283,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17284,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17285,5,3,90,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17286,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17287,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17288,5,3,1,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17289,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,186,15,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17290,1,3,6,1,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17291,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17292,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17293,3,2,10,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,2,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17294,3,3,2,3,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,83,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17295,5,3,1,3,91,2,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17296,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17297,5,3,3,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17298,2,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17299,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17300,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17301,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17302,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17303,5,3,11,2,0,1,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17304,5,3,8,3,91,,92,1,2,2,0,91,92,92,0,92,92,92,0,0,0,0,2,4,4,10,1,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,34,2,2,2,2,2,0,5,1,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +17305,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17306,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17307,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17308,5,1,5,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17309,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17310,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17311,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,,92,92,92,92,181,15,2,2,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17312,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17313,5,3,10,2,0,0,92,0,92,92,1,1,1,,1,2,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,212,17,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17314,5,3,90,2,91,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17315,5,2,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17316,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17317,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +17318,5,2,8,3,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,54,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17319,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17320,5,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17321,3,2,7,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17322,3,3,1,2,1,1,,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,1,0,0,,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17323,3,3,6,1,91,0,92,0,92,92,0,1,2,2,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17324,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17325,5,3,11,2,0,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17326,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17327,5,4,10,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17328,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17329,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17330,3,3,10,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17331,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17332,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17333,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17334,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17335,5,3,6,1,1,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17336,4,3,9,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17337,5,1,3,3,0,0,92,0,92,92,0,0,92,92,1,3,,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,93,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17338,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17339,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17340,5,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17341,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17342,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17343,1,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17344,5,1,90,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,128,10,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17345,1,2,9,2,91,,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17346,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17347,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,0,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17348,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17349,5,3,8,3,91,2,,0,92,92,0,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,17,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17350,5,3,9,2,0,0,92,0,92,92,1,0,92,92,1,,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17351,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17352,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17353,5,1,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17354,3,3,90,2,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,1,6,11,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,48,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17355,5,3,1,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,209,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17356,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17357,5,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,35,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17358,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,159,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17359,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17360,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17361,3,3,7,1,1,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,139,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17362,1,3,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17363,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17364,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17365,5,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17366,5,1,1,2,91,1,,0,92,92,0,1,3,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17367,5,3,4,2,1,1,3,0,92,92,0,1,2,,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,2,,4,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17368,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17369,3,3,10,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17370,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17371,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17372,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17373,5,90,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17374,3,1,10,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,128,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17375,5,2,1,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17376,3,3,10,2,,2,,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17377,4,3,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17378,3,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17379,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17380,5,3,1,3,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,1,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,78,6,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +17381,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17382,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17383,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17384,5,2,4,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17385,5,1,8,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17386,3,3,90,2,0,0,92,0,92,92,1,1,3,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,171,14,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17387,5,3,10,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17388,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17389,3,3,1,3,,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,94,7,2,1,1,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17390,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17391,3,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17392,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17393,1,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17394,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17395,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,1,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +17396,5,3,8,3,0,2,2,1,1,1,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,75,6,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17397,5,3,12,2,0,1,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,212,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17398,3,2,1,3,0,1,,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17399,5,1,1,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17400,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,23,1,1,1,1,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17401,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17402,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17403,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17404,1,3,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17405,3,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17406,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17407,5,2,6,1,0,2,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17408,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17409,3,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,0,1,1,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17410,5,3,8,3,0,0,92,0,92,92,0,1,3,2,1,3,3,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,89,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17411,1,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17412,5,2,90,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,19,1,1,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17413,5,3,6,1,0,0,92,0,92,92,1,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17414,3,1,11,2,0,0,92,0,92,92,1,1,2,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17415,3,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17416,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17417,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17418,3,3,90,2,0,0,92,0,92,92,1,1,,1,,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17419,3,1,1,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17420,2,3,10,2,0,0,92,0,92,92,0,0,92,92,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17421,3,2,4,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17422,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17423,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17424,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17425,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17426,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17427,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17428,5,3,12,2,91,0,92,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17429,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17430,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17431,5,1,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17432,5,1,5,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17433,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17434,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,132,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17435,5,2,10,2,1,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17436,1,3,8,2,0,0,92,0,92,92,0,1,1,2,1,2,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,65,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17437,5,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17438,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17439,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17440,4,3,6,1,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17441,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17442,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17443,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17444,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17445,5,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17446,5,3,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17447,5,3,6,1,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17448,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17449,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17450,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17451,3,1,10,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17452,3,3,8,2,0,0,92,0,92,92,,1,1,2,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17453,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17454,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17455,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17456,5,1,8,2,,,92,0,92,92,0,0,92,92,1,2,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,70,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17457,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,52,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17458,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17459,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17460,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17461,5,3,10,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,1,0,5,1,1,1,0,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,1,0,0,1 +17462,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17463,3,1,8,2,1,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,133,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17464,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17465,5,3,11,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,92,92,92,92,198,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17466,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17467,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17468,4,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17469,5,3,8,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17470,3,3,90,2,0,0,92,0,92,92,1,1,1,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,85,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17471,5,3,9,2,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17472,5,3,9,2,91,2,2,0,92,92,0,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,28,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17473,3,3,12,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17474,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17475,3,3,2,3,91,2,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17476,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17477,5,3,11,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17478,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17479,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17480,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17481,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17482,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17483,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17484,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17485,5,2,6,1,1,1,2,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,79,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17486,5,1,10,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17487,5,3,4,2,0,1,2,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17488,5,3,6,1,,2,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17489,3,3,9,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17490,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17491,5,3,5,2,1,1,,1,1,,,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,173,14,2,1,2,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17492,5,2,7,1,0,2,1,,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,59,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17493,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17494,5,4,3,3,0,0,92,0,92,92,0,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17495,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17496,3,3,9,2,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17497,5,2,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17498,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17499,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17500,3,3,4,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17501,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17502,3,3,1,3,1,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17503,2,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17504,5,1,4,2,1,1,1,0,92,92,0,1,2,2,1,2,2,1,0,0,0,0,3,4,6,13,1,1,1,1,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,83,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17505,5,3,8,2,0,0,92,0,92,92,0,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17506,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17507,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17508,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,7,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17509,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17510,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17511,3,2,9,2,0,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17512,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17513,4,3,2,3,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17514,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17515,5,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,99,8,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17516,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17517,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17518,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17519,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17520,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17521,5,1,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17522,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17523,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17524,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17525,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,131,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17526,5,3,9,2,91,0,92,1,2,1,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,11,0,1,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +17527,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17528,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17529,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17530,3,3,90,2,1,0,92,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17531,4,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17532,3,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17533,3,3,11,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17534,5,2,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17535,5,3,8,3,0,0,92,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17536,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17537,3,90,11,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17538,5,2,12,2,0,0,92,0,92,92,1,1,,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,37,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17539,3,2,7,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17540,4,3,4,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17541,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17542,3,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17543,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17544,3,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17545,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17546,5,3,8,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17547,3,1,1,2,0,0,92,0,92,92,,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,69,5,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17548,5,3,6,1,1,0,92,0,92,92,0,1,3,2,1,2,3,1,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,150,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17549,3,2,6,1,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17550,5,1,1,3,1,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17551,3,3,1,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17552,5,3,5,2,,2,3,0,92,92,0,1,2,2,1,1,3,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17553,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17554,5,3,6,1,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17555,3,1,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17556,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17557,5,3,12,2,0,0,92,0,92,92,1,1,3,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,1,,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17558,5,3,9,2,91,0,92,1,2,1,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,12,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17559,5,2,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17560,4,2,10,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,2,5,10,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17561,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17562,5,2,6,1,0,0,92,0,92,92,1,1,3,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,146,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17563,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17564,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17565,3,3,5,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,1,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17566,3,3,8,3,0,1,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,1,1,0,0,0,0,0,0,92,92,92,92,183,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17567,3,3,8,2,91,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,24,2,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17568,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17569,3,3,8,2,91,0,92,0,92,92,1,1,,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17570,5,3,1,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,109,9,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17571,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17572,3,3,4,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,83,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17573,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17574,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,15,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17575,5,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17576,5,1,8,3,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17577,3,3,10,2,0,0,92,0,92,92,1,1,,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17578,5,3,8,2,,1,,1,1,1,,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,189,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17579,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17580,3,1,6,1,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17581,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17582,3,1,1,2,,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,192,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17583,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17584,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17585,2,3,7,1,0,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17586,3,3,8,3,0,0,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,33,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17587,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,185,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17588,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,2,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0 +17589,5,1,1,2,1,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17590,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17591,3,3,10,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17592,3,3,12,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17593,3,2,11,2,0,1,2,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17594,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17595,5,2,6,1,,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17596,5,2,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17597,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17598,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17599,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17600,4,90,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17601,3,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,182,15,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17602,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17603,4,3,10,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17604,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17605,5,2,90,2,,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17606,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17607,1,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17608,2,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17609,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17610,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17611,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17612,3,2,9,2,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,3,5,9,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17613,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17614,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17615,3,3,10,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17616,5,2,11,2,0,2,,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17617,3,3,12,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17618,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17619,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,110,9,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +17620,5,2,8,2,91,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,28,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17621,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,50,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17622,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17623,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,2,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17624,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17625,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17626,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17627,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17628,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17629,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17630,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17631,3,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17632,5,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17633,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17634,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17635,5,3,90,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17636,3,1,2,2,91,,92,0,92,92,,91,92,92,1,1,2,1,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,156,13,2,1,2,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +17637,3,3,2,3,0,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17638,4,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17639,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17640,5,2,8,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17641,2,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17642,5,2,90,2,,0,92,0,92,92,1,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17643,5,3,8,2,,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17644,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17645,3,3,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,2,,1,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +17646,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17647,5,3,90,2,,,92,0,92,92,0,,92,92,1,2,,,,0,0,0,1,1,4,6,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,201,16,2,2,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17648,4,3,2,3,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17649,5,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,1,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17650,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17651,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17652,5,2,2,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17653,5,3,11,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,162,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17654,5,3,8,2,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,1,4,9,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17655,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17656,4,3,6,1,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17657,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17658,5,3,4,2,1,1,3,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,201,16,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17659,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17660,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17661,5,2,90,2,,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17662,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17663,5,3,90,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,6,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17664,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17665,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17666,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17667,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17668,5,3,4,2,0,0,92,0,92,92,1,1,2,2,1,2,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,211,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17669,3,3,6,1,0,,92,0,92,92,1,1,1,3,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17670,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,7,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17671,3,2,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17672,4,3,8,2,91,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,48,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17673,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17674,5,3,90,2,91,1,3,,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,3,5,10,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17675,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17676,5,90,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17677,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17678,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,1,,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17679,3,2,90,3,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17680,4,3,7,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17681,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17682,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17683,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17684,2,3,8,3,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,63,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17685,4,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17686,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,,2,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17687,3,3,4,2,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17688,5,3,3,2,1,,92,0,92,92,0,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,102,8,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17689,5,3,8,2,91,1,3,0,92,92,0,91,92,92,1,2,3,1,,0,0,0,2,3,5,10,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,32,2,2,2,2,1,0,5,1,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +17690,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17691,5,1,90,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17692,1,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17693,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17694,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17695,5,3,4,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,69,5,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17696,5,1,4,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17697,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17698,1,3,11,2,1,1,,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,182,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17699,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17700,3,1,1,3,,1,,0,92,92,,91,92,92,,92,92,92,,1,1,1,,,,8,1,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,1,1,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,213,17,2,1,,1,0,5,1,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,1,0,1 +17701,4,3,4,2,0,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,175,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17702,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,2,2,1,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17703,5,2,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17704,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17705,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17706,3,3,4,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17707,5,1,4,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,,1,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17708,3,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,209,17,2,1,,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17709,2,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17710,2,1,8,2,,1,2,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17711,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17712,4,3,9,2,,0,92,0,92,92,1,0,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17713,4,3,10,2,0,0,92,0,92,92,1,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17714,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17715,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17716,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17717,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17718,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17719,3,3,1,3,0,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17720,5,3,10,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17721,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17722,1,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17723,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17724,1,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17725,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17726,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17727,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17728,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17729,3,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17730,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17731,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17732,3,3,7,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,12,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17733,5,1,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,141,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17734,3,2,4,2,,,92,0,92,92,0,1,,,1,2,2,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,65,5,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17735,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17736,3,2,2,3,,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17737,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17738,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17739,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17740,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17741,5,1,1,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,139,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17742,5,3,6,1,0,1,3,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,195,16,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17743,3,3,7,1,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17744,4,3,8,3,91,0,92,0,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17745,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17746,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17747,3,3,10,2,0,,92,,92,92,1,1,2,,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17748,1,3,12,3,1,1,1,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17749,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17750,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17751,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17752,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17753,5,1,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,2,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17754,3,2,90,2,,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17755,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17756,3,2,11,2,0,1,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17757,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17758,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17759,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17760,4,3,6,1,0,0,92,0,92,92,0,1,2,2,1,1,2,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,91,7,2,2,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17761,5,3,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17762,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17763,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17764,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17765,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17766,3,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,3,4,9,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,11,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17767,3,3,4,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17768,5,2,6,1,,0,92,,92,92,0,,92,92,1,,3,,,0,0,0,,,,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17769,1,1,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17770,5,1,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,26,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17771,5,1,90,2,,2,,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17772,3,3,90,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,81,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17773,5,1,10,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,87,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17774,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17775,3,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17776,5,2,6,1,91,2,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17777,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17778,3,1,6,1,,1,2,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17779,3,3,4,2,0,2,2,0,92,92,0,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17780,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17781,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17782,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17783,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17784,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17785,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17786,2,3,10,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17787,3,3,8,2,,,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,88,7,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17788,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17789,5,3,8,3,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17790,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17791,5,2,6,1,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17792,4,3,8,3,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17793,3,3,8,2,,0,92,0,92,92,0,91,92,92,1,3,4,1,0,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17794,5,3,2,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17795,3,3,6,1,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17796,4,3,9,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17797,3,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,132,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17798,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17799,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17800,4,3,3,3,1,1,2,0,92,92,0,0,92,92,1,1,3,,0,0,0,0,4,4,6,14,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,140,11,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17801,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17802,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17803,5,3,90,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,,1,,4,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +17804,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17805,3,3,4,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17806,3,3,90,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17807,5,3,6,1,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,4,5,11,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,82,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17808,5,90,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17809,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17810,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17811,3,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17812,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17813,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17814,3,1,9,2,0,0,92,0,92,92,,1,2,2,1,3,3,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17815,5,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17816,5,3,10,2,0,0,92,0,92,92,0,1,2,2,1,,3,,1,0,0,0,4,5,6,15,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,1,1,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,169,14,2,1,,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17817,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17818,3,90,10,2,0,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17819,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17820,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17821,5,3,1,2,1,1,4,0,92,92,0,,92,92,0,92,92,92,,0,0,0,1,2,2,5,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,1,1 +17822,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17823,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17824,3,2,90,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17825,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17826,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17827,1,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17828,5,1,8,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17829,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17830,3,3,3,3,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17831,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17832,1,4,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17833,5,3,1,2,0,0,92,0,92,92,1,1,1,2,1,3,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17834,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17835,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17836,5,3,12,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,,92,92,92,92,198,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17837,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17838,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,12,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17839,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17840,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17841,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17842,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17843,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17844,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17845,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17846,5,1,5,2,,2,3,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,90,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17847,3,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17848,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17849,4,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17850,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17851,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17852,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17853,5,2,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17854,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17855,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17856,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17857,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17858,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17859,3,3,8,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,128,10,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17860,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17861,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17862,5,3,90,2,,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17863,5,3,11,2,1,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17864,1,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17865,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17866,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17867,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17868,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17869,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17870,5,3,5,2,,2,,0,92,92,,,92,92,,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17871,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17872,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17873,4,2,11,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17874,3,1,4,2,1,1,3,1,,,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17875,5,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17876,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,37,3,2,1,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +17877,3,3,11,2,1,1,,0,92,92,0,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17878,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17879,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +17880,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17881,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17882,5,3,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17883,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17884,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17885,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17886,3,1,10,3,1,1,1,0,92,92,0,1,1,,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,71,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17887,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17888,1,3,6,1,0,0,92,0,92,92,0,1,2,2,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17889,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,47,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17890,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17891,3,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17892,5,2,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17893,5,3,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17894,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17895,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17896,5,90,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17897,5,3,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17898,5,3,11,2,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,82,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17899,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17900,5,3,8,2,91,2,1,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17901,5,2,9,2,,2,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17902,5,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17903,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17904,1,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,193,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17905,3,2,90,2,,0,92,0,92,92,1,1,2,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,149,12,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17906,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17907,1,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17908,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17909,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17910,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17911,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17912,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17913,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,20,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17914,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17915,5,1,1,3,1,1,3,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17916,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17917,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17918,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17919,5,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17920,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,144,12,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17921,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17922,4,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17923,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17924,3,3,10,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17925,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17926,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17927,2,2,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17928,5,3,6,1,0,0,92,0,92,92,0,1,2,2,1,,2,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,124,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17929,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17930,3,3,6,1,1,1,,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,103,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17931,5,1,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17932,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17933,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17934,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17935,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17936,3,3,7,1,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17937,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17938,1,3,6,1,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17939,5,3,,,1,2,,,92,92,,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17940,5,1,8,3,,1,1,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,21,1,1,2,2,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17941,4,3,8,2,91,0,92,0,92,92,0,91,92,92,1,,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,18,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17942,3,3,5,2,1,,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,,,,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,2,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17943,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17944,5,2,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17945,5,3,12,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17946,5,90,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17947,5,3,8,2,0,0,92,,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17948,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17949,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17950,5,1,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17951,5,3,6,1,,,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17952,5,2,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17953,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17954,4,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,146,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17955,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17956,5,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17957,3,2,11,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17958,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17959,4,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17960,1,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17961,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17962,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17963,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17964,5,3,1,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17965,5,3,10,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17966,3,3,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17967,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17968,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17969,5,3,2,3,1,1,,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17970,5,90,5,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,71,5,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17971,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17972,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17973,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17974,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17975,5,3,,,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17976,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17977,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17978,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17979,5,3,8,3,91,1,3,1,1,2,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,1,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,1,1,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,92,92,92,92,21,1,1,1,,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +17980,5,3,2,3,91,2,,0,92,92,,91,92,92,1,1,3,,,0,0,0,4,3,4,11,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,1 +17981,3,1,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,60,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17982,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17983,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17984,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17985,3,3,11,2,1,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17986,4,3,90,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17987,2,1,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17988,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17989,3,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,27,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17990,5,3,8,2,0,0,92,0,92,92,0,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17991,5,3,6,1,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17992,3,2,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17993,5,1,90,2,,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17994,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17995,3,3,6,1,0,0,92,0,92,92,1,1,2,2,1,2,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,84,7,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17996,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17997,4,2,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +17998,2,3,8,3,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +17999,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18000,1,3,6,1,0,0,92,0,92,92,1,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18001,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18002,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18003,5,3,8,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18004,5,3,8,3,,1,2,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,1,0,0,0,85,7,2,1,2,1,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +18005,5,3,11,2,1,1,,0,92,92,1,0,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,149,12,2,1,1,,0,5,1,1,1,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +18006,2,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18007,1,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18008,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18009,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18010,5,3,7,1,0,0,92,0,92,92,0,1,1,2,1,1,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18011,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18012,3,2,6,1,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18013,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18014,3,3,6,1,,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,42,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18015,3,2,4,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18016,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18017,5,3,12,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18018,3,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18019,4,3,8,3,0,1,3,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,1,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18020,5,3,1,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18021,3,1,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18022,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18023,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18024,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18025,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18026,3,1,4,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18027,3,3,1,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18028,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18029,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18030,3,2,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,174,14,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18031,5,3,11,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18032,3,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18033,5,1,10,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18034,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18035,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18036,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18037,3,1,8,2,91,0,92,0,92,92,,91,92,92,1,1,,,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,22,1,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18038,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18039,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18040,3,3,4,2,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18041,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18042,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18043,2,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18044,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18045,5,3,,,1,2,,0,92,92,,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18046,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18047,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18048,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18049,3,3,10,2,1,2,,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18050,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18051,3,3,10,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18052,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18053,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,,1,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18054,5,3,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18055,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18056,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18057,3,90,12,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18058,4,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,54,4,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18059,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18060,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18061,2,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18062,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18063,3,90,9,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18064,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,35,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18065,4,1,8,3,0,0,92,0,92,92,1,1,1,2,1,3,2,2,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,83,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18066,4,2,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18067,3,3,11,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18068,3,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18069,5,2,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18070,4,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18071,5,2,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18072,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18073,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18074,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18075,1,3,9,2,1,2,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18076,5,2,6,1,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18077,4,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18078,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,69,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18079,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18080,5,1,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18081,3,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18082,5,3,8,2,,1,2,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18083,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18084,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18085,3,1,8,2,0,0,92,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,81,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18086,4,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18087,5,2,12,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18088,5,1,7,1,91,2,4,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18089,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18090,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18091,5,3,1,2,1,,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18092,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18093,5,3,90,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18094,5,3,90,2,,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18095,3,1,5,2,,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18096,3,3,8,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18097,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18098,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18099,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18100,3,3,5,2,,1,,,92,92,0,0,92,92,1,3,,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,162,13,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18101,5,1,8,3,91,1,1,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,2,1,0,5,1,1,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +18102,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18103,3,3,8,2,1,1,1,0,92,92,1,1,2,2,1,1,4,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18104,5,90,1,3,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,,92,92,92,92,92,1,1,0,0,0,1,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,172,14,2,2,,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18105,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18106,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18107,5,1,1,2,1,1,1,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18108,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18109,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18110,3,1,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18111,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18112,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18113,5,3,8,3,91,0,92,0,92,92,1,0,92,92,1,2,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18114,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18115,4,2,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18116,4,3,8,2,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,72,6,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18117,3,3,7,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18118,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18119,5,2,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18120,3,3,8,2,1,2,1,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18121,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18122,5,3,12,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18123,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18124,5,1,10,2,1,0,92,0,92,92,,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18125,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18126,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18127,5,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18128,4,3,8,3,0,0,92,0,92,92,0,1,1,2,1,2,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18129,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18130,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18131,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18132,3,3,90,2,0,1,2,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,,2,0,3,1,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +18133,3,3,6,1,0,0,92,0,92,92,1,1,2,3,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18134,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18135,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18136,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18137,5,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18138,5,3,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18139,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18140,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18141,1,3,9,2,91,0,92,0,92,92,0,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18142,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18143,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18144,1,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,21,1,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18145,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18146,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18147,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,177,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18148,3,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18149,5,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18150,5,2,90,2,,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,40,3,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18151,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18152,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18153,5,3,5,2,1,1,3,0,92,92,0,1,1,,0,92,92,92,1,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18154,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18155,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18156,3,3,6,1,0,1,1,0,92,92,1,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,168,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18157,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,18,1,1,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18158,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18159,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18160,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18161,3,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,1,0,0,12,1,1,2,,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18162,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18163,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18164,2,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18165,3,3,12,3,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18166,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18167,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18168,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18169,3,3,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18170,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18171,3,3,6,1,0,0,92,,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,187,15,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18172,5,90,11,2,91,,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,13,1,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18173,3,3,7,1,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,20,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18174,5,3,1,3,1,,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18175,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18176,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18177,3,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18178,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18179,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18180,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18181,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18182,4,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18183,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18184,4,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18185,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,71,5,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18186,4,2,11,2,1,1,,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,178,14,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +18187,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18188,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18189,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18190,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18191,3,2,11,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,187,15,2,1,2,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18192,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18193,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18194,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18195,3,3,10,2,0,1,2,1,2,1,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,92,92,92,92,211,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18196,3,3,12,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18197,4,3,5,2,0,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,186,15,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18198,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18199,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18200,5,1,2,3,91,1,2,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,68,5,2,1,,,,3,1,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +18201,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18202,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18203,5,3,4,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,161,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18204,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,16,1,1,2,,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18205,4,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18206,3,1,8,2,91,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,27,2,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18207,3,3,9,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18208,3,3,90,2,91,,92,,92,92,1,91,92,92,1,1,4,1,0,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,3,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18209,5,3,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18210,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18211,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18212,1,3,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18213,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18214,4,2,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,1,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18215,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18216,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,2,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18217,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18218,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18219,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18220,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18221,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18222,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18223,5,1,1,2,1,0,92,0,92,92,,1,2,2,,92,92,92,1,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18224,4,3,6,1,,1,,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18225,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18226,3,3,8,3,1,0,92,0,92,92,0,0,92,92,1,1,3,1,1,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,95,7,2,1,,1,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +18227,1,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,0,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18228,3,1,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18229,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18230,3,3,11,2,1,2,4,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,1,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,178,14,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18231,5,3,10,2,1,1,3,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18232,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18233,1,3,5,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18234,5,3,90,2,1,0,92,0,92,92,1,1,2,2,1,2,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18235,5,3,7,1,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18236,1,2,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18237,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18238,5,2,9,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18239,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18240,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18241,5,3,8,2,91,1,1,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18242,5,3,4,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18243,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18244,3,3,6,1,0,0,92,0,92,92,0,0,92,92,1,3,,,0,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18245,1,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18246,5,3,2,3,,,92,,92,92,,,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,136,11,2,2,,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1,1,1,1 +18247,3,1,1,2,1,1,1,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18248,1,3,8,3,0,0,92,0,92,92,1,1,2,2,1,,3,,0,0,0,0,4,5,6,15,2,1,1,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,95,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18249,3,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18250,,90,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18251,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18252,5,3,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18253,5,3,2,3,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18254,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18255,5,3,2,3,0,0,92,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,57,4,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18256,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18257,3,3,6,1,0,0,92,0,92,92,1,1,2,2,1,1,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,2,2,1,1,5,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +18258,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,211,17,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18259,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18260,5,1,1,2,0,1,2,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,92,92,92,92,200,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18261,4,2,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18262,3,3,6,1,91,1,,,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,1,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18263,1,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18264,4,3,10,2,0,1,2,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18265,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18266,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,23,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18267,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18268,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18269,5,2,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18270,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18271,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18272,5,3,10,2,1,1,,0,92,92,0,0,92,92,1,3,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18273,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18274,4,2,8,2,,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18275,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18276,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,,90,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18277,5,2,9,2,,0,92,0,92,92,,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,29,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18278,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,14,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18279,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18280,3,3,6,1,0,1,2,,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18281,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18282,5,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18283,4,3,8,2,91,0,92,1,1,,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,15,1,1,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18284,5,3,10,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,187,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18285,2,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18286,2,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18287,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18288,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18289,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18290,3,3,10,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18291,5,2,5,2,0,0,92,0,92,92,1,1,1,2,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18292,3,3,8,3,91,,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,19,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18293,5,3,1,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,134,11,2,2,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18294,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18295,3,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18296,5,1,9,2,91,0,92,0,92,92,1,91,92,92,1,1,1,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18297,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18298,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18299,3,1,6,1,0,0,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,195,16,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18300,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18301,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18302,3,3,6,1,,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,1,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,141,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18303,1,3,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18304,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18305,5,3,11,2,,0,92,0,92,92,1,1,1,,1,2,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18306,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18307,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18308,5,2,7,1,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18309,5,2,8,2,1,1,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18310,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18311,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18312,5,3,11,2,0,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,212,17,2,2,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18313,3,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18314,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18315,3,2,10,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,3,5,6,14,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18316,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18317,4,3,12,2,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,124,10,2,1,,1,0,5,1,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,1,1 +18318,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,168,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18319,2,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18320,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18321,5,3,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18322,3,3,12,2,0,0,92,0,92,92,1,0,92,92,1,1,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18323,5,3,4,2,1,,92,,92,92,1,0,92,92,1,1,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,152,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18324,3,2,2,3,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18325,5,2,12,2,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,25,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18326,3,3,4,2,0,0,92,0,92,92,,1,2,2,1,1,3,1,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,178,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18327,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18328,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18329,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18330,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18331,3,2,8,3,91,2,1,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,2,4,5,11,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,20,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18332,4,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18333,2,3,8,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18334,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18335,5,1,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18336,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18337,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18338,5,3,6,1,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18339,5,3,6,1,0,,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18340,5,3,90,2,,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,14,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,,,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18341,3,2,6,1,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,112,9,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18342,5,3,6,1,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18343,5,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +18344,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18345,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18346,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18347,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18348,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,162,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18349,5,1,9,2,0,0,92,0,92,92,,,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,27,2,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18350,5,1,8,2,1,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,114,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18351,5,3,10,2,0,0,92,0,92,92,0,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,139,11,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18352,2,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18353,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18354,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18355,5,3,8,2,91,0,92,0,92,92,0,1,,2,1,3,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,48,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18356,5,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18357,5,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18358,4,2,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18359,5,2,7,1,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18360,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,2,2,1,0,1,0,1,0,0,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,2,2,1,0,4,1,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +18361,4,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18362,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,31,2,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18363,5,1,6,1,1,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18364,3,3,1,2,1,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18365,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18366,5,1,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18367,5,3,8,3,0,0,92,0,92,92,0,0,92,92,1,3,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,58,4,2,2,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18368,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18369,3,3,7,1,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18370,3,1,9,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,2,4,6,12,1,1,0,1,1,0,0,0,92,0,,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18371,5,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18372,3,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18373,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18374,5,2,10,2,0,0,92,0,92,92,1,1,2,2,1,1,4,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,128,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18375,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18376,5,3,1,2,1,1,,0,92,92,,1,1,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18377,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18378,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18379,2,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18380,5,3,11,2,1,2,2,0,92,92,0,1,2,2,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,148,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18381,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18382,3,2,6,1,0,0,92,0,92,92,0,0,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,27,2,2,1,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18383,5,3,3,3,,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,81,6,2,1,,2,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18384,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18385,5,2,5,2,1,1,,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18386,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18387,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18388,5,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18389,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18390,5,3,8,3,91,2,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18391,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18392,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18393,3,3,1,2,1,0,92,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,110,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18394,5,3,1,3,0,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18395,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18396,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18397,5,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18398,3,1,6,1,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,38,3,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18399,3,3,1,2,,1,,0,92,92,0,,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,2,92,0,1,0,0,0,0,1,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,2,1,0,5,1,1,1,0,0,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +18400,5,3,8,2,0,0,92,0,92,92,1,1,2,2,1,3,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,78,6,2,1,1,2,0,2,1,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +18401,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18402,2,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18403,5,3,6,1,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18404,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18405,3,1,,,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18406,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18407,3,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18408,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18409,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18410,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18411,5,3,1,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,2,2,2,0,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18412,3,3,8,3,1,1,4,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,2,1,0,2,1,1,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,1,1 +18413,5,3,10,2,0,0,92,0,92,92,1,1,3,2,1,2,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,139,11,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18414,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18415,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18416,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18417,4,3,8,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18418,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18419,3,3,9,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18420,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18421,5,3,8,2,1,,92,0,92,92,0,1,2,2,1,2,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18422,3,3,12,2,0,0,92,0,92,92,,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18423,5,3,2,3,91,1,3,0,92,92,,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,1,90,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18424,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18425,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,10,0,1,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18426,5,2,1,2,,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18427,5,3,11,2,0,2,,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18428,5,3,11,2,0,0,92,0,92,92,,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18429,3,3,6,1,,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18430,5,3,90,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18431,5,3,10,2,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18432,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18433,5,3,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18434,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,1,2,1,1,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +18435,5,90,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18436,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18437,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18438,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18439,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18440,4,3,90,3,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,154,12,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18441,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18442,3,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18443,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18444,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18445,3,3,1,2,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18446,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18447,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18448,3,3,90,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18449,5,3,90,2,91,2,,,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,92,92,92,92,4,0,1,2,1,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18450,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18451,5,3,3,3,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,2,5,11,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,2,,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +18452,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18453,4,2,5,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18454,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18455,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18456,5,3,1,3,1,,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,1,0,0,0,0,,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18457,5,3,8,3,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18458,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18459,3,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18460,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18461,3,3,4,2,0,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18462,5,2,90,2,1,2,1,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18463,5,3,8,3,0,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,75,6,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18464,5,3,10,2,0,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18465,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18466,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,1,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18467,5,3,6,1,0,0,92,0,92,92,1,1,3,2,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,69,5,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +18468,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18469,5,3,1,3,0,0,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,197,16,2,2,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18470,3,3,1,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18471,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18472,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18473,5,3,6,1,0,1,2,0,92,92,1,1,1,,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,159,13,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18474,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18475,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18476,3,3,1,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,2,1,,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18477,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18478,5,2,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18479,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,71,5,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18480,1,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18481,5,2,9,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18482,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18483,5,1,9,2,0,0,92,,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18484,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18485,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18486,4,3,1,3,91,,92,0,92,92,,,92,92,0,92,92,92,,1,0,1,4,,5,10,1,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18487,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18488,5,4,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18489,3,3,8,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18490,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18491,3,3,8,2,0,0,92,0,92,92,1,91,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18492,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18493,3,1,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18494,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18495,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18496,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18497,1,3,12,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18498,5,2,9,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18499,3,2,10,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18500,1,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18501,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,2,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18502,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18503,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,23,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18504,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18505,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18506,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18507,1,3,8,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,93,7,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18508,5,3,7,1,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,18,1,1,1,,1,,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +18509,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18510,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,,,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18511,4,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18512,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18513,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18514,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18515,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18516,5,3,90,2,0,0,92,0,92,92,0,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,1,2,,0,3,1,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +18517,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,2,2,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18518,5,3,8,2,,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,0,0,1,1,,1,,4,1,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18519,3,3,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18520,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18521,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18522,1,2,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18523,3,3,6,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18524,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,49,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18525,2,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18526,3,1,10,2,1,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18527,5,2,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18528,5,3,2,3,91,0,92,0,92,92,,,92,92,0,92,92,92,,1,0,1,1,1,5,7,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,1,1,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,24,2,2,2,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,1 +18529,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,6,0,1,2,,3,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +18530,3,3,12,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18531,5,2,,,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,15,1,1,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +18532,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18533,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18534,5,2,6,1,1,2,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18535,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18536,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18537,3,3,4,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18538,5,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18539,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18540,3,3,6,1,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18541,3,3,7,1,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,111,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18542,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +18543,3,3,4,2,0,1,,0,92,92,1,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,144,12,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18544,5,3,8,3,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18545,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18546,5,2,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18547,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18548,3,2,9,2,91,1,4,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,1,0,0,1,0,0,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,31,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18549,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18550,4,3,6,1,0,1,1,1,1,1,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,92,92,92,92,95,7,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18551,4,3,7,1,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18552,3,2,10,2,0,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18553,5,90,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18554,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18555,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18556,5,3,3,3,1,1,3,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,167,13,2,2,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18557,3,3,8,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18558,4,3,12,3,0,0,92,0,92,92,1,1,2,4,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,83,6,2,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18559,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18560,3,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18561,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18562,5,3,6,1,0,0,92,0,92,92,0,1,1,2,1,1,2,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18563,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18564,4,3,12,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18565,5,2,8,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18566,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18567,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18568,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,93,7,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18569,3,3,,,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18570,5,2,11,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18571,5,3,6,1,0,2,1,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18572,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18573,5,3,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,11,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18574,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18575,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18576,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18577,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18578,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18579,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18580,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18581,5,90,11,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18582,5,2,8,3,0,0,92,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18583,3,1,8,2,1,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +18584,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18585,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18586,5,1,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18587,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18588,3,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18589,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18590,3,3,10,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18591,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18592,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18593,5,2,7,1,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18594,5,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,4,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,13,1,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18595,4,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18596,5,1,10,2,1,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,206,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18597,4,3,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18598,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18599,5,3,10,2,1,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18600,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18601,4,3,11,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,,2,,3,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +18602,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18603,5,2,1,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18604,5,3,10,2,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,186,15,2,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18605,3,90,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18606,5,3,1,3,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,14,1,1,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18607,5,1,11,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18608,3,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18609,5,2,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18610,2,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18611,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18612,4,3,11,2,0,0,92,0,92,92,1,1,,,1,2,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18613,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18614,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18615,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18616,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18617,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18618,5,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18619,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18620,5,1,1,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18621,5,2,6,1,91,2,2,1,2,1,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,13,1,1,1,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +18622,1,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18623,3,3,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18624,3,1,1,3,,,92,,92,92,,,92,92,,92,92,92,,0,0,0,3,4,6,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,203,16,2,1,,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18625,3,3,2,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18626,5,3,9,2,91,1,1,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18627,5,2,10,3,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18628,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18629,3,1,9,2,1,,92,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,,4,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18630,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18631,5,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18632,4,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18633,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +18634,3,3,1,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18635,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,98,8,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18636,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18637,3,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18638,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18639,3,3,1,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18640,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18641,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18642,5,90,8,2,0,1,1,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18643,3,3,11,2,0,0,92,0,92,92,1,1,2,2,1,3,,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18644,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18645,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18646,1,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18647,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18648,3,1,8,2,1,1,2,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,3,5,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,56,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18649,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,59,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18650,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18651,2,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18652,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18653,4,2,1,2,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,2,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18654,5,4,10,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,137,11,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18655,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18656,5,2,8,2,91,0,92,0,92,92,1,1,,,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,23,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18657,1,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18658,3,1,2,3,91,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,2,1,1,0,5,1,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +18659,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18660,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18661,5,3,3,3,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,174,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18662,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18663,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18664,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18665,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,1,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,1,0,4,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18666,4,3,90,2,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,15,1,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18667,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18668,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18669,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18670,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18671,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,3,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18672,5,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18673,5,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18674,5,2,8,2,,,92,0,92,92,1,0,92,92,1,2,,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,133,11,2,1,,,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18675,5,1,8,2,0,0,92,0,92,92,0,1,3,3,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,90,7,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18676,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18677,5,2,10,2,0,0,92,0,92,92,1,0,92,92,1,3,3,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,160,13,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18678,4,3,5,2,91,1,3,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,1,1,3,5,1,1,1,1,1,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,202,16,2,1,,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +18679,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18680,5,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18681,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18682,5,3,8,2,1,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18683,3,1,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,24,2,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18684,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,0,0,1,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18685,3,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18686,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18687,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18688,4,3,90,2,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18689,5,90,9,2,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18690,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18691,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,1,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18692,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18693,4,3,6,1,0,0,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18694,5,3,6,1,0,1,2,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18695,1,3,8,2,91,0,92,1,2,1,,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,15,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18696,5,1,1,3,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,41,3,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18697,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18698,4,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18699,3,3,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18700,3,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,,2,1,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18701,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18702,5,3,2,3,91,1,,0,92,92,0,91,92,92,0,92,92,92,,,,,4,4,4,12,1,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,2,1,0,5,1,1,1,0,0,0,0,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +18703,3,3,8,2,0,,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,100,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18704,5,2,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,37,3,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18705,5,1,1,2,1,2,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18706,3,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18707,4,3,90,2,0,1,1,0,92,92,1,0,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18708,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18709,4,3,6,1,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,71,5,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18710,5,3,7,1,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,1,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18711,5,2,6,1,91,1,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18712,1,2,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18713,3,3,90,2,,0,92,0,92,92,1,1,,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18714,5,2,6,1,0,,92,,92,92,1,1,1,3,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18715,5,1,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18716,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18717,3,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18718,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18719,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18720,5,3,9,2,91,1,4,,92,92,0,91,92,92,0,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,1,1,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,40,3,2,1,,90,0,5,1,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1 +18721,5,3,90,2,1,1,3,0,92,92,0,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18722,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,2,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18723,5,90,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18724,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18725,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18726,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18727,1,3,12,2,,0,92,0,92,92,1,,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18728,3,1,11,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,1,0,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18729,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18730,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18731,3,3,11,2,1,1,4,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18732,5,1,12,2,0,1,2,0,92,92,0,1,,,1,,2,1,,,,,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,41,3,2,1,2,1,0,5,1,1,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +18733,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +18734,4,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18735,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18736,5,1,10,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18737,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18738,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18739,5,3,1,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18740,5,2,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,14,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18741,5,90,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18742,3,1,11,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18743,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18744,3,3,9,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18745,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18746,5,1,12,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18747,5,3,1,3,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,2,2,1,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18748,5,1,4,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18749,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18750,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18751,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18752,5,3,11,2,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18753,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18754,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18755,5,1,1,2,1,1,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18756,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18757,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18758,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18759,5,3,8,3,91,0,92,0,92,92,0,,92,92,,92,92,92,,0,0,0,1,1,3,5,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,20,1,1,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18760,5,2,8,3,91,0,92,0,92,92,0,91,92,92,1,2,,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18761,3,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18762,5,3,8,3,,0,92,0,92,92,0,91,92,92,0,92,92,92,,,,,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18763,5,3,1,2,91,,92,,92,92,,91,92,92,,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,27,2,2,2,,,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18764,3,1,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18765,5,2,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18766,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18767,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18768,5,2,1,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18769,3,3,10,2,1,0,92,0,92,92,0,1,2,2,1,1,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,203,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18770,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18771,3,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18772,5,3,10,2,1,0,92,0,92,92,0,1,1,,1,2,,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18773,1,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18774,3,3,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18775,4,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18776,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,16,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18777,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18778,1,3,90,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18779,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,200,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18780,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18781,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18782,3,1,8,2,91,0,92,0,92,92,0,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18783,5,1,10,2,1,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18784,5,90,8,2,0,0,92,0,92,92,0,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18785,5,3,2,3,1,,92,0,92,92,0,1,2,3,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,124,10,2,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18786,5,2,90,2,0,0,92,0,92,92,0,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18787,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18788,3,4,1,2,,,92,,92,92,,,92,92,1,,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,92,92,92,92,99,8,2,2,1,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18789,5,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18790,3,3,6,1,91,1,2,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18791,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,179,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18792,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18793,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18794,5,2,8,3,91,0,92,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18795,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18796,4,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18797,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18798,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18799,5,1,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18800,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18801,5,2,6,1,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,17,1,1,1,,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18802,4,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18803,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18804,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18805,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18806,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18807,3,3,10,2,0,0,92,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18808,3,2,10,2,0,1,2,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,201,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18809,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18810,3,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,18,1,1,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18811,5,2,9,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18812,3,3,6,1,0,0,92,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18813,5,3,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,177,14,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18814,5,2,1,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,3,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18815,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18816,5,1,7,1,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18817,3,1,8,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18818,5,3,12,2,1,0,92,0,92,92,1,1,1,2,1,3,,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,145,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18819,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18820,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18821,3,3,8,3,0,0,92,0,92,92,0,1,2,2,1,3,,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,135,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18822,3,3,1,2,1,2,,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18823,1,2,7,1,,,92,0,92,92,0,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,98,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18824,2,1,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18825,3,3,6,1,0,0,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18826,5,3,90,2,91,1,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18827,1,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18828,5,1,8,2,0,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18829,3,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18830,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18831,3,3,12,2,0,0,92,0,92,92,1,1,1,2,1,3,2,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,105,8,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18832,3,3,8,3,91,2,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,2,1,,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18833,5,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18834,5,3,10,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,195,16,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18835,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18836,5,3,7,1,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18837,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,8,0,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18838,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18839,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18840,3,3,90,2,91,,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18841,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18842,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18843,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18844,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18845,5,3,8,3,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18846,3,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,2,0,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +18847,3,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18848,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18849,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18850,3,2,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18851,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18852,4,3,7,1,0,0,92,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,2,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18853,4,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,1,1,1,0,0,17,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18854,5,4,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18855,3,1,90,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18856,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18857,5,2,8,3,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18858,5,1,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,17,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18859,3,2,9,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18860,3,3,90,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,0,1,0,1,0,0,0,0,0,0,92,92,92,92,148,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18861,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18862,5,3,9,2,91,2,2,,92,92,0,1,,,1,2,2,2,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,37,3,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18863,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18864,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18865,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18866,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18867,3,3,8,2,0,0,92,0,92,92,0,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18868,5,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18869,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18870,5,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18871,4,3,1,3,,0,92,0,92,92,,,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,93,7,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18872,3,2,6,1,0,0,92,0,92,92,1,1,1,3,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,108,9,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18873,5,3,8,2,0,0,92,0,92,92,1,1,1,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,93,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18874,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18875,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18876,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18877,3,3,5,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18878,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18879,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18880,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18881,3,3,90,2,,1,2,0,92,92,0,,92,92,0,92,92,92,1,0,0,0,4,3,5,12,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,82,6,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18882,5,3,2,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,12,1,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18883,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18884,3,4,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18885,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18886,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18887,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18888,3,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,85,7,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18889,5,3,8,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18890,5,3,12,2,91,0,92,0,92,92,,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18891,5,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,206,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18892,3,3,9,2,91,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18893,1,3,3,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18894,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18895,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18896,5,3,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18897,5,1,8,2,91,0,92,0,92,92,0,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18898,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18899,5,1,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18900,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18901,5,3,90,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,92,92,92,92,166,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18902,5,3,11,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,88,7,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18903,3,3,11,3,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18904,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18905,5,3,6,1,91,1,4,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,72,6,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18906,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18907,5,1,11,2,91,,92,1,2,1,,91,92,92,,92,92,92,,0,0,0,2,1,1,4,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,192,16,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18908,5,2,90,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18909,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,6,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18910,3,2,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18911,3,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18912,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18913,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18914,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18915,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18916,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18917,5,3,8,3,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18918,5,3,10,2,1,1,3,1,1,,1,1,2,2,1,2,2,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,177,14,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18919,3,3,2,3,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18920,3,1,6,1,,1,2,0,92,92,1,0,92,92,1,3,,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,115,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18921,2,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18922,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18923,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18924,3,3,12,2,0,,92,1,1,1,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18925,3,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,35,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18926,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18927,4,1,9,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18928,3,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18929,3,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18930,5,3,10,2,0,0,92,0,92,92,1,1,2,2,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18931,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18932,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18933,5,1,1,2,0,1,1,0,92,92,,1,3,2,0,92,92,92,1,0,0,0,4,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,0,0,0,,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18934,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18935,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18936,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,142,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18937,3,3,1,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18938,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18939,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18940,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18941,5,3,9,2,91,1,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18942,5,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,1,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,201,16,2,1,2,1,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18943,5,3,9,2,0,0,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,62,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18944,4,3,4,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,1,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18945,5,3,7,1,1,1,1,0,92,92,1,0,92,92,0,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,1,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18946,5,3,4,2,0,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,66,5,2,1,2,4,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18947,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18948,5,2,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18949,5,3,1,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18950,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18951,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18952,5,3,,,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18953,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,,92,92,92,92,92,1,,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,17,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18954,4,2,1,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18955,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18956,5,3,3,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18957,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18958,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18959,3,3,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18960,3,1,4,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,211,17,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +18961,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18962,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18963,3,3,1,2,,2,,,92,92,,1,2,3,,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,,3,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18964,3,3,11,2,1,0,92,0,92,92,0,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,92,92,92,92,180,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18965,5,2,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18966,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18967,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18968,5,3,7,1,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18969,5,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18970,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18971,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,54,4,2,1,2,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18972,5,3,9,2,91,0,92,0,92,92,1,1,1,,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,66,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18973,5,3,12,2,91,2,2,0,92,92,1,91,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18974,4,3,5,2,0,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18975,4,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18976,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18977,2,1,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,196,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18978,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18979,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18980,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18981,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18982,5,90,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,144,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18983,5,1,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18984,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18985,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18986,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18987,3,1,1,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18988,2,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18989,5,1,90,2,1,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18990,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18991,3,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18992,3,3,12,2,0,0,92,0,92,92,,1,2,2,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,150,12,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18993,3,1,6,1,1,2,1,0,92,92,0,1,1,2,1,3,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,75,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +18994,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18995,3,3,8,3,0,1,1,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18996,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18997,3,3,10,2,1,1,3,1,2,,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18998,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +18999,3,3,10,2,1,1,,1,1,1,,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,174,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19000,3,3,8,3,91,1,3,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +19001,2,3,90,2,0,0,92,0,92,92,0,1,3,2,1,1,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,62,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19002,3,3,90,2,1,1,,,92,92,1,1,2,2,1,1,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19003,3,1,90,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19004,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19005,5,3,1,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19006,3,3,11,2,0,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19007,5,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19008,5,3,6,1,91,0,92,0,92,92,0,0,92,92,1,2,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,92,92,92,92,56,4,2,1,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19009,3,3,3,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19010,4,3,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19011,5,2,11,2,0,2,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19012,3,3,2,2,0,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19013,5,3,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19014,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19015,5,3,90,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19016,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19017,5,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19018,5,1,4,2,1,1,2,0,92,92,0,0,92,92,1,1,3,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19019,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19020,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19021,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19022,4,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19023,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19024,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19025,5,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19026,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19027,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19028,5,3,8,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19029,5,1,11,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19030,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19031,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19032,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19033,5,2,8,2,91,,92,,92,92,0,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,30,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19034,1,2,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19035,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19036,3,1,1,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,2,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19037,5,3,2,3,1,2,1,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19038,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19039,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19040,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19041,5,1,12,2,0,0,92,0,92,92,1,1,3,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,144,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19042,4,2,6,1,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19043,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19044,5,2,11,2,0,0,92,0,92,92,1,1,2,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19045,3,3,5,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19046,5,2,8,2,91,0,92,0,92,92,,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,20,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19047,5,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,1,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19048,5,3,11,2,,,92,0,92,92,,1,,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19049,5,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19050,4,3,2,3,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19051,5,2,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,18,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19052,1,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,53,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19053,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19054,3,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19055,5,90,7,1,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19056,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19057,4,3,2,3,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19058,3,3,8,3,1,2,1,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,1,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,186,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19059,4,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19060,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19061,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19062,5,3,90,2,1,2,1,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,0,92,92,92,92,52,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19063,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19064,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19065,3,1,11,2,0,1,1,0,92,92,1,1,1,,1,2,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,180,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19066,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19067,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19068,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19069,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19070,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19071,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19072,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19073,5,3,6,1,,0,92,0,92,92,0,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,43,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19074,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19075,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19076,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19077,3,2,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19078,3,1,90,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19079,3,3,1,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,,,1,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +19080,5,3,90,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,73,6,2,1,,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19081,3,1,8,3,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19082,4,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19083,5,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19084,3,3,1,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19085,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19086,5,2,11,2,1,1,,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,76,6,2,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19087,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19088,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19089,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19090,3,3,1,2,0,0,92,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19091,4,3,,,91,,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,13,1,1,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19092,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19093,5,2,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19094,2,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19095,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19096,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19097,4,3,12,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19098,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19099,1,3,10,2,1,1,3,0,92,92,1,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19100,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19101,3,3,1,2,0,2,2,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,76,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19102,3,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19103,4,2,8,3,,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,10,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19104,3,3,1,2,1,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19105,5,1,11,2,1,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19106,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19107,5,1,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19108,3,3,1,2,1,2,2,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,63,5,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19109,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,62,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19110,5,3,8,3,,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,2,1,0,5,1,1,1,0,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +19111,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19112,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19113,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19114,3,3,11,2,0,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19115,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19116,3,2,8,2,0,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19117,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19118,5,3,90,3,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,1,,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19119,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19120,3,3,10,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,152,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19121,5,3,8,2,0,0,92,0,92,92,0,1,1,4,1,2,,3,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,31,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19122,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19123,4,2,6,1,91,0,92,0,92,92,0,1,,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,42,3,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19124,2,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19125,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19126,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19127,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19128,4,3,1,2,91,,92,0,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +19129,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,172,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19130,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19131,5,2,6,1,0,0,92,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,154,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19132,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19133,4,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19134,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19135,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19136,5,3,8,3,1,1,2,0,92,92,1,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,140,11,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19137,5,1,90,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,205,17,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19138,3,3,12,2,,1,2,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,41,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19139,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19140,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19141,5,3,90,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19142,5,3,2,3,,1,3,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,64,5,2,1,,90,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19143,3,3,6,1,0,0,92,0,92,92,0,0,92,92,1,2,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,76,6,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19144,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19145,3,3,4,2,0,1,,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19146,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19147,5,1,90,2,1,0,92,0,92,92,1,0,92,92,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,101,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19148,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19149,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19150,5,2,90,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19151,3,3,10,2,0,0,92,0,92,92,1,1,2,2,1,2,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,174,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19152,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19153,5,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,112,9,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19154,5,3,90,2,,0,92,0,92,92,0,1,2,2,1,1,2,,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,1,1,0,0,,92,92,92,92,92,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,194,16,2,1,,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +19155,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19156,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19157,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19158,5,2,90,2,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19159,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,101,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19160,5,3,1,2,,1,2,0,92,92,0,,92,92,1,2,2,,,0,0,0,4,4,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,,92,92,92,92,55,4,2,2,,2,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +19161,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19162,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19163,5,3,2,3,0,0,92,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,2,2,,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19164,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,115,9,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19165,5,2,7,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19166,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19167,3,2,11,2,,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19168,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19169,5,3,2,3,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,172,14,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19170,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19171,3,3,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,122,10,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19172,3,1,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,92,92,92,92,144,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19173,5,1,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19174,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19175,5,2,7,1,1,1,,,92,92,0,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,149,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19176,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19177,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19178,4,3,90,2,0,0,92,0,92,92,0,1,,2,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19179,5,1,6,1,,0,92,0,92,92,0,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,51,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19180,5,3,3,3,91,1,4,0,92,92,,91,92,92,0,92,92,92,0,1,1,1,1,1,1,3,1,1,0,0,0,0,0,2,92,0,1,0,0,1,0,0,1,3,,1,1,0,1,0,1,0,1,0,0,1,0,1,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,2,,1,0,2,1,1,1,0,1,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,1,1,1,1,1 +19181,5,1,6,1,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,103,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19182,3,2,10,2,0,1,2,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19183,5,3,5,2,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,167,13,2,2,,5,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19184,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19185,3,2,3,3,0,0,92,0,92,92,0,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,77,6,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19186,3,3,12,2,0,0,92,0,92,92,1,0,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,92,92,92,92,176,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19187,5,3,8,2,0,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19188,3,3,7,1,91,0,92,0,92,92,0,91,92,92,1,3,3,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19189,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19190,5,3,4,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,2,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19191,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +19192,3,3,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,199,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19193,2,1,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19194,3,3,8,2,91,0,92,0,92,92,1,0,92,92,1,2,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,35,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19195,5,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19196,1,3,6,1,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19197,5,2,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19198,5,2,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19199,3,3,7,1,91,0,92,0,92,92,1,0,92,92,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19200,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19201,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19202,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19203,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19204,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,1,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19205,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19206,3,1,2,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19207,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,114,9,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19208,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19209,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19210,3,3,11,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19211,3,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19212,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19213,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19214,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19215,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19216,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19217,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19218,5,3,1,3,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19219,1,1,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19220,2,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19221,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19222,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,18,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19223,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19224,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19225,3,2,1,2,0,0,92,0,92,92,1,1,3,2,1,1,3,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,211,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19226,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19227,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19228,3,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19229,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19230,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19231,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19232,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19233,5,2,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19234,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19235,4,3,4,2,0,0,92,0,92,92,0,0,92,92,1,2,3,1,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,54,4,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19236,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19237,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19238,5,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19239,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,3,2,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,37,3,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +19240,4,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19241,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19242,3,2,10,2,0,0,92,0,92,92,1,1,2,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,212,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19243,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19244,5,3,8,3,91,1,4,1,1,,0,91,92,92,1,1,3,,0,1,1,1,1,1,1,3,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,,92,92,92,92,58,4,2,2,2,1,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +19245,5,3,12,3,1,0,92,0,92,92,,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,154,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19246,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19247,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19248,3,3,90,2,,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19249,5,2,8,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19250,5,2,1,2,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19251,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19252,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19253,4,2,7,1,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19254,3,3,,,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,18,1,1,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +19255,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19256,4,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19257,4,3,90,2,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,10,0,1,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +19258,5,3,2,3,0,2,1,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,204,17,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19259,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19260,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19261,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19262,4,3,7,1,0,0,92,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,57,4,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19263,5,2,6,1,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19264,2,1,7,1,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,73,6,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19265,5,3,2,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19266,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19267,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,146,12,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19268,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19269,5,1,1,2,1,2,,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19270,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19271,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19272,4,3,1,2,91,2,,1,2,2,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,209,17,2,2,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +19273,3,3,10,2,1,1,3,1,2,2,,0,92,92,0,92,92,92,0,0,0,1,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,92,92,92,92,196,16,2,1,,1,0,3,1,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +19274,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19275,1,3,8,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19276,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19277,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19278,4,3,6,1,1,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19279,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19280,5,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19281,3,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +19282,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19283,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19284,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,1,1,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19285,5,3,1,2,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,3,2,5,10,1,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,123,10,2,2,1,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +19286,1,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19287,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,186,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19288,5,1,1,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19289,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19290,5,3,9,2,91,1,4,1,1,3,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,23,1,1,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +19291,3,3,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19292,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,16,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19293,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19294,5,2,11,2,0,0,92,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19295,3,3,1,2,0,0,92,0,92,92,1,1,,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,82,6,2,2,1,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19296,5,3,1,2,1,1,2,1,2,2,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,196,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19297,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19298,3,3,1,2,1,1,,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19299,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19300,1,2,5,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19301,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19302,5,3,10,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19303,1,3,8,2,91,1,2,1,2,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19304,3,2,6,1,,1,1,0,92,92,1,,92,92,1,3,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19305,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19306,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19307,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,32,2,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19308,5,1,1,2,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19309,3,1,90,2,,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19310,4,3,8,2,1,1,1,0,92,92,0,1,2,2,1,1,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19311,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19312,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19313,4,3,8,2,0,1,1,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19314,5,3,12,3,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19315,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19316,5,1,6,1,,0,92,0,92,92,1,1,1,2,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19317,3,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19318,3,2,10,2,0,0,92,0,92,92,0,1,3,3,1,3,3,1,1,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,149,12,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +19319,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19320,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19321,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19322,5,1,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19323,3,3,2,3,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,188,15,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19324,5,3,2,3,1,1,4,0,92,92,0,1,,,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,1,1,1,0,92,0,1,1,0,0,0,0,1,3,,1,1,1,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +19325,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19326,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,14,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19327,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19328,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,49,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19329,5,4,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19330,5,3,7,1,0,2,,0,92,92,1,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,27,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19331,3,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19332,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19333,3,3,1,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19334,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,1,2,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19335,4,2,2,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,2,3,6,1,1,0,0,0,0,1,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,180,15,2,1,2,1,0,2,1,1,1,0,0,1,0,0,0,0,0,1,0,1,1,1,0,0,1,0,0,0,1,1,1,1,1 +19336,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19337,4,3,8,3,91,2,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19338,5,2,6,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,15,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19339,5,1,7,1,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19340,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19341,4,3,6,1,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,116,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19342,3,3,8,3,,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19343,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19344,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,30,2,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19345,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,54,4,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19346,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19347,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,111,9,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19348,5,3,9,2,0,0,92,0,92,92,1,1,2,,1,,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19349,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,9,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19350,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19351,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19352,4,90,8,2,1,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19353,5,2,9,2,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19354,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19355,3,3,5,2,91,0,92,0,92,92,1,1,1,2,1,2,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19356,1,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19357,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19358,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19359,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19360,5,1,7,1,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19361,5,4,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19362,2,3,5,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19363,1,2,1,2,1,1,,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19364,5,3,10,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19365,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19366,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,13,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19367,3,1,1,3,,0,92,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,84,7,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19368,5,2,12,2,0,0,92,0,92,92,0,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19369,5,3,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,118,9,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19370,4,3,90,2,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,1,0,1,1,1,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +19371,3,3,8,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19372,4,3,11,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19373,3,3,4,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,161,13,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19374,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19375,3,3,4,2,1,2,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19376,1,3,9,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19377,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19378,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19379,5,3,1,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19380,3,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19381,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19382,4,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,40,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19383,5,3,8,2,0,0,92,0,92,92,0,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,77,6,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19384,4,3,8,2,,1,2,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19385,3,3,6,1,91,0,92,0,92,92,1,0,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19386,3,3,8,2,91,0,92,0,92,92,1,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19387,5,1,12,2,0,0,92,0,92,92,0,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,182,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19388,3,3,1,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19389,5,3,11,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,1,1,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,151,12,2,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19390,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19391,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19392,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19393,3,3,8,3,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,41,3,2,2,,,0,5,1,1,1,0,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +19394,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19395,5,3,1,2,0,0,92,0,92,92,1,1,2,3,1,1,3,3,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,211,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19396,3,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,196,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19397,5,3,3,3,0,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,1,1,0,0,0,0,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,145,12,2,2,,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19398,5,2,7,1,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19399,5,4,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19400,3,3,90,2,1,,92,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,144,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19401,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19402,5,1,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19403,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19404,2,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19405,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19406,1,3,2,3,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,1,6,11,1,1,0,0,0,0,1,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,23,1,1,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19407,5,2,7,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19408,3,3,2,3,,1,3,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +19409,3,1,1,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,9,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19410,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19411,3,3,6,1,91,1,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,20,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19412,5,2,9,2,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19413,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19414,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19415,3,3,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19416,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19417,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19418,3,3,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19419,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19420,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19421,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19422,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19423,5,3,4,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19424,4,2,6,1,,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,108,9,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19425,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19426,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19427,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19428,1,3,10,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,92,92,92,92,175,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19429,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19430,5,2,90,2,91,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19431,5,3,12,3,0,0,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,109,9,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19432,5,3,2,3,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19433,3,3,11,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19434,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19435,4,3,7,1,91,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19436,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19437,4,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19438,5,2,12,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19439,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19440,5,3,3,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19441,1,2,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19442,5,2,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19443,5,3,8,2,,,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,1,,1,0,3,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +19444,3,3,8,2,91,,92,1,2,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,29,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19445,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19446,5,3,10,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19447,3,1,4,2,0,2,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19448,5,1,90,2,0,0,92,0,92,92,1,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19449,3,2,1,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19450,1,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19451,5,3,8,3,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19452,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19453,4,3,2,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19454,5,3,2,3,1,1,2,0,92,92,0,1,2,2,1,3,2,1,,0,0,0,4,5,6,15,2,1,1,1,0,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,1,1,0,0,1,0,0,1,0,0,0,92,92,92,92,87,7,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19455,4,3,12,2,91,2,4,0,92,92,0,91,92,92,,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,1,,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,,0,8,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,1 +19456,5,3,90,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19457,5,3,90,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19458,5,3,7,1,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19459,5,3,3,3,0,0,92,0,92,92,,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,141,11,2,1,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19460,4,3,8,3,0,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,,,,9,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +19461,3,1,2,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,1,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19462,3,3,2,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,113,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19463,5,3,10,2,1,2,1,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,198,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19464,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19465,1,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19466,5,90,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19467,5,1,1,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19468,3,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19469,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19470,5,1,12,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,118,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19471,5,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19472,5,1,6,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19473,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19474,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19475,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19476,5,3,2,3,1,2,,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,2,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19477,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,16,1,1,2,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19478,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19479,5,2,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19480,4,3,8,2,91,0,92,0,92,92,1,91,92,92,1,,4,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +19481,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19482,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19483,5,1,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,1,0,,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,1,3,1,1,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +19484,5,3,8,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19485,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19486,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19487,3,3,10,2,0,0,92,0,92,92,0,1,2,3,1,2,2,1,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,106,8,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19488,2,2,6,1,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19489,3,3,10,2,1,0,92,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19490,1,3,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19491,5,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19492,3,3,2,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19493,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19494,5,3,10,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19495,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,7,0,1,1,,1,0,3,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +19496,5,3,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,191,15,2,1,,,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19497,3,3,4,2,0,0,92,0,92,92,,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19498,3,3,6,1,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,109,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19499,4,3,1,2,0,0,92,0,92,92,0,1,1,2,1,2,3,,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19500,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19501,5,3,90,2,91,0,92,0,92,92,0,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19502,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19503,5,3,11,2,1,1,2,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,3,4,6,13,1,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,1,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19504,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,104,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19505,5,3,6,1,1,1,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19506,3,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19507,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19508,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19509,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19510,3,2,90,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19511,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19512,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19513,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19514,5,3,6,1,0,0,92,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,50,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19515,3,3,9,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19516,3,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19517,2,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19518,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19519,5,2,11,2,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19520,5,1,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,23,1,1,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19521,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19522,5,2,4,2,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,3,6,13,1,1,1,1,0,1,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,156,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19523,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19524,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19525,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19526,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,13,1,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19527,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,15,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19528,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19529,5,2,3,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19530,3,3,90,3,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19531,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19532,5,3,8,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19533,4,3,1,2,,1,4,,92,92,0,,92,92,1,3,2,1,,1,0,0,1,1,1,3,1,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,2,2,1,0,8,1,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1 +19534,5,1,6,1,91,2,,0,92,92,0,,92,92,1,3,2,1,,0,0,0,2,1,5,8,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,92,92,92,92,207,17,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19535,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19536,5,3,1,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,2,1,1,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19537,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19538,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19539,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19540,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19541,3,3,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19542,2,1,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,1,,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19543,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19544,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19545,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19546,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0 +19547,5,3,12,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19548,3,3,8,3,0,0,92,0,92,92,1,1,1,3,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19549,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19550,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19551,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,13,1,1,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19552,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19553,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19554,5,1,11,2,0,2,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,149,12,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19555,3,1,2,3,0,1,,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19556,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19557,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19558,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19559,5,2,6,1,0,0,92,0,92,92,0,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,108,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19560,3,3,10,2,0,2,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19561,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,34,2,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19562,3,3,2,3,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,105,8,2,1,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19563,3,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19564,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19565,5,3,10,3,,1,2,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19566,5,3,8,2,0,0,92,0,92,92,1,1,,,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,54,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19567,5,3,90,2,91,0,92,0,92,92,0,91,92,92,1,3,4,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19568,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19569,5,2,90,2,0,0,92,0,92,92,1,1,2,2,1,2,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19570,3,3,8,2,0,2,2,1,2,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19571,1,3,90,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19572,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19573,1,3,1,2,0,0,92,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,63,5,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19574,2,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19575,1,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19576,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19577,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19578,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19579,2,2,4,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19580,5,3,10,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,210,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19581,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,2,2,2,,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19582,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +19583,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19584,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19585,3,1,6,1,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19586,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19587,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19588,5,3,9,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19589,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19590,5,3,6,1,0,0,92,0,92,92,0,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,57,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19591,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19592,5,3,6,1,1,1,1,0,92,92,0,1,1,1,1,1,2,1,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,160,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19593,5,1,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19594,3,2,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19595,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,170,14,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19596,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19597,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19598,4,3,7,1,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19599,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19600,3,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19601,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19602,5,3,4,2,0,0,92,0,92,92,,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,181,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19603,3,3,6,1,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19604,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19605,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19606,3,3,1,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19607,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19608,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19609,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19610,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19611,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,2,2,1,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +19612,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19613,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19614,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19615,5,3,10,2,0,0,92,0,92,92,0,1,2,2,1,3,3,1,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,176,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19616,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19617,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19618,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19619,3,2,4,2,0,0,92,0,92,92,0,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,94,7,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19620,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19621,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19622,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19623,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19624,3,3,12,2,1,1,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19625,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19626,5,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19627,5,3,11,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,129,10,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19628,4,3,12,2,0,0,92,0,92,92,1,1,2,4,1,1,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,119,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19629,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19630,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19631,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19632,5,3,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19633,5,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19634,3,3,8,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19635,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19636,4,2,6,1,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19637,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19638,4,3,8,2,0,0,92,0,92,92,1,1,3,2,1,3,2,1,1,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,97,8,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19639,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19640,4,3,8,3,0,0,92,0,92,92,,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19641,1,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19642,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19643,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19644,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19645,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19646,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19647,5,3,12,2,0,0,92,0,92,92,0,1,3,3,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,128,10,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19648,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19649,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19650,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19651,5,3,11,2,1,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19652,3,3,90,2,1,2,,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19653,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19654,3,3,7,1,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19655,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19656,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19657,5,3,4,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19658,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19659,5,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19660,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19661,1,3,10,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19662,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19663,3,3,10,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,150,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19664,2,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19665,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19666,3,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19667,3,2,4,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19668,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19669,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19670,5,90,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19671,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19672,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19673,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19674,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19675,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19676,5,90,6,1,1,1,2,0,92,92,,1,,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,210,17,2,2,,3,1,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +19677,4,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19678,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19679,3,2,7,1,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,93,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19680,2,3,6,1,0,1,2,0,92,92,1,1,1,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,173,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19681,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19682,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19683,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19684,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19685,5,3,8,3,1,1,3,0,92,92,,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +19686,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,138,11,2,1,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19687,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19688,2,1,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19689,5,2,7,1,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19690,5,3,1,3,,,92,0,92,92,0,,92,92,1,,,,,0,0,0,1,1,2,4,1,1,0,0,0,0,0,1,1,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,1,1,1,1,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,92,92,92,92,60,5,2,1,2,1,,2,1,1,1,0,1,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +19691,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19692,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19693,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19694,5,1,8,2,0,0,92,0,92,92,0,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,70,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19695,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19696,1,3,6,1,0,0,92,1,2,1,1,1,,2,1,,3,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,92,92,92,92,41,3,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19697,5,3,10,2,0,0,92,0,92,92,0,0,92,92,1,3,,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,157,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19698,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19699,5,3,6,1,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19700,5,1,12,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,182,15,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19701,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19702,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19703,5,90,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19704,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19705,3,2,12,3,0,0,92,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19706,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19707,5,3,8,2,1,0,92,0,92,92,0,0,92,92,1,,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,128,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19708,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19709,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19710,1,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19711,3,3,1,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19712,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19713,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19714,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19715,5,3,11,2,0,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19716,5,2,90,2,0,0,92,0,92,92,1,0,92,92,1,3,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,162,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19717,4,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19718,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19719,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19720,5,2,4,2,1,2,,0,92,92,0,0,92,92,1,2,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,86,7,2,1,1,4,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19721,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19722,5,2,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19723,1,90,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19724,1,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19725,5,3,10,2,1,1,4,1,1,,0,1,3,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,211,17,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +19726,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19727,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19728,5,3,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19729,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19730,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19731,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19732,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19733,1,3,4,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19734,3,3,1,3,91,,92,,92,92,,91,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,1,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,2,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +19735,5,3,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19736,5,1,8,3,91,1,3,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19737,5,1,7,1,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19738,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,0,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19739,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19740,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19741,5,3,8,2,,0,92,0,92,92,1,0,92,92,1,1,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19742,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19743,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19744,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,164,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19745,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19746,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19747,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19748,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19749,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,152,12,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19750,3,2,5,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19751,5,3,10,2,,1,,,92,92,,,92,92,1,,2,1,,0,0,0,3,4,6,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19752,5,1,12,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,145,12,2,1,1,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19753,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19754,3,3,90,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19755,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19756,3,1,4,2,1,0,92,0,92,92,0,1,2,2,1,1,3,,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19757,3,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19758,1,2,11,2,0,0,92,0,92,92,1,1,2,2,1,1,3,2,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19759,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19760,4,3,2,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19761,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19762,5,1,11,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19763,1,3,2,3,,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,4,5,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19764,5,3,8,2,0,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19765,5,1,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19766,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19767,5,3,1,2,1,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19768,1,1,6,1,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,46,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19769,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19770,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19771,3,3,8,3,1,2,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,75,6,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19772,5,1,6,1,91,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19773,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19774,5,2,4,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,29,2,2,2,1,,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19775,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19776,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19777,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19778,3,2,90,2,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19779,3,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19780,5,3,11,2,1,2,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19781,2,2,8,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19782,1,3,8,2,1,,92,0,92,92,0,1,1,3,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,100,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19783,3,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19784,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19785,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,3,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19786,5,4,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19787,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19788,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19789,5,3,10,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19790,5,3,6,1,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19791,5,3,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19792,5,2,12,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19793,5,3,6,1,0,0,92,0,92,92,0,1,,2,1,,3,,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,109,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19794,5,3,7,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19795,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19796,3,3,6,1,0,0,92,,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,43,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19797,5,2,5,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,114,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19798,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19799,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19800,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19801,1,3,7,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19802,5,3,2,3,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,134,11,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19803,4,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19804,3,3,8,2,91,2,1,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19805,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,1,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19806,3,2,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19807,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19808,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19809,5,90,8,3,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,12,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19810,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19811,3,3,4,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19812,5,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19813,3,3,7,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19814,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,30,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +19815,5,1,9,2,91,1,,1,,,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,92,92,92,92,18,1,1,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19816,4,3,8,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19817,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19818,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19819,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +19820,2,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19821,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19822,5,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19823,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19824,3,1,10,2,1,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19825,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19826,3,3,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19827,3,1,12,3,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,2,,1,0,2,1,1,1,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,1,0,1,1 +19828,3,3,9,2,91,2,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,1,0,0,0,0,1,1,1,3,1,1,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19829,5,1,12,2,0,0,92,0,92,92,1,1,1,3,1,1,3,2,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19830,5,2,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19831,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19832,5,3,5,2,,1,2,0,92,92,0,,92,92,1,3,2,,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,159,13,2,1,2,1,0,5,1,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +19833,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19834,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,,92,92,92,92,92,1,1,,1,1,0,1,0,0,1,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +19835,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19836,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19837,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19838,4,3,10,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19839,3,1,8,2,91,0,92,0,92,92,0,1,2,,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,67,5,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19840,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19841,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19842,5,3,3,3,0,0,92,0,92,92,0,1,1,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,104,8,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19843,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19844,2,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19845,2,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19846,5,3,8,3,91,0,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19847,3,90,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19848,5,3,11,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19849,5,3,1,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,210,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19850,5,3,2,3,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19851,5,2,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19852,4,2,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19853,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19854,5,3,5,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19855,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19856,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19857,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19858,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19859,5,3,8,2,0,0,92,1,2,1,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19860,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19861,5,2,2,3,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,99,8,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19862,3,3,3,3,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19863,3,3,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19864,5,1,8,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19865,5,1,2,3,,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,75,6,2,1,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19866,5,3,9,2,91,,92,0,92,92,,91,92,92,1,1,2,1,,0,0,0,3,4,5,12,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,30,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19867,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,29,2,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19868,5,2,4,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19869,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19870,3,3,8,2,1,0,92,1,2,2,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,92,92,92,92,81,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19871,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,2,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +19872,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,2,0,90,1,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +19873,5,1,12,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19874,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19875,3,2,6,1,1,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19876,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19877,5,3,6,1,,1,3,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19878,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19879,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19880,5,3,5,2,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19881,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19882,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19883,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,3,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19884,5,3,9,2,91,1,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19885,4,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,1,,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19886,3,3,10,2,0,0,92,0,92,92,0,0,92,92,1,3,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19887,4,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19888,5,2,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19889,5,1,10,2,0,1,,1,,,0,1,2,2,0,92,92,92,1,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,0,1,1,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19890,5,3,6,1,1,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19891,4,3,10,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19892,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19893,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19894,4,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,1,2,1,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19895,3,90,6,1,1,,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19896,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19897,5,3,1,3,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,6,0,1,2,,1,0,90,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1 +19898,2,1,9,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19899,5,3,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19900,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19901,5,2,12,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19902,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19903,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19904,5,3,1,3,91,1,4,,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,1,1,1,1,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,2,,2,1,5,1,1,1,1,0,0,0,1,0,1,0,1,1,1,1,0,1,0,0,0,0,0,1,1,1,1,1 +19905,5,1,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,3,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19906,5,2,1,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19907,4,3,9,2,91,0,92,0,92,92,0,1,,2,1,,,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,45,3,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19908,5,3,7,1,0,1,3,0,92,92,,0,92,92,0,92,92,92,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19909,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,65,5,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19910,5,90,2,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19911,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,3,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19912,5,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19913,3,1,1,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19914,5,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,,,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19915,5,2,10,2,0,2,1,0,92,92,1,1,2,2,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,1,0,0,0,92,92,92,92,122,10,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19916,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19917,3,3,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19918,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19919,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19920,5,2,2,2,1,2,,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,155,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19921,5,2,12,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19922,1,3,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,48,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19923,2,4,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19924,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19925,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19926,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19927,3,3,4,2,0,0,92,0,92,92,1,1,1,3,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,95,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19928,2,2,6,1,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19929,3,3,2,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19930,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19931,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19932,5,3,1,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19933,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19934,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19935,2,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19936,5,3,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19937,1,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19938,3,3,7,1,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19939,5,3,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19940,5,1,8,2,0,0,92,0,92,92,0,1,1,3,1,1,4,3,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,58,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19941,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19942,5,3,1,2,91,1,4,,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,1,1,6,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,1,,,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19943,5,3,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19944,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19945,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19946,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19947,3,2,8,3,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,2,2,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19948,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19949,1,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19950,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19951,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19952,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19953,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19954,3,2,90,2,1,2,2,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19955,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19956,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19957,3,3,9,2,91,,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19958,5,2,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19959,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19960,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,8,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19961,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19962,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19963,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19964,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19965,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19966,3,2,11,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19967,5,3,90,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19968,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19969,1,3,,,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19970,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,84,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19971,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19972,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19973,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19974,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19975,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19976,4,3,8,2,1,1,2,0,92,92,0,1,2,2,1,,2,,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19977,4,3,8,3,0,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19978,2,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19979,3,2,8,2,1,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19980,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19981,1,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19982,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19983,4,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,72,6,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19984,5,1,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,62,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19985,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19986,5,3,6,1,0,,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,135,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19987,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19988,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19989,3,3,11,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19990,3,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19991,2,3,10,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19992,5,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19993,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19994,5,3,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19995,4,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19996,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19997,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +19998,5,3,6,1,1,0,92,0,92,92,,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,213,17,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +19999,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20000,4,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20001,3,3,2,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20002,3,3,8,2,0,0,92,0,92,92,1,1,1,3,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,70,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20003,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20004,3,3,5,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20005,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20006,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20007,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20008,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,92,92,92,92,158,13,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20009,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,31,2,2,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20010,3,3,8,3,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,82,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20011,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20012,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20013,5,2,4,2,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20014,4,2,11,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20015,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20016,1,3,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20017,5,3,2,3,,1,3,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,68,5,2,1,2,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20018,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20019,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20020,2,3,7,1,0,0,92,1,1,1,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20021,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20022,3,3,10,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20023,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20024,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20025,3,3,11,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20026,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20027,1,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20028,4,2,8,2,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20029,1,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20030,5,3,2,3,91,1,,1,,,,91,92,92,0,92,92,92,,,,,1,1,3,5,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,52,4,2,1,,2,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +20031,3,3,1,3,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20032,4,3,2,3,91,1,4,0,92,92,,91,92,92,0,92,92,92,,0,0,0,1,2,4,7,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,1,1,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,1,1,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,1 +20033,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20034,3,3,8,2,0,,92,0,92,92,1,1,1,,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,73,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20035,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20036,1,3,12,3,0,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20037,3,3,5,2,1,1,,0,92,92,1,1,2,4,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,174,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20038,5,2,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20039,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20040,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20041,2,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,168,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20042,5,2,8,3,1,1,1,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,1,2,1,1,3,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +20043,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20044,3,3,1,3,0,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,173,14,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20045,4,2,1,2,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20046,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20047,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20048,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20049,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20050,3,3,11,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20051,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20052,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20053,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20054,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20055,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20056,3,3,10,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20057,3,1,6,1,,1,1,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20058,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20059,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,17,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20060,5,3,11,2,91,,92,,92,92,,,92,92,1,1,3,,,0,0,0,1,4,5,10,1,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,2,2,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +20061,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20062,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20063,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20064,3,3,1,3,,,92,0,92,92,,0,92,92,1,1,3,,,0,0,1,4,4,4,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,68,5,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20065,3,3,8,2,91,0,92,,92,92,0,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,92,92,92,92,34,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20066,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20067,3,3,2,3,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20068,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20069,5,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20070,3,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20071,4,3,10,2,0,1,1,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20072,5,3,1,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,1,0,3,1,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +20073,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20074,3,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20075,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20076,3,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20077,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20078,3,1,10,2,,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,54,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20079,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20080,3,1,4,2,,1,,0,92,92,,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,1,0,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,180,15,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20081,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,97,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20082,4,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20083,3,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20084,4,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20085,3,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20086,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20087,5,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20088,3,1,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +20089,5,1,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,10,0,1,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20090,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,10,0,1,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20091,3,2,90,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20092,5,3,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20093,5,1,1,3,1,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20094,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20095,5,3,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20096,5,2,8,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20097,5,1,1,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,1,1,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20098,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,1,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20099,5,3,7,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20100,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,0,6,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +20101,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20102,4,3,90,2,91,,92,1,2,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,,92,92,92,92,27,2,2,2,2,1,1,7,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20103,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20104,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20105,3,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20106,5,1,9,2,91,0,92,0,92,92,1,1,1,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,50,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20107,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20108,2,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20109,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20110,1,3,1,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20111,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20112,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20113,5,3,6,1,,1,,1,1,1,0,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,92,92,92,92,188,15,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20114,5,3,8,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,69,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20115,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,1,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,162,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20116,3,3,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20117,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,1,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,78,6,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20118,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20119,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20120,3,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20121,5,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20122,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20123,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20124,3,1,1,2,1,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20125,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20126,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20127,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20128,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20129,5,3,10,2,0,0,92,0,92,92,1,1,2,3,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,116,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20130,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,2,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +20131,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20132,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,11,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20133,5,2,9,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20134,3,3,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20135,5,3,1,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20136,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20137,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20138,5,3,6,1,91,,92,1,2,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,28,2,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20139,5,3,8,2,91,1,2,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,1,0,0,23,1,1,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20140,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20141,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20142,3,90,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20143,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20144,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20145,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20146,5,3,2,3,,1,,1,2,,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,76,6,2,2,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20147,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,18,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20148,4,3,9,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,31,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20149,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20150,5,3,8,2,0,1,2,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20151,5,4,1,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20152,5,3,1,3,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,1,0,1,1,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20153,3,3,90,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20154,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20155,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20156,5,2,1,2,,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20157,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,9,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20158,1,2,7,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20159,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20160,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20161,3,3,4,2,,1,,0,92,92,0,1,3,3,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,89,7,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20162,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20163,5,3,12,2,0,1,2,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20164,4,3,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20165,5,3,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20166,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20167,3,3,1,3,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,161,13,2,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20168,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20169,5,3,8,2,91,,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20170,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20171,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20172,3,3,11,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20173,3,3,8,2,0,0,92,0,92,92,1,91,92,92,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20174,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20175,1,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20176,5,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20177,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20178,3,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20179,1,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20180,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20181,5,90,12,2,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20182,5,3,90,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20183,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20184,5,2,2,3,0,2,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,1,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20185,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20186,5,3,4,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,122,10,2,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20187,5,3,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,214,17,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20188,5,3,6,1,1,1,2,0,92,92,,1,1,2,1,2,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,81,6,2,2,2,1,0,3,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +20189,4,3,11,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20190,3,3,11,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20191,4,3,5,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20192,5,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20193,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20194,3,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20195,4,3,12,2,0,0,92,0,92,92,1,1,2,3,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20196,3,1,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20197,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20198,5,1,11,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20199,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20200,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20201,5,3,4,2,1,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20202,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20203,5,3,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20204,5,1,1,3,1,2,,,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20205,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20206,5,3,4,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20207,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20208,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20209,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20210,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20211,3,1,6,1,1,1,2,0,92,92,0,1,2,2,1,1,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,92,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20212,5,3,6,1,,0,92,0,92,92,0,,92,92,1,3,3,1,,0,0,0,1,1,3,5,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,1,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,98,8,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1 +20213,3,3,4,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20214,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20215,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20216,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20217,2,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,48,4,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20218,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20219,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20220,5,2,90,2,,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20221,3,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20222,4,3,10,2,1,,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,167,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20223,4,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20224,5,3,3,3,,,92,1,3,2,0,,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,1,1,0,0,1,203,16,2,1,2,1,0,5,1,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1 +20225,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20226,4,2,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,177,14,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20227,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20228,4,3,12,2,0,1,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20229,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20230,3,3,6,1,1,2,4,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,3,4,4,11,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20231,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20232,5,3,8,2,91,0,92,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20233,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20234,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20235,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20236,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20237,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20238,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20239,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20240,1,3,4,2,0,0,92,0,92,92,0,1,2,,1,,3,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,70,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20241,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,3,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20242,5,4,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20243,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20244,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20245,5,3,8,3,91,1,4,,92,92,,91,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,1,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20246,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20247,5,2,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20248,5,1,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20249,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20250,5,3,5,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20251,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20252,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20253,5,1,1,2,91,,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,55,4,2,2,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +20254,4,3,2,3,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,1,1,1,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20255,3,3,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20256,5,2,2,3,0,0,92,0,92,92,1,1,2,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,101,8,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20257,3,2,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20258,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20259,3,2,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20260,5,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20261,3,1,10,3,0,0,92,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,120,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20262,4,2,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20263,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20264,5,2,10,2,1,1,,0,92,92,0,1,2,2,1,1,2,,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,205,17,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20265,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20266,3,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20267,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20268,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20269,5,3,8,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20270,3,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,2,2,1,1,5,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +20271,5,3,2,3,1,1,3,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,1,2,4,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20272,3,3,9,2,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20273,5,4,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20274,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20275,5,3,5,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20276,5,1,8,3,0,0,92,0,92,92,0,1,,2,1,2,2,1,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,119,9,2,2,,1,,3,1,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +20277,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20278,2,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,133,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20279,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20280,1,1,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20281,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20282,5,3,11,2,0,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20283,5,90,8,3,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20284,1,90,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20285,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20286,5,2,9,2,0,0,92,0,92,92,0,1,3,2,1,,3,1,0,0,0,0,4,5,6,15,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,91,7,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20287,5,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20288,3,1,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20289,5,3,8,2,1,,92,0,92,92,0,1,3,,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,94,7,2,2,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20290,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20291,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20292,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20293,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20294,1,3,11,2,0,0,92,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20295,3,2,11,3,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,181,15,2,1,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20296,1,2,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20297,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20298,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20299,5,3,7,1,0,2,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20300,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20301,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20302,4,3,9,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,24,2,2,2,,1,0,90,1,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +20303,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20304,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20305,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20306,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20307,5,2,6,1,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20308,5,2,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20309,5,3,90,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,38,3,2,1,2,1,0,2,1,1,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +20310,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20311,5,2,4,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20312,3,3,90,2,1,,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,75,6,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20313,5,3,7,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20314,3,2,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20315,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20316,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20317,5,3,6,1,0,2,2,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20318,5,3,2,3,0,1,,,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20319,5,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20320,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20321,5,2,6,1,0,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,80,6,2,1,2,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20322,3,3,1,2,0,1,4,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20323,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20324,2,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20325,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,208,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20326,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,18,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20327,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20328,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20329,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20330,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20331,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20332,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20333,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20334,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,113,9,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20335,5,1,1,2,91,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20336,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20337,3,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20338,5,3,8,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,48,4,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20339,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20340,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20341,2,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,83,6,2,2,2,1,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +20342,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20343,5,1,8,3,91,1,2,1,2,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,12,1,1,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20344,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20345,5,3,8,3,,1,3,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,56,4,2,1,1,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20346,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20347,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20348,5,2,90,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20349,3,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20350,5,3,10,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20351,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20352,3,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20353,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20354,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20355,5,2,10,2,1,0,92,0,92,92,0,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,102,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20356,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20357,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20358,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20359,4,3,90,2,,1,3,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20360,5,2,8,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,92,92,92,92,70,5,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20361,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20362,3,1,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,19,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20363,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20364,3,1,7,1,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,46,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20365,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20366,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20367,5,4,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20368,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20369,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,13,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20370,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20371,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20372,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20373,5,2,2,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20374,4,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20375,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20376,5,3,,,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,2,2,1,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20377,4,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20378,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20379,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20380,5,3,8,2,,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20381,3,1,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20382,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20383,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,79,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20384,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20385,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20386,3,3,7,1,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20387,5,2,7,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,22,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20388,4,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,136,11,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20389,4,2,2,3,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,129,10,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +20390,5,3,1,2,,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20391,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20392,3,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20393,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20394,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20395,5,3,4,2,0,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20396,4,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20397,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,22,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20398,1,2,6,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20399,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20400,3,1,10,2,0,0,92,0,92,92,0,1,3,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,164,13,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20401,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20402,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20403,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20404,5,2,90,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20405,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20406,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20407,3,3,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,164,13,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20408,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,24,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20409,3,3,8,2,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,51,4,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20410,3,3,2,3,,,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,3,3,6,12,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,50,4,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20411,5,3,4,2,0,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20412,4,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20413,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,,92,92,92,92,20,1,1,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20414,4,3,3,3,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20415,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20416,1,3,8,3,0,0,92,0,92,92,1,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20417,5,3,6,1,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,3,5,9,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,209,17,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20418,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20419,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20420,5,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20421,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20422,5,3,90,2,0,0,92,0,92,92,0,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20423,3,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,147,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20424,2,2,9,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20425,5,1,2,3,0,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20426,5,3,90,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,129,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20427,3,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20428,3,1,5,2,91,1,4,,92,92,0,91,92,92,1,3,2,1,,1,0,0,1,1,1,3,1,1,0,0,0,0,1,2,92,0,1,1,0,0,0,0,1,3,3,1,1,0,0,0,0,0,1,0,0,1,1,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,1,1,0,0,0,0,1,0,0,0,92,92,92,92,114,9,2,2,2,1,0,3,1,1,1,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1,1,0,0,1 +20429,3,3,10,2,0,0,92,0,92,92,1,1,2,2,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20430,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20431,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20432,3,3,1,2,91,0,92,0,92,92,1,0,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20433,5,3,8,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20434,4,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20435,3,1,12,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20436,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20437,1,4,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20438,5,3,2,3,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,1,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,199,16,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20439,5,2,12,2,0,0,92,0,92,92,0,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,1,0,1,0,0,14,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20440,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20441,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20442,5,3,6,1,,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20443,5,2,6,1,91,2,2,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,15,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20444,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20445,5,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20446,3,3,11,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20447,5,3,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,189,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20448,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20449,5,2,6,1,,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20450,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20451,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20452,4,3,6,1,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20453,1,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20454,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20455,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20456,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20457,5,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,153,12,2,1,2,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20458,3,1,6,1,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20459,4,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20460,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20461,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20462,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20463,3,3,8,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,168,14,2,2,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20464,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20465,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20466,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20467,5,90,8,2,91,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,92,92,92,92,42,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20468,3,2,10,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20469,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20470,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20471,3,3,4,2,1,1,1,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20472,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20473,5,2,4,2,0,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20474,5,3,90,2,,0,92,0,92,92,0,,92,92,1,1,3,2,,0,0,0,2,4,6,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20475,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20476,1,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20477,3,3,8,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20478,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20479,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20480,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20481,3,3,4,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20482,3,2,9,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20483,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20484,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20485,5,2,6,1,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20486,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,0,0,1,2,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20487,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20488,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20489,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20490,5,3,1,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20491,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20492,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20493,3,3,6,1,0,0,92,0,92,92,1,1,2,2,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20494,3,1,8,2,,,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,109,9,2,2,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20495,5,3,6,1,0,1,,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20496,3,3,12,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,43,3,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20497,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20498,3,3,6,1,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20499,5,2,9,2,0,0,92,0,92,92,0,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20500,4,2,8,2,,1,4,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20501,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20502,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20503,3,3,10,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20504,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20505,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20506,3,2,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20507,5,1,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20508,5,2,2,,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20509,5,2,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,189,15,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20510,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20511,2,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,56,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20512,3,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20513,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20514,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20515,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20516,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20517,4,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20518,5,2,8,2,,,92,,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20519,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20520,4,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20521,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20522,3,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,156,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20523,3,3,1,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20524,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20525,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20526,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20527,5,3,1,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20528,5,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20529,5,90,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20530,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20531,1,3,8,2,0,0,92,0,92,92,1,1,,2,1,,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,58,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20532,3,1,8,3,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20533,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20534,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20535,4,3,4,2,,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,108,9,2,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20536,5,3,1,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20537,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20538,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20539,5,3,90,2,0,0,92,0,92,92,0,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,58,4,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20540,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20541,5,3,1,2,1,,92,0,92,92,1,1,2,1,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20542,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20543,3,2,6,1,91,0,92,0,92,92,0,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,31,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20544,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,4,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +20545,2,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,71,5,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20546,3,3,8,3,1,,92,0,92,92,0,1,2,2,1,2,3,,0,0,0,0,4,4,6,14,2,1,1,0,0,1,0,0,92,0,1,1,0,1,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,127,10,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20547,3,3,8,2,91,,92,1,1,1,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20548,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,189,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20549,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20550,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,212,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20551,3,3,6,1,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,188,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20552,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20553,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20554,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20555,4,2,8,2,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20556,5,3,2,3,0,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20557,5,2,8,3,91,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20558,3,1,12,2,0,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,45,3,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20559,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20560,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20561,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20562,4,2,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20563,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20564,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20565,3,3,2,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,93,7,2,2,1,1,0,5,1,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +20566,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20567,3,3,11,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20568,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20569,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20570,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20571,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20572,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20573,5,3,12,3,0,1,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20574,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20575,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20576,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20577,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20578,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20579,3,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20580,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20581,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20582,3,3,8,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,94,7,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20583,4,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20584,5,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,17,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20585,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20586,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20587,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20588,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20589,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20590,3,2,6,1,0,0,92,0,92,92,,1,3,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20591,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20592,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20593,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20594,5,2,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20595,3,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20596,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20597,3,1,1,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20598,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20599,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20600,5,3,8,3,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,107,8,2,2,2,2,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20601,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20602,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,86,7,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20603,3,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20604,5,2,10,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20605,5,1,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20606,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20607,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,18,1,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +20608,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20609,5,3,1,3,91,1,4,0,92,92,0,91,92,92,1,,,,,1,0,1,1,1,4,6,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,1,0,0,1,0,1,0,0,0,92,92,92,92,188,15,2,1,2,1,0,5,1,1,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,1,1,1,1 +20610,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20611,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20612,4,3,8,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20613,3,3,11,2,1,1,,0,92,92,1,1,3,2,1,3,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20614,3,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20615,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20616,4,3,2,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20617,5,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20618,5,3,11,2,0,0,92,0,92,92,0,1,,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20619,4,2,4,2,1,1,2,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,184,15,2,2,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20620,3,3,90,2,,1,,0,92,92,1,1,2,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20621,5,1,8,3,91,1,2,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,33,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20622,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20623,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20624,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20625,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20626,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,109,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20627,5,2,1,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20628,3,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20629,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20630,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20631,1,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,23,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20632,5,3,8,3,,,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,74,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20633,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20634,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,71,5,2,1,,3,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20635,3,3,6,1,0,1,2,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20636,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20637,5,2,90,2,0,0,92,0,92,92,1,0,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20638,2,1,8,3,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,14,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20639,3,3,90,2,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20640,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20641,5,1,8,3,0,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20642,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20643,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20644,3,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20645,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20646,5,1,5,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20647,3,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20648,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20649,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20650,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20651,5,3,9,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20652,4,3,10,3,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20653,3,3,9,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20654,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20655,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20656,3,3,10,2,,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20657,4,3,10,2,,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,1,1,6,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,207,17,2,1,,1,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +20658,5,2,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20659,2,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20660,5,3,1,2,0,0,92,0,92,92,0,1,,,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +20661,5,2,90,2,,0,92,0,92,92,1,1,,,1,2,4,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,35,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20662,5,3,10,2,0,2,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,1,10,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20663,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,13,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20664,5,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20665,3,3,1,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20666,3,3,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,177,14,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20667,3,3,12,2,0,0,92,0,92,92,1,1,1,3,1,3,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,103,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20668,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20669,3,1,1,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,49,4,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20670,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20671,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,9,0,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20672,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20673,3,3,12,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20674,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20675,3,3,8,3,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20676,5,2,8,3,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20677,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20678,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20679,3,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20680,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +20681,5,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,65,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20682,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20683,3,3,6,1,0,0,92,0,92,92,,0,92,92,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20684,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20685,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20686,5,2,90,2,,,92,0,92,92,1,1,1,2,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,123,10,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20687,5,2,11,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20688,3,1,12,2,0,0,92,0,92,92,1,1,1,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20689,3,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,2,2,1,0,6,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20690,5,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20691,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20692,3,1,3,3,,2,,,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,97,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20693,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20694,1,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20695,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20696,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,3,0,1,2,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20697,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20698,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,92,92,92,92,29,2,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20699,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20700,5,3,1,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20701,1,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,49,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20702,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20703,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20704,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20705,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20706,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20707,5,2,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20708,3,3,5,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +20709,5,3,90,2,91,0,92,1,3,,0,91,92,92,1,2,4,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,23,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20710,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20711,3,1,1,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20712,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20713,4,3,3,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20714,3,3,8,2,91,0,92,0,92,92,0,0,92,92,1,,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,26,2,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20715,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20716,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20717,4,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,,92,92,92,92,215,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20718,5,2,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20719,3,3,9,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20720,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,24,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20721,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20722,4,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20723,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20724,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20725,5,2,2,3,91,0,92,0,92,92,0,91,92,92,1,1,3,1,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,103,8,2,2,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20726,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20727,5,2,8,2,0,0,92,0,92,92,0,1,,,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +20728,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20729,5,3,8,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20730,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20731,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20732,3,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20733,5,3,8,2,1,1,,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20734,5,1,3,2,,1,4,,92,92,0,,92,92,,92,92,92,,1,0,1,1,1,2,4,1,1,0,0,0,0,0,2,92,0,1,1,0,0,0,0,1,3,3,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,2,,1,0,5,1,1,1,0,0,1,0,1,0,1,0,1,0,1,1,0,0,0,0,0,0,1,1,1,1,1,1 +20735,4,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,55,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20736,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20737,3,3,1,2,0,1,,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,195,16,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20738,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20739,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20740,2,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20741,4,2,90,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20742,5,1,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20743,5,3,8,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,138,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20744,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20745,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20746,5,3,1,2,0,0,92,0,92,92,1,1,3,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20747,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20748,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,1,0,0,13,1,1,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20749,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20750,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20751,4,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20752,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20753,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20754,5,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,8,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20755,4,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20756,1,1,10,2,1,2,,0,92,92,0,1,3,4,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20757,5,1,6,1,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20758,3,1,8,2,91,1,3,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,0,26,2,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20759,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20760,3,1,8,2,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20761,5,2,9,2,,,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,21,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20762,3,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20763,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20764,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20765,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20766,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20767,3,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20768,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20769,2,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20770,3,3,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20771,5,3,1,3,1,,92,0,92,92,,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20772,5,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20773,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20774,5,3,2,3,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,1,,2,0,3,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +20775,3,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20776,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20777,1,3,8,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +20778,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20779,4,3,12,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20780,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20781,5,2,9,2,0,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20782,3,2,11,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20783,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20784,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,4,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20785,4,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20786,3,3,10,2,1,1,3,0,92,92,0,1,2,2,1,3,3,2,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20787,3,1,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20788,4,2,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20789,5,3,11,2,0,1,1,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,145,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20790,5,3,4,2,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20791,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20792,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20793,5,3,3,3,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20794,5,2,2,3,0,0,92,0,92,92,1,1,1,,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,61,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20795,5,3,8,2,1,0,92,0,92,92,1,0,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,44,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20796,4,2,8,3,91,1,2,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,92,92,92,92,3,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20797,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20798,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20799,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20800,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20801,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20802,1,3,8,2,0,0,92,0,92,92,1,1,1,2,1,3,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,103,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20803,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20804,3,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20805,2,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20806,5,2,5,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,55,4,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20807,3,3,7,1,0,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20808,4,3,8,2,91,0,92,1,2,4,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,5,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20809,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,24,2,2,1,,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +20810,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20811,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20812,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20813,1,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20814,3,3,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20815,5,3,9,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20816,4,2,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20817,4,3,8,2,0,1,3,1,1,1,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,204,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20818,4,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,176,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20819,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20820,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20821,3,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20822,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20823,4,3,10,2,1,1,,,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20824,4,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20825,5,90,10,2,1,0,92,0,92,92,0,1,3,2,1,1,2,2,1,0,0,0,4,4,6,14,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20826,5,3,8,2,91,0,92,0,92,92,0,0,92,92,1,1,,,,0,0,0,2,,5,8,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,36,3,2,1,,,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20827,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20828,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20829,5,3,8,3,91,0,92,0,92,92,1,0,92,92,1,2,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,2,2,3,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20830,1,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20831,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20832,1,3,8,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20833,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20834,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20835,4,2,6,1,0,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20836,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20837,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20838,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20839,5,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20840,5,3,7,1,0,0,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,107,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20841,5,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20842,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20843,3,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20844,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20845,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20846,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20847,5,90,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20848,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20849,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20850,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20851,5,1,90,2,91,1,,,92,92,,91,92,92,,92,92,92,,1,0,1,1,1,4,6,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,,92,92,92,92,92,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,1 +20852,2,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20853,5,3,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,,92,92,92,92,128,10,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20854,1,1,9,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20855,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20856,1,3,90,2,0,0,92,0,92,92,1,1,2,2,1,3,2,3,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,91,7,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20857,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20858,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20859,5,1,2,3,,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,68,5,2,2,,,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20860,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,1,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20861,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20862,3,3,90,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20863,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,7,0,1,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20864,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20865,5,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20866,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20867,3,3,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20868,5,3,8,3,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20869,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20870,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20871,3,3,1,2,1,,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20872,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20873,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20874,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20875,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20876,4,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20877,5,2,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20878,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20879,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20880,5,3,8,3,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20881,5,3,10,2,,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20882,1,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20883,4,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20884,5,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,188,15,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20885,5,4,90,2,91,1,4,,92,92,,91,92,92,,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,1,1,,1,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,1,1,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,5,1,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1 +20886,5,2,6,1,91,0,92,1,3,,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,68,5,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20887,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20888,3,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,185,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20889,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20890,5,90,12,2,0,0,92,0,92,92,1,1,3,2,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,129,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20891,3,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20892,5,1,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20893,5,3,10,2,1,1,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20894,1,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20895,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20896,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20897,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20898,4,2,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20899,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20900,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20901,3,3,10,2,1,0,92,0,92,92,0,1,2,2,,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20902,3,1,8,2,91,1,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,11,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20903,3,1,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20904,5,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,22,1,1,1,,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20905,4,3,2,3,0,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20906,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20907,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20908,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,18,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20909,5,2,9,2,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20910,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20911,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20912,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20913,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20914,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20915,4,90,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20916,3,2,12,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20917,5,3,2,3,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,95,7,2,1,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20918,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,154,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20919,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20920,4,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,43,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20921,3,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20922,4,3,10,2,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20923,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20924,5,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20925,5,2,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,51,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20926,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,13,1,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20927,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20928,3,3,11,2,1,1,,,92,92,,1,,,1,,,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,175,14,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20929,5,3,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20930,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20931,3,3,1,3,91,2,4,,92,92,0,91,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,2,92,0,1,1,0,0,0,0,0,92,92,1,1,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,179,14,2,2,2,1,,2,1,1,1,0,1,0,1,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,1,1,1,1,1 +20932,5,3,6,1,1,2,1,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,192,16,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20933,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20934,,3,2,2,0,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,65,5,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20935,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20936,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20937,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20938,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20939,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20940,5,3,1,2,,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,189,15,2,1,,1,1,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +20941,3,3,1,2,1,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,2,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20942,3,3,9,2,0,,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20943,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20944,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20945,4,2,4,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20946,5,90,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20947,2,1,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20948,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20949,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20950,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20951,5,3,10,2,1,1,2,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20952,3,2,8,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20953,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20954,3,1,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20955,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20956,3,2,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20957,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20958,5,3,6,1,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20959,2,2,7,1,0,1,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20960,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20961,4,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20962,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20963,3,3,12,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20964,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20965,5,2,8,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,59,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20966,5,1,8,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20967,5,2,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,159,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20968,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20969,2,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20970,5,3,12,3,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20971,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20972,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20973,3,3,4,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20974,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20975,5,2,,,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20976,5,3,7,1,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20977,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20978,3,1,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,2,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20979,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20980,5,4,6,1,91,0,92,0,92,92,0,1,,,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,42,3,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20981,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20982,5,90,8,2,91,1,4,0,92,92,,,92,92,,92,92,92,,0,0,0,1,1,2,4,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,1,1,0,2,1,1,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,1,1,1 +20983,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20984,5,2,11,2,0,0,92,0,92,92,,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,2,2,,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20985,5,3,7,1,0,0,92,0,92,92,1,1,1,2,1,3,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20986,4,3,90,2,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,183,15,2,1,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20987,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20988,4,2,1,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20989,5,3,1,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20990,1,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20991,3,1,1,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20992,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20993,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20994,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20995,4,3,12,2,0,0,92,0,92,92,1,1,2,3,1,2,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,118,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +20996,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20997,5,90,7,1,,0,92,,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20998,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +20999,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21000,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21001,3,3,10,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21002,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21003,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21004,3,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21005,5,3,2,3,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,122,10,2,2,1,,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21006,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21007,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,1,,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0 +21008,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21009,5,1,8,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,,4,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21010,5,3,6,1,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21011,4,3,10,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21012,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21013,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21014,5,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21015,5,3,2,3,1,,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21016,3,1,1,2,1,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21017,4,3,90,2,0,0,92,0,92,92,1,1,,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,198,16,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21018,5,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21019,3,2,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21020,3,3,1,2,,1,,,92,92,,,92,92,,92,92,92,,1,1,1,,,,3,1,1,0,0,0,0,1,0,92,0,1,1,0,0,0,0,1,3,3,1,1,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,202,16,2,2,,1,0,5,1,1,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,1,1,1,1 +21021,3,3,8,2,91,1,2,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21022,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21023,3,2,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21024,5,3,6,1,1,1,,1,1,1,1,1,1,2,1,1,1,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,113,9,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21025,1,90,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21026,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21027,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21028,3,2,6,1,,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,76,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21029,5,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21030,4,3,10,2,0,1,4,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21031,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21032,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21033,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21034,3,1,6,1,91,1,1,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21035,4,3,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21036,3,1,3,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21037,1,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21038,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21039,3,3,9,2,1,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21040,5,3,8,2,0,0,92,0,92,92,1,91,92,92,1,1,,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,90,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21041,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21042,3,1,1,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21043,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21044,5,2,12,3,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21045,4,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21046,1,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21047,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21048,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +21049,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21050,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21051,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21052,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21053,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21054,3,1,8,3,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21055,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21056,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,20,1,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21057,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21058,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21059,5,3,11,2,0,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21060,3,1,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21061,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21062,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21063,3,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21064,5,1,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21065,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21066,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21067,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21068,5,3,9,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21069,3,1,8,2,91,1,2,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,19,1,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21070,3,3,10,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,189,15,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21071,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21072,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21073,3,3,,,91,,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,20,1,1,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21074,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21075,5,2,6,1,0,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21076,5,1,11,2,0,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21077,5,1,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21078,5,2,8,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,5,0,1,2,1,,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21079,5,3,7,1,,0,92,0,92,92,0,91,92,92,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21080,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,128,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21081,5,1,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21082,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21083,5,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21084,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21085,3,3,12,2,0,2,2,0,92,92,1,1,3,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,207,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21086,3,1,8,3,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,1,0,0,22,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21087,3,3,1,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21088,3,3,90,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,215,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21089,5,3,1,2,0,0,92,0,92,92,0,1,2,2,1,1,3,,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,2,1,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21090,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21091,1,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21092,3,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21093,5,3,11,2,0,1,2,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21094,1,2,2,3,91,1,4,0,92,92,0,,92,92,1,,,1,,1,0,0,1,1,4,6,1,1,0,0,0,0,0,1,1,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,2,2,1,0,5,1,1,1,0,0,1,0,0,0,0,1,1,1,1,1,0,0,0,1,0,0,1,0,0,0,1,1 +21095,3,2,6,1,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21096,2,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21097,5,2,1,2,0,0,92,0,92,92,1,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21098,5,90,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21099,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21100,4,3,8,3,1,1,4,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21101,5,2,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,114,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21102,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21103,5,3,8,3,1,1,,1,1,2,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,173,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21104,1,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21105,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21106,5,3,12,2,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21107,2,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21108,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,77,6,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21109,4,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21110,4,3,10,2,0,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21111,3,2,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21112,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21113,4,3,9,2,0,0,92,0,92,92,1,1,2,4,1,2,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,56,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21114,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21115,5,3,9,2,,0,92,0,92,92,0,,92,92,1,2,2,1,0,0,0,0,3,5,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21116,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21117,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21118,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21119,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21120,1,3,2,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21121,4,2,9,2,91,,92,,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,22,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21122,5,2,90,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21123,3,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21124,5,3,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,181,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21125,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21126,3,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21127,4,3,1,3,1,,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21128,3,3,10,2,1,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21129,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21130,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21131,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21132,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21133,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21134,5,3,10,2,1,1,3,0,92,92,0,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,186,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21135,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21136,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21137,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21138,2,4,10,2,0,0,92,0,92,92,1,1,3,2,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,200,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21139,5,3,2,3,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,1,2,2,1,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0 +21140,5,1,8,3,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,83,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21141,3,4,90,2,1,1,,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21142,3,3,12,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,4,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21143,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21144,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21145,5,3,2,3,1,0,92,0,92,92,1,1,2,2,1,2,3,2,0,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,137,11,2,2,,2,1,4,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +21146,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21147,1,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21148,2,1,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21149,5,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21150,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21151,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21152,5,3,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21153,5,1,10,2,1,1,2,0,92,92,0,1,2,2,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,157,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21154,4,2,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,200,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21155,4,2,6,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21156,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21157,3,1,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21158,5,3,8,2,1,0,92,0,92,92,0,1,2,2,1,1,2,2,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,86,7,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21159,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21160,3,4,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21161,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,173,14,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21162,3,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21163,3,1,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21164,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21165,3,3,8,2,,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21166,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21167,3,3,1,3,1,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21168,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21169,4,2,7,1,0,0,92,0,92,92,0,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,79,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21170,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21171,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21172,5,1,9,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21173,5,3,3,3,0,0,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21174,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21175,1,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,174,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21176,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21177,4,3,4,2,0,0,92,0,92,92,0,1,2,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,155,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21178,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21179,5,3,8,3,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,124,10,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21180,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21181,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21182,5,3,8,2,0,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,50,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21183,5,2,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21184,3,1,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21185,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21186,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21187,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21188,3,3,10,2,1,0,92,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21189,1,2,8,2,91,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21190,4,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,32,2,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21191,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21192,3,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21193,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21194,5,2,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21195,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21196,2,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21197,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21198,3,2,9,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21199,5,1,10,2,1,1,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21200,5,2,8,2,91,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,6,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21201,5,3,11,2,1,1,3,1,1,3,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,210,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21202,3,2,12,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21203,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21204,2,1,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21205,5,2,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21206,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21207,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21208,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21209,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21210,5,3,3,3,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21211,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21212,2,3,11,2,0,0,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,153,12,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21213,5,1,8,3,91,2,4,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,1,0,92,92,92,92,17,1,1,2,1,,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21214,4,2,2,3,1,1,,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21215,5,1,8,2,1,1,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21216,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21217,4,3,1,3,,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21218,4,3,8,2,,1,2,1,2,1,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,92,92,92,92,53,4,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21219,5,3,8,2,0,0,92,0,92,92,0,1,2,3,1,2,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,199,16,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21220,3,3,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21221,4,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21222,3,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21223,5,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21224,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21225,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21226,5,3,1,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21227,5,1,11,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21228,5,3,10,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21229,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21230,3,3,11,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21231,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21232,5,2,7,1,0,1,,1,3,,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,55,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21233,5,3,90,2,0,1,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,139,11,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21234,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21235,5,3,90,2,1,,92,1,,,,0,92,92,,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,92,92,92,92,127,10,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21236,3,2,90,2,0,0,92,0,92,92,1,0,92,92,1,2,4,3,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,141,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21237,5,3,90,2,1,0,92,0,92,92,0,1,,2,1,2,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,78,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21238,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21239,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21240,5,90,1,3,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21241,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21242,3,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21243,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21244,3,1,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,2,3,1,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21245,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21246,5,3,12,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21247,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21248,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21249,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,1,2,2,0,3,1,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +21250,1,2,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21251,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21252,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21253,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21254,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21255,3,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21256,3,3,6,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21257,4,3,6,1,0,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21258,3,1,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21259,3,3,4,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21260,5,3,1,3,91,1,4,,92,92,,91,92,92,,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,0,2,92,,0,92,92,92,92,92,1,3,3,1,0,0,1,1,1,1,,92,92,92,92,92,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,3,0,8,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,0,0,0,1 +21261,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21262,3,3,6,1,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21263,3,3,6,1,0,,92,0,92,92,0,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21264,5,2,12,3,0,1,1,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21265,3,3,90,2,0,0,92,0,92,92,0,1,1,3,0,92,92,92,1,0,0,0,,,,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,180,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21266,5,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21267,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21268,3,3,10,2,0,1,1,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21269,5,2,8,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21270,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21271,3,3,12,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21272,3,3,90,2,91,2,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21273,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21274,5,1,5,2,1,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21275,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21276,5,3,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,92,92,92,92,178,14,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21277,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21278,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21279,3,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21280,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21281,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21282,3,3,90,2,0,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21283,3,1,6,1,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21284,3,2,90,2,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,99,8,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21285,4,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21286,5,1,1,2,,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21287,3,2,8,2,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21288,4,2,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21289,3,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,1,,2,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +21290,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21291,3,3,12,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21292,5,1,12,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,18,1,1,1,,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21293,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,7,2,2,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21294,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21295,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21296,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,28,2,2,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21297,3,3,1,2,1,1,3,0,92,92,1,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,205,17,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21298,3,1,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21299,5,2,1,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,1,0,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21300,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21301,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21302,5,2,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,109,9,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21303,5,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,175,14,2,1,1,,0,1,1,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21304,3,1,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21305,5,3,1,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21306,5,3,9,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21307,3,3,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21308,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21309,5,1,1,2,1,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21310,5,3,3,3,1,2,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,109,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21311,3,2,9,2,0,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21312,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21313,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,198,16,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21314,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,61,5,2,1,1,,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21315,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,1,0,3,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +21316,5,1,5,2,0,0,92,0,92,92,1,1,2,1,0,92,92,92,1,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21317,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,69,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21318,3,3,1,3,0,0,92,0,92,92,,1,1,2,,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21319,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21320,3,3,6,1,1,1,2,1,1,2,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,134,11,2,1,2,1,,3,1,1,1,0,1,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,1,1 +21321,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21322,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21323,4,3,10,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21324,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21325,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21326,5,1,8,2,0,0,92,0,92,92,0,1,,,1,3,2,2,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21327,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,1,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21328,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21329,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21330,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21331,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21332,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21333,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21334,3,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21335,5,2,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,,,,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21336,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21337,5,2,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21338,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21339,5,3,8,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21340,5,3,2,3,1,1,4,0,92,92,,1,,,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,150,12,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21341,3,1,6,1,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21342,2,3,6,1,91,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21343,1,3,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21344,2,1,1,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21345,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21346,3,1,8,2,0,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21347,3,1,11,2,,1,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21348,3,3,6,1,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21349,5,2,12,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21350,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21351,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21352,4,3,10,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21353,3,3,11,2,,2,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21354,2,1,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21355,5,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21356,4,2,5,2,,1,2,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,102,8,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21357,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21358,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21359,1,3,8,3,91,0,92,0,92,92,0,0,92,92,1,,,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21360,4,3,8,2,0,1,2,0,92,92,1,1,2,2,1,1,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,73,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21361,5,3,10,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21362,5,1,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21363,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21364,5,2,1,2,1,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21365,2,3,7,1,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21366,5,3,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21367,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21368,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21369,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21370,5,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21371,5,3,6,1,1,2,,0,92,92,1,1,2,2,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,143,11,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21372,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21373,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21374,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21375,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,63,5,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21376,1,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21377,5,1,90,2,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21378,5,1,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21379,5,3,90,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21380,4,3,90,2,0,1,1,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,75,6,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21381,5,4,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21382,5,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21383,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21384,5,3,4,2,,2,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21385,5,90,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21386,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,63,5,2,1,1,1,0,4,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +21387,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21388,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21389,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21390,5,3,5,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21391,5,2,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,1,1,1,0,0,0,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,2,2,3,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +21392,3,3,8,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21393,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21394,5,3,10,2,0,0,92,0,92,92,,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21395,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21396,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21397,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21398,5,3,10,2,1,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21399,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21400,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,189,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21401,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21402,5,3,10,2,1,0,92,0,92,92,0,0,92,92,1,2,2,,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,188,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21403,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21404,3,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,42,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21405,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21406,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21407,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21408,3,3,2,3,,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,59,4,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21409,5,2,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21410,4,3,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,178,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21411,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,6,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21412,3,2,9,2,91,0,92,0,92,92,,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,14,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21413,3,3,1,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21414,5,3,10,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21415,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21416,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21417,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21418,3,3,1,2,1,1,,0,92,92,0,1,,2,1,3,2,2,0,0,0,0,4,4,6,14,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,205,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21419,4,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21420,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21421,5,2,8,2,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21422,1,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21423,5,1,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21424,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,134,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21425,5,90,2,3,1,2,,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,88,7,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21426,5,2,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21427,5,2,6,1,91,1,4,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,32,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21428,5,2,2,3,,2,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,1,2,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21429,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21430,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21431,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21432,5,2,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21433,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21434,3,3,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21435,3,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21436,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21437,2,3,8,2,0,0,92,0,92,92,0,1,3,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,56,4,2,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21438,5,2,8,3,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,23,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21439,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21440,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21441,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,11,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21442,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21443,3,1,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21444,1,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21445,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21446,5,3,4,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21447,5,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21448,5,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,187,15,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21449,3,3,9,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21450,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21451,5,1,1,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,2,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21452,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21453,1,3,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21454,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21455,3,3,8,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21456,5,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21457,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,64,5,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21458,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,7,0,1,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21459,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21460,1,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21461,5,3,90,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21462,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21463,5,1,12,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21464,5,2,7,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21465,3,3,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21466,3,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21467,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21468,3,3,6,1,91,0,92,0,92,92,1,0,92,92,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21469,4,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,148,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21470,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21471,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21472,5,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21473,5,2,6,1,0,0,92,0,92,92,0,1,1,2,1,2,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,86,7,2,1,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +21474,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21475,5,3,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,16,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21476,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21477,3,1,10,2,1,2,1,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,169,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21478,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,2,,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21479,1,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21480,5,3,1,2,91,1,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,2,2,1,0,5,1,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +21481,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21482,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21483,3,3,6,1,,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,151,12,2,2,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21484,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21485,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21486,3,1,10,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21487,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,35,2,2,2,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21488,5,2,,,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21489,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21490,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21491,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21492,1,2,6,1,1,,92,,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,174,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21493,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21494,3,2,9,2,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21495,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21496,4,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21497,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21498,3,3,6,1,,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21499,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21500,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21501,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21502,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21503,4,2,12,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21504,5,2,1,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21505,3,3,4,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,156,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21506,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21507,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21508,3,3,10,2,1,0,92,0,92,92,0,1,2,,1,2,4,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,213,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21509,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21510,5,3,10,2,1,0,92,0,92,92,0,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,126,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21511,5,3,8,2,1,1,,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,3,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,133,11,2,2,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21512,5,2,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21513,3,3,12,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21514,5,3,2,3,1,1,2,0,92,92,,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +21515,3,2,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21516,2,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,137,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21517,3,3,4,2,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21518,4,2,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21519,3,3,8,2,0,0,92,0,92,92,1,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21520,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21521,5,3,90,2,0,1,2,,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21522,5,2,90,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,103,8,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21523,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21524,1,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21525,4,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21526,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21527,5,2,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21528,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21529,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21530,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21531,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21532,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21533,5,3,8,3,,0,92,0,92,92,1,91,92,92,1,3,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,19,1,1,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21534,3,3,8,2,91,,92,0,92,92,1,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,0,0,1,2,,3,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21535,5,90,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21536,5,3,12,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,4,0,1,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21537,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21538,5,1,90,2,,1,2,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21539,3,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,189,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21540,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21541,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21542,3,3,5,2,0,2,,0,92,92,,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,184,15,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21543,5,2,8,2,0,0,92,0,92,92,,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21544,4,3,6,1,0,0,92,0,92,92,1,1,1,,1,1,,,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21545,5,3,4,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21546,4,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21547,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21548,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,18,1,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21549,5,3,11,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21550,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21551,5,3,2,3,0,2,,0,92,92,,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21552,3,3,7,1,1,,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21553,5,3,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21554,3,1,10,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,2,2,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21555,5,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,1,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21556,5,3,9,2,91,,92,1,3,,0,91,92,92,0,92,92,92,,0,0,0,2,1,3,6,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,1,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,23,1,1,2,2,2,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21557,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21558,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21559,5,3,2,3,1,1,4,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21560,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21561,3,3,6,1,1,1,2,0,92,92,1,1,3,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21562,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21563,5,3,2,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,1,4,6,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,121,10,2,1,2,2,0,,1,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,1,0,1 +21564,4,3,8,3,91,2,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21565,1,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21566,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21567,4,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,58,4,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21568,5,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21569,5,2,90,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21570,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21571,5,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21572,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21573,5,1,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21574,3,3,1,3,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21575,5,2,11,2,,0,92,0,92,92,1,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21576,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21577,5,1,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21578,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +21579,3,2,7,1,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,112,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21580,4,3,2,,,1,,0,92,92,0,91,92,92,1,3,2,,,1,1,1,1,1,,6,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,122,10,2,1,,2,,,1,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +21581,5,3,9,2,91,1,,0,92,92,,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21582,5,2,5,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21583,3,3,7,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21584,5,3,10,2,1,1,3,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21585,5,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21586,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,19,1,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21587,5,1,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21588,5,3,10,2,1,1,3,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21589,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21590,1,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21591,5,3,4,2,0,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21592,3,3,8,2,0,0,92,0,92,92,0,0,92,92,1,2,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,46,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21593,5,1,8,3,0,0,92,0,92,92,1,1,3,2,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,79,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21594,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21595,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21596,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,2,1,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21597,3,3,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21598,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,95,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21599,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21600,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21601,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21602,3,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21603,2,3,90,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21604,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21605,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21606,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21607,3,1,6,1,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21608,5,1,4,2,1,,92,,92,92,0,1,1,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,46,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21609,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21610,3,3,8,2,0,2,2,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21611,5,2,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21612,2,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21613,4,3,1,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21614,5,1,2,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,45,3,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +21615,5,3,7,1,0,1,1,0,92,92,1,1,2,2,1,3,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21616,1,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21617,3,3,12,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21618,5,3,12,3,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,37,3,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21619,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21620,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,1,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21621,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21622,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21623,5,2,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21624,3,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21625,5,3,8,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21626,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21627,5,3,90,2,1,1,2,0,92,92,1,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,77,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21628,3,1,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21629,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21630,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21631,5,2,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21632,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21633,3,3,9,2,0,0,92,0,92,92,1,1,3,4,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,46,3,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21634,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21635,3,2,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21636,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21637,3,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21638,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,42,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21639,4,3,6,1,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,63,5,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21640,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21641,3,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21642,1,90,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21643,5,1,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21644,3,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21645,5,3,12,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21646,5,2,1,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,200,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21647,3,3,12,2,,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21648,3,3,10,2,1,2,3,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21649,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21650,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21651,5,90,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21652,3,3,1,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,198,16,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21653,3,1,8,3,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21654,5,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21655,2,3,8,2,,1,1,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,148,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21656,4,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,1,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21657,3,3,90,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,158,13,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21658,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,4,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,23,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21659,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21660,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21661,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21662,3,3,3,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21663,3,3,8,2,0,0,92,0,92,92,1,1,1,2,1,3,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21664,5,3,8,2,91,2,,1,3,2,1,91,92,92,1,3,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,92,92,92,92,47,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21665,4,2,6,1,1,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21666,5,3,,,91,,92,0,92,92,1,0,92,92,1,,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21667,5,3,1,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,159,13,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21668,5,1,1,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,29,2,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21669,5,3,7,1,0,0,92,0,92,92,0,1,2,2,1,2,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,109,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21670,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21671,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21672,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21673,5,1,8,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21674,5,2,9,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,40,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21675,3,90,90,2,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21676,1,3,10,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,196,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21677,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21678,5,3,2,3,,1,3,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,104,8,2,1,2,1,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21679,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21680,5,1,8,3,1,1,,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,71,5,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21681,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21682,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21683,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21684,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21685,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21686,5,3,2,3,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,2,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21687,3,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21688,4,3,5,2,91,1,,0,92,92,,91,92,92,0,92,92,92,,1,0,1,1,1,5,7,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,3,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,1,0,2,1,1,1,0,1,0,1,0,1,0,0,1,0,1,1,1,0,0,1,1,0,0,1,1,1,1,1 +21689,3,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21690,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21691,2,4,9,2,91,0,92,0,92,92,,,92,92,1,3,2,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21692,5,2,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,21,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21693,5,90,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21694,5,3,10,2,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,147,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21695,2,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21696,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21697,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21698,4,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21699,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21700,4,3,1,3,91,1,,0,92,92,,,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,,1,0,5,1,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,1,1,1 +21701,3,3,7,1,1,,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,192,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21702,2,1,4,2,0,1,2,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21703,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21704,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21705,4,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21706,5,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21707,4,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21708,1,3,6,1,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,16,1,1,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21709,3,3,4,2,0,0,92,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,79,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21710,3,2,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,2,1,1,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +21711,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21712,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21713,5,3,10,2,1,2,2,0,92,92,0,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21714,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21715,5,3,10,2,0,2,2,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21716,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21717,4,3,6,1,0,0,92,0,92,92,1,1,1,,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21718,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,1,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21719,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21720,4,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21721,5,3,90,2,,2,,,92,92,0,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,132,11,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21722,3,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21723,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21724,5,3,12,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21725,5,1,90,2,0,0,92,0,92,92,0,1,2,2,1,3,3,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,96,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21726,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21727,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21728,3,3,11,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21729,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,78,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21730,5,3,,,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21731,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21732,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21733,1,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,54,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21734,5,3,8,2,0,0,92,0,92,92,,0,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,63,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21735,4,3,5,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21736,5,1,12,2,0,1,2,0,92,92,1,1,2,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,212,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21737,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21738,5,1,6,1,91,0,92,0,92,92,0,91,92,92,1,,4,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,10,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21739,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21740,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21741,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21742,4,3,8,2,1,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21743,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21744,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21745,3,2,90,2,,1,2,,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21746,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21747,5,3,8,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21748,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21749,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21750,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21751,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21752,5,2,7,1,0,0,92,0,92,92,1,0,92,92,1,1,4,2,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21753,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21754,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21755,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21756,5,90,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21757,5,2,8,2,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21758,3,3,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21759,4,2,7,1,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21760,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,2,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21761,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21762,4,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21763,5,3,90,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,215,17,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21764,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21765,2,1,7,1,0,0,92,0,92,92,1,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21766,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21767,3,2,6,1,,0,92,0,92,92,,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21768,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21769,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21770,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21771,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,67,5,2,2,2,1,0,3,1,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +21772,3,2,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21773,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21774,3,3,90,2,91,,92,1,,,,91,92,92,1,,,,,1,1,1,1,1,,6,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,,1,0,5,1,1,1,0,1,1,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +21775,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21776,5,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21777,3,1,1,3,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21778,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21779,5,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21780,5,2,10,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21781,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21782,5,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21783,1,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,9,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21784,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,7,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21785,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21786,5,3,10,2,0,0,92,0,92,92,1,1,2,3,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,178,14,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21787,5,3,6,1,1,,92,0,92,92,,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,138,11,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21788,5,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21789,5,3,5,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +21790,5,3,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21791,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21792,1,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21793,3,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21794,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21795,5,3,12,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21796,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21797,5,4,4,2,,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,75,6,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +21798,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21799,5,3,7,1,,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21800,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21801,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21802,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21803,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21804,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21805,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21806,1,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21807,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21808,3,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21809,5,1,4,2,0,0,92,0,92,92,0,1,1,3,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,100,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21810,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21811,5,3,3,3,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,1,,1,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +21812,5,3,12,2,0,1,4,0,92,92,1,1,3,2,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,180,15,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21813,5,2,10,2,0,0,92,0,92,92,0,1,2,2,1,1,2,2,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,207,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21814,4,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21815,3,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21816,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21817,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21818,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +21819,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21820,4,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21821,1,3,12,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21822,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21823,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21824,4,3,90,2,91,,92,0,92,92,0,91,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,69,5,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +21825,5,2,10,2,0,1,1,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21826,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21827,4,1,8,2,91,1,3,1,2,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,33,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21828,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21829,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,3,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21830,3,3,1,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21831,5,2,4,2,0,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21832,5,3,11,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21833,4,3,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21834,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21835,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21836,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21837,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21838,5,3,2,3,1,2,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21839,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21840,3,3,90,2,0,0,92,0,92,92,1,0,92,92,1,3,,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,50,4,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21841,5,3,10,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,154,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21842,5,90,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21843,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,25,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21844,5,1,90,2,,1,1,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21845,4,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21846,5,3,8,2,,2,1,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,38,3,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21847,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,162,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21848,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21849,5,3,8,2,0,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,92,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21850,3,3,12,2,0,0,92,0,92,92,,0,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21851,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21852,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,24,2,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21853,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21854,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21855,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,2,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21856,5,3,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21857,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21858,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,2,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21859,4,3,10,2,0,1,1,1,2,1,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,48,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21860,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21861,5,90,6,1,0,2,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21862,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21863,3,3,9,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,9,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21864,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21865,4,3,2,3,91,1,,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,24,2,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21866,5,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,86,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21867,4,2,5,2,0,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21868,4,3,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21869,3,1,1,2,1,2,,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21870,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21871,3,2,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21872,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21873,5,2,1,2,0,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21874,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21875,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,90,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21876,5,2,8,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21877,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21878,5,2,8,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21879,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21880,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21881,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21882,4,3,8,3,,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21883,5,2,8,2,91,0,92,0,92,92,1,0,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21884,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21885,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21886,5,90,1,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21887,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21888,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21889,3,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21890,5,2,4,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21891,3,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21892,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21893,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21894,4,2,2,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,83,6,2,1,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21895,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21896,5,3,7,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21897,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21898,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21899,5,3,1,2,1,1,,0,92,92,,1,,,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,2,,90,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21900,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,17,1,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21901,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21902,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21903,4,3,12,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21904,4,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21905,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21906,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21907,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21908,4,3,10,2,0,0,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,182,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21909,5,2,12,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,165,13,2,1,1,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +21910,3,3,4,2,1,,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21911,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21912,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21913,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21914,3,1,8,2,0,0,92,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,84,7,2,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21915,5,3,6,1,1,0,92,0,92,92,,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21916,5,3,1,2,91,1,4,,92,92,,91,92,92,,92,92,92,,1,0,1,4,,5,10,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +21917,4,3,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,119,9,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21918,5,1,10,2,1,1,2,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21919,3,1,2,3,1,1,4,0,92,92,0,91,92,92,1,1,2,,,0,0,0,4,1,4,9,1,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,168,14,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21920,3,1,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21921,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21922,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21923,4,3,8,3,91,2,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21924,1,2,12,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,1,0,1,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,2,2,1,0,90,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +21925,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21926,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21927,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21928,2,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21929,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21930,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21931,2,1,6,1,0,0,92,0,92,92,1,1,1,2,1,2,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,2,1,0,90,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21932,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21933,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21934,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21935,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21936,2,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21937,3,3,1,2,1,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21938,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21939,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,9,0,1,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21940,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21941,5,3,6,1,91,0,92,1,1,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,35,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21942,2,1,10,2,,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21943,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21944,3,3,9,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21945,3,3,4,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21946,3,2,11,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21947,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21948,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21949,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21950,5,3,9,2,0,0,92,0,92,92,,1,1,2,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21951,5,90,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21952,5,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21953,5,2,8,2,91,2,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21954,5,3,9,2,,2,,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21955,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21956,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21957,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21958,3,3,1,3,0,0,92,0,92,92,,0,92,92,1,1,2,,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,86,7,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21959,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,0,1,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,28,2,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21960,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21961,5,3,5,2,,,92,,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,89,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21962,4,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21963,5,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21964,5,3,4,2,1,1,,0,92,92,1,0,92,92,1,2,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21965,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21966,5,2,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21967,5,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,192,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21968,5,3,90,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21969,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21970,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,19,1,1,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21971,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21972,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21973,4,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,122,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21974,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21975,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21976,3,3,3,3,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21977,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21978,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21979,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21980,3,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,190,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21981,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21982,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21983,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21984,3,3,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21985,5,3,1,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,0,0,0,0,0,,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,1,,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21986,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21987,5,3,8,3,91,0,92,0,92,92,,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,15,1,1,2,,,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +21988,5,1,12,3,0,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21989,3,3,8,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,2,0,3,1,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21990,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21991,5,3,1,2,1,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21992,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21993,4,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21994,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21995,5,2,90,2,0,0,92,0,92,92,,1,2,3,1,1,3,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21996,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +21997,1,3,7,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21998,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +21999,5,90,8,3,,0,92,0,92,92,,91,92,92,0,92,92,92,,1,1,1,,,,3,1,1,0,0,0,0,1,1,1,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,92,92,92,92,39,3,2,1,2,1,0,2,1,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +22000,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22001,3,3,9,2,91,0,92,1,2,2,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,92,92,92,92,15,1,1,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +22002,3,3,4,2,0,0,92,0,92,92,0,1,1,2,1,3,4,2,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,1,1,0,0,0,0,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,72,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22003,5,3,1,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22004,5,90,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,175,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22005,5,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,1,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22006,1,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22007,1,1,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22008,3,3,8,2,91,1,3,1,1,2,0,91,92,92,1,3,2,1,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22009,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22010,4,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22011,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22012,5,3,7,1,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22013,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22014,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22015,3,1,8,3,91,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,49,4,2,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22016,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,24,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22017,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,1,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22018,5,90,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22019,3,3,11,2,0,1,,,92,92,,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22020,5,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22021,3,1,6,1,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22022,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22023,3,1,8,2,1,0,92,0,92,92,1,1,,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,65,5,2,2,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22024,5,3,2,3,91,1,,,92,92,,,92,92,0,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,1,2,92,0,,92,92,92,92,92,1,,,1,0,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,,,,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22025,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22026,5,2,10,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22027,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22028,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,4,5,11,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,8,0,1,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +22029,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,1,0,0,0,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22030,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22031,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,49,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22032,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22033,3,3,90,2,,1,1,0,92,92,1,0,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22034,5,3,12,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22035,4,3,8,3,0,1,2,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22036,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22037,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22038,5,1,8,3,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,2,4,5,11,1,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,92,92,92,92,77,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22039,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22040,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22041,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,19,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22042,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22043,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22044,5,1,8,2,91,2,2,,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22045,3,3,8,2,91,0,92,0,92,92,,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,39,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22046,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22047,5,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22048,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22049,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22050,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,14,1,1,2,2,1,0,1,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +22051,3,3,3,3,91,1,,0,92,92,,91,92,92,0,92,92,92,,1,1,1,,,,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,53,4,2,1,,,0,5,1,1,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,1,1,1,1 +22052,3,3,90,3,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,,1,1,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22053,5,2,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22054,4,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,2,2,,0,0,0,4,4,5,13,1,1,1,1,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22055,5,2,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22056,1,2,11,2,1,0,92,0,92,92,0,1,1,2,1,1,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,211,17,2,1,2,2,1,7,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22057,5,3,3,3,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22058,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22059,1,3,10,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22060,5,3,90,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22061,4,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,181,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22062,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22063,4,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22064,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22065,5,3,12,2,,1,1,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,194,16,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22066,3,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22067,5,90,3,3,0,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22068,5,3,4,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22069,3,2,10,2,0,1,1,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,92,92,92,92,190,15,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22070,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22071,5,1,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22072,3,3,3,3,1,1,3,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,2,1,1,90,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +22073,3,3,8,2,0,0,92,0,92,92,1,1,1,,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22074,5,3,90,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22075,4,2,8,3,91,,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22076,5,3,4,2,1,2,,,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22077,3,4,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22078,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22079,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22080,3,1,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22081,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22082,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22083,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,134,11,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22084,5,2,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22085,3,3,1,2,,,92,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,211,17,2,2,2,1,0,3,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1 +22086,5,3,11,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22087,3,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22088,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22089,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,79,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22090,2,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22091,3,3,8,2,1,1,,,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,2,2,2,0,5,1,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22092,1,2,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22093,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22094,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22095,4,2,2,3,91,1,4,,92,92,0,91,92,92,,92,92,92,,0,0,0,1,1,1,3,1,1,0,0,0,0,1,2,92,0,,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,2,2,0,8,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22096,5,3,,,,,92,1,,,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,92,92,92,92,56,4,2,2,,,,5,1,1,1,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,1,1,1,1,1 +22097,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22098,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22099,4,3,4,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22100,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22101,5,3,8,3,91,2,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22102,5,2,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22103,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22104,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22105,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22106,5,1,8,2,91,1,1,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,31,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22107,5,2,7,1,91,0,92,0,92,92,1,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22108,4,2,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22109,5,3,3,3,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,1,2,2,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +22110,5,3,5,2,0,0,92,0,92,92,0,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22111,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22112,3,3,8,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22113,3,1,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22114,5,1,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22115,5,3,9,2,1,0,92,1,2,1,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,64,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22116,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22117,1,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22118,3,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22119,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22120,3,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22121,3,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,200,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22122,1,3,5,2,1,0,92,0,92,92,,1,2,2,1,1,2,,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,1,1,0,0,0,0,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +22123,5,2,1,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,2,,,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,1,1,1,0,0,34,2,2,1,1,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22124,3,3,4,2,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22125,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22126,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22127,1,3,8,3,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,1,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +22128,3,1,8,2,1,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,3,4,6,13,1,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,74,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22129,4,3,5,2,1,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,75,6,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22130,5,2,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,67,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22131,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22132,5,3,6,1,91,0,92,0,92,92,0,1,1,,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22133,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22134,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22135,5,90,8,2,0,0,92,0,92,92,1,0,92,92,1,2,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,63,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22136,5,3,1,2,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22137,3,3,8,2,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,24,2,2,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22138,5,3,12,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,179,14,2,2,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22139,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22140,2,3,2,3,0,0,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,102,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22141,3,3,,,91,,92,,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,9,0,1,1,1,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22142,5,2,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22143,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22144,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22145,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22146,5,2,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22147,5,3,9,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22148,3,1,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22149,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22150,2,1,10,2,,0,92,0,92,92,1,1,1,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,167,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22151,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22152,3,3,10,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22153,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22154,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22155,5,2,8,3,,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22156,5,1,11,2,0,0,92,0,92,92,1,0,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,188,15,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22157,3,2,10,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22158,3,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22159,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22160,3,3,5,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22161,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22162,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22163,4,3,2,3,0,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22164,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22165,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22166,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22167,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22168,3,1,10,2,0,1,1,0,92,92,0,1,2,2,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,198,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22169,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22170,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22171,1,3,6,1,0,0,92,0,92,92,1,0,92,92,1,,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22172,5,90,8,2,1,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22173,5,3,11,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22174,3,2,8,2,91,0,92,0,92,92,,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22175,3,2,1,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22176,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,124,10,2,1,,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22177,5,3,4,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22178,5,3,11,2,91,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22179,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22180,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22181,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,0,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22182,4,3,1,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,196,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22183,5,3,90,2,0,0,92,0,92,92,1,1,1,,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22184,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22185,5,3,2,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,46,3,2,2,,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22186,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22187,5,3,8,3,91,2,3,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22188,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22189,3,1,11,2,1,1,,1,2,,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,208,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22190,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22191,3,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22192,5,3,11,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22193,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22194,3,3,8,3,,2,2,0,92,92,,1,2,,,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22195,5,3,90,2,0,0,92,0,92,92,0,1,2,3,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,115,9,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22196,2,1,12,2,0,0,92,0,92,92,0,1,,,0,92,92,92,,,,,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22197,3,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22198,3,3,90,2,0,,92,1,,,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22199,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22200,5,3,7,1,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22201,4,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22202,1,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22203,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22204,5,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,1,0,0,0,0,92,92,1,0,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +22205,3,2,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,185,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22206,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22207,4,3,6,1,0,0,92,0,92,92,1,1,2,4,1,,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,195,16,2,2,1,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22208,5,1,4,2,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22209,5,1,1,3,1,,92,,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,2,,,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22210,5,1,10,2,0,0,92,,92,92,0,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22211,3,3,6,1,91,2,,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,33,2,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22212,5,3,11,2,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,194,16,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22213,5,3,1,3,,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,67,5,2,1,,90,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22214,3,3,10,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,161,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22215,3,1,6,1,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,19,1,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22216,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22217,5,2,7,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22218,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22219,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22220,5,2,10,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22221,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22222,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22223,3,3,6,1,91,,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,25,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22224,4,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,159,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22225,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22226,3,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22227,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22228,5,1,4,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22229,3,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22230,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22231,3,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22232,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22233,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22234,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22235,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22236,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22237,5,3,10,2,0,1,,0,92,92,1,1,3,2,1,,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,191,15,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22238,1,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22239,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22240,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22241,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22242,2,1,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22243,3,3,11,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22244,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22245,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22246,5,3,10,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22247,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22248,5,90,2,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22249,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22250,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22251,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22252,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22253,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22254,3,3,2,3,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,163,13,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22255,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22256,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22257,5,3,6,1,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,215,17,2,2,,1,0,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22258,4,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,,92,92,92,92,41,3,2,1,,,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22259,5,3,4,2,,,92,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,3,6,13,1,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,151,12,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22260,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22261,5,90,9,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22262,5,2,10,2,,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22263,5,3,8,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22264,5,3,11,2,0,1,,0,92,92,,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,178,14,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22265,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,19,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22266,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22267,3,3,8,2,1,0,92,0,92,92,1,1,3,1,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,76,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22268,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22269,3,3,8,2,,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22270,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22271,3,3,1,3,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,55,4,2,1,,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +22272,5,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22273,5,90,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22274,5,4,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22275,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22276,5,3,11,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,2,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22277,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22278,3,3,6,1,91,1,2,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,63,5,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22279,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22280,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22281,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22282,5,3,7,1,0,0,92,0,92,92,1,0,92,92,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22283,5,3,1,2,,0,92,1,,,0,,92,92,0,92,92,92,,0,0,0,4,,6,10,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,75,6,2,2,2,2,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22284,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22285,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22286,4,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22287,3,3,8,3,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22288,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +22289,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22290,4,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +22291,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22292,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22293,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22294,4,1,6,1,91,0,92,0,92,92,0,0,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22295,1,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22296,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22297,3,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22298,3,1,4,2,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,,4,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22299,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22300,5,3,4,2,0,,92,0,92,92,1,1,1,2,1,1,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,84,7,2,1,2,1,0,2,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +22301,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22302,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22303,5,3,10,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,1,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22304,3,3,8,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22305,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22306,4,3,6,1,91,0,92,1,2,2,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,24,2,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22307,3,3,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22308,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +22309,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22310,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22311,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22312,5,3,1,2,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,2,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22313,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22314,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22315,5,3,2,,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22316,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22317,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22318,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22319,3,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22320,1,1,10,2,0,,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22321,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22322,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22323,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22324,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22325,3,2,1,2,91,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22326,3,3,3,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,1,,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22327,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22328,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22329,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22330,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22331,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,22,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22332,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22333,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22334,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22335,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22336,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22337,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22338,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,123,10,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22339,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22340,5,2,12,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22341,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22342,3,3,1,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22343,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22344,5,4,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22345,4,3,90,2,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22346,2,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,168,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22347,3,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22348,5,3,8,2,,1,3,0,92,92,0,1,,2,1,2,2,1,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,76,6,2,1,,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22349,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22350,3,2,8,2,0,0,92,0,92,92,1,0,92,92,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,59,4,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22351,3,2,8,2,91,0,92,0,92,92,0,91,92,92,1,1,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,21,1,1,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22352,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22353,3,1,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22354,5,3,1,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,150,12,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22355,5,3,9,2,0,0,92,0,92,92,1,0,92,92,1,2,,,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22356,5,1,6,1,,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22357,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22358,1,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22359,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22360,1,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22361,5,3,10,2,1,0,92,0,92,92,0,1,1,2,1,1,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,131,10,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22362,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22363,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22364,3,90,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22365,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22366,5,1,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22367,2,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22368,3,1,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22369,3,3,8,2,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22370,4,3,1,3,91,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22371,5,3,11,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22372,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22373,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22374,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22375,5,3,12,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22376,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22377,1,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22378,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,,,1,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22379,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22380,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22381,5,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22382,3,3,11,2,,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,189,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22383,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22384,4,3,90,2,91,0,92,0,92,92,0,91,92,92,1,,4,,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,13,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22385,5,3,8,2,1,0,92,0,92,92,1,1,1,2,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22386,5,3,6,1,0,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22387,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22388,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22389,3,3,7,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22390,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22391,5,1,8,3,91,1,3,0,92,92,,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22392,5,3,7,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22393,3,3,12,2,,1,4,1,3,,,,92,92,1,1,2,2,,0,0,1,2,2,4,8,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,92,92,92,92,48,4,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22394,3,2,6,1,0,0,92,0,92,92,1,1,1,2,1,1,3,1,0,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,57,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22395,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22396,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22397,1,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,152,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22398,5,3,8,2,91,1,,,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,44,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22399,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22400,3,1,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22401,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22402,3,3,1,3,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,168,14,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22403,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22404,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22405,5,1,8,3,,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22406,3,3,90,2,91,1,2,0,92,92,1,91,92,92,1,,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,92,92,92,92,15,1,1,2,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22407,3,3,1,2,91,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22408,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22409,3,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22410,5,3,12,2,,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22411,4,2,10,2,1,1,2,0,92,92,0,1,2,2,1,2,2,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,163,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22412,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22413,5,3,3,3,91,1,,0,92,92,0,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,151,12,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +22414,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22415,3,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22416,1,3,4,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,1,,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22417,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22418,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22419,5,1,10,2,0,1,1,0,92,92,1,1,2,2,1,2,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,134,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22420,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22421,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,12,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22422,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22423,3,3,6,1,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,27,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22424,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22425,3,2,9,2,1,0,92,0,92,92,0,1,2,2,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,47,3,2,2,,2,,3,1,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +22426,5,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22427,5,4,8,3,,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22428,5,3,3,2,0,,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,72,6,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22429,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22430,5,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22431,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22432,4,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22433,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,2,2,,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22434,5,2,10,2,0,0,92,0,92,92,0,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,90,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22435,5,3,3,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22436,5,3,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22437,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22438,4,3,1,2,0,0,92,0,92,92,0,1,2,,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22439,5,4,10,3,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22440,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22441,5,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22442,3,3,6,1,0,,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,46,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22443,3,1,8,2,91,,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,49,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22444,5,3,6,1,0,0,92,0,92,92,1,1,,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22445,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22446,2,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22447,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22448,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22449,5,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22450,5,3,6,1,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22451,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22452,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22453,5,90,1,2,,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22454,5,1,1,3,,,92,1,2,,,,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,73,6,2,1,,,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +22455,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22456,5,1,90,2,1,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22457,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22458,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22459,3,3,8,2,91,0,92,0,92,92,0,0,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22460,2,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22461,5,3,90,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22462,5,3,4,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22463,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22464,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22465,3,3,1,3,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22466,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22467,3,3,10,2,1,2,1,0,92,92,0,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22468,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22469,5,2,9,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22470,3,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22471,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22472,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22473,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22474,3,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22475,3,3,6,1,1,,92,0,92,92,0,1,3,2,1,2,2,1,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,137,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22476,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22477,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22478,3,3,1,3,0,,92,,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,2,,3,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +22479,5,3,90,2,0,0,92,0,92,92,1,1,2,2,1,,4,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,203,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22480,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22481,3,3,11,2,,1,,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22482,3,3,8,2,0,0,92,0,92,92,1,1,2,3,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22483,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22484,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22485,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22486,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22487,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22488,5,3,11,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22489,3,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22490,1,3,10,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,130,10,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22491,2,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22492,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22493,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22494,3,3,2,3,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22495,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22496,5,3,90,2,1,,92,0,92,92,0,1,2,2,1,1,4,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,99,8,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22497,5,3,12,2,0,0,92,0,92,92,1,1,1,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,196,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22498,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22499,5,3,9,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22500,3,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,2,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22501,2,3,6,1,0,0,92,0,92,92,1,1,,,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22502,2,1,5,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22503,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22504,5,2,2,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22505,3,1,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22506,5,3,5,2,1,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,1,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22507,5,3,2,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,2,5,9,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +22508,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22509,1,3,1,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22510,5,3,8,3,91,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22511,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22512,5,2,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22513,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22514,3,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22515,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22516,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,207,17,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22517,3,3,10,3,1,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22518,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22519,3,3,2,3,1,2,,0,92,92,1,0,92,92,1,1,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,2,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22520,5,1,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22521,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22522,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22523,3,3,1,3,1,2,,0,92,92,1,1,2,2,1,3,2,,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,1,1,0,0,0,0,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,92,92,92,92,195,16,2,1,2,1,0,5,1,1,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1 +22524,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22525,3,3,11,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22526,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22527,1,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22528,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22529,,3,6,1,,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22530,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22531,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22532,5,3,1,3,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22533,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22534,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22535,5,3,11,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,53,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22536,5,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22537,5,1,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22538,2,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,31,2,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22539,3,3,9,2,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22540,4,3,11,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22541,5,3,6,1,0,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22542,5,3,6,1,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22543,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22544,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22545,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22546,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22547,5,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,59,4,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22548,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22549,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22550,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22551,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22552,3,3,1,3,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,3,4,6,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,,,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22553,3,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22554,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22555,5,2,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22556,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22557,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22558,3,2,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22559,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22560,3,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22561,3,3,1,2,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22562,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22563,5,90,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22564,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,133,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22565,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22566,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22567,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22568,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22569,5,2,12,2,,0,92,0,92,92,1,1,,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22570,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22571,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22572,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22573,5,3,1,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,23,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22574,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22575,3,2,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,,2,1,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22576,3,3,8,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,27,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22577,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22578,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,4,0,1,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +22579,3,3,6,1,0,0,92,0,92,92,1,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22580,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22581,5,3,1,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,172,14,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22582,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22583,3,1,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22584,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22585,3,4,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22586,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22587,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22588,5,3,3,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22589,5,90,6,1,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22590,3,1,6,1,1,1,3,0,92,92,1,0,92,92,1,3,2,1,0,0,0,1,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,92,92,92,92,186,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22591,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22592,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22593,1,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22594,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22595,5,3,6,1,0,0,92,0,92,92,1,1,1,2,1,3,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,133,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22596,3,3,90,2,0,,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,54,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22597,3,3,11,2,1,2,,0,92,92,0,1,2,2,1,2,2,1,1,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,186,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22598,3,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22599,5,3,8,2,0,0,92,0,92,92,0,1,1,2,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,116,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22600,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,21,1,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22601,5,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22602,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22603,4,3,6,1,91,0,92,0,92,92,0,1,,2,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,26,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22604,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22605,5,2,90,2,1,1,,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,99,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22606,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22607,3,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22608,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22609,5,3,1,2,,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,167,13,2,1,,,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22610,2,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22611,3,3,9,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22612,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,1,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22613,5,1,,,,,92,,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22614,5,90,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22615,3,1,2,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,47,3,2,1,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22616,5,2,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,14,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22617,1,3,3,3,1,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22618,5,3,1,3,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,113,9,2,1,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +22619,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,0,0,1,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22620,3,3,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22621,1,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22622,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,0,6,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +22623,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,14,1,1,2,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22624,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22625,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,109,9,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22626,5,2,10,3,0,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22627,5,3,8,2,,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,1,0,0,1,0,1,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,5,0,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22628,3,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22629,3,3,7,1,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,92,92,92,92,35,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22630,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22631,4,2,8,3,91,0,92,0,92,92,0,91,92,92,1,3,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,2,2,2,0,3,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +22632,5,3,10,3,91,,92,,92,92,,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,48,4,2,1,1,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22633,4,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22634,5,2,8,3,91,0,92,0,92,92,1,91,92,92,1,2,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,3,0,1,1,2,2,0,6,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +22635,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22636,3,3,3,2,1,1,,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,0,1,0,0,92,0,1,0,0,1,0,0,1,2,2,1,1,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,1,2,2,0,5,1,1,1,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,1,1,1 +22637,4,3,2,2,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,,90,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22638,5,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22639,5,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22640,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22641,4,3,4,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,187,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22642,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22643,3,3,5,2,,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,2,4,7,1,1,0,0,0,0,1,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,,,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1,,1,1 +22644,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22645,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,167,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22646,5,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22647,4,3,4,2,0,0,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22648,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22649,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22650,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22651,4,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,7,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +22652,3,4,5,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22653,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22654,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22655,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22656,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,,1,0,4,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22657,5,1,6,1,0,1,3,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22658,3,1,10,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22659,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,1,0,0,9,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22660,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22661,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22662,5,3,7,1,91,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22663,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22664,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22665,3,3,3,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22666,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22667,2,1,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22668,3,3,8,2,0,0,92,0,92,92,1,1,2,3,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,27,2,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22669,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22670,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22671,5,2,12,2,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,1,0,0,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22672,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22673,5,1,4,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22674,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22675,5,3,90,2,,0,92,0,92,92,1,1,3,2,1,2,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,149,12,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22676,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22677,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,3,2,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22678,3,1,6,1,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22679,1,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22680,3,2,7,1,0,2,,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22681,1,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,4,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22682,3,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22683,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22684,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22685,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22686,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22687,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22688,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22689,5,1,9,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22690,3,3,11,2,,1,4,1,2,2,0,,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,148,12,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +22691,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22692,1,3,10,2,91,1,3,,92,92,0,91,92,92,1,2,2,1,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,37,3,2,1,,5,0,3,1,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +22693,5,3,6,1,91,1,3,1,2,,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22694,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22695,5,3,1,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22696,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22697,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,2,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22698,5,1,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,170,14,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22699,5,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22700,3,3,3,3,0,1,,0,92,92,,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,,,,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22701,3,3,5,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22702,3,3,7,1,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22703,5,90,8,2,0,1,,0,92,92,0,1,,2,1,3,,,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,40,3,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22704,3,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22705,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22706,1,4,12,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22707,3,3,1,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,214,17,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22708,5,1,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22709,5,1,6,1,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,147,12,2,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22710,3,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22711,3,2,6,1,91,1,2,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22712,5,3,8,3,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22713,3,3,2,3,1,1,4,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22714,3,1,8,3,,1,3,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22715,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22716,3,3,11,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22717,4,2,10,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22718,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22719,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22720,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,10,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22721,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22722,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22723,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,152,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22724,3,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22725,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22726,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,,0,6,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22727,5,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22728,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22729,3,90,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22730,5,4,8,2,91,0,92,0,92,92,0,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22731,5,3,11,2,0,1,3,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22732,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22733,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22734,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22735,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22736,3,3,4,2,1,2,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22737,3,1,2,3,,0,92,0,92,92,,,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,92,92,92,92,61,5,2,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22738,5,3,5,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22739,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22740,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22741,3,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22742,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22743,1,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22744,5,3,10,2,0,,92,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,,,,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22745,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22746,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22747,4,3,11,2,1,2,1,0,92,92,1,1,2,2,1,1,2,1,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,188,15,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22748,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22749,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22750,3,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22751,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22752,1,3,12,2,,0,92,0,92,92,0,1,,2,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22753,5,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22754,5,3,2,3,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22755,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22756,3,2,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22757,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22758,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,145,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22759,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22760,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22761,4,3,5,2,1,1,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22762,5,1,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22763,1,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22764,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22765,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22766,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22767,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22768,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22769,3,1,3,3,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22770,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22771,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22772,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22773,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22774,3,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22775,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22776,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22777,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22778,3,3,2,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22779,3,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,84,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22780,5,1,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22781,3,1,6,1,1,0,92,0,92,92,0,1,2,2,1,1,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22782,1,3,90,2,,,92,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22783,3,3,7,1,0,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,2,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22784,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22785,5,1,10,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,170,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22786,5,3,10,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,195,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22787,3,3,8,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22788,3,1,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22789,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22790,3,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22791,3,3,90,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22792,5,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +22793,2,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22794,4,3,6,1,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22795,5,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22796,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,5,0,1,1,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22797,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22798,5,3,11,2,0,0,92,0,92,92,0,1,2,2,1,1,2,2,0,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22799,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22800,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22801,3,2,10,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22802,3,3,4,2,0,0,92,0,92,92,0,1,1,2,1,2,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,87,7,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22803,3,3,6,1,1,2,,0,92,92,1,1,2,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22804,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22805,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22806,3,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22807,3,90,10,2,1,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22808,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,15,1,1,2,2,3,0,3,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +22809,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22810,5,3,8,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22811,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22812,4,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,21,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22813,2,1,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22814,2,1,10,3,0,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,197,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22815,3,1,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22816,5,3,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22817,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22818,5,2,5,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22819,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22820,3,2,10,2,1,1,3,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22821,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22822,4,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22823,5,3,8,2,,0,92,0,92,92,0,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,1,,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +22824,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22825,2,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22826,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22827,1,2,1,2,,,92,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22828,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22829,5,3,4,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,114,9,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22830,5,2,7,1,0,0,92,0,92,92,0,1,,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22831,5,3,1,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22832,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22833,5,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,1,0,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,87,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22834,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22835,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22836,3,3,8,3,1,1,3,1,,1,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,204,17,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22837,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22838,4,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,18,1,1,2,1,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22839,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22840,5,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,3,2,4,9,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,159,13,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22841,5,2,6,1,91,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22842,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22843,4,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,4,0,1,2,2,3,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +22844,5,3,2,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22845,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22846,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22847,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22848,4,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,89,7,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22849,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22850,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22851,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22852,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22853,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22854,5,3,11,2,0,0,92,0,92,92,,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22855,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22856,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22857,5,3,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22858,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22859,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22860,3,3,6,1,,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22861,5,3,8,2,91,1,2,1,1,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,23,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22862,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22863,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22864,5,2,5,2,1,0,92,0,92,92,1,0,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22865,5,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22866,5,3,9,2,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22867,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22868,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22869,3,3,8,2,1,2,,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22870,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22871,5,3,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22872,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22873,3,2,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22874,5,3,4,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,65,5,2,1,2,2,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +22875,5,2,9,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22876,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22877,3,3,1,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22878,3,3,6,1,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22879,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22880,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22881,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22882,4,2,6,1,,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,17,1,1,2,,2,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +22883,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,7,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22884,5,3,10,2,1,0,92,0,92,92,1,1,2,4,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22885,5,3,2,3,0,0,92,0,92,92,1,1,2,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22886,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22887,4,3,8,2,0,0,92,0,92,92,0,1,2,,1,1,3,1,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,105,8,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22888,5,1,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22889,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22890,5,3,1,2,,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22891,3,3,3,3,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22892,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22893,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22894,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22895,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22896,5,2,10,2,,,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22897,3,1,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22898,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22899,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22900,3,2,11,2,0,0,92,0,92,92,1,0,92,92,1,,,,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22901,3,1,8,3,,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,17,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22902,5,1,10,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,120,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22903,5,3,2,3,,,92,,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,1,1,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,115,9,2,2,1,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22904,5,3,6,1,0,0,92,0,92,92,0,1,2,2,1,1,2,2,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,65,5,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +22905,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22906,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22907,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22908,3,90,8,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,74,6,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22909,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22910,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22911,5,2,12,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22912,5,2,2,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22913,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22914,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22915,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22916,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22917,3,2,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22918,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22919,5,2,8,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22920,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22921,5,90,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22922,5,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22923,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22924,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22925,3,2,8,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22926,5,3,1,3,91,1,,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,,1,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22927,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22928,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22929,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22930,5,2,4,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22931,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22932,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22933,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22934,3,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22935,2,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22936,4,3,8,3,1,,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +22937,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22938,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22939,5,2,6,1,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22940,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22941,1,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22942,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22943,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22944,5,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22945,5,2,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22946,5,3,4,2,1,0,92,0,92,92,1,1,2,2,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,140,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22947,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22948,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22949,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22950,5,2,90,2,1,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,1,1,0,0,0,0,0,0,1,0,92,92,92,92,133,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22951,3,1,1,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,1,0,0,4,0,1,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22952,1,3,1,2,1,1,,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,2,1,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22953,3,3,8,2,0,0,92,0,92,92,1,91,92,92,1,,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22954,3,1,8,3,0,1,2,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22955,3,3,2,3,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,113,9,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22956,1,3,8,2,0,0,92,0,92,92,1,1,3,3,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,85,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22957,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22958,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22959,5,1,8,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22960,4,3,11,2,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,,92,92,92,92,172,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22961,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22962,3,3,1,2,0,1,3,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22963,3,3,8,3,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22964,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22965,3,3,7,1,0,0,92,0,92,92,1,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,56,4,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22966,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22967,3,3,8,2,91,,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22968,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22969,3,2,1,2,1,1,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22970,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22971,5,1,8,2,0,1,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,202,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22972,4,3,10,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22973,3,3,1,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22974,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,186,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22975,5,3,1,2,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22976,5,3,2,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,102,8,2,1,,,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22977,5,3,2,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,37,3,2,2,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22978,4,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,73,6,2,2,1,,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22979,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22980,1,2,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,178,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22981,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22982,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22983,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22984,3,3,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22985,3,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22986,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22987,5,3,10,2,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22988,5,3,90,2,,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22989,5,3,6,1,1,,92,0,92,92,0,1,2,2,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22990,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22991,5,3,8,3,91,0,92,0,92,92,,91,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,1,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +22992,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22993,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22994,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,64,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22995,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22996,5,1,10,2,0,0,92,0,92,92,1,1,1,2,1,1,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22997,5,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22998,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +22999,5,3,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,1,2,2,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +23000,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23001,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23002,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23003,4,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,,92,92,92,92,33,2,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23004,5,2,2,3,,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23005,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23006,5,2,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23007,3,3,8,2,,0,92,0,92,92,1,1,1,2,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23008,3,3,7,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23009,3,3,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,1,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +23010,5,2,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23011,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23012,3,3,8,3,0,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23013,5,2,6,1,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,53,4,2,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23014,5,3,12,3,0,0,92,0,92,92,,0,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23015,3,3,9,2,,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23016,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23017,3,3,12,3,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23018,3,3,1,2,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23019,3,3,1,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23020,5,3,2,3,91,1,4,1,2,,,91,92,92,0,92,92,92,,0,0,0,1,1,1,3,1,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,2,,1,1,0,1,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,92,92,92,92,132,11,2,1,,,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,1,1,1 +23021,3,3,1,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,202,16,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23022,4,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23023,5,1,5,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23024,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,1,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23025,3,3,1,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23026,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,8,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23027,4,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23028,4,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,192,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23029,4,2,8,3,91,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23030,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23031,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23032,3,2,90,2,,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23033,3,1,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23034,5,3,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23035,5,1,6,1,0,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,1,5,7,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23036,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23037,3,2,11,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23038,3,3,2,3,1,1,,0,92,92,1,1,1,,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23039,3,3,90,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23040,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23041,3,3,8,3,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23042,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23043,4,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23044,4,3,,,91,,92,,92,92,0,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23045,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23046,5,3,2,3,0,2,,0,92,92,0,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23047,2,2,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23048,3,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,8,0,1,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23049,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23050,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23051,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,99,8,2,2,1,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23052,2,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,80,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23053,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23054,2,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23055,5,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,47,3,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23056,3,1,8,3,91,,92,,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23057,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,50,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23058,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23059,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23060,3,2,8,2,0,0,92,0,92,92,1,1,,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,71,5,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23061,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23062,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23063,5,3,3,3,91,1,4,1,2,2,0,91,92,92,0,92,92,92,,0,0,0,1,1,2,4,1,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,2,0,5,1,1,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,1,1,1 +23064,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23065,4,3,1,2,1,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,122,10,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23066,5,2,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23067,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,,,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23068,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23069,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23070,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23071,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,9,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23072,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23073,2,1,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23074,5,3,4,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,2,2,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +23075,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23076,3,1,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23077,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23078,5,2,90,2,91,0,92,0,92,92,0,0,92,92,1,3,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,27,2,2,1,,2,,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23079,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23080,3,3,8,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,152,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23081,3,2,2,3,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23082,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23083,3,3,11,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23084,3,3,4,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23085,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23086,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23087,3,1,5,2,91,1,2,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23088,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23089,2,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23090,3,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23091,3,3,9,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23092,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23093,2,3,12,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23094,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23095,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23096,5,2,11,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23097,5,1,8,2,91,2,2,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23098,1,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23099,3,3,4,2,0,,92,0,92,92,0,0,92,92,1,3,2,1,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,85,7,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +23100,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23101,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23102,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23103,3,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,213,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23104,3,2,6,1,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23105,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23106,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,164,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23107,4,3,1,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23108,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23109,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23110,3,90,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23111,5,2,,,91,,92,0,92,92,1,91,92,92,1,3,,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,8,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23112,3,2,1,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23113,5,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23114,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23115,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23116,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23117,5,3,11,2,1,1,1,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23118,5,2,6,1,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,42,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23119,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,,1,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +23120,5,90,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,42,3,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23121,1,2,8,2,0,0,92,0,92,92,0,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23122,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,8,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23123,1,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23124,4,3,5,2,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23125,3,90,1,3,,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23126,4,90,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23127,4,3,2,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23128,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23129,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23130,3,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23131,5,1,12,3,0,0,92,0,92,92,,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23132,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23133,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23134,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23135,5,3,4,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23136,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23137,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23138,3,1,1,2,91,,92,,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,5,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23139,5,3,3,2,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,92,92,92,92,46,3,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23140,3,3,8,3,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23141,5,3,3,3,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23142,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23143,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23144,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23145,5,2,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23146,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23147,1,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23148,5,2,6,1,91,0,92,0,92,92,1,0,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23149,3,3,8,2,91,0,92,1,2,1,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,92,92,92,92,28,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23150,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23151,2,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23152,5,2,9,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23153,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23154,3,1,8,3,91,2,,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23155,3,1,90,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23156,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23157,1,3,6,1,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23158,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23159,3,3,8,2,1,1,,,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23160,5,1,10,2,0,1,2,0,92,92,0,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,145,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23161,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23162,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23163,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23164,5,2,8,3,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23165,3,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23166,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23167,5,3,7,1,0,0,92,0,92,92,1,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23168,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23169,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23170,5,2,8,2,0,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,122,10,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23171,5,1,7,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23172,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,30,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23173,5,3,1,2,91,1,,0,92,92,0,,92,92,,92,92,92,,0,0,0,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,27,2,2,2,,1,0,5,1,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1 +23174,4,3,2,3,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,42,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23175,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23176,3,2,6,1,0,2,2,0,92,92,1,1,2,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,142,11,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23177,5,3,,,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23178,3,2,90,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23179,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23180,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23181,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23182,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23183,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,3,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23184,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23185,5,2,1,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23186,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23187,5,2,10,2,1,2,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,,1,1,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23188,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23189,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23190,5,1,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23191,1,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23192,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23193,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23194,3,3,4,2,1,2,3,0,92,92,1,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23195,5,3,10,2,1,1,3,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23196,1,1,1,2,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,2,0,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23197,5,3,6,1,0,0,92,0,92,92,0,1,1,3,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,122,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23198,4,3,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23199,5,3,8,2,,0,92,0,92,92,1,,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +23200,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23201,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23202,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23203,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23204,5,3,7,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23205,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23206,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23207,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +23208,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23209,5,3,11,2,91,,92,0,92,92,,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23210,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23211,3,3,90,2,0,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23212,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23213,4,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23214,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23215,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,9,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23216,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23217,5,3,8,2,91,2,,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,,92,92,92,92,29,2,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23218,3,3,6,1,91,0,92,1,2,2,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,7,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23219,5,3,9,2,91,0,92,0,92,92,0,0,92,92,1,2,,,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,18,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23220,3,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23221,2,1,8,3,1,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23222,1,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23223,3,2,8,2,91,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23224,1,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23225,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23226,5,3,10,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,1,2,1,0,4,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +23227,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23228,3,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23229,3,3,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23230,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23231,3,2,6,1,91,0,92,0,92,92,0,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,45,3,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23232,3,3,8,2,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23233,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23234,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23235,2,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23236,5,2,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23237,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23238,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23239,5,3,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23240,3,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23241,3,1,3,3,,1,3,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23242,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23243,5,2,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23244,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23245,5,3,11,3,0,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23246,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23247,5,3,9,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23248,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23249,3,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,,2,1,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +23250,1,3,8,3,91,0,92,0,92,92,0,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,10,0,1,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23251,5,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23252,5,3,1,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23253,3,3,6,1,0,,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,164,13,2,2,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23254,5,1,1,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23255,4,3,8,2,91,0,92,0,92,92,,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23256,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23257,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23258,3,1,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23259,3,3,1,2,,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23260,3,3,1,3,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,196,16,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23261,3,3,7,1,1,1,,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23262,5,1,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23263,3,2,11,2,1,2,,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,159,13,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23264,5,3,11,2,0,2,,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,188,15,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23265,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23266,3,3,6,1,0,0,92,0,92,92,0,0,92,92,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,27,2,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23267,5,2,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23268,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23269,5,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23270,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23271,3,1,8,3,0,1,1,0,92,92,1,1,2,,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,139,11,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23272,5,3,2,3,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,166,13,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23273,5,90,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23274,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23275,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23276,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,1,,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23277,5,90,1,2,1,,92,,92,92,,1,3,2,,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,,1,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,191,15,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23278,5,3,90,2,91,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23279,4,3,6,1,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23280,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23281,5,2,10,2,0,,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,1,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23282,4,3,90,2,0,0,92,0,92,92,0,1,1,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23283,4,3,8,2,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,67,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23284,3,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,120,10,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23285,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23286,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23287,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23288,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23289,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23290,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23291,5,3,4,2,91,,92,,92,92,,,92,92,1,1,,1,,0,0,0,2,2,5,9,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,1,0,92,92,92,92,155,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23292,4,2,7,1,1,1,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23293,3,1,11,2,1,,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23294,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23295,3,2,2,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,104,8,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23296,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23297,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23298,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23299,5,2,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23300,3,2,7,1,,2,,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,1,6,11,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23301,5,3,12,2,0,0,92,0,92,92,0,1,2,4,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,141,11,2,1,,2,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23302,1,3,6,1,1,2,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23303,3,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23304,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +23305,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23306,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23307,5,3,11,2,0,1,,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23308,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23309,2,1,6,1,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23310,4,3,1,2,91,0,92,0,92,92,,1,2,,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23311,5,3,11,3,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23312,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23313,5,2,4,2,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23314,5,3,6,1,1,1,,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23315,5,3,8,2,91,0,92,0,92,92,0,1,,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,47,3,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23316,5,3,1,2,0,2,,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23317,4,3,5,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23318,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23319,3,3,7,1,,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23320,4,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23321,5,3,11,2,0,0,92,0,92,92,,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23322,5,3,1,2,91,0,92,0,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23323,4,3,1,2,91,,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23324,5,90,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23325,5,90,12,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23326,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23327,5,90,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23328,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23329,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23330,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23331,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23332,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23333,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23334,5,1,6,1,0,0,92,1,2,2,,1,,2,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,92,92,92,92,78,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23335,3,3,90,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,92,92,92,92,21,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23336,3,3,5,2,1,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,196,16,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23337,5,2,6,1,,1,1,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23338,5,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23339,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23340,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23341,3,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23342,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23343,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23344,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23345,5,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23346,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23347,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23348,5,3,8,2,91,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23349,5,2,8,2,0,0,92,0,92,92,0,1,3,2,1,3,2,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,105,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23350,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23351,5,90,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23352,3,2,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23353,3,3,4,2,1,2,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23354,5,3,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23355,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23356,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23357,1,3,5,2,,,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23358,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23359,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23360,5,2,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,109,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23361,3,3,90,2,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,1,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23362,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23363,5,3,8,3,0,0,92,0,92,92,1,0,92,92,1,,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,99,8,2,2,1,,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23364,3,1,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23365,5,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,91,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23366,5,2,7,1,0,0,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23367,4,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,103,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23368,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23369,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23370,2,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23371,3,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23372,5,3,11,2,0,1,,0,92,92,0,1,2,2,1,1,2,1,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,192,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23373,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23374,3,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23375,5,2,12,3,0,0,92,0,92,92,0,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,67,5,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23376,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23377,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23378,5,3,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23379,4,3,3,2,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23380,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23381,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23382,4,3,5,2,1,1,3,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23383,2,1,10,2,1,2,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,185,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23384,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23385,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23386,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23387,5,3,90,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23388,1,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23389,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23390,5,1,5,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,193,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23391,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23392,2,1,1,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23393,3,1,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23394,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23395,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23396,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,64,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23397,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23398,5,3,4,2,0,1,2,0,92,92,1,1,2,2,1,2,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,183,15,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23399,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23400,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23401,3,3,6,1,0,0,92,0,92,92,0,0,92,92,1,3,4,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,50,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23402,5,2,10,2,,1,3,,92,92,,1,2,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23403,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23404,,90,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23405,3,3,5,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23406,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23407,5,2,1,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23408,5,3,10,2,1,2,2,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23409,3,3,8,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23410,2,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23411,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23412,5,3,10,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23413,4,3,6,1,0,1,3,0,92,92,1,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,173,14,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23414,4,3,90,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,175,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23415,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23416,3,2,90,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23417,5,3,5,2,0,0,92,0,92,92,,1,3,2,1,,2,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,130,10,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23418,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23419,5,90,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23420,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23421,4,3,9,2,,,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,1,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +23422,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23423,1,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23424,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23425,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23426,5,3,12,2,0,0,92,0,92,92,0,1,2,2,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,137,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23427,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23428,4,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23429,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23430,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23431,3,2,8,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,94,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23432,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23433,5,2,6,1,91,0,92,0,92,92,0,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23434,3,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23435,3,3,8,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23436,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23437,5,2,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23438,5,2,4,2,0,0,92,0,92,92,0,1,2,2,1,1,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23439,3,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23440,5,3,2,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23441,4,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,1,0,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23442,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23443,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23444,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23445,5,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23446,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,5,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23447,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23448,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,89,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23449,3,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,92,92,92,92,6,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23450,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23451,5,3,11,2,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,1,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23452,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23453,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23454,5,4,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23455,4,3,11,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23456,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,2,0,3,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +23457,5,3,11,2,,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23458,3,3,6,1,,0,92,0,92,92,0,1,1,,1,1,,,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23459,4,3,2,3,,,92,,92,92,,,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,213,17,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23460,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23461,5,3,5,2,1,1,,,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,1,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23462,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23463,5,2,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23464,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23465,5,1,1,2,1,1,4,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,2,1,0,3,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +23466,5,1,1,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +23467,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,3,4,5,12,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23468,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23469,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23470,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23471,5,2,7,1,91,0,92,0,92,92,0,1,,,1,2,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,36,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23472,1,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23473,5,3,90,2,91,0,92,0,92,92,1,1,1,3,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23474,5,3,11,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23475,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23476,4,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23477,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23478,5,2,8,2,0,0,92,0,92,92,1,1,1,,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23479,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23480,1,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23481,3,2,90,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23482,5,1,4,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23483,5,3,6,1,1,0,92,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23484,3,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23485,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23486,3,3,11,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23487,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,173,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23488,5,3,8,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23489,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23490,3,2,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23491,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23492,3,3,12,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,126,10,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23493,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23494,3,2,7,1,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23495,5,2,11,2,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23496,5,3,1,2,0,0,92,0,92,92,1,1,3,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23497,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23498,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23499,3,3,1,2,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23500,5,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23501,5,1,8,2,,0,92,,92,92,1,0,92,92,,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23502,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23503,5,3,2,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,62,5,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23504,3,3,9,2,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23505,4,3,9,2,0,1,,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,138,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23506,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,149,12,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23507,5,2,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,,92,92,92,92,129,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23508,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23509,3,1,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,59,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23510,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23511,5,2,10,2,,0,92,0,92,92,0,1,3,2,1,2,,,,0,0,0,2,3,5,10,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,175,14,2,1,2,3,1,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23512,5,3,4,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,1,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23513,3,3,90,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23514,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23515,5,2,6,1,0,0,92,0,92,92,0,1,2,3,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,109,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23516,5,90,6,1,91,1,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,33,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23517,5,2,8,2,0,0,92,0,92,92,1,1,1,,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23518,1,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23519,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23520,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,193,16,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23521,3,3,7,1,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23522,5,2,3,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,128,10,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23523,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23524,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23525,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23526,3,3,9,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23527,3,2,2,,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23528,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23529,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23530,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23531,1,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23532,3,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23533,5,2,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23534,5,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23535,3,3,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23536,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23537,4,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23538,5,3,9,2,91,0,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,28,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23539,3,2,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23540,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23541,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23542,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23543,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23544,3,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,127,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23545,4,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23546,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23547,5,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23548,3,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23549,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23550,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23551,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23552,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23553,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23554,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23555,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23556,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23557,5,3,8,2,0,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,92,92,92,92,5,0,1,1,1,1,0,1,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23558,5,3,10,2,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,147,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23559,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23560,3,3,12,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23561,3,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23562,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23563,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23564,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23565,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23566,5,2,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23567,5,2,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23568,4,3,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23569,3,3,6,1,0,2,3,0,92,92,1,1,2,2,1,2,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23570,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23571,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,91,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23572,3,1,3,3,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,65,5,2,1,2,3,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +23573,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23574,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23575,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23576,5,3,5,2,91,1,4,0,92,92,,91,92,92,0,92,92,92,,0,0,0,1,1,1,3,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,2,2,0,5,1,1,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,1 +23577,5,2,90,2,0,2,1,0,92,92,0,1,1,2,1,2,,,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,92,92,92,92,215,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23578,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23579,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23580,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23581,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,1,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,92,92,92,92,156,13,2,1,1,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23582,4,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,,2,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0, +23583,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23584,1,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23585,3,3,12,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23586,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23587,5,2,6,1,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23588,5,3,90,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23589,1,3,10,3,0,0,92,0,92,92,1,1,,2,,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23590,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23591,5,3,8,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,138,11,2,1,1,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23592,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23593,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23594,3,3,90,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,121,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23595,5,3,10,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,1,,,,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23596,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23597,5,3,10,2,1,2,,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,,,,14,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,1,1,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,166,13,2,1,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23598,5,90,12,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,92,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23599,5,2,7,1,0,0,92,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23600,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23601,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,144,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23602,5,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23603,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23604,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23605,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23606,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23607,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23608,5,3,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23609,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23610,1,3,90,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23611,3,3,12,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,179,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23612,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23613,4,3,10,2,1,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23614,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23615,5,3,12,2,0,2,,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23616,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23617,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23618,5,2,6,1,,1,,0,92,92,1,0,92,92,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,49,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23619,5,3,11,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23620,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23621,4,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,13,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23622,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23623,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23624,5,1,10,2,0,1,1,0,92,92,,1,1,2,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23625,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23626,5,3,11,2,0,2,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23627,5,3,11,2,0,1,,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23628,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23629,5,1,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23630,5,2,9,2,0,0,92,1,1,1,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,92,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23631,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,2,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23632,4,3,5,2,1,2,2,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,92,92,92,92,83,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23633,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23634,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23635,5,90,9,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23636,5,3,4,2,1,2,,1,1,,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,168,14,2,1,2,1,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23637,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23638,5,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,146,12,2,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23639,2,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23640,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23641,5,3,12,2,91,1,3,,92,92,,91,92,92,0,92,92,92,,0,0,0,2,4,5,11,1,1,1,1,1,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,65,5,2,2,1,1,0,5,1,1,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +23642,2,1,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23643,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23644,2,1,5,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23645,2,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23646,3,2,4,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23647,3,3,7,1,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23648,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23649,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23650,3,1,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23651,5,1,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,24,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23652,5,2,90,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23653,5,3,2,3,0,0,92,0,92,92,,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,161,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23654,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23655,5,3,11,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23656,5,3,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23657,3,3,11,2,,2,3,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23658,5,1,5,2,1,1,3,0,92,92,,,92,92,1,1,2,1,,0,0,0,3,4,6,13,1,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,157,13,2,1,,,0,3,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +23659,3,1,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23660,5,3,90,2,91,1,4,1,1,3,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,26,2,2,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23661,5,3,1,2,0,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,105,8,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23662,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23663,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,17,1,1,1,,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23664,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23665,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23666,3,1,90,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23667,5,2,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23668,3,3,6,1,0,0,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,124,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23669,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23670,3,3,6,1,91,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23671,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,41,3,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23672,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23673,5,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,20,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23674,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23675,5,3,10,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,181,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23676,2,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23677,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23678,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23679,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23680,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23681,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23682,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,3,0,1,1,2,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23683,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23684,3,1,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23685,5,3,4,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23686,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23687,3,3,7,1,,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23688,3,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23689,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23690,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,18,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23691,3,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23692,4,3,8,3,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23693,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23694,1,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,76,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23695,5,3,90,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23696,3,3,1,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,193,16,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23697,5,3,8,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,1,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23698,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23699,3,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,68,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23700,3,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,3,5,6,14,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,78,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +23701,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23702,5,1,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23703,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23704,5,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,176,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23705,5,2,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23706,5,1,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23707,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23708,5,3,1,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23709,5,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23710,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,1,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,92,92,92,92,154,12,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23711,4,3,1,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,204,17,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23712,4,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23713,3,1,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23714,3,3,5,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23715,1,3,7,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23716,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23717,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23718,3,3,90,2,91,,92,0,92,92,0,91,92,92,1,2,3,1,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23719,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23720,5,1,8,2,0,0,92,0,92,92,1,1,1,3,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,110,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23721,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23722,5,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,58,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23723,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23724,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,14,1,1,2,,90,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +23725,5,3,10,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23726,3,1,8,3,91,0,92,0,92,92,1,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23727,5,2,6,1,1,1,,0,92,92,0,1,2,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,132,11,2,1,,2,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23728,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23729,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,33,2,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23730,5,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23731,3,3,7,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23732,5,3,7,1,,1,1,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,1,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23733,5,3,1,3,,1,,,92,92,,,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,,3,0,92,92,92,92,92,92,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,2,,,,3,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +23734,5,3,6,1,91,0,92,0,92,92,0,1,,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23735,5,2,1,2,91,2,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,,1,0,5,1,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +23736,2,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,15,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23737,4,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,79,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23738,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23739,3,3,8,2,,1,3,0,92,92,,1,2,2,1,1,2,1,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,99,8,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +23740,5,3,6,1,91,1,2,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,40,3,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23741,5,3,9,2,0,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,51,4,2,1,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +23742,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23743,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23744,5,90,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23745,5,3,8,3,91,0,92,0,92,92,,91,92,92,1,2,,,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,28,2,2,2,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23746,5,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,110,9,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23747,5,90,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23748,3,1,10,2,1,0,92,0,92,92,0,1,1,2,1,2,2,,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,172,14,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23749,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23750,5,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23751,5,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23752,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23753,3,90,2,3,1,2,1,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23754,3,1,1,2,1,1,,0,92,92,,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,203,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23755,5,3,9,2,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23756,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23757,3,2,8,2,0,0,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23758,5,2,90,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23759,1,2,6,1,0,0,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,45,3,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23760,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23761,3,3,8,2,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,25,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23762,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23763,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23764,5,1,8,2,91,1,3,1,2,2,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,64,5,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23765,3,1,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23766,3,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23767,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23768,3,3,8,3,91,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,33,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23769,2,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,68,5,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23770,5,1,8,2,0,0,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23771,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23772,5,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23773,5,1,8,2,1,,92,,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,62,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23774,3,3,8,3,91,2,2,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23775,1,3,11,2,0,0,92,0,92,92,0,1,2,2,1,1,2,2,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,189,15,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23776,4,2,4,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23777,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23778,5,3,90,2,0,0,92,0,92,92,1,1,2,,1,2,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23779,3,2,4,2,0,0,92,0,92,92,,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23780,5,2,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23781,5,90,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23782,5,2,12,2,1,,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23783,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23784,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23785,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23786,3,2,1,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23787,5,2,10,2,0,0,92,0,92,92,0,1,2,2,1,3,3,1,,0,0,0,3,5,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,51,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23788,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23789,4,3,6,1,,2,,0,92,92,0,1,3,2,1,,,,1,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,2,1,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +23790,2,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23791,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,69,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23792,5,3,1,2,1,1,,0,92,92,1,0,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,109,9,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23793,5,3,4,2,1,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +23794,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23795,3,3,8,3,1,2,,0,92,92,,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,92,92,92,92,102,8,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23796,5,3,10,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23797,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23798,3,3,7,1,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,86,7,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23799,3,3,6,1,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23800,5,3,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23801,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23802,3,1,5,2,1,1,2,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,177,14,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23803,3,3,11,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23804,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23805,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23806,3,3,1,2,1,1,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23807,5,3,12,2,1,2,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,161,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23808,3,2,7,1,,0,92,1,3,2,0,91,92,92,1,,,,,0,0,0,4,4,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,28,2,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +23809,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,182,15,2,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23810,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23811,3,2,1,2,1,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23812,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23813,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23814,3,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23815,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23816,5,3,4,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,125,10,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23817,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23818,3,3,1,2,91,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23819,4,3,8,2,91,0,92,0,92,92,1,0,92,92,1,2,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23820,3,2,11,2,,1,,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23821,5,3,9,2,91,1,3,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23822,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23823,1,3,6,1,,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,,,,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,57,4,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23824,3,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,110,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23825,5,3,7,1,0,0,92,0,92,92,0,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,91,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23826,3,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23827,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23828,4,3,10,2,1,0,92,0,92,92,1,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23829,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23830,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23831,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23832,3,3,12,2,91,0,92,1,3,,0,91,92,92,0,92,92,92,,0,0,0,2,1,4,7,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,87,7,2,2,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +23833,3,3,9,2,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,48,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23834,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23835,4,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23836,5,3,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23837,5,3,11,2,1,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,1,1,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,,92,92,92,92,189,15,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +23838,4,3,9,2,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23839,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23840,5,3,4,2,,0,92,0,92,92,0,1,,3,1,3,3,1,,0,0,0,3,4,5,12,1,1,1,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,86,7,2,1,,,0,6,1,1,1,0,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +23841,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23842,5,1,2,3,91,1,,0,92,92,0,91,92,92,0,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,0,1,1,0,1,1,1,0,0,1,1,,,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,1,2,2,0,5,1,1,1,0,0,1,1,1,0,1,1,1,1,1,0,0,0,0,0,0,0,1,0,0,0,1,1 +23843,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23844,1,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23845,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23846,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23847,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23848,5,3,8,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23849,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23850,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23851,5,2,6,1,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,106,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23852,3,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23853,5,3,3,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,103,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23854,4,3,4,2,1,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23855,5,90,10,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23856,2,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23857,5,3,8,2,91,1,4,1,1,4,0,91,92,92,1,3,2,1,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23858,5,3,6,1,0,0,92,0,92,92,0,1,,,1,,2,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,111,9,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23859,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23860,5,2,6,1,0,0,92,0,92,92,0,1,,2,1,2,,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23861,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23862,5,2,10,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23863,5,2,,,1,1,,0,92,92,1,1,1,,1,,2,,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23864,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,104,8,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23865,5,3,3,2,91,1,4,0,92,92,,91,92,92,1,1,2,1,,0,0,0,1,2,3,6,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,,92,92,92,92,145,12,2,1,1,,0,2,1,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +23866,3,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23867,5,3,8,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23868,3,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23869,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23870,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23871,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23872,3,3,6,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23873,5,2,90,2,1,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23874,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23875,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23876,5,3,11,2,1,2,,,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23877,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23878,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23879,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23880,5,2,12,2,0,0,92,0,92,92,0,,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,84,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23881,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23882,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23883,3,3,5,2,1,1,3,1,1,1,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,157,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23884,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23885,2,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23886,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23887,2,3,6,1,1,0,92,0,92,92,1,1,1,2,1,1,3,,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,95,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23888,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23889,5,2,12,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23890,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23891,3,3,8,2,1,2,1,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,90,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23892,3,3,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23893,4,3,10,2,1,0,92,0,92,92,1,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,92,92,92,92,78,6,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23894,5,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,65,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23895,5,2,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,21,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23896,5,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23897,1,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23898,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23899,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23900,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23901,4,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23902,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23903,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23904,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23905,3,1,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,4,0,1,2,2,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +23906,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23907,3,3,2,3,1,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23908,5,3,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23909,1,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,2,1,1,3,1,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +23910,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23911,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23912,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,1,0,1,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23913,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23914,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23915,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23916,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23917,3,3,11,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23918,5,2,12,2,91,1,4,,92,92,0,91,92,92,0,92,92,92,,1,0,1,1,1,1,3,1,1,0,0,0,0,0,1,,1,1,1,1,0,0,0,1,1,3,1,0,1,1,0,0,1,1,1,1,1,1,0,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,2,3,0,8,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,0,0,0,1 +23919,3,2,5,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23920,2,1,10,3,1,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23921,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23922,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23923,5,3,10,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23924,5,3,8,2,1,2,,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,150,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23925,3,2,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,123,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23926,3,3,1,2,0,0,92,0,92,92,,1,2,3,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23927,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23928,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23929,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23930,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23931,4,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23932,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23933,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23934,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23935,5,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23936,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23937,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23938,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23939,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23940,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23941,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23942,3,3,8,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,,92,92,92,92,25,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23943,1,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,125,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23944,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23945,2,3,8,2,0,0,92,0,92,92,1,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,106,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23946,5,2,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,12,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23947,4,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23948,1,2,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23949,5,1,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23950,4,3,8,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,109,9,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23951,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23952,3,3,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23953,3,3,4,2,0,0,92,0,92,92,0,1,2,2,1,2,4,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,86,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23954,5,1,6,1,,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23955,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23956,3,3,5,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,1,1,0,0,17,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23957,2,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23958,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23959,5,3,90,2,,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23960,5,90,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23961,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23962,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23963,4,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23964,3,2,6,1,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,38,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23965,3,4,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23966,4,3,8,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23967,4,3,10,2,0,1,,0,92,92,,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,193,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23968,5,3,4,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23969,1,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23970,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,1,0,4,1,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23971,5,2,11,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23972,4,3,5,2,1,2,,0,92,92,,1,,,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23973,5,1,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23974,3,3,6,1,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23975,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23976,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23977,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23978,1,3,1,2,91,2,,1,2,,,91,92,92,1,1,3,1,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,0,3,1,1,1,0,1,1,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,1,1,0,1 +23979,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23980,3,3,90,2,1,2,1,0,92,92,0,1,2,2,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,146,12,2,1,2,1,1,3,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +23981,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23982,4,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23983,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23984,1,3,8,3,91,2,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,13,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23985,5,1,1,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,,92,92,92,92,88,7,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23986,5,1,1,3,0,0,92,0,92,92,,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,1,1,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23987,3,1,1,2,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +23988,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23989,3,2,10,2,0,0,92,0,92,92,1,0,92,92,1,2,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23990,2,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23991,3,3,12,2,0,2,,0,92,92,,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0,92,92,92,92,78,6,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23992,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23993,5,3,1,3,1,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23994,4,3,1,2,,1,4,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,71,5,2,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23995,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23996,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23997,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,4,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +23998,5,3,3,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +23999,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24000,4,3,8,2,91,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24001,5,3,1,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,1,0,0,3,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24002,1,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24003,2,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24004,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24005,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24006,3,2,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24007,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24008,5,3,8,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24009,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24010,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24011,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24012,4,3,9,2,91,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24013,4,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24014,5,1,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24015,4,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24016,3,3,4,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,2,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24017,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,29,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24018,3,1,1,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24019,5,3,,,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24020,3,1,3,2,,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,2,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24021,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24022,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24023,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24024,5,3,6,1,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24025,5,2,6,1,1,1,1,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,92,92,92,92,86,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24026,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24027,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,29,2,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24028,5,4,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24029,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24030,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24031,5,1,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,24,2,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24032,3,3,8,3,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24033,1,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24034,1,3,4,2,1,1,2,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24035,3,3,7,1,1,0,92,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,69,5,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24036,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24037,3,3,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24038,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24039,5,2,10,3,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24040,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,1,90,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24041,5,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24042,3,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24043,5,2,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24044,5,2,11,2,0,1,2,,92,92,,1,,3,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,203,16,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24045,3,3,10,3,0,0,92,0,92,92,,1,,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24046,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24047,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24048,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +24049,5,3,6,1,0,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,92,92,92,92,100,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24050,5,2,8,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24051,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24052,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24053,4,3,11,2,0,0,92,0,92,92,1,1,3,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24054,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24055,5,4,6,1,0,1,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24056,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24057,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24058,5,3,90,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,111,9,2,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24059,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24060,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24061,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24062,3,1,10,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24063,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24064,5,2,8,3,0,,92,0,92,92,0,0,92,92,1,,,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,129,10,2,1,2,90,0,5,1,1,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +24065,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24066,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24067,5,3,4,2,1,1,3,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +24068,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24069,4,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,,,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24070,5,3,1,3,1,1,,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,206,17,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24071,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24072,5,2,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24073,5,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24074,5,2,10,2,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,1,1,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,2,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0, +24075,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,1,2,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +24076,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24077,4,2,10,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24078,3,1,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24079,3,3,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24080,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24081,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,13,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24082,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24083,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24084,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24085,5,3,10,2,1,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24086,3,3,90,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24087,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24088,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24089,5,3,2,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24090,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +24091,5,1,5,2,0,0,92,0,92,92,1,1,1,2,1,1,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24092,4,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24093,3,3,10,2,0,0,92,0,92,92,1,1,3,2,1,3,,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,172,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24094,1,3,10,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24095,5,1,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24096,1,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24097,3,3,7,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24098,5,3,8,2,91,2,3,0,92,92,,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,1,0,1,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24099,3,2,11,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24100,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24101,3,1,10,3,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24102,5,3,2,3,,1,4,,92,92,,91,92,92,0,92,92,92,,1,1,0,1,1,1,3,1,1,0,0,0,0,1,2,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,168,14,2,1,2,2,0,2,1,1,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,1,1 +24103,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24104,5,3,8,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24105,1,2,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24106,3,3,8,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24107,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24108,3,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24109,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,67,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24110,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,5,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24111,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24112,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24113,3,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24114,5,3,3,3,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,1,,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24115,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24116,3,3,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24117,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24118,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24119,5,3,8,2,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24120,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24121,4,3,90,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,164,13,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24122,3,2,90,2,0,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,143,11,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24123,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24124,5,2,1,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,25,2,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24125,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24126,3,1,6,1,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24127,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24128,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24129,5,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,61,5,2,1,,1,,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24130,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24131,5,3,1,2,91,,92,0,92,92,0,91,92,92,1,3,,,,0,0,0,2,3,5,10,1,1,1,1,0,0,0,0,92,1,1,0,0,0,0,0,1,3,3,1,0,0,0,0,1,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +24132,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24133,5,3,8,2,91,0,92,0,92,92,0,91,92,92,,92,92,92,,0,0,0,2,4,5,11,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24134,4,3,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24135,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24136,5,2,6,1,0,0,92,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24137,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24138,5,2,12,3,,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24139,1,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,21,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24140,3,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24141,3,3,12,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24142,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24143,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24144,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24145,5,3,1,2,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,198,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24146,1,3,11,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24147,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24148,4,3,7,1,0,0,92,0,92,92,1,1,1,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24149,5,2,10,2,0,0,92,0,92,92,0,1,,,1,1,2,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24150,5,2,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24151,4,3,8,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24152,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24153,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24154,1,3,6,1,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24155,3,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24156,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24157,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24158,3,3,2,3,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24159,5,3,4,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24160,5,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24161,4,2,1,2,91,0,92,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24162,5,1,1,3,,,92,,92,92,,,92,92,,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,1,1,0,2,1,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,1,1,0,1 +24163,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24164,5,3,90,2,91,0,92,0,92,92,0,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24165,5,2,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24166,5,3,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24167,4,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24168,1,3,8,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,27,2,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24169,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24170,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24171,3,3,4,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24172,5,3,6,1,1,0,92,0,92,92,1,1,1,2,1,1,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24173,5,2,11,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24174,3,1,12,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24175,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24176,3,3,8,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24177,4,3,3,3,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24178,5,2,12,3,0,1,1,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,2,2,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +24179,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24180,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24181,3,3,6,1,1,1,1,1,1,1,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,84,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24182,5,2,9,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24183,5,3,12,2,0,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24184,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24185,5,3,10,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24186,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24187,3,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24188,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24189,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24190,5,2,7,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24191,5,3,3,3,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24192,5,1,1,2,0,0,92,0,92,92,,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,192,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24193,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24194,5,3,11,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24195,2,3,11,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24196,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24197,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24198,3,3,4,2,,1,,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24199,3,1,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24200,3,3,1,3,1,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24201,2,1,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24202,4,2,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24203,4,3,10,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,92,92,92,92,86,7,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24204,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24205,4,2,8,3,91,1,3,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,50,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24206,3,3,11,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24207,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24208,4,3,90,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24209,1,3,1,2,0,0,92,0,92,92,1,1,2,2,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24210,5,3,2,3,1,1,2,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,186,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24211,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24212,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24213,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24214,5,1,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,,90,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0 +24215,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24216,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24217,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,4,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24218,3,3,7,1,91,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +24219,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24220,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24221,1,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,92,92,92,92,87,7,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24222,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24223,5,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24224,3,3,10,2,,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24225,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24226,3,1,1,2,,0,92,0,92,92,1,1,3,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24227,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24228,3,2,6,1,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,78,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24229,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24230,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24231,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,0,1,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24232,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24233,3,1,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24234,1,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24235,4,2,8,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24236,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24237,4,2,8,2,0,0,92,0,92,92,1,1,2,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,81,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24238,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24239,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,27,2,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24240,5,3,8,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,2,,,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24241,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,7,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24242,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24243,5,1,8,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +24244,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24245,1,3,6,1,,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24246,5,3,8,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24247,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24248,3,3,6,1,0,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24249,3,2,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24250,5,3,8,2,91,1,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,16,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24251,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,12,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24252,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24253,3,3,11,2,1,1,3,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,199,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24254,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24255,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24256,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24257,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24258,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24259,5,3,8,3,0,1,2,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24260,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +24261,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24262,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24263,4,3,8,2,91,0,92,0,92,92,,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,11,0,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24264,3,3,2,3,1,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,93,7,2,2,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24265,3,3,1,3,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,179,14,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24266,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24267,4,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24268,3,3,4,2,0,0,92,0,92,92,0,0,92,92,1,,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24269,5,4,10,2,,0,92,0,92,92,1,1,3,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,164,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24270,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24271,1,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24272,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24273,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24274,3,3,90,2,1,1,2,0,92,92,0,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,188,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24275,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24276,3,3,6,1,,0,92,0,92,92,,1,,2,0,92,92,92,0,0,0,0,4,4,5,13,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,52,4,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24277,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24278,5,2,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24279,3,3,8,2,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,13,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24280,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24281,1,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24282,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24283,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24284,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,0,3,1,1,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +24285,3,2,90,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24286,5,3,8,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,1,1,,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +24287,3,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,38,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24288,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24289,3,3,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24290,3,3,1,3,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,2,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +24291,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24292,5,3,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24293,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24294,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24295,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24296,5,3,90,2,,1,4,0,92,92,,1,1,2,1,3,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24297,5,3,1,2,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24298,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24299,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24300,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24301,3,1,1,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,2,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24302,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24303,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24304,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24305,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24306,5,1,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24307,3,3,90,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24308,3,3,2,3,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24309,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24310,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24311,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24312,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24313,2,1,4,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24314,4,3,5,2,0,0,92,0,92,92,1,0,92,92,1,,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24315,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24316,3,3,10,2,1,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24317,3,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24318,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24319,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24320,5,3,7,1,0,0,92,0,92,92,1,1,2,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,140,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24321,5,3,4,2,1,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24322,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24323,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24324,4,3,4,2,0,1,2,0,92,92,1,1,3,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,92,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24325,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24326,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24327,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24328,1,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24329,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +24330,4,3,6,1,,1,1,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,88,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24331,5,1,5,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24332,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24333,3,3,6,1,0,0,92,0,92,92,1,1,2,,1,2,2,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,,92,92,92,92,56,4,2,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24334,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24335,3,1,11,3,1,1,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,116,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24336,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24337,5,1,9,2,0,0,92,0,92,92,0,0,92,92,1,2,2,,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,179,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24338,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24339,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24340,3,1,8,2,,1,,0,92,92,0,1,2,2,1,1,3,1,0,1,1,0,1,1,1,3,1,1,0,1,0,1,0,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,131,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24341,3,3,7,1,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24342,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24343,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24344,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24345,3,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24346,5,2,10,2,0,0,92,0,92,92,1,1,2,3,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24347,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24348,5,1,7,1,1,1,2,0,92,92,,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,180,15,2,1,2,1,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +24349,1,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24350,2,1,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24351,3,3,6,1,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24352,3,3,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24353,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24354,2,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24355,3,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24356,1,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24357,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24358,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24359,5,3,8,3,,,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,18,1,1,1,,,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24360,5,2,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24361,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,19,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24362,3,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24363,5,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24364,3,3,6,1,0,2,2,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24365,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24366,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24367,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24368,5,1,12,2,0,0,92,0,92,92,1,0,92,92,1,1,2,,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,104,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24369,3,3,10,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24370,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,29,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24371,1,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24372,3,3,6,1,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24373,5,1,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24374,4,3,90,2,91,2,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24375,5,3,11,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24376,5,2,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24377,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24378,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24379,4,3,3,3,1,1,,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24380,5,3,6,1,0,0,92,0,92,92,0,1,2,2,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,75,6,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24381,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24382,5,3,1,3,0,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,213,17,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24383,2,1,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24384,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24385,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24386,5,2,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24387,5,3,6,1,91,1,2,0,92,92,1,0,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24388,5,2,1,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24389,3,3,10,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24390,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24391,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24392,3,3,2,3,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24393,4,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24394,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24395,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24396,5,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24397,1,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24398,5,1,10,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24399,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24400,5,3,8,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24401,5,3,6,1,1,1,3,1,2,2,,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,185,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24402,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24403,4,3,8,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24404,3,2,8,2,0,0,92,0,92,92,1,1,1,,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,95,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +24405,1,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24406,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24407,5,2,90,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24408,3,3,2,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24409,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24410,5,3,1,2,,0,92,0,92,92,,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,95,7,2,2,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +24411,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24412,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,2,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24413,3,3,5,2,1,,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24414,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24415,3,3,,,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,8,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24416,1,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24417,1,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24418,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24419,5,4,10,2,1,1,2,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,92,92,92,92,149,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24420,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24421,3,3,3,3,1,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,1,90,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24422,5,3,8,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24423,3,2,10,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24424,5,1,6,1,0,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,3,4,6,13,1,1,0,1,1,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,165,13,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24425,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,35,2,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24426,3,3,3,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24427,4,3,6,1,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,64,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24428,1,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24429,5,2,10,2,1,0,92,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,184,15,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24430,5,3,1,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24431,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24432,3,90,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24433,3,2,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24434,3,1,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24435,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24436,5,1,8,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24437,3,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,9,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24438,5,3,8,2,,1,,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,2,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24439,5,90,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24440,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24441,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24442,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,11,0,1,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24443,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24444,5,3,1,2,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,2,,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24445,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24446,3,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,36,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24447,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24448,3,3,90,2,,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,0,24,2,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24449,2,4,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24450,5,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24451,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,51,4,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24452,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24453,3,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24454,4,3,4,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24455,2,1,,,1,1,,,92,92,0,1,1,,,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24456,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24457,3,3,1,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24458,2,4,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24459,5,2,90,2,0,0,92,0,92,92,0,1,1,1,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24460,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24461,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24462,2,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24463,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,23,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24464,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,22,1,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24465,4,90,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24466,3,3,2,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,1,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24467,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24468,3,3,8,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24469,2,2,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24470,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24471,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24472,5,2,6,1,0,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,25,2,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24473,5,2,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24474,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24475,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24476,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24477,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,154,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24478,3,1,5,2,1,2,,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,105,8,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24479,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24480,5,1,1,2,0,1,2,0,92,92,1,1,3,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24481,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24482,5,1,6,1,0,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24483,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24484,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,173,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24485,3,2,11,2,0,0,92,0,92,92,0,1,2,2,1,1,,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24486,2,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24487,3,3,8,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24488,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24489,3,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24490,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24491,5,4,8,3,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,1,0,0,23,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24492,5,2,2,3,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24493,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24494,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24495,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24496,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24497,5,3,10,2,0,0,92,0,92,92,0,1,3,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,150,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24498,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24499,5,3,6,1,1,,92,0,92,92,0,1,3,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,131,10,2,2,,5,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24500,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24501,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24502,5,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24503,5,2,8,3,91,0,92,,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24504,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24505,3,3,6,1,91,0,92,1,3,2,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,10,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24506,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,18,1,1,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24507,3,3,8,2,,0,92,0,92,92,1,,92,92,1,3,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24508,3,3,6,1,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24509,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24510,5,90,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24511,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,23,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24512,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24513,1,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24514,3,3,1,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24515,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24516,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24517,5,1,4,2,0,2,,0,92,92,0,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,163,13,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24518,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24519,3,3,11,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24520,5,3,90,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24521,3,3,2,3,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,191,15,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24522,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24523,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24524,3,2,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24525,3,3,2,3,0,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24526,4,3,4,2,0,0,92,0,92,92,1,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,92,92,92,92,199,16,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24527,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24528,3,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24529,3,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24530,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,4,5,11,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24531,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24532,5,2,1,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,78,6,2,2,1,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24533,4,3,90,2,0,,92,0,92,92,0,1,2,2,1,2,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,65,5,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24534,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24535,5,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24536,3,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24537,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24538,5,3,1,2,0,1,,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,211,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24539,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24540,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24541,5,3,90,2,0,0,92,0,92,92,1,1,2,2,1,1,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24542,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24543,4,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24544,4,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24545,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24546,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24547,3,3,6,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24548,5,2,8,3,91,1,3,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,2,4,5,11,1,1,0,1,1,0,0,0,92,0,1,0,0,1,0,0,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,1,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,41,3,2,2,2,1,,5,1,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +24549,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24550,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24551,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24552,3,3,4,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,1,1,0,0,0,0,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24553,4,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24554,5,3,9,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24555,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24556,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24557,5,2,6,1,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24558,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24559,3,3,11,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24560,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24561,5,1,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24562,4,3,3,3,1,1,4,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,2,2,5,9,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,2,2,2,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1 +24563,5,3,2,3,0,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,2,90,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24564,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24565,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24566,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24567,5,1,6,1,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24568,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24569,3,1,12,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24570,3,2,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24571,3,3,6,1,1,1,2,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,77,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24572,1,2,10,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,188,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24573,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24574,4,2,2,3,,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24575,3,3,1,3,0,0,92,0,92,92,,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24576,4,3,10,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24577,3,1,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24578,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24579,3,3,11,2,1,2,,,92,92,0,1,3,,1,2,3,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,183,15,2,1,2,1,0,3,1,1,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +24580,5,2,4,2,1,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24581,5,3,90,2,,0,92,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24582,5,90,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24583,5,3,12,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24584,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,92,92,92,92,2,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24585,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24586,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,49,4,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24587,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24588,3,1,2,3,,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,93,7,2,2,,2,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +24589,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24590,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24591,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24592,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24593,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24594,5,2,10,2,0,2,2,0,92,92,1,1,3,2,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,114,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24595,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24596,3,3,2,3,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24597,5,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24598,5,2,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,143,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24599,5,2,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24600,5,1,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24601,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24602,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24603,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24604,5,2,11,2,0,0,92,0,92,92,1,1,1,,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24605,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24606,5,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24607,4,2,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24608,3,2,9,2,91,0,92,0,92,92,1,,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24609,5,1,6,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,11,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24610,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,213,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24611,4,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24612,1,2,8,3,,2,,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24613,4,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24614,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24615,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24616,3,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24617,5,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24618,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24619,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24620,3,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24621,5,3,,,,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24622,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,84,7,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24623,3,3,6,1,0,0,92,0,92,92,1,1,2,2,1,1,3,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,,92,92,92,92,47,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24624,5,90,3,2,1,1,,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,1,1,0,5,1,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +24625,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24626,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24627,5,2,10,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,102,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24628,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24629,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24630,5,1,3,3,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24631,5,2,9,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24632,5,3,11,2,0,1,,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,2,2,1,1,1,0,1,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24633,5,3,8,3,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +24634,5,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24635,4,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24636,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24637,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24638,3,2,11,2,1,1,1,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24639,3,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24640,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24641,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,1,,,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +24642,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24643,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24644,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24645,5,3,9,2,91,1,,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,26,2,2,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24646,4,3,10,2,0,2,1,,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24647,5,1,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24648,5,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24649,5,3,6,1,0,2,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24650,5,3,6,1,0,0,92,0,92,92,1,1,2,,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24651,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24652,1,3,8,2,0,0,92,0,92,92,0,1,1,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,89,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24653,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24654,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24655,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24656,1,3,12,3,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24657,5,3,8,3,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24658,3,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24659,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24660,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24661,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24662,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24663,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24664,5,90,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24665,4,3,4,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24666,5,3,8,3,,1,4,,92,92,0,,92,92,0,92,92,92,,1,0,0,1,1,2,4,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,,,0,5,1,1,1,0,1,1,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,1,0,0,1,1,1 +24667,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24668,4,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24669,5,3,4,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24670,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24671,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24672,1,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24673,5,2,7,1,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24674,5,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24675,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24676,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24677,5,3,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24678,5,1,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24679,5,90,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24680,3,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24681,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24682,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24683,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24684,5,2,90,2,0,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,139,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24685,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24686,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24687,3,2,5,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24688,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24689,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24690,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24691,5,3,3,3,1,1,,0,92,92,,1,,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24692,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24693,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24694,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24695,3,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24696,5,1,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,28,2,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24697,3,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24698,3,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24699,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24700,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24701,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24702,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24703,5,3,11,2,0,0,92,0,92,92,1,0,92,92,1,,4,1,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24704,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24705,5,3,8,3,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,201,16,2,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24706,3,1,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,4,5,13,1,1,0,1,1,0,0,0,92,0,1,1,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,58,4,2,1,,2,0,3,1,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +24707,5,3,10,3,0,0,92,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24708,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24709,1,3,12,3,91,1,,1,1,4,0,91,92,92,0,92,92,92,,1,0,1,1,1,,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,92,92,92,92,83,6,2,2,2,1,0,5,1,1,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +24710,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24711,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24712,3,2,3,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24713,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24714,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24715,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24716,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24717,3,3,8,2,91,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24718,5,2,8,2,91,0,92,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24719,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24720,5,3,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24721,3,3,6,1,91,0,92,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24722,5,2,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24723,4,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24724,5,3,10,2,,0,92,0,92,92,0,1,,2,1,3,2,1,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,110,9,2,1,2,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24725,1,3,10,2,0,2,1,0,92,92,1,1,1,,1,2,,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24726,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24727,3,2,1,2,1,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24728,3,3,6,1,0,0,92,0,92,92,1,1,1,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24729,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24730,3,3,6,1,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24731,2,3,90,2,,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24732,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,44,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24733,1,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24734,3,3,3,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,92,92,92,92,198,16,2,2,2,2,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24735,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24736,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24737,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24738,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24739,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24740,5,3,6,1,0,1,,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,120,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24741,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24742,5,4,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24743,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24744,3,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,2,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24745,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24746,5,3,1,2,0,0,92,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24747,3,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,20,1,1,1,2,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +24748,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24749,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24750,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24751,5,3,12,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,2,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,151,12,2,2,,1,0,3,1,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +24752,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24753,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24754,5,3,6,1,0,0,92,0,92,92,,1,1,4,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24755,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24756,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24757,3,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24758,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24759,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24760,5,3,6,1,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24761,5,3,1,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,2,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24762,5,2,6,1,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24763,5,2,12,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24764,5,2,10,2,0,0,92,0,92,92,1,1,1,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24765,1,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24766,5,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,2,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24767,5,3,3,3,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,1,,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24768,5,2,8,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24769,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24770,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24771,5,1,12,2,0,0,92,0,92,92,1,1,2,2,1,2,1,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24772,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24773,1,3,4,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24774,3,3,8,2,91,1,1,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24775,5,2,10,2,1,1,1,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24776,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24777,1,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,1,0,0,0,1,0,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24778,5,3,6,1,1,0,92,0,92,92,1,1,2,2,1,1,3,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,143,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24779,5,3,5,2,1,1,4,0,92,92,,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24780,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24781,5,2,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,2,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24782,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,92,92,92,92,42,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24783,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24784,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24785,3,2,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24786,5,3,8,3,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,2,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24787,5,2,10,2,0,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24788,3,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24789,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24790,5,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24791,5,3,9,2,91,2,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,,1,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +24792,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24793,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24794,5,2,4,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24795,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,36,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24796,5,3,1,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24797,5,3,1,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,165,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24798,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24799,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24800,1,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24801,3,2,10,2,0,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,141,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24802,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24803,3,3,7,1,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24804,4,3,6,1,0,0,92,0,92,92,0,1,1,4,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24805,3,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,2,2,1,,5,1,1,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +24806,5,2,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,,92,92,92,92,7,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24807,3,3,8,3,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24808,5,2,90,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,36,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24809,5,3,10,2,0,0,92,0,92,92,1,1,2,2,1,3,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24810,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24811,3,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24812,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24813,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24814,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24815,5,1,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24816,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24817,5,2,4,2,1,,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,167,13,2,1,,2,0,5,1,1,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +24818,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24819,4,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24820,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24821,5,3,12,2,,0,92,0,92,92,0,0,92,92,1,1,,,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24822,3,3,1,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,197,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24823,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24824,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,17,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24825,3,3,8,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24826,5,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24827,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,11,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24828,5,1,1,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24829,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24830,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24831,5,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24832,3,2,12,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,1,,1,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24833,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24834,4,3,90,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24835,5,3,8,2,,0,92,0,92,92,,91,92,92,1,3,4,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,47,3,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24836,5,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24837,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24838,5,2,6,1,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24839,3,2,6,1,0,0,92,0,92,92,,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24840,5,1,4,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,101,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24841,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24842,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,,,,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24843,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24844,2,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24845,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24846,5,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,165,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24847,3,2,11,2,0,1,,0,92,92,1,0,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24848,5,3,10,2,1,0,92,0,92,92,0,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24849,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24850,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24851,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24852,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24853,5,3,10,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,171,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24854,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24855,5,3,10,2,1,2,,0,92,92,1,1,1,3,1,1,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,87,7,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24856,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24857,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24858,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24859,5,3,6,1,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,63,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24860,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24861,5,3,11,2,1,1,,,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24862,3,3,2,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,0,0,92,0,1,0,0,1,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,12,1,1,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24863,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24864,1,3,8,2,0,0,92,0,92,92,0,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,54,4,2,1,,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +24865,5,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24866,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24867,3,1,8,2,91,1,1,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24868,5,3,6,1,91,1,,,92,92,0,91,92,92,1,2,2,1,,0,0,0,2,2,3,7,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,1,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,92,92,92,92,25,2,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24869,2,1,6,1,0,0,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,76,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24870,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24871,5,2,6,1,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,62,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24872,5,3,9,2,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24873,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24874,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,1,1,6,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +24875,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24876,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,2,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24877,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24878,4,3,6,1,91,1,,1,1,,,91,92,92,0,92,92,92,,0,0,1,1,4,5,10,1,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,197,16,2,1,,2,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +24879,3,2,1,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24880,2,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24881,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24882,5,3,8,2,91,1,4,,92,92,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,1,,0,1,0,0,0,0,0,1,2,,1,0,0,0,1,0,0,1,1,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,94,7,2,2,,,0,5,1,1,1,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,1,0,1,0,0,0,1,1 +24883,3,3,8,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24884,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24885,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,16,1,1,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24886,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24887,1,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24888,5,3,2,,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24889,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24890,5,3,1,2,1,1,3,0,92,92,,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24891,5,3,12,2,0,0,92,0,92,92,0,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,201,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24892,4,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24893,3,3,10,2,0,0,92,0,92,92,1,1,1,2,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24894,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24895,5,1,5,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24896,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24897,4,2,1,2,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24898,5,3,10,2,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24899,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24900,2,1,8,2,0,0,92,0,92,92,0,1,3,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,57,4,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24901,5,3,8,2,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,89,7,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24902,3,1,6,1,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24903,5,3,10,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24904,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24905,5,1,,,1,1,,,92,92,0,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24906,3,1,4,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24907,5,3,11,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24908,5,3,12,3,0,0,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,92,92,92,92,80,6,2,1,,1,0,6,1,1,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +24909,5,1,6,1,0,0,92,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,97,8,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24910,3,3,11,2,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24911,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24912,4,3,8,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24913,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,71,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24914,5,3,4,2,1,1,3,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,1,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24915,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24916,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24917,3,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24918,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24919,5,3,7,1,0,0,92,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,186,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24920,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24921,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24922,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24923,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24924,3,3,10,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24925,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24926,3,2,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24927,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24928,3,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,1,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24929,5,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24930,5,2,90,2,0,0,92,0,92,92,0,0,92,92,1,2,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24931,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24932,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,18,1,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24933,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24934,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24935,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24936,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24937,5,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24938,4,3,11,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,2,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24939,5,3,12,2,91,2,,0,92,92,0,91,92,92,1,2,3,1,,0,0,0,1,3,5,9,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,14,1,1,1,2,2,0,5,1,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +24940,5,3,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24941,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24942,3,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24943,5,3,8,3,91,1,3,0,92,92,0,0,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,1,0,1,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +24944,5,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,2,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24945,5,1,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,187,15,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24946,3,3,10,2,,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24947,5,2,9,2,91,1,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24948,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24949,2,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24950,5,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24951,2,1,90,2,,1,1,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24952,5,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,120,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24953,5,3,8,3,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24954,3,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24955,3,90,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24956,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24957,5,90,1,3,,1,4,0,92,92,,91,92,92,,92,92,92,,0,0,0,1,1,5,7,1,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,1,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1 +24958,5,3,1,3,1,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24959,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24960,3,4,1,2,1,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,141,11,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24961,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24962,3,2,2,2,1,2,1,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,98,8,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24963,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24964,3,2,6,1,0,2,1,0,92,92,0,1,1,2,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,92,92,92,92,82,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24965,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24966,2,1,,,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,17,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24967,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24968,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24969,1,90,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24970,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24971,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24972,5,2,90,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24973,5,3,1,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24974,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24975,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24976,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24977,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24978,4,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,66,5,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24979,5,3,1,3,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,1,4,5,10,1,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +24980,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24981,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24982,5,3,8,3,,1,2,1,2,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,66,5,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24983,3,3,1,2,1,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24984,5,3,1,3,91,,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,2,,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24985,3,1,1,2,91,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,30,2,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24986,5,3,4,2,1,0,92,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,93,7,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24987,5,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24988,4,3,4,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,104,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24989,1,2,90,2,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,97,8,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24990,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,19,1,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +24991,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24992,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24993,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24994,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24995,5,3,90,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24996,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24997,5,3,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +24998,1,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +24999,5,3,5,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,,2,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25000,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25001,5,3,10,2,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25002,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25003,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25004,1,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25005,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25006,3,2,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25007,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25008,5,2,6,1,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25009,3,3,90,2,0,0,92,0,92,92,0,1,2,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,83,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25010,3,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25011,1,3,8,2,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25012,5,1,8,2,0,0,92,0,92,92,0,1,2,2,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,48,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25013,5,3,11,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25014,1,3,6,1,0,0,92,0,92,92,0,1,1,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,196,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25015,5,2,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25016,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,1,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25017,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25018,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25019,3,3,8,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25020,3,3,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25021,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25022,3,2,10,2,1,2,1,0,92,92,1,1,2,,1,3,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,1,1,0,0,0,0,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,,1,0,5,1,1,1,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +25023,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25024,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25025,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25026,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25027,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25028,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25029,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25030,2,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25031,5,3,4,2,0,0,92,0,92,92,1,1,1,2,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,88,7,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25032,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25033,3,4,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25034,4,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25035,1,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,92,92,92,92,44,3,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25036,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25037,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25038,3,3,8,2,0,0,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,45,3,2,2,,4,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25039,5,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25040,3,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25041,3,3,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,,2,,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25042,3,3,6,1,,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25043,5,3,1,3,1,1,,,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25044,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25045,4,3,11,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25046,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25047,2,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25048,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25049,3,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25050,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25051,4,3,12,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25052,3,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25053,3,1,10,2,0,1,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25054,4,3,1,2,,0,92,0,92,92,,91,92,92,1,1,2,1,,0,0,0,3,1,6,10,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,0,92,92,92,92,165,13,2,1,,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +25055,5,3,90,2,1,1,,0,92,92,,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,2,2,1,,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +25056,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25057,3,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25058,3,3,6,1,1,1,2,0,92,92,0,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,130,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25059,5,2,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25060,5,2,10,2,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25061,3,90,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25062,1,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,51,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25063,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25064,5,3,11,2,0,0,92,0,92,92,0,1,2,3,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,209,17,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25065,5,2,7,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25066,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25067,3,2,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25068,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25069,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25070,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25071,5,3,90,2,,0,92,0,92,92,1,1,2,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,,92,92,92,92,141,11,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25072,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25073,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25074,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25075,2,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25076,4,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25077,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25078,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25079,5,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25080,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,30,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25081,5,90,9,2,,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25082,5,3,90,3,0,2,3,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,138,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25083,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25084,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25085,1,1,11,2,0,1,1,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,191,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25086,4,3,7,1,0,0,92,0,92,92,0,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25087,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25088,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25089,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,103,8,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25090,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25091,1,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,31,2,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25092,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25093,5,3,12,2,0,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25094,4,3,2,3,1,2,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25095,5,2,1,2,0,0,92,0,92,92,1,1,,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25096,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25097,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,16,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25098,5,3,8,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25099,3,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25100,1,1,8,3,91,0,92,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25101,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25102,4,3,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25103,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25104,5,2,90,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,1,1,0,0,0,0,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +25105,3,3,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,78,6,2,2,,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25106,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25107,5,1,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25108,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25109,5,3,7,1,0,0,92,0,92,92,1,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,1,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25110,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25111,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,41,3,2,1,2,4,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25112,2,3,8,2,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25113,3,3,5,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25114,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,13,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25115,3,1,1,3,,1,,0,92,92,,,92,92,,92,92,92,,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,92,92,92,92,72,6,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25116,3,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,132,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25117,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25118,3,3,12,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25119,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25120,5,3,8,2,0,0,92,0,92,92,,1,1,,1,3,,2,,0,0,0,,,,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25121,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25122,2,3,10,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25123,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25124,4,3,1,3,1,1,,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,1,1,0,1,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,2,,2,0,4,1,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +25125,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25126,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25127,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25128,5,2,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25129,3,3,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25130,4,2,7,1,91,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25131,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,8,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25132,5,3,7,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25133,4,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25134,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25135,4,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25136,3,1,6,1,91,1,2,1,2,1,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,92,92,92,92,33,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25137,1,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25138,5,3,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25139,3,3,8,2,91,1,2,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25140,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25141,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25142,5,3,10,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25143,5,3,8,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25144,5,1,90,2,,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25145,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25146,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25147,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25148,,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25149,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25150,3,3,2,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25151,5,2,11,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,3,5,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25152,3,3,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,24,2,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +25153,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25154,5,2,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25155,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25156,4,3,8,3,0,0,92,,92,92,0,91,92,92,1,3,,,,0,0,0,4,4,6,14,2,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25157,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25158,3,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,54,4,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25159,1,3,7,1,0,0,92,0,92,92,1,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25160,5,3,7,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25161,5,1,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25162,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25163,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25164,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25165,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,1,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25166,5,1,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,113,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25167,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25168,1,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25169,3,3,8,2,91,1,4,1,1,2,0,91,92,92,0,92,92,92,0,0,0,0,4,4,5,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,36,3,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25170,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,1,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25171,5,1,9,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,55,4,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25172,4,3,5,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,141,11,2,1,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25173,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25174,3,3,1,3,0,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25175,3,3,11,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25176,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25177,5,3,5,2,1,,92,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25178,5,1,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25179,5,90,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,48,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25180,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25181,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25182,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25183,5,2,90,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25184,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25185,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,68,5,2,2,2,3,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25186,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25187,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25188,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25189,3,1,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25190,5,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25191,3,1,1,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25192,3,4,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25193,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25194,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25195,5,4,1,3,,1,,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,1,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25196,5,2,8,3,,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25197,4,2,8,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25198,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25199,5,3,12,3,0,0,92,0,92,92,0,0,92,92,1,,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25200,5,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25201,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25202,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25203,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25204,3,2,6,1,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25205,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,2,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25206,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25207,4,3,5,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25208,3,3,90,2,1,1,2,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25209,5,1,9,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,1,1,6,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,43,3,2,2,,3,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25210,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25211,4,3,1,2,,1,3,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,47,3,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25212,5,3,6,1,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25213,5,3,7,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25214,3,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25215,5,1,8,2,0,,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,70,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25216,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25217,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25218,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25219,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25220,4,3,8,2,0,0,92,0,92,92,0,1,1,2,1,1,2,1,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,88,7,2,2,2,2,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +25221,5,3,10,2,0,2,,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25222,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,16,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25223,5,1,1,2,1,1,2,,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25224,5,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,11,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25225,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25226,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25227,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,2,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25228,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25229,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25230,5,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,92,92,92,92,32,2,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25231,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25232,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25233,5,1,6,1,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25234,5,2,,,1,,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,65,5,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25235,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25236,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25237,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25238,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25239,4,3,8,2,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25240,5,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25241,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25242,3,3,9,2,91,2,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25243,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25244,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,23,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25245,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25246,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25247,1,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25248,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25249,5,3,1,2,1,,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,2,3,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25250,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25251,3,90,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25252,3,2,7,1,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25253,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25254,3,1,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,93,7,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25255,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25256,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25257,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25258,4,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,152,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25259,5,1,6,1,0,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25260,4,2,2,3,0,2,,,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25261,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25262,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25263,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,2,1,0,3,1,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +25264,4,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25265,4,2,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25266,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25267,1,90,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25268,4,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25269,5,1,5,2,91,1,1,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25270,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,16,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25271,5,3,6,1,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25272,3,3,2,3,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,1,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,79,6,2,1,2,2,0,5,1,0,1,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,1 +25273,5,3,6,1,0,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25274,5,3,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25275,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25276,5,3,10,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25277,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25278,3,1,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25279,5,2,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,186,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25280,5,2,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25281,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25282,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25283,3,1,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25284,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25285,3,3,7,1,0,0,92,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25286,5,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25287,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25288,5,3,2,,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25289,2,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25290,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25291,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25292,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25293,3,3,7,1,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,49,4,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25294,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25295,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25296,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25297,2,1,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25298,4,3,8,2,1,,92,0,92,92,,1,,,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,155,12,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25299,4,2,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25300,3,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25301,5,3,7,1,91,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25302,2,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25303,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25304,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25305,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25306,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25307,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,0,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25308,3,3,6,1,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25309,3,3,10,2,0,1,2,1,,,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25310,3,1,1,3,0,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25311,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25312,4,3,8,3,91,2,,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,1,0,0,1,0,0,0,92,92,92,92,8,0,1,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25313,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,2,,5,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25314,5,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25315,3,3,1,3,91,,92,,92,92,,91,92,92,,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25316,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25317,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25318,3,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25319,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25320,3,1,1,2,1,2,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25321,3,3,5,2,0,0,92,0,92,92,1,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,143,11,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25322,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25323,3,3,10,2,1,1,,0,92,92,0,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,92,92,92,92,211,17,2,1,,1,0,5,1,1,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +25324,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25325,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25326,5,3,6,1,0,0,92,0,92,92,1,1,2,2,1,,4,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,135,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25327,3,1,12,2,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,9,0,1,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25328,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25329,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25330,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25331,5,2,10,2,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25332,5,3,8,2,1,,92,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25333,5,1,9,2,91,2,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25334,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25335,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25336,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25337,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25338,5,3,5,2,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,74,6,2,1,,1,0,7,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25339,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25340,3,3,90,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25341,5,3,10,2,1,,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,104,8,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25342,3,3,8,2,91,0,92,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,6,0,1,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25343,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25344,3,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25345,3,1,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25346,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25347,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25348,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25349,4,3,10,2,1,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,189,15,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25350,3,3,1,2,0,0,92,0,92,92,0,1,,,1,3,2,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,110,9,2,1,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25351,3,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25352,3,3,10,2,1,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25353,5,3,11,2,0,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,215,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25354,5,3,1,2,0,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25355,4,2,9,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25356,3,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25357,5,3,4,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,92,92,92,92,139,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25358,5,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25359,2,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25360,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25361,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25362,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25363,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25364,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25365,3,3,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25366,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +25367,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25368,3,3,6,1,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,113,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25369,5,1,1,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25370,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25371,5,2,6,1,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25372,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25373,4,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25374,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25375,5,2,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25376,5,3,5,2,,0,92,1,1,1,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,68,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25377,3,3,8,2,0,0,92,0,92,92,0,91,92,92,1,1,3,,0,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,54,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25378,3,3,90,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,87,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25379,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,1,,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +25380,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25381,5,3,5,2,0,0,92,0,92,92,1,0,92,92,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25382,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25383,5,2,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25384,2,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25385,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25386,3,3,9,2,91,1,4,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,14,1,1,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25387,4,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25388,5,2,9,2,91,0,92,0,92,92,1,0,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,17,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25389,3,1,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,3,5,10,1,1,0,1,1,0,0,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25390,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25391,5,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25392,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25393,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,203,16,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25394,5,3,8,2,,0,92,0,92,92,1,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25395,4,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25396,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25397,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25398,4,3,8,2,91,1,3,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25399,5,90,2,3,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25400,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25401,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25402,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25403,5,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25404,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25405,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25406,5,1,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,30,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25407,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25408,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25409,5,1,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25410,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25411,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25412,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25413,5,3,10,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,101,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25414,3,2,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25415,3,90,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25416,5,3,90,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25417,1,2,,,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25418,2,3,7,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25419,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25420,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25421,3,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25422,5,2,10,2,0,0,92,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25423,3,3,6,1,0,0,92,0,92,92,1,1,2,2,1,2,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,132,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25424,4,3,4,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25425,3,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25426,4,2,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25427,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25428,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25429,5,1,2,2,1,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25430,5,2,5,2,0,0,92,0,92,92,0,1,1,1,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25431,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25432,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25433,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25434,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25435,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25436,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,146,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25437,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,1,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +25438,5,3,9,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25439,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25440,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,114,9,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25441,3,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25442,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25443,5,2,11,2,0,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25444,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,3,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25445,5,3,8,2,0,0,92,0,92,92,0,1,1,,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25446,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25447,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25448,3,90,6,1,,1,,0,92,92,0,1,1,2,1,,3,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,149,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25449,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25450,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25451,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,8,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25452,5,2,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25453,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25454,1,1,8,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25455,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25456,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25457,3,3,8,2,91,0,92,0,92,92,1,1,,,1,3,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25458,3,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25459,3,3,10,2,1,1,,0,92,92,1,0,92,92,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,141,11,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25460,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25461,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25462,4,3,2,3,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25463,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25464,5,3,6,1,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25465,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25466,3,3,10,2,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25467,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25468,1,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25469,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25470,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25471,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25472,3,2,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25473,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25474,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25475,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25476,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25477,5,3,6,1,0,1,3,1,3,2,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,153,12,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25478,5,3,10,2,0,0,92,0,92,92,0,1,3,3,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,145,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25479,5,1,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25480,1,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25481,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25482,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25483,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,9,0,1,2,2,1,0,5,1,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +25484,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25485,5,2,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25486,3,3,10,2,0,0,92,0,92,92,1,1,1,3,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,107,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25487,1,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25488,5,3,7,1,0,2,2,1,2,1,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,92,92,92,92,38,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25489,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25490,3,1,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,65,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25491,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25492,5,3,6,1,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25493,5,3,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25494,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25495,3,3,10,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25496,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25497,5,3,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25498,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25499,3,3,4,2,0,,92,0,92,92,0,1,3,2,1,1,2,2,0,0,0,0,4,3,6,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,134,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25500,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,2,4,5,11,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25501,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25502,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25503,4,2,9,2,91,0,92,0,92,92,,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,1,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,2,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +25504,4,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25505,5,2,6,1,91,0,92,0,92,92,1,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25506,5,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25507,3,1,8,2,91,0,92,0,92,92,0,91,92,92,,92,92,92,,,,,4,5,6,15,2,1,0,1,0,0,0,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25508,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25509,5,3,10,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,198,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25510,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25511,3,2,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25512,3,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25513,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25514,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25515,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25516,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25517,4,3,12,2,0,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25518,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25519,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,2,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25520,5,3,5,2,1,1,,0,92,92,1,1,2,2,1,1,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,202,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25521,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25522,5,3,,,91,,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,8,0,1,2,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25523,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25524,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25525,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,9,0,1,1,1,,0,6,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0, +25526,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25527,5,3,8,3,91,1,2,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25528,1,3,4,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25529,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25530,5,1,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25531,3,2,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25532,1,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25533,4,3,1,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25534,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25535,4,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,2,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25536,5,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25537,3,3,90,2,0,1,2,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,81,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25538,3,4,2,3,0,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,1,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25539,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25540,5,3,5,2,1,1,3,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25541,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25542,3,3,12,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25543,1,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25544,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25545,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25546,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25547,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25548,5,3,11,2,0,2,,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25549,3,3,1,2,0,0,92,0,92,92,,0,92,92,1,,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,135,11,2,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25550,3,2,90,2,0,0,92,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25551,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25552,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25553,5,90,8,2,0,,92,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,72,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25554,5,2,7,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25555,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25556,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25557,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25558,5,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25559,5,1,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25560,3,1,8,3,0,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,130,10,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25561,2,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25562,3,3,8,3,1,1,,0,92,92,0,1,1,2,1,2,2,1,1,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,159,13,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +25563,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25564,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25565,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25566,2,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25567,3,90,1,3,1,0,92,0,92,92,0,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25568,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25569,3,3,9,2,91,0,92,0,92,92,1,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,24,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25570,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,75,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25571,5,3,1,3,91,1,,,92,92,,91,92,92,,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,1,1,1,0,0,92,92,92,92,92,1,3,,1,1,0,0,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,1,2,2,0,5,1,1,1,0,1,1,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,1,1,1,1,1 +25572,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25573,5,3,4,2,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,156,13,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25574,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25575,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25576,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25577,3,3,8,3,91,1,4,0,92,92,,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,4,0,1,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25578,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25579,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25580,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,1,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25581,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25582,5,3,10,2,0,0,92,0,92,92,1,1,3,2,,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25583,3,3,8,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25584,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25585,2,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25586,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,24,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25587,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25588,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25589,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25590,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,141,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25591,5,3,8,2,0,0,92,0,92,92,1,1,2,4,1,3,4,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,59,4,2,2,2,1,0,4,1,1,1,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +25592,3,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25593,4,3,6,1,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,2,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25594,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25595,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25596,5,3,1,3,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,2,2,3,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,1 +25597,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25598,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25599,3,3,6,1,0,0,92,0,92,92,1,1,2,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,142,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25600,3,3,12,2,0,0,92,0,92,92,1,1,2,3,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25601,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25602,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25603,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25604,5,3,1,2,91,0,92,0,92,92,1,1,2,4,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25605,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25606,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,2,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +25607,3,1,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,116,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25608,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25609,3,3,6,1,91,2,2,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,1,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,50,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25610,5,3,90,2,0,0,92,0,92,92,1,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25611,5,3,11,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25612,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25613,5,3,9,2,,2,1,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,14,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25614,5,2,2,3,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,112,9,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +25615,3,90,8,2,0,0,92,0,92,92,0,1,2,,1,3,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,82,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25616,2,1,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25617,3,2,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25618,3,3,8,2,,,92,0,92,92,1,0,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25619,2,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,76,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25620,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25621,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25622,3,3,9,2,0,0,92,0,92,92,1,0,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25623,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25624,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25625,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25626,5,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25627,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25628,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25629,5,2,9,2,91,0,92,0,92,92,0,91,92,92,1,2,,,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,11,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25630,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25631,1,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25632,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25633,4,3,1,2,91,2,,0,92,92,0,91,92,92,0,92,92,92,,1,0,0,4,1,6,11,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,1,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,2,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1,1,0,1 +25634,2,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25635,5,2,6,1,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,19,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25636,3,3,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25637,3,3,5,2,,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25638,1,3,9,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25639,5,3,9,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,198,16,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25640,3,3,11,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25641,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25642,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25643,5,3,11,2,91,1,2,1,1,4,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,89,7,2,2,2,2,1,5,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +25644,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25645,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25646,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25647,5,2,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25648,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25649,3,3,90,2,1,1,2,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,127,10,2,2,2,1,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25650,5,2,90,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25651,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,29,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25652,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25653,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25654,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25655,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25656,5,3,8,2,0,0,92,0,92,92,0,1,2,3,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,106,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25657,5,2,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,113,9,2,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25658,3,1,11,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,1,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25659,3,3,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25660,2,2,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25661,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,30,2,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25662,4,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25663,3,3,90,2,91,2,1,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25664,5,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25665,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25666,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25667,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25668,3,3,4,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25669,3,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25670,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25671,4,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25672,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25673,4,3,11,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,214,17,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25674,5,3,4,2,1,1,,1,,,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25675,4,3,90,2,,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25676,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25677,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25678,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25679,3,3,12,2,0,0,92,0,92,92,,1,3,2,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,215,17,2,1,2,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25680,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25681,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25682,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25683,5,3,90,2,91,,92,,92,92,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25684,1,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25685,3,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25686,3,1,1,2,1,1,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25687,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25688,3,90,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,6,0,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25689,3,3,3,3,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25690,5,3,2,3,1,2,,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,87,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25691,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25692,5,2,6,1,91,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25693,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25694,5,1,8,3,91,1,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25695,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25696,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25697,5,3,90,2,0,0,92,0,92,92,1,0,92,92,1,3,1,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25698,4,3,10,2,91,0,92,0,92,92,0,1,,2,1,3,2,,,0,0,0,3,4,5,12,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25699,5,3,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25700,5,1,8,2,0,1,2,0,92,92,0,1,1,2,1,1,4,1,1,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,,92,92,92,92,149,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25701,3,1,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25702,5,3,4,2,0,0,92,0,92,92,1,1,,2,1,,2,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25703,3,2,1,2,,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25704,3,1,10,2,1,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25705,5,3,11,2,,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25706,3,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,78,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25707,5,3,8,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25708,5,1,1,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,1,0,0,1,1,2,4,1,1,0,0,0,0,0,2,92,0,1,0,0,0,1,0,1,1,3,1,1,0,1,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,,1,0,2,1,1,1,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,1 +25709,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25710,3,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,113,9,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25711,2,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,63,5,2,1,2,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25712,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25713,5,1,90,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25714,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25715,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25716,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25717,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25718,5,1,8,3,91,1,2,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25719,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,1,,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,1,1,3,1,1,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +25720,5,2,8,3,1,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25721,3,3,6,1,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25722,3,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,75,6,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25723,2,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25724,3,4,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25725,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25726,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25727,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25728,5,90,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25729,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25730,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25731,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25732,5,2,1,2,0,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,0,0,0,1,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,2,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25733,5,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25734,5,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25735,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25736,1,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25737,3,1,10,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25738,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25739,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25740,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25741,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25742,2,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25743,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25744,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25745,5,3,1,3,1,1,,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,203,16,2,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25746,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25747,3,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25748,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,22,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25749,3,2,9,2,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25750,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25751,5,3,2,3,1,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,128,10,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25752,5,3,8,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25753,5,3,1,3,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,98,8,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25754,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25755,5,3,8,2,91,0,92,0,92,92,1,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,40,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25756,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25757,1,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25758,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25759,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25760,3,3,1,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25761,2,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25762,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25763,3,3,8,3,0,0,92,0,92,92,1,0,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25764,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25765,5,3,90,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25766,5,1,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25767,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25768,5,1,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25769,5,3,5,2,1,1,3,0,92,92,0,1,2,,1,3,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,132,11,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +25770,5,90,6,1,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25771,5,3,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25772,1,3,4,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25773,5,3,7,1,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25774,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25775,3,3,6,1,1,2,,0,92,92,0,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,123,10,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25776,5,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25777,3,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25778,3,3,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25779,3,1,7,1,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,27,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25780,3,3,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25781,3,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,214,17,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25782,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,9,0,1,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25783,5,3,7,1,91,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,65,5,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25784,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25785,3,3,1,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25786,5,2,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25787,3,3,1,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25788,5,3,8,2,91,0,92,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25789,2,3,90,2,0,0,92,0,92,92,1,1,1,2,1,2,4,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25790,3,3,11,2,0,2,,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25791,3,3,1,2,0,2,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25792,5,4,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25793,3,3,1,2,1,2,3,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,66,5,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25794,4,3,,,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25795,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25796,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25797,5,4,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25798,3,3,7,1,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25799,5,2,6,1,1,1,,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,146,12,2,2,,,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25800,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25801,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25802,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25803,4,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25804,5,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25805,5,1,10,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25806,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25807,3,90,8,3,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,2,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25808,5,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25809,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25810,3,3,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25811,5,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25812,5,2,2,3,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,145,12,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25813,3,3,9,2,91,,92,,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25814,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25815,3,2,6,1,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25816,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25817,5,3,10,2,1,0,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,98,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25818,3,3,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25819,3,3,4,2,1,,92,,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25820,5,3,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25821,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25822,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25823,1,2,6,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25824,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25825,5,3,12,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25826,4,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25827,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25828,4,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25829,3,3,10,2,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25830,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +25831,3,1,7,1,0,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,103,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25832,5,3,11,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,143,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25833,5,3,8,3,91,1,3,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25834,5,3,90,2,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,1,4,1,6,11,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,1,1,1,1,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25835,1,3,6,1,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25836,1,3,90,3,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,166,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25837,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25838,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25839,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25840,3,3,12,3,,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25841,5,3,8,3,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25842,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25843,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25844,3,3,1,3,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,131,10,2,1,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25845,5,1,4,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25846,1,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,31,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25847,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25848,2,1,5,2,,0,92,0,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25849,3,2,6,1,,,92,0,92,92,1,1,2,2,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,83,6,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25850,3,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25851,3,3,7,1,91,0,92,0,92,92,0,91,92,92,1,1,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25852,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25853,4,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,17,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25854,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25855,5,3,8,3,0,2,1,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25856,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25857,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25858,3,1,8,2,,,92,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25859,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25860,3,1,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25861,4,3,2,3,91,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,74,6,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25862,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25863,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25864,5,90,6,1,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25865,4,2,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25866,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25867,3,2,3,3,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25868,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25869,5,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25870,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25871,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25872,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25873,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25874,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25875,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25876,5,3,6,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25877,3,1,1,2,,2,,,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,75,6,2,1,2,1,1,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25878,3,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25879,4,3,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25880,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25881,5,2,1,2,91,0,92,0,92,92,1,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25882,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25883,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25884,3,3,10,2,0,0,92,0,92,92,,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,108,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25885,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25886,2,1,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25887,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25888,5,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25889,3,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25890,3,3,2,3,91,,92,,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,4,5,13,1,1,1,1,1,0,0,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,,1,0,5,1,1,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,1,1,1 +25891,3,1,12,3,0,0,92,0,92,92,1,0,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25892,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25893,5,2,8,2,91,0,92,0,92,92,,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25894,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25895,1,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25896,5,3,5,2,,1,4,0,92,92,0,,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1,1,0,1 +25897,3,3,10,2,0,,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,170,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25898,5,90,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25899,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25900,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,3,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25901,3,3,7,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25902,5,3,5,2,91,,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,156,13,2,1,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25903,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25904,4,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25905,5,3,8,2,91,1,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25906,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25907,5,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +25908,3,90,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25909,5,2,6,1,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25910,4,2,90,2,0,1,2,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,114,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25911,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25912,5,3,,,91,1,,,92,92,,,92,92,,92,92,92,,0,0,0,2,1,4,7,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,201,16,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +25913,5,3,11,2,1,1,3,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,1,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25914,3,3,8,2,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,1,6,11,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,29,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25915,3,2,8,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25916,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25917,5,3,2,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25918,5,3,1,2,1,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25919,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25920,5,1,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,165,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25921,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25922,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25923,1,3,5,2,91,0,92,0,92,92,0,1,3,,1,1,,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,143,11,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25924,5,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25925,5,2,1,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,61,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25926,4,3,11,2,91,0,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,2,1,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25927,5,1,8,3,91,2,,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25928,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25929,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25930,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25931,5,3,90,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +25932,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25933,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25934,4,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +25935,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25936,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25937,5,2,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25938,4,3,6,1,91,1,2,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,28,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25939,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25940,3,3,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25941,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25942,4,3,8,2,1,0,92,,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,201,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25943,3,2,11,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25944,4,2,2,3,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,49,4,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25945,5,3,90,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25946,5,3,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,195,16,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25947,2,2,7,1,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25948,5,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25949,1,3,4,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25950,4,3,8,2,0,2,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,33,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25951,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25952,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25953,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25954,5,2,11,2,0,1,4,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25955,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25956,5,3,1,3,1,2,,0,92,92,,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,,1,0,5,1,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25957,5,3,10,2,1,1,,0,92,92,,1,2,2,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,2,2,3,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25958,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25959,2,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25960,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,30,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25961,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25962,5,2,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25963,3,3,6,1,91,1,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25964,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25965,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25966,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25967,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25968,2,1,90,2,,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,174,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25969,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25970,5,3,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25971,3,1,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25972,3,2,10,2,0,1,2,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,,92,92,92,92,149,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25973,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25974,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25975,5,2,90,2,,0,92,0,92,92,1,,92,92,,92,92,92,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25976,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25977,4,2,11,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25978,3,1,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25979,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25980,5,3,2,3,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25981,4,3,6,1,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25982,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25983,5,3,11,2,1,1,,0,92,92,1,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25984,3,2,11,2,,0,92,0,92,92,1,1,1,2,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25985,4,3,12,2,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,155,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25986,5,2,12,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25987,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25988,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25989,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,215,17,2,1,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25990,1,2,8,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25991,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25992,3,1,4,2,0,2,,0,92,92,1,1,2,3,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +25993,5,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,1,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25994,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25995,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25996,5,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25997,3,3,9,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25998,5,3,8,2,,0,92,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +25999,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26000,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26001,3,3,1,3,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,1,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26002,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26003,1,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,1,4,6,1,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26004,3,2,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26005,4,3,9,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26006,5,2,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26007,3,2,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26008,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26009,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26010,5,2,7,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26011,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26012,2,1,10,2,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26013,4,3,90,2,0,0,92,0,92,92,1,1,,2,1,3,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26014,3,2,90,2,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,39,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26015,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26016,5,2,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26017,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26018,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26019,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26020,5,3,10,2,1,0,92,0,92,92,0,,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26021,5,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26022,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26023,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26024,3,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26025,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,21,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26026,4,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26027,3,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26028,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26029,5,2,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26030,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26031,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26032,1,2,6,1,0,0,92,0,92,92,1,1,,4,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,42,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26033,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26034,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26035,5,3,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26036,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26037,5,3,1,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26038,1,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26039,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26040,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26041,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,4,0,1,2,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26042,5,2,11,2,,1,3,0,92,92,0,,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26043,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26044,3,2,5,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26045,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26046,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26047,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26048,5,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26049,5,2,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,79,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26050,5,3,1,3,1,,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26051,3,3,8,3,,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26052,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26053,4,3,8,2,0,0,92,0,92,92,1,0,92,92,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26054,4,3,8,3,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26055,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26056,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26057,4,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,21,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26058,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26059,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26060,3,3,8,2,,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26061,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26062,4,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,0,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26063,3,3,1,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26064,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,3,,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26065,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26066,3,3,6,1,0,,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26067,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26068,5,3,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26069,5,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26070,5,1,5,2,1,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26071,5,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26072,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26073,5,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26074,5,1,90,2,,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,33,2,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26075,5,3,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26076,3,3,8,2,1,2,1,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26077,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26078,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26079,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26080,1,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26081,5,1,2,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26082,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26083,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26084,3,3,12,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,,2,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26085,5,3,5,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26086,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26087,1,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26088,5,3,3,3,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,1,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26089,5,3,9,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,3,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26090,5,3,10,2,1,0,92,0,92,92,0,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,131,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26091,3,3,6,1,,0,92,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,82,6,2,1,2,2,0,5,1,1,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +26092,5,3,1,2,,1,4,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,3,5,12,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26093,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,,92,92,92,92,4,0,1,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26094,3,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26095,3,3,8,2,,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,46,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26096,3,3,90,2,0,0,92,0,92,92,0,1,2,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,111,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26097,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26098,5,3,10,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26099,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26100,5,2,9,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26101,4,3,6,1,1,2,,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,1,,1,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26102,5,3,10,3,0,1,1,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26103,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26104,1,90,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26105,1,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26106,5,3,11,2,91,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26107,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26108,4,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26109,5,3,1,2,,0,92,0,92,92,0,91,92,92,1,,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26110,5,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26111,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26112,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26113,3,3,12,2,91,1,3,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,2,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26114,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26115,2,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26116,5,3,11,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26117,5,2,8,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26118,2,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26119,5,3,8,2,91,0,92,0,92,92,0,1,3,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,52,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26120,3,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,185,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26121,5,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26122,4,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,198,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26123,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26124,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26125,5,2,1,3,91,2,,,92,92,,91,92,92,,92,92,92,,0,0,0,2,4,5,11,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,1,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26126,5,2,4,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26127,5,4,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26128,4,3,10,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26129,5,3,,,91,2,,,92,92,0,91,92,92,,92,92,92,,0,0,0,1,1,4,6,1,1,0,0,0,0,1,0,92,1,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,0,5,1,1,1,0,1,0,1,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,1,1,1,0,1 +26130,5,3,8,2,0,0,92,0,92,92,0,1,,2,1,,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,107,8,2,1,,1,,6,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26131,5,3,90,2,,,92,0,92,92,0,1,1,2,1,3,4,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,76,6,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26132,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26133,5,3,5,2,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,85,7,2,2,,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +26134,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26135,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26136,4,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26137,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26138,3,1,9,2,91,0,92,0,92,92,0,91,92,92,1,1,,,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,15,1,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26139,4,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26140,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26141,5,2,1,3,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,4,5,12,1,1,0,1,1,1,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26142,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26143,5,3,3,3,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26144,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26145,4,2,6,1,0,2,2,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26146,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26147,2,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26148,2,1,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26149,3,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26150,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26151,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26152,3,3,12,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,158,13,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26153,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26154,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26155,5,90,10,2,0,0,92,0,92,92,1,1,,,1,,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,201,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26156,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26157,3,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26158,4,3,8,3,0,0,92,0,92,92,,1,3,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,,1,1,90,1,1,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26159,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26160,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26161,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26162,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26163,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26164,3,3,4,2,0,,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26165,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26166,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26167,5,90,10,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26168,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26169,4,2,2,3,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,1,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26170,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26171,5,3,3,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26172,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26173,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26174,5,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26175,4,3,6,1,0,2,2,0,92,92,1,0,92,92,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26176,3,90,8,3,,,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,1,2,2,,5,1,1,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +26177,5,1,9,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,12,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26178,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26179,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26180,5,4,10,2,1,2,,0,92,92,0,1,2,2,,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,92,92,92,92,198,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26181,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,1,1,1,5,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26182,4,3,8,2,91,1,,1,1,,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,74,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26183,5,2,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,150,12,2,2,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +26184,5,2,7,1,1,1,3,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26185,5,1,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26186,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26187,4,2,1,2,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,206,17,2,2,,1,1,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26188,4,3,4,2,1,1,4,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26189,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26190,5,1,8,3,91,0,92,0,92,92,1,91,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26191,5,3,6,1,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26192,5,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,30,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26193,2,3,10,2,0,0,92,0,92,92,1,1,3,2,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,181,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26194,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26195,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,105,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26196,5,2,7,1,0,1,,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26197,4,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26198,1,3,11,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,41,3,2,2,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +26199,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26200,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26201,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26202,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26203,1,3,10,3,1,0,92,0,92,92,0,1,3,,1,2,3,1,1,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26204,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26205,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26206,3,2,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26207,3,4,1,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26208,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,1,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26209,5,2,11,2,1,1,,0,92,92,1,1,2,2,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26210,3,2,8,2,1,0,92,0,92,92,0,1,,2,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,80,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26211,5,1,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,46,3,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26212,1,3,90,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,86,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26213,3,3,4,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26214,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26215,3,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26216,1,1,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26217,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,180,15,2,1,,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26218,2,3,,,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,56,4,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26219,4,3,7,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26220,3,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26221,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26222,5,2,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,161,13,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26223,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,138,11,2,2,1,,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26224,5,1,8,3,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26225,3,3,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26226,3,3,4,2,1,1,,,92,92,0,1,3,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26227,3,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26228,3,3,8,3,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26229,5,1,6,1,1,0,92,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26230,5,3,8,2,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,18,1,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26231,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26232,3,3,1,3,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26233,3,2,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26234,3,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26235,3,3,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26236,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26237,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26238,1,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26239,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26240,3,90,4,2,0,0,92,0,92,92,1,1,2,,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26241,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26242,5,3,9,2,,0,92,0,92,92,1,0,92,92,1,,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,56,4,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26243,1,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26244,3,3,6,1,0,0,92,0,92,92,1,1,2,4,1,3,4,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26245,5,1,1,2,1,2,,0,92,92,1,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,92,92,92,92,172,14,2,2,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26246,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26247,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26248,3,1,1,2,0,0,92,0,92,92,1,1,,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26249,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26250,3,1,9,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26251,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26252,5,1,1,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26253,5,2,1,2,1,1,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26254,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26255,5,3,5,2,1,1,3,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26256,5,90,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26257,5,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26258,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,1,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26259,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26260,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26261,3,3,8,3,0,0,92,0,92,92,0,1,1,2,1,2,2,1,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,185,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26262,3,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26263,5,1,11,2,0,2,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26264,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26265,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26266,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26267,5,2,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26268,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26269,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26270,5,2,8,2,0,1,1,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,79,6,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26271,5,1,,,1,,92,,92,92,0,0,92,92,,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,148,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26272,5,2,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26273,4,3,4,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26274,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26275,3,1,1,2,0,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26276,5,3,1,2,0,0,92,,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26277,3,2,6,1,1,2,,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,116,9,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26278,1,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26279,5,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,92,92,92,92,213,17,2,1,,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26280,3,1,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26281,5,3,2,3,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,148,12,2,1,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26282,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26283,5,3,9,2,91,0,92,0,92,92,0,91,92,92,1,3,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,12,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26284,5,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,129,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26285,5,3,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,18,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26286,2,1,9,2,91,,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26287,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26288,5,2,8,3,91,0,92,,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26289,5,2,7,1,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26290,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26291,5,1,12,2,0,0,92,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26292,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26293,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26294,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26295,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26296,3,90,8,3,91,,92,0,92,92,,1,,,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,1,90,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26297,2,1,9,2,91,0,92,0,92,92,1,0,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26298,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26299,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26300,3,3,2,3,1,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26301,4,3,2,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26302,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26303,5,1,8,2,,,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,1,1,0,0,0,0,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,2,2,1,0,3,1,1,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1 +26304,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26305,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26306,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26307,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26308,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,90,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26309,5,3,2,3,0,0,92,0,92,92,0,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,78,6,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26310,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26311,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,27,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26312,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26313,5,3,8,2,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26314,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26315,5,3,1,2,91,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26316,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26317,5,1,12,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,2,,3,0,5,1,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +26318,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26319,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26320,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26321,5,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26322,5,3,5,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,158,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26323,3,3,11,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26324,3,3,11,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,210,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26325,5,2,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,191,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26326,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26327,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26328,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26329,3,3,2,3,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26330,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26331,5,3,3,3,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26332,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,3,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,37,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26333,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26334,2,1,12,2,0,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26335,5,1,90,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26336,3,3,2,3,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26337,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,28,2,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26338,5,3,6,1,91,0,92,0,92,92,1,0,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26339,3,3,90,2,,0,92,0,92,92,1,1,1,2,1,1,3,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26340,2,2,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26341,4,3,8,3,91,0,92,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +26342,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26343,5,90,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26344,5,2,6,1,0,0,92,0,92,92,,1,3,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,80,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26345,3,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26346,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26347,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26348,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26349,3,2,4,2,0,0,92,0,92,92,1,1,3,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,171,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26350,3,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26351,3,3,8,2,0,0,92,0,92,92,1,1,2,2,1,1,3,3,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26352,3,2,90,2,0,0,92,0,92,92,1,1,1,2,1,3,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26353,2,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26354,5,1,90,2,91,0,92,0,92,92,1,91,92,92,1,2,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26355,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26356,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26357,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,178,14,2,1,,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26358,5,2,11,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26359,5,2,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26360,3,3,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26361,1,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26362,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26363,3,3,8,2,,0,92,0,92,92,0,1,,3,1,3,3,2,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,29,2,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26364,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26365,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26366,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26367,5,2,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26368,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26369,4,3,1,2,1,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,107,8,2,2,2,5,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26370,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26371,3,3,11,2,1,1,,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,,92,92,92,92,178,14,2,2,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26372,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26373,5,3,11,2,0,1,4,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26374,5,3,4,2,0,0,92,0,92,92,1,1,2,2,1,3,2,2,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,147,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26375,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26376,5,1,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,59,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26377,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,135,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26378,3,3,11,2,1,2,,0,92,92,,1,3,,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26379,4,2,8,2,91,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26380,5,1,6,1,0,0,92,0,92,92,,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26381,3,3,11,2,91,2,,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26382,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,111,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26383,5,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26384,4,3,8,3,91,2,,0,92,92,0,,92,92,0,92,92,92,,0,0,0,1,3,4,8,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,73,6,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26385,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26386,5,2,90,2,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26387,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26388,4,3,8,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26389,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26390,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,178,14,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26391,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26392,5,3,2,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,29,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26393,3,1,4,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26394,5,1,90,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26395,5,3,1,2,0,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26396,1,3,8,2,91,1,2,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,1,,0,1,1,0,0,0,0,1,2,1,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,2,1,0,3,1,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +26397,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26398,3,4,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26399,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,78,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26400,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26401,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26402,1,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26403,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26404,4,3,90,2,91,2,4,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,1,0,0,30,2,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26405,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26406,2,1,90,2,0,2,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,92,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26407,5,3,8,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26408,1,3,9,2,91,,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,32,2,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26409,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26410,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26411,5,2,90,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26412,3,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26413,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26414,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26415,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26416,3,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26417,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26418,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26419,5,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26420,3,3,4,2,1,2,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26421,5,3,1,3,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,178,14,2,1,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26422,5,3,7,1,0,0,92,0,92,92,1,0,92,92,1,2,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,1,0,0,1,1,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,146,12,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26423,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26424,3,3,2,3,1,1,3,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,152,12,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26425,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26426,5,3,90,3,,1,4,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,1,0,1,,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,136,11,2,2,,1,0,2,1,1,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,1 +26427,3,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26428,5,3,8,3,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26429,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26430,5,3,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,215,17,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26431,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26432,5,3,3,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26433,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26434,3,1,1,2,91,2,,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26435,5,3,8,3,1,,92,1,1,1,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,169,14,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26436,3,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26437,5,3,8,2,0,1,2,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26438,3,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26439,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26440,3,3,6,1,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,192,16,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26441,5,3,6,1,0,0,92,0,92,92,0,1,2,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26442,5,3,2,2,0,0,92,0,92,92,0,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26443,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,2,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26444,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26445,4,3,4,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26446,3,3,7,1,0,1,2,1,1,1,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,77,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26447,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26448,5,1,10,2,0,1,1,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26449,5,3,4,2,0,1,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26450,3,4,5,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26451,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26452,3,2,11,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,181,15,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26453,5,3,6,1,0,1,3,1,1,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,108,9,2,2,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26454,4,3,1,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26455,1,3,10,2,1,2,,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,180,15,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26456,3,3,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26457,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26458,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26459,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26460,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26461,1,3,9,2,91,2,,1,2,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26462,3,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26463,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26464,3,3,11,2,0,,92,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,174,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26465,5,90,12,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,184,15,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26466,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26467,5,3,3,3,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26468,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26469,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26470,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26471,5,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26472,5,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26473,1,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26474,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26475,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26476,5,3,6,1,0,0,92,0,92,92,0,0,92,92,1,3,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26477,5,3,9,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,168,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26478,5,90,8,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26479,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26480,5,3,10,3,0,0,92,0,92,92,0,1,2,2,1,1,,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,1,2,1,0,4,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26481,5,2,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26482,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26483,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26484,5,2,8,2,0,0,92,0,92,92,1,1,1,2,1,2,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26485,5,4,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26486,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26487,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26488,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26489,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26490,4,3,1,2,91,1,4,0,92,92,0,91,92,92,1,1,2,,,0,0,0,1,1,4,6,1,1,0,0,0,0,1,1,1,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,3,0,1,2,2,1,0,3,1,1,1,0,1,1,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,1,1,1,1,1 +26491,4,90,6,1,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26492,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26493,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26494,4,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26495,3,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26496,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26497,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,102,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26498,5,1,10,2,1,1,2,1,1,1,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,167,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26499,3,1,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26500,3,3,11,2,1,1,,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26501,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26502,5,2,90,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26503,5,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26504,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26505,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26506,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26507,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26508,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26509,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26510,5,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26511,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26512,5,2,9,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26513,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26514,5,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26515,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26516,3,3,5,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,183,15,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26517,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26518,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26519,3,1,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26520,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,19,1,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26521,5,3,1,2,,,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,,92,92,92,92,92,1,1,1,0,1,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26522,3,1,12,3,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26523,1,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26524,5,3,6,1,0,0,92,0,92,92,0,1,2,2,1,1,4,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,64,5,2,2,2,3,1,3,1,1,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +26525,1,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26526,3,3,8,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,39,3,2,2,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26527,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26528,4,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26529,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,66,5,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26530,2,3,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,173,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26531,5,1,4,2,,0,92,,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26532,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26533,5,3,12,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,1,2,2,0,4,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +26534,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26535,3,3,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26536,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26537,5,2,6,1,1,1,4,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26538,5,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26539,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,47,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26540,5,3,90,2,,1,,,92,92,,,92,92,1,3,3,1,,0,0,0,2,4,6,12,1,1,0,0,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,2,0,5,1,1,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +26541,5,3,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,2,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26542,5,1,10,2,1,2,2,0,92,92,0,1,2,3,1,2,3,,0,,,,,,,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,212,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26543,3,3,5,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26544,3,3,6,1,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,14,1,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26545,5,3,8,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26546,5,3,2,3,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26547,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26548,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26549,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26550,3,1,4,2,1,2,,0,92,92,,1,,,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,1,1,1,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,143,11,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +26551,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26552,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26553,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26554,1,3,10,2,0,0,92,0,92,92,1,1,2,2,1,3,2,3,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26555,3,1,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26556,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26557,1,3,8,2,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,46,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26558,3,3,9,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26559,3,2,8,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26560,5,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26561,3,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26562,5,1,5,2,1,2,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,188,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26563,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26564,3,90,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26565,5,3,8,2,91,1,1,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,24,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26566,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26567,4,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26568,5,3,11,2,1,1,,,92,92,0,1,,,1,1,2,,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26569,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26570,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26571,5,2,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26572,3,3,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26573,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26574,1,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26575,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26576,5,3,2,3,,1,,0,92,92,1,1,,,0,92,92,92,,,,,,,,15,2,,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26577,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26578,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26579,3,3,,,91,0,92,,92,92,,1,,,1,3,,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,37,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26580,4,3,2,3,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,1,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26581,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26582,5,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26583,3,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26584,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26585,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26586,4,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26587,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26588,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26589,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26590,5,4,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26591,5,2,90,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26592,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26593,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26594,3,3,8,2,91,2,3,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26595,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26596,4,2,10,2,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,3,4,11,1,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,160,13,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26597,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26598,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26599,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,5,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26600,5,2,8,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,6,0,1,1,2,2,1,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26601,4,3,10,2,0,0,92,0,92,92,1,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,214,17,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26602,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26603,5,1,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26604,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26605,4,3,10,2,,2,,,92,92,,,92,92,,92,92,92,,0,0,0,3,,,13,1,1,0,1,1,1,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,1,0,5,1,1,1,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +26606,5,1,5,2,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26607,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,,92,92,92,92,90,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26608,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26609,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26610,5,2,8,2,1,1,2,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,2,4,5,11,1,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26611,3,3,8,3,0,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,71,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26612,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26613,3,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26614,3,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26615,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26616,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26617,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26618,3,1,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26619,5,3,8,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,90,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26620,3,3,90,3,,1,3,,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26621,5,3,4,2,,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26622,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26623,1,3,3,3,1,1,3,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26624,4,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26625,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,22,1,1,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26626,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26627,3,3,8,3,91,,92,0,92,92,0,,92,92,1,,3,1,,0,0,0,3,3,6,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,63,5,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26628,3,1,12,2,1,1,3,1,1,2,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,201,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26629,5,2,10,2,1,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26630,3,3,1,3,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26631,5,1,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,1,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,1,,3,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26632,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26633,5,2,10,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,104,8,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26634,5,2,90,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26635,1,3,12,2,91,0,92,0,92,92,0,91,92,92,1,1,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26636,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26637,3,3,7,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26638,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26639,5,3,90,2,0,0,92,0,92,92,0,1,2,4,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26640,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26641,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26642,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26643,5,3,8,2,1,1,2,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26644,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26645,3,90,8,3,1,1,,1,,3,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,148,12,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +26646,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26647,3,3,12,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26648,3,3,10,2,0,0,92,0,92,92,1,1,3,3,1,3,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,181,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26649,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26650,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,20,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26651,4,3,6,1,91,2,1,1,2,1,0,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,92,92,92,92,49,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26652,5,2,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,10,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26653,5,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26654,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26655,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26656,4,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26657,5,90,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,147,12,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26658,5,3,2,3,0,0,92,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,119,9,2,2,,,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26659,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,42,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26660,5,2,8,3,,0,92,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,39,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26661,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26662,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26663,5,3,8,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,84,7,2,1,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26664,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26665,5,3,1,3,0,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26666,3,3,11,2,0,0,92,0,92,92,0,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26667,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26668,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26669,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26670,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26671,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26672,3,3,9,2,91,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26673,5,2,8,2,0,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,99,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26674,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26675,5,2,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,5,0,1,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26676,5,3,1,3,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26677,2,2,11,2,0,2,,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26678,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26679,3,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26680,3,2,4,2,,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26681,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26682,5,3,4,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26683,3,3,8,2,1,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26684,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26685,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26686,5,3,90,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26687,3,3,12,2,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26688,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26689,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26690,5,2,6,1,0,0,92,0,92,92,0,0,92,92,1,,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,92,7,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26691,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26692,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26693,3,3,4,2,1,1,,0,92,92,1,1,1,2,1,2,3,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26694,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26695,5,1,1,2,91,1,,0,92,92,,91,92,92,1,,,,,1,0,0,1,1,4,6,1,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,1,1,1,1,1,0,0,1,0,0,0,1,1,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,175,14,2,2,2,1,0,2,1,1,1,0,0,1,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,1,1,1,1,1 +26696,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26697,5,3,90,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26698,2,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26699,3,3,1,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26700,5,3,7,1,0,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26701,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26702,4,3,8,3,0,,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,44,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26703,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26704,5,3,8,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26705,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26706,5,3,10,2,,0,92,0,92,92,0,1,2,2,1,3,2,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26707,3,3,7,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26708,3,3,7,1,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,13,1,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26709,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26710,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26711,3,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26712,5,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26713,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26714,3,3,8,3,91,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,55,4,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26715,5,3,5,2,91,1,4,1,2,,,91,92,92,0,92,92,92,,0,0,0,1,2,1,4,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,37,3,2,1,,2,0,5,1,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,1 +26716,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26717,3,3,8,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26718,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26719,5,3,11,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26720,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26721,5,2,12,2,0,0,92,0,92,92,,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26722,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26723,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26724,2,3,7,1,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26725,3,1,8,2,,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26726,5,1,1,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26727,5,1,3,3,,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26728,3,1,8,2,0,0,92,0,92,92,1,0,92,92,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26729,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26730,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26731,3,3,11,2,1,,92,,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26732,4,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,68,5,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26733,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26734,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,64,5,2,2,2,2,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26735,3,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26736,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26737,3,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26738,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26739,3,1,1,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26740,3,3,3,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26741,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26742,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26743,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,1,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26744,3,2,1,3,1,0,92,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26745,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26746,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26747,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26748,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26749,5,1,5,2,1,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,2,1,,3,1,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1 +26750,3,3,6,1,1,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26751,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26752,5,3,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26753,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,38,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26754,3,3,6,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26755,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26756,3,3,6,1,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,66,5,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26757,4,2,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26758,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26759,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26760,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26761,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26762,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26763,3,3,6,1,91,0,92,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26764,5,3,1,2,91,,92,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,67,5,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26765,1,3,2,3,91,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,154,12,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26766,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26767,5,3,90,2,91,0,92,0,92,92,,91,92,92,1,3,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,15,1,1,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26768,3,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26769,3,3,5,2,1,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26770,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,1,6,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26771,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26772,3,1,9,2,,1,1,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26773,3,3,10,2,0,2,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26774,3,90,8,3,0,0,92,0,92,92,0,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,80,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26775,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26776,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26777,5,2,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26778,3,1,11,2,1,1,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26779,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26780,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26781,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26782,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26783,4,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26784,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26785,4,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,6,0,1,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26786,2,3,10,2,0,0,92,0,92,92,1,1,1,4,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26787,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26788,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26789,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26790,3,3,8,2,0,,92,0,92,92,,1,3,2,1,1,4,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,92,92,92,92,105,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26791,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26792,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,,92,92,92,92,176,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26793,3,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26794,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26795,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26796,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26797,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26798,5,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26799,5,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26800,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26801,3,3,7,1,91,1,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,2,2,1,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26802,3,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26803,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26804,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26805,5,3,6,1,,0,92,0,92,92,0,0,92,92,1,1,4,3,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,39,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26806,4,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26807,5,3,8,3,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,,92,92,92,92,91,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26808,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,3,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +26809,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26810,5,3,1,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,2,,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26811,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26812,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26813,3,3,8,3,91,2,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26814,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,139,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26815,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,0,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26816,5,90,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26817,2,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26818,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26819,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26820,1,3,1,2,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,78,6,2,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26821,4,3,6,1,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26822,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26823,5,2,5,2,1,1,,0,92,92,0,1,1,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26824,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26825,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26826,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26827,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26828,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26829,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26830,3,3,6,1,,1,,1,1,1,0,0,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,40,3,2,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26831,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26832,3,3,90,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26833,3,1,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,4,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26834,1,3,8,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26835,3,3,9,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26836,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26837,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26838,5,2,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26839,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,1,,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26840,3,3,8,2,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26841,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26842,5,3,7,1,91,2,4,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,2,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26843,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26844,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26845,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26846,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26847,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26848,5,2,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26849,3,3,8,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26850,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26851,5,1,1,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26852,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26853,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26854,3,3,12,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26855,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26856,3,3,10,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,146,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26857,5,90,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,26,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26858,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,157,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26859,5,3,3,3,,1,3,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26860,5,2,90,2,,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26861,5,3,2,3,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,1,0,0,1,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26862,5,1,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26863,5,2,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26864,1,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26865,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26866,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26867,3,3,8,2,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26868,5,1,10,2,1,1,3,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26869,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26870,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,28,2,2,1,,5,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26871,3,3,11,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26872,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26873,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26874,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26875,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,136,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26876,5,3,2,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,2,3,5,10,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,1,0,1 +26877,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26878,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,1,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +26879,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26880,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26881,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,1,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26882,4,3,90,2,,0,92,0,92,92,0,1,1,2,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,80,6,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26883,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26884,5,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26885,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26886,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26887,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26888,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26889,5,1,6,1,0,0,92,0,92,92,0,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,117,9,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26890,4,3,11,2,0,0,92,0,92,92,1,0,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26891,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26892,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26893,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26894,2,4,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26895,5,3,12,3,0,0,92,,92,92,1,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26896,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26897,2,1,4,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,118,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26898,4,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26899,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26900,5,1,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26901,5,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26902,1,3,6,1,1,0,92,0,92,92,0,1,1,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,130,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26903,5,1,1,3,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26904,3,1,10,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26905,1,3,1,2,0,,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,194,16,2,2,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26906,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26907,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26908,5,3,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26909,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26910,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,58,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26911,5,90,8,3,0,0,92,0,92,92,1,1,2,3,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,63,5,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26912,3,3,5,2,1,1,,,92,92,,,92,92,,92,92,92,,0,0,0,4,3,4,11,1,1,1,0,0,1,0,0,92,0,1,0,1,0,0,0,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,168,14,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +26913,3,3,9,2,0,0,92,0,92,92,1,0,92,92,1,,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,63,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26914,5,90,90,2,,1,2,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26915,5,3,6,1,91,0,92,1,2,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,28,2,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26916,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,1,1,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26917,5,3,6,1,0,0,92,0,92,92,1,1,2,2,1,1,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,111,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26918,5,2,90,2,91,,92,0,92,92,0,0,92,92,1,3,2,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,41,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26919,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26920,3,3,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26921,5,3,3,3,1,1,,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,2,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,1 +26922,3,1,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26923,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26924,4,2,8,3,91,,92,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,44,3,2,1,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26925,1,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26926,2,1,11,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26927,3,3,9,2,0,2,2,0,92,92,0,91,92,92,1,2,2,1,1,0,0,0,3,4,5,12,1,1,1,1,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,64,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26928,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26929,5,1,4,2,,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26930,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26931,3,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26932,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26933,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26934,5,3,8,2,91,0,92,1,,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,15,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26935,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,16,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26936,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,4,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26937,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,3,,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,1,,0,3,1,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +26938,5,2,90,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,88,7,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26939,4,3,7,1,91,0,92,0,92,92,1,1,2,2,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,43,3,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26940,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26941,5,2,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26942,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26943,5,1,9,2,91,0,92,0,92,92,0,91,92,92,1,1,,,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,25,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26944,3,3,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,1,0,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,2,2,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26945,3,3,1,2,,,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,1,2,1,0,5,1,1,1,0,1,0,0,0,0,1,0,0,1,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +26946,3,3,8,2,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26947,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26948,5,90,8,2,0,0,92,0,92,92,0,1,3,,1,,2,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,99,8,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26949,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26950,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26951,2,1,8,2,,0,92,0,92,92,0,1,,,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,63,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26952,4,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26953,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26954,3,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26955,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26956,3,1,90,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26957,4,2,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26958,5,1,6,1,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,4,6,14,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,199,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26959,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26960,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26961,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26962,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26963,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26964,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26965,5,2,6,1,0,0,92,0,92,92,1,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26966,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26967,5,3,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26968,3,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26969,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26970,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26971,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26972,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26973,5,3,2,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26974,5,3,8,3,1,0,92,0,92,92,0,0,92,92,1,,3,1,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26975,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26976,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26977,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26978,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +26979,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,16,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26980,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26981,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26982,4,3,10,2,0,1,2,0,92,92,1,1,2,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26983,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26984,5,2,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26985,5,1,10,2,0,0,92,0,92,92,1,1,,,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,78,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26986,4,3,1,2,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26987,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26988,3,2,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26989,3,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26990,5,3,90,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26991,3,3,8,2,91,0,92,,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26992,5,3,8,2,91,0,92,,92,92,1,91,92,92,1,3,1,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,5,0,1,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26993,5,2,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26994,5,3,90,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26995,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26996,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26997,3,2,12,2,0,2,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +26998,5,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,133,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +26999,5,2,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27000,3,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27001,5,90,8,2,,,92,,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27002,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27003,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27004,3,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27005,4,3,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27006,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27007,5,3,1,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27008,4,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27009,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27010,4,3,11,2,91,,92,,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,1,2,2,0,3,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27011,4,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27012,5,1,3,3,0,0,92,0,92,92,,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,75,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27013,3,3,12,2,91,1,2,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27014,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,1,0,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,15,1,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27015,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27016,3,3,6,1,1,2,2,0,92,92,,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,123,10,2,2,2,3,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +27017,4,90,8,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27018,4,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27019,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27020,3,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27021,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27022,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27023,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27024,1,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27025,3,1,9,2,,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27026,5,3,,,91,,92,,92,92,,91,92,92,,92,92,92,,1,0,1,1,1,4,6,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,34,2,2,1,,1,0,2,1,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,1,1,1 +27027,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27028,5,3,1,3,1,1,,0,92,92,,0,92,92,,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27029,5,3,12,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,49,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27030,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27031,5,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27032,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27033,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27034,5,2,4,2,1,2,2,,92,92,,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,156,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27035,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,1,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +27036,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27037,4,3,7,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27038,1,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27039,5,3,8,3,,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27040,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27041,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27042,5,3,5,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27043,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27044,5,90,10,2,1,2,,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27045,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +27046,5,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27047,5,1,2,3,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27048,5,2,,,,,92,,92,92,1,,92,92,,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,92,92,92,92,4,0,1,2,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +27049,5,1,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27050,4,3,90,2,,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,0,92,92,92,92,172,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27051,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27052,3,2,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27053,5,2,7,1,0,0,92,0,92,92,1,1,1,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27054,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27055,5,2,1,2,0,0,92,0,92,92,,1,2,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27056,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27057,3,1,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27058,4,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27059,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27060,5,2,11,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27061,5,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,1,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27062,5,3,8,2,,1,,1,2,1,0,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,51,4,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27063,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,13,1,1,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27064,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27065,5,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27066,5,3,8,2,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27067,3,3,6,1,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27068,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27069,2,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27070,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27071,3,3,6,1,91,1,3,0,92,92,,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27072,5,2,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27073,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,10,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27074,5,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27075,5,3,12,2,0,0,92,0,92,92,0,1,,2,1,3,2,,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27076,3,3,2,3,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27077,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27078,5,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27079,5,3,4,2,91,1,,,92,92,,91,92,92,1,,,,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,92,92,92,92,165,13,2,1,,1,1,5,1,1,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,1,1,1,1 +27080,3,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27081,1,1,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27082,3,3,8,2,0,2,2,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27083,5,3,1,3,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27084,5,3,,,91,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,6,0,1,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27085,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27086,5,2,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27087,1,3,7,1,91,0,92,1,,,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27088,5,3,2,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27089,3,1,8,2,91,0,92,0,92,92,0,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27090,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,82,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27091,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,13,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27092,5,3,12,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,2,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27093,3,3,12,2,91,0,92,0,92,92,0,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27094,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27095,5,3,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27096,3,3,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,1,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,13,1,1,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +27097,3,1,8,3,0,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,10,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27098,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,11,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27099,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27100,5,3,6,1,91,1,3,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27101,5,2,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27102,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27103,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27104,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27105,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27106,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27107,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27108,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27109,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27110,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27111,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27112,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27113,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27114,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27115,4,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,93,7,2,2,2,2,0,4,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +27116,5,3,6,1,1,2,2,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27117,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27118,5,1,12,2,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27119,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27120,5,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27121,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27122,5,90,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27123,5,2,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27124,3,3,90,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27125,5,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27126,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27127,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27128,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,2,,1,1,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +27129,4,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27130,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27131,3,2,90,2,0,1,4,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,152,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27132,3,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,3,5,12,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,62,5,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27133,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27134,3,3,90,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27135,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27136,5,3,4,2,,2,1,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27137,3,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27138,4,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27139,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27140,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27141,4,2,8,2,91,1,2,1,2,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,39,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27142,5,3,5,2,91,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,1,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,66,5,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27143,5,3,1,3,,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27144,3,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27145,4,3,6,1,1,1,,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27146,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27147,3,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27148,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27149,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27150,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27151,3,1,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,24,2,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27152,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27153,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,3,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,131,10,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27154,3,3,10,3,0,0,92,0,92,92,,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27155,4,3,10,2,0,0,92,0,92,92,,1,2,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,99,8,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27156,3,1,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,147,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27157,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27158,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27159,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27160,4,2,3,3,1,,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27161,5,1,8,2,91,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27162,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27163,1,3,8,3,0,0,92,0,92,92,0,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,57,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27164,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,40,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27165,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27166,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27167,4,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27168,5,2,9,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27169,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27170,3,3,4,2,,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27171,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27172,3,3,90,2,0,0,92,0,92,92,1,1,2,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27173,1,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27174,3,2,11,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27175,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27176,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27177,5,3,8,3,91,1,,1,1,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,14,1,1,2,2,1,0,7,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27178,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27179,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27180,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27181,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27182,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27183,5,4,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27184,5,3,8,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,,92,92,92,92,43,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27185,3,3,1,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27186,5,3,1,2,0,1,,0,92,92,1,1,3,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27187,3,2,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27188,3,2,90,2,0,0,92,0,92,92,0,1,,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,59,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27189,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27190,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27191,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27192,1,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27193,5,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,,2,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27194,5,2,6,1,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27195,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27196,3,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,214,17,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27197,5,1,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27198,5,3,12,3,0,0,92,0,92,92,0,1,1,2,1,2,2,2,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,189,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27199,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27200,5,2,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27201,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27202,5,2,12,3,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27203,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27204,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27205,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27206,5,3,11,2,0,1,4,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27207,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27208,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27209,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27210,5,1,8,2,91,0,92,0,92,92,,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,40,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27211,5,90,1,2,1,2,,,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,195,16,2,2,2,1,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +27212,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27213,5,3,6,1,91,0,92,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27214,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27215,4,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27216,5,3,8,2,,0,92,0,92,92,0,1,2,,1,3,2,1,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,53,4,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27217,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,2,2,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27218,5,1,8,3,91,0,92,0,92,92,1,91,92,92,1,,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27219,5,1,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27220,3,90,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27221,3,3,9,2,91,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27222,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27223,4,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27224,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27225,5,3,8,2,,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,,,,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27226,4,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27227,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27228,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27229,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,175,14,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27230,3,3,7,1,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27231,3,3,5,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27232,5,3,90,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27233,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,140,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27234,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27235,3,1,11,2,0,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27236,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27237,5,3,12,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27238,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27239,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27240,3,1,90,2,0,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,53,4,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27241,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27242,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27243,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27244,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27245,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27246,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27247,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,8,0,1,1,1,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27248,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27249,5,3,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27250,5,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27251,3,3,10,3,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,163,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27252,1,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27253,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,1,1,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27254,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27255,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27256,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27257,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27258,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27259,4,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,,92,92,92,92,61,5,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27260,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27261,5,3,1,2,1,,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +27262,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27263,3,3,8,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27264,5,3,11,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27265,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,1,1,0,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27266,5,4,1,3,91,1,,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27267,5,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27268,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27269,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27270,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,50,4,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27271,5,2,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27272,3,2,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,13,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27273,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,1,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27274,3,3,8,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,113,9,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27275,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27276,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27277,3,2,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27278,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,,92,92,92,92,4,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +27279,4,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27280,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27281,5,2,10,2,0,0,92,0,92,92,,1,1,2,1,3,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,136,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27282,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27283,5,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,60,5,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27284,3,3,10,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27285,1,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27286,5,3,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27287,3,3,9,2,0,0,92,0,92,92,1,0,92,92,1,3,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27288,4,3,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27289,5,3,5,2,1,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27290,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27291,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27292,4,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,2,5,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27293,5,2,9,2,91,1,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,24,2,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27294,3,3,12,2,0,0,92,0,92,92,,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27295,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27296,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27297,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27298,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27299,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27300,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27301,5,3,10,2,,,92,0,92,92,0,,92,92,1,,2,1,,0,0,0,3,4,5,12,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,191,15,2,2,,1,0,5,1,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1 +27302,5,3,6,1,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27303,5,3,90,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27304,5,2,10,2,1,1,2,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27305,3,3,12,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27306,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27307,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27308,5,1,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27309,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27310,5,3,3,3,,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,93,7,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27311,3,3,2,3,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27312,5,3,9,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27313,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27314,4,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27315,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,113,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27316,3,1,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27317,1,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27318,5,3,10,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27319,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27320,5,3,9,2,,1,3,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27321,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27322,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27323,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,92,92,92,92,0,0,1,2,,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27324,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27325,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27326,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27327,3,3,1,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27328,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27329,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27330,3,3,9,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27331,5,1,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27332,3,1,8,2,91,0,92,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27333,5,2,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27334,5,3,2,3,0,0,92,0,92,92,,0,92,92,,92,92,92,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,71,5,2,2,,2,0,6,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0, +27335,3,90,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27336,1,2,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27337,5,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27338,3,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27339,5,1,10,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27340,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27341,3,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27342,4,2,8,2,0,0,92,0,92,92,0,1,1,2,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27343,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27344,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27345,5,2,6,1,0,0,92,0,92,92,0,1,,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,96,8,2,1,,,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27346,3,3,1,2,1,1,,0,92,92,,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27347,3,1,8,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27348,5,1,8,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,60,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27349,3,3,6,1,1,0,92,0,92,92,0,1,2,2,1,2,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,57,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27350,3,3,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27351,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27352,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27353,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27354,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27355,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,1,0,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,108,9,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27356,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,2,1,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27357,5,3,10,2,1,0,92,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27358,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27359,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27360,5,3,1,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,1,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27361,4,3,6,1,0,0,92,0,92,92,1,1,3,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,132,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27362,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27363,3,3,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,1,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27364,3,3,1,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27365,3,3,1,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,2,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27366,5,2,7,1,91,0,92,0,92,92,1,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27367,3,3,8,3,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27368,3,3,12,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27369,5,3,1,3,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27370,5,3,1,3,91,,92,0,92,92,,91,92,92,,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27371,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27372,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27373,3,3,7,1,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,22,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27374,5,90,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27375,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27376,5,1,6,1,0,0,92,0,92,92,1,1,2,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27377,5,3,6,1,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,171,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27378,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27379,5,2,5,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27380,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27381,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,183,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27382,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27383,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27384,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27385,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27386,5,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27387,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27388,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27389,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27390,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27391,1,3,6,1,91,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27392,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27393,5,3,3,2,1,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27394,2,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27395,5,3,8,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27396,5,3,6,1,0,0,92,0,92,92,0,1,2,2,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27397,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27398,4,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,,,,0,0,0,4,5,,15,2,1,1,0,0,0,0,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27399,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27400,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27401,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27402,3,3,10,2,0,0,92,0,92,92,1,1,2,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27403,5,3,1,3,0,,92,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,1,2,2,0,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27404,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,76,6,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27405,1,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27406,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27407,5,3,6,1,1,1,,1,1,,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,,92,92,92,92,168,14,2,1,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27408,1,3,5,2,,0,92,0,92,92,,1,,,1,,2,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,64,5,2,1,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27409,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27410,4,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27411,3,3,6,1,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27412,3,3,11,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,190,15,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27413,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +27414,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27415,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27416,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27417,4,3,10,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27418,5,1,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,178,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27419,5,3,6,1,0,0,92,0,92,92,0,1,2,2,1,1,3,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,162,13,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27420,5,1,6,1,91,0,92,1,,,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27421,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27422,5,1,12,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27423,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27424,5,3,4,2,1,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27425,5,3,8,2,1,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,2,1,0,1,1,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27426,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27427,3,3,10,2,1,0,92,0,92,92,,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27428,5,3,7,1,91,0,92,0,92,92,0,91,92,92,1,,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27429,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27430,5,2,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,25,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27431,5,1,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,91,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27432,1,3,1,2,1,1,,,92,92,,1,2,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,1,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,207,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27433,5,3,10,2,1,1,2,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27434,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27435,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27436,3,3,2,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27437,3,3,3,3,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27438,3,3,11,2,0,0,92,0,92,92,1,1,,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27439,3,1,90,2,1,1,3,0,92,92,0,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,99,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27440,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27441,3,3,8,2,91,2,2,1,2,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,20,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27442,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27443,1,3,7,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27444,3,3,9,2,1,1,,,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27445,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27446,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27447,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,182,15,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27448,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27449,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,66,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27450,5,1,8,3,0,0,92,0,92,92,1,1,1,2,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,67,5,2,1,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +27451,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,69,5,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27452,4,3,10,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27453,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27454,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27455,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27456,3,3,12,3,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27457,5,2,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,124,10,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27458,3,1,1,2,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27459,1,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27460,5,3,6,1,,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,95,7,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27461,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27462,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27463,4,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27464,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27465,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27466,1,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27467,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27468,3,2,11,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27469,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27470,5,3,10,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,176,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27471,2,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27472,3,3,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27473,4,2,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27474,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27475,3,1,5,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27476,5,3,6,1,0,0,92,0,92,92,0,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,46,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27477,3,3,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,106,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27478,5,2,,,0,,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,92,92,92,92,3,0,1,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27479,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,,92,92,92,92,92,,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27480,3,3,90,2,0,0,92,0,92,92,0,1,,4,1,2,4,2,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,35,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27481,4,3,8,2,91,0,92,0,92,92,0,91,92,92,1,,3,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,1,2,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27482,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27483,3,3,10,2,1,2,,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27484,5,3,8,3,0,0,92,0,92,92,0,1,3,2,1,3,,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,84,7,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27485,5,2,6,1,91,2,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27486,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27487,4,3,1,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27488,3,2,6,1,1,2,1,0,92,92,1,1,1,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,122,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27489,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27490,3,3,11,2,0,1,3,0,92,92,,1,2,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27491,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27492,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27493,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27494,5,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27495,5,3,9,2,,1,2,0,92,92,0,1,,,1,1,,,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,56,4,2,2,,90,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27496,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27497,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27498,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27499,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27500,2,1,1,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27501,4,2,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,4,5,11,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27502,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,68,5,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27503,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27504,4,2,11,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27505,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27506,3,2,11,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27507,5,3,8,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27508,3,3,,,1,,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,124,10,2,1,2,1,1,3,1,1,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +27509,3,1,10,2,,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27510,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,119,9,2,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27511,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27512,3,3,10,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27513,3,1,9,2,91,0,92,,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27514,5,2,90,2,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27515,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27516,5,3,4,2,1,,92,0,92,92,1,1,3,2,1,3,2,,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,157,13,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27517,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,,2,0,3,1,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +27518,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27519,5,1,10,2,,0,92,,92,92,0,1,,2,,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,175,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27520,3,3,2,3,,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27521,3,3,9,2,91,,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27522,5,1,10,2,0,0,92,0,92,92,1,0,92,92,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27523,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27524,5,3,6,1,0,1,,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27525,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27526,4,3,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,164,13,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27527,5,90,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27528,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27529,5,3,6,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27530,5,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27531,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27532,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27533,4,3,11,2,1,1,,0,92,92,,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27534,3,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27535,5,3,11,3,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,1,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,193,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27536,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27537,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,10,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27538,5,3,10,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,151,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27539,5,3,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27540,3,2,7,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27541,5,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27542,4,3,4,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27543,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27544,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27545,5,2,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27546,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27547,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,,6,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27548,5,3,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27549,4,2,1,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27550,5,3,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27551,5,3,8,3,,0,92,0,92,92,0,1,,,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,53,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27552,5,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27553,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27554,5,1,3,3,1,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,2,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27555,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27556,4,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27557,1,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27558,2,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27559,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27560,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27561,3,2,4,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,113,9,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27562,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,2,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27563,3,3,8,2,91,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27564,5,3,10,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27565,4,3,10,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,179,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27566,3,3,8,2,1,2,,0,92,92,1,1,1,2,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,1,1,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,118,9,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27567,5,1,11,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27568,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27569,5,4,8,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27570,3,3,4,2,0,0,92,0,92,92,0,1,1,2,1,1,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,94,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27571,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27572,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27573,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27574,5,4,9,2,,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,141,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27575,5,3,6,1,0,0,92,0,92,92,0,1,,2,1,2,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,50,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27576,2,3,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,1,1,1,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,185,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27577,5,90,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27578,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27579,5,3,2,3,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27580,5,1,1,3,1,0,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,200,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27581,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,1,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +27582,3,3,90,2,91,0,92,0,92,92,0,91,92,92,1,1,4,2,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,1,1,0,0,27,2,2,2,2,1,0,5,1,1,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +27583,5,3,11,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,1,0,1,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,204,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27584,5,3,1,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,171,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27585,5,1,7,1,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27586,5,3,8,3,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27587,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27588,5,3,4,2,1,0,92,0,92,92,0,1,,2,1,1,3,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,126,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27589,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27590,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27591,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27592,3,3,10,2,1,,92,0,92,92,1,1,,,1,1,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,184,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27593,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,30,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27594,5,2,4,2,,0,92,,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27595,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27596,1,3,6,1,,0,92,0,92,92,1,1,1,,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,87,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27597,3,3,8,2,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27598,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27599,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,,2,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +27600,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27601,5,1,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,35,2,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27602,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27603,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27604,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27605,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27606,3,3,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27607,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27608,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27609,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27610,5,3,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27611,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27612,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27613,5,4,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,5,0,1,1,,1,0,4,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +27614,3,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27615,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27616,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27617,3,3,6,1,0,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,4,5,13,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27618,3,1,90,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,18,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27619,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27620,5,1,6,1,0,0,92,0,92,92,0,1,2,2,1,,2,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,89,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27621,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27622,5,1,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27623,5,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27624,5,1,8,2,,0,92,0,92,92,,1,1,,1,3,2,1,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,44,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27625,3,2,11,3,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27626,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27627,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27628,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27629,3,1,5,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27630,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27631,3,3,90,2,1,2,1,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27632,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27633,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27634,4,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27635,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27636,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27637,5,3,10,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27638,3,3,10,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27639,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27640,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27641,1,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27642,3,1,1,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,1,0,0,6,0,1,1,1,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27643,3,3,6,1,0,0,92,0,92,92,1,1,2,1,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,,4,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27644,3,1,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27645,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27646,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27647,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27648,5,3,7,1,91,0,92,0,92,92,0,91,92,92,1,2,3,2,,0,0,0,,,,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,8,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27649,4,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27650,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27651,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27652,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27653,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27654,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27655,5,3,8,2,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,38,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27656,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27657,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27658,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27659,5,3,6,1,0,0,92,0,92,92,1,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,2,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27660,4,3,90,2,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27661,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27662,5,3,2,3,91,1,4,0,92,92,0,91,92,92,,92,92,92,,1,0,1,1,1,3,5,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,92,92,92,92,193,16,2,1,,1,0,5,1,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,1,1,1,1,1 +27663,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27664,5,3,9,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,39,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27665,1,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27666,1,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,38,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27667,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27668,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,138,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27669,4,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,92,92,92,92,19,1,1,1,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27670,3,3,4,2,0,,92,0,92,92,,1,2,,1,2,2,1,1,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,64,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27671,3,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27672,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27673,5,1,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27674,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27675,3,2,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,1,1,,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27676,3,1,8,3,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27677,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27678,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27679,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,10,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27680,5,3,2,3,1,1,,0,92,92,,,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,187,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27681,5,3,5,2,0,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27682,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,22,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27683,5,2,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27684,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,,92,92,92,92,196,16,2,1,2,1,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27685,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,147,12,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27686,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,2,,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27687,5,3,1,2,1,1,,,92,92,0,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,1,0,0,1,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,197,16,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27688,5,3,8,3,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27689,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27690,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27691,4,3,10,2,0,0,92,0,92,92,1,1,3,2,1,2,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27692,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27693,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27694,5,2,7,1,91,0,92,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27695,5,3,1,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27696,5,3,4,2,1,0,92,0,92,92,0,1,3,2,1,1,2,3,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,99,8,2,2,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27697,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27698,3,3,10,2,1,1,,0,92,92,0,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,1,1,0,0,1,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27699,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27700,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27701,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27702,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27703,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,28,2,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27704,3,3,12,2,1,1,,0,92,92,0,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27705,3,1,1,3,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27706,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27707,5,3,2,3,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,171,14,2,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27708,5,3,1,3,0,0,92,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,1,1,1,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,2,2,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27709,5,3,12,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27710,3,3,8,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +27711,5,2,12,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27712,5,3,8,3,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,40,3,2,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27713,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27714,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27715,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27716,5,3,1,3,91,2,,0,92,92,,0,92,92,0,92,92,92,,0,0,0,2,2,4,8,1,1,0,1,1,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27717,4,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27718,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27719,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27720,5,2,4,2,0,0,92,0,92,92,0,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,48,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27721,5,1,9,2,91,0,92,0,92,92,0,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27722,5,3,6,1,0,0,92,0,92,92,1,1,,,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,66,5,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27723,4,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27724,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27725,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27726,2,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27727,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27728,4,3,12,2,0,0,92,0,92,92,0,1,2,3,1,3,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,73,6,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27729,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27730,3,3,10,2,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27731,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27732,1,3,6,1,1,1,2,0,92,92,0,,92,92,1,,3,,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,133,11,2,2,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27733,3,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27734,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27735,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27736,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27737,5,3,11,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27738,5,3,2,3,,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,3,4,11,1,1,1,0,1,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,1,0,0,0,1,0,0,0,1,0,92,92,92,92,82,6,2,1,1,,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +27739,4,3,8,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,1,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +27740,3,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27741,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27742,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27743,3,3,90,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27744,3,2,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27745,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27746,2,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27747,3,3,11,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27748,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,,92,92,92,92,11,0,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27749,5,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27750,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27751,5,2,7,1,,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27752,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27753,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27754,3,1,8,3,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27755,3,2,90,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27756,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27757,5,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27758,3,3,10,2,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27759,3,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27760,3,3,8,2,,1,,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,2,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27761,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27762,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27763,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27764,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27765,5,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,148,12,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27766,5,2,90,2,0,0,92,0,92,92,1,0,92,92,1,1,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,58,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27767,5,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27768,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27769,4,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27770,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,19,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27771,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27772,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,31,2,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27773,3,3,6,1,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27774,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,81,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27775,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27776,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27777,3,3,9,2,91,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,19,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27778,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27779,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27780,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27781,3,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27782,5,1,1,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,102,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27783,1,3,5,2,1,2,,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27784,5,3,6,1,0,0,92,0,92,92,,1,1,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,157,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27785,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27786,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27787,5,3,6,1,1,0,92,0,92,92,0,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27788,4,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27789,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27790,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27791,5,3,6,1,0,0,92,0,92,92,1,91,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27792,5,3,11,2,,,92,,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,1,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27793,5,2,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27794,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27795,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27796,5,2,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27797,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27798,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27799,3,1,1,2,0,1,4,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,2,,3,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27800,5,3,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27801,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27802,3,3,1,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27803,3,1,5,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27804,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27805,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27806,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27807,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27808,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27809,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,90,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27810,3,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27811,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27812,4,3,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27813,5,2,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27814,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27815,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27816,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27817,5,2,11,2,0,0,92,0,92,92,1,1,1,2,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,1,0,1,3,3,1,1,0,0,1,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27818,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27819,5,3,11,2,1,1,3,1,,,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,199,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27820,5,2,90,2,1,,92,0,92,92,0,1,2,2,1,1,2,,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,164,13,2,1,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27821,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27822,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27823,4,3,2,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,54,4,2,2,,90,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27824,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27825,5,3,2,3,0,2,1,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,,2,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0 +27826,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27827,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27828,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27829,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27830,5,90,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27831,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,18,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27832,5,3,8,2,0,0,92,0,92,92,0,1,2,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,69,5,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27833,5,3,6,1,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27834,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27835,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27836,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27837,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27838,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27839,1,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27840,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27841,5,3,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27842,5,3,6,1,0,0,92,0,92,92,0,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27843,3,1,2,,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27844,3,2,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27845,3,2,12,2,0,1,4,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27846,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27847,3,1,4,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27848,3,3,4,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,2,,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27849,4,3,90,2,,1,,0,92,92,1,0,92,92,1,,,,0,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27850,5,2,6,1,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,96,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27851,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27852,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27853,3,3,11,2,,1,3,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27854,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,14,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27855,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27856,3,3,8,3,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,172,14,2,1,2,1,,3,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +27857,3,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27858,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27859,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27860,3,3,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,188,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27861,3,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27862,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27863,3,3,8,2,91,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27864,3,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27865,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27866,5,90,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27867,5,3,90,2,,0,92,0,92,92,0,0,92,92,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27868,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27869,3,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27870,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27871,3,1,12,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27872,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27873,3,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27874,4,3,90,2,1,1,3,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27875,1,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27876,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27877,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27878,2,4,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,4,5,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27879,4,2,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27880,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27881,3,3,7,1,0,0,92,0,92,92,0,1,2,2,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,75,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27882,3,3,90,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27883,3,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27884,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27885,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27886,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27887,1,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27888,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27889,1,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,37,3,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27890,5,3,8,2,,,92,0,92,92,0,1,,2,1,,2,1,,0,0,0,4,4,5,13,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,101,8,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27891,4,3,2,3,,2,3,0,92,92,,1,2,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +27892,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27893,5,3,2,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27894,1,1,10,2,,0,92,0,92,92,,1,1,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,214,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27895,2,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27896,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27897,3,3,9,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27898,4,2,6,1,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27899,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27900,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27901,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27902,3,3,1,3,1,1,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27903,3,3,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27904,3,3,8,2,0,0,92,0,92,92,1,1,2,2,1,3,2,2,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27905,3,3,3,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27906,3,3,90,2,0,0,92,0,92,92,1,1,2,2,1,1,4,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,178,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27907,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27908,5,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27909,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,20,1,1,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27910,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27911,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27912,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27913,5,3,1,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27914,5,90,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27915,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27916,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27917,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27918,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27919,3,3,90,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27920,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27921,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27922,4,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27923,5,3,8,2,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27924,4,3,6,1,0,,92,0,92,92,0,1,1,2,1,,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,53,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27925,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27926,1,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27927,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27928,3,3,8,2,0,0,92,0,92,92,1,1,1,3,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27929,5,2,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27930,3,3,10,2,0,1,2,0,92,92,1,1,3,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27931,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27932,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27933,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27934,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27935,5,3,7,1,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,26,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27936,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27937,5,3,10,2,0,0,92,0,92,92,1,1,2,1,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,177,14,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27938,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27939,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27940,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27941,4,3,9,2,0,,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27942,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27943,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27944,5,3,6,1,0,0,92,,92,92,0,1,2,2,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,124,10,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27945,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27946,5,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27947,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27948,5,3,9,2,1,2,,,92,92,0,1,2,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,179,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27949,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,1,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27950,5,3,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27951,5,2,8,2,0,0,92,0,92,92,0,1,1,4,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27952,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27953,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27954,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27955,5,3,6,1,91,0,92,0,92,92,0,1,,2,1,1,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,42,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27956,5,3,1,3,1,1,,0,92,92,,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,1,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,,92,92,92,92,188,15,2,2,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27957,5,3,6,1,0,0,92,0,92,92,1,1,1,2,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,109,9,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27958,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27959,3,3,6,1,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,2,2,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27960,3,3,90,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,2,3,5,10,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27961,5,3,1,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,62,5,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27962,3,2,6,1,0,0,92,0,92,92,0,0,92,92,1,3,2,1,1,0,0,0,3,5,5,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27963,3,1,12,3,1,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,121,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27964,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27965,1,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27966,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27967,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27968,4,3,8,2,1,1,2,0,92,92,1,0,92,92,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,108,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27969,3,3,10,2,0,2,,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,1,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27970,3,3,2,3,0,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,152,12,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27971,5,3,11,2,0,1,1,0,92,92,,1,3,2,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,190,15,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27972,2,3,90,2,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27973,3,3,11,2,1,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27974,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27975,2,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,43,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27976,5,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27977,5,3,1,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27978,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27979,4,3,8,2,91,0,92,0,92,92,0,1,1,2,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,28,2,2,2,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27980,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27981,4,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,103,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27982,5,3,11,2,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,1,1,1,1,0,92,92,92,92,92,1,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,2,2,90,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27983,4,3,5,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27984,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27985,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27986,5,3,90,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,1,1,0,0,0,0,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27987,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27988,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27989,5,3,12,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27990,3,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27991,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27992,5,2,6,1,91,0,92,0,92,92,1,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27993,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27994,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27995,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,16,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27996,5,3,8,2,91,2,3,1,2,1,1,1,,2,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,46,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27997,5,3,11,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +27998,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +27999,3,3,2,3,1,2,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28000,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28001,4,3,1,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28002,3,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,129,10,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28003,5,90,1,3,91,1,4,0,92,92,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,1,1,0,1,0,0,1,0,0,1,3,3,1,1,0,0,0,1,0,,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,1,1,0,8,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,0,0,0,1 +28004,3,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28005,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28006,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28007,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,131,10,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28008,5,4,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,10,0,1,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28009,4,3,9,2,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28010,5,3,10,2,,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28011,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28012,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28013,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28014,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,174,14,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28015,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28016,3,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28017,3,3,5,2,1,,92,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,142,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28018,1,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28019,2,1,10,2,0,1,1,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,155,12,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28020,3,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28021,4,90,8,3,0,0,92,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,113,9,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28022,3,3,10,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28023,5,2,11,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28024,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28025,5,3,10,2,0,,92,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28026,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28027,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28028,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28029,4,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28030,4,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28031,5,2,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28032,5,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28033,3,3,8,3,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28034,5,3,12,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28035,5,3,2,3,1,2,,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,,1,0,5,1,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +28036,3,1,8,3,,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28037,5,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28038,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,4,,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28039,4,2,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28040,5,3,10,2,1,1,,0,92,92,,1,,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28041,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28042,5,3,6,1,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28043,4,3,90,2,0,,92,0,92,92,1,1,1,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28044,4,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28045,5,1,6,1,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,144,12,2,2,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28046,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28047,5,1,10,2,1,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28048,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28049,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28050,5,90,2,3,0,0,92,0,92,92,,0,92,92,1,3,2,,0,0,0,0,4,5,6,15,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,,92,92,92,92,105,8,2,1,,,,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28051,5,3,10,2,0,0,92,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28052,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28053,3,3,11,3,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28054,4,3,12,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,3,4,6,13,1,1,0,0,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,22,1,1,1,2,2,0,5,1,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +28055,3,3,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,3,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28056,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28057,2,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28058,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28059,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28060,5,3,11,2,1,1,,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28061,3,3,2,3,1,,92,,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28062,5,3,2,3,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,153,12,2,2,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28063,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28064,5,2,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28065,4,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28066,5,3,11,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28067,4,3,1,3,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28068,4,3,2,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28069,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28070,4,3,90,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,21,1,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28071,3,3,8,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28072,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28073,4,3,6,1,0,1,,0,92,92,1,1,3,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,146,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28074,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28075,5,3,10,2,91,1,4,0,92,92,,91,92,92,1,,,,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,1,,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,2,,,0,5,1,1,1,0,1,1,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,1,1,1,1,1 +28076,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,,92,92,92,92,20,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28077,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28078,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28079,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28080,4,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,13,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28081,3,1,1,3,1,,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28082,5,2,8,2,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28083,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,1,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28084,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,36,3,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28085,3,1,1,2,0,1,2,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,215,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28086,3,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28087,4,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28088,5,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,73,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28089,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28090,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28091,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28092,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28093,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28094,5,3,6,1,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28095,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28096,5,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,1,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28097,3,3,4,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28098,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,104,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28099,2,3,9,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28100,3,90,5,2,1,,92,,92,92,,,92,92,,92,92,92,,,,,4,5,6,15,2,,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28101,5,3,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,2,2,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28102,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28103,5,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,2,1,0,5,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28104,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28105,3,3,2,3,,0,92,0,92,92,1,1,1,2,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28106,5,3,90,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28107,3,3,8,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28108,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28109,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28110,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,110,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28111,5,3,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28112,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28113,3,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28114,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,28,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28115,3,3,7,1,91,0,92,0,92,92,1,91,92,92,1,2,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28116,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28117,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28118,5,3,9,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28119,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28120,4,3,90,2,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28121,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28122,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28123,5,3,6,1,1,1,,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28124,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28125,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28126,4,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28127,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28128,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28129,5,1,6,1,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28130,4,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28131,5,3,11,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28132,1,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28133,5,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,163,13,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28134,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28135,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28136,5,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28137,3,3,4,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28138,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28139,5,3,10,2,1,1,3,1,1,1,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28140,5,3,8,2,0,1,,0,92,92,,1,2,2,1,,,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,139,11,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28141,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28142,3,1,10,2,0,0,92,0,92,92,0,1,2,2,1,2,4,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,121,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28143,3,3,1,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,1,,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28144,3,2,12,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28145,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28146,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28147,3,2,8,2,91,0,92,0,92,92,0,91,92,92,1,1,,,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,6,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28148,5,3,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,99,8,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28149,5,2,1,2,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,178,14,2,1,,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28150,3,3,90,2,1,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28151,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28152,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28153,5,3,6,1,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28154,3,3,8,3,0,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28155,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,90,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28156,3,3,9,2,91,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,34,2,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28157,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28158,3,3,12,2,0,2,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28159,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28160,5,3,5,2,1,1,2,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28161,5,3,5,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,1,1,1,1,1,1,3,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28162,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28163,2,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,209,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28164,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28165,4,3,90,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28166,5,2,9,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28167,1,2,6,1,91,0,92,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,19,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28168,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28169,1,3,8,2,0,,92,0,92,92,1,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28170,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28171,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,195,16,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28172,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28173,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28174,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28175,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28176,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,2,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28177,5,3,2,3,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,1,1,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28178,5,1,12,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28179,5,2,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28180,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28181,3,2,8,2,,2,1,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,77,6,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28182,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28183,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28184,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,13,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28185,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28186,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28187,4,3,8,2,91,1,2,1,1,1,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,43,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28188,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,4,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28189,5,3,6,1,91,1,2,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28190,3,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,32,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28191,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28192,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28193,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28194,5,2,8,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28195,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28196,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28197,1,2,12,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28198,5,3,3,3,1,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,2,2,0,5,1,1,1,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +28199,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28200,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28201,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28202,5,3,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28203,5,3,6,1,0,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28204,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28205,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28206,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28207,3,90,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28208,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28209,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28210,2,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28211,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28212,5,3,5,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28213,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28214,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28215,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28216,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28217,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28218,5,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28219,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28220,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28221,5,3,11,2,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28222,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28223,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28224,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28225,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28226,5,3,8,3,,,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28227,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,17,1,1,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28228,3,3,9,2,1,1,2,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28229,5,3,6,1,0,0,92,0,92,92,0,1,3,2,1,3,2,1,1,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28230,1,2,90,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28231,5,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28232,3,3,6,1,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28233,5,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,132,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28234,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28235,5,2,90,3,0,0,92,0,92,92,1,1,2,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28236,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28237,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28238,3,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28239,3,3,4,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28240,5,3,12,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28241,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28242,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28243,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28244,3,3,6,1,0,0,92,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28245,3,3,90,2,0,1,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,96,8,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28246,5,2,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28247,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28248,1,3,90,2,0,0,92,0,92,92,1,1,2,2,1,3,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,144,12,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28249,5,3,8,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28250,3,3,8,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,104,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28251,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28252,5,1,8,2,0,0,92,0,92,92,0,1,1,2,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,46,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28253,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28254,5,2,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28255,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,0,0,1,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28256,4,2,3,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,63,5,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28257,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28258,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28259,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28260,5,3,12,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,9,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28261,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28262,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28263,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28264,2,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28265,2,3,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28266,5,3,,,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,5,0,1,1,2,2,1,3,1,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +28267,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28268,3,2,9,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28269,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28270,3,3,90,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28271,5,3,1,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28272,5,2,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28273,3,3,90,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28274,5,1,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28275,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28276,1,3,11,2,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,117,9,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28277,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28278,4,3,10,2,1,,92,0,92,92,0,1,3,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,,92,92,92,92,204,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28279,5,90,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28280,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28281,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28282,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28283,3,1,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28284,5,3,9,2,91,0,92,1,,,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,31,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28285,5,2,11,2,0,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,1,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28286,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28287,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28288,5,3,1,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28289,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28290,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28291,2,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,,2,1,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28292,3,2,11,2,0,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,172,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28293,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28294,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28295,3,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28296,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28297,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28298,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28299,5,3,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28300,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28301,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28302,5,3,11,2,91,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,5,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,,,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28303,3,1,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,128,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28304,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28305,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28306,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28307,3,1,10,2,1,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28308,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28309,5,1,11,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28310,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28311,3,3,6,1,1,1,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,2,1,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,,0,0,,0, +28312,5,3,12,2,0,0,92,0,92,92,1,1,,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28313,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28314,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28315,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28316,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28317,4,3,10,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28318,5,1,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,1,1,0,0,32,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28319,5,90,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,94,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28320,5,3,1,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,135,11,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28321,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,1,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +28322,5,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,107,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28323,5,90,5,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,117,9,2,1,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28324,5,2,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28325,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28326,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28327,5,3,10,2,1,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28328,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28329,5,2,9,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28330,5,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,92,92,92,92,120,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28331,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28332,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28333,5,1,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28334,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28335,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28336,3,2,11,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28337,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28338,3,1,8,3,,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,92,92,92,92,58,4,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +28339,1,3,4,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28340,5,3,10,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28341,3,3,90,2,0,0,92,0,92,92,1,1,3,2,1,1,3,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,91,7,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28342,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28343,3,3,6,1,0,,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28344,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28345,3,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28346,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28347,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28348,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28349,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28350,3,3,7,1,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28351,4,2,8,2,0,0,92,0,92,92,0,1,2,2,1,1,3,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,2,,2,0,5,1,1,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +28352,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28353,5,2,90,2,0,0,92,0,92,92,1,1,1,2,1,1,,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,187,15,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28354,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28355,5,2,1,3,91,1,4,0,92,92,,91,92,92,0,92,92,92,,1,0,0,1,1,2,4,1,1,0,0,0,0,1,1,1,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,1,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,64,5,2,2,2,2,0,5,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,0,0,0,1 +28356,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28357,5,2,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28358,5,3,5,2,1,1,,0,92,92,0,1,1,2,1,,2,1,0,0,0,0,4,4,6,14,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,215,17,2,1,,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +28359,4,2,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28360,3,2,6,1,0,1,1,0,92,92,1,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,188,15,2,2,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +28361,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28362,5,3,2,3,1,1,,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28363,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28364,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +28365,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28366,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,,3,2,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28367,3,2,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,22,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28368,3,3,3,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28369,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28370,3,2,9,2,91,0,92,0,92,92,0,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,22,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28371,5,3,11,2,0,0,92,,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28372,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28373,3,1,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28374,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28375,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28376,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28377,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28378,3,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28379,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,2,2,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,117,9,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28380,3,3,6,1,0,0,92,1,2,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,51,4,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28381,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28382,5,1,8,2,0,0,92,0,92,92,1,1,,3,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,62,5,2,1,2,1,,3,1,1,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +28383,5,3,8,3,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28384,4,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28385,3,3,10,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28386,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28387,2,3,6,1,0,0,92,0,92,92,1,1,3,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28388,3,3,6,1,0,,92,0,92,92,0,1,1,2,1,3,3,1,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,138,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28389,3,3,1,3,1,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,106,8,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28390,3,3,90,2,,0,92,0,92,92,1,0,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,58,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28391,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28392,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28393,3,3,3,3,1,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,54,4,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28394,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28395,5,3,6,1,0,0,92,0,92,92,0,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,97,8,2,1,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28396,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28397,5,3,4,2,1,1,3,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,93,7,2,1,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28398,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28399,5,2,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,82,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28400,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28401,4,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28402,3,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28403,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28404,3,3,6,1,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28405,5,90,12,2,91,1,4,0,92,92,0,91,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,1,,0,1,1,0,0,0,0,0,92,92,1,0,0,0,1,1,1,1,1,1,1,1,0,0,92,92,92,92,92,92,92,0,1,1,0,1,1,0,0,1,1,1,0,0,1,0,0,0,0,0,92,92,92,92,41,3,2,1,,2,0,8,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,0,0,0,1 +28406,5,1,8,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28407,5,3,7,1,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28408,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,8,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28409,5,2,6,1,91,2,,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,19,1,1,2,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28410,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,42,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28411,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28412,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28413,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28414,3,3,5,2,1,,92,0,92,92,1,1,2,2,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28415,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28416,3,90,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28417,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28418,3,3,6,1,91,0,92,0,92,92,1,0,92,92,1,3,3,3,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,34,2,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28419,5,3,90,2,1,2,2,0,92,92,0,1,1,2,1,2,,,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,143,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28420,3,2,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28421,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28422,5,3,2,3,1,1,,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,2,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28423,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28424,5,2,7,1,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28425,5,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28426,1,3,2,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28427,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28428,5,1,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28429,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28430,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28431,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28432,5,3,6,1,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28433,3,3,10,2,0,1,1,0,92,92,0,1,3,2,1,2,3,3,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,163,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28434,3,3,8,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28435,1,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28436,3,3,90,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28437,3,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28438,5,2,1,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28439,2,1,10,2,,2,1,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28440,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28441,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28442,5,4,8,2,,0,92,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28443,5,1,5,2,91,0,92,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +28444,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28445,4,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28446,3,3,,,91,0,92,0,92,92,0,1,2,2,1,3,3,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,47,3,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28447,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28448,4,2,10,2,0,1,2,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28449,5,1,1,2,1,1,,0,92,92,,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,1,1,0,1,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28450,3,3,10,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28451,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28452,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28453,3,1,5,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28454,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28455,3,3,6,1,,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28456,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28457,5,3,1,3,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,43,3,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28458,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28459,1,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28460,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28461,3,3,8,3,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,2,2,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +28462,3,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28463,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28464,5,4,11,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28465,5,1,7,1,1,2,,0,92,92,0,1,2,2,1,2,2,2,0,0,0,1,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28466,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28467,3,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28468,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,1,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28469,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28470,5,1,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28471,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28472,5,3,1,2,1,1,,0,92,92,,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,204,17,2,1,,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28473,4,3,11,2,91,,92,,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28474,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28475,5,1,8,2,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28476,3,3,11,2,0,1,,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28477,5,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28478,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28479,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28480,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28481,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,23,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28482,4,3,6,1,91,0,92,0,92,92,0,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28483,3,1,8,2,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28484,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28485,5,1,8,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,37,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28486,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28487,5,3,5,2,0,2,2,0,92,92,0,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,157,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28488,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28489,3,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28490,4,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28491,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28492,3,3,12,3,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28493,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28494,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28495,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28496,1,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28497,5,3,1,2,91,0,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,10,0,1,1,1,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28498,5,1,1,3,91,,92,,92,92,,91,92,92,,92,92,92,,0,0,0,1,1,1,3,1,1,0,0,0,0,0,0,92,0,1,0,0,1,0,0,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,,1,0,5,1,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,1,1,1 +28499,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28500,5,2,4,2,0,2,,0,92,92,1,1,,,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28501,4,3,10,2,0,0,92,0,92,92,0,0,92,92,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,137,11,2,1,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28502,3,3,11,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28503,4,2,6,1,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28504,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28505,1,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28506,5,1,10,2,1,1,1,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,190,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28507,3,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28508,1,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28509,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28510,3,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28511,3,3,8,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28512,3,3,1,2,1,2,1,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28513,5,3,8,2,,1,2,0,92,92,1,1,,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28514,5,3,8,2,0,0,92,1,3,1,1,0,92,92,1,2,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,92,92,92,92,33,2,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28515,3,3,4,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,113,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28516,3,3,11,2,0,0,92,0,92,92,,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28517,4,2,8,2,0,0,92,0,92,92,1,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,90,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28518,4,3,6,1,91,0,92,1,3,2,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,92,92,92,92,56,4,2,1,2,2,0,1,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +28519,5,1,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,158,13,2,2,2,1,0,5,1,1,1,0,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +28520,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28521,5,3,8,2,,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +28522,5,90,90,2,0,,92,0,92,92,0,,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,1,0,0,0,0,1,1,1,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,184,15,2,1,2,2,1,4,1,1,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +28523,3,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28524,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,182,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28525,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28526,5,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,4,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28527,5,3,8,3,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28528,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,,92,92,92,92,53,4,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28529,5,1,8,3,1,0,92,0,92,92,1,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28530,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28531,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28532,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28533,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28534,5,3,1,3,,,92,,92,92,,1,,,0,92,92,92,1,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,2,2,1,0,3,1,1,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +28535,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28536,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28537,5,3,10,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,182,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28538,2,3,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28539,4,90,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,78,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28540,5,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28541,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28542,3,1,2,3,91,1,,0,92,92,0,91,92,92,1,,2,1,,0,0,0,3,3,5,11,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,213,17,2,1,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +28543,5,3,4,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28544,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28545,3,3,1,3,0,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28546,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,1,1,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28547,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28548,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28549,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28550,5,1,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,24,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28551,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28552,4,3,1,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28553,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28554,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28555,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,,1,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28556,3,3,90,2,0,0,92,0,92,92,0,1,2,3,1,2,,1,1,0,0,0,3,4,6,13,1,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,120,10,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28557,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28558,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28559,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28560,5,2,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28561,3,3,12,2,0,0,92,0,92,92,0,1,2,,1,3,2,1,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,101,8,2,1,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28562,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28563,3,1,10,2,0,0,92,0,92,92,1,1,3,2,1,3,2,2,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,140,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28564,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28565,5,2,10,2,0,,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,95,7,2,1,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +28566,5,1,4,2,0,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28567,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28568,5,1,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,,,0,0,0,4,1,5,10,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,99,8,2,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28569,3,2,9,2,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28570,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28571,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28572,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28573,4,3,8,3,91,2,2,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,26,2,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28574,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28575,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28576,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28577,4,3,11,3,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28578,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28579,1,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28580,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28581,5,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,4,5,11,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,4,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +28582,5,3,2,3,91,1,2,0,92,92,1,91,92,92,1,,,,,0,0,0,3,4,6,13,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,100,8,2,2,1,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +28583,4,3,8,3,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28584,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,28,2,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28585,5,90,90,2,1,1,2,0,92,92,1,1,3,2,1,1,3,2,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28586,5,3,8,2,0,0,92,0,92,92,1,1,2,2,1,2,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,70,5,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28587,3,3,90,2,91,1,2,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28588,5,3,8,2,0,0,92,0,92,92,0,1,2,3,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,98,8,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28589,4,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28590,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28591,3,3,12,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28592,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28593,4,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28594,3,90,8,2,0,,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28595,5,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28596,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28597,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28598,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28599,3,1,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,166,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28600,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28601,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,1,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28602,3,3,6,1,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28603,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,1,0,1,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28604,5,3,6,1,91,0,92,1,3,4,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,32,2,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28605,5,3,90,3,,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28606,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28607,5,3,1,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28608,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28609,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,20,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28610,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28611,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28612,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28613,2,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28614,3,3,2,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,87,7,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28615,3,3,11,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28616,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,2,0,5,1,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +28617,1,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28618,4,2,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28619,3,1,7,1,,1,,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,0,0,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,25,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28620,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28621,5,3,1,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,162,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28622,5,3,1,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28623,3,1,12,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28624,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28625,3,3,3,3,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28626,2,1,8,2,0,1,2,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28627,5,2,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,6,0,1,1,2,2,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +28628,5,3,11,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,1,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28629,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28630,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28631,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28632,3,3,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28633,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28634,3,3,1,2,1,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28635,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,2,2,2,0,4,1,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1 +28636,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28637,5,2,11,2,0,1,1,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,210,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28638,3,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28639,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28640,5,1,8,2,91,,92,,92,92,0,1,,2,1,1,2,1,,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,73,6,2,1,1,1,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +28641,5,3,9,2,91,0,92,0,92,92,0,91,92,92,1,3,3,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28642,4,3,2,,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28643,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28644,5,2,8,3,0,,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,80,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28645,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28646,5,1,4,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,146,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28647,5,1,90,2,,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,73,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28648,5,3,8,2,91,1,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28649,5,3,1,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28650,3,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28651,5,3,1,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28652,1,1,7,1,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28653,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28654,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28655,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28656,4,2,6,1,91,1,2,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28657,3,3,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28658,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28659,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28660,3,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,,92,,,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +28661,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28662,3,3,2,3,1,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,158,13,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28663,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +28664,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28665,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,20,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28666,5,3,6,1,0,,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,138,11,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28667,2,3,12,3,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28668,5,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28669,3,3,11,2,0,1,1,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,200,16,2,1,2,3,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28670,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28671,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28672,5,1,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28673,5,2,8,2,91,1,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,2,3,4,9,1,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28674,3,3,4,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28675,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28676,4,3,2,3,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28677,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28678,5,2,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28679,1,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28680,1,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28681,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28682,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28683,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28684,1,3,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28685,3,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28686,3,3,8,2,1,1,,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28687,5,3,4,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28688,5,3,10,2,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28689,5,2,4,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28690,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28691,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28692,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,65,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28693,3,3,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28694,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28695,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28696,5,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28697,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28698,3,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28699,5,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28700,4,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28701,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28702,5,3,12,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28703,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28704,3,3,1,2,0,0,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,153,12,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28705,5,4,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28706,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28707,5,3,12,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28708,5,2,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28709,3,2,90,2,91,0,92,0,92,92,1,0,92,92,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28710,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28711,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28712,4,3,9,2,91,2,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28713,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28714,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28715,5,3,9,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,6,0,1,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +28716,4,3,9,2,0,0,92,0,92,92,1,0,92,92,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28717,5,3,12,2,91,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28718,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,92,92,92,92,206,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28719,5,1,6,1,0,0,92,0,92,92,,1,1,3,1,3,3,1,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,66,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28720,5,3,10,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28721,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28722,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28723,5,2,,,91,,92,,92,92,0,91,92,92,1,,,,,0,0,0,4,3,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,25,2,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28724,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28725,5,1,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28726,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28727,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28728,5,3,11,2,0,0,92,0,92,92,0,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,136,11,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28729,2,1,10,2,0,0,92,0,92,92,0,1,1,,1,1,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,101,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28730,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,20,1,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28731,4,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28732,5,3,8,2,0,0,92,0,92,92,0,0,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28733,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,1,1,0,0,0,0,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,2,2,1,0,4,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +28734,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,30,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28735,5,3,12,2,0,2,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28736,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28737,5,3,12,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28738,5,3,10,2,1,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,160,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28739,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28740,3,1,7,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28741,3,3,3,3,1,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28742,5,2,10,2,1,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28743,5,2,8,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28744,2,1,8,2,,0,92,0,92,92,1,91,92,92,1,3,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,18,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28745,3,3,8,2,91,0,92,0,92,92,1,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,25,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28746,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,21,1,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28747,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28748,5,3,1,2,91,1,4,,92,92,0,91,92,92,,92,92,92,,0,0,0,1,1,3,5,1,1,0,0,0,0,0,1,1,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,1,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,46,3,2,2,1,,0,2,1,1,1,0,0,1,1,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,1,1,1,1,1 +28749,3,2,8,2,91,1,3,1,1,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,36,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28750,5,2,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28751,5,2,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28752,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28753,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28754,3,3,8,3,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28755,5,2,8,3,91,2,3,1,2,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28756,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28757,3,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28758,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28759,3,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28760,5,1,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28761,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28762,4,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28763,5,1,11,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28764,5,2,12,2,0,0,92,0,92,92,1,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,35,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28765,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28766,5,1,90,2,91,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,27,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28767,5,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28768,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,1,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28769,5,1,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28770,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28771,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28772,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28773,5,3,2,3,1,2,2,0,92,92,0,1,1,2,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28774,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28775,3,3,8,2,,2,3,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28776,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28777,4,3,2,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28778,5,2,90,2,0,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28779,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28780,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28781,5,3,2,2,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,58,4,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28782,3,3,6,1,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28783,1,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28784,5,2,11,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28785,5,3,1,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,63,5,2,1,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28786,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28787,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28788,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28789,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28790,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28791,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28792,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28793,3,2,6,1,0,1,3,0,92,92,0,1,2,,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,2,3,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,92,92,92,92,191,15,2,1,,1,1,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +28794,5,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28795,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28796,5,3,11,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28797,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28798,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28799,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28800,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28801,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28802,5,2,6,1,,2,,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28803,3,1,9,2,0,,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28804,5,3,1,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28805,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28806,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28807,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28808,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,58,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28809,5,3,3,2,91,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,68,5,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28810,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28811,5,2,10,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,94,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28812,5,3,1,3,91,1,,,92,92,,91,92,92,,92,92,92,,0,0,0,3,5,6,14,2,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,1,,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,2,1,1,0,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1 +28813,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28814,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28815,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28816,3,3,5,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28817,5,1,11,2,1,1,2,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28818,3,3,8,2,91,0,92,0,92,92,1,1,1,2,1,3,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28819,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28820,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28821,5,3,1,3,1,,92,0,92,92,,1,,2,1,1,,,1,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,203,16,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28822,3,3,8,2,0,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28823,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28824,5,3,,,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28825,5,3,8,2,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28826,5,2,6,1,91,0,92,0,92,92,1,91,92,92,1,2,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28827,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +28828,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,139,11,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28829,3,90,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,125,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28830,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28831,5,3,8,3,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,2,2,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28832,3,3,4,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,127,10,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28833,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28834,3,3,3,3,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,139,11,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28835,3,1,11,2,91,,92,,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,17,1,1,1,2,3,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +28836,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28837,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28838,1,3,10,2,0,1,,0,92,92,1,1,2,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,1,0,5,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28839,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28840,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28841,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28842,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28843,5,2,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28844,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28845,5,3,90,2,0,0,92,0,92,92,1,1,1,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28846,5,3,8,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28847,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28848,5,3,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28849,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28850,,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28851,3,3,2,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28852,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28853,5,2,6,1,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,24,2,2,1,,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28854,5,1,2,,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28855,5,1,11,2,0,1,,0,92,92,,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,189,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28856,3,3,8,2,1,2,,0,92,92,1,1,2,2,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,108,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28857,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28858,2,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28859,3,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28860,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28861,1,2,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28862,5,4,10,2,0,0,92,0,92,92,1,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,185,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28863,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28864,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28865,4,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28866,5,3,11,2,1,2,,,92,92,0,,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,1,0,0,0,0,1,1,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,177,14,2,1,1,,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +28867,3,3,7,1,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28868,5,3,90,2,,,92,,92,92,0,91,92,92,0,92,92,92,,1,0,1,1,1,4,6,1,1,0,0,0,0,1,0,92,1,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,1,,1,0,5,1,1,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,1,1,1 +28869,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28870,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28871,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28872,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28873,4,2,8,3,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28874,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28875,2,1,4,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28876,2,1,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28877,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28878,5,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28879,3,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28880,4,2,10,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28881,1,3,6,1,0,1,1,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28882,4,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28883,3,3,10,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,179,14,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28884,4,2,1,2,,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28885,5,2,9,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28886,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28887,3,3,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28888,3,3,2,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28889,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28890,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28891,5,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28892,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28893,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,,2,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28894,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28895,5,90,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28896,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,1,4,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28897,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28898,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28899,3,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28900,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28901,5,1,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28902,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28903,5,1,12,2,0,1,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,192,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28904,4,3,4,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28905,3,3,4,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28906,4,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28907,2,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28908,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28909,3,3,1,2,0,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28910,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28911,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28912,5,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28913,5,2,8,3,0,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28914,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28915,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28916,3,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28917,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28918,1,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28919,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28920,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28921,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28922,5,3,10,2,1,1,3,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28923,5,3,1,2,,0,92,0,92,92,,1,1,2,0,92,92,92,0,,,,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,193,16,2,2,1,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28924,3,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28925,5,2,11,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28926,3,3,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28927,3,3,10,2,0,0,92,0,92,92,0,0,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,136,11,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28928,3,2,11,2,0,0,92,0,92,92,1,1,3,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28929,5,3,90,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,50,4,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28930,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28931,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28932,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28933,5,1,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,37,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28934,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,143,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28935,5,3,11,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28936,3,1,90,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28937,3,2,12,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28938,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28939,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28940,5,3,6,1,0,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,1,1,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28941,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28942,3,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28943,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28944,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28945,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28946,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28947,3,3,10,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28948,3,3,8,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28949,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28950,4,3,2,3,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28951,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28952,2,4,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28953,5,2,1,2,1,,92,,92,92,0,1,2,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,1,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28954,5,1,8,2,91,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28955,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28956,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28957,5,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28958,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28959,5,2,7,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28960,4,2,3,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28961,5,3,90,2,91,0,92,0,92,92,0,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,63,5,2,2,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +28962,5,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,146,12,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28963,3,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28964,3,1,1,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28965,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,7,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28966,3,3,8,3,1,1,1,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +28967,5,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28968,5,3,90,2,0,0,92,0,92,92,0,1,2,3,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,97,8,2,1,,2,1,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28969,5,2,8,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28970,5,1,12,2,0,0,92,0,92,92,1,1,2,2,1,2,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,165,13,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28971,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28972,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28973,5,3,,,1,,92,,92,92,0,1,1,,1,3,2,1,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,187,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28974,5,2,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28975,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28976,5,1,1,2,1,2,,0,92,92,1,1,3,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,77,6,2,2,,,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28977,5,2,1,2,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28978,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28979,3,1,8,3,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28980,5,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28981,5,3,1,3,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28982,5,3,11,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28983,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28984,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28985,5,2,,,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28986,5,3,6,1,0,1,3,0,92,92,1,1,1,2,1,3,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28987,5,3,8,2,0,2,,0,92,92,0,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28988,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28989,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28990,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28991,3,1,2,3,0,0,92,0,92,92,1,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,115,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28992,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28993,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28994,5,3,2,3,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28995,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28996,5,3,4,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +28997,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28998,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +28999,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +29000,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29001,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29002,5,3,1,3,1,1,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29003,5,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29004,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29005,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29006,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29007,3,3,7,1,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,92,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29008,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29009,5,2,10,2,0,1,1,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29010,5,2,12,2,0,1,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,201,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29011,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,28,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29012,2,1,12,2,,1,2,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,170,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29013,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29014,4,3,90,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29015,5,3,1,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,32,2,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29016,3,3,10,2,0,0,92,0,92,92,,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29017,5,1,10,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29018,5,2,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29019,4,2,1,2,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29020,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29021,3,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29022,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29023,3,3,3,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,148,12,2,2,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29024,3,1,9,2,91,2,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,34,2,2,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29025,5,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29026,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29027,5,2,10,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29028,3,1,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29029,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29030,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29031,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,17,1,1,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29032,5,3,90,2,0,1,3,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,122,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29033,5,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29034,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29035,4,3,11,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29036,5,2,9,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,92,92,92,92,33,2,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29037,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,30,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29038,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29039,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29040,5,3,10,2,1,2,,,92,92,,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29041,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29042,2,3,10,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,198,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29043,3,3,1,2,1,2,,0,92,92,1,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,173,14,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29044,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29045,3,3,12,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,71,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29046,3,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29047,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29048,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29049,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29050,5,3,10,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,4,6,12,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +29051,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29052,2,1,4,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29053,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29054,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29055,5,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29056,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29057,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29058,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29059,5,3,6,1,1,,92,1,,,0,0,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,90,7,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29060,5,3,1,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29061,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29062,5,1,8,2,,,92,0,92,92,1,1,,2,1,3,2,,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,45,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29063,5,2,4,2,0,2,,0,92,92,0,1,2,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,140,11,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29064,3,3,2,3,91,,92,0,92,92,,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29065,3,3,8,3,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29066,3,1,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29067,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29068,4,2,6,1,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,3,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29069,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29070,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29071,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29072,4,3,8,3,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,2,1,,1,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29073,2,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29074,3,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29075,5,3,90,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29076,1,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29077,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29078,3,3,4,2,1,2,,0,92,92,1,1,2,2,1,3,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,149,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29079,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29080,5,2,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,38,3,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29081,5,3,5,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,119,9,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29082,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29083,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29084,3,2,9,2,0,2,1,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29085,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29086,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29087,4,3,10,2,0,0,92,0,92,92,0,1,,,0,92,92,92,1,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,109,9,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29088,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29089,5,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29090,5,4,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29091,3,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29092,2,1,4,2,0,1,1,0,92,92,0,1,,2,1,3,2,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,133,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29093,5,3,8,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29094,5,3,2,3,1,0,92,0,92,92,1,0,92,92,1,3,2,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,129,10,2,2,2,2,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +29095,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29096,5,2,10,2,1,1,3,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29097,3,3,10,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29098,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29099,5,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29100,1,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29101,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29102,3,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29103,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29104,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29105,3,3,8,2,0,0,92,,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29106,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29107,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29108,1,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29109,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,20,1,1,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29110,3,3,10,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29111,2,4,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,173,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29112,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29113,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29114,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29115,3,1,5,2,,1,2,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29116,1,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29117,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29118,4,3,3,3,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29119,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,21,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29120,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29121,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29122,5,4,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29123,5,3,,,,0,92,0,92,92,1,91,92,92,1,2,,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29124,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29125,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29126,5,2,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29127,5,3,1,2,,1,4,0,92,92,0,,92,92,0,92,92,92,,1,1,1,1,1,,6,1,1,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,2,3,1,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,1,1,0,0,0,0,0,0,0,1,1,0,0,0,199,16,2,1,,1,0,5,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,1 +29128,3,2,12,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +29129,5,3,4,2,1,0,92,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29130,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29131,5,3,3,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,,2,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29132,5,3,1,2,1,1,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,,,,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,2,1,1,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +29133,5,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29134,5,2,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,135,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29135,5,2,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29136,5,3,90,2,,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,185,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29137,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29138,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29139,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29140,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29141,5,90,7,1,,0,92,0,92,92,1,0,92,92,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29142,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29143,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29144,1,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29145,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29146,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29147,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29148,5,3,9,2,,0,92,0,92,92,0,0,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,8,0,1,2,,1,,,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +29149,5,1,8,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29150,3,1,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29151,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29152,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29153,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29154,5,4,10,2,0,0,92,,92,92,,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,107,8,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29155,5,3,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29156,1,3,90,2,0,1,1,1,2,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,167,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29157,5,90,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,15,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29158,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,61,5,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29159,2,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29160,4,3,2,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29161,5,3,5,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29162,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,18,1,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29163,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29164,2,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29165,1,3,7,1,0,0,92,0,92,92,1,1,3,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29166,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29167,2,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29168,3,3,11,2,0,0,92,0,92,92,1,1,1,4,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,188,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29169,3,3,10,3,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29170,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29171,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29172,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29173,1,3,5,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29174,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29175,3,1,8,2,91,0,92,1,2,2,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29176,5,3,1,2,1,1,,0,92,92,,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +29177,3,2,4,2,1,1,,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29178,5,1,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29179,3,1,6,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29180,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29181,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,45,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29182,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,65,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29183,5,3,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29184,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29185,5,2,12,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,73,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29186,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29187,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29188,5,3,1,2,91,0,92,0,92,92,,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,48,4,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +29189,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29190,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29191,5,3,2,3,91,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29192,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29193,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29194,3,1,11,2,1,1,3,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29195,5,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29196,3,3,8,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,,92,,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29197,3,3,8,3,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29198,5,1,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29199,3,3,10,2,0,0,92,0,92,92,1,1,3,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29200,4,3,1,2,1,1,,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,175,14,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +29201,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +29202,1,3,11,2,0,0,92,0,92,92,1,1,1,1,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29203,3,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29204,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29205,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,1,0,0,0,92,92,92,92,92,1,3,3,1,0,0,1,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,1,1,0,5,1,1,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +29206,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29207,5,3,4,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29208,5,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29209,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29210,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29211,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29212,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29213,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29214,3,3,6,1,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,133,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29215,5,3,8,2,91,0,92,,92,92,,,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29216,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29217,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29218,3,90,90,2,1,1,,0,92,92,0,1,3,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,184,15,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29219,4,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29220,5,2,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,1,1,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29221,5,1,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29222,1,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29223,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29224,5,3,3,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,72,6,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29225,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29226,2,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,4,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29227,4,3,10,2,0,0,92,0,92,92,1,1,2,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,145,12,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29228,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29229,5,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29230,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29231,2,3,1,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29232,4,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,89,7,2,2,,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29233,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29234,5,1,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29235,3,2,1,2,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,25,2,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29236,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,,1,0,3,1,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +29237,4,3,6,1,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +29238,5,2,4,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29239,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29240,3,3,8,2,,0,92,1,2,2,0,91,92,92,0,92,92,92,,0,0,0,4,1,6,11,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,92,92,92,92,34,2,2,1,2,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29241,3,3,12,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29242,3,3,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29243,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29244,5,3,1,2,91,,92,,92,92,,91,92,92,,92,92,92,,1,0,0,1,1,5,7,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,1,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +29245,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29246,5,2,6,1,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29247,3,1,8,3,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,157,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +29248,3,3,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29249,5,2,8,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29250,3,3,6,1,0,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29251,4,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,62,5,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29252,5,2,10,2,1,2,2,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29253,3,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29254,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29255,3,90,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29256,3,3,10,2,1,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29257,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29258,3,3,3,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29259,3,2,12,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29260,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29261,3,1,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29262,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29263,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29264,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29265,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29266,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29267,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29268,4,3,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29269,3,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,201,16,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29270,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29271,3,2,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29272,3,3,8,2,,1,3,0,92,92,0,,92,92,0,92,92,92,,0,0,0,2,2,2,6,1,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,158,13,2,2,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +29273,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29274,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29275,3,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29276,5,2,9,2,0,0,92,0,92,92,0,1,,,1,3,4,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,40,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29277,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29278,5,1,4,2,0,0,92,0,92,92,1,0,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,48,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29279,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29280,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29281,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29282,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29283,5,90,90,2,0,0,92,,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29284,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29285,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29286,5,3,5,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,1,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,90,7,2,1,,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29287,3,1,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29288,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29289,4,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29290,5,3,10,2,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29291,5,1,10,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29292,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29293,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29294,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29295,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29296,5,3,4,2,91,0,92,0,92,92,0,1,,2,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,63,5,2,1,2,2,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29297,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29298,5,1,2,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,135,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29299,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29300,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29301,5,3,7,1,0,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29302,3,3,9,2,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29303,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,7,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29304,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29305,5,1,10,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29306,5,2,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29307,4,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29308,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29309,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29310,4,3,11,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29311,3,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29312,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29313,3,3,90,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29314,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29315,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29316,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29317,1,3,8,2,0,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29318,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29319,5,3,8,2,1,1,,1,1,1,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,79,6,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29320,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29321,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29322,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29323,3,1,1,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29324,5,2,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29325,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29326,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29327,3,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29328,2,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29329,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29330,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29331,5,3,6,1,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29332,4,3,12,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,96,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29333,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29334,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29335,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29336,3,2,,,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29337,5,3,5,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,2,,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29338,4,3,8,3,91,2,1,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29339,3,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29340,3,3,2,3,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29341,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,9,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29342,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29343,2,3,7,1,91,0,92,0,92,92,0,1,1,3,1,3,4,1,0,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,65,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29344,5,3,8,2,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29345,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29346,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29347,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29348,1,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29349,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29350,5,2,1,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29351,4,3,90,2,0,0,92,0,92,92,0,1,2,2,1,2,2,2,0,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29352,2,4,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29353,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29354,5,1,7,1,91,0,92,0,92,92,1,91,92,92,1,3,4,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29355,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29356,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29357,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,89,7,2,2,,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29358,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29359,4,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29360,4,3,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29361,3,3,90,2,91,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29362,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29363,1,3,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29364,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29365,5,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,51,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29366,5,3,8,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29367,5,2,6,1,0,0,92,0,92,92,1,1,1,2,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,46,3,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29368,4,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29369,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29370,5,3,4,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29371,3,3,9,2,,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29372,4,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,1,0,1,2,,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +29373,5,3,6,1,0,0,92,0,92,92,0,1,,2,1,3,,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,80,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29374,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29375,5,3,6,1,1,1,3,0,92,92,0,1,1,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,2,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29376,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29377,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29378,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29379,5,3,6,1,,0,92,0,92,92,0,,92,92,1,3,2,1,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,51,4,2,2,,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29380,3,3,5,2,,1,4,0,92,92,,,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,2,1,0,5,1,1,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +29381,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +29382,2,1,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,175,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29383,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29384,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,,92,,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29385,4,3,90,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29386,3,3,8,2,0,0,92,0,92,92,1,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,56,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29387,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29388,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29389,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29390,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29391,5,2,11,2,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29392,3,3,3,3,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,118,9,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29393,4,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29394,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29395,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29396,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29397,3,2,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29398,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29399,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29400,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29401,5,2,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29402,3,3,9,2,91,,92,,92,92,0,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,19,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29403,4,3,5,2,,1,3,0,92,92,1,1,2,2,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29404,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29405,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,55,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29406,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29407,3,1,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29408,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29409,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29410,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29411,4,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29412,5,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29413,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29414,5,2,6,1,0,1,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29415,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29416,5,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29417,1,3,11,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29418,3,2,3,3,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,165,13,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +29419,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29420,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29421,4,3,8,2,91,0,92,0,92,92,0,91,92,92,1,,4,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,24,2,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29422,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29423,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29424,3,3,10,3,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,111,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29425,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29426,3,3,6,1,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29427,3,3,10,2,0,0,92,0,92,92,0,1,3,3,1,3,4,1,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,71,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29428,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29429,5,3,2,3,1,1,,0,92,92,,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,104,8,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29430,5,2,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29431,3,3,8,2,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29432,4,3,7,1,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,52,4,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +29433,3,2,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29434,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,11,0,1,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29435,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,9,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29436,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29437,5,90,1,3,1,1,3,,92,92,0,1,2,,0,92,92,92,0,0,0,0,,,,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,0,1,0,0,1,1,1,0,1,0,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,2,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29438,3,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29439,1,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29440,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29441,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29442,3,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,51,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29443,5,1,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29444,1,2,8,2,0,0,92,0,92,92,0,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29445,5,1,10,2,1,1,,0,92,92,,1,,,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,2,,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29446,3,3,8,2,91,0,92,1,3,1,1,,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,24,2,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29447,5,90,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29448,3,2,1,2,0,,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,47,3,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29449,3,3,2,3,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,0,1,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29450,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29451,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29452,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29453,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29454,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29455,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29456,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29457,4,2,8,3,91,2,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29458,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29459,1,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29460,2,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29461,1,3,10,2,1,1,,1,2,1,0,1,3,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,92,92,92,92,176,14,2,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29462,5,3,8,3,91,,92,0,92,92,1,91,92,92,1,3,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29463,3,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29464,3,1,11,2,,1,4,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,1,90,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29465,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29466,4,2,6,1,91,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,50,4,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29467,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29468,5,1,4,2,0,2,,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29469,3,3,8,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,2,2,0,3,1,1,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +29470,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29471,5,3,90,2,0,0,92,0,92,92,0,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,68,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29472,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29473,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,8,0,1,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29474,3,2,6,1,0,0,92,0,92,92,0,1,1,2,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,134,11,2,1,1,90,0,5,1,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +29475,4,2,8,2,1,2,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29476,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29477,5,2,10,2,1,0,92,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,161,13,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29478,3,1,7,1,1,1,,0,92,92,0,0,92,92,0,92,92,92,,,,,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29479,5,2,6,1,91,0,92,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29480,4,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29481,3,3,8,3,1,1,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29482,3,3,90,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29483,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29484,1,1,12,3,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29485,4,3,1,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,122,10,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29486,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29487,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29488,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29489,5,1,1,3,0,2,1,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29490,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29491,5,1,1,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,171,14,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29492,3,3,8,2,,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29493,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29494,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29495,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,2,,2,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +29496,5,1,4,2,0,0,92,0,92,92,1,1,,2,1,3,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,87,7,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29497,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29498,4,3,9,2,0,0,92,0,92,92,1,1,,,1,,4,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29499,5,2,1,3,1,1,,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,,3,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +29500,5,1,8,3,91,,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,7,0,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29501,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29502,3,3,8,2,91,0,92,0,92,92,0,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,44,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29503,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29504,3,2,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29505,5,3,11,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,184,15,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29506,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29507,5,1,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29508,5,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29509,5,1,8,3,0,2,,0,92,92,1,1,2,2,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29510,3,3,10,2,1,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29511,3,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29512,3,3,8,2,91,2,4,0,92,92,0,1,1,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,52,4,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29513,5,3,8,3,0,0,92,0,92,92,1,1,,3,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29514,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29515,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29516,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29517,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29518,1,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29519,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29520,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29521,1,3,8,3,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29522,5,3,1,2,91,1,4,0,92,92,,,92,92,1,3,2,1,,1,0,0,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,1,1,1,1,1,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,1,0,0,0,0,1,0,0,0,92,92,92,92,84,7,2,1,,1,0,5,1,1,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,1 +29523,4,3,90,3,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,88,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29524,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29525,4,3,10,2,1,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29526,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29527,4,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29528,3,3,8,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,1,1,0,0,0,0,1,,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,48,4,2,2,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +29529,5,2,8,3,,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29530,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29531,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29532,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29533,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29534,5,2,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29535,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29536,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29537,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29538,3,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,153,12,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29539,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29540,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29541,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29542,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29543,5,1,1,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29544,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29545,5,3,10,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29546,3,1,1,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,53,4,2,1,,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29547,5,2,5,2,0,1,4,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29548,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29549,5,2,8,2,0,0,92,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29550,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29551,2,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29552,5,2,6,1,0,0,92,0,92,92,1,1,1,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,93,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29553,3,3,11,2,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29554,3,3,7,1,91,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,5,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29555,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29556,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29557,3,1,1,2,1,2,,0,92,92,,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,1,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29558,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29559,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29560,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29561,5,3,10,2,1,0,92,0,92,92,0,0,92,92,1,1,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29562,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29563,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29564,5,2,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29565,4,3,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29566,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29567,5,2,,,91,,92,,92,92,1,91,92,92,1,3,1,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29568,5,2,90,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29569,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29570,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29571,3,3,9,2,91,2,3,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29572,3,3,8,2,91,0,92,0,92,92,1,1,1,4,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29573,4,2,1,2,0,2,,0,92,92,1,1,2,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,48,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29574,4,3,8,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,3,5,12,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29575,2,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29576,2,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,139,11,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29577,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +29578,3,3,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29579,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29580,5,3,11,2,,1,,,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29581,4,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,2,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +29582,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29583,5,3,8,2,91,0,92,0,92,92,0,1,,3,1,3,3,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,54,4,2,1,1,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29584,3,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29585,2,2,11,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,185,15,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29586,3,1,90,2,0,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,108,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29587,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29588,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,151,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29589,4,3,12,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29590,3,3,6,1,91,1,1,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,49,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29591,5,3,7,1,91,0,92,0,92,92,1,91,92,92,1,1,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29592,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29593,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,100,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29594,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,82,6,2,2,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29595,3,3,2,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29596,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29597,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,30,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29598,5,3,6,1,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,155,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29599,3,3,12,3,0,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,68,5,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29600,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29601,4,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,166,13,2,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29602,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29603,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29604,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29605,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29606,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29607,4,3,8,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29608,5,2,6,1,0,0,92,,92,92,1,1,1,,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29609,5,2,,,91,0,92,0,92,92,1,91,92,92,1,1,,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,9,0,1,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29610,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29611,3,2,1,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29612,5,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29613,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +29614,3,2,10,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29615,3,3,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29616,4,3,4,2,0,0,92,0,92,92,1,1,1,2,1,3,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29617,3,3,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29618,5,2,9,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29619,3,3,7,1,,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29620,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29621,4,2,8,3,,0,92,0,92,92,0,,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,30,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29622,5,3,8,2,91,0,92,0,92,92,1,1,2,2,1,2,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,,92,92,92,92,53,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29623,5,1,2,3,,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29624,1,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29625,5,1,1,3,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,154,12,2,2,,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29626,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29627,1,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29628,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29629,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29630,5,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29631,5,3,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29632,3,3,8,3,91,1,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29633,5,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29634,4,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29635,3,3,10,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,92,92,92,92,173,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29636,5,3,6,1,91,2,,1,1,2,0,91,92,92,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,48,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29637,5,3,1,2,0,0,92,0,92,92,0,1,1,4,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29638,3,3,8,2,,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,194,16,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29639,3,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29640,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,7,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29641,5,3,1,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29642,5,2,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,10,0,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29643,4,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,114,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29644,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29645,5,3,11,2,1,1,,1,1,,0,1,,,1,1,2,1,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,92,92,92,92,187,15,2,1,2,90,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29646,3,3,8,2,0,0,92,0,92,92,1,1,1,2,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,60,5,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29647,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29648,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,92,92,92,92,164,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29649,2,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29650,5,2,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29651,3,2,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29652,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,74,6,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29653,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29654,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29655,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29656,3,1,9,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29657,3,3,9,2,,1,,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,132,11,2,1,1,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29658,3,2,11,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29659,5,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29660,4,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,214,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29661,5,3,11,2,1,,92,0,92,92,,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29662,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29663,4,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29664,5,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,1,0,0,1,0,0,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29665,3,2,2,3,0,0,92,0,92,92,0,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,36,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29666,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,191,15,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29667,5,2,4,2,,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29668,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29669,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29670,5,2,12,2,0,0,92,0,92,92,1,1,1,1,1,1,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29671,4,3,2,3,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29672,3,3,9,2,91,1,3,,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29673,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29674,5,2,11,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,182,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29675,3,3,90,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29676,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29677,3,1,1,2,1,,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29678,3,3,10,2,1,,92,,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29679,1,3,6,1,0,0,92,0,92,92,0,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,92,92,92,92,113,9,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29680,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29681,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29682,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29683,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29684,3,90,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29685,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29686,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29687,5,3,1,3,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29688,5,3,6,1,0,0,92,0,92,92,0,1,2,2,1,3,3,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,78,6,2,2,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29689,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29690,5,1,8,3,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29691,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29692,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29693,5,90,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29694,1,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29695,5,1,1,3,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,215,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29696,5,3,10,2,1,1,,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29697,5,1,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29698,5,3,1,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,1,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29699,5,2,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29700,5,2,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29701,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29702,5,3,,,1,,92,0,92,92,0,1,2,,1,1,,1,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,144,12,2,1,1,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29703,3,90,6,1,0,0,92,0,92,92,0,0,92,92,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29704,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29705,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29706,3,3,7,1,91,0,92,0,92,92,0,0,92,92,1,,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29707,5,3,10,2,1,0,92,0,92,92,0,1,3,3,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29708,5,3,,,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,44,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29709,4,2,5,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,158,13,2,2,2,1,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29710,5,3,90,2,0,1,,,92,92,,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29711,5,3,10,2,0,0,92,0,92,92,1,1,1,2,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29712,5,2,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29713,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29714,3,3,3,3,,1,3,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,2,,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29715,3,1,90,2,0,0,92,0,92,92,1,0,92,92,1,3,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29716,2,3,11,2,0,1,,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29717,5,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29718,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29719,5,2,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29720,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29721,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29722,3,3,12,2,0,0,92,0,92,92,1,0,92,92,1,1,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29723,3,3,8,2,91,0,92,0,92,92,0,0,92,92,1,,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,48,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29724,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +29725,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29726,5,3,8,2,0,0,92,0,92,92,1,,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29727,3,3,8,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29728,3,3,10,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29729,5,3,12,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29730,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29731,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29732,5,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29733,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29734,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29735,3,3,1,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29736,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29737,1,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,22,1,1,1,,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29738,5,3,6,1,0,0,92,0,92,92,0,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,42,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29739,5,2,90,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,163,13,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29740,3,3,2,3,,1,1,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29741,3,1,1,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29742,3,3,11,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,204,17,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29743,5,3,6,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29744,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29745,1,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29746,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29747,2,1,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29748,5,3,7,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29749,3,3,8,3,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,23,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29750,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29751,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29752,5,2,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,1,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,4,0,1,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29753,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29754,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29755,3,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29756,3,3,10,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29757,5,3,90,2,,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,69,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29758,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29759,5,3,9,2,91,0,92,0,92,92,0,91,92,92,1,2,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29760,5,3,12,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29761,3,3,8,2,0,0,92,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29762,3,3,4,2,0,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,1,3,4,5,12,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29763,4,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,4,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29764,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29765,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29766,5,1,10,2,0,0,92,0,92,92,0,1,3,3,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,88,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29767,5,3,6,1,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,137,11,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29768,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29769,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29770,5,3,6,1,0,0,92,0,92,92,1,1,,2,1,2,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,60,5,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29771,3,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,2,1,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29772,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29773,5,2,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29774,3,3,8,2,91,2,4,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,43,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29775,5,3,11,2,,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,1,2,4,7,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,1,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29776,1,3,2,3,91,,92,,92,92,0,91,92,92,,92,92,92,,1,0,1,1,1,1,3,1,1,0,0,0,0,1,1,,,1,0,0,1,0,0,1,3,3,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,21,1,1,2,2,1,0,8,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,0,0,0,1 +29777,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29778,3,3,2,3,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29779,1,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29780,3,2,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29781,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29782,5,2,8,2,,0,92,0,92,92,0,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29783,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29784,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29785,5,3,11,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,81,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29786,4,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,178,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29787,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29788,3,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29789,4,2,1,3,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,160,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29790,5,3,4,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29791,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29792,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,58,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29793,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29794,4,3,7,1,0,0,92,0,92,92,0,1,1,2,1,1,,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,96,8,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29795,4,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29796,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29797,4,3,1,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29798,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29799,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29800,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29801,3,3,2,3,91,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29802,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,1,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29803,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29804,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29805,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29806,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29807,3,3,9,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29808,1,1,8,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,37,3,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29809,5,1,8,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29810,3,3,4,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29811,5,1,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29812,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,1,1,1,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29813,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29814,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29815,4,3,8,2,0,2,1,0,92,92,1,0,92,92,1,2,3,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29816,5,3,6,1,0,0,92,0,92,92,1,1,3,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29817,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29818,5,1,8,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29819,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,6,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29820,5,2,6,1,,0,92,0,92,92,,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,31,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29821,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29822,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29823,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29824,5,2,4,2,1,0,92,0,92,92,0,0,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,64,5,2,1,2,1,,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29825,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29826,5,3,11,2,0,2,,,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,191,15,2,2,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29827,5,2,11,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,86,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29828,3,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +29829,5,3,8,3,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29830,3,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29831,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29832,5,3,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29833,5,3,6,1,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29834,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29835,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29836,3,3,8,2,91,1,2,,92,92,,91,92,92,1,,2,,,0,0,0,3,4,5,12,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,70,5,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29837,5,3,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29838,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29839,4,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,113,9,2,1,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29840,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29841,3,3,4,2,1,,92,0,92,92,0,1,3,2,1,3,2,,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,98,8,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29842,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29843,5,90,2,3,91,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29844,3,3,10,2,1,1,2,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,208,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29845,2,3,12,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29846,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29847,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29848,3,3,6,1,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29849,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29850,5,2,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29851,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29852,5,2,10,2,1,1,1,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29853,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29854,5,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29855,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29856,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29857,5,2,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29858,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29859,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29860,5,2,11,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29861,5,3,7,1,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29862,5,1,12,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29863,3,3,1,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29864,3,1,8,3,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,98,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29865,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,11,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29866,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29867,3,3,9,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29868,3,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29869,5,2,11,2,1,1,3,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29870,4,2,2,3,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,3,5,11,1,1,1,0,1,0,0,0,92,0,1,0,0,1,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,2,2,2,0,3,1,1,1,0,1,0,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +29871,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29872,5,1,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,27,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29873,3,3,4,2,0,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29874,3,1,2,3,91,,92,,92,92,,91,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,,,0,5,1,1,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,1,1,1 +29875,5,3,9,2,0,0,92,1,,,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29876,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,14,1,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29877,5,2,10,2,,0,92,0,92,92,0,1,,3,0,92,92,92,0,,,,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29878,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29879,5,2,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29880,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29881,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29882,3,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29883,5,3,1,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29884,5,3,90,2,0,0,92,0,92,92,1,1,2,2,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,93,7,2,2,,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29885,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29886,5,3,90,2,1,2,,0,92,92,,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,92,92,92,92,142,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29887,3,3,90,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,170,14,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29888,5,1,90,2,,0,92,0,92,92,0,1,3,4,1,3,4,3,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,79,6,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29889,5,1,10,2,1,,92,0,92,92,0,1,2,2,1,3,3,1,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,94,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29890,4,3,2,2,,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,3,5,5,13,1,1,0,1,1,0,0,0,92,0,1,1,1,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,2,2,2,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +29891,5,3,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29892,5,90,5,2,1,1,3,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29893,5,3,9,2,0,0,92,0,92,92,0,1,1,1,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,107,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29894,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29895,5,3,5,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,,92,92,92,92,92,1,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,20,1,1,2,2,1,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29896,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29897,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29898,5,3,1,3,91,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,62,5,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29899,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29900,4,3,4,2,1,1,,,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29901,5,2,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29902,3,3,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,65,5,2,1,,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29903,5,3,9,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,36,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29904,3,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29905,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29906,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29907,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29908,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29909,3,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29910,5,3,8,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29911,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29912,3,2,9,2,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29913,5,3,12,3,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,164,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29914,4,2,90,2,0,0,92,0,92,92,1,1,3,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29915,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,20,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29916,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29917,3,90,1,3,1,2,,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,1,0,92,92,92,92,110,9,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29918,3,2,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29919,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29920,5,3,3,3,1,2,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29921,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29922,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29923,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29924,5,90,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29925,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29926,5,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,2,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +29927,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29928,3,3,5,2,1,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29929,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29930,5,3,8,3,1,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29931,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29932,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29933,3,2,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29934,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29935,3,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29936,5,2,6,1,0,0,92,0,92,92,1,1,2,2,1,2,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29937,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29938,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29939,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29940,3,3,5,2,0,1,,0,92,92,,1,3,2,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,149,12,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29941,3,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29942,5,2,11,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29943,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29944,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29945,5,1,90,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29946,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29947,5,3,4,2,,2,,0,92,92,,,92,92,1,1,,,,0,0,0,3,2,3,8,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +29948,3,3,3,3,1,2,,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29949,5,2,7,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29950,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29951,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29952,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29953,5,2,6,1,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,189,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29954,3,3,5,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29955,3,1,11,2,0,1,3,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29956,5,1,4,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,127,10,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29957,5,3,1,2,0,0,92,0,92,92,,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,133,11,2,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29958,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29959,4,3,11,2,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,35,2,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29960,5,3,8,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29961,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29962,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29963,5,2,6,1,0,0,92,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29964,3,3,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29965,2,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29966,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29967,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29968,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29969,5,3,6,1,91,0,92,0,92,92,0,1,,3,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,55,4,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29970,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29971,2,4,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29972,1,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29973,4,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,1,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29974,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29975,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29976,3,1,6,1,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29977,2,1,4,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29978,5,3,2,,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,157,13,2,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29979,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29980,5,4,10,2,0,,92,0,92,92,1,1,1,2,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,93,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +29981,3,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29982,1,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29983,3,3,6,1,0,,92,0,92,92,0,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29984,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29985,3,3,10,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,1,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29986,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29987,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29988,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29989,5,3,8,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29990,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29991,3,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29992,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29993,3,3,6,1,0,0,92,0,92,92,1,1,2,2,1,1,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29994,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29995,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +29996,2,2,5,2,1,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29997,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29998,5,1,7,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +29999,3,3,9,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30000,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30001,5,2,4,2,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30002,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30003,5,3,6,1,0,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30004,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30005,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30006,3,1,6,1,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30007,5,1,9,2,91,0,92,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,11,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30008,2,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30009,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30010,5,2,9,2,1,1,3,0,92,92,0,1,2,2,1,1,2,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,1,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,194,16,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30011,5,3,11,2,0,1,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30012,3,1,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,2,,1,0,5,1,1,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +30013,3,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30014,5,90,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,1,0,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30015,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30016,5,2,10,2,1,1,1,1,1,1,1,1,1,,1,3,2,,0,0,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,131,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30017,5,1,10,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30018,3,90,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30019,4,3,6,1,0,0,92,0,92,92,1,1,1,,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,101,8,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +30020,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30021,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30022,5,3,1,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,2,1,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30023,5,2,7,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30024,4,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30025,2,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30026,3,3,1,2,1,1,,0,92,92,,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,1,0,0,0,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +30027,5,2,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30028,5,2,90,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30029,4,2,7,1,1,1,2,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30030,3,2,8,2,0,0,92,0,92,92,0,0,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,51,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30031,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30032,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30033,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30034,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30035,3,3,1,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,5,13,1,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30036,3,2,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30037,3,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30038,5,1,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30039,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30040,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30041,4,3,9,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30042,5,3,2,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,,1,0,5,1,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +30043,3,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,1,4,9,1,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,92,92,92,92,77,6,2,1,,2,1,5,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +30044,5,2,12,2,91,0,92,0,92,92,0,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30045,3,3,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,179,14,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30046,1,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,152,12,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30047,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30048,3,3,4,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30049,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30050,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30051,5,2,4,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30052,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30053,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30054,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30055,5,3,9,2,91,1,4,1,1,2,0,91,92,92,0,92,92,92,,1,0,0,1,1,4,6,1,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,7,0,1,1,,,0,5,1,1,1,0,0,0,0,0,0,0,1,1,1,1,1,0,0,0,0,0,0,0,1,1,1,1,1 +30056,3,3,1,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,23,1,1,1,2,2,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30057,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,7,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30058,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30059,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30060,5,1,4,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30061,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30062,3,3,6,1,0,0,92,0,92,92,0,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30063,5,3,,,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30064,5,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30065,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +30066,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +30067,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30068,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30069,4,3,4,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,2,1,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30070,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30071,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30072,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30073,2,3,7,1,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30074,1,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30075,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30076,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30077,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30078,5,3,1,2,0,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,92,92,92,92,101,8,2,2,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30079,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30080,5,2,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30081,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30082,3,3,12,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30083,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30084,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30085,3,1,90,2,,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30086,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30087,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30088,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30089,3,3,90,2,0,0,92,0,92,92,,1,1,2,1,1,2,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,171,14,2,1,,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30090,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30091,5,3,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30092,3,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30093,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,3,1,1,1,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30094,3,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30095,3,3,8,2,91,0,92,0,92,92,0,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30096,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30097,5,3,11,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,1,0,0,1,0,0,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30098,5,3,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30099,5,3,9,2,,0,92,0,92,92,1,1,,4,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30100,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30101,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30102,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,3,5,10,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,15,1,1,1,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30103,3,3,5,2,1,,92,0,92,92,,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,114,9,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30104,3,1,9,2,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,23,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30105,3,3,1,2,1,1,,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,4,6,14,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,201,16,2,2,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1 +30106,4,3,6,1,91,0,92,1,3,3,0,,92,92,0,92,92,92,,0,0,1,4,1,3,8,1,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,50,4,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30107,5,3,8,2,91,0,92,0,92,92,0,1,,,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,27,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30108,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30109,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,1,0,4,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +30110,3,2,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30111,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +30112,3,2,12,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30113,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30114,5,3,90,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30115,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30116,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30117,2,3,12,3,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30118,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30119,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30120,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30121,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30122,5,1,8,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30123,3,2,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30124,3,3,8,3,,,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30125,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30126,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30127,3,2,10,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30128,5,2,8,2,0,0,92,0,92,92,1,1,1,,1,3,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,72,6,2,2,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30129,5,2,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30130,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30131,5,1,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30132,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30133,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30134,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30135,5,4,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,19,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30136,3,3,5,2,1,1,3,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,170,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30137,5,3,6,1,,0,92,0,92,92,0,0,92,92,1,2,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30138,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30139,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30140,1,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30141,1,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30142,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30143,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30144,4,3,4,2,0,1,1,0,92,92,0,0,92,92,1,2,3,,0,0,0,0,3,4,,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +30145,5,3,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30146,4,2,2,3,91,,92,,92,92,0,,92,92,,92,92,92,,0,0,0,1,1,1,3,1,1,0,0,0,0,1,1,1,0,1,0,0,0,0,1,1,2,3,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,1,,0,8,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,0,0,0,1 +30147,5,3,1,3,1,1,,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,54,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30148,5,2,6,1,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30149,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30150,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30151,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,80,6,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30152,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30153,4,3,90,2,,,92,0,92,92,,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30154,5,1,3,3,0,1,,0,92,92,,1,,,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,1,,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30155,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30156,5,3,8,2,91,1,2,1,2,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,47,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30157,3,3,12,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30158,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30159,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30160,5,1,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30161,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30162,5,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30163,3,3,6,1,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,92,92,92,92,145,12,2,1,,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30164,3,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,16,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30165,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30166,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30167,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30168,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,10,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30169,3,3,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30170,3,3,4,2,1,1,2,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30171,2,1,4,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30172,5,3,10,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,176,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30173,5,3,4,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,1,0,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,1,,1,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +30174,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,34,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30175,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30176,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30177,3,3,90,2,0,0,92,0,92,92,0,1,2,2,1,3,3,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,67,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30178,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30179,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30180,3,1,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0 +30181,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30182,5,3,2,3,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,0,1,1,0,1,1,1,0,0,1,0,92,92,1,1,0,1,1,1,1,,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,8,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,0,0,0,1 +30183,2,1,4,2,0,0,92,0,92,92,1,1,2,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,48,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30184,3,1,4,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30185,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30186,1,3,8,2,91,2,,0,92,92,1,1,,,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30187,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30188,5,3,11,2,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30189,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30190,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30191,4,2,7,1,91,1,2,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,14,1,1,1,,4,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30192,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30193,3,3,10,2,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30194,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30195,3,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30196,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30197,3,3,,,1,1,,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30198,5,2,7,1,0,0,92,0,92,92,0,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30199,4,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30200,5,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,92,92,92,92,204,17,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30201,4,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30202,3,3,6,1,0,0,92,0,92,92,0,0,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30203,3,3,8,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30204,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30205,4,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,158,13,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30206,5,3,2,2,91,1,2,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30207,5,2,6,1,91,0,92,0,92,92,1,91,92,92,1,,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,,92,92,92,92,15,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30208,5,3,11,2,1,1,,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30209,5,3,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30210,5,3,4,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30211,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,94,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30212,5,4,12,3,,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,126,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30213,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,33,2,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30214,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30215,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,3,4,6,13,1,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,68,5,2,1,,1,1,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30216,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,17,1,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30217,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30218,5,3,6,1,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30219,3,3,12,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +30220,4,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30221,3,1,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30222,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30223,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,119,9,2,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30224,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,2,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30225,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30226,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30227,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30228,3,1,6,1,1,1,,,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30229,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30230,5,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30231,3,3,90,2,,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30232,3,2,6,1,1,1,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30233,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30234,4,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,154,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30235,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30236,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30237,3,2,12,3,0,1,1,0,92,92,1,1,3,,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,195,16,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30238,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30239,4,3,6,1,,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30240,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30241,3,1,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30242,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30243,4,3,10,2,0,,92,0,92,92,0,1,2,1,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,126,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30244,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30245,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30246,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,194,16,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30247,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,1,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30248,5,2,12,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,87,7,2,1,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30249,3,3,8,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30250,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30251,3,2,10,2,,0,92,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,109,9,2,1,,3,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30252,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30253,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30254,5,3,7,1,,0,92,0,92,92,0,0,92,92,1,2,4,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,63,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30255,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30256,5,3,8,2,,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30257,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +30258,5,2,12,2,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30259,5,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30260,4,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30261,5,3,1,2,1,,92,0,92,92,,1,,,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,2,,2,0,3,1,1,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1 +30262,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30263,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30264,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,1,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30265,3,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30266,5,3,8,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30267,5,3,2,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30268,5,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30269,5,3,8,3,91,1,2,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,1,0,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,0,5,1,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,1 +30270,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30271,5,2,7,1,0,0,92,0,92,92,,1,2,2,1,1,3,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,209,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30272,5,2,90,2,0,0,92,0,92,92,1,1,2,3,1,3,3,1,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,127,10,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30273,5,3,2,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30274,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30275,5,2,6,1,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,131,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30276,5,3,8,3,91,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30277,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30278,5,3,9,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30279,5,3,9,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,46,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30280,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30281,3,3,8,2,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,60,5,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30282,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,10,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30283,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30284,3,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30285,4,2,1,3,91,1,,,92,92,,91,92,92,1,,,,,0,0,0,3,2,4,9,1,1,0,0,1,0,0,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,107,8,2,1,,90,0,5,1,1,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +30286,3,1,9,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30287,5,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +30288,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30289,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30290,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30291,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30292,3,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30293,3,2,6,1,1,2,1,0,92,92,1,1,2,2,1,1,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,145,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30294,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30295,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30296,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30297,3,3,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30298,3,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30299,5,90,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30300,3,3,12,2,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30301,5,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30302,5,3,1,2,,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,82,6,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30303,5,2,11,2,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30304,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30305,5,3,1,3,91,1,,,92,92,,91,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,2,92,1,,92,92,92,92,92,1,3,3,1,1,0,1,1,1,1,,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,1,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,,0,2,1,1,1,0,0,1,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,1,1,1,1 +30306,5,2,2,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30307,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30308,5,2,90,2,1,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30309,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30310,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30311,2,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30312,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,1,1,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30313,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30314,5,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30315,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30316,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30317,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30318,5,3,8,3,,0,92,0,92,92,1,,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30319,5,3,11,2,0,1,1,0,92,92,1,1,2,2,1,3,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,213,17,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30320,5,2,,,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,59,4,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30321,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30322,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30323,5,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30324,4,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,2,1,0,5,1,1,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +30325,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30326,5,1,7,1,,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30327,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30328,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30329,2,2,8,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,35,2,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30330,4,3,90,2,1,1,3,,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,204,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30331,5,1,9,2,1,1,,,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30332,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30333,4,3,4,2,1,,92,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,159,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30334,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30335,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30336,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30337,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30338,5,2,11,2,0,1,1,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30339,3,2,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30340,5,3,5,2,0,1,3,0,92,92,0,1,,,1,3,2,1,1,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,64,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30341,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30342,5,3,1,2,91,1,,1,2,,0,91,92,92,,92,92,92,,1,1,1,,,,3,1,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,92,92,92,92,202,16,2,1,2,1,0,5,1,1,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1 +30343,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30344,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30345,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30346,3,3,1,3,0,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30347,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30348,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30349,5,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30350,3,90,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30351,5,3,8,3,91,0,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,4,6,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30352,3,1,90,2,0,1,1,0,92,92,1,0,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30353,5,3,6,1,0,,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30354,5,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,5,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30355,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30356,3,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30357,5,3,1,3,1,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,2,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30358,3,2,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30359,3,1,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30360,5,2,,,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30361,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30362,5,2,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30363,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30364,5,3,10,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,126,10,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30365,4,3,8,2,91,1,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30366,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,27,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30367,3,1,6,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30368,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30369,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30370,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30371,5,1,1,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30372,3,3,3,3,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,1,,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30373,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30374,5,1,8,2,0,0,92,0,92,92,,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,,,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,,92,92,92,92,31,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30375,2,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30376,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30377,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30378,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30379,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30380,3,2,11,2,0,1,3,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30381,3,1,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,139,11,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30382,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30383,3,3,8,3,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,94,7,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30384,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30385,2,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,184,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30386,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,90,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +30387,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30388,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30389,5,3,5,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30390,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30391,4,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30392,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30393,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30394,4,3,7,1,0,0,92,0,92,92,0,1,,4,1,2,4,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,59,4,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30395,3,3,2,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30396,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +30397,5,3,2,3,1,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,2,,90,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30398,5,3,6,1,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,44,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30399,4,3,12,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,1,,1,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30400,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,127,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30401,3,3,8,3,,1,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,19,1,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30402,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30403,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30404,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30405,5,2,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30406,2,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30407,4,3,8,3,91,1,4,,92,92,,91,92,92,0,92,92,92,,0,0,0,1,2,5,8,1,1,0,0,0,0,1,1,,0,,92,92,92,92,92,1,3,3,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,2,,1,0,5,1,1,1,0,1,1,0,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,1,1,1,1 +30408,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30409,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30410,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30411,5,4,9,2,91,0,92,0,92,92,1,0,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30412,3,3,4,2,1,0,92,,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,92,92,92,92,59,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30413,4,3,1,2,,,92,,92,92,0,1,,,1,,,,1,0,0,0,4,5,6,15,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,141,11,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30414,3,1,1,2,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30415,4,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30416,5,2,1,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,213,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30417,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30418,5,2,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,41,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30419,5,3,11,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30420,3,2,9,2,,2,2,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,21,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30421,5,1,1,2,1,1,1,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30422,3,3,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30423,5,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30424,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30425,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30426,5,2,9,2,91,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,1,0,0,1,0,0,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,37,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30427,4,3,12,2,91,2,2,1,2,1,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30428,5,1,1,3,,1,,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,1,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,108,9,2,1,,3,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30429,3,3,10,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30430,3,3,6,1,0,0,92,0,92,92,1,1,2,2,1,3,,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,190,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30431,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30432,3,2,8,2,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,46,3,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30433,3,2,12,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30434,3,1,5,2,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,2,,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30435,5,3,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30436,3,3,12,2,0,0,92,0,92,92,1,91,92,92,1,1,3,1,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30437,5,2,9,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30438,5,3,8,3,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,39,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30439,5,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30440,5,2,10,2,0,0,92,0,92,92,0,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30441,5,3,6,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30442,4,3,1,2,,2,,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30443,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30444,5,3,6,1,,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,2,92,0,,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30445,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30446,3,2,7,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30447,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30448,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30449,5,3,4,2,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30450,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30451,5,3,90,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30452,3,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30453,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30454,1,3,90,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30455,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30456,5,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30457,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30458,3,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30459,4,3,4,2,1,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30460,4,3,12,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30461,5,2,9,2,91,2,2,0,92,92,0,91,92,92,1,1,3,2,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30462,5,3,5,2,0,0,92,0,92,92,,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,109,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30463,5,3,12,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30464,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,25,2,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30465,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30466,5,3,8,3,1,1,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,1,,1,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30467,3,3,8,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30468,5,3,8,3,91,,92,,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,1,1,1,1,4,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0 +30469,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30470,4,3,1,2,0,,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30471,5,2,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30472,5,3,8,2,91,0,92,0,92,92,1,1,,3,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,25,2,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30473,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30474,5,3,8,2,0,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30475,4,3,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30476,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30477,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30478,3,3,8,3,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30479,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,54,4,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30480,5,3,7,1,1,1,,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30481,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30482,3,2,10,3,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30483,5,4,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30484,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,100,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30485,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30486,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30487,5,1,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30488,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30489,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30490,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30491,3,3,1,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30492,3,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30493,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30494,5,90,12,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30495,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30496,5,3,90,2,0,0,92,0,92,92,0,1,2,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,92,92,92,92,204,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30497,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30498,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30499,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30500,3,3,5,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30501,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30502,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30503,5,3,1,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30504,5,3,5,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,2,2,0,3,1,1,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +30505,3,3,1,2,,1,,0,92,92,,,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30506,5,3,8,3,91,,92,,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30507,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +30508,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,,,,0,0,0,4,4,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,20,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30509,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30510,5,2,9,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30511,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30512,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30513,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30514,4,3,6,1,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30515,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30516,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30517,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30518,3,1,7,1,91,0,92,0,92,92,0,91,92,92,1,3,,,,0,0,0,4,4,6,14,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,19,1,1,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30519,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30520,5,3,6,1,0,0,92,0,92,92,1,1,1,2,1,3,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,112,9,2,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30521,5,3,10,2,1,2,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30522,4,3,10,2,1,1,,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,1,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30523,1,3,1,3,0,1,2,0,92,92,,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,1,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30524,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30525,4,2,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30526,5,1,8,2,0,0,92,0,92,92,1,1,1,2,1,3,,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,73,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30527,5,1,8,3,91,2,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30528,3,3,12,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30529,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30530,5,3,3,3,0,1,,0,92,92,,1,2,2,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30531,5,2,6,1,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30532,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30533,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30534,5,2,9,2,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30535,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30536,3,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,98,8,2,2,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +30537,5,4,8,3,91,0,92,0,92,92,0,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,21,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30538,5,4,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30539,3,3,8,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,17,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30540,4,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30541,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30542,5,3,8,3,0,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,71,5,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30543,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30544,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30545,5,3,6,1,1,2,,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,210,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30546,3,3,6,1,0,0,92,0,92,92,0,1,2,2,1,1,2,2,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,137,11,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30547,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30548,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30549,3,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30550,3,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30551,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30552,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30553,4,3,1,2,91,2,,,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,1,4,9,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0,,92,92,92,92,54,4,2,2,2,2,0,5,1,1,1,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +30554,3,3,2,3,0,2,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30555,5,3,4,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30556,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30557,5,3,9,2,0,0,92,0,92,92,0,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,81,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30558,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30559,3,3,8,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30560,5,2,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30561,2,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30562,3,3,1,2,91,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30563,1,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30564,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,1,0,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,153,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30565,5,3,8,2,,,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30566,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30567,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30568,1,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30569,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30570,3,3,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30571,5,3,8,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30572,3,3,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30573,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30574,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30575,3,3,8,3,,,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,57,4,2,1,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30576,3,3,11,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30577,5,2,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30578,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30579,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,66,5,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30580,5,3,12,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30581,5,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30582,3,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30583,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30584,5,3,12,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30585,2,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30586,5,3,6,1,0,0,92,0,92,92,1,1,1,2,1,2,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30587,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,2,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,123,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30588,3,3,6,1,1,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30589,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30590,3,2,2,3,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30591,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,168,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30592,1,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30593,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30594,5,3,1,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,103,8,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30595,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30596,3,3,7,1,91,0,92,0,92,92,0,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30597,5,1,4,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30598,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30599,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30600,3,3,4,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30601,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30602,3,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30603,5,3,90,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,2,,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30604,3,3,90,2,1,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30605,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30606,5,1,10,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30607,4,3,1,2,0,0,92,0,92,92,,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,161,13,2,1,,1,0,5,1,1,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +30608,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30609,3,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,1,2,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30610,5,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30611,5,1,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30612,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30613,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30614,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,0,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +30615,3,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,2,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30616,5,3,6,1,0,,92,1,2,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30617,5,1,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30618,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30619,3,1,6,1,,0,92,0,92,92,1,1,1,,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,76,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30620,3,3,11,2,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30621,3,3,90,2,0,0,92,0,92,92,0,1,1,2,1,1,2,1,0,0,0,0,2,5,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,61,5,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30622,2,1,2,2,91,2,1,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,48,4,2,1,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30623,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30624,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,167,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30625,3,1,4,2,,2,,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,171,14,2,1,2,1,,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +30626,4,1,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,16,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30627,5,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30628,3,3,11,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,12,1,1,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30629,5,3,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30630,3,3,90,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,124,10,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30631,5,3,11,2,0,1,1,0,92,92,1,1,1,,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30632,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30633,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30634,2,1,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30635,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30636,5,3,4,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30637,5,3,6,1,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30638,4,3,90,2,91,2,,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30639,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30640,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30641,5,2,5,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,109,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30642,3,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30643,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30644,5,3,12,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,24,2,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30645,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30646,3,3,11,2,0,1,2,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30647,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30648,1,3,8,2,0,0,92,0,92,92,0,1,,2,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,44,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30649,3,2,11,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,156,13,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30650,5,3,3,3,,,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30651,3,2,8,2,0,0,92,0,92,92,0,1,2,2,1,1,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30652,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30653,5,2,8,2,0,,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30654,5,1,6,1,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30655,3,3,8,2,91,1,2,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30656,5,2,90,2,1,1,3,0,92,92,0,1,3,2,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,190,15,2,1,,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +30657,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30658,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30659,5,2,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,133,11,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30660,3,3,1,2,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30661,5,3,8,3,1,,92,0,92,92,1,1,1,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,148,12,2,2,1,,1,3,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30662,4,2,1,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30663,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30664,5,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30665,5,2,7,1,0,0,92,0,92,92,1,1,1,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30666,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,116,9,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30667,3,3,1,2,1,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30668,4,3,3,2,0,,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,1,1,0,1,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,90,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30669,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30670,5,3,9,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30671,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,28,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30672,5,3,11,2,1,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30673,5,2,11,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,164,13,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30674,5,1,1,2,1,2,,0,92,92,0,1,3,,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30675,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30676,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30677,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30678,4,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30679,5,3,1,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30680,4,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30681,2,3,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30682,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30683,2,1,6,1,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30684,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30685,1,3,1,3,,,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,1,0,0,0,0,0,92,0,1,1,0,0,0,0,1,3,,1,1,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,186,15,2,1,1,1,0,5,1,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +30686,5,3,6,1,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30687,4,3,8,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30688,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30689,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30690,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30691,3,3,8,3,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,1,2,1,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +30692,4,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30693,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30694,3,1,6,1,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30695,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30696,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30697,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30698,5,3,11,2,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,191,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30699,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30700,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30701,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30702,3,3,8,3,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,71,5,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30703,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30704,3,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30705,5,2,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30706,3,1,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,1,,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30707,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30708,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,1,,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30709,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30710,5,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30711,5,3,11,3,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30712,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30713,3,2,8,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30714,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30715,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30716,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30717,3,3,12,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30718,3,3,5,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30719,5,3,2,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,33,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +30720,4,2,1,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30721,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30722,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,42,3,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30723,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30724,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30725,4,3,2,3,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,78,6,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30726,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30727,1,3,6,1,91,0,92,0,92,92,0,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,1,73,6,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30728,5,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30729,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30730,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30731,3,3,11,2,1,1,3,1,1,2,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,185,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30732,5,3,1,3,,2,1,0,92,92,,91,92,92,,92,92,92,,0,0,0,3,4,5,12,1,1,1,1,1,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,1,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +30733,4,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30734,3,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30735,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30736,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30737,5,2,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30738,5,2,6,1,0,0,92,0,92,92,0,1,,2,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,64,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30739,3,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30740,5,3,6,1,91,0,92,0,92,92,0,0,92,92,1,1,3,3,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30741,3,2,9,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30742,4,3,10,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30743,5,2,2,2,,1,,0,92,92,0,,92,92,0,92,92,92,,0,0,0,2,3,4,9,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,1,1,0,0,0,0,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,2,,90,,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +30744,3,2,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30745,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30746,5,3,6,1,0,0,92,0,92,92,1,1,2,2,1,2,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30747,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30748,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30749,5,3,1,2,1,2,,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,174,14,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30750,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30751,3,3,2,3,1,1,,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30752,5,3,90,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30753,3,3,9,2,,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30754,3,3,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30755,4,2,10,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30756,3,3,7,1,0,0,92,0,92,92,0,1,2,2,1,1,4,1,0,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,80,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30757,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30758,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30759,5,3,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30760,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +30761,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30762,5,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30763,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30764,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30765,3,1,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30766,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,11,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30767,5,3,7,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,25,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30768,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30769,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30770,3,3,12,2,0,1,,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30771,5,90,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30772,5,1,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30773,5,3,2,,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,1,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,1,2,1,0,5,1,1,1,0,1,1,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1 +30774,1,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30775,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30776,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30777,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30778,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30779,5,2,10,3,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30780,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30781,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30782,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30783,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,20,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30784,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30785,4,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,1,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30786,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +30787,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30788,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30789,4,3,4,2,1,1,3,0,92,92,0,0,92,92,1,2,2,,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,187,15,2,1,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +30790,5,3,11,2,91,0,92,0,92,92,1,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,19,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30791,5,1,12,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30792,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30793,5,3,12,3,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,158,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30794,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30795,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30796,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30797,3,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30798,5,1,1,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30799,5,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30800,5,2,2,3,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30801,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30802,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30803,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30804,5,1,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30805,5,2,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30806,3,3,1,3,,1,,0,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,75,6,2,2,2,1,,3,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +30807,5,2,8,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30808,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30809,3,2,10,2,0,1,2,0,92,92,1,1,2,,1,1,3,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,1,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,137,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30810,5,1,12,2,,1,4,,92,92,0,1,,,,92,92,92,,1,0,0,1,1,2,4,1,1,0,0,0,0,1,1,,0,1,0,1,1,0,0,1,3,2,1,1,0,1,0,0,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,,,0,5,1,1,1,0,0,1,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,1,1,1,1,1 +30811,3,3,6,1,91,0,92,0,92,92,1,0,92,92,1,1,,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30812,5,3,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30813,5,3,2,3,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,2,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30814,3,3,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30815,3,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30816,1,2,90,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,124,10,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30817,5,3,5,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30818,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30819,1,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30820,5,4,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30821,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30822,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30823,3,2,12,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30824,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +30825,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30826,4,2,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30827,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30828,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30829,5,2,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,82,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30830,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30831,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30832,5,3,1,2,1,1,,,92,92,,1,2,2,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,1,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30833,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30834,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30835,3,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30836,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,2,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30837,2,3,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30838,5,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,3,0,1,1,1,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0 +30839,5,3,10,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,92,92,92,92,152,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30840,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30841,5,1,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30842,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30843,4,3,12,2,1,0,92,0,92,92,1,1,1,2,1,3,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30844,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,1,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30845,4,3,1,2,0,0,92,0,92,92,0,1,2,,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30846,5,2,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30847,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30848,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30849,1,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30850,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30851,5,3,90,2,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30852,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,1,0,0,8,0,1,1,2,1,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +30853,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30854,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30855,5,1,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30856,3,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30857,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30858,3,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30859,4,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30860,5,3,2,3,,2,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,71,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30861,5,2,90,2,0,0,92,0,92,92,1,1,3,2,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,67,5,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30862,5,2,12,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,118,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30863,3,3,4,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30864,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30865,5,3,11,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30866,4,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30867,5,3,90,2,,0,92,0,92,92,0,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,7,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30868,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30869,4,2,6,1,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,176,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30870,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30871,3,3,8,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30872,3,2,6,1,0,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,1,,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30873,3,3,6,1,91,0,92,0,92,92,,91,92,92,1,1,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30874,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30875,2,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30876,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30877,5,3,11,2,0,0,92,0,92,92,0,1,2,2,1,3,2,2,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,208,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30878,5,2,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,192,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30879,1,3,9,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30880,5,2,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30881,3,3,6,1,0,0,92,0,92,92,,1,2,2,1,2,1,2,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,1,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,84,7,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30882,5,90,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30883,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30884,5,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,1,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30885,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30886,4,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30887,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30888,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,9,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30889,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30890,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30891,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30892,4,3,10,2,1,0,92,0,92,92,1,0,92,92,1,,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30893,3,2,10,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30894,3,3,11,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30895,5,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30896,5,3,11,2,,0,92,0,92,92,0,1,,,1,3,,,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,54,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30897,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30898,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30899,3,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30900,5,3,7,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30901,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30902,3,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30903,5,3,5,2,0,1,,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,2,1,1,0,7,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30904,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30905,2,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30906,3,3,6,1,91,,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,32,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30907,3,2,1,3,1,,92,0,92,92,1,1,2,2,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30908,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30909,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30910,5,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30911,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30912,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30913,5,3,10,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30914,1,3,8,3,91,0,92,0,92,92,1,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30915,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30916,3,2,6,1,,0,92,0,92,92,1,0,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30917,3,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,1,0,0,1,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30918,5,3,90,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30919,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30920,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30921,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,153,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30922,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,6,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30923,5,3,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30924,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30925,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30926,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30927,3,3,7,1,,,92,,92,92,1,1,,2,1,3,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,48,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30928,5,3,1,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30929,3,3,6,1,0,0,92,0,92,92,,1,2,2,1,1,3,1,0,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,136,11,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30930,3,3,9,2,91,1,3,1,,2,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,40,3,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30931,3,2,8,3,91,0,92,0,92,92,0,91,92,92,1,1,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30932,2,1,7,1,,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,24,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30933,3,3,90,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30934,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30935,5,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +30936,5,1,10,2,1,2,2,0,92,92,1,,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30937,1,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30938,3,1,8,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,17,1,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30939,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30940,4,3,90,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30941,1,2,8,3,0,0,92,0,92,92,1,91,92,92,1,3,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,40,3,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +30942,5,3,4,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30943,5,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30944,1,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30945,3,3,7,1,1,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,109,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30946,5,3,11,2,1,1,,0,92,92,0,1,2,2,1,3,2,2,1,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30947,5,3,90,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30948,3,3,4,2,1,2,,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,167,13,2,1,2,1,1,3,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +30949,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30950,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30951,5,1,6,1,0,0,92,0,92,92,1,1,1,2,1,1,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,138,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30952,3,3,10,2,0,0,92,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30953,3,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30954,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30955,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30956,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30957,3,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30958,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30959,4,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30960,5,1,8,2,,,92,,92,92,0,,92,92,,92,92,92,,0,0,0,1,2,4,7,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +30961,4,3,2,3,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30962,4,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30963,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30964,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30965,3,3,10,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30966,3,3,1,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,139,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30967,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30968,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30969,5,2,,,91,0,92,0,92,92,,0,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,21,1,1,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +30970,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,13,1,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30971,3,3,11,2,91,,92,0,92,92,,91,92,92,,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,17,1,1,1,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30972,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30973,5,3,11,2,0,0,92,0,92,92,1,1,2,2,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,177,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30974,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30975,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30976,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30977,5,1,11,2,0,0,92,0,92,92,0,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,60,5,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30978,5,3,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30979,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30980,3,3,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30981,5,2,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30982,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30983,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30984,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30985,5,3,8,3,91,0,92,1,2,2,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,17,1,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30986,3,3,1,3,91,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30987,5,2,10,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,119,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30988,3,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30989,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30990,3,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30991,5,3,12,2,0,0,92,0,92,92,1,1,2,3,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30992,3,1,5,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30993,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30994,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30995,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30996,4,3,,,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30997,5,1,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +30998,5,3,1,3,91,1,3,0,92,92,0,91,92,92,1,,3,,,1,0,0,4,1,4,9,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,35,2,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +30999,4,2,5,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,83,6,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31000,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31001,5,3,6,1,91,0,92,1,2,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31002,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31003,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31004,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31005,1,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31006,5,1,7,1,0,1,2,0,92,92,,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31007,3,3,10,2,1,1,3,1,1,2,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,167,13,2,1,1,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31008,5,2,7,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31009,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,2,2,1,0,4,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +31010,5,3,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31011,5,3,2,3,,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,2,2,2,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +31012,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31013,4,3,90,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +31014,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31015,3,2,90,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,4,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31016,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31017,3,1,5,2,1,2,,0,92,92,,1,3,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31018,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31019,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31020,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31021,5,90,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31022,5,3,5,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31023,4,3,4,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,170,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31024,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31025,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31026,1,3,7,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31027,4,3,1,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31028,5,1,90,2,1,0,92,0,92,92,0,1,3,2,0,92,92,92,,0,0,0,4,4,,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,124,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31029,5,2,12,3,,1,2,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31030,5,1,6,1,0,1,2,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,92,92,92,92,205,17,2,1,,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31031,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31032,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31033,5,1,12,2,1,2,3,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31034,4,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31035,3,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31036,1,2,2,,,,92,,92,92,,,92,92,,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,1,1,,0,1,1,1,0,0,0,1,2,3,1,1,0,0,1,0,0,1,1,1,1,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,8,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,0,0,0,1 +31037,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31038,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31039,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31040,5,2,12,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31041,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31042,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,0,1,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,53,4,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31043,5,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31044,5,3,11,2,1,1,4,,92,92,,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,204,17,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31045,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31046,5,3,,,1,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31047,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31048,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31049,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31050,5,3,12,2,0,0,92,0,92,92,1,1,1,3,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31051,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31052,3,1,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,1,2,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31053,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31054,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31055,1,3,8,3,91,1,2,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,19,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31056,5,2,90,2,0,0,92,0,92,92,1,1,2,4,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,185,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31057,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31058,4,3,8,2,0,0,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,88,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31059,2,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31060,4,3,4,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31061,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31062,5,3,10,2,,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31063,3,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31064,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31065,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31066,1,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31067,4,3,11,2,0,1,2,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31068,3,1,9,2,91,1,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31069,5,3,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,215,17,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31070,3,3,12,2,,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,21,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31071,3,3,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,184,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31072,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31073,3,3,1,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31074,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31075,3,3,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31076,3,3,5,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31077,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31078,5,3,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31079,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31080,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31081,3,3,8,2,91,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31082,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31083,5,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,11,0,1,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31084,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,3,0,1,1,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +31085,2,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31086,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31087,5,2,1,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31088,5,1,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,1,0,0,0,1,0,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31089,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31090,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31091,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31092,1,3,90,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31093,5,3,1,3,0,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,78,6,2,2,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31094,1,3,8,2,91,1,2,0,92,92,0,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,92,92,92,92,25,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31095,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31096,3,3,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31097,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31098,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31099,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31100,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31101,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31102,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31103,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31104,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31105,5,2,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31106,5,1,8,3,91,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31107,3,3,10,2,0,0,92,0,92,92,0,1,2,2,1,2,3,1,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,171,14,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31108,3,3,4,2,0,0,92,0,92,92,0,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,63,5,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31109,3,90,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31110,3,3,11,2,0,0,92,0,92,92,0,0,92,92,1,3,2,,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,130,10,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31111,3,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31112,3,3,2,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31113,4,3,6,1,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31114,3,3,11,2,,2,,0,92,92,0,1,3,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31115,4,3,8,3,,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31116,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31117,3,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31118,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31119,3,1,90,2,,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,204,17,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31120,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31121,3,4,11,2,0,0,92,0,92,92,0,1,3,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31122,3,3,8,2,0,0,92,0,92,92,1,91,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31123,5,2,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31124,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,69,5,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31125,5,3,8,2,0,2,2,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,,92,92,92,92,177,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31126,3,3,5,2,0,0,92,0,92,92,1,0,92,92,1,2,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31127,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31128,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31129,5,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31130,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31131,4,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31132,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31133,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31134,3,1,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31135,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31136,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31137,5,3,10,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31138,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31139,3,3,10,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31140,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31141,4,3,8,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31142,1,3,12,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31143,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31144,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31145,3,3,7,1,0,,92,,92,92,1,1,,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31146,3,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31147,3,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31148,3,3,2,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31149,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31150,3,3,4,2,0,1,2,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,140,11,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31151,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31152,5,3,11,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31153,3,3,6,1,0,0,92,0,92,92,1,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,110,9,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31154,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31155,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31156,3,3,11,2,0,0,92,0,92,92,0,1,2,2,1,3,2,,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,64,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31157,3,1,10,2,0,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,1,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31158,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31159,5,2,6,1,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31160,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31161,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31162,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31163,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31164,5,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31165,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31166,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31167,2,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,85,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31168,5,3,1,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31169,2,1,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31170,3,3,1,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,1,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31171,3,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0, +31172,3,1,1,3,,,92,0,92,92,,0,92,92,,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,57,4,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31173,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31174,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31175,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31176,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31177,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31178,5,90,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31179,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31180,5,3,8,2,,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31181,5,3,11,2,,0,92,0,92,92,,1,1,,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31182,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31183,3,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31184,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31185,1,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,1,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,168,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31186,3,2,1,2,,1,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31187,3,3,9,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31188,3,3,3,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31189,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31190,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31191,5,1,8,2,0,0,92,0,92,92,1,1,1,2,1,,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31192,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31193,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31194,5,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,4,5,13,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31195,5,3,5,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,156,13,2,1,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31196,3,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31197,5,3,7,1,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31198,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31199,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31200,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31201,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31202,5,3,2,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31203,3,3,6,1,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,79,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31204,3,3,1,2,0,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,179,14,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31205,5,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,162,13,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31206,3,2,10,2,0,1,2,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,179,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31207,3,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31208,3,1,4,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31209,3,3,90,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31210,3,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31211,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31212,3,3,1,2,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31213,5,4,12,2,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,5,6,15,2,1,0,1,1,0,0,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31214,5,3,1,2,1,,92,0,92,92,0,1,3,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,206,17,2,1,,1,0,5,1,1,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +31215,4,3,6,1,1,,92,0,92,92,,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,147,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31216,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31217,3,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31218,3,3,2,3,,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,94,7,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31219,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31220,3,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,25,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31221,3,2,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31222,3,3,6,1,0,0,92,0,92,92,1,1,1,2,1,3,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,50,4,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31223,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31224,3,1,12,3,1,0,92,0,92,92,0,1,2,,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,81,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31225,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31226,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31227,3,3,1,2,0,,92,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,92,92,92,92,59,4,2,1,2,1,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31228,3,2,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31229,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31230,5,2,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,2,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31231,4,3,2,3,91,1,,,92,92,,91,92,92,1,1,2,1,,1,0,0,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,102,8,2,1,,,0,5,1,1,1,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1 +31232,3,3,90,2,91,2,1,0,92,92,1,0,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,54,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31233,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31234,5,3,1,2,1,1,4,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,1,1,0,1,1,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,1,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31235,5,2,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31236,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31237,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31238,5,3,3,3,0,0,92,0,92,92,0,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31239,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31240,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,63,5,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31241,5,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,93,7,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31242,5,2,1,3,1,2,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31243,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31244,3,3,2,3,0,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31245,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31246,5,3,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31247,3,2,1,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31248,5,3,90,2,91,2,2,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31249,3,1,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31250,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,6,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31251,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,0,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31252,3,3,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31253,4,3,2,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,1,,1,,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31254,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31255,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31256,5,3,8,2,1,1,4,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,113,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31257,3,1,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31258,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31259,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,8,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31260,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31261,3,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,29,2,2,1,,2,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31262,5,3,8,2,91,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31263,3,3,90,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31264,5,3,,,,2,,,92,92,,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,1,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31265,5,3,11,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31266,5,2,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31267,3,2,2,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,1,3,5,6,14,2,1,0,1,0,0,0,1,1,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,30,2,2,2,2,1,0,2,1,1,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +31268,4,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31269,5,3,1,2,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,3,4,6,13,1,1,0,0,1,0,0,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,102,8,2,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31270,5,3,8,2,0,0,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31271,5,2,12,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31272,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31273,5,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31274,5,90,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31275,5,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31276,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31277,5,2,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31278,3,3,6,1,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,173,14,2,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31279,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31280,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31281,5,3,6,1,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,12,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31282,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31283,3,3,4,2,1,1,2,0,92,92,1,1,3,4,1,1,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,136,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31284,5,3,5,2,,,92,,92,92,0,,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,1,0,0,0,0,0,92,0,,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,1,0,5,1,1,1,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +31285,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31286,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31287,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31288,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31289,5,3,1,2,0,,92,0,92,92,,0,92,92,1,,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31290,5,3,5,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31291,1,2,10,2,1,1,,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,188,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31292,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31293,5,3,6,1,1,1,,0,92,92,1,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,92,92,92,92,108,9,2,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31294,3,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31295,3,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31296,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31297,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31298,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31299,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31300,3,1,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +31301,5,90,12,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31302,3,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31303,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31304,3,3,11,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,,,,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31305,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31306,5,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31307,3,3,8,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31308,5,1,6,1,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31309,1,3,10,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31310,3,3,6,1,0,0,92,0,92,92,1,1,1,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31311,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31312,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,39,3,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31313,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31314,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31315,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31316,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31317,4,2,4,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31318,1,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31319,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31320,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31321,5,3,6,1,0,0,92,0,92,92,1,1,2,2,1,2,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,105,8,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31322,5,2,7,1,0,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,102,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31323,3,3,9,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31324,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31325,4,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31326,2,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31327,5,3,8,2,91,,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,23,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31328,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31329,5,3,12,2,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31330,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31331,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31332,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31333,3,2,10,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31334,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31335,5,3,10,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31336,3,2,7,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31337,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31338,5,3,7,1,1,1,3,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31339,5,3,8,2,91,1,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31340,3,3,8,2,91,1,4,1,2,3,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,6,0,1,2,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +31341,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31342,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31343,5,2,,,91,,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,75,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31344,5,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31345,4,2,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,149,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31346,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31347,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31348,3,3,1,2,0,2,,0,92,92,0,1,,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31349,5,3,12,2,0,0,92,1,3,1,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,160,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +31350,3,1,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31351,4,3,6,1,0,0,92,0,92,92,0,1,,2,1,3,4,3,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,83,6,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31352,2,3,6,1,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31353,3,3,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31354,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31355,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31356,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,1,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31357,5,1,12,2,1,2,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31358,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31359,5,3,2,3,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,2,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31360,2,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31361,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31362,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31363,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31364,4,3,1,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,,,,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31365,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31366,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,51,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31367,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31368,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31369,5,2,1,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31370,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31371,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31372,5,2,9,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31373,5,3,4,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31374,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31375,3,1,10,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31376,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31377,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31378,3,3,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31379,3,3,8,2,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +31380,4,3,2,,1,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31381,2,1,8,2,91,0,92,0,92,92,1,0,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,44,3,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31382,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31383,3,3,6,1,0,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,125,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31384,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31385,3,3,7,1,,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,199,16,2,1,1,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +31386,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31387,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31388,5,1,12,2,0,1,2,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31389,5,1,4,2,1,1,,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31390,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31391,5,3,9,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31392,5,3,10,2,1,1,2,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,196,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31393,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31394,5,2,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31395,5,3,8,2,91,,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31396,5,3,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31397,3,1,1,3,91,,92,,92,92,0,91,92,92,,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,0,1,1,0,0,1,0,92,92,92,92,92,1,1,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,42,3,2,2,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,1,1,1,0,1 +31398,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31399,5,3,9,2,0,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31400,3,3,11,2,0,0,92,0,92,92,1,1,2,,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31401,5,90,8,2,91,,92,,92,92,1,,92,92,0,92,92,92,0,,,,4,5,6,15,2,,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,1,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31402,5,3,12,2,91,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31403,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31404,5,2,3,3,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31405,5,3,11,2,,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,189,15,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31406,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31407,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31408,5,3,2,3,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31409,1,2,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31410,5,3,4,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31411,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31412,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31413,5,3,8,2,91,2,2,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31414,4,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31415,1,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31416,3,3,4,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31417,1,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31418,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,40,3,2,2,,90,0,90,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +31419,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31420,5,3,1,2,1,2,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31421,4,3,1,2,91,1,,1,2,2,,,92,92,1,1,2,1,,0,0,0,1,3,4,8,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31422,5,3,90,2,,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31423,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31424,5,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31425,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,54,4,2,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31426,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31427,5,3,6,1,0,0,92,0,92,92,1,1,1,3,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,60,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31428,1,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31429,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31430,1,3,,,1,1,,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31431,2,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,59,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31432,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31433,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31434,3,3,1,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31435,5,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31436,5,3,1,2,,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,4,5,11,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,1,1,0,0,0,1,0,0,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,82,6,2,2,,,,3,1,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,1,1 +31437,5,1,10,2,,,92,,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31438,5,1,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31439,5,3,10,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31440,3,2,7,1,0,0,92,0,92,92,1,0,92,92,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31441,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31442,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31443,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31444,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31445,3,3,8,3,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31446,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31447,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31448,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31449,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31450,3,3,6,1,91,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31451,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31452,3,3,1,3,,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,114,9,2,2,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +31453,3,3,3,3,0,0,92,0,92,92,,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31454,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31455,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31456,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31457,3,2,10,2,1,2,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31458,5,3,90,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31459,1,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31460,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31461,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31462,1,4,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31463,4,3,10,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31464,3,3,90,2,1,2,,1,1,3,0,1,2,1,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,92,92,92,92,152,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31465,4,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31466,5,2,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,88,7,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31467,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31468,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31469,1,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31470,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31471,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31472,3,3,2,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31473,3,3,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31474,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31475,5,3,11,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31476,5,2,,,91,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,1,1,0,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31477,3,2,11,2,1,2,,1,,,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,159,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31478,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31479,5,4,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31480,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31481,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31482,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,2,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31483,5,3,1,2,0,0,92,0,92,92,0,,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,1,,2,1,3,1,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +31484,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31485,5,1,3,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,176,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31486,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31487,3,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,194,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31488,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31489,5,2,,,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31490,3,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31491,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31492,5,3,2,3,0,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31493,5,2,6,1,1,1,2,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31494,4,3,1,2,1,2,,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31495,3,3,5,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31496,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,196,16,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31497,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31498,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31499,5,3,90,2,0,0,92,0,92,92,0,1,3,2,1,3,3,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,200,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31500,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31501,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31502,5,3,8,2,91,1,4,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31503,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,33,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31504,5,2,6,1,0,,92,0,92,92,0,1,2,2,1,1,2,1,,0,0,0,3,4,6,13,1,1,1,1,1,1,0,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,85,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31505,3,3,1,3,1,1,,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,172,14,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31506,5,3,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31507,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31508,4,3,12,2,,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31509,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31510,5,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31511,5,1,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31512,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31513,3,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,1,0,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,11,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31514,4,2,8,3,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31515,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31516,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31517,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31518,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,12,1,1,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31519,5,3,8,3,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,,2,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31520,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31521,5,3,90,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31522,3,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31523,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31524,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31525,3,1,11,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31526,5,3,11,2,1,2,1,0,92,92,1,0,92,92,1,1,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31527,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,10,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31528,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31529,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31530,5,3,4,2,91,0,92,0,92,92,0,0,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,47,3,2,1,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31531,3,3,8,2,91,0,92,0,92,92,0,1,,,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,53,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31532,5,3,4,2,0,,92,,92,92,1,1,2,2,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31533,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31534,5,3,1,3,1,2,,0,92,92,,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,1,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31535,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31536,4,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31537,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31538,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31539,5,4,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31540,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31541,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31542,3,3,90,2,0,0,92,,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31543,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31544,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31545,3,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31546,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31547,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31548,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31549,3,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31550,5,1,10,2,1,1,3,0,92,92,1,1,2,,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,186,15,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31551,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31552,5,2,90,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,1,0,0,0,1,0,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31553,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31554,5,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31555,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,88,7,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31556,5,3,90,2,1,1,,0,92,92,0,,92,92,1,2,3,1,,0,0,0,3,3,4,10,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,194,16,2,2,2,1,0,5,1,1,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +31557,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31558,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31559,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31560,3,90,2,3,91,1,,,92,92,,,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,2,2,0,3,1,1,1,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,1,1,1,1,0,1 +31561,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31562,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31563,5,1,1,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,2,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31564,5,2,,,0,,92,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31565,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31566,3,90,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,180,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31567,1,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31568,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31569,3,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,3,2,1,0,0,0,0,1,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,39,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31570,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31571,5,3,6,1,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31572,3,3,90,2,1,2,,,92,92,0,1,,,,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31573,5,3,8,3,,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31574,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31575,3,1,90,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31576,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31577,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31578,5,3,12,2,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,103,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31579,4,2,3,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31580,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31581,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,21,1,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31582,5,3,2,3,0,2,,,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,1,,3,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31583,5,2,8,3,91,1,3,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31584,3,1,8,2,91,0,92,0,92,92,0,91,92,92,1,2,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31585,5,1,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31586,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31587,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31588,4,3,1,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31589,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31590,4,3,10,2,0,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31591,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31592,5,3,12,3,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31593,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,1,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31594,5,1,7,1,91,0,92,0,92,92,1,91,92,92,1,1,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31595,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31596,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31597,5,3,6,1,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31598,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31599,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31600,4,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31601,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31602,3,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31603,4,2,8,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,99,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31604,5,2,7,1,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31605,3,3,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31606,3,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,1,1,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +31607,3,2,90,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,92,92,92,92,29,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31608,3,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31609,3,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31610,5,1,1,3,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31611,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31612,5,1,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31613,5,3,5,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,2,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31614,3,1,5,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,1,5,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31615,3,1,10,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31616,1,3,6,1,0,0,92,1,,,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31617,5,2,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,205,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31618,2,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31619,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31620,3,3,8,3,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31621,4,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31622,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31623,5,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31624,3,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31625,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,92,7,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31626,4,2,8,2,0,0,92,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31627,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31628,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31629,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,80,6,2,2,2,1,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0 +31630,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31631,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31632,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31633,1,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31634,3,3,90,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31635,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31636,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31637,4,3,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31638,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31639,5,3,12,3,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31640,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31641,5,2,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,132,11,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31642,3,3,10,2,1,1,2,1,1,1,0,1,1,2,1,1,3,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0,92,92,92,92,165,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31643,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,26,2,2,1,,2,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +31644,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31645,5,2,8,2,0,,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,61,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31646,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,92,92,92,92,38,3,2,1,,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +31647,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31648,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31649,5,3,90,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31650,2,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,1,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31651,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31652,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31653,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,119,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31654,5,3,8,3,91,,92,0,92,92,,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31655,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31656,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31657,3,3,12,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31658,3,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31659,4,3,5,2,1,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,92,92,92,92,185,15,2,1,,,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31660,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31661,5,3,8,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31662,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31663,5,3,8,2,91,1,1,1,2,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31664,5,3,7,1,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31665,5,1,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,166,13,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31666,3,3,8,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,118,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31667,4,3,8,2,0,0,92,0,92,92,1,1,,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,24,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31668,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31669,3,3,1,2,0,,92,,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,1,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31670,4,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31671,3,1,10,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31672,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31673,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31674,5,3,90,2,,1,1,,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31675,5,1,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,82,6,2,1,,5,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31676,5,1,11,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31677,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31678,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31679,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31680,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31681,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31682,5,2,8,2,0,0,92,0,92,92,,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31683,5,3,10,2,,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31684,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31685,3,2,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31686,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31687,4,3,8,3,1,1,2,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31688,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31689,5,1,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,1,0,3,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +31690,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31691,5,1,1,3,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31692,5,3,1,2,0,0,92,0,92,92,1,1,1,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,85,7,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31693,3,3,10,2,1,2,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31694,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31695,5,3,8,2,,,92,0,92,92,1,1,1,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,41,3,2,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31696,3,3,8,3,0,0,92,0,92,92,0,1,2,2,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,101,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31697,1,3,4,2,0,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,54,4,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31698,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31699,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31700,3,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31701,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31702,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31703,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31704,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31705,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31706,5,90,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31707,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31708,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31709,5,2,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31710,5,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31711,4,2,6,1,0,0,92,0,92,92,1,,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,14,1,1,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31712,5,3,90,2,0,1,4,1,2,2,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,79,6,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31713,5,3,,,1,,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,124,10,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31714,3,3,3,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,142,11,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31715,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,1,0,0,23,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31716,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31717,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31718,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31719,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31720,5,3,8,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31721,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31722,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31723,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,203,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31724,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31725,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31726,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31727,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31728,3,3,90,2,0,0,92,0,92,92,0,1,2,4,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,116,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31729,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31730,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31731,5,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31732,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,40,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31733,5,3,2,3,91,0,92,0,92,92,,91,92,92,,92,92,92,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31734,5,3,1,3,91,1,,,92,92,,91,92,92,,92,92,92,,1,0,1,1,1,5,7,1,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,64,5,2,1,,,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,1 +31735,5,3,12,2,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31736,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31737,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,14,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31738,3,3,12,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31739,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31740,3,3,10,2,0,0,92,0,92,92,0,1,2,2,1,1,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31741,3,3,8,2,0,,92,0,92,92,0,1,2,2,1,3,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31742,4,3,11,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31743,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31744,5,3,8,2,0,0,92,0,92,92,1,1,1,,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,51,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31745,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31746,5,2,10,2,1,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31747,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31748,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31749,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31750,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31751,5,2,1,2,1,1,3,,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,109,9,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31752,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31753,5,3,11,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31754,3,3,9,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31755,4,3,2,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31756,3,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31757,3,3,6,1,0,0,92,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31758,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31759,3,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31760,5,3,7,1,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31761,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31762,3,3,1,3,1,1,3,0,92,92,1,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31763,3,3,8,3,91,2,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31764,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31765,5,2,4,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,104,8,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31766,5,2,90,2,91,0,92,0,92,92,0,0,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,70,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31767,3,2,8,2,0,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31768,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31769,3,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,13,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31770,3,2,6,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31771,3,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31772,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31773,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31774,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31775,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31776,4,2,2,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31777,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,,,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,16,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31778,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31779,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31780,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31781,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31782,5,3,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31783,5,3,1,2,1,1,,0,92,92,,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,137,11,2,1,2,2,0,5,1,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +31784,3,3,90,2,0,1,3,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31785,3,3,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31786,5,2,6,1,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,147,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31787,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31788,3,3,8,2,,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31789,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31790,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31791,3,3,4,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31792,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31793,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31794,5,2,10,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31795,5,3,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31796,5,3,6,1,1,2,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,3,4,6,13,1,1,1,1,0,1,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,185,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31797,5,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31798,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31799,5,3,6,1,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,26,2,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31800,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31801,5,3,10,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31802,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31803,5,90,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31804,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31805,3,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31806,5,3,6,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,14,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31807,1,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31808,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31809,5,3,10,2,,0,92,0,92,92,1,1,2,2,1,3,2,3,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,141,11,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31810,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31811,4,3,12,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31812,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31813,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31814,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,8,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31815,5,3,2,3,0,1,3,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,2,2,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31816,4,3,11,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31817,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31818,5,1,90,2,1,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31819,4,3,8,2,0,0,92,0,92,92,0,1,,,1,3,4,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,37,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31820,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31821,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31822,5,3,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,118,9,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31823,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31824,4,3,8,3,,0,92,0,92,92,0,1,2,2,1,3,4,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,87,7,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +31825,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,183,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31826,5,3,8,3,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31827,3,3,7,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31828,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31829,3,1,7,1,0,0,92,0,92,92,0,1,1,,1,1,4,2,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,102,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31830,4,1,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,104,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31831,3,3,8,2,0,0,92,0,92,92,0,1,,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,55,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31832,5,3,1,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,2,5,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31833,5,3,1,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31834,5,3,9,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31835,3,3,8,2,0,1,1,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31836,5,90,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31837,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31838,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31839,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31840,4,3,8,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31841,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31842,4,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31843,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31844,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,91,7,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31845,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31846,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31847,5,1,2,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31848,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31849,5,1,10,2,1,2,4,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31850,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,2,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31851,5,1,6,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31852,5,3,11,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31853,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31854,5,1,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31855,3,1,8,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31856,5,1,10,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31857,1,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31858,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31859,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31860,4,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31861,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31862,4,2,9,2,91,0,92,0,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,11,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31863,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31864,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,8,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31865,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31866,3,2,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31867,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31868,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31869,4,3,2,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,,92,92,92,92,19,1,1,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31870,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31871,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,1,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,122,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31872,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31873,5,3,8,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,2,1,1,0,5,1,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +31874,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31875,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31876,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31877,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31878,3,1,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,177,14,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31879,3,3,6,1,0,0,92,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31880,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31881,4,3,10,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31882,5,3,6,1,0,0,92,0,92,92,0,0,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31883,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31884,5,2,90,2,0,0,92,0,92,92,1,1,1,2,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31885,1,3,8,3,0,1,4,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,121,10,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31886,1,1,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31887,5,3,8,2,91,0,92,0,92,92,1,1,,,1,3,,3,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31888,5,2,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31889,3,1,8,3,91,2,,1,,,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,1,1,0,1,1,1,1,0,0,0,1,1,1,0,0,13,1,1,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31890,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31891,3,3,8,2,0,0,92,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,60,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +31892,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31893,3,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31894,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31895,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31896,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31897,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31898,3,3,8,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31899,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31900,3,1,1,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31901,5,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31902,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31903,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31904,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31905,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31906,3,3,12,2,0,,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,64,5,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31907,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31908,5,2,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31909,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31910,5,3,6,1,0,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31911,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31912,5,3,1,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,43,3,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31913,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,1,1,1,0,1,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31914,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31915,3,1,8,2,,2,1,1,1,1,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,50,4,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31916,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31917,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31918,1,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31919,3,3,,,91,,92,,92,92,1,91,92,92,1,,1,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31920,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,55,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31921,5,3,5,2,91,1,,0,92,92,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,170,14,2,1,2,1,0,5,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +31922,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31923,5,1,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31924,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31925,5,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31926,5,1,8,3,,1,2,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31927,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31928,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31929,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31930,1,1,1,2,0,0,92,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,164,13,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31931,3,2,90,2,91,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,2,1,1,,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +31932,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31933,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31934,5,3,9,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31935,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31936,3,2,10,2,0,0,92,0,92,92,0,1,2,2,,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31937,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,184,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31938,5,3,90,2,0,0,92,0,92,92,1,,92,92,,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,2,,1,,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31939,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,17,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31940,5,3,,,0,0,92,0,92,92,0,1,2,,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,56,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31941,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31942,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31943,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31944,3,1,6,1,,1,,,92,92,,1,2,2,1,3,2,1,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,106,8,2,1,,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +31945,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31946,3,2,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31947,4,3,9,2,,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,147,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31948,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31949,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31950,1,3,6,1,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31951,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31952,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31953,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31954,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31955,3,1,8,3,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,112,9,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31956,1,3,7,1,0,0,92,0,92,92,1,1,2,2,1,2,,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,159,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31957,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31958,4,3,8,2,1,1,,0,92,92,0,0,92,92,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,81,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31959,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31960,5,2,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31961,3,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31962,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,4,0,1,2,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31963,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31964,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31965,5,3,90,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31966,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31967,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31968,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31969,3,1,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31970,3,3,4,2,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31971,1,2,10,2,1,1,3,0,92,92,0,1,,2,1,1,2,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,1,0,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31972,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,6,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31973,5,2,90,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31974,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31975,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,29,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31976,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31977,4,3,8,2,91,,92,1,,,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,10,0,1,2,2,1,,5,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +31978,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31979,1,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31980,4,3,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31981,2,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31982,3,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31983,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,120,10,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31984,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31985,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31986,5,3,1,2,,,92,,92,92,,,92,92,,92,92,92,,0,0,0,2,2,5,9,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31987,3,1,1,2,91,1,4,1,2,,,91,92,92,0,92,92,92,,0,0,0,1,1,2,4,1,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,2,,1,0,5,1,1,1,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +31988,3,2,8,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,8,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31989,3,3,10,2,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31990,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,122,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31991,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31992,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31993,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31994,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31995,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31996,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +31997,3,3,10,2,,0,92,0,92,92,0,1,2,2,0,92,92,92,1,,,,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31998,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,181,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +31999,5,2,7,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32000,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32001,5,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,2,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,94,7,2,2,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32002,5,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32003,4,3,4,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32004,3,3,11,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32005,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32006,5,3,6,1,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32007,5,3,8,2,0,0,92,0,92,92,0,1,2,2,1,3,3,3,1,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,50,4,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32008,5,3,6,1,1,2,1,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,67,5,2,1,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32009,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32010,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32011,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32012,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32013,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,27,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32014,3,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32015,5,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32016,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32017,5,1,90,2,91,1,2,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,1,,,1,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +32018,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32019,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,7,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32020,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32021,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32022,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32023,2,4,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32024,3,3,1,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,180,15,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32025,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32026,3,3,11,2,,1,3,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32027,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32028,3,3,8,2,0,1,,0,92,92,1,0,92,92,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32029,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32030,3,3,,,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32031,5,3,8,3,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,23,1,1,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32032,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32033,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32034,5,3,7,1,0,0,92,0,92,92,0,1,2,2,1,3,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32035,5,3,12,3,0,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,145,12,2,1,2,2,0,3,1,1,1,0,1,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +32036,2,1,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32037,1,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32038,3,2,9,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32039,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32040,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32041,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32042,5,3,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32043,1,3,11,2,0,0,92,0,92,92,,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,179,14,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32044,5,3,11,2,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32045,1,3,8,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,94,7,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32046,5,3,10,2,,1,3,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32047,3,3,8,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,65,5,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32048,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32049,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32050,5,3,90,2,0,,92,0,92,92,0,0,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,80,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32051,5,2,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32052,5,2,4,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32053,2,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32054,5,3,6,1,,0,92,1,3,,0,,92,92,0,92,92,92,,0,0,0,3,3,4,10,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,52,4,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32055,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32056,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32057,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32058,3,3,11,2,0,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32059,5,1,5,2,1,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,172,14,2,1,,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32060,3,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32061,5,1,11,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32062,5,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32063,4,3,2,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,77,6,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32064,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32065,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,2,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32066,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32067,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32068,3,3,9,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32069,5,3,11,2,1,1,,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32070,3,3,90,2,91,0,92,0,92,92,0,91,92,92,1,2,2,2,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32071,4,3,90,2,1,,92,,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32072,5,3,8,2,,0,92,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,2,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32073,3,3,11,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32074,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32075,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32076,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,174,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32077,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32078,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32079,3,1,10,2,1,1,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32080,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32081,5,3,2,3,,1,3,0,92,92,0,,92,92,1,2,,,,0,0,0,3,4,5,12,1,1,0,1,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,129,10,2,1,1,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +32082,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32083,2,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32084,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32085,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32086,5,3,6,1,91,0,92,0,92,92,1,0,92,92,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32087,5,3,9,2,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,23,1,1,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +32088,1,3,10,2,0,1,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32089,5,3,6,1,0,,92,0,92,92,0,1,,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,39,3,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32090,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,1,0,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,27,2,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32091,3,3,10,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32092,2,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32093,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32094,1,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32095,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32096,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32097,3,1,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32098,4,3,8,3,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,103,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32099,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32100,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32101,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32102,5,3,1,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32103,3,3,2,3,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32104,4,2,1,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32105,5,3,2,3,0,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32106,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32107,5,2,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32108,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32109,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32110,3,2,6,1,,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32111,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,,,1,0,0,0,1,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,2,1,0,2,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +32112,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32113,3,3,2,3,0,0,92,0,92,92,1,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32114,3,3,8,2,0,0,92,0,92,92,1,1,,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,79,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32115,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32116,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,8,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32117,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32118,5,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32119,1,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32120,5,90,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32121,5,3,8,3,91,2,,,92,92,1,91,92,92,1,2,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,9,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32122,5,3,7,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32123,4,3,1,3,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32124,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32125,1,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,25,2,2,2,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32126,5,2,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32127,3,4,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32128,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32129,3,1,90,2,0,,92,1,3,3,1,0,92,92,0,92,92,92,0,0,0,1,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32130,5,1,10,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32131,5,3,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32132,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32133,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,2,3,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32134,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32135,3,3,4,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32136,5,3,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32137,4,3,90,2,1,1,2,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,,5,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32138,4,3,8,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32139,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32140,4,3,8,2,0,0,92,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32141,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32142,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32143,4,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,22,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32144,5,90,10,3,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32145,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32146,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32147,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32148,5,3,7,1,0,0,92,0,92,92,1,1,,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32149,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32150,3,1,10,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32151,5,3,8,3,1,1,2,1,1,1,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,92,92,92,92,157,13,2,2,,2,,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32152,1,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,96,8,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32153,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32154,5,3,5,2,1,0,92,0,92,92,0,1,1,2,1,2,2,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,146,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32155,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +32156,3,2,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,39,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32157,2,1,8,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32158,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32159,5,3,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32160,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32161,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32162,3,1,90,2,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,64,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32163,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,30,2,2,2,2,1,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32164,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32165,3,3,1,2,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32166,4,3,2,3,,1,4,0,92,92,0,,92,92,0,92,92,92,,0,0,0,1,1,1,3,1,1,1,1,1,0,0,1,1,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,177,14,2,1,,2,0,5,1,1,1,0,0,1,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,1,1,1,1,0,1 +32167,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32168,3,1,1,2,1,1,3,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,178,14,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32169,3,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32170,5,3,10,2,,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,148,12,2,1,,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32171,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32172,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32173,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,1,0,0,0,1,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32174,5,3,8,2,91,2,2,1,1,1,0,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,21,1,1,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32175,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32176,5,3,8,2,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,9,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32177,5,1,5,2,91,1,4,0,92,92,,91,92,92,0,92,92,92,,1,1,1,1,,1,4,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,1,1 +32178,5,2,7,1,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32179,5,3,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32180,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32181,5,2,10,2,1,1,2,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,200,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32182,3,3,90,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32183,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32184,5,3,1,2,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,2,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32185,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32186,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32187,3,3,8,2,0,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,29,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32188,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32189,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32190,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32191,1,2,11,2,0,,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,202,16,2,1,1,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32192,3,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32193,3,3,10,2,0,2,,0,92,92,1,1,2,2,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,147,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32194,1,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32195,3,1,7,1,91,2,,1,2,,,,92,92,,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,36,3,2,1,,,0,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32196,5,3,2,3,1,0,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32197,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32198,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32199,5,1,1,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32200,5,2,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32201,5,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32202,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32203,5,2,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32204,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32205,4,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,20,1,1,2,1,1,0,3,1,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +32206,5,3,8,2,1,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32207,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,0,1,1,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +32208,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32209,3,2,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32210,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32211,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32212,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,10,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32213,1,3,10,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32214,5,1,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,92,92,92,92,158,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32215,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32216,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32217,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32218,5,3,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32219,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32220,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32221,5,3,7,1,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,124,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32222,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32223,5,1,6,1,91,1,2,1,2,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,34,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32224,5,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32225,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32226,3,3,90,2,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,1,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32227,3,2,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32228,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32229,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32230,2,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32231,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32232,5,1,12,2,0,1,1,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,186,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32233,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32234,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32235,3,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32236,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32237,5,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32238,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32239,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32240,5,3,8,2,91,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32241,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32242,5,3,1,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,158,13,2,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32243,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32244,3,3,8,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32245,5,2,1,2,,1,,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,,3,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32246,5,3,4,2,1,2,3,0,92,92,1,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,162,13,2,1,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32247,5,1,90,2,0,0,92,0,92,92,0,1,2,2,1,2,3,,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,66,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32248,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,86,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32249,3,3,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32250,3,3,90,2,,2,,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,17,1,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32251,4,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32252,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32253,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32254,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32255,3,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32256,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32257,4,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,6,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +32258,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32259,3,3,8,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32260,3,3,1,2,91,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32261,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,,1,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32262,5,3,9,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32263,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32264,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32265,5,3,6,1,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32266,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32267,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32268,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32269,5,3,8,3,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,16,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32270,5,3,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32271,3,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32272,5,3,8,3,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32273,5,3,90,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,109,9,2,2,2,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32274,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32275,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32276,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32277,4,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32278,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32279,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32280,5,3,2,3,1,1,,1,1,2,0,1,2,2,0,92,92,92,1,0,0,0,4,4,5,13,1,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,151,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32281,3,3,10,2,1,1,2,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32282,5,3,2,3,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32283,5,3,2,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,2,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32284,5,1,8,2,1,0,92,0,92,92,1,0,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,54,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32285,4,3,6,1,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,147,12,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32286,5,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,,,,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32287,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,59,4,2,2,1,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32288,4,3,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32289,5,2,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32290,5,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32291,5,3,11,2,0,0,92,0,92,92,0,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32292,3,1,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32293,5,4,4,2,1,1,4,0,92,92,0,,92,92,0,92,92,92,,0,0,0,1,2,4,7,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,2,1,0,90,1,1,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,1,1 +32294,5,2,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32295,3,3,4,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32296,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32297,5,1,2,3,91,2,,,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,1,1,0,0,0,0,,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +32298,5,3,11,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32299,1,3,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,149,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32300,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +32301,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32302,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32303,5,3,12,3,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32304,2,2,11,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,2,1,1,1,1,1,0,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,173,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32305,4,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32306,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32307,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32308,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32309,5,2,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32310,5,3,8,2,1,2,,0,92,92,,1,2,,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32311,2,1,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32312,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32313,1,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,4,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32314,5,2,1,2,0,,92,0,92,92,0,91,92,92,1,1,3,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,104,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32315,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,7,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32316,4,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32317,3,3,2,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32318,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32319,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32320,5,1,8,2,91,1,2,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +32321,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32322,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32323,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,190,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32324,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32325,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32326,5,3,1,2,1,1,,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32327,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32328,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32329,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32330,3,3,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32331,3,3,7,1,0,0,92,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32332,4,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32333,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32334,5,3,6,1,0,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32335,5,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32336,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32337,4,3,8,2,91,,92,1,3,2,0,91,92,92,1,2,2,,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,18,1,1,1,,3,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32338,5,3,11,2,1,1,,1,2,,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,201,16,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +32339,3,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32340,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32341,5,3,8,2,91,,92,0,92,92,1,0,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,2,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32342,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32343,5,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32344,3,1,1,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32345,5,2,11,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,117,9,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32346,5,1,90,2,91,1,3,0,92,92,0,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,163,13,2,1,,1,0,5,1,1,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +32347,3,3,10,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,52,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32348,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32349,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32350,5,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,48,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32351,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32352,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32353,3,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32354,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32355,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32356,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32357,5,3,6,1,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,7,2,1,1,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +32358,3,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,46,3,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +32359,5,90,2,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32360,5,3,8,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,85,7,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32361,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32362,5,3,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32363,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32364,5,3,3,3,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32365,3,2,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,79,6,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32366,5,1,10,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32367,3,2,1,2,91,0,92,0,92,92,0,0,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32368,3,3,11,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32369,5,1,1,2,1,2,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32370,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32371,5,3,8,2,0,,92,0,92,92,1,1,,,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32372,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32373,5,3,5,2,1,1,2,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32374,5,3,8,2,1,1,,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,1,1,0,0,0,0,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,1,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,112,9,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +32375,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32376,5,3,1,3,0,0,92,0,92,92,,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,190,15,2,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32377,4,2,8,3,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32378,5,1,7,1,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,14,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32379,5,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,94,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32380,3,3,6,1,1,1,1,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32381,3,3,8,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32382,1,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32383,3,2,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32384,3,3,8,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32385,5,3,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32386,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32387,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32388,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32389,3,3,4,2,91,,92,0,92,92,,91,92,92,,92,92,92,,1,1,1,,,,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,174,14,2,1,,1,0,5,1,1,1,0,0,1,0,0,0,0,0,1,1,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +32390,5,3,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32391,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32392,2,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32393,3,3,6,1,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32394,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32395,4,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32396,3,1,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32397,5,3,11,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32398,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32399,3,3,2,3,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32400,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32401,1,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32402,1,3,90,2,1,1,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,2,1,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32403,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32404,3,3,10,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32405,5,2,1,3,0,0,92,0,92,92,1,1,,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32406,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32407,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32408,5,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,2,1,0,5,1,1,1,0,0,0,1,0,0,0,0,1,1,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +32409,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32410,3,3,1,3,1,1,2,0,92,92,,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,163,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32411,5,2,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32412,5,3,10,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32413,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32414,5,2,8,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32415,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32416,5,3,5,2,0,0,92,0,92,92,,1,2,2,1,3,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,171,14,2,1,,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +32417,3,2,8,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32418,5,1,6,1,,1,3,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32419,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32420,5,3,4,2,0,0,92,0,92,92,1,1,2,2,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +32421,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32422,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32423,3,3,11,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32424,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32425,4,2,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32426,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32427,5,3,8,3,91,1,2,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32428,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32429,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32430,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,1,,3,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +32431,1,3,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32432,1,3,11,2,0,0,92,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32433,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32434,3,1,1,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,186,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32435,3,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32436,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32437,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32438,4,3,11,2,0,1,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32439,5,3,11,2,,1,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32440,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32441,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32442,1,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32443,5,3,8,2,91,1,1,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32444,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32445,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32446,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32447,3,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32448,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,0,1,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32449,5,3,9,2,91,2,3,1,1,2,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,30,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32450,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32451,5,2,8,3,,0,92,0,92,92,1,1,1,2,1,1,3,2,1,0,0,0,,,,15,2,0,92,92,92,92,92,2,92,0,1,1,0,0,0,0,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,151,12,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +32452,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32453,3,1,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32454,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32455,3,2,5,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32456,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32457,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32458,3,90,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32459,1,3,5,2,1,0,92,0,92,92,0,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,92,92,92,92,116,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32460,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32461,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32462,5,2,10,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32463,3,1,11,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32464,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32465,5,2,10,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32466,3,3,10,2,0,0,92,0,92,92,1,1,1,3,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32467,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32468,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,92,92,92,92,164,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32469,5,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,85,7,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32470,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32471,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32472,4,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,16,1,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32473,4,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32474,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32475,5,3,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,,90,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32476,2,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32477,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,165,13,2,1,,,0,7,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32478,5,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32479,3,3,7,1,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32480,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32481,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32482,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32483,4,2,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32484,5,3,9,2,0,1,1,0,92,92,1,1,2,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32485,5,3,10,2,0,0,92,0,92,92,1,1,1,3,1,3,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32486,5,3,4,2,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,165,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32487,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32488,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32489,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32490,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32491,3,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32492,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32493,5,2,90,2,1,1,2,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32494,5,3,12,3,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32495,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32496,3,3,3,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32497,4,3,1,2,1,2,,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,176,14,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32498,5,2,6,1,,1,,1,,,,,92,92,,92,92,92,,1,1,,,,,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,,92,92,92,92,83,6,2,2,,,1,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32499,5,3,6,1,0,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32500,5,1,1,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32501,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32502,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32503,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32504,3,3,6,1,0,0,92,0,92,92,1,1,2,3,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32505,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32506,5,3,10,2,91,0,92,1,3,4,0,91,92,92,1,3,4,1,,0,0,0,3,1,4,8,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,101,8,2,1,,,0,6,1,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,1,1 +32507,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32508,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32509,5,2,7,1,91,0,92,0,92,92,0,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32510,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32511,5,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32512,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32513,5,3,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32514,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32515,3,3,7,1,91,1,2,1,2,1,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,20,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32516,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32517,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32518,5,3,8,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,16,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32519,3,3,11,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32520,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32521,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32522,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32523,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32524,3,3,10,2,0,0,92,0,92,92,,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,158,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32525,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32526,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32527,1,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32528,5,90,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32529,5,3,2,3,0,1,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32530,4,3,6,1,,1,2,0,92,92,0,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,105,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32531,5,3,90,2,0,0,92,0,92,92,1,1,3,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32532,5,2,6,1,0,2,,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32533,3,1,10,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32534,3,3,11,2,0,1,1,0,92,92,,1,3,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32535,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32536,5,1,1,3,,0,92,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32537,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32538,1,3,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32539,5,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32540,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32541,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32542,4,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32543,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32544,3,3,7,1,0,0,92,0,92,92,0,1,2,2,1,1,2,1,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,102,8,2,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32545,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32546,5,2,9,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32547,3,3,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,119,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32548,5,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32549,3,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32550,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32551,5,3,6,1,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32552,1,3,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32553,5,3,11,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,199,16,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32554,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32555,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32556,4,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32557,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32558,3,3,1,3,91,0,92,0,92,92,0,91,92,92,1,,,,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,215,17,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32559,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32560,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,50,4,2,1,2,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32561,5,3,1,2,91,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32562,3,3,12,2,0,0,92,0,92,92,1,1,,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32563,5,3,11,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32564,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32565,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32566,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32567,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32568,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32569,5,3,1,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,2,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +32570,4,2,5,2,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,51,4,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32571,3,3,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32572,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32573,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32574,5,1,8,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,162,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32575,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32576,5,2,90,2,0,0,92,0,92,92,1,,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32577,5,2,10,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32578,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32579,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32580,3,3,10,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32581,5,2,8,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32582,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32583,5,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32584,3,3,4,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,200,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32585,3,2,6,1,0,0,92,0,92,92,0,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32586,3,3,9,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,120,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32587,5,3,6,1,0,0,92,0,92,92,,0,92,92,1,1,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32588,3,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32589,1,3,90,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32590,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,3,1,1,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0 +32591,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32592,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32593,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32594,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32595,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32596,5,3,1,2,91,1,,0,92,92,,91,92,92,0,92,92,92,,1,0,0,1,1,3,5,1,1,0,0,0,0,0,0,92,0,1,1,0,0,0,0,1,1,1,1,1,0,1,0,0,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,214,17,2,2,2,1,0,5,1,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,1,0,1 +32597,5,3,4,2,1,1,,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,119,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32598,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,192,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32599,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32600,3,3,1,3,,0,92,0,92,92,,1,,2,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,92,92,92,92,72,6,2,2,,1,0,3,1,1,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +32601,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32602,3,3,11,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32603,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,203,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32604,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32605,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,4,0,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +32606,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32607,3,3,1,2,,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32608,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32609,1,2,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32610,3,3,6,1,1,1,2,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32611,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32612,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32613,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32614,5,3,5,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,1,1,1,0,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32615,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32616,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32617,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32618,3,2,6,1,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,15,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32619,5,1,10,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,86,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32620,1,2,5,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32621,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32622,5,1,4,2,91,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32623,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,1,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32624,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32625,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32626,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32627,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,35,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32628,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32629,4,3,2,3,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,1,2,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32630,3,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32631,5,3,10,2,0,1,3,0,92,92,,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32632,5,2,6,1,0,1,3,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32633,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,197,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32634,5,2,8,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,64,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32635,5,1,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32636,4,3,8,3,0,0,92,0,92,92,0,1,1,,1,3,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,53,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32637,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32638,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32639,5,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32640,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32641,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32642,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32643,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32644,5,3,8,2,,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,1,6,11,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,92,92,92,92,21,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32645,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32646,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32647,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32648,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32649,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32650,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32651,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32652,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32653,3,1,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,12,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32654,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32655,5,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32656,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32657,5,2,10,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32658,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,43,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32659,5,2,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32660,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32661,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32662,3,1,11,2,1,1,,,92,92,0,1,3,,0,92,92,92,0,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,,1,0,2,1,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +32663,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32664,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32665,4,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32666,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32667,3,3,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32668,5,3,10,2,1,2,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,152,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32669,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32670,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32671,4,3,12,2,0,0,92,0,92,92,,1,,1,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32672,3,90,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32673,1,3,,,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32674,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32675,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32676,5,1,6,1,1,2,,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,207,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32677,5,3,9,2,1,1,,0,92,92,1,1,2,2,1,1,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,92,92,92,92,119,9,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32678,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32679,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,95,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32680,5,3,11,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32681,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,28,2,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32682,3,90,6,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32683,3,1,2,3,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32684,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32685,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32686,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32687,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32688,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32689,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32690,5,3,90,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,135,11,2,1,2,2,1,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +32691,3,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32692,3,3,8,2,1,,92,0,92,92,1,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,130,10,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32693,3,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32694,4,3,12,2,1,,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32695,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32696,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32697,3,3,6,1,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32698,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32699,5,3,11,2,0,1,,,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,1,1,0,1,1,0,92,92,92,92,92,1,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32700,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32701,3,3,6,1,91,0,92,0,92,92,0,91,92,92,1,,2,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,14,1,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32702,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32703,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32704,5,2,9,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32705,3,3,6,1,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,153,12,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32706,3,4,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32707,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32708,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32709,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32710,3,4,12,2,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32711,3,3,4,2,1,1,1,0,92,92,1,1,2,2,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32712,3,2,9,2,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32713,5,3,6,1,91,1,2,,92,92,,,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32714,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32715,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32716,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,159,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32717,5,3,,,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32718,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32719,4,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32720,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,21,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32721,3,2,11,2,0,0,92,0,92,92,0,1,1,2,1,1,4,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,122,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32722,3,3,8,2,91,1,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32723,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32724,5,2,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32725,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32726,5,3,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32727,1,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32728,5,2,8,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,73,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32729,3,3,10,2,0,0,92,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32730,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32731,5,2,90,2,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32732,5,3,2,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,,92,92,92,92,92,1,1,3,1,0,0,1,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,32,2,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32733,3,3,5,2,,1,,0,92,92,,,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,70,5,2,2,2,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1 +32734,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32735,3,3,2,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32736,5,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32737,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32738,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32739,5,1,8,3,0,,92,0,92,92,,0,92,92,1,2,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,40,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32740,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32741,5,1,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32742,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32743,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32744,3,3,11,2,0,0,92,1,2,2,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,182,15,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32745,3,1,1,2,1,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32746,5,3,90,2,0,0,92,0,92,92,1,0,92,92,1,2,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32747,5,2,8,2,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32748,2,3,11,2,1,1,3,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32749,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32750,5,1,6,1,0,1,,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,58,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32751,3,2,1,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,212,17,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32752,5,2,7,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32753,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32754,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32755,3,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32756,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32757,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32758,1,2,11,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32759,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32760,5,1,6,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32761,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32762,4,3,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32763,5,2,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32764,5,3,1,3,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,75,6,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32765,5,2,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32766,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32767,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32768,5,1,8,3,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32769,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32770,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32771,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32772,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32773,3,1,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32774,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32775,5,3,12,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32776,4,3,8,3,1,1,3,0,92,92,,1,3,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,139,11,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32777,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32778,5,2,6,1,1,1,2,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,153,12,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32779,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32780,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32781,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32782,3,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32783,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32784,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32785,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32786,3,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32787,5,3,10,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,122,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32788,3,3,9,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32789,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32790,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32791,5,3,8,2,91,0,92,0,92,92,1,0,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32792,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +32793,5,2,8,2,91,,92,0,92,92,0,1,,2,1,,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,52,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32794,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32795,4,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +32796,5,3,8,2,,0,92,0,92,92,0,1,2,2,1,3,2,1,,0,0,0,4,4,6,14,2,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,54,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32797,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32798,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32799,5,1,8,2,0,1,2,1,2,1,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,59,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32800,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32801,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32802,5,3,6,1,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32803,3,3,6,1,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32804,3,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32805,3,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32806,4,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32807,5,3,2,3,1,0,92,0,92,92,1,1,1,2,0,92,92,92,1,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,134,11,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32808,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32809,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32810,3,3,90,2,91,1,4,0,92,92,0,91,92,92,,92,92,92,,0,0,0,2,3,5,10,1,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,134,11,2,2,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32811,5,2,5,2,1,2,4,0,92,92,0,1,2,2,1,2,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,109,9,2,2,,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32812,2,1,6,1,1,0,92,1,2,1,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,69,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32813,4,3,11,2,1,0,92,0,92,92,0,1,3,2,1,3,2,1,0,0,0,0,4,4,6,14,2,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,172,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32814,5,1,12,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32815,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32816,3,3,11,2,,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32817,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,122,10,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32818,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32819,2,1,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32820,2,1,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32821,3,3,2,3,,2,,0,92,92,0,,92,92,1,1,2,1,,0,0,0,1,2,5,8,1,1,1,0,0,0,0,1,,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,104,8,2,1,,1,0,5,1,1,1,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,1,1,1,0,1 +32822,5,3,8,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32823,3,3,8,2,0,,92,0,92,92,1,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,55,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32824,5,3,12,2,0,0,92,0,92,92,1,,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32825,1,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32826,3,3,5,2,0,0,92,0,92,92,1,1,3,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32827,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32828,3,3,10,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32829,5,3,1,2,,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32830,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32831,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,127,10,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32832,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32833,5,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32834,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32835,4,2,5,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32836,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32837,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32838,3,3,8,2,0,0,92,0,92,92,1,1,,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32839,5,2,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32840,3,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32841,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32842,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32843,1,2,7,1,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32844,3,3,4,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32845,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32846,3,3,8,2,1,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32847,5,3,6,1,91,1,3,1,1,2,1,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32848,4,3,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32849,5,3,1,2,91,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32850,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32851,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32852,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32853,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32854,5,1,9,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,21,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32855,3,3,8,2,0,0,92,0,92,92,1,1,2,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32856,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32857,3,3,6,1,91,0,92,1,2,2,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,33,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32858,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32859,5,3,12,2,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,18,1,1,1,2,2,0,7,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32860,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32861,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32862,5,2,1,2,0,2,,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,102,8,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32863,5,2,12,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32864,5,3,8,2,91,0,92,0,92,92,1,0,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32865,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,161,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32866,3,3,6,1,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32867,2,3,10,2,0,0,92,0,92,92,1,1,2,2,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32868,1,3,12,3,0,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32869,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,92,92,92,92,1,0,1,2,,1,1,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +32870,3,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32871,3,3,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32872,5,2,6,1,1,1,2,1,1,1,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,148,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32873,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,7,0,1,2,,2,0,90,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +32874,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32875,5,3,4,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32876,4,3,10,2,1,2,4,,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,92,92,92,92,197,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32877,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,137,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32878,5,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32879,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32880,3,3,7,1,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32881,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32882,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32883,5,3,8,2,0,0,92,0,92,92,1,1,3,2,1,3,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,83,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32884,5,2,10,2,0,0,92,0,92,92,1,1,2,2,1,1,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,151,12,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32885,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32886,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32887,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,1,0,4,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +32888,3,2,10,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32889,5,3,90,2,1,2,,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32890,3,3,11,2,1,1,,0,92,92,1,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,164,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32891,5,3,8,2,91,0,92,0,92,92,1,0,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32892,5,3,2,3,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,3,4,11,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,109,9,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32893,4,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32894,4,2,8,3,0,0,92,1,2,1,0,0,92,92,1,2,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,54,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32895,3,2,2,2,0,0,92,0,92,92,0,1,,,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,87,7,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +32896,3,3,90,2,0,0,92,0,92,92,1,0,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32897,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32898,5,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,5,0,1,2,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +32899,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32900,3,3,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32901,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,,92,92,92,92,100,8,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32902,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32903,5,1,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32904,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32905,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,145,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32906,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32907,5,2,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,9,0,1,2,,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32908,1,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32909,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,169,14,2,2,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,0,0 +32910,4,3,11,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,179,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32911,4,3,8,2,91,0,92,0,92,92,1,0,92,92,1,1,1,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,42,3,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32912,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32913,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32914,5,3,6,1,0,0,92,0,92,92,0,1,,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32915,4,3,6,1,91,1,3,0,92,92,0,1,,2,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,83,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32916,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32917,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32918,1,3,1,3,,1,,,92,92,,,92,92,,92,92,92,,0,0,1,1,2,5,8,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,77,6,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,1 +32919,3,3,2,3,1,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32920,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32921,2,1,6,1,0,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,93,7,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32922,5,90,6,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32923,4,3,6,1,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32924,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32925,5,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32926,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,35,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32927,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,59,4,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32928,5,3,8,3,0,0,92,0,92,92,0,1,1,2,1,1,2,1,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,142,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32929,1,3,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32930,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32931,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32932,4,3,10,2,,1,,1,,,0,,92,92,1,1,2,2,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,144,12,2,1,,,,5,1,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +32933,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32934,1,3,7,1,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32935,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32936,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32937,5,3,1,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32938,5,3,8,2,91,,92,1,,2,0,91,92,92,0,92,92,92,,0,0,0,1,2,3,6,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,92,92,92,92,24,2,2,1,2,3,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32939,1,2,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32940,5,1,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,105,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32941,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32942,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32943,3,3,8,2,0,,92,0,92,92,1,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,68,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32944,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32945,5,3,2,3,,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,83,6,2,1,2,2,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32946,4,3,10,2,0,0,92,0,92,92,0,1,3,2,1,2,3,1,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,171,14,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32947,3,1,4,2,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,1,0,92,92,92,92,88,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32948,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32949,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32950,3,3,8,2,91,,92,1,1,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32951,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,105,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32952,4,3,4,2,0,1,1,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,58,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32953,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,87,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32954,3,3,8,2,0,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32955,1,3,10,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32956,5,2,,,91,,92,,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32957,5,90,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32958,3,1,8,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32959,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32960,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32961,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32962,4,3,8,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32963,5,3,6,1,0,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32964,4,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32965,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32966,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32967,3,3,11,2,,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,186,15,2,1,2,2,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32968,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32969,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32970,3,2,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32971,4,3,12,2,0,0,92,0,92,92,1,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32972,4,3,3,3,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32973,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32974,3,1,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,158,13,2,2,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32975,5,2,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32976,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32977,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32978,4,3,9,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,39,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32979,3,1,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32980,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32981,5,3,8,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32982,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,1,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32983,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32984,5,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32985,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32986,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32987,5,3,9,2,91,,92,1,,,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,92,92,92,92,19,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32988,2,3,10,2,0,0,92,0,92,92,1,1,2,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,149,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +32989,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32990,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32991,5,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32992,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32993,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32994,5,2,11,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32995,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32996,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32997,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32998,1,3,1,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +32999,5,1,6,1,0,,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,123,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33000,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33001,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33002,3,3,2,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33003,3,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33004,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33005,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33006,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33007,4,2,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33008,5,90,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33009,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,22,1,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33010,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33011,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33012,4,3,1,3,1,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33013,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33014,5,2,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33015,3,3,8,3,91,1,1,0,92,92,1,1,,,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,18,1,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33016,1,2,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33017,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33018,5,2,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33019,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33020,5,3,4,2,1,1,,,92,92,0,1,3,2,,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,148,12,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33021,3,2,10,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33022,2,4,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33023,3,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,183,15,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33024,3,3,6,1,1,,92,0,92,92,1,1,1,2,1,1,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33025,4,3,11,2,0,2,3,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33026,3,3,1,2,91,,92,0,92,92,1,91,92,92,1,,2,,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33027,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33028,5,3,6,1,0,2,,0,92,92,,1,2,,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33029,3,4,7,1,0,0,92,0,92,92,0,0,92,92,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,61,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33030,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33031,5,3,4,2,1,,92,0,92,92,,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33032,5,90,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33033,5,3,90,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33034,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33035,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33036,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33037,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33038,5,3,11,2,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33039,5,3,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,196,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33040,5,3,8,3,91,1,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,10,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33041,3,3,6,1,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,5,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33042,3,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33043,5,3,8,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33044,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33045,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33046,5,3,2,3,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,66,5,2,1,,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33047,5,90,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33048,1,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33049,3,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33050,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33051,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33052,3,2,5,2,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,81,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33053,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33054,5,3,10,2,0,0,92,0,92,92,0,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33055,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33056,2,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33057,3,3,1,3,1,1,,0,92,92,0,1,1,3,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,196,16,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33058,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33059,5,3,12,2,1,2,,0,92,92,0,1,,,1,2,,1,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,82,6,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33060,3,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,215,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33061,5,3,1,2,1,1,,0,92,92,1,1,,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,205,17,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33062,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,4,6,12,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33063,5,3,1,3,0,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,4,4,10,1,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,92,92,92,92,29,2,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33064,5,2,8,2,0,,92,0,92,92,1,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,86,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33065,4,90,8,3,0,1,2,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33066,5,3,90,2,91,0,92,0,92,92,,91,92,92,1,3,,,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33067,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33068,5,1,1,2,0,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33069,5,3,6,1,91,1,2,1,2,1,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,20,1,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33070,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33071,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33072,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,19,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33073,5,3,5,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,180,15,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33074,3,3,2,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33075,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33076,5,1,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,1,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,1,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33077,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,28,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33078,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33079,1,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,15,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33080,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33081,3,3,8,2,91,,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,1,0,1,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33082,5,2,6,1,0,,92,0,92,92,0,1,1,,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,56,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33083,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33084,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33085,5,3,8,3,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,75,6,2,2,2,2,,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +33086,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33087,3,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33088,4,2,11,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33089,5,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33090,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33091,5,2,8,2,91,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,2,,,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33092,4,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33093,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33094,4,3,2,2,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,1,1,2,4,7,1,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,1,157,13,2,1,,2,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,1 +33095,5,4,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33096,3,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33097,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33098,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33099,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33100,5,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33101,3,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33102,5,1,90,2,1,0,92,0,92,92,,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33103,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33104,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +33105,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33106,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33107,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33108,3,3,6,1,0,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33109,3,3,5,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,1,1,0,0,0,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33110,4,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33111,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,3,4,5,12,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33112,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33113,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33114,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33115,2,3,90,2,0,0,92,0,92,92,0,1,2,,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,46,3,2,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33116,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33117,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33118,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,158,13,2,2,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33119,3,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33120,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33121,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33122,3,3,4,2,0,1,,1,2,1,1,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,18,1,1,2,2,1,0,4,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +33123,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33124,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33125,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33126,4,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33127,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33128,5,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33129,5,2,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33130,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33131,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33132,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33133,5,1,8,2,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33134,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,171,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33135,4,2,4,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33136,3,3,8,3,91,1,4,0,92,92,1,91,92,92,1,,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,13,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33137,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33138,5,2,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33139,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33140,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33141,4,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33142,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33143,5,2,90,2,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33144,3,2,11,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33145,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33146,3,3,8,2,0,,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,62,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33147,3,2,2,3,,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,2,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33148,3,3,8,2,0,0,92,0,92,92,0,1,2,2,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,38,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33149,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33150,2,3,6,1,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,82,6,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33151,5,2,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,1,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33152,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33153,5,3,1,2,91,1,,,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,,1,3,1,1,0,0,0,0,1,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,1,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,50,4,2,2,2,1,0,5,1,1,1,0,0,1,1,0,0,0,1,1,0,1,1,0,0,0,0,0,0,1,1,1,0,0,1 +33154,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33155,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33156,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,2,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33157,5,2,8,2,0,,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,0,0,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33158,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33159,5,3,6,1,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33160,5,2,11,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33161,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,23,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33162,3,3,8,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33163,3,3,11,2,1,2,,0,92,92,0,1,3,2,1,1,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,1,0,1,1,0,1,0,0,0,1,0,0,0,92,92,92,92,206,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33164,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33165,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33166,3,3,90,2,0,0,92,0,92,92,0,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,83,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33167,3,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33168,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33169,5,1,9,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33170,4,3,7,1,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33171,5,90,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33172,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33173,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33174,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33175,3,3,6,1,0,0,92,0,92,92,1,1,3,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,162,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33176,5,2,11,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33177,4,3,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33178,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33179,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33180,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33181,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33182,5,3,1,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33183,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33184,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33185,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33186,5,3,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33187,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33188,4,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33189,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33190,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33191,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33192,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33193,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33194,1,3,9,2,,0,92,0,92,92,,91,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33195,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,3,0,1,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +33196,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33197,3,1,8,2,91,0,92,0,92,92,1,0,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33198,5,3,6,1,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33199,5,2,6,1,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,73,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33200,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33201,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33202,5,1,10,2,,0,92,0,92,92,0,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,131,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33203,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33204,4,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33205,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33206,3,90,5,2,,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33207,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33208,1,90,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33209,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,71,5,2,1,1,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33210,3,3,11,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,1,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33211,3,3,8,2,1,0,92,0,92,92,0,1,1,2,1,2,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,85,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33212,5,2,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,176,14,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33213,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33214,4,2,8,3,0,1,1,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33215,3,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33216,5,3,5,2,,0,92,0,92,92,0,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,72,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33217,3,2,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33218,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33219,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33220,4,3,4,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,1,1,0,0,0,0,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,199,16,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33221,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33222,5,3,6,1,0,1,,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33223,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33224,3,1,7,1,0,1,1,0,92,92,0,0,92,92,1,1,4,2,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,97,8,2,2,,,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +33225,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33226,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33227,4,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,1,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,195,16,2,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33228,4,3,11,2,0,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,191,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33229,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,44,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33230,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33231,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33232,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33233,3,3,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33234,3,3,1,2,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33235,2,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33236,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,2,,90,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +33237,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33238,5,3,8,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33239,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33240,5,3,8,3,91,2,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33241,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33242,3,3,6,1,91,0,92,1,3,2,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,21,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33243,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33244,5,3,11,2,,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33245,3,3,8,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,93,7,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33246,4,3,1,2,1,1,,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33247,2,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33248,3,3,6,1,1,,92,0,92,92,,1,1,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,122,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33249,5,2,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33250,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33251,5,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33252,3,3,1,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33253,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33254,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33255,3,3,1,2,0,0,92,0,92,92,1,1,3,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33256,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33257,4,3,11,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,192,16,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33258,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33259,2,1,9,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33260,5,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33261,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33262,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33263,3,3,90,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33264,5,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33265,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33266,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33267,3,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33268,5,3,1,3,91,2,,,92,92,0,91,92,92,,92,92,92,,0,0,0,2,2,4,8,1,1,0,0,1,0,0,2,92,0,1,0,1,0,0,0,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,2,2,2,1,5,1,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1 +33269,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33270,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33271,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33272,5,3,1,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33273,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33274,3,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33275,3,2,4,2,91,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33276,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33277,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33278,5,3,,,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33279,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33280,5,2,6,1,0,0,92,0,92,92,0,1,,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,109,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33281,4,3,8,2,0,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33282,5,3,8,3,91,1,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,17,1,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33283,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33284,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33285,3,2,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33286,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33287,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33288,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33289,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33290,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33291,3,3,2,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33292,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33293,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33294,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33295,5,3,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33296,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33297,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33298,5,3,11,2,0,0,92,0,92,92,1,1,1,4,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,215,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33299,5,3,2,3,91,0,92,0,92,92,0,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,37,3,2,2,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33300,5,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33301,5,2,6,1,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33302,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33303,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33304,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33305,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,7,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33306,2,3,11,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33307,5,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33308,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33309,5,1,2,3,1,1,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +33310,3,3,10,2,1,0,92,0,92,92,,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,162,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33311,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33312,1,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33313,5,3,9,2,0,0,92,0,92,92,1,0,92,92,1,2,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33314,1,3,6,1,,0,92,0,92,92,0,0,92,92,1,3,,,,0,0,0,4,5,5,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,57,4,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33315,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,69,5,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33316,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33317,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,210,17,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33318,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33319,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33320,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33321,3,3,5,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33322,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33323,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33324,5,3,7,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,122,10,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33325,5,2,8,3,0,1,1,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33326,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33327,5,2,7,1,,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33328,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33329,3,3,6,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33330,5,2,90,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +33331,5,3,7,1,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33332,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33333,3,3,6,1,0,1,,0,92,92,1,1,2,2,1,,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33334,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33335,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33336,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33337,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33338,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33339,4,3,10,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,211,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33340,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33341,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,45,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33342,3,2,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33343,5,2,8,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,2,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33344,3,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33345,5,3,4,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33346,2,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33347,3,2,6,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,1,,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +33348,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33349,3,3,8,3,91,0,92,0,92,92,,91,92,92,,92,92,92,,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,2,2,1,,3,1,1,1,0,0,0,1,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0 +33350,5,3,1,3,0,0,92,0,92,92,,0,92,92,,92,92,92,0,0,0,0,,,,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,102,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33351,5,3,2,3,,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,169,14,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33352,5,3,7,1,91,1,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,1,4,6,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +33353,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33354,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +33355,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33356,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33357,2,1,9,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,21,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33358,3,2,3,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33359,5,3,6,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33360,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,178,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33361,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,7,0,1,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +33362,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33363,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33364,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33365,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33366,3,3,90,2,0,1,2,1,3,1,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,74,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33367,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33368,5,3,3,2,1,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33369,5,3,8,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33370,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33371,4,2,7,1,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,103,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33372,3,3,6,1,0,0,92,0,92,92,0,1,1,,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,126,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33373,5,3,8,2,,0,92,0,92,92,1,91,92,92,1,2,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33374,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33375,4,3,1,2,0,2,1,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33376,1,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33377,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33378,5,2,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33379,3,1,6,1,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33380,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33381,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33382,4,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33383,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,41,3,2,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33384,5,3,6,1,0,2,1,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,1,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33385,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33386,3,3,5,2,1,,92,,92,92,,,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33387,5,3,7,1,91,1,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,2,1,5,8,1,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,,90,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33388,2,1,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33389,5,2,6,1,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33390,5,1,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33391,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33392,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33393,3,3,6,1,,1,4,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33394,5,3,11,2,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,199,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33395,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33396,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33397,3,3,6,1,1,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33398,3,3,2,3,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33399,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33400,5,3,1,3,1,,92,,92,92,,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,1,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,186,15,2,1,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33401,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33402,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33403,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33404,5,2,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33405,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33406,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33407,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33408,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33409,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33410,4,3,3,3,1,0,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33411,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33412,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33413,5,2,90,2,91,0,92,0,92,92,,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33414,3,3,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33415,5,1,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33416,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33417,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33418,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,92,92,92,92,12,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33419,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33420,3,2,1,2,0,1,3,0,92,92,1,0,92,92,1,2,3,1,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,181,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33421,3,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,28,2,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33422,2,1,6,1,0,1,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33423,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33424,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33425,3,3,11,2,1,1,,,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33426,3,3,10,3,0,2,3,0,92,92,1,1,3,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,171,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33427,3,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33428,2,1,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33429,2,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33430,4,3,8,2,1,1,,1,1,,0,0,92,92,1,,3,,,1,1,1,,1,1,6,1,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,1,43,3,2,2,,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,0,0,0,,0 +33431,4,3,8,3,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33432,5,3,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33433,5,3,2,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33434,3,1,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,1,0,0,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33435,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33436,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33437,5,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33438,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33439,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,17,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33440,5,2,12,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33441,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33442,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,17,1,1,2,2,2,1,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +33443,5,3,4,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33444,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33445,4,3,12,2,91,0,92,0,92,92,0,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33446,2,1,6,1,0,0,92,0,92,92,0,1,1,3,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,66,5,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33447,1,3,8,2,0,0,92,0,92,92,1,1,3,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,93,7,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33448,3,3,12,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,184,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33449,5,2,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33450,2,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,1,0,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,15,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33451,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33452,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33453,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33454,3,3,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33455,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33456,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33457,4,3,10,2,0,,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,3,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,200,16,2,1,2,1,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33458,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33459,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33460,3,3,12,2,91,1,2,1,2,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33461,5,2,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33462,3,3,7,1,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33463,3,3,6,1,0,0,92,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,132,11,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33464,5,3,10,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33465,5,3,11,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33466,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33467,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33468,3,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,1,2,2,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33469,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,93,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33470,2,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33471,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33472,3,2,9,2,0,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33473,4,3,12,2,91,1,4,,92,92,,91,92,92,0,92,92,92,,1,0,1,1,1,4,6,1,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,2,2,1,0,5,1,1,1,0,1,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,1,1,1,1,1 +33474,5,3,6,1,1,1,2,0,92,92,,0,92,92,1,3,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,61,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33475,5,1,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33476,5,3,8,2,,0,92,0,92,92,0,0,92,92,1,2,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,141,11,2,2,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33477,3,3,6,1,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33478,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,8,0,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33479,5,2,2,3,,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33480,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33481,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33482,5,3,5,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,191,15,2,1,2,1,,4,1,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +33483,2,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,127,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33484,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33485,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33486,3,3,8,2,91,0,92,0,92,92,0,0,92,92,1,,4,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,1,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33487,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33488,5,90,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33489,3,3,2,3,0,0,92,0,92,92,0,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,170,14,2,2,1,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33490,3,3,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33491,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,1,1,1,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33492,5,3,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,100,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33493,1,2,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33494,5,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33495,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,19,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33496,4,3,9,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,1,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33497,5,2,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33498,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33499,5,3,6,1,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,0,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,85,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33500,5,3,7,1,1,1,2,1,1,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,151,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33501,5,2,11,2,1,2,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33502,5,3,5,2,0,2,1,0,92,92,1,1,3,2,1,3,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,165,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33503,5,3,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33504,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33505,5,3,6,1,,1,1,1,1,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,159,13,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33506,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33507,1,3,90,2,91,2,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33508,3,3,2,3,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33509,5,3,8,2,,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33510,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33511,3,3,10,2,1,1,2,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33512,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33513,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33514,3,3,6,1,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33515,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33516,5,2,9,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,44,3,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33517,3,1,8,2,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,16,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33518,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33519,4,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33520,4,3,6,1,0,0,92,0,92,92,1,1,3,4,1,3,4,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,189,15,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33521,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33522,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33523,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33524,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33525,3,3,8,2,0,0,92,0,92,92,0,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33526,3,3,,,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,1,1,0,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,1,1,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,50,4,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +33527,5,3,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33528,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33529,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33530,2,2,6,1,0,0,92,0,92,92,1,1,1,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,93,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33531,3,1,8,3,,0,92,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,76,6,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33532,5,3,1,3,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33533,5,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,210,17,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33534,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33535,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33536,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33537,5,2,10,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33538,5,3,90,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33539,3,3,4,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33540,5,3,4,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33541,3,1,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33542,5,3,9,2,91,1,2,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,1,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33543,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33544,2,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33545,3,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33546,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33547,5,3,6,1,0,0,92,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,109,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33548,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,83,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33549,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33550,3,2,12,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33551,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33552,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33553,5,3,6,1,0,1,3,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,2,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33554,4,3,8,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33555,4,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,139,11,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33556,4,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33557,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33558,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33559,5,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,105,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33560,4,3,8,2,0,0,92,0,92,92,0,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33561,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,1,0,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,,2,0,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33562,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33563,3,1,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33564,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,163,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33565,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33566,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33567,3,3,8,2,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33568,4,2,8,3,91,1,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,30,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33569,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33570,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,112,9,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33571,3,3,2,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,2,4,8,1,1,1,0,0,0,0,2,92,0,,92,92,92,92,92,1,,,1,1,0,1,0,0,1,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,102,8,2,1,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +33572,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33573,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33574,4,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33575,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33576,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33577,5,2,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,152,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33578,,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33579,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +33580,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33581,5,3,8,2,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,22,1,1,1,2,2,0,2,1,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,1 +33582,5,3,8,3,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,40,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33583,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33584,5,90,10,3,0,2,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,141,11,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33585,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33586,4,3,10,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33587,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33588,5,2,8,2,0,0,92,0,92,92,1,0,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33589,3,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33590,3,3,5,2,,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33591,5,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33592,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33593,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33594,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33595,3,2,90,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33596,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33597,3,3,5,2,0,0,92,0,92,92,1,1,3,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33598,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33599,5,1,12,2,0,0,92,,92,92,1,1,2,2,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,207,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33600,5,3,4,2,,,92,,92,92,,,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,107,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33601,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33602,1,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33603,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33604,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33605,5,3,6,1,0,0,92,0,92,92,1,1,2,2,1,3,,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,1,1,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,155,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33606,5,1,9,2,91,,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,20,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33607,5,3,8,3,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,33,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33608,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33609,5,1,8,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33610,4,2,2,3,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33611,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33612,5,3,5,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33613,2,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33614,3,3,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33615,4,3,2,3,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,47,3,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33616,5,3,1,3,,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33617,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33618,5,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33619,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,127,10,2,2,,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +33620,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33621,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33622,5,3,11,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33623,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33624,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33625,3,1,6,1,91,2,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33626,3,3,2,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,43,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33627,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,28,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33628,4,3,2,3,1,1,2,,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33629,5,2,10,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33630,5,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33631,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,42,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33632,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33633,3,3,8,3,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33634,3,3,7,1,91,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33635,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33636,3,2,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33637,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33638,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33639,3,3,8,2,0,0,92,0,92,92,0,1,2,4,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,59,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33640,5,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,110,9,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33641,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33642,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33643,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33644,5,2,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33645,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33646,5,2,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33647,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33648,1,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33649,3,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33650,5,90,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33651,5,3,3,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33652,3,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33653,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33654,1,3,6,1,0,0,92,0,92,92,0,1,,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33655,3,3,10,2,0,,92,0,92,92,,1,3,2,1,3,2,,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,163,13,2,1,,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33656,5,3,2,3,1,2,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33657,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33658,5,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33659,3,2,90,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33660,5,3,11,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +33661,5,90,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33662,5,90,6,1,0,0,92,0,92,92,0,1,3,2,1,3,2,2,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,139,11,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33663,3,3,5,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33664,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,122,10,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33665,5,3,11,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,3,1,1,1,1,1,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33666,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33667,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33668,3,3,4,2,0,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,71,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33669,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33670,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33671,3,2,3,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33672,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33673,5,2,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,1,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33674,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33675,1,2,9,2,0,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,37,3,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33676,3,3,6,1,0,0,92,0,92,92,1,1,2,2,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,50,4,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33677,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33678,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33679,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33680,5,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33681,1,3,9,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33682,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33683,5,2,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33684,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33685,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33686,5,3,6,1,0,0,92,0,92,92,0,1,1,2,1,1,2,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,127,10,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33687,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33688,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33689,5,3,1,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,191,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33690,3,1,11,2,1,1,2,1,,,,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,172,14,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33691,2,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33692,3,2,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33693,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33694,1,3,12,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33695,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33696,5,1,8,3,91,,92,0,92,92,0,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,20,1,1,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33697,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33698,5,3,1,2,0,,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,92,92,92,92,49,4,2,1,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33699,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33700,3,3,10,2,1,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33701,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33702,4,3,90,2,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33703,5,2,6,1,0,0,92,0,92,92,1,,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,142,11,2,1,2,1,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33704,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33705,5,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33706,5,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33707,3,1,8,2,,0,92,0,92,92,1,1,,,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,44,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33708,5,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33709,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33710,5,2,12,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33711,5,3,5,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33712,4,3,8,2,1,2,,0,92,92,0,1,3,2,1,3,2,1,1,0,0,0,3,4,6,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,105,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33713,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33714,5,2,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33715,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33716,5,1,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33717,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33718,5,3,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33719,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33720,5,3,8,3,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33721,5,3,90,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33722,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33723,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33724,4,1,9,2,91,0,92,0,92,92,0,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,30,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33725,3,3,90,2,91,0,92,0,92,92,0,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,3,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33726,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33727,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33728,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33729,5,3,10,3,0,1,2,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33730,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33731,5,1,90,3,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33732,4,3,3,3,,1,3,,92,92,,91,92,92,0,92,92,92,,1,0,0,3,1,3,7,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,90,1,5,1,1,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,1 +33733,1,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33734,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33735,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33736,5,1,2,2,1,2,,0,92,92,1,1,1,2,1,,2,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,166,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33737,5,3,7,1,0,0,92,0,92,92,0,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,49,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33738,1,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33739,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,16,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33740,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33741,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33742,5,2,10,2,1,1,2,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33743,5,2,11,2,1,,92,1,2,1,0,1,2,2,0,92,92,92,0,0,0,0,4,4,5,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,100,8,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33744,5,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33745,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33746,4,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33747,3,3,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33748,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33749,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33750,4,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33751,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33752,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33753,5,2,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,94,7,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33754,5,3,8,3,91,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33755,3,3,7,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33756,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33757,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33758,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33759,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33760,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33761,3,3,5,2,1,,92,1,,,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,183,15,2,1,2,2,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +33762,3,2,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,2,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33763,1,2,5,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33764,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33765,3,2,7,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33766,3,1,4,2,1,,92,,92,92,,0,92,92,1,3,,,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,197,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33767,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33768,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33769,1,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,28,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33770,5,3,1,3,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,206,17,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33771,5,1,6,1,0,0,92,0,92,92,,1,2,2,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33772,3,3,12,2,0,0,92,0,92,92,0,1,,2,1,3,3,1,0,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,75,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33773,5,2,12,2,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33774,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33775,1,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33776,3,3,12,2,0,0,92,0,92,92,0,1,2,2,1,3,3,1,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,98,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33777,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,2,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33778,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33779,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33780,3,3,90,2,0,1,1,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,84,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33781,5,3,10,2,0,1,2,0,92,92,,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33782,3,3,1,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33783,4,3,8,2,91,2,,0,92,92,0,91,92,92,1,3,2,,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,49,4,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +33784,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,4,5,11,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33785,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33786,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33787,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33788,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33789,5,3,6,1,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33790,5,3,8,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33791,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33792,4,3,3,3,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,,1,0,3,1,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33793,5,3,7,1,91,0,92,0,92,92,0,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,30,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33794,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33795,3,3,11,2,1,,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,180,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33796,4,3,6,1,91,1,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33797,3,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33798,5,1,11,2,1,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33799,3,3,1,3,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33800,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33801,1,2,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33802,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33803,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33804,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33805,5,3,8,2,0,0,92,0,92,92,0,91,92,92,1,,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,47,3,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33806,3,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33807,5,2,1,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33808,5,2,8,2,0,,92,0,92,92,0,1,2,,1,2,2,1,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,126,10,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33809,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33810,4,3,8,3,91,1,2,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33811,3,3,,,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33812,5,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33813,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33814,5,3,8,3,91,,92,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,29,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33815,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33816,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33817,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33818,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33819,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33820,3,4,90,2,,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33821,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33822,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33823,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33824,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33825,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33826,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33827,5,90,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33828,5,3,1,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33829,5,1,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33830,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33831,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33832,3,2,90,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33833,4,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33834,3,3,6,1,0,0,92,0,92,92,0,1,3,2,1,1,2,1,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,70,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33835,5,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33836,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33837,3,1,4,2,0,1,3,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33838,5,3,8,2,91,0,92,1,,2,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,11,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33839,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33840,3,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,1,0,0,1,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,25,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33841,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33842,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33843,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33844,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33845,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33846,5,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33847,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33848,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33849,3,3,4,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33850,4,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33851,4,3,90,2,91,0,92,0,92,92,0,91,92,92,1,,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,4,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33852,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33853,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33854,3,3,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,187,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33855,5,2,11,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33856,5,3,,,,0,92,,92,92,0,1,1,4,1,3,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,70,5,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33857,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33858,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33859,5,2,10,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,149,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33860,5,3,8,2,91,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33861,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,16,1,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33862,3,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33863,3,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,98,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33864,1,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33865,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33866,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33867,5,3,,,1,1,,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33868,3,3,7,1,0,0,92,0,92,92,,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33869,5,3,8,2,,0,92,0,92,92,0,,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,56,4,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33870,5,2,6,1,1,0,92,0,92,92,1,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,70,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33871,4,3,10,2,0,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,1,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33872,1,3,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33873,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33874,5,1,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33875,5,3,12,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33876,2,3,4,2,1,2,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33877,3,3,10,2,1,1,2,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,172,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33878,5,4,2,3,0,2,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33879,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33880,3,3,7,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33881,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33882,3,3,2,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,1,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33883,5,3,6,1,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,139,11,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33884,1,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33885,5,2,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +33886,5,3,1,2,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,1,,2,,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +33887,1,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,2,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33888,5,3,8,3,91,2,3,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +33889,5,2,6,1,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,106,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33890,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33891,1,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33892,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33893,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33894,5,90,8,2,1,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33895,3,1,12,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33896,5,3,2,3,1,1,2,,92,92,0,1,2,2,0,92,92,92,1,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,1,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33897,4,3,,,1,1,3,0,92,92,0,1,2,,1,2,,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,138,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33898,4,3,12,2,91,0,92,0,92,92,0,91,92,92,1,1,4,3,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,92,92,92,92,10,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33899,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33900,5,3,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33901,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33902,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +33903,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33904,5,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33905,3,3,10,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33906,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33907,4,3,1,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33908,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33909,3,3,6,1,91,2,1,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,63,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33910,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33911,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33912,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33913,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33914,4,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33915,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33916,4,3,5,2,91,1,3,0,92,92,0,1,2,2,1,2,3,,,0,0,0,3,4,5,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,43,3,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +33917,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33918,5,3,10,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33919,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33920,3,2,8,3,1,1,,0,92,92,,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,166,13,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +33921,3,3,2,3,0,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33922,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,210,17,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33923,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33924,5,3,6,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33925,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33926,5,3,2,3,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33927,3,1,1,3,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33928,5,3,11,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33929,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33930,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33931,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33932,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33933,3,1,2,2,1,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,113,9,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33934,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33935,3,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33936,5,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,1,0,4,1,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +33937,1,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33938,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33939,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33940,3,3,90,2,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33941,5,4,5,2,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,103,8,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33942,4,3,90,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33943,3,3,10,2,1,0,92,0,92,92,1,1,2,2,1,1,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,126,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33944,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33945,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33946,5,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33947,3,3,90,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33948,3,1,9,2,0,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33949,5,1,11,2,91,,92,,92,92,1,91,92,92,1,1,,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,2,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +33950,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33951,1,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33952,4,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33953,3,3,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,92,92,92,92,166,13,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33954,5,1,7,1,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33955,4,2,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33956,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33957,4,3,10,2,0,0,92,0,92,92,0,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33958,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33959,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33960,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33961,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,2,1,90,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33962,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33963,3,3,8,3,1,2,,0,92,92,1,1,2,2,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,1,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,125,10,2,1,2,2,0,5,1,1,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +33964,3,2,6,1,0,2,1,0,92,92,1,1,2,4,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33965,5,3,10,2,0,0,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,193,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33966,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33967,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33968,5,90,11,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33969,5,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33970,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33971,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33972,3,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33973,5,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33974,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33975,3,3,6,1,0,0,92,0,92,92,1,1,2,,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33976,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33977,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33978,3,3,11,2,0,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33979,5,3,2,3,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33980,1,3,4,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33981,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,4,0,1,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +33982,4,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0,92,92,92,92,205,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33983,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33984,5,3,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,1,0,1,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33985,3,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,9,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33986,3,3,90,2,0,0,92,0,92,92,1,1,1,2,1,2,2,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,202,16,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33987,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33988,3,1,8,2,91,0,92,0,92,92,0,1,1,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,56,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33989,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33990,3,3,11,2,1,1,2,0,92,92,0,1,2,2,1,2,2,2,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,193,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33991,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,8,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33992,5,1,8,3,1,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,64,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33993,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33994,3,2,8,2,91,1,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33995,3,3,4,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +33996,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33997,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33998,4,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +33999,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34000,5,3,8,3,91,0,92,1,3,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,92,92,92,92,2,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34001,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34002,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,110,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34003,2,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34004,3,1,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34005,3,1,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34006,5,3,1,3,1,1,,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,1,0,1,,0,0,92,92,92,92,92,1,3,3,1,1,0,1,1,1,0,0,92,92,92,92,92,1,1,1,0,0,0,1,0,1,1,0,1,1,1,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,2,,,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34007,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34008,5,2,11,2,1,1,4,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34009,5,2,4,2,0,0,92,1,2,2,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,182,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34010,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,3,4,9,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,2,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34011,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34012,1,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34013,5,2,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34014,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,1,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34015,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,65,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34016,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34017,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34018,5,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34019,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34020,5,3,2,3,91,2,,1,2,,,91,92,92,,92,92,92,,0,0,0,1,1,2,4,1,1,0,0,0,0,1,2,92,0,,92,92,92,92,92,1,2,3,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,95,7,2,1,,2,,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,1,1 +34021,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34022,5,2,90,2,91,0,92,0,92,92,0,0,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,24,2,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34023,3,4,7,1,1,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,31,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34024,2,3,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34025,3,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34026,5,2,9,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34027,5,3,6,1,0,0,92,0,92,92,0,1,1,2,1,2,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34028,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34029,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34030,3,4,7,1,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,51,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34031,5,1,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34032,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,59,4,2,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34033,5,1,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34034,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,151,12,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34035,3,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34036,5,3,8,2,,,92,0,92,92,1,,92,92,1,,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34037,5,2,10,2,1,0,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,186,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34038,5,3,1,2,0,1,2,1,1,1,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,160,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34039,5,3,10,2,0,0,92,0,92,92,0,1,1,2,1,2,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34040,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34041,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34042,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34043,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34044,3,2,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34045,3,1,7,1,0,2,1,0,92,92,0,1,2,3,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,94,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34046,5,2,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34047,5,1,8,2,0,,92,0,92,92,1,1,1,,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,92,92,92,92,108,9,2,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34048,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34049,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34050,3,3,6,1,0,0,92,0,92,92,1,1,1,4,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34051,5,1,9,2,91,0,92,0,92,92,0,91,92,92,1,3,,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,14,1,1,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34052,5,3,8,2,0,1,2,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +34053,5,3,11,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,149,12,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34054,3,1,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34055,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34056,5,3,9,2,,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,53,4,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34057,2,1,90,2,1,1,2,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34058,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34059,5,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34060,3,2,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,1,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34061,5,3,10,2,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,115,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34062,3,1,8,3,,1,1,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34063,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34064,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +34065,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34066,4,3,2,3,,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,1,1,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34067,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,66,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34068,3,3,8,3,91,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,19,1,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34069,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34070,3,3,10,2,1,2,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,2,,1,1,1,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34071,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34072,3,3,8,2,91,0,92,0,92,92,1,1,,4,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34073,2,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34074,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34075,5,3,1,2,1,2,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34076,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34077,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34078,5,3,8,2,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34079,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,32,2,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34080,2,1,10,3,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34081,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34082,4,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34083,5,2,7,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34084,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34085,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34086,5,3,2,3,91,,92,0,92,92,,91,92,92,1,,2,1,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,1,1,0,5,1,1,1,0,1,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,1,1,1,1 +34087,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +34088,3,1,6,1,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,194,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34089,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34090,5,2,9,2,91,0,92,0,92,92,0,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34091,3,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34092,2,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34093,5,3,1,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,168,14,2,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34094,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34095,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34096,5,3,7,1,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34097,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34098,4,3,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34099,5,3,8,3,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34100,5,3,7,1,0,0,92,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34101,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34102,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34103,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34104,5,3,10,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,178,14,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34105,5,3,1,3,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34106,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34107,3,3,4,2,91,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,1,2,2,,4,1,1,1,0,0,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +34108,5,3,8,3,0,0,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,1,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,95,7,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34109,3,3,10,2,0,0,92,0,92,92,0,1,2,3,1,,3,1,1,0,0,0,4,5,6,15,2,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,168,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34110,3,3,6,1,0,,92,0,92,92,0,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,140,11,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34111,5,3,6,1,91,1,4,1,,,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,92,92,92,92,17,1,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34112,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34113,2,1,7,1,1,1,4,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34114,3,3,7,1,91,0,92,0,92,92,1,91,92,92,1,,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34115,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34116,5,90,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34117,5,3,90,2,91,0,92,0,92,92,0,91,92,92,1,1,3,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34118,5,1,6,1,0,1,1,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,209,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34119,3,1,6,1,0,1,,0,92,92,1,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,133,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34120,3,3,6,1,1,1,2,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34121,3,3,9,2,1,1,3,0,92,92,1,0,92,92,1,2,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34122,2,1,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34123,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34124,4,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34125,5,3,90,2,,1,3,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34126,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,15,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34127,5,2,1,2,0,0,92,0,92,92,0,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,52,4,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34128,5,2,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,0,1,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34129,5,1,3,3,91,2,1,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,1,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34130,4,3,90,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34131,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34132,3,1,8,2,0,0,92,0,92,92,0,1,,2,1,3,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,40,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34133,4,3,10,2,0,0,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34134,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34135,5,3,8,2,0,1,4,0,92,92,0,1,1,2,1,3,2,1,1,0,0,0,3,5,6,14,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,1,0,92,92,92,92,145,12,2,1,,2,0,4,1,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +34136,3,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34137,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34138,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,16,1,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34139,5,1,8,2,0,0,92,0,92,92,1,1,1,4,1,3,4,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,93,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34140,5,3,11,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,206,17,2,2,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34141,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34142,5,3,11,2,0,,92,,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,197,16,2,1,1,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34143,5,2,8,2,91,2,,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34144,3,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34145,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +34146,5,2,4,2,0,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34147,5,3,5,2,1,0,92,0,92,92,0,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34148,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34149,5,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,195,16,2,1,,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34150,5,3,4,2,,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,127,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34151,5,1,8,2,0,,92,0,92,92,1,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,65,5,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34152,5,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,92,92,92,92,53,4,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34153,3,3,8,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34154,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34155,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34156,4,3,8,3,91,0,92,0,92,92,0,91,92,92,1,,2,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,,,1,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +34157,5,3,90,2,0,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34158,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34159,3,3,90,2,0,0,92,1,3,1,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34160,4,3,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34161,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,92,92,92,92,6,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34162,5,90,10,2,0,1,1,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34163,3,3,90,2,0,0,92,0,92,92,1,1,2,,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +34164,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34165,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34166,3,3,3,3,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34167,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34168,5,3,3,2,1,1,,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,150,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34169,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,11,0,1,2,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34170,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,,1,0,2,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1 +34171,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34172,3,3,12,3,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34173,5,2,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,76,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34174,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34175,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,,2,0,6,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34176,5,3,8,3,0,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,,1,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34177,3,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34178,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34179,3,3,8,2,0,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34180,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34181,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34182,5,3,8,3,91,0,92,1,3,4,0,91,92,92,0,92,92,92,,0,0,0,1,1,2,4,1,1,0,0,0,0,1,0,92,1,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,1,1,1,1,1,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,6,0,1,1,,2,0,5,1,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +34183,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34184,5,3,9,2,0,2,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34185,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34186,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34187,5,3,8,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34188,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34189,4,2,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34190,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34191,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,1,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34192,3,3,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,62,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34193,3,3,90,2,,0,92,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34194,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34195,4,3,4,2,1,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34196,5,2,8,2,0,0,92,0,92,92,1,0,92,92,1,1,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34197,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,214,17,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34198,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34199,5,2,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34200,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34201,1,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34202,3,2,11,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,197,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34203,2,1,8,2,0,2,,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34204,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34205,3,1,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34206,3,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34207,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34208,3,1,90,2,0,0,92,0,92,92,1,1,2,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,148,12,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34209,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34210,5,3,11,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34211,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34212,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34213,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34214,5,2,12,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34215,4,3,8,3,91,2,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34216,5,2,12,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34217,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34218,5,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34219,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34220,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,1,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34221,5,1,7,1,91,0,92,0,92,92,1,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,35,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34222,4,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34223,3,2,90,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34224,3,3,9,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34225,1,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34226,3,3,90,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +34227,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34228,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34229,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34230,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34231,3,90,6,1,1,1,,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,132,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34232,5,3,12,2,0,0,92,0,92,92,1,1,2,3,1,2,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,57,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34233,3,1,7,1,91,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34234,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34235,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34236,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34237,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34238,3,3,90,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34239,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34240,5,1,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34241,5,3,8,3,91,,92,,92,92,,91,92,92,,92,92,92,,0,0,0,2,2,5,9,1,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,1,28,2,2,2,2,2,0,3,1,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +34242,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34243,5,2,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34244,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34245,5,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34246,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34247,3,1,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34248,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34249,4,3,2,3,0,0,92,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,158,13,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34250,3,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34251,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34252,3,3,6,1,0,1,1,0,92,92,1,1,2,1,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,166,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34253,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34254,5,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,92,92,92,92,39,3,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34255,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34256,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34257,5,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34258,4,2,9,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34259,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34260,3,3,90,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34261,3,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34262,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34263,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34264,4,3,90,2,,,92,,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34265,4,3,8,3,91,1,3,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34266,3,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34267,4,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34268,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34269,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34270,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34271,5,3,9,2,91,1,3,1,1,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,51,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34272,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34273,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34274,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34275,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34276,1,3,12,2,0,1,3,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34277,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34278,2,2,10,2,1,1,,0,92,92,,1,3,2,1,1,2,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,140,11,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34279,3,3,6,1,1,1,4,0,92,92,1,1,2,2,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34280,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34281,1,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34282,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34283,5,3,7,1,0,0,92,0,92,92,0,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34284,4,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34285,5,3,11,2,91,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34286,3,1,8,3,1,1,2,0,92,92,0,1,2,2,1,,2,1,1,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,150,12,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34287,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34288,3,3,8,3,0,2,2,0,92,92,1,1,2,2,1,1,4,3,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,124,10,2,1,2,1,0,4,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +34289,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34290,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34291,1,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34292,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34293,5,3,11,2,1,1,1,0,92,92,,1,2,3,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34294,3,3,10,2,0,0,92,0,92,92,1,1,1,2,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,109,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34295,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34296,4,3,10,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34297,5,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34298,3,3,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34299,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34300,2,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,8,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +34301,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34302,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34303,5,2,1,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34304,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34305,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34306,4,3,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,50,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34307,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34308,5,3,90,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34309,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34310,5,3,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34311,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34312,3,3,9,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,86,7,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34313,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34314,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34315,5,90,1,3,1,1,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,173,14,2,2,,,,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34316,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34317,5,3,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34318,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34319,5,3,11,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34320,5,1,5,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34321,3,3,10,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34322,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34323,5,1,8,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34324,4,3,3,3,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34325,4,3,6,1,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34326,3,3,6,1,0,0,92,0,92,92,1,1,1,2,1,3,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34327,5,1,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +34328,1,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34329,4,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34330,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34331,3,1,7,1,0,1,,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,198,16,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34332,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34333,3,3,2,3,91,2,,,92,92,,91,92,92,,92,92,92,,0,0,0,4,1,5,10,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,,,,5,1,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +34334,5,3,1,2,,0,92,0,92,92,0,0,92,92,1,1,3,2,0,0,0,0,,,,15,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,60,5,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34335,5,3,2,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,96,8,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34336,3,3,8,2,1,1,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34337,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34338,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34339,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34340,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34341,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34342,3,3,1,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34343,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34344,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,17,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34345,4,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,114,9,2,2,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34346,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34347,5,3,10,2,1,1,,1,1,2,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,215,17,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34348,5,3,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,2,2,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34349,5,1,8,2,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34350,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34351,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34352,5,1,8,2,91,2,2,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,43,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34353,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34354,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34355,4,2,12,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34356,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34357,3,3,11,2,1,2,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34358,4,2,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34359,3,3,1,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,64,5,2,1,,2,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34360,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34361,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34362,5,2,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,2,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34363,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34364,3,2,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34365,3,3,4,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34366,4,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34367,4,3,90,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34368,5,3,8,2,1,0,92,0,92,92,0,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,75,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34369,5,3,6,1,0,0,92,0,92,92,0,1,2,,1,,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,62,5,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34370,4,3,1,2,,,92,0,92,92,1,,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,193,16,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34371,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34372,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34373,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34374,1,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34375,5,3,9,2,0,2,2,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34376,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34377,5,3,5,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34378,4,3,6,1,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,17,1,1,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34379,5,1,7,1,0,1,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34380,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34381,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34382,3,3,1,3,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34383,3,3,10,2,0,1,1,0,92,92,1,1,2,2,1,3,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,190,15,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34384,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34385,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34386,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34387,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34388,5,3,4,2,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,175,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34389,5,3,8,2,0,1,,1,1,,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,89,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34390,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,1,0,3,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +34391,5,2,11,2,1,1,,,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34392,5,4,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,3,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +34393,1,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34394,3,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34395,5,2,8,2,91,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,33,2,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34396,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34397,3,3,11,2,1,1,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34398,4,2,9,2,0,0,92,0,92,92,0,0,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34399,5,3,2,3,,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,101,8,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34400,4,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34401,3,3,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34402,5,3,6,1,0,0,92,0,92,92,1,1,1,,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,57,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34403,3,3,10,2,0,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,1,,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34404,4,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34405,5,3,5,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34406,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34407,5,3,7,1,,0,92,0,92,92,0,0,92,92,1,3,2,2,0,0,0,0,4,4,6,14,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,42,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34408,5,1,8,3,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,16,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34409,3,2,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34410,3,3,6,1,0,0,92,0,92,92,1,1,,,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,85,7,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34411,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34412,3,1,5,2,1,1,3,0,92,92,0,1,1,,1,1,3,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,153,12,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34413,2,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34414,5,3,1,2,91,2,,,92,92,0,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,2,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34415,4,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34416,5,3,8,3,0,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,163,13,2,1,1,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34417,5,3,12,2,0,2,2,0,92,92,1,1,,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34418,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34419,4,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34420,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34421,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34422,3,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34423,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34424,5,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,30,2,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34425,3,3,4,2,1,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34426,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34427,5,1,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,10,0,1,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34428,4,3,,,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34429,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34430,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34431,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34432,3,3,11,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34433,5,3,11,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34434,3,1,5,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34435,5,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34436,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34437,3,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,206,17,2,1,1,,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +34438,5,1,8,2,91,1,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,19,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34439,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34440,5,1,1,3,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34441,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34442,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34443,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34444,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,,92,92,92,92,155,12,2,1,2,2,,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34445,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34446,5,3,10,2,0,0,92,0,92,92,0,1,2,3,1,3,3,3,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34447,5,2,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34448,5,3,2,3,1,1,,0,92,92,,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34449,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,22,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34450,3,1,4,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34451,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34452,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34453,4,1,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34454,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,2,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34455,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34456,5,4,6,1,1,,92,0,92,92,0,1,2,2,1,1,2,1,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34457,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34458,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34459,4,3,2,3,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,122,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34460,3,3,8,3,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34461,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34462,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34463,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34464,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34465,3,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34466,5,1,8,3,0,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34467,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34468,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34469,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34470,3,3,8,3,91,,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34471,4,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34472,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34473,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34474,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34475,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34476,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34477,5,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34478,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,32,2,2,2,2,2,0,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34479,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34480,5,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34481,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,0,0,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,146,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34482,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34483,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34484,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34485,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34486,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34487,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,17,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34488,3,3,6,1,1,2,2,0,92,92,,,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34489,3,3,90,2,,0,92,0,92,92,0,1,1,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,90,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34490,5,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34491,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,38,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34492,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34493,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34494,5,2,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34495,5,2,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34496,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34497,3,3,8,3,91,,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,10,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34498,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34499,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34500,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,48,4,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34501,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34502,5,2,8,3,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,23,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34503,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34504,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34505,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34506,5,3,8,2,91,0,92,1,3,3,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,23,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34507,5,1,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,200,16,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34508,5,3,12,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,81,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34509,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34510,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,156,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34511,3,1,7,1,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,95,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34512,5,2,12,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,1,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,27,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34513,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34514,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34515,3,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34516,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34517,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34518,3,3,2,3,91,1,3,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,2,2,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34519,4,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34520,3,1,90,2,0,1,2,1,1,1,,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,145,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34521,3,3,8,2,91,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34522,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34523,3,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,60,5,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34524,5,1,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,32,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34525,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34526,4,90,2,3,91,1,,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34527,5,1,8,2,0,0,92,0,92,92,1,1,1,3,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,49,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34528,3,2,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34529,5,3,1,2,0,1,1,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34530,5,3,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34531,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34532,5,2,10,2,,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34533,3,3,8,2,0,1,3,1,,2,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,54,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34534,5,2,6,1,1,1,2,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34535,4,3,6,1,1,1,2,0,92,92,0,1,,2,1,1,2,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34536,3,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34537,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,108,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34538,3,3,8,3,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,92,92,92,92,43,3,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34539,3,3,90,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34540,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34541,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34542,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34543,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34544,5,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34545,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34546,3,3,4,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,2,2,1,0,3,1,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34547,4,3,12,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,118,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34548,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34549,2,1,6,1,0,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34550,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34551,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,187,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34552,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34553,4,2,8,3,91,1,2,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,1,,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +34554,4,2,2,3,91,,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34555,1,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34556,5,90,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34557,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34558,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34559,3,2,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34560,5,3,4,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34561,1,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34562,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34563,5,2,10,2,1,1,3,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,144,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34564,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34565,5,2,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,,92,92,92,92,211,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34566,4,4,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,2,1,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34567,3,3,8,2,91,2,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34568,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34569,4,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34570,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34571,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34572,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34573,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34574,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34575,5,2,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34576,5,3,6,1,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,92,92,92,92,98,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34577,5,3,8,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34578,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34579,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34580,4,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34581,5,2,9,2,91,0,92,0,92,92,0,91,92,92,1,2,2,,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,2,92,0,1,1,0,0,0,0,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,1,,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +34582,5,3,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34583,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34584,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34585,5,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,1,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,2,0,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34586,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34587,5,3,8,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34588,2,3,10,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34589,5,3,1,2,0,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34590,3,3,10,3,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,150,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34591,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34592,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,18,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34593,3,3,8,3,91,0,92,1,2,1,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,1,2,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +34594,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34595,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34596,5,2,4,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34597,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34598,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34599,5,2,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,27,2,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34600,3,3,2,3,,1,,0,92,92,1,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34601,3,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34602,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34603,5,3,1,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34604,5,1,10,2,1,1,,0,92,92,0,1,2,2,1,1,2,1,1,0,0,0,4,4,6,14,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,170,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34605,2,90,10,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,198,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34606,,3,8,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34607,3,3,6,1,91,1,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34608,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34609,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34610,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34611,5,1,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34612,5,3,10,2,0,1,1,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34613,5,1,9,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34614,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34615,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,23,1,1,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34616,3,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34617,5,2,8,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34618,3,3,10,2,0,0,92,0,92,92,,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34619,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34620,5,2,2,3,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34621,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34622,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34623,5,3,7,1,91,0,92,0,92,92,0,91,92,92,1,2,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34624,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,78,6,2,2,2,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34625,5,3,9,2,0,1,3,1,2,2,1,1,1,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,112,9,2,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34626,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34627,3,1,6,1,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,27,2,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34628,5,2,9,2,,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34629,5,3,9,2,0,1,4,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,124,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34630,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34631,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34632,3,3,4,2,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34633,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34634,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,2,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34635,5,2,9,2,91,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,9,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34636,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34637,5,3,2,3,1,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,1,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,2,1,0,2,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +34638,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34639,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34640,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34641,5,3,10,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,,92,92,92,92,196,16,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34642,2,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34643,3,2,10,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34644,5,2,10,2,1,0,92,0,92,92,0,1,,2,1,,2,,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,105,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34645,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34646,3,3,11,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34647,5,1,5,2,,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,39,3,2,1,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34648,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34649,2,1,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34650,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34651,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,2,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,90,0,4,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34652,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34653,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34654,2,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34655,3,1,2,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34656,3,3,90,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,162,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34657,5,1,8,2,91,0,92,0,92,92,0,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,37,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34658,3,3,8,2,0,0,92,0,92,92,1,1,1,2,1,,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34659,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34660,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34661,4,2,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34662,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34663,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34664,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34665,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34666,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34667,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34668,2,4,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,148,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34669,2,1,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,148,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34670,5,3,7,1,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,97,8,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34671,3,3,90,2,91,0,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34672,1,3,7,1,0,0,92,0,92,92,1,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34673,3,1,8,3,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34674,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34675,3,1,90,2,91,1,,,92,92,,91,92,92,,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,24,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34676,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34677,3,1,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34678,5,2,8,3,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34679,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34680,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34681,5,1,12,2,91,2,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34682,3,3,10,2,1,1,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34683,4,3,6,1,,0,92,1,2,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34684,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34685,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,1,0,0,0,0,1,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,210,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34686,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34687,3,3,,,91,,92,1,,1,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,92,92,92,92,6,0,1,1,1,2,1,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +34688,3,3,2,3,0,,92,0,92,92,1,0,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34689,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34690,5,3,10,2,1,1,3,1,1,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,179,14,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34691,4,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34692,4,3,8,2,1,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34693,5,3,3,3,1,,92,0,92,92,0,1,3,2,1,3,2,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,104,8,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +34694,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34695,2,3,9,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34696,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,9,0,1,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34697,5,90,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +34698,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34699,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34700,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34701,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34702,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34703,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34704,3,3,10,2,1,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34705,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34706,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,129,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34707,3,3,10,2,0,0,92,0,92,92,1,1,3,1,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34708,3,3,12,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,,90,1,5,1,1,1,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +34709,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,9,0,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34710,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34711,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34712,5,3,8,3,91,2,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,16,1,1,1,,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +34713,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34714,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34715,3,3,4,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34716,4,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34717,5,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34718,5,1,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34719,5,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,1,0,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34720,3,3,5,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34721,3,3,11,2,0,1,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34722,5,2,10,2,0,1,1,0,92,92,1,1,,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34723,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34724,3,2,2,2,0,0,92,0,92,92,1,0,92,92,1,1,4,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,130,10,2,1,2,1,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34725,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34726,4,3,9,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34727,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34728,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34729,4,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34730,3,1,5,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,194,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34731,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34732,5,2,6,1,0,0,92,0,92,92,1,0,92,92,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34733,5,90,1,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,1,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,2,,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34734,5,3,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34735,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34736,5,3,1,3,91,1,4,0,92,92,0,91,92,92,1,,2,,,1,0,1,2,1,1,4,1,1,0,0,0,0,1,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,92,92,92,92,154,12,2,2,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +34737,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34738,5,3,2,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,101,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34739,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34740,5,2,11,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34741,4,2,10,2,1,2,,0,92,92,0,1,3,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34742,5,1,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34743,1,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34744,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34745,5,3,,,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34746,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34747,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34748,5,3,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34749,2,1,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34750,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34751,3,1,8,3,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,20,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34752,3,2,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34753,4,3,10,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34754,5,3,1,2,1,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34755,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34756,5,2,2,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34757,5,3,8,3,0,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,98,8,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34758,5,2,7,1,0,0,92,1,,,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34759,5,3,1,2,91,1,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,2,4,8,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,1,,2,0,5,1,1,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,1,0,1 +34760,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34761,3,1,1,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34762,5,3,1,3,,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34763,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34764,4,2,11,2,1,2,,,92,92,0,1,,,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34765,1,3,12,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34766,4,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34767,1,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34768,3,3,11,2,1,1,2,,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34769,5,1,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,11,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34770,4,3,1,3,1,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34771,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34772,4,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34773,3,3,10,2,0,0,92,0,92,92,0,1,,4,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34774,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34775,5,90,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34776,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34777,1,3,5,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,146,12,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34778,4,3,7,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34779,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34780,4,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34781,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34782,5,3,8,2,0,0,92,0,92,92,,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,19,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34783,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,4,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34784,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34785,2,1,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34786,3,90,8,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34787,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34788,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34789,3,2,9,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,14,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34790,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34791,3,2,8,3,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34792,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34793,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34794,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34795,3,2,4,2,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34796,3,1,1,2,91,,92,1,3,1,,91,92,92,0,92,92,92,,0,0,0,3,2,5,10,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,64,5,2,1,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,1,0,1 +34797,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34798,3,3,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34799,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34800,3,3,1,3,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34801,5,3,10,2,0,0,92,0,92,92,,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,115,9,2,2,2,1,1,4,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +34802,4,3,11,2,0,0,92,0,92,92,0,1,1,2,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34803,4,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34804,3,3,6,1,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34805,1,2,2,3,91,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34806,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34807,4,3,5,2,91,1,,0,92,92,,91,92,92,0,92,92,92,,1,0,1,1,1,5,7,1,1,0,0,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,96,8,2,1,,1,0,3,1,1,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +34808,5,2,10,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,141,11,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34809,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34810,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34811,3,3,90,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,143,11,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34812,2,3,90,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34813,5,2,10,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34814,5,2,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34815,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34816,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34817,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34818,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34819,3,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34820,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34821,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34822,3,3,10,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34823,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34824,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34825,5,2,8,2,91,0,92,0,92,92,1,1,2,2,1,2,2,1,,0,0,0,4,,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,33,2,2,2,,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34826,3,2,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34827,3,2,6,1,,2,1,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34828,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34829,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34830,1,90,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34831,5,3,6,1,1,0,92,0,92,92,0,1,1,,1,3,2,,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,100,8,2,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34832,5,3,8,2,1,1,3,1,2,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,207,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34833,1,2,3,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34834,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34835,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34836,5,3,7,1,91,1,2,1,1,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34837,5,2,4,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34838,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34839,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34840,1,3,9,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34841,5,2,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34842,1,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34843,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34844,5,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34845,3,1,2,3,0,,92,0,92,92,1,,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34846,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34847,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34848,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34849,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,41,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34850,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34851,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34852,1,3,6,1,91,2,3,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34853,3,3,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,163,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34854,3,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34855,5,1,1,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34856,5,2,6,1,91,0,92,0,92,92,1,1,1,,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34857,3,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34858,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34859,5,3,10,2,0,1,,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34860,3,3,8,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34861,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,18,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34862,3,3,90,2,0,0,92,0,92,92,1,1,1,,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,73,6,2,2,2,1,0,4,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +34863,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34864,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,1,0,0,1,0,0,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34865,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34866,3,2,6,1,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +34867,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34868,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,13,1,1,2,,1,0,1,1,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34869,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,2,1,0,3,1,1,1,0,0,0,0,0,1,1,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +34870,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34871,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34872,5,3,3,3,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,129,10,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +34873,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34874,5,1,90,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34875,3,3,11,2,,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34876,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34877,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34878,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34879,4,3,4,2,,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,119,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34880,3,2,90,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,190,15,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34881,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34882,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34883,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34884,4,3,3,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34885,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34886,5,1,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34887,3,3,2,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34888,3,1,1,2,1,1,,0,92,92,1,1,2,2,1,3,2,1,1,0,0,0,4,4,6,14,2,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,174,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34889,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +34890,5,2,90,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34891,5,3,90,2,,0,92,0,92,92,,1,,4,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,79,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34892,3,3,7,1,1,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34893,4,2,10,3,0,1,2,0,92,92,1,1,3,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,199,16,2,1,2,1,0,2,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +34894,5,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,160,13,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34895,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34896,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34897,3,3,8,2,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34898,5,3,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34899,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34900,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34901,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34902,4,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34903,5,3,4,2,,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,154,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34904,3,3,3,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34905,3,1,1,3,91,1,,,92,92,,91,92,92,,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,92,92,92,92,81,6,2,2,,,,90,1,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,1,1,0,1 +34906,4,3,8,3,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34907,5,90,2,3,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,122,10,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34908,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34909,5,2,8,2,91,1,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,4,4,10,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34910,5,3,10,2,1,1,,1,,,,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,1,1,0,0,0,0,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,197,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34911,4,3,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34912,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34913,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34914,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34915,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,21,1,1,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34916,3,3,5,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34917,5,1,1,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34918,5,3,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +34919,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34920,5,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34921,5,1,8,2,0,0,92,0,92,92,0,1,,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,40,3,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34922,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,1,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34923,5,3,10,2,1,,92,0,92,92,0,1,2,2,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34924,3,3,6,1,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34925,3,1,,,1,2,2,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,211,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34926,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34927,3,1,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34928,3,2,10,2,1,1,2,0,92,92,1,0,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,92,92,92,92,203,16,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34929,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34930,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34931,2,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34932,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34933,5,1,8,2,0,1,2,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34934,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34935,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,69,5,2,1,1,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34936,5,2,90,2,91,0,92,0,92,92,1,91,92,92,1,3,,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34937,5,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34938,2,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34939,2,3,6,1,0,0,92,0,92,92,1,0,92,92,1,,,,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,130,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34940,3,1,8,3,1,1,2,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,3,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34941,3,3,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,186,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34942,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34943,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34944,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34945,5,3,8,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34946,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34947,1,3,8,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34948,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34949,3,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,8,0,1,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34950,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34951,2,1,6,1,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34952,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34953,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34954,5,3,6,1,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,98,8,2,1,,3,1,3,1,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,1,1 +34955,5,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34956,4,2,90,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34957,5,3,5,2,0,1,3,0,92,92,,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,154,12,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34958,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,2,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34959,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34960,5,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34961,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,104,8,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34962,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34963,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34964,3,1,1,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,194,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34965,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34966,3,3,6,1,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34967,1,3,8,3,0,0,92,0,92,92,0,1,1,4,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34968,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34969,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34970,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34971,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34972,5,3,9,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34973,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34974,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34975,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34976,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34977,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,12,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34978,5,3,9,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34979,3,3,8,2,0,0,92,0,92,92,0,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,160,13,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34980,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,131,10,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34981,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34982,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34983,5,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34984,4,3,9,2,1,1,3,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34985,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34986,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34987,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34988,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34989,3,3,9,2,1,2,,0,92,92,0,1,2,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34990,3,3,10,2,1,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34991,3,3,12,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34992,3,3,90,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34993,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34994,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34995,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34996,5,3,10,2,1,1,3,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34997,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +34998,5,3,8,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,148,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +34999,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35000,3,3,12,2,0,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35001,3,3,8,2,91,0,92,0,92,92,1,1,2,2,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,44,3,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35002,5,3,8,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35003,5,3,1,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35004,5,2,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,119,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35005,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35006,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35007,4,90,8,3,,1,3,0,92,92,0,91,92,92,1,3,2,,,,,,2,2,4,8,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,2,90,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +35008,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35009,5,1,12,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,93,7,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35010,3,3,7,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35011,5,1,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35012,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35013,5,3,90,2,91,0,92,0,92,92,0,91,92,92,1,3,,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35014,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35015,3,3,7,1,1,2,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,66,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35016,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35017,5,1,90,2,0,0,92,,92,92,0,0,92,92,1,2,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35018,1,2,6,1,,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,62,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35019,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35020,3,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,1,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35021,5,3,8,3,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,64,5,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35022,3,1,8,3,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35023,3,3,8,2,91,1,2,0,92,92,0,91,92,92,1,1,3,1,,0,0,0,2,4,6,12,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35024,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35025,4,3,1,2,0,0,92,0,92,92,1,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35026,5,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,7,0,1,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35027,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35028,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35029,3,3,7,1,91,2,4,0,92,92,,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35030,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35031,5,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35032,5,2,6,1,0,1,,0,92,92,0,0,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,171,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35033,5,3,90,2,,0,92,0,92,92,,91,92,92,1,1,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,11,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35034,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35035,5,2,4,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35036,3,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35037,3,2,8,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35038,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35039,3,2,4,2,0,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35040,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,207,17,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35041,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35042,2,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35043,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35044,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35045,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35046,4,3,6,1,,0,92,0,92,92,0,1,,2,1,2,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,65,5,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35047,4,2,8,2,91,1,,0,92,92,,91,92,92,1,1,2,,,1,1,1,,,,9,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +35048,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35049,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35050,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35051,3,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35052,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35053,3,3,1,3,1,1,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35054,5,3,6,1,91,0,92,0,92,92,0,1,,2,1,2,3,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,46,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35055,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35056,3,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35057,5,2,4,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35058,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,23,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35059,3,3,1,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,92,92,92,92,18,1,1,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35060,5,3,1,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35061,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35062,5,3,9,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35063,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35064,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,10,0,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35065,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35066,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35067,3,3,90,2,91,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35068,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35069,3,3,5,2,1,1,1,0,92,92,1,1,1,3,1,3,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,206,17,2,1,2,1,0,4,1,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35070,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35071,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35072,3,90,90,2,0,0,92,0,92,92,1,91,92,92,1,3,1,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35073,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35074,3,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,195,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35075,3,3,11,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35076,3,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35077,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35078,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,1,90,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35079,5,3,3,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,1,1,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35080,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35081,2,1,90,2,0,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35082,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35083,5,3,9,2,91,1,4,,92,92,0,91,92,92,,92,92,92,,1,0,1,1,1,2,4,1,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,1,1,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,2,2,1,0,2,1,1,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,1,1,1,1,1 +35084,5,3,2,3,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35085,4,2,4,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35086,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35087,3,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35088,3,2,,,1,1,,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,79,6,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35089,5,2,90,2,0,0,92,0,92,92,0,,92,92,,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35090,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35091,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35092,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35093,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35094,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35095,3,1,4,2,1,1,3,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35096,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35097,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35098,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,24,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35099,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35100,5,3,10,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35101,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35102,3,3,4,2,91,,92,,92,92,0,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35103,1,3,8,2,1,0,92,0,92,92,0,1,,,1,,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,71,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35104,3,3,1,2,,,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35105,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35106,3,3,11,2,0,0,92,0,92,92,1,1,3,2,1,2,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35107,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35108,5,3,12,2,0,0,92,0,92,92,0,1,3,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,95,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35109,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35110,5,2,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35111,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35112,5,3,11,2,0,2,,,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35113,4,3,8,2,,0,92,0,92,92,0,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,52,4,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35114,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35115,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35116,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35117,3,3,11,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35118,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35119,3,2,90,2,,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,10,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35120,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35121,3,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35122,3,2,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35123,5,3,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35124,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35125,5,3,12,2,0,0,92,0,92,92,1,0,92,92,1,1,2,,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,103,8,2,2,,1,1,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35126,5,2,90,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35127,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35128,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35129,5,2,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35130,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35131,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35132,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35133,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,,4,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35134,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35135,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35136,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35137,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35138,5,2,4,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35139,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35140,1,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35141,3,3,6,1,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35142,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35143,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35144,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35145,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35146,5,1,8,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35147,3,3,8,2,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35148,5,2,12,2,0,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35149,3,3,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35150,3,2,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35151,3,3,1,2,1,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35152,3,3,2,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,166,13,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35153,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35154,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,,92,92,92,92,115,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35155,3,3,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35156,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35157,5,1,10,2,1,0,92,0,92,92,0,1,2,2,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,203,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35158,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35159,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35160,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35161,3,2,11,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35162,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35163,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35164,5,3,,,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35165,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35166,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35167,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35168,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35169,5,3,3,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35170,3,3,8,2,91,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,37,3,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35171,5,3,90,2,0,0,92,0,92,92,0,1,2,2,1,2,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,102,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35172,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35173,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35174,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35175,5,1,1,2,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35176,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35177,3,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35178,3,3,8,2,0,1,4,0,92,92,1,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,38,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35179,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35180,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35181,5,2,6,1,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,,92,92,92,92,122,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35182,5,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35183,2,1,7,1,,0,92,0,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35184,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,47,3,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35185,4,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35186,2,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35187,5,90,1,2,0,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,57,4,2,1,2,2,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +35188,5,2,8,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,122,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35189,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35190,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35191,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35192,5,3,8,2,91,0,92,0,92,92,,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35193,5,1,12,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35194,5,3,7,1,91,0,92,0,92,92,0,1,,2,1,3,2,1,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,33,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35195,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35196,3,3,5,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35197,5,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35198,3,1,2,3,0,1,1,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35199,2,1,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35200,3,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35201,5,3,10,2,1,2,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35202,3,2,8,3,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35203,5,3,6,1,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35204,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35205,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35206,5,3,1,2,0,1,1,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35207,3,3,1,2,91,,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35208,1,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35209,5,2,90,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35210,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35211,5,1,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,187,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35212,3,3,8,2,1,0,92,0,92,92,1,0,92,92,1,2,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35213,5,2,12,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35214,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35215,4,3,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35216,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35217,3,2,8,2,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35218,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35219,3,3,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35220,3,3,6,1,1,1,3,1,1,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,50,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35221,3,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35222,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35223,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35224,3,2,1,2,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35225,3,90,10,2,1,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35226,4,2,8,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,68,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35227,5,3,6,1,0,0,92,0,92,92,1,1,2,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,67,5,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35228,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,62,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35229,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35230,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35231,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35232,5,3,10,2,1,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35233,1,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35234,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35235,5,2,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35236,5,3,8,2,91,0,92,1,1,2,0,91,92,92,0,92,92,92,,,,,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,25,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35237,1,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,32,2,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35238,5,2,8,2,0,,92,0,92,92,0,1,2,3,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,46,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35239,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35240,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35241,4,3,11,2,1,1,,,92,92,,1,2,,1,1,2,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,1,0,1,0,92,92,92,92,92,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,193,16,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35242,5,3,8,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35243,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35244,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35245,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35246,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35247,5,3,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35248,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,2,3,4,9,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,2,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,1,1,1,0,1,0,0,0,0,0,0,1,1,0,1,1 +35249,5,3,4,2,1,1,1,0,92,92,,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35250,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35251,5,2,8,2,91,0,92,0,92,92,0,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35252,3,3,9,2,1,2,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35253,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35254,5,90,90,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35255,5,3,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35256,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35257,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35258,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35259,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35260,5,3,3,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35261,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35262,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35263,3,3,9,2,91,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35264,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35265,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35266,5,3,12,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35267,3,3,5,2,,1,3,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,142,11,2,1,2,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35268,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35269,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,3,1,,0,0,0,4,4,5,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35270,3,3,8,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35271,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35272,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35273,5,1,5,2,1,0,92,0,92,92,1,91,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35274,5,1,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35275,4,2,12,2,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,1,1,1,0,0,92,92,92,92,92,1,3,3,1,1,1,1,1,1,1,,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,1,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,2,1,0,5,1,1,1,0,0,1,1,0,0,0,1,1,1,1,1,1,0,0,0,0,0,1,1,1,1,1,1 +35276,3,2,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35277,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35278,4,3,9,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35279,5,3,1,2,0,0,92,0,92,92,1,1,3,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,98,8,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35280,3,3,9,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0,92,92,92,92,143,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35281,4,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35282,3,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35283,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35284,3,3,9,2,0,0,92,0,92,92,0,1,1,4,1,1,4,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,46,3,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35285,4,3,4,2,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,97,8,2,1,1,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35286,3,90,12,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,135,11,2,1,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35287,4,2,8,2,0,0,92,0,92,92,0,1,2,4,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,52,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35288,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35289,5,3,5,2,0,0,92,0,92,92,1,1,2,2,1,2,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,161,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35290,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35291,3,3,1,2,1,2,,0,92,92,1,0,92,92,1,1,3,,1,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35292,5,3,2,3,,1,3,0,92,92,0,1,2,2,1,3,2,,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,1,1,0,0,0,0,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,75,6,2,1,2,1,0,5,1,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +35293,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35294,1,3,90,2,,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35295,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35296,3,3,10,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35297,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35298,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35299,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35300,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35301,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35302,5,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35303,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35304,3,2,6,1,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35305,5,3,8,3,0,2,3,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,128,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35306,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35307,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35308,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35309,3,1,12,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35310,5,1,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35311,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35312,5,3,9,2,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,19,1,1,2,2,2,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35313,4,2,6,1,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,13,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35314,3,3,90,2,0,0,92,0,92,92,1,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35315,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35316,5,2,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,13,1,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35317,5,3,,,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35318,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35319,3,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35320,3,3,8,3,0,0,92,0,92,92,0,1,2,2,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,41,3,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35321,5,3,10,2,0,2,,1,1,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,164,13,2,1,,2,0,1,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35322,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35323,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35324,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35325,3,3,9,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,17,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35326,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35327,1,3,8,2,0,1,3,1,2,1,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35328,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35329,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35330,5,1,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35331,5,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35332,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35333,5,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35334,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35335,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35336,3,90,90,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35337,2,2,11,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35338,4,3,5,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35339,3,90,8,2,1,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,63,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35340,5,2,6,1,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35341,3,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,124,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35342,5,3,4,2,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35343,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35344,3,3,8,2,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35345,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,69,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35346,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35347,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35348,3,3,8,2,0,0,92,0,92,92,1,1,,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,118,9,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35349,5,3,2,3,1,2,,,92,92,1,1,2,2,1,1,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,2,,1,0,4,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0 +35350,4,3,2,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35351,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35352,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35353,5,3,11,2,1,1,3,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35354,5,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35355,4,2,8,3,,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,2,1,90,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35356,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35357,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35358,5,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35359,5,1,10,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35360,3,3,2,3,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35361,1,3,5,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35362,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35363,3,3,12,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35364,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35365,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35366,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35367,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35368,1,2,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35369,3,3,8,2,0,0,92,0,92,92,0,1,2,2,1,2,2,1,,0,0,0,4,5,6,15,2,1,1,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,24,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35370,5,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,43,3,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35371,5,1,10,2,1,2,,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35372,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35373,5,3,2,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35374,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35375,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35376,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35377,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35378,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35379,1,3,8,3,91,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35380,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,1,,3,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35381,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35382,5,3,4,2,1,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35383,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35384,5,3,90,2,91,,92,,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,10,0,1,1,2,4,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35385,3,3,6,1,91,2,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,2,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35386,5,3,11,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35387,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35388,4,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35389,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35390,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35391,1,1,8,2,91,,92,0,92,92,0,1,1,,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,42,3,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35392,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,210,17,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35393,5,3,8,3,91,1,2,,92,92,0,91,92,92,1,3,,,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,92,92,92,92,11,0,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35394,5,3,9,2,1,2,,0,92,92,1,1,,2,1,2,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,,92,92,92,92,165,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35395,5,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35396,2,3,11,2,0,,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35397,5,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35398,5,3,7,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35399,3,1,10,2,,0,92,0,92,92,,1,2,2,1,2,2,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,143,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35400,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35401,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35402,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35403,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35404,4,3,12,2,1,0,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,,90,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35405,5,3,1,3,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,2,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35406,5,3,11,2,1,1,,,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,1,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35407,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35408,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35409,3,3,1,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,65,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35410,3,1,4,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,78,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35411,5,3,5,2,1,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35412,4,2,8,3,91,,92,0,92,92,,91,92,92,1,1,2,1,,0,0,0,4,1,2,7,1,1,0,0,1,0,0,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,92,92,92,92,20,1,1,1,,,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +35413,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,29,2,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35414,3,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,90,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35415,5,3,10,2,0,1,1,1,2,1,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,201,16,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35416,5,2,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35417,3,3,8,3,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35418,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35419,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35420,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35421,5,3,8,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,128,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35422,3,1,6,1,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35423,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35424,5,3,9,2,91,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35425,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35426,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35427,4,2,10,2,1,,92,,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,181,15,2,1,,1,0,4,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35428,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,85,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35429,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35430,3,2,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35431,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35432,3,3,90,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35433,4,3,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35434,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35435,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35436,5,3,90,2,91,2,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35437,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35438,3,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35439,5,3,2,3,0,2,,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,66,5,2,2,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35440,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35441,5,3,6,1,91,0,92,0,92,92,1,0,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,23,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35442,5,3,8,2,0,0,92,0,92,92,1,1,1,2,1,2,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,76,6,2,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35443,3,3,11,2,1,1,4,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35444,5,3,6,1,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35445,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35446,3,3,90,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,138,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35447,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35448,5,3,3,3,,1,2,0,92,92,,1,,,1,3,2,1,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,141,11,2,1,2,2,0,2,1,1,1,0,1,0,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +35449,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35450,5,1,6,1,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35451,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,141,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35452,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35453,2,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35454,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35455,3,2,6,1,0,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35456,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35457,5,3,6,1,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35458,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35459,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35460,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35461,5,3,1,2,1,0,92,0,92,92,,1,,2,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35462,3,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,70,5,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35463,3,3,12,2,0,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35464,3,2,4,2,1,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,169,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35465,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35466,5,3,7,1,,0,92,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35467,3,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35468,1,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35469,3,3,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35470,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35471,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35472,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35473,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35474,3,1,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,1,0,0,7,0,1,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35475,5,3,90,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,23,1,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35476,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,106,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35477,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35478,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35479,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35480,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35481,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35482,4,90,9,2,1,1,2,0,92,92,0,1,3,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,142,11,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35483,3,2,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35484,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35485,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35486,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35487,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35488,3,3,6,1,0,,92,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35489,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35490,3,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35491,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35492,2,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35493,4,3,5,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35494,5,2,7,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35495,3,3,90,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35496,3,2,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35497,5,3,8,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,68,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35498,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35499,5,3,2,3,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,3,5,10,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,76,6,2,1,2,1,0,5,1,1,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,1,0,1 +35500,1,3,12,2,91,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35501,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35502,5,3,6,1,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,51,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35503,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,38,3,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35504,4,3,11,2,1,1,,,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35505,5,2,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35506,5,3,8,2,1,1,2,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,176,14,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35507,3,3,1,2,1,2,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,88,7,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35508,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35509,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,46,3,2,2,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35510,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35511,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35512,5,1,10,3,,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35513,3,3,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35514,3,3,5,2,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35515,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35516,5,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35517,3,3,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35518,5,1,90,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,12,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35519,4,3,6,1,1,1,2,1,1,1,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,193,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35520,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35521,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35522,5,3,8,3,,,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35523,5,3,3,3,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35524,5,3,90,2,1,1,2,0,92,92,,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35525,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35526,3,3,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35527,2,3,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35528,1,3,8,2,0,0,92,0,92,92,1,1,2,2,1,1,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35529,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35530,1,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35531,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35532,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35533,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,1,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,92,92,92,92,183,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35534,1,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35535,5,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35536,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35537,2,3,1,2,0,0,92,0,92,92,1,1,3,2,1,2,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,193,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35538,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35539,5,3,,,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,11,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35540,5,2,10,2,1,0,92,0,92,92,1,1,2,,1,3,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,171,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35541,5,2,6,1,0,0,92,0,92,92,0,0,92,92,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,44,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35542,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35543,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,17,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35544,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35545,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35546,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35547,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35548,3,3,90,2,0,2,3,,92,92,1,0,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35549,4,3,5,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,82,6,2,2,,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35550,3,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35551,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35552,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35553,3,3,11,2,0,0,92,0,92,92,1,1,3,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,1,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,180,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35554,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35555,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35556,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35557,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35558,5,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35559,3,3,1,3,0,2,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35560,3,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35561,3,1,10,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35562,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35563,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35564,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35565,4,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35566,5,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35567,5,1,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35568,5,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +35569,5,3,4,2,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,92,92,92,92,22,1,1,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35570,5,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,57,4,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35571,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35572,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35573,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,2,2,4,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35574,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35575,5,1,90,2,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35576,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35577,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35578,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35579,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,1,,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35580,5,2,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,150,12,2,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35581,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35582,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35583,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35584,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35585,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35586,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35587,5,1,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35588,4,3,11,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35589,4,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35590,3,1,5,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,1,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35591,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35592,4,3,4,2,1,,92,1,3,3,0,0,92,92,1,2,2,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,73,6,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35593,3,3,3,2,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,2,4,8,1,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,1,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,2,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +35594,3,3,2,3,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35595,5,3,,,91,1,4,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,1,,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,1,2,2,0,3,1,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +35596,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35597,4,2,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35598,5,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35599,4,2,3,3,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35600,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35601,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35602,5,2,8,2,91,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35603,5,3,10,2,1,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35604,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35605,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35606,3,3,8,3,0,0,92,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,209,17,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35607,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35608,4,3,8,2,0,0,92,0,92,92,0,1,1,3,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35609,5,2,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35610,2,4,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35611,3,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,24,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35612,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35613,3,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35614,5,3,4,2,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35615,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35616,4,3,8,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,1,1,0,0,0,0,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,108,9,2,1,,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35617,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35618,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35619,5,3,8,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35620,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,17,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35621,5,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35622,4,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35623,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,43,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35624,3,1,4,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35625,5,3,8,3,,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35626,5,2,6,1,0,0,92,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35627,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35628,3,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35629,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35630,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35631,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35632,5,3,1,2,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35633,1,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35634,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35635,3,3,8,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35636,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35637,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35638,2,2,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,63,5,2,1,1,1,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35639,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35640,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35641,3,3,7,1,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35642,3,1,1,2,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35643,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35644,5,3,7,1,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,10,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35645,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35646,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35647,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35648,3,1,8,3,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,113,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35649,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35650,5,2,10,2,0,0,92,0,92,92,1,1,1,,1,2,2,,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,147,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35651,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35652,1,3,8,3,91,0,92,0,92,92,0,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,20,1,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35653,5,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35654,3,3,90,2,91,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35655,2,1,90,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35656,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35657,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35658,3,1,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,188,15,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35659,2,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,38,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35660,5,2,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,178,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35661,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,18,1,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35662,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35663,5,3,8,3,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35664,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,45,3,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35665,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35666,5,2,11,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35667,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35668,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35669,5,3,2,3,91,1,4,,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,1,1,3,1,1,0,0,0,0,1,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,115,9,2,1,,3,0,5,1,1,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +35670,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35671,5,3,12,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35672,5,2,8,2,91,2,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35673,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,2,,1,0,3,1,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35674,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35675,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35676,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35677,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,102,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35678,3,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35679,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35680,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35681,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35682,3,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35683,5,3,2,3,91,1,4,,92,92,,91,92,92,,92,92,92,,1,0,1,1,1,1,3,1,1,0,0,0,0,0,1,,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,15,1,1,1,2,1,0,8,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,0,0,0,1 +35684,3,3,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35685,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35686,3,3,8,3,91,1,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35687,5,1,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35688,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35689,4,2,9,2,91,0,92,0,92,92,0,1,1,2,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,45,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35690,3,3,5,2,1,2,1,0,92,92,0,1,3,2,1,3,,,,0,0,0,4,4,6,14,2,1,1,1,1,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,208,17,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35691,1,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,125,10,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35692,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35693,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35694,3,1,5,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35695,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35696,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35697,4,3,1,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35698,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35699,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35700,1,3,7,1,91,0,92,0,92,92,0,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,32,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35701,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35702,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35703,5,3,90,2,91,1,2,0,92,92,0,91,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,19,1,1,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35704,5,2,8,3,91,0,92,0,92,92,0,91,92,92,1,,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,10,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35705,3,3,7,1,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35706,3,3,90,2,91,0,92,0,92,92,1,0,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,92,92,92,92,37,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35707,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35708,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35709,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35710,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35711,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35712,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35713,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35714,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35715,3,2,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35716,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35717,3,3,9,2,91,1,3,1,2,1,,91,92,92,0,92,92,92,,0,0,0,2,2,3,7,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,23,1,1,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35718,5,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35719,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,62,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35720,3,3,10,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35721,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35722,3,2,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35723,4,2,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35724,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35725,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35726,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35727,4,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35728,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35729,4,3,9,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35730,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35731,5,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35732,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35733,5,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35734,3,2,9,2,0,0,92,0,92,92,1,1,2,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35735,3,1,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,60,5,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35736,4,3,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,76,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35737,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35738,1,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35739,3,3,10,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35740,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35741,3,3,1,3,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35742,3,2,90,2,0,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35743,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35744,3,3,8,2,91,1,2,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35745,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35746,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35747,5,3,10,2,1,1,2,0,92,92,1,1,1,2,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,156,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35748,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35749,3,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35750,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35751,5,2,10,2,0,1,3,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35752,3,3,11,2,0,,92,1,2,2,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,155,12,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35753,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35754,3,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35755,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35756,5,3,6,1,0,1,2,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35757,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35758,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35759,3,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35760,3,3,12,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,,92,92,92,92,213,17,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +35761,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35762,5,2,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35763,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35764,5,1,5,2,0,1,3,0,92,92,1,1,2,,1,2,3,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,186,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35765,3,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35766,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,10,0,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35767,3,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,1,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35768,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35769,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35770,4,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35771,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35772,5,1,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,,92,,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35773,1,3,4,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,41,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35774,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35775,3,3,10,2,1,,92,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35776,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,90,7,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35777,5,2,10,2,0,2,1,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35778,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35779,5,4,10,2,0,2,,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35780,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35781,3,3,5,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35782,5,3,1,3,1,2,,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,212,17,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35783,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35784,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35785,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35786,3,3,1,2,0,,92,,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35787,3,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35788,3,2,12,2,1,2,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,102,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35789,3,3,8,2,91,0,92,0,92,92,1,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35790,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,31,2,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35791,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35792,1,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35793,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35794,3,3,6,1,1,1,3,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35795,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35796,5,1,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35797,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35798,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35799,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,186,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35800,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35801,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35802,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35803,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35804,1,3,7,1,0,0,92,0,92,92,0,1,,2,1,,3,,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,52,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35805,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35806,5,90,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35807,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35808,4,3,12,2,0,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35809,5,1,1,3,0,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35810,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,,92,92,92,92,84,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35811,5,3,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35812,2,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35813,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35814,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35815,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35816,2,3,8,2,91,1,1,0,92,92,1,91,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35817,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35818,3,1,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35819,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35820,5,2,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35821,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35822,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35823,3,2,10,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35824,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35825,4,3,12,3,0,1,3,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,,1,1,3,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35826,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35827,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35828,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35829,4,3,4,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35830,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,,92,92,92,92,27,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35831,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35832,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,70,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35833,2,3,5,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35834,4,3,1,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35835,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35836,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35837,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35838,5,1,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,1,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35839,5,3,11,2,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35840,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35841,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35842,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,38,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35843,5,3,6,1,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35844,5,1,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,12,1,1,1,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35845,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35846,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35847,3,1,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35848,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35849,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35850,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35851,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,2,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35852,5,1,10,2,1,1,2,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35853,5,1,11,3,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35854,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35855,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35856,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35857,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35858,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35859,3,3,7,1,91,1,3,1,1,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,31,2,2,2,2,3,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35860,4,3,2,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35861,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35862,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35863,5,3,4,2,0,1,2,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,1,1,0,3,1,1,1,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +35864,5,2,90,2,91,0,92,0,92,92,1,1,,4,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,52,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35865,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35866,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35867,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35868,3,1,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35869,5,2,9,2,91,0,92,0,92,92,1,,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35870,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35871,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35872,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35873,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35874,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35875,1,2,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35876,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35877,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35878,5,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35879,5,90,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35880,5,3,4,2,,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35881,3,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35882,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35883,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35884,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35885,5,3,9,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35886,3,3,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35887,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35888,3,3,8,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35889,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35890,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35891,5,3,10,2,1,0,92,1,,,0,,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,92,92,92,92,180,15,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35892,4,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35893,1,3,6,1,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35894,3,3,1,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35895,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35896,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35897,3,3,8,3,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35898,3,3,12,2,0,0,92,0,92,92,0,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,204,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35899,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35900,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35901,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35902,3,3,8,3,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,2,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35903,5,3,9,2,0,1,,,92,92,0,,92,92,1,3,,1,,0,0,0,2,4,5,11,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35904,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,1,1,0,27,2,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35905,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35906,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35907,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35908,3,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35909,5,3,2,3,91,1,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,0,,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,,92,92,92,92,35,2,2,1,2,1,0,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35910,5,3,2,3,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35911,2,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35912,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35913,2,3,12,2,0,2,,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35914,3,3,9,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,2,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +35915,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35916,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,31,2,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35917,5,3,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,1,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35918,5,3,5,2,1,1,3,,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,172,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35919,3,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,69,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35920,5,3,2,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,62,5,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35921,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,180,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35922,5,3,10,2,1,2,,0,92,92,,1,3,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35923,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35924,5,90,2,3,1,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,2,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35925,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,1,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35926,5,3,8,2,0,0,92,0,92,92,0,1,,,1,3,2,1,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,57,4,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35927,5,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35928,5,2,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35929,3,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35930,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35931,5,3,11,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,77,6,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35932,5,3,2,3,,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,64,5,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35933,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35934,5,2,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35935,4,2,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35936,5,3,1,3,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,104,8,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35937,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35938,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35939,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35940,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35941,3,3,3,3,1,2,,0,92,92,,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,154,12,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35942,5,3,6,1,0,0,92,0,92,92,1,1,2,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,193,16,2,1,2,2,1,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35943,5,3,9,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,19,1,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35944,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35945,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,1,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35946,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35947,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,16,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35948,4,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35949,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35950,1,3,12,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35951,5,3,1,3,91,1,,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,0,0,0,0,0 +35952,5,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35953,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35954,5,2,11,2,,2,,,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,178,14,2,1,,2,0,3,1,1,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +35955,5,3,9,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35956,3,3,90,2,0,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,21,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35957,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35958,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35959,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35960,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35961,5,3,2,3,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35962,1,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35963,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35964,3,3,6,1,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35965,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35966,1,3,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,1,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35967,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35968,3,1,4,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35969,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35970,3,2,5,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,207,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35971,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35972,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35973,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35974,3,3,9,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35975,3,3,8,2,0,0,92,1,2,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35976,5,1,3,3,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35977,4,3,1,2,0,1,,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35978,3,3,,,1,,92,0,92,92,1,1,3,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,125,10,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35979,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35980,4,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35981,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35982,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35983,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35984,3,3,11,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,192,16,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35985,1,2,8,2,91,,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,108,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35986,3,4,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,23,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35987,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35988,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35989,5,2,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35990,5,3,90,2,91,1,4,0,92,92,,91,92,92,1,,2,1,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,92,92,92,92,175,14,2,1,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1 +35991,5,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,170,14,2,2,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35992,5,1,6,1,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35993,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35994,5,2,8,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,50,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35995,3,3,1,2,,,92,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,213,17,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35996,3,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +35997,3,3,11,2,1,1,,0,92,92,,1,,,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +35998,5,3,8,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,1,,1,0,4,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +35999,5,1,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36000,3,90,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36001,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,95,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36002,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36003,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36004,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36005,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36006,4,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36007,2,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36008,4,2,10,2,0,1,2,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36009,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36010,2,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36011,5,2,1,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +36012,5,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36013,5,2,8,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,7,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36014,3,2,8,2,91,,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,3,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36015,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36016,5,3,8,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36017,5,3,2,3,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36018,5,1,12,2,0,0,92,0,92,92,0,1,1,2,1,3,4,2,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36019,3,2,6,1,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36020,5,1,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36021,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36022,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36023,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36024,3,3,7,1,0,0,92,0,92,92,1,1,2,2,1,1,4,3,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,88,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36025,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36026,4,2,11,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,191,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36027,5,3,8,3,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36028,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36029,5,3,6,1,,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,,1,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36030,3,3,90,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36031,3,3,1,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,25,2,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36032,5,3,8,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36033,5,3,2,3,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36034,5,3,2,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,92,92,92,92,57,4,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36035,3,3,4,2,1,,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,200,16,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36036,5,3,10,2,0,0,92,0,92,92,0,1,,2,1,,2,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,148,12,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36037,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36038,3,1,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36039,5,2,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36040,5,3,90,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,25,2,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36041,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36042,5,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36043,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,1,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36044,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36045,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,92,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36046,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36047,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +36048,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36049,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36050,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36051,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36052,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36053,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,2,2,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36054,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36055,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36056,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36057,3,3,7,1,,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36058,5,3,8,3,1,2,,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,1,0,0,1,0,0,1,3,3,1,0,1,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36059,5,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36060,3,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36061,5,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36062,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36063,3,1,4,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36064,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36065,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36066,3,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36067,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36068,3,2,1,3,1,2,2,0,92,92,1,1,2,,1,1,3,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,109,9,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36069,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36070,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36071,3,1,1,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,26,2,2,2,,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36072,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36073,4,3,7,1,0,0,92,0,92,92,0,1,,4,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,57,4,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36074,5,2,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36075,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36076,5,2,4,2,1,2,1,0,92,92,0,0,92,92,1,3,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,1,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,128,10,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36077,3,3,6,1,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36078,5,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36079,5,1,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36080,5,2,8,2,91,0,92,0,92,92,1,0,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36081,5,3,4,2,,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36082,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36083,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36084,5,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,171,14,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36085,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36086,3,3,90,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36087,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36088,3,3,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36089,5,3,8,2,91,2,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36090,5,2,8,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36091,5,3,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,198,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36092,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36093,5,2,90,2,1,0,92,0,92,92,1,1,3,2,1,1,2,,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,129,10,2,1,2,4,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36094,2,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,121,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36095,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36096,3,3,8,2,91,2,,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,63,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36097,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36098,3,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36099,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36100,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36101,5,1,10,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,82,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36102,1,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36103,3,2,8,2,0,0,92,0,92,92,0,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36104,3,2,90,2,0,0,92,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36105,4,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36106,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36107,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36108,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36109,4,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36110,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36111,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36112,3,3,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36113,5,2,10,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,185,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36114,3,3,8,3,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36115,3,2,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36116,4,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36117,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36118,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36119,5,2,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36120,5,1,8,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36121,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,66,5,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36122,5,3,5,2,91,1,,0,92,92,0,91,92,92,1,,2,,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,135,11,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +36123,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36124,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36125,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36126,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36127,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36128,5,3,10,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36129,2,4,8,3,0,0,92,0,92,92,1,1,,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,49,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36130,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36131,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36132,5,3,8,2,0,0,92,0,92,92,0,1,,,1,1,4,3,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,86,7,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36133,5,3,11,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36134,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36135,3,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36136,5,3,2,3,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36137,5,3,1,2,,1,,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,,92,92,92,92,111,9,2,1,2,2,,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36138,3,1,10,2,1,2,1,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,180,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36139,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36140,5,3,1,3,1,,92,,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36141,3,3,8,3,1,2,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,2,,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +36142,3,3,6,1,0,0,92,1,3,4,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,115,9,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36143,5,3,1,2,91,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36144,1,3,6,1,0,1,1,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,83,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36145,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36146,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36147,5,3,8,2,91,0,92,1,1,3,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,10,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36148,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36149,5,3,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36150,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36151,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36152,3,3,8,3,0,0,92,0,92,92,,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,72,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36153,3,3,2,3,1,1,,0,92,92,,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,92,92,92,92,128,10,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36154,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36155,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36156,3,3,10,2,0,0,92,0,92,92,0,1,2,2,1,3,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,166,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36157,3,3,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36158,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,2,,1,,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36159,3,3,2,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36160,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36161,3,2,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36162,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,2,,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,57,4,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36163,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36164,5,1,11,2,0,,92,0,92,92,0,1,2,2,0,92,92,92,1,,,,4,4,6,14,2,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36165,4,3,1,2,1,2,1,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36166,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36167,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36168,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,2,1,1,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36169,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36170,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36171,3,90,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36172,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36173,3,3,6,1,1,1,,0,92,92,0,1,2,2,1,2,2,,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,151,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36174,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36175,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36176,5,3,6,1,0,0,92,0,92,92,1,1,2,2,1,3,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36177,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36178,3,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36179,5,3,10,2,1,2,2,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36180,5,3,6,1,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36181,5,3,5,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36182,5,3,1,3,0,0,92,0,92,92,,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36183,4,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36184,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36185,5,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36186,3,2,12,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36187,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36188,3,3,4,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36189,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36190,5,3,4,2,1,1,,,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36191,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36192,3,3,1,2,91,0,92,0,92,92,,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36193,2,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36194,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36195,5,2,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36196,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,18,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36197,5,1,2,3,91,1,,0,92,92,,91,92,92,0,92,92,92,,1,0,1,2,1,5,8,1,1,0,0,0,0,0,0,92,0,1,1,0,0,0,0,1,2,3,1,1,0,1,1,1,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,1,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +36198,5,2,6,1,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36199,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36200,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36201,5,3,90,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,50,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36202,5,1,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,4,6,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36203,5,3,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36204,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36205,5,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,42,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36206,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36207,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36208,3,2,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36209,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36210,5,3,10,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36211,3,3,12,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,165,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36212,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,1,1,90,0,5,1,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +36213,5,2,8,2,91,1,3,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,30,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36214,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36215,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36216,3,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36217,3,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36218,5,2,10,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36219,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36220,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36221,4,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36222,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36223,5,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36224,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36225,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,,3,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +36226,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36227,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36228,5,3,3,3,1,1,,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,1,1,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,204,17,2,1,2,1,0,5,1,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1 +36229,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36230,3,3,3,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36231,3,3,3,3,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36232,5,3,2,2,0,1,3,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,65,5,2,1,1,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +36233,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36234,5,1,10,2,0,0,92,0,92,92,1,1,2,2,1,1,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36235,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36236,4,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36237,5,3,1,2,91,,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,3,4,6,13,1,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,127,10,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36238,5,2,8,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,70,5,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36239,5,3,2,3,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,131,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36240,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36241,5,3,10,2,1,1,,0,92,92,0,1,3,2,1,3,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,172,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36242,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36243,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36244,2,1,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36245,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36246,5,2,11,2,0,0,92,0,92,92,,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,163,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36247,3,3,4,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36248,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36249,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36250,3,3,2,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36251,3,3,8,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36252,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36253,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,2,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36254,5,2,8,2,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36255,5,3,5,2,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,190,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36256,5,3,7,1,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,203,16,2,1,1,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36257,2,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36258,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36259,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36260,5,3,4,2,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,212,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36261,5,2,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36262,3,3,8,2,91,0,92,0,92,92,1,1,2,2,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,38,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36263,5,1,2,3,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36264,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36265,5,3,8,2,0,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36266,3,3,4,2,1,2,1,1,,,1,1,1,4,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36267,3,1,1,2,,1,1,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36268,3,3,6,1,1,2,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,113,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36269,5,3,1,3,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,80,6,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36270,3,1,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36271,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36272,5,90,10,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36273,3,3,10,2,0,0,92,0,92,92,1,1,1,2,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36274,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36275,3,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36276,3,3,8,2,0,0,92,0,92,92,1,1,2,4,1,3,4,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,,92,92,92,92,75,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36277,2,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36278,3,2,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,17,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36279,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36280,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,19,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36281,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36282,1,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36283,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36284,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36285,3,2,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36286,3,1,10,2,0,1,3,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36287,1,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36288,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,13,1,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36289,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36290,5,2,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36291,4,3,10,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36292,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36293,5,2,6,1,1,1,3,,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,75,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36294,4,3,90,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36295,3,1,90,2,1,1,2,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,2,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36296,4,3,,,,,92,,92,92,0,,92,92,,92,92,92,,0,0,0,4,,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,92,92,92,92,185,15,2,1,,,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36297,4,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36298,5,3,4,2,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36299,3,3,8,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,2,3,4,9,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36300,2,2,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36301,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36302,2,2,8,2,0,0,92,,92,92,1,1,1,2,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36303,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36304,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36305,2,1,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,145,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36306,5,3,11,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36307,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36308,5,3,6,1,,2,2,,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,21,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36309,3,2,,,,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,25,2,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36310,5,3,2,3,91,1,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,2,5,9,1,1,0,1,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,1,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +36311,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,1,,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36312,3,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36313,2,3,11,3,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,4,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36314,1,3,8,2,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36315,3,3,90,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,203,16,2,1,2,1,0,5,1,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +36316,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36317,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36318,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36319,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36320,5,3,6,1,1,1,,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,148,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36321,5,3,6,1,91,2,1,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36322,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36323,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36324,3,3,2,3,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36325,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36326,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36327,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36328,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36329,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36330,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36331,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36332,4,3,11,2,,,92,0,92,92,0,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,1,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36333,4,2,1,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,201,16,2,2,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36334,5,2,7,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36335,5,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36336,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36337,5,3,8,3,91,,92,,92,92,1,91,92,92,1,2,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,22,1,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36338,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36339,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36340,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36341,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36342,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,32,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36343,3,3,10,2,0,0,92,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36344,3,3,4,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36345,1,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36346,3,3,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36347,5,2,3,3,91,0,92,1,2,2,0,0,92,92,1,1,2,1,0,0,0,1,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36348,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36349,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36350,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36351,2,1,90,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36352,5,2,8,3,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,21,1,1,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +36353,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36354,5,1,1,2,0,0,92,0,92,92,1,1,2,2,1,3,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,91,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36355,3,1,8,2,0,0,92,0,92,92,1,0,92,92,1,3,4,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,85,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36356,5,2,6,1,0,2,,,92,92,,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,55,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36357,5,3,90,2,,0,92,0,92,92,0,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36358,1,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36359,3,2,8,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36360,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36361,5,3,6,1,91,0,92,0,92,92,1,0,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36362,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36363,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36364,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36365,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36366,4,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36367,4,3,8,2,91,0,92,0,92,92,0,1,2,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36368,3,2,10,2,1,1,2,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36369,5,3,10,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36370,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36371,3,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36372,3,3,1,2,1,1,4,0,92,92,1,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36373,1,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36374,5,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36375,3,3,4,2,91,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36376,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36377,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36378,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36379,3,3,8,2,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,130,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36380,2,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36381,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36382,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36383,3,3,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,79,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36384,5,3,4,2,1,2,,0,92,92,0,1,3,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,0,0,0,0,0,0,1,0,1,0,92,92,92,92,127,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36385,5,3,4,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36386,5,3,2,3,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,2,,3,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36387,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36388,5,1,7,1,91,0,92,0,92,92,0,0,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,32,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36389,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36390,5,3,7,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36391,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36392,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36393,1,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36394,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36395,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36396,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36397,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36398,2,1,90,2,0,0,92,0,92,92,1,1,3,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,125,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36399,3,3,8,2,91,1,3,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36400,4,3,1,3,1,1,,0,92,92,1,1,,2,1,,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,1,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,184,15,2,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36401,2,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,46,3,2,1,2,1,0,3,1,1,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +36402,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36403,1,3,6,1,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36404,3,3,90,2,,0,92,0,92,92,0,1,2,3,1,2,3,3,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36405,4,3,8,3,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,1,,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +36406,1,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36407,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36408,3,1,8,2,91,2,1,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36409,5,1,12,3,0,0,92,0,92,92,1,,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,105,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36410,5,3,1,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36411,3,3,3,3,1,1,,,92,92,1,1,3,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,1,1,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,174,14,2,1,,2,0,5,1,1,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +36412,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36413,4,2,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,189,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36414,5,2,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36415,5,3,5,2,1,1,,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,1,1,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,2,1,0,3,1,1,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +36416,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36417,3,3,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36418,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36419,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36420,5,3,9,2,91,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36421,5,3,12,2,,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36422,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,1,0,0,0,92,,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,1,0,3,1,1,1,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +36423,1,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36424,5,2,9,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36425,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36426,5,3,90,2,91,1,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,2,1,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36427,3,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36428,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36429,3,3,1,2,91,1,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,2,5,9,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,160,13,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +36430,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36431,3,3,1,2,1,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,92,92,92,92,116,9,2,2,2,1,0,5,1,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +36432,5,3,1,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,34,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36433,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36434,5,3,8,2,,0,92,1,2,2,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,10,0,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36435,4,3,7,1,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36436,3,3,10,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36437,3,3,8,2,0,0,92,0,92,92,0,0,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,95,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36438,3,3,10,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,139,11,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36439,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36440,4,90,1,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,2,0,1,1,,,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +36441,1,3,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36442,5,3,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36443,5,3,5,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36444,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,14,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36445,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36446,5,3,8,3,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36447,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36448,3,1,4,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36449,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36450,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36451,4,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,100,8,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36452,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36453,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,200,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36454,3,2,90,2,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,1,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36455,5,3,1,3,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,104,8,2,2,,90,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36456,5,3,8,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,1,0,0,0,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,51,4,2,1,2,3,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36457,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36458,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36459,5,3,8,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,88,7,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36460,5,1,10,2,,1,2,1,2,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36461,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,4,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36462,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36463,3,90,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36464,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36465,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36466,3,1,10,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36467,5,3,8,3,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36468,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36469,5,1,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,82,6,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36470,4,3,8,2,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36471,3,3,10,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36472,5,1,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36473,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,0,3,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +36474,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36475,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36476,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36477,3,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36478,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36479,2,4,6,1,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,54,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36480,5,2,10,2,0,0,92,0,92,92,1,0,92,92,1,2,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,97,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36481,5,3,8,3,1,,92,0,92,92,1,,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,2,,1,0,1,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36482,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36483,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,198,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36484,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,21,1,1,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36485,5,3,8,3,1,2,2,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,,1,0,3,1,1,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +36486,4,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,10,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +36487,5,3,4,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36488,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36489,3,1,1,3,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,,92,92,92,92,121,10,2,1,,,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36490,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36491,5,1,1,3,,2,,,92,92,,0,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,1,0,0,0,0,92,92,92,92,92,1,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36492,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36493,3,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36494,5,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36495,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36496,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36497,5,3,90,2,1,2,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,196,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36498,5,2,6,1,91,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36499,5,90,9,2,91,2,3,0,92,92,0,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,23,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36500,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36501,1,3,5,2,1,0,92,0,92,92,1,0,92,92,1,2,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,83,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36502,5,3,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36503,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36504,5,1,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36505,1,3,4,2,0,0,92,0,92,92,0,0,92,92,1,3,2,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,77,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36506,4,2,2,3,1,2,,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,205,17,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36507,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36508,5,3,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,123,10,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36509,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36510,5,3,12,2,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36511,5,2,8,2,91,0,92,1,3,1,0,91,92,92,1,3,2,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,92,92,92,92,33,2,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36512,3,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36513,5,2,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36514,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36515,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36516,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36517,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36518,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36519,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36520,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36521,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,3,,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,44,3,2,1,,1,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +36522,3,3,8,2,0,1,4,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36523,3,3,12,2,,2,,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,117,9,2,1,,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36524,5,3,8,3,91,0,92,1,2,2,,91,92,92,0,92,92,92,,0,0,0,1,4,5,10,1,1,1,0,1,0,0,1,,0,,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,1,1,0,1,0,1,1,0,0,0,1,0,0,0,0,92,92,92,92,14,1,1,1,,2,,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1 +36525,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36526,1,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36527,3,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36528,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36529,1,3,4,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36530,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36531,2,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36532,3,3,6,1,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36533,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36534,3,3,,,91,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,34,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36535,5,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36536,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36537,3,3,2,3,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,76,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36538,5,2,9,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36539,1,3,12,3,91,0,92,0,92,92,1,91,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36540,3,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36541,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36542,1,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,12,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36543,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36544,5,3,5,2,0,1,,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36545,5,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36546,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36547,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36548,5,3,10,2,,2,1,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,158,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36549,5,3,8,2,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36550,3,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36551,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,182,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36552,5,2,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36553,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36554,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36555,5,3,10,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36556,4,3,8,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36557,3,3,1,2,91,2,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,66,5,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36558,5,3,90,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,172,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36559,5,1,4,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36560,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36561,4,3,2,3,91,1,3,0,92,92,,91,92,92,0,92,92,92,,0,0,1,3,4,5,12,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,161,13,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36562,5,2,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36563,3,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36564,5,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36565,3,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36566,3,3,7,1,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36567,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,3,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36568,4,90,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,20,1,1,1,,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36569,2,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,18,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36570,5,3,10,2,0,2,,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36571,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36572,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36573,5,1,,,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36574,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36575,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,4,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36576,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36577,5,2,11,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36578,5,3,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,3,4,5,12,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,2,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36579,5,1,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36580,3,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36581,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36582,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36583,4,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36584,5,3,5,2,0,0,92,0,92,92,0,1,1,2,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,85,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36585,5,1,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,24,2,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36586,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36587,5,2,,,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36588,2,1,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36589,3,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36590,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36591,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36592,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36593,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36594,5,3,8,2,1,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36595,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36596,4,3,6,1,0,0,92,1,,,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36597,5,3,7,1,0,0,92,0,92,92,0,1,3,,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,129,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36598,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36599,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36600,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36601,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36602,5,2,9,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36603,1,3,5,2,91,2,,0,92,92,0,91,92,92,0,92,92,92,,,,,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,147,12,2,1,2,1,0,5,1,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +36604,4,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36605,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36606,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36607,3,3,6,1,91,0,92,1,2,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,15,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36608,4,3,1,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36609,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36610,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36611,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36612,3,3,90,2,91,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36613,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36614,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,31,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36615,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36616,5,2,4,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36617,5,2,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,43,3,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36618,5,3,11,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36619,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36620,5,3,2,3,91,2,,,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36621,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36622,5,3,7,1,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36623,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36624,3,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36625,5,2,10,2,0,0,92,0,92,92,,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,171,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36626,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36627,4,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,166,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36628,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +36629,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36630,3,90,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36631,5,1,1,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,169,14,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36632,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36633,3,3,11,2,0,0,92,0,92,92,0,1,3,2,1,1,3,2,1,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36634,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36635,3,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36636,4,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36637,5,2,5,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36638,5,3,8,3,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36639,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,16,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36640,5,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36641,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36642,5,90,11,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36643,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36644,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36645,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36646,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36647,3,1,6,1,91,0,92,0,92,92,1,91,92,92,1,3,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36648,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36649,5,2,7,1,0,0,92,0,92,92,0,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,88,7,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36650,5,2,6,1,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,41,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36651,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36652,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36653,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36654,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36655,4,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36656,4,3,8,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36657,5,2,7,1,,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,20,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36658,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36659,5,1,11,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36660,3,2,8,2,91,0,92,0,92,92,1,0,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36661,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36662,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36663,1,3,8,3,,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36664,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36665,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36666,3,2,4,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36667,3,1,7,1,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,19,1,1,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36668,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36669,3,3,9,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36670,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36671,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36672,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36673,5,1,8,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36674,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36675,5,1,1,2,,0,92,,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36676,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,141,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36677,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36678,5,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,184,15,2,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36679,3,3,10,2,0,0,92,0,92,92,0,1,2,2,1,1,2,1,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,86,7,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36680,5,1,12,3,,0,92,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36681,3,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36682,5,90,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36683,3,3,90,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,32,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36684,5,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36685,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36686,3,3,10,2,1,2,,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36687,5,3,1,2,0,1,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36688,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36689,3,1,1,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36690,5,4,1,2,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,2,,1,0,2,1,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +36691,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36692,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36693,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,1,0,3,1,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +36694,5,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36695,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36696,3,3,90,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36697,3,3,90,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36698,4,3,1,2,1,1,4,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,196,16,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36699,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36700,4,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36701,1,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36702,5,3,11,2,0,1,,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36703,3,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36704,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36705,5,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36706,5,3,6,1,1,1,,0,92,92,0,1,2,2,1,2,2,3,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36707,2,90,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36708,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36709,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36710,5,3,6,1,91,0,92,1,2,2,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,13,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36711,3,3,8,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,1,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,98,8,2,2,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36712,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36713,5,1,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,179,14,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36714,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36715,5,2,6,1,0,0,92,0,92,92,1,1,1,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,62,5,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36716,1,3,7,1,0,0,92,0,92,92,1,1,1,3,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36717,3,3,9,2,91,0,92,1,2,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36718,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36719,5,3,5,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36720,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36721,3,1,6,1,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36722,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36723,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36724,3,3,1,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36725,4,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36726,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36727,5,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36728,5,3,8,3,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,95,7,2,1,,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +36729,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,192,16,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36730,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,186,15,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36731,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36732,5,3,5,2,1,1,3,1,1,2,,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,185,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36733,1,3,8,3,91,0,92,0,92,92,0,91,92,92,1,2,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,51,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36734,3,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36735,3,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36736,3,3,9,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36737,4,2,5,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +36738,5,3,8,3,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,1,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36739,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36740,5,3,1,2,,,92,0,92,92,,91,92,92,,92,92,92,,0,0,0,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,,2,,5,1,1,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,1,1,1 +36741,3,3,5,2,0,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36742,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36743,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36744,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36745,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36746,5,2,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36747,3,3,2,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36748,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36749,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36750,5,2,7,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36751,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36752,4,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36753,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36754,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36755,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36756,1,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36757,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36758,1,3,90,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36759,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,121,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36760,3,3,10,2,0,0,92,0,92,92,1,1,1,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,65,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36761,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36762,3,1,6,1,0,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36763,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +36764,4,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36765,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,0,1,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36766,5,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36767,3,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36768,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36769,5,1,8,2,0,,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36770,3,3,90,2,0,0,92,0,92,92,1,1,1,,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36771,3,3,8,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,35,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36772,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36773,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36774,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36775,3,3,11,2,0,0,92,0,92,92,1,1,3,2,1,2,4,3,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,169,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36776,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36777,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36778,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36779,5,3,1,2,,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36780,3,3,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36781,5,3,1,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36782,5,3,3,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36783,3,3,5,2,91,0,92,1,3,2,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,42,3,2,1,1,3,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0, +36784,5,3,11,2,0,1,3,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36785,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36786,3,2,11,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,212,17,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36787,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36788,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36789,5,3,10,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36790,3,3,90,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36791,5,2,6,1,91,0,92,1,,,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36792,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36793,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36794,5,3,11,2,1,2,1,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36795,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36796,3,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36797,5,1,1,2,,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,1,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,201,16,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36798,2,4,6,1,0,0,92,0,92,92,0,0,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36799,1,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,,,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,13,1,1,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36800,5,3,10,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36801,3,2,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36802,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36803,5,3,2,3,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36804,5,3,1,3,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36805,5,3,4,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36806,5,3,,,91,1,2,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36807,3,2,12,3,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36808,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36809,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36810,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36811,5,2,9,2,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36812,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36813,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36814,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36815,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36816,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36817,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36818,5,4,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36819,3,3,4,2,0,0,92,0,92,92,,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36820,5,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36821,4,3,6,1,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,75,6,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36822,1,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36823,3,3,6,1,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36824,5,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36825,4,2,2,3,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36826,3,3,1,3,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,207,17,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36827,4,3,1,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36828,5,1,6,1,1,1,2,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36829,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36830,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36831,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36832,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36833,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36834,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36835,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36836,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36837,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36838,,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36839,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36840,1,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36841,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36842,4,3,2,3,1,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36843,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36844,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36845,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36846,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36847,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,4,5,13,1,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,40,3,2,2,2,2,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36848,5,3,6,1,0,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36849,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36850,5,3,8,2,0,0,92,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36851,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36852,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36853,3,90,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36854,3,1,6,1,0,0,92,0,92,92,,1,1,3,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36855,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36856,5,90,1,2,0,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36857,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36858,1,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36859,5,3,90,2,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,19,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +36860,5,3,8,2,0,0,92,0,92,92,1,1,1,3,1,3,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36861,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36862,3,3,11,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,193,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36863,5,2,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36864,5,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36865,3,2,3,3,0,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36866,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36867,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36868,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36869,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36870,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36871,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36872,3,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36873,5,1,7,1,0,0,92,0,92,92,,1,1,2,1,1,3,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36874,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36875,4,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36876,5,2,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36877,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36878,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36879,3,1,,,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36880,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36881,5,3,4,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36882,3,3,90,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36883,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36884,3,1,8,3,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36885,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36886,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36887,5,2,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,3,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,16,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36888,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36889,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36890,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36891,3,3,2,3,0,1,2,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36892,5,3,8,3,91,1,3,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,1,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +36893,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36894,3,1,10,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36895,3,1,90,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36896,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36897,5,2,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,42,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36898,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36899,5,90,8,3,91,0,92,0,92,92,1,91,92,92,1,1,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36900,3,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36901,5,2,90,2,0,0,92,0,92,92,1,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,47,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36902,5,3,1,3,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,213,17,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36903,3,3,4,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36904,5,2,9,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36905,5,3,1,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36906,3,3,8,2,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36907,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36908,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36909,3,3,90,2,1,1,,0,92,92,,,92,92,1,,3,,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36910,3,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36911,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36912,5,3,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36913,5,2,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36914,5,2,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36915,1,3,4,2,0,1,3,1,1,2,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36916,5,2,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36917,4,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36918,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36919,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36920,4,3,90,2,1,2,,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36921,3,1,5,2,1,1,3,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,92,92,92,92,201,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36922,3,2,8,2,1,,92,,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,49,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36923,3,2,8,2,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,202,16,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36924,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36925,5,3,6,1,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,119,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36926,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36927,1,3,90,2,0,0,92,0,92,92,1,1,,2,1,3,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,87,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36928,5,3,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,160,13,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36929,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36930,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36931,3,1,2,3,1,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36932,4,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36933,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36934,5,2,10,2,,1,2,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36935,2,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36936,1,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36937,5,4,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36938,5,3,90,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36939,5,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36940,3,3,6,1,1,1,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36941,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36942,3,2,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36943,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36944,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36945,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36946,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36947,5,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36948,5,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36949,3,2,12,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,113,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36950,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36951,2,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36952,5,3,4,2,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36953,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36954,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36955,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36956,4,3,6,1,0,0,92,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36957,5,3,6,1,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36958,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,,,,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36959,5,3,7,1,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,92,7,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36960,4,2,12,2,0,,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,163,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36961,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36962,3,2,10,2,0,1,1,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36963,2,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36964,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36965,3,3,10,2,1,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36966,5,3,8,3,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,3,5,10,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,34,2,2,2,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +36967,5,3,90,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36968,3,1,8,2,0,0,92,0,92,92,0,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36969,5,2,7,1,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36970,5,2,4,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36971,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36972,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36973,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36974,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36975,4,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36976,5,2,8,2,0,0,92,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,69,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36977,3,3,90,2,0,0,92,0,92,92,1,1,1,2,1,3,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,170,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36978,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36979,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36980,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36981,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36982,4,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36983,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36984,5,2,12,2,91,0,92,0,92,92,0,91,92,92,1,3,,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,25,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36985,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36986,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36987,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36988,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36989,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36990,5,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36991,2,3,90,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36992,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36993,2,3,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36994,5,3,2,3,91,1,4,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,17,1,1,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +36995,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36996,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36997,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36998,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +36999,3,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +37000,2,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37001,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37002,3,2,8,2,0,0,92,0,92,92,1,1,2,3,1,3,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,194,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37003,2,2,8,2,0,0,92,0,92,92,1,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,118,9,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37004,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37005,5,3,5,2,1,1,,0,92,92,0,0,92,92,1,1,3,1,,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37006,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37007,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37008,5,3,4,2,,2,,0,92,92,0,1,2,2,1,1,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37009,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,0,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37010,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37011,2,3,8,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37012,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37013,3,3,2,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37014,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37015,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37016,5,1,8,2,91,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,48,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37017,5,2,8,3,91,2,1,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,5,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,20,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37018,3,90,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37019,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37020,5,2,10,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37021,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,2,4,2,,0,0,0,3,4,6,13,1,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,4,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37022,4,3,2,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,3,5,12,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37023,3,3,2,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,210,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37024,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37025,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37026,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37027,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37028,5,2,11,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,167,13,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37029,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37030,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37031,3,3,3,2,0,2,1,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37032,5,3,5,2,1,,92,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37033,3,3,3,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37034,5,3,5,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37035,1,2,6,1,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37036,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37037,3,3,8,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37038,5,3,8,3,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,3,5,10,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,2,,,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +37039,5,3,12,2,0,0,92,0,92,92,1,1,,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37040,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,66,5,2,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37041,5,3,90,2,0,0,92,0,92,92,0,0,92,92,1,,2,,0,0,0,0,3,5,5,13,1,1,0,1,1,0,0,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,78,6,2,2,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +37042,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37043,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37044,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37045,5,4,7,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37046,5,3,9,2,0,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37047,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37048,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37049,5,3,4,2,1,1,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37050,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37051,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37052,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,15,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37053,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37054,5,1,1,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,41,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37055,5,1,5,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37056,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,33,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37057,4,3,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37058,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37059,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37060,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37061,1,3,8,2,91,0,92,0,92,92,1,0,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37062,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37063,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,16,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37064,5,3,12,2,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37065,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37066,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37067,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37068,3,3,11,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37069,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,2,1,7,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37070,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37071,3,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37072,4,3,1,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,1,0,0,0,1,0,0,1,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,127,10,2,1,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37073,3,3,2,3,1,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37074,4,3,8,3,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37075,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37076,5,2,6,1,1,,92,0,92,92,0,1,1,2,1,1,3,1,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,91,7,2,1,2,2,0,3,1,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +37077,5,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,99,8,2,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37078,5,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37079,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37080,1,3,8,2,91,0,92,0,92,92,0,,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37081,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37082,3,1,1,2,1,1,2,0,92,92,0,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37083,5,1,90,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37084,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37085,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37086,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37087,3,3,4,2,0,0,92,,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37088,5,3,5,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37089,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37090,5,3,4,2,0,1,,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37091,1,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37092,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37093,2,1,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,128,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37094,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37095,5,2,90,2,0,0,92,0,92,92,0,,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37096,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37097,5,3,6,1,91,1,3,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37098,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37099,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37100,5,2,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37101,4,3,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37102,5,3,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37103,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37104,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37105,5,2,90,2,0,0,92,0,92,92,0,0,92,92,1,3,2,3,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37106,3,2,1,2,1,2,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37107,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37108,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37109,5,2,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37110,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37111,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37112,4,3,8,3,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,18,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37113,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37114,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37115,3,3,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37116,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37117,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37118,4,3,1,2,,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,2,2,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37119,5,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,0,0,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37120,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37121,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37122,3,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37123,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37124,5,3,1,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37125,3,3,10,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37126,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37127,3,2,90,2,0,0,92,0,92,92,0,1,3,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37128,3,3,2,3,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37129,5,3,8,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,176,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37130,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37131,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37132,3,3,5,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37133,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37134,5,3,6,1,0,0,92,0,92,92,0,1,2,3,1,3,4,,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,62,5,2,1,1,90,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37135,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37136,4,3,10,3,0,1,3,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,1,0,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37137,5,3,8,3,,0,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,,,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,9,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37138,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37139,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37140,4,3,8,2,91,2,2,1,1,1,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,13,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37141,3,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37142,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37143,3,2,8,2,,1,2,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37144,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,46,3,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37145,3,3,8,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37146,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37147,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37148,3,3,90,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,1,2,1,0,5,1,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +37149,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37150,4,3,10,2,1,,92,0,92,92,,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37151,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37152,1,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37153,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37154,3,2,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37155,3,3,11,2,1,1,4,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,171,14,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37156,5,3,8,2,0,0,92,,92,92,1,,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37157,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37158,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37159,3,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37160,5,3,4,2,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37161,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37162,5,1,6,1,0,1,3,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,148,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37163,1,2,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37164,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37165,5,3,90,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37166,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,64,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37167,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37168,3,2,9,2,91,0,92,0,92,92,1,91,92,92,1,1,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37169,3,1,7,1,91,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37170,5,3,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37171,3,3,6,1,0,0,92,0,92,92,0,1,,,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,1,0,0,1,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,82,6,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37172,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37173,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37174,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37175,4,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37176,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37177,3,1,11,2,1,1,3,0,92,92,,1,,,0,92,92,92,,0,0,0,2,4,6,12,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,206,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37178,5,3,10,2,0,0,92,0,92,92,,1,2,4,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,185,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37179,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37180,5,3,90,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37181,3,3,90,2,1,,92,0,92,92,0,1,3,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37182,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37183,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37184,4,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,18,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37185,2,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37186,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37187,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37188,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37189,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37190,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37191,2,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37192,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37193,5,3,12,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37194,3,2,6,1,1,,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,124,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37195,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37196,4,3,7,1,91,0,92,0,92,92,0,91,92,92,1,1,4,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,14,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37197,5,1,8,2,91,0,92,0,92,92,1,1,1,2,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,33,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37198,3,3,90,2,,0,92,0,92,92,0,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,80,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37199,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37200,1,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37201,3,3,6,1,0,0,92,0,92,92,,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37202,1,3,6,1,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,120,10,2,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37203,5,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37204,5,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37205,4,2,2,3,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,1,3,5,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,107,8,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37206,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37207,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37208,4,3,12,2,0,0,92,0,92,92,0,1,2,3,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,96,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37209,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37210,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37211,4,3,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37212,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37213,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,91,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37214,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37215,4,3,1,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,,0,3,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37216,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37217,4,3,8,2,91,0,92,0,92,92,,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37218,5,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37219,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37220,5,1,8,2,91,0,92,0,92,92,1,91,92,92,1,1,1,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37221,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37222,4,2,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,185,15,2,1,2,1,0,5,1,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +37223,3,1,1,3,0,0,92,0,92,92,,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,166,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37224,3,3,1,2,1,1,1,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37225,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37226,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37227,5,3,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37228,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37229,5,2,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,173,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37230,4,3,4,2,1,1,2,1,1,1,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,153,12,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37231,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37232,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37233,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37234,5,3,5,2,1,,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,189,15,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37235,5,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,198,16,2,2,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37236,5,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37237,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37238,3,3,11,2,0,0,92,0,92,92,1,1,2,2,1,2,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37239,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37240,5,1,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37241,3,4,1,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37242,5,1,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37243,5,90,1,3,91,0,92,0,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,26,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37244,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37245,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37246,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37247,3,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37248,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37249,4,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37250,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37251,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37252,4,3,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37253,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37254,5,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37255,4,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,80,6,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37256,5,1,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,144,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37257,5,2,1,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37258,5,2,12,2,0,0,92,0,92,92,1,1,1,2,1,3,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,192,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37259,5,3,12,2,0,0,92,0,92,92,1,0,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37260,3,2,9,2,0,0,92,0,92,92,0,1,1,2,1,2,4,3,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,189,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37261,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +37262,5,3,11,2,0,1,3,0,92,92,0,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,166,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37263,5,2,9,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37264,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37265,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37266,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37267,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37268,3,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,2,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37269,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37270,3,3,9,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37271,1,3,12,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37272,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37273,3,3,8,3,,0,92,,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37274,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37275,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37276,5,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37277,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37278,5,2,90,2,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,16,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37279,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +37280,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37281,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37282,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37283,5,3,1,2,,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37284,3,1,6,1,0,1,2,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,136,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37285,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37286,5,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,,2,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37287,5,3,1,2,0,2,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,82,6,2,1,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37288,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37289,4,2,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37290,5,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37291,3,1,7,1,91,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37292,3,90,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,0,0,1,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37293,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37294,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,,0,0,0,0,0 +37295,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37296,4,3,3,3,91,0,92,0,92,92,0,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,32,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37297,5,2,10,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37298,5,3,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37299,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37300,5,3,6,1,1,1,2,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,,92,92,92,92,92,1,0,0,1,0,0,0,0,,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,160,13,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37301,5,3,1,2,1,2,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37302,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37303,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37304,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37305,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37306,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37307,3,2,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,14,1,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37308,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,7,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37309,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37310,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37311,5,2,8,2,91,,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37312,3,1,8,3,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,1,,,3,1,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +37313,5,3,3,3,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,177,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37314,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37315,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37316,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37317,4,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37318,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37319,1,3,10,2,0,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37320,3,3,11,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37321,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37322,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37323,4,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37324,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37325,5,3,6,1,0,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37326,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37327,5,2,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37328,4,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37329,3,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37330,5,1,8,3,91,1,2,0,92,92,0,91,92,92,1,1,2,1,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37331,2,4,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37332,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37333,1,3,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37334,3,3,8,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37335,5,1,5,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,61,5,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37336,5,1,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,27,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37337,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37338,2,3,6,1,1,0,92,0,92,92,1,0,92,92,1,,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,175,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37339,5,3,8,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37340,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37341,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37342,3,3,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,102,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37343,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37344,5,3,6,1,0,0,92,0,92,92,0,1,1,2,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37345,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37346,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37347,5,1,9,2,91,0,92,0,92,92,0,91,92,92,1,1,3,,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37348,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37349,5,3,10,2,0,1,2,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37350,3,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37351,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37352,3,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37353,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37354,5,1,6,1,0,0,92,0,92,92,1,0,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37355,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37356,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,196,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37357,2,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37358,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37359,3,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37360,5,2,6,1,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,,,,2,1,4,7,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,,,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37361,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37362,3,3,9,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37363,3,1,8,3,91,2,1,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,21,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37364,3,3,8,3,0,2,1,0,92,92,0,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,127,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37365,3,3,4,2,0,0,92,0,92,92,1,1,2,2,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37366,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37367,4,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37368,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37369,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37370,5,3,2,3,,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,41,3,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37371,5,3,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37372,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37373,5,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37374,4,3,5,2,0,0,92,0,92,92,1,1,2,2,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,54,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37375,5,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37376,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37377,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37378,3,3,1,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37379,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37380,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37381,5,3,90,2,0,0,92,0,92,92,1,1,1,2,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37382,3,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,91,7,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37383,4,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37384,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37385,2,1,11,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37386,1,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37387,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37388,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37389,5,3,1,2,0,2,,0,92,92,,0,92,92,0,92,92,92,0,1,1,1,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37390,5,2,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37391,5,1,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37392,5,3,2,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37393,3,3,12,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37394,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37395,3,3,8,3,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37396,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,54,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37397,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37398,3,1,1,3,,,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,31,2,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37399,5,2,6,1,1,0,92,0,92,92,0,1,1,1,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37400,3,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37401,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,2,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37402,5,2,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,183,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37403,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37404,4,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37405,3,3,8,3,1,0,92,0,92,92,0,1,3,2,1,3,2,1,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,175,14,2,1,2,1,,5,1,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +37406,2,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37407,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37408,4,3,7,1,91,0,92,0,92,92,1,91,92,92,1,,4,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37409,5,3,11,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37410,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37411,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37412,1,3,6,1,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37413,5,3,5,2,1,,92,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37414,3,3,5,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37415,1,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37416,3,3,10,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37417,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37418,5,3,9,2,91,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37419,5,3,4,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,2,2,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37420,5,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37421,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37422,3,1,4,2,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37423,1,3,8,2,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,36,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37424,5,3,90,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37425,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37426,5,3,11,2,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37427,5,3,2,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37428,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37429,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37430,5,3,9,2,91,0,92,0,92,92,1,0,92,92,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37431,5,1,10,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37432,3,2,8,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37433,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,2,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37434,3,2,6,1,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37435,3,3,2,2,0,0,92,0,92,92,0,1,3,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,80,6,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37436,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37437,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37438,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37439,5,3,90,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,151,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37440,1,3,10,3,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,125,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37441,1,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37442,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37443,5,3,9,2,0,0,92,0,92,92,1,1,2,2,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37444,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37445,5,3,11,2,1,1,,0,92,92,,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,215,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37446,5,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37447,3,3,6,1,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,1,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37448,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37449,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37450,5,2,6,1,0,0,92,,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,207,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37451,4,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37452,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37453,4,3,4,2,,2,,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,,2,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1 +37454,5,2,11,2,0,0,92,0,92,92,1,0,92,92,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37455,3,1,11,2,1,1,3,0,92,92,0,1,3,2,1,1,2,2,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,1,1,1,0,0,0,0,0,0,1,0,0,92,92,92,92,214,17,2,2,,2,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0, +37456,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37457,3,90,90,2,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37458,5,1,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37459,5,3,10,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37460,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37461,3,2,9,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37462,5,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37463,3,3,11,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,167,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37464,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37465,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37466,3,3,4,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,99,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37467,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37468,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37469,5,3,90,2,,0,92,0,92,92,1,1,1,,1,3,,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,118,9,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37470,5,2,1,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37471,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37472,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37473,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37474,5,3,8,2,0,2,3,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37475,3,2,7,1,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37476,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37477,3,3,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37478,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37479,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37480,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37481,3,3,4,2,1,2,,0,92,92,0,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,141,11,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37482,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37483,5,3,5,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37484,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37485,5,3,11,2,0,2,,0,92,92,,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37486,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,4,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37487,5,1,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37488,3,3,4,2,0,0,92,0,92,92,1,1,2,2,1,1,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37489,3,1,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37490,3,3,6,1,0,0,92,0,92,92,0,0,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,37,3,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37491,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37492,5,1,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37493,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37494,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37495,1,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37496,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37497,5,3,8,2,,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37498,3,1,12,2,91,2,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37499,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37500,3,3,8,2,0,0,92,0,92,92,0,0,92,92,1,3,4,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,45,3,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37501,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37502,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37503,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37504,5,3,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37505,5,3,1,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37506,4,3,12,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,122,10,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37507,3,3,8,2,91,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,26,2,2,1,2,1,0,3,1,1,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +37508,4,3,6,1,0,0,92,0,92,92,1,1,1,2,1,1,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37509,4,2,3,2,0,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37510,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37511,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37512,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37513,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,76,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37514,5,3,8,2,91,1,2,1,1,1,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,92,92,92,92,10,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37515,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,15,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37516,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37517,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37518,3,3,12,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37519,1,3,1,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37520,4,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37521,5,1,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37522,5,3,1,3,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,1,,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37523,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37524,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37525,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37526,5,2,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37527,3,2,8,2,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,104,8,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37528,5,3,1,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37529,4,2,4,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37530,1,3,90,2,1,0,92,0,92,92,1,0,92,92,1,2,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37531,5,3,11,2,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37532,3,3,90,2,,1,2,0,92,92,0,1,2,2,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37533,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,7,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37534,3,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37535,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37536,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37537,5,3,90,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37538,5,3,9,2,1,2,2,1,2,1,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,110,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37539,4,2,10,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,180,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37540,4,3,2,3,0,1,2,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,104,8,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37541,3,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37542,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37543,5,2,7,1,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,149,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37544,3,3,8,3,91,1,,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,1,1,1,0,0,20,1,1,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37545,3,3,,,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37546,3,2,90,3,,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37547,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37548,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,2,,2,1,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37549,5,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37550,3,3,5,2,1,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,113,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37551,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37552,5,2,10,2,1,0,92,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37553,5,3,10,2,0,0,92,0,92,92,1,1,2,,1,1,,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37554,3,3,6,1,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37555,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37556,5,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37557,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37558,5,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37559,3,1,10,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37560,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37561,4,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37562,5,3,3,3,,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,2,2,3,0,3,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +37563,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37564,5,2,4,2,0,1,2,,92,92,0,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37565,5,1,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37566,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37567,5,3,8,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37568,5,4,10,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37569,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37570,3,3,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37571,3,3,6,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37572,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37573,3,3,8,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37574,1,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37575,3,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,178,14,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37576,5,1,1,3,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,2,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37577,5,1,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37578,5,2,90,2,0,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37579,4,3,8,2,91,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37580,2,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37581,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37582,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37583,5,3,8,2,0,0,92,0,92,92,0,0,92,92,1,,2,,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,79,6,2,1,,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37584,5,3,90,2,91,0,92,0,92,92,0,91,92,92,1,3,,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37585,5,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37586,5,3,2,3,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,119,9,2,1,2,2,0,4,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +37587,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37588,1,2,5,2,1,1,,0,92,92,,1,2,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,,1,0,4,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0 +37589,1,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37590,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37591,3,90,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,1,1,0,0,18,1,1,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37592,3,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37593,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,1,0,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37594,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37595,5,1,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37596,3,3,8,3,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37597,3,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37598,4,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37599,5,1,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37600,4,2,4,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37601,3,2,6,1,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37602,5,3,90,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37603,3,3,10,2,0,0,92,0,92,92,1,0,92,92,1,,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37604,3,3,9,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,2,,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37605,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37606,5,1,8,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37607,3,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,1,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37608,3,3,6,1,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37609,5,3,8,2,,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37610,5,3,1,3,91,1,4,,92,92,,,92,92,,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,2,,,,5,1,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1 +37611,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37612,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37613,5,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37614,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37615,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37616,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37617,5,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37618,1,3,6,1,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,1,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37619,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,79,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37620,5,2,7,1,91,0,92,0,92,92,,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37621,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37622,3,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37623,5,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37624,5,1,90,2,91,1,3,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,3,3,6,12,1,1,0,1,0,0,0,0,92,0,1,0,0,1,0,0,1,1,2,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,50,4,2,2,,2,0,3,1,1,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +37625,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37626,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37627,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37628,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37629,3,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37630,3,3,10,2,1,1,2,0,92,92,0,1,1,,1,2,2,3,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37631,3,3,11,2,0,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37632,3,1,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37633,3,3,3,3,0,0,92,0,92,92,1,1,3,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,0,1,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,122,10,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37634,5,2,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37635,3,2,6,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37636,3,1,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37637,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37638,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37639,3,90,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37640,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37641,5,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37642,5,3,11,2,1,1,,,92,92,0,1,,,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37643,3,3,8,2,0,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37644,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37645,5,3,90,2,,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37646,4,3,3,2,,1,2,0,92,92,,,92,92,0,92,92,92,,0,0,0,2,4,5,11,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,129,10,2,1,,1,1,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +37647,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37648,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37649,4,3,9,2,1,1,3,1,,,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,92,92,92,92,145,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37650,3,3,2,2,1,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,97,8,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37651,5,2,9,2,0,0,92,0,92,92,0,0,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37652,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37653,3,3,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37654,5,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37655,5,3,6,1,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37656,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37657,5,1,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37658,5,3,3,3,1,0,92,0,92,92,0,1,3,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,167,13,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37659,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37660,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37661,4,3,8,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37662,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37663,4,3,2,3,,0,92,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +37664,3,90,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37665,4,2,5,2,1,2,,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37666,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37667,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37668,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37669,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,1,1,0,0,0,15,1,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37670,5,2,12,2,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,150,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37671,5,90,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37672,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37673,1,2,11,2,1,2,,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37674,5,3,8,2,1,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37675,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37676,5,2,9,2,91,0,92,0,92,92,1,0,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37677,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37678,4,2,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37679,5,3,7,1,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37680,5,2,11,2,1,1,,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37681,5,2,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37682,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37683,4,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37684,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37685,3,2,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37686,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37687,3,3,90,2,0,0,92,0,92,92,1,1,2,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37688,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37689,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37690,3,3,1,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37691,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37692,4,3,8,2,91,0,92,,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37693,3,1,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,155,12,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37694,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37695,2,2,11,2,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37696,4,3,3,3,91,1,4,0,92,92,0,91,92,92,0,92,92,92,0,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,1,0,0,1,0,0,1,1,3,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,92,92,92,92,163,13,2,1,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,1,0,0,1,1,1,1,1 +37697,5,2,7,1,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37698,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37699,3,3,6,1,0,0,92,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37700,3,2,5,2,0,0,92,0,92,92,1,1,2,2,1,3,,,0,0,0,0,,,,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,,,1,0,1,0,0,0,0,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,152,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37701,2,1,7,1,0,0,92,0,92,92,1,0,92,92,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37702,5,2,9,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,92,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37703,3,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,168,14,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37704,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37705,5,2,1,3,,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37706,3,2,6,1,0,0,92,0,92,92,,1,1,3,1,2,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,57,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37707,3,3,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37708,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37709,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37710,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37711,3,1,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37712,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37713,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37714,1,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37715,5,2,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37716,5,3,90,2,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37717,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,15,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37718,5,1,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37719,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37720,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37721,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37722,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37723,3,1,5,2,1,2,,0,92,92,,1,2,,1,,,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,183,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37724,3,1,6,1,0,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37725,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37726,3,2,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37727,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,5,0,1,2,,,,,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +37728,3,3,3,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37729,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37730,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,129,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37731,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37732,5,2,10,2,0,0,92,0,92,92,1,1,3,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37733,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37734,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37735,3,3,7,1,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37736,3,1,12,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37737,5,3,90,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37738,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37739,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37740,1,3,5,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37741,5,3,9,2,0,0,92,0,92,92,0,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,64,5,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37742,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37743,3,1,3,3,91,1,,0,92,92,0,91,92,92,,92,92,92,,1,1,1,1,1,,7,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,1 +37744,1,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37745,5,90,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37746,3,2,9,2,91,,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37747,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37748,3,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37749,3,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37750,1,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37751,5,2,7,1,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37752,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,174,14,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37753,5,3,6,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37754,3,3,8,2,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37755,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,102,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37756,5,3,8,3,91,0,92,0,92,92,0,0,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,14,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37757,5,2,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,181,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37758,5,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37759,3,3,1,2,0,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,93,7,2,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37760,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37761,5,2,8,2,0,1,,0,92,92,,1,2,2,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37762,5,3,8,2,91,2,4,1,1,,0,91,92,92,0,92,92,92,,0,0,0,4,2,3,9,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,92,92,92,92,47,3,2,2,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +37763,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37764,3,3,11,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37765,5,3,8,2,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37766,3,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,10,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37767,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37768,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37769,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37770,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37771,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37772,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37773,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37774,3,3,6,1,0,1,4,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37775,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37776,4,2,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,113,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37777,5,3,9,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37778,4,3,4,2,1,1,,1,1,2,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,162,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37779,5,3,8,3,91,1,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,30,2,2,2,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37780,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37781,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37782,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,199,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37783,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37784,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37785,5,3,8,2,91,0,92,0,92,92,1,,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,,92,92,92,92,42,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37786,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,40,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37787,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37788,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37789,4,3,1,2,0,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37790,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,170,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37791,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37792,5,1,90,2,,0,92,0,92,92,0,0,92,92,1,3,4,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,66,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37793,3,1,8,2,91,0,92,0,92,92,0,91,92,92,1,1,1,2,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37794,4,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37795,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37796,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37797,4,3,90,2,1,0,92,0,92,92,0,,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,1,1,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,,1,,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +37798,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37799,5,1,8,2,91,0,92,0,92,92,1,91,92,92,1,2,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,10,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37800,3,3,2,3,1,1,,0,92,92,1,1,3,,1,1,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,2,,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1 +37801,5,1,11,2,0,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37802,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37803,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37804,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37805,3,3,9,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37806,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37807,4,2,8,2,,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37808,3,3,12,2,0,0,92,0,92,92,1,1,1,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37809,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37810,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37811,5,1,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,0,37,3,2,1,1,90,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37812,1,3,8,2,91,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37813,5,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37814,5,3,8,2,91,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,56,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37815,5,3,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37816,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,14,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37817,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37818,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37819,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37820,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37821,3,3,11,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37822,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37823,4,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37824,3,1,4,2,0,0,92,0,92,92,0,1,2,2,1,1,3,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,122,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37825,3,2,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37826,3,3,6,1,91,0,92,0,92,92,0,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37827,4,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37828,3,3,4,2,0,1,2,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37829,5,3,6,1,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37830,3,3,6,1,0,1,2,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37831,5,3,1,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37832,5,2,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37833,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37834,3,2,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37835,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37836,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37837,5,3,1,2,1,1,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37838,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37839,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37840,4,3,6,1,91,1,3,1,1,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,25,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37841,3,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,211,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37842,5,3,1,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37843,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37844,3,1,90,2,1,0,92,0,92,92,0,,92,92,,92,92,92,,0,0,0,4,3,5,12,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37845,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,43,3,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37846,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37847,5,3,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37848,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37849,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37850,3,3,11,2,0,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37851,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37852,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37853,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37854,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37855,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37856,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37857,5,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37858,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37859,3,3,6,1,0,1,1,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37860,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37861,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37862,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37863,5,2,9,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37864,5,90,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37865,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37866,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,1,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37867,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37868,4,3,90,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,23,1,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37869,3,3,10,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37870,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37871,3,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37872,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37873,5,2,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37874,5,3,8,3,91,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,37,3,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37875,3,2,11,2,,0,92,0,92,92,0,1,3,2,1,,3,,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,192,16,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37876,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37877,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37878,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37879,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37880,5,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,1,1,1,1,1,1,3,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,194,16,2,2,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37881,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37882,5,2,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37883,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37884,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37885,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37886,3,3,3,3,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37887,5,2,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37888,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,99,8,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37889,3,2,10,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37890,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37891,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37892,5,3,8,2,0,,92,0,92,92,0,1,3,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,84,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37893,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37894,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37895,5,2,6,1,0,1,2,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,145,12,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +37896,4,3,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37897,5,3,5,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37898,3,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,17,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37899,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37900,1,3,90,2,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,108,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37901,5,2,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37902,5,1,9,2,0,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37903,3,3,6,1,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37904,4,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37905,1,3,8,2,91,1,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37906,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37907,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37908,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37909,5,2,8,2,0,0,92,0,92,92,1,0,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37910,5,2,12,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,149,12,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37911,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37912,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37913,5,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37914,5,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37915,4,3,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37916,5,3,10,2,1,2,2,1,3,2,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,150,12,2,1,2,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +37917,5,3,8,2,0,0,92,0,92,92,0,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,62,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37918,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,143,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37919,5,1,90,2,91,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,1,0,0,0,92,,0,92,92,92,92,92,1,3,2,1,1,1,0,0,1,0,,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,2,0,5,1,1,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +37920,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37921,5,1,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37922,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37923,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37924,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37925,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37926,3,3,3,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37927,3,4,11,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37928,4,3,6,1,0,2,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37929,4,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37930,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37931,5,2,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37932,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37933,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37934,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37935,5,3,,,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37936,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37937,5,3,1,2,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37938,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,22,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37939,1,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37940,4,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37941,3,3,4,2,1,0,92,0,92,92,0,1,1,2,1,2,2,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,66,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37942,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37943,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37944,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37945,5,1,7,1,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37946,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37947,3,1,8,2,,,92,0,92,92,1,,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37948,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,8,0,1,2,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37949,3,1,1,3,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,77,6,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37950,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,28,2,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37951,5,1,10,2,1,0,92,0,92,92,,0,92,92,1,2,3,1,0,0,0,0,4,4,6,14,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,149,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37952,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37953,5,2,6,1,0,,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,61,5,2,1,,2,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37954,4,3,2,3,1,1,3,0,92,92,,,92,92,0,92,92,92,,0,0,0,2,2,4,8,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,106,8,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37955,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37956,5,1,90,2,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37957,5,3,8,2,0,0,92,0,92,92,0,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37958,3,2,90,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37959,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37960,3,1,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,25,2,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37961,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,7,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37962,4,2,10,2,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37963,3,3,1,2,1,2,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37964,4,3,8,2,91,2,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,5,6,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37965,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37966,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37967,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37968,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37969,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37970,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37971,5,3,,,91,,92,,92,92,0,91,92,92,1,3,2,1,,0,0,0,2,4,6,12,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,198,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37972,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37973,5,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37974,3,1,6,1,,0,92,0,92,92,1,1,1,,1,,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37975,3,1,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37976,5,3,8,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37977,2,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37978,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37979,4,3,8,3,1,1,1,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37980,5,1,90,2,0,0,92,0,92,92,1,1,,,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,46,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37981,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37982,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37983,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37984,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37985,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37986,5,2,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37987,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37988,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37989,3,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37990,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37991,3,3,8,2,0,0,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,92,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37992,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37993,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37994,3,3,12,2,91,0,92,0,92,92,1,0,92,92,1,,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37995,5,2,8,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37996,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37997,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +37998,1,3,8,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +37999,5,3,1,2,0,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,213,17,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38000,5,3,5,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38001,5,2,7,1,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,19,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38002,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38003,3,2,6,1,91,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,3,4,5,12,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38004,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38005,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38006,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38007,5,3,10,2,91,0,92,0,92,92,0,1,3,3,1,2,4,2,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,108,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38008,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38009,4,2,12,2,91,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38010,3,3,1,2,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,4,0,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +38011,3,3,2,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,99,8,2,1,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38012,3,3,8,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,2,,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38013,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38014,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38015,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38016,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38017,3,1,8,3,,0,92,0,92,92,1,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38018,3,3,11,2,1,1,3,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38019,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38020,4,3,4,2,91,1,4,1,2,2,0,91,92,92,0,92,92,92,,0,0,0,2,1,3,6,1,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,1,1,0,0,1,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,1,1,0,0,0,1,0,0,0,1,0,0,0,1,163,13,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +38021,5,3,6,1,0,0,92,0,92,92,0,,92,92,1,3,3,,0,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,149,12,2,1,,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +38022,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38023,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38024,3,3,11,2,0,1,4,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,189,15,2,2,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38025,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38026,2,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38027,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38028,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38029,3,3,1,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38030,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38031,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38032,3,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38033,5,3,,,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +38034,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,142,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38035,3,2,2,3,91,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,63,5,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38036,4,3,90,2,,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38037,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,1,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38038,1,3,12,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38039,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38040,3,3,8,3,0,1,3,1,1,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38041,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,2,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38042,5,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38043,3,2,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38044,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38045,4,3,90,2,,0,92,0,92,92,0,1,3,2,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,1,1,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,2,2,1,0,5,1,1,1,0,1,0,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +38046,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38047,3,2,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38048,3,3,11,2,1,0,92,0,92,92,,1,,2,0,92,92,92,,0,0,0,4,3,5,12,1,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,3,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38049,5,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38050,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38051,5,3,1,2,1,1,2,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38052,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38053,3,2,1,2,0,0,92,0,92,92,,,92,92,1,2,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38054,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38055,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38056,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38057,1,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38058,3,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,83,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38059,5,2,90,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38060,5,2,10,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38061,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38062,5,3,1,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38063,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38064,5,1,1,2,,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38065,5,3,90,2,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38066,1,3,1,2,0,0,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,97,8,2,1,,1,1,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +38067,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38068,5,1,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38069,5,3,11,2,1,1,,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38070,3,3,8,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38071,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38072,5,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38073,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38074,5,2,12,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38075,5,3,9,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,119,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38076,5,3,8,3,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38077,3,2,8,3,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,123,10,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38078,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38079,5,3,1,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,38,3,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38080,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38081,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38082,5,3,1,2,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,8,0,1,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38083,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38084,3,3,7,1,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38085,5,3,8,3,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,161,13,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38086,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +38087,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,61,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38088,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38089,5,1,1,2,,,92,,92,92,1,1,1,,,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,1,0,0,49,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38090,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38091,4,3,1,2,91,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,37,3,2,1,2,2,,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38092,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38093,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38094,5,2,11,2,91,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38095,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38096,3,1,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,214,17,2,1,2,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38097,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38098,3,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,16,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38099,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38100,3,3,7,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38101,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,2,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,0,1,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,9,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38102,5,1,1,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38103,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38104,5,3,10,2,0,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38105,5,3,90,2,1,1,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38106,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +38107,3,1,8,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38108,4,2,4,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38109,5,3,9,2,,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,39,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38110,3,1,10,2,1,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38111,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38112,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38113,5,2,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38114,5,2,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38115,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38116,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38117,5,2,6,1,0,0,92,0,92,92,1,1,1,,1,1,,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,63,5,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38118,5,3,10,2,1,1,,,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38119,3,3,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,155,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38120,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38121,3,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38122,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38123,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38124,4,3,8,3,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,151,12,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38125,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,39,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38126,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38127,5,2,6,1,0,2,,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,90,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38128,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38129,4,2,4,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,153,12,2,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38130,5,3,6,1,0,0,92,0,92,92,1,1,,2,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,92,92,92,92,42,3,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38131,5,2,10,2,1,1,1,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,94,7,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38132,3,3,2,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38133,4,3,6,1,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38134,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38135,3,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38136,5,3,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38137,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38138,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38139,5,1,8,2,1,,92,0,92,92,1,1,1,2,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,97,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38140,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38141,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38142,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38143,3,3,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38144,3,3,7,1,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,28,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38145,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38146,4,3,8,3,91,,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38147,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38148,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38149,5,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38150,3,2,3,3,0,0,92,0,92,92,1,1,2,3,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38151,1,3,1,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,54,4,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38152,1,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38153,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38154,5,2,1,2,0,2,1,0,92,92,0,1,3,,,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38155,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38156,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38157,4,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38158,4,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38159,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38160,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38161,5,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38162,3,90,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38163,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38164,5,1,90,2,,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,104,8,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38165,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38166,5,2,90,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38167,3,3,8,2,91,2,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38168,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,108,9,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38169,5,3,9,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38170,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38171,3,1,6,1,1,0,92,0,92,92,0,1,2,2,1,3,3,1,1,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,55,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38172,5,3,8,2,,0,92,0,92,92,0,91,92,92,1,1,,,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,1,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38173,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,176,14,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38174,1,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38175,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38176,5,2,7,1,0,0,92,0,92,92,1,1,1,2,1,2,4,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38177,1,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38178,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38179,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38180,2,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38181,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38182,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38183,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38184,3,3,2,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,29,2,2,2,1,90,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38185,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,1,90,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38186,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38187,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38188,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38189,2,3,4,2,1,,92,0,92,92,0,1,2,1,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,153,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38190,5,1,9,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,33,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38191,5,3,2,3,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38192,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38193,4,3,2,3,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,142,11,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38194,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38195,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38196,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,78,6,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38197,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38198,5,90,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38199,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38200,5,1,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,3,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38201,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38202,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,158,13,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38203,5,3,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,90,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38204,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38205,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38206,3,2,10,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38207,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +38208,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38209,5,3,5,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38210,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38211,4,3,,,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,1,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,10,0,1,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,,0,0,0,0,0 +38212,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38213,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,2,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +38214,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38215,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,31,2,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38216,3,3,12,2,91,0,92,0,92,92,1,91,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38217,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38218,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38219,3,3,8,3,0,1,,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,3,4,6,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,43,3,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38220,2,1,10,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38221,4,3,4,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38222,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38223,3,3,8,2,0,0,92,0,92,92,0,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,35,2,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38224,3,3,10,2,,0,92,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38225,3,1,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38226,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38227,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38228,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38229,5,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,1,0,0,1,0,0,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,,92,92,92,92,6,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38230,5,3,11,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38231,5,3,4,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,206,17,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38232,3,2,8,2,91,0,92,0,92,92,1,0,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38233,5,3,1,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,2,3,4,9,1,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,1,1,1,1,1,0,1,0,0,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,0,0,1,1,2,2,0,3,1,1,1,0,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,1,1,1,1 +38234,5,1,10,2,1,2,,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,2,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38235,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38236,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38237,3,3,9,2,0,2,3,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,108,9,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38238,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38239,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38240,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,55,4,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38241,3,2,8,2,1,,92,0,92,92,0,1,,2,1,1,3,2,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38242,5,2,11,3,1,0,92,0,92,92,0,1,2,2,1,1,2,1,0,0,0,0,3,4,4,11,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,160,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38243,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,1,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38244,5,3,90,2,0,0,92,0,92,92,1,1,2,3,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,126,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38245,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38246,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +38247,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38248,3,3,4,2,1,2,,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38249,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38250,3,3,8,3,1,1,,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +38251,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38252,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38253,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38254,1,3,10,2,1,1,,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38255,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38256,5,3,11,2,0,0,92,0,92,92,1,1,3,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,92,92,92,92,207,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38257,3,3,8,3,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,3,4,8,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,1,1,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,2,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,1 +38258,5,2,4,2,0,0,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,127,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38259,3,3,12,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38260,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38261,3,3,4,2,0,0,92,0,92,92,1,1,1,2,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38262,4,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38263,4,3,90,2,0,0,92,0,92,92,1,1,2,3,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38264,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38265,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38266,4,2,2,3,91,1,4,1,2,,0,91,92,92,0,92,92,92,,0,0,0,1,1,3,5,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,92,92,92,92,128,10,2,2,,1,0,5,1,1,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +38267,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38268,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38269,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38270,4,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38271,2,1,12,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38272,5,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38273,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38274,3,3,10,2,0,0,92,0,92,92,0,1,2,4,1,2,4,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,54,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38275,3,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,91,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38276,5,1,10,2,0,0,92,0,92,92,1,1,3,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38277,2,2,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38278,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38279,4,3,5,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38280,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38281,3,3,10,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38282,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38283,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38284,5,1,10,2,1,1,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38285,3,3,8,2,,,92,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38286,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38287,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38288,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38289,5,3,11,2,,1,,0,92,92,0,,92,92,1,3,3,1,,0,0,0,1,1,1,3,1,1,0,0,0,0,1,0,92,0,1,1,0,1,0,0,1,1,2,1,1,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,181,15,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38290,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,19,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38291,5,3,1,2,91,2,,,92,92,,91,92,92,,92,92,92,,0,0,0,2,2,1,5,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38292,3,3,4,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38293,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38294,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38295,4,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38296,5,2,4,2,0,0,92,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,60,5,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38297,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38298,5,3,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38299,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38300,4,3,10,2,0,2,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38301,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38302,5,90,9,2,91,0,92,0,92,92,0,1,1,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38303,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38304,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38305,3,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38306,3,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38307,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38308,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38309,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38310,3,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,180,15,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38311,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38312,5,3,8,3,0,0,92,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38313,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38314,5,2,10,2,1,1,,0,92,92,1,1,1,,1,3,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38315,3,1,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38316,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38317,5,2,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38318,5,3,10,3,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38319,5,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38320,5,3,4,2,91,0,92,0,92,92,1,0,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38321,3,3,8,3,0,0,92,0,92,92,0,1,1,3,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38322,5,3,10,3,1,1,2,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38323,5,3,90,2,1,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,123,10,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38324,1,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38325,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,2,2,1,0,4,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +38326,3,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38327,3,3,8,3,0,,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,1 +38328,3,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38329,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38330,5,2,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38331,5,2,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,1,,,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38332,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38333,3,3,1,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38334,4,3,10,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,2,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38335,3,2,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38336,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38337,4,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,156,13,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38338,3,3,10,2,1,2,,0,92,92,0,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,207,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38339,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38340,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38341,5,3,9,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38342,1,3,2,3,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38343,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38344,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,5,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38345,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,8,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38346,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38347,5,1,11,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38348,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38349,1,3,6,1,1,0,92,0,92,92,1,1,2,2,1,2,,,1,0,0,0,3,4,6,13,1,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38350,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38351,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38352,5,3,7,1,91,0,92,0,92,92,0,91,92,92,1,,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,17,1,1,1,,2,,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38353,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38354,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38355,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38356,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38357,3,1,90,2,91,0,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,23,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38358,5,3,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38359,1,2,9,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38360,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38361,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38362,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38363,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,1,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38364,5,1,6,1,,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,20,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38365,5,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38366,5,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38367,5,1,8,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38368,5,3,7,1,0,,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38369,3,3,90,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38370,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38371,5,3,9,2,91,0,92,0,92,92,0,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38372,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38373,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38374,1,3,8,2,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,92,92,92,92,14,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38375,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,4,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38376,5,3,1,3,91,,92,,92,92,,91,92,92,1,3,,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,1,1,0,0,28,2,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38377,5,2,,,,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38378,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38379,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38380,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38381,3,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38382,3,2,2,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,1,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38383,3,90,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38384,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38385,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38386,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38387,3,3,8,3,,1,,0,92,92,0,,92,92,1,,,,,1,1,1,,,,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,0,0,,92,92,92,92,92,1,0,0,0,0,0,0,1,,1,0,0,1,0,0,1,1,1,1,0,0,1,0,1,0,1,0,92,92,92,92,175,14,2,1,2,1,0,5,1,1,1,0,1,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +38388,5,3,6,1,0,0,92,0,92,92,1,1,,2,1,3,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,55,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38389,1,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38390,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38391,3,3,1,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38392,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38393,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38394,5,3,9,2,91,0,92,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38395,5,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,,1,0,3,1,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +38396,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38397,5,1,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38398,5,2,4,2,0,0,92,0,92,92,1,1,2,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,187,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38399,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38400,4,3,7,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38401,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38402,2,3,1,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38403,5,1,90,2,,0,92,0,92,92,1,91,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38404,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,2,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38405,3,3,10,2,0,0,92,0,92,92,1,1,1,3,1,2,4,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,199,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38406,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38407,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38408,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38409,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38410,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38411,5,3,1,3,0,0,92,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38412,5,3,90,2,,,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38413,5,3,6,1,0,1,3,0,92,92,1,1,2,1,1,1,1,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38414,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38415,3,3,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,145,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38416,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38417,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38418,4,2,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38419,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38420,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38421,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38422,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38423,5,1,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,12,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38424,3,3,8,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38425,3,2,11,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,2,2,0,3,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +38426,3,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38427,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,42,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38428,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38429,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38430,5,3,2,3,91,1,3,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,66,5,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38431,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38432,5,3,2,3,0,2,,0,92,92,1,1,,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,2,1,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38433,4,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,3,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38434,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38435,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38436,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38437,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38438,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38439,3,1,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,93,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38440,5,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38441,5,3,,,0,0,92,0,92,92,0,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,130,10,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38442,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,10,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38443,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38444,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38445,5,2,10,2,1,1,3,1,1,2,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,108,9,2,1,1,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38446,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38447,5,3,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38448,5,3,11,2,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38449,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,15,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38450,4,2,1,3,,1,2,0,92,92,,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38451,5,4,90,2,0,,92,0,92,92,0,1,2,2,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,60,5,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38452,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38453,3,3,11,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38454,5,1,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38455,5,3,8,3,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +38456,5,3,2,3,,1,4,1,1,4,0,,92,92,0,92,92,92,,0,0,0,1,1,4,6,1,1,0,0,0,0,1,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,92,92,92,92,41,3,2,2,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38457,3,3,4,2,0,1,3,0,92,92,0,1,2,2,1,1,3,1,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,1,0,0,0,0,0,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,70,5,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38458,5,3,,,91,1,,,92,92,,91,92,92,,92,92,92,,0,0,0,1,1,2,4,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,1,2,1,0,2,1,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,1 +38459,4,2,8,2,91,1,,1,2,2,0,91,92,92,1,1,2,,,0,0,0,3,1,4,8,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,92,92,92,92,134,11,2,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38460,3,2,90,2,,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38461,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38462,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38463,3,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38464,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38465,4,3,2,3,0,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,2,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +38466,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38467,4,3,8,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38468,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38469,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38470,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,152,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38471,4,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,113,9,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38472,3,3,6,1,0,0,92,0,92,92,1,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38473,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38474,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38475,3,3,6,1,0,,92,0,92,92,1,1,2,2,1,3,4,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,109,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38476,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38477,3,3,2,3,91,0,92,0,92,92,,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,59,4,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38478,4,3,2,3,,1,3,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,1,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,2,1,90,0,3,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38479,4,3,12,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38480,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38481,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38482,5,2,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38483,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38484,3,3,10,2,1,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38485,3,1,8,3,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38486,4,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38487,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38488,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38489,5,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,25,2,2,1,,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38490,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38491,1,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38492,5,3,1,3,1,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38493,5,2,90,2,0,0,92,0,92,92,1,1,1,,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38494,5,1,6,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38495,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38496,1,3,11,2,1,,92,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38497,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38498,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38499,2,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38500,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38501,4,3,4,2,1,1,,,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38502,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38503,5,2,1,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38504,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38505,5,1,8,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,40,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38506,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38507,3,1,8,3,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,22,1,1,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38508,5,3,2,3,1,1,,0,92,92,1,1,,,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38509,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38510,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38511,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,61,5,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38512,3,3,90,2,0,1,1,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38513,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38514,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38515,5,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,90,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38516,3,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38517,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38518,4,2,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38519,3,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +38520,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38521,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,19,1,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38522,5,2,1,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38523,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38524,3,2,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38525,5,3,8,3,91,1,,0,92,92,0,91,92,92,,92,92,92,,0,0,0,2,2,4,8,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +38526,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38527,3,3,1,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,208,17,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38528,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38529,1,3,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38530,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38531,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38532,5,2,5,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38533,3,3,9,2,,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38534,3,3,1,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,64,5,2,2,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38535,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38536,5,3,2,3,1,0,92,0,92,92,,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,,,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +38537,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38538,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38539,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38540,5,3,6,1,0,0,92,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38541,5,2,90,2,0,0,92,0,92,92,1,1,1,2,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,62,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38542,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38543,5,2,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38544,5,3,10,2,0,1,3,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38545,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38546,5,2,6,1,0,0,92,0,92,92,1,1,2,2,1,,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38547,4,3,5,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38548,3,2,8,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38549,3,3,10,2,1,1,2,0,92,92,1,1,1,2,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38550,2,2,11,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38551,5,3,4,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38552,5,2,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38553,3,3,9,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38554,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38555,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38556,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,2,1,0,3,1,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +38557,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38558,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38559,1,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38560,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,56,4,2,2,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38561,1,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38562,5,3,1,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38563,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38564,4,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38565,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38566,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38567,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,,92,92,92,92,119,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38568,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38569,3,1,9,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38570,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38571,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38572,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38573,5,2,10,2,0,0,92,0,92,92,0,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,135,11,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38574,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,127,10,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38575,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38576,1,3,,,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38577,5,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,1,1,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38578,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,,92,92,92,92,17,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38579,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38580,5,2,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38581,2,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38582,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38583,5,2,6,1,1,1,,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38584,5,3,90,2,91,0,92,0,92,92,,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38585,1,3,6,1,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38586,5,3,90,2,1,1,,0,92,92,1,1,2,2,1,,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,154,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38587,3,3,6,1,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,144,12,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38588,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38589,3,1,7,1,91,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38590,2,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38591,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38592,5,2,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38593,5,1,12,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38594,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38595,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38596,5,90,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38597,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38598,5,90,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38599,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38600,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38601,5,3,6,1,0,1,,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38602,5,1,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38603,3,3,90,2,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38604,5,2,8,2,91,0,92,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,40,3,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38605,5,3,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,147,12,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38606,3,3,9,2,,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38607,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38608,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38609,3,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38610,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,25,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38611,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +38612,3,3,90,2,1,2,2,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,148,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38613,5,3,10,2,0,0,92,0,92,92,0,1,2,2,1,2,2,2,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,144,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38614,5,3,2,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38615,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38616,5,1,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,,,,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,2,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38617,5,3,12,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,82,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38618,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38619,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38620,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38621,5,2,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38622,5,2,6,1,0,0,92,0,92,92,1,0,92,92,1,1,4,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,41,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38623,3,3,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38624,4,2,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,12,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38625,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,21,1,1,1,1,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38626,5,3,8,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,62,5,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38627,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38628,1,3,10,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38629,3,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38630,5,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38631,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38632,3,3,9,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,23,1,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38633,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38634,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,18,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38635,3,2,8,2,91,0,92,0,92,92,0,,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,27,2,2,2,,1,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +38636,5,2,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38637,4,2,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38638,5,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38639,5,2,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38640,3,3,7,1,1,2,,,92,92,0,1,,3,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,63,5,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38641,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38642,5,3,8,2,91,0,92,0,92,92,1,1,1,3,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38643,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38644,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38645,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38646,5,3,4,2,,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38647,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38648,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38649,5,3,11,2,0,0,92,0,92,92,1,1,1,3,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38650,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38651,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38652,3,3,11,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,160,13,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +38653,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38654,3,3,4,2,1,1,3,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38655,5,3,6,1,1,1,3,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,175,14,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38656,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38657,5,3,1,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,187,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38658,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38659,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38660,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38661,1,3,8,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38662,3,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38663,3,1,5,2,91,0,92,0,92,92,1,1,,4,1,1,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38664,2,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38665,5,2,1,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,121,10,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38666,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38667,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38668,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38669,5,3,10,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38670,3,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,22,1,1,1,1,1,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0, +38671,5,3,1,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38672,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,23,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38673,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38674,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38675,5,2,9,2,0,0,92,0,92,92,1,0,92,92,1,1,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38676,5,2,4,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,181,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38677,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38678,5,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38679,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38680,3,1,10,2,0,1,2,0,92,92,1,1,2,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,145,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38681,4,3,11,2,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,170,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38682,5,1,1,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38683,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38684,1,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38685,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38686,3,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38687,1,3,11,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38688,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,1,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38689,5,2,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38690,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38691,4,2,5,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,70,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38692,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38693,5,1,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38694,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38695,5,1,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38696,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38697,3,3,11,2,0,2,,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38698,3,3,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38699,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,15,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38700,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38701,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38702,3,3,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,114,9,2,2,2,4,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38703,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38704,5,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,80,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38705,4,3,1,2,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,193,16,2,2,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38706,3,90,8,3,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38707,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38708,5,1,90,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38709,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38710,1,3,7,1,,0,92,0,92,92,0,,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,48,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38711,3,3,90,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38712,5,1,7,1,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38713,5,3,,,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38714,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38715,1,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,2,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38716,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38717,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38718,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38719,5,1,6,1,0,0,92,0,92,92,1,1,2,2,1,,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,94,7,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38720,3,3,,,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38721,5,3,11,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38722,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38723,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38724,5,3,11,2,0,1,3,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38725,5,1,6,1,0,0,92,0,92,92,1,0,92,92,1,,2,3,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38726,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38727,5,2,8,2,91,0,92,0,92,92,,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38728,1,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,152,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38729,5,3,7,1,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38730,5,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,4,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38731,3,3,10,3,0,1,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38732,3,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38733,5,2,6,1,0,,92,0,92,92,0,,92,92,1,2,3,2,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,79,6,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38734,5,2,9,2,0,1,4,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38735,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38736,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38737,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38738,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38739,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38740,2,3,7,1,1,1,,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38741,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38742,3,3,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38743,3,3,8,3,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,64,5,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38744,5,3,8,2,91,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38745,5,2,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38746,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38747,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38748,5,2,1,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38749,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38750,3,3,8,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,2,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38751,3,3,10,2,1,2,1,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38752,3,1,8,3,91,1,2,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,22,1,1,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38753,3,1,90,2,0,0,92,0,92,92,0,1,2,2,1,2,2,,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,103,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38754,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38755,3,1,1,2,0,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38756,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38757,5,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38758,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38759,5,3,12,2,0,0,92,0,92,92,1,0,92,92,1,2,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38760,5,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38761,4,3,11,2,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,173,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38762,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38763,5,2,7,1,0,0,92,0,92,92,1,1,,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,166,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38764,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38765,3,3,8,3,0,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,1,2,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38766,3,90,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,190,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38767,3,3,8,2,1,0,92,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38768,5,3,1,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38769,4,3,8,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,65,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38770,4,3,,,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38771,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38772,5,2,90,2,1,0,92,0,92,92,0,,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,90,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38773,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38774,2,1,90,2,,0,92,0,92,92,1,1,2,2,1,3,4,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,205,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38775,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38776,3,3,7,1,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38777,3,3,2,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,2,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38778,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,97,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38779,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38780,3,3,5,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,1,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38781,5,3,1,2,,,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,70,5,2,2,1,,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38782,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38783,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38784,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38785,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38786,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38787,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38788,5,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,171,14,2,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38789,5,1,6,1,1,1,3,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,92,92,92,92,155,12,2,2,2,5,0,3,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +38790,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38791,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38792,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38793,5,3,12,3,1,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38794,5,1,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38795,5,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38796,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38797,2,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38798,5,1,6,1,0,0,92,0,92,92,0,0,92,92,1,3,,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,51,4,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38799,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38800,4,1,4,2,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,81,6,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38801,3,3,8,3,91,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,16,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38802,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38803,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38804,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38805,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38806,5,1,4,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38807,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38808,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38809,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38810,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38811,2,1,10,3,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38812,5,3,6,1,,1,,1,1,1,,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,116,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38813,1,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38814,3,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38815,5,3,3,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,1,,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38816,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38817,3,3,5,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38818,3,1,5,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38819,2,1,7,1,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38820,5,3,1,3,,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38821,3,3,90,2,0,0,92,0,92,92,0,1,2,3,1,1,4,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,127,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38822,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38823,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38824,5,3,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38825,1,3,6,1,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38826,3,2,90,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38827,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38828,5,3,4,2,1,1,,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,65,5,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38829,5,3,90,2,,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38830,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38831,3,3,6,1,1,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38832,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38833,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38834,4,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38835,3,3,9,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,192,16,2,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38836,3,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38837,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38838,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38839,5,1,12,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38840,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38841,5,3,6,1,91,1,2,0,92,92,1,91,92,92,1,,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38842,3,1,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38843,1,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38844,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38845,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38846,5,2,9,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38847,1,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38848,1,3,6,1,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38849,1,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38850,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38851,5,3,6,1,91,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,39,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38852,5,1,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38853,5,2,9,2,0,0,92,0,92,92,0,1,2,2,1,2,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,43,3,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38854,3,3,10,2,1,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38855,3,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38856,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38857,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38858,3,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38859,5,1,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38860,3,2,90,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38861,3,2,90,2,91,0,92,0,92,92,1,91,92,92,1,1,1,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38862,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38863,5,3,1,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38864,4,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38865,3,1,12,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38866,5,1,,,0,0,92,0,92,92,0,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38867,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +38868,3,2,90,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,2,2,0,7,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38869,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38870,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38871,5,1,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38872,5,3,4,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38873,4,3,6,1,91,0,92,0,92,92,1,1,1,2,1,1,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,54,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38874,3,3,4,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38875,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38876,3,1,90,2,0,0,92,0,92,92,0,1,1,2,1,1,3,,0,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,,2,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0, +38877,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38878,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38879,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38880,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38881,3,2,7,1,0,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,75,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38882,3,2,9,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38883,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38884,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38885,5,2,6,1,91,0,92,0,92,92,0,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,20,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38886,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,88,7,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38887,5,90,8,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,20,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38888,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38889,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38890,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38891,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38892,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38893,5,2,90,2,91,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38894,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38895,3,3,8,2,0,0,92,0,92,92,1,1,,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38896,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38897,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38898,3,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38899,3,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38900,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38901,5,3,90,3,1,1,3,0,92,92,0,1,,,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38902,4,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38903,3,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38904,5,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38905,5,3,2,3,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,1,2,2,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38906,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38907,4,2,6,1,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38908,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38909,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38910,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,171,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38911,3,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38912,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38913,5,3,11,2,1,1,,1,2,,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,190,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38914,5,3,2,3,1,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38915,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38916,3,3,6,1,91,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,75,6,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38917,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,118,9,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38918,5,3,4,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38919,3,3,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38920,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38921,5,1,5,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,109,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38922,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38923,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38924,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38925,3,2,6,1,0,0,92,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,74,6,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +38926,5,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38927,2,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38928,1,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38929,5,3,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38930,3,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,95,7,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38931,5,3,1,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38932,5,3,11,2,,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38933,3,3,6,1,0,0,92,0,92,92,0,,92,92,0,92,92,92,0,0,0,0,4,3,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,25,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38934,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38935,5,3,6,1,91,1,2,1,2,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,46,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38936,3,4,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38937,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38938,3,1,2,3,,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,105,8,2,2,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38939,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38940,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38941,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38942,1,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38943,4,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38944,5,3,3,3,0,0,92,0,92,92,1,0,92,92,1,1,4,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,118,9,2,1,1,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38945,5,1,5,2,0,1,3,1,1,1,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,147,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38946,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38947,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38948,5,2,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38949,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38950,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38951,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38952,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38953,3,1,,,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +38954,4,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38955,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38956,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38957,3,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38958,3,2,7,1,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,10,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38959,3,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38960,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38961,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38962,3,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38963,5,2,10,2,0,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38964,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38965,3,3,11,2,0,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38966,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38967,5,3,6,1,1,1,3,1,,2,,0,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,92,92,92,92,146,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38968,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38969,3,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38970,1,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38971,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38972,5,3,10,2,1,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38973,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38974,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38975,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38976,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38977,3,3,4,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38978,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38979,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38980,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38981,5,3,12,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,188,15,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38982,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38983,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38984,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,1,,0,7,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38985,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38986,3,2,8,2,0,0,92,0,92,92,0,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,64,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38987,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38988,3,3,4,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,71,5,2,1,,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38989,1,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38990,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38991,2,1,7,1,91,0,92,0,92,92,0,1,1,2,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,45,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38992,5,2,6,1,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38993,3,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38994,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38995,5,3,2,3,1,,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,175,14,2,1,1,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38996,4,3,8,2,0,0,92,,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,94,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38997,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +38998,5,1,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +38999,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39000,5,1,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39001,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39002,3,3,2,3,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39003,5,3,1,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,1,,0,3,1,1,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0 +39004,5,3,1,2,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,0,1,0,0,0,0,92,0,1,0,0,1,0,0,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,50,4,2,2,,2,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1,0,1,1 +39005,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39006,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39007,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39008,3,3,3,3,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,141,11,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39009,3,1,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39010,5,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,84,7,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39011,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39012,5,2,8,2,1,0,92,0,92,92,0,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,110,9,2,2,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39013,5,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,7,0,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39014,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39015,5,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39016,3,3,6,1,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39017,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39018,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39019,3,3,90,2,1,2,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39020,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +39021,5,2,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,2,1,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39022,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39023,5,2,4,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39024,3,3,11,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,1,1,0,0,1,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39025,3,2,8,2,,,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,17,1,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39026,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39027,5,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39028,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39029,5,3,12,3,91,1,2,0,92,92,0,91,92,92,1,1,3,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,2,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +39030,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,2,0,7,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39031,5,1,6,1,,2,2,0,92,92,,0,92,92,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,87,7,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39032,4,3,1,2,1,2,3,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39033,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39034,3,3,10,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39035,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39036,4,90,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,95,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39037,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39038,3,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39039,5,3,90,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39040,5,3,8,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39041,5,3,7,1,1,2,,0,92,92,0,1,,2,1,3,,,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,73,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39042,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39043,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39044,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39045,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39046,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,8,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39047,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39048,3,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39049,3,3,90,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39050,5,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39051,5,3,1,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,1,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39052,5,2,8,2,0,1,2,1,1,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,73,6,2,1,,2,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +39053,5,3,6,1,1,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39054,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39055,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39056,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39057,5,1,11,2,0,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39058,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39059,5,3,9,2,0,0,92,1,2,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39060,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39061,5,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39062,3,3,1,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,,2,1,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39063,5,3,4,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39064,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39065,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,11,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39066,5,3,8,2,91,0,92,0,92,92,1,1,,2,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39067,3,3,1,2,,1,2,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39068,3,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39069,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,1,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39070,5,1,5,2,1,1,3,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,3,4,6,13,1,1,0,0,0,1,0,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39071,1,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39072,5,1,8,2,,0,92,0,92,92,,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,29,2,2,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39073,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39074,3,3,11,2,1,1,3,0,92,92,0,0,92,92,1,2,,1,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,185,15,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39075,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39076,5,2,11,2,0,0,92,0,92,92,1,1,1,2,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,1,1,0,0,1,0,0,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39077,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39078,1,3,10,2,0,0,92,0,92,92,0,1,3,2,1,2,2,,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,147,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39079,5,1,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39080,5,1,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,207,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39081,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39082,5,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39083,5,1,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,112,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39084,5,3,8,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39085,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39086,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39087,5,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39088,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39089,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39090,5,1,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39091,2,1,4,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +39092,5,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39093,4,2,6,1,0,0,92,0,92,92,0,1,,,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,39,3,2,2,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39094,3,3,90,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,122,10,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39095,5,3,1,3,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39096,2,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39097,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39098,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39099,4,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39100,3,3,12,2,1,1,,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39101,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39102,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39103,4,3,6,1,91,,92,0,92,92,0,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,13,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39104,5,2,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39105,5,3,10,2,,2,,,92,92,,1,2,2,0,92,92,92,0,0,0,0,3,4,6,13,1,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +39106,5,2,90,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39107,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39108,5,3,8,2,0,0,92,0,92,92,0,1,1,,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,74,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39109,3,2,8,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39110,3,3,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39111,5,3,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39112,5,3,4,2,1,2,,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39113,5,1,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39114,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39115,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39116,5,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39117,5,3,8,3,,2,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39118,5,1,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39119,5,3,90,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39120,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,2,2,1,1,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +39121,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,1,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39122,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +39123,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +39124,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39125,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39126,1,90,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39127,5,2,90,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39128,5,90,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,193,16,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39129,2,1,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39130,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39131,3,1,8,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39132,5,1,10,2,1,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39133,4,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39134,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39135,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,65,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39136,3,3,6,1,0,0,92,0,92,92,,1,3,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,164,13,2,1,1,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39137,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39138,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39139,5,3,3,3,0,0,92,0,92,92,1,1,,,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,136,11,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39140,3,3,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,88,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39141,5,2,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39142,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39143,3,2,12,2,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39144,1,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39145,3,1,10,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39146,3,3,6,1,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39147,3,2,7,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39148,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,18,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39149,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,0,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39150,5,3,5,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39151,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39152,3,90,8,2,91,2,2,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,1,1,0,24,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39153,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39154,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,3,3,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39155,4,3,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39156,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39157,5,2,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39158,5,1,7,1,0,0,92,0,92,92,1,,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,55,4,2,2,,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39159,3,2,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39160,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39161,3,1,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,144,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39162,3,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39163,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39164,5,90,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,2,4,5,11,1,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39165,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39166,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39167,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39168,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39169,3,3,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39170,5,3,90,2,0,1,2,0,92,92,1,1,1,2,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,127,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39171,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39172,3,2,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39173,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,54,4,2,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39174,5,3,10,2,1,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39175,3,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39176,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,2,,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39177,5,3,6,1,0,0,92,0,92,92,1,1,1,4,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39178,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39179,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,19,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39180,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39181,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39182,3,1,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39183,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39184,3,3,1,2,91,1,4,,92,92,,,92,92,,92,92,92,,0,0,0,4,3,4,11,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,,92,92,92,92,92,1,0,0,0,0,0,1,0,,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,121,10,2,2,2,1,,5,1,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +39185,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39186,3,3,8,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,42,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39187,5,3,2,3,91,,92,1,,,,91,92,92,,92,92,92,,1,0,1,1,1,4,6,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,1,1,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,2,2,2,0,5,1,1,1,1,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,1,1,0,1 +39188,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39189,3,3,8,2,0,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39190,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39191,1,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39192,3,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39193,2,3,8,2,0,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,18,1,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39194,3,2,90,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39195,1,3,90,2,91,2,3,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39196,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39197,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39198,4,3,5,2,1,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,2,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39199,3,1,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,13,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39200,1,1,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39201,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39202,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39203,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39204,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39205,5,1,8,2,0,0,92,0,92,92,1,1,1,3,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39206,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39207,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39208,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39209,5,3,6,1,1,2,,,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,99,8,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39210,4,2,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39211,5,2,4,2,1,0,92,0,92,92,0,1,2,3,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,135,11,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39212,5,1,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39213,4,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39214,2,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,75,6,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39215,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39216,5,3,6,1,,,92,,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39217,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39218,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,8,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39219,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39220,1,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39221,3,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,31,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39222,5,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39223,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39224,5,1,5,2,91,0,92,0,92,92,,1,,2,0,92,92,92,,0,0,0,3,4,5,12,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,89,7,2,1,2,3,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +39225,5,2,10,2,0,0,92,0,92,92,1,1,2,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39226,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39227,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39228,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,104,8,2,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39229,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39230,5,3,90,2,1,2,,0,92,92,,1,2,2,1,1,3,1,0,0,0,0,4,4,5,13,1,1,1,1,1,1,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,185,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39231,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39232,5,3,1,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39233,5,1,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39234,5,3,4,2,0,0,92,0,92,92,1,1,1,2,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39235,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39236,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39237,5,2,90,2,0,,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39238,3,3,,,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,16,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39239,5,1,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39240,5,3,8,2,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39241,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39242,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39243,5,2,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39244,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39245,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39246,3,2,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39247,5,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,122,10,2,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39248,1,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39249,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39250,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39251,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39252,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39253,5,3,4,2,1,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,89,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39254,4,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39255,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39256,3,3,8,2,1,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,140,11,2,1,,1,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39257,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39258,5,2,4,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39259,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39260,3,90,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39261,5,3,2,3,0,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,127,10,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39262,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39263,5,1,5,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39264,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39265,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39266,5,2,10,2,1,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39267,5,3,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39268,5,3,1,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39269,5,3,1,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,92,92,92,92,121,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39270,5,3,1,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39271,5,3,8,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39272,3,3,9,2,1,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,92,92,92,92,16,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39273,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39274,3,3,1,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39275,3,3,6,1,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39276,4,3,90,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39277,5,1,9,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39278,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39279,3,3,6,1,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39280,5,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39281,4,2,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39282,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39283,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39284,4,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39285,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,161,13,2,1,,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39286,5,3,2,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39287,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39288,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39289,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39290,5,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39291,5,3,1,2,1,1,,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39292,1,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39293,5,3,11,2,0,,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,174,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39294,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39295,2,4,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,154,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39296,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39297,4,3,1,2,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39298,5,2,8,2,,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39299,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39300,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39301,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,3,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39302,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39303,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39304,2,90,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39305,3,3,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39306,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39307,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39308,3,3,,,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39309,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39310,5,1,11,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39311,3,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39312,5,3,7,1,0,1,2,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39313,3,2,8,3,0,,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,60,5,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39314,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39315,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39316,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39317,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39318,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39319,3,3,11,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39320,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39321,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39322,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39323,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39324,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39325,3,3,90,2,0,0,92,0,92,92,0,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,62,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39326,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39327,5,3,90,2,0,0,92,0,92,92,1,1,1,2,1,,4,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,66,5,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39328,2,3,9,2,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,1,0,0,20,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39329,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39330,3,3,8,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39331,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39332,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39333,5,3,4,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39334,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,108,9,2,2,,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39335,5,2,9,2,91,0,92,0,92,92,1,91,92,92,1,,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,16,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39336,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39337,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39338,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39339,5,3,8,2,0,0,92,0,92,92,0,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,87,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39340,3,3,10,2,1,1,3,0,92,92,,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39341,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,147,12,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39342,5,2,6,1,1,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,119,9,2,1,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39343,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39344,3,1,9,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39345,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,,0,92,92,92,92,92,1,3,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39346,5,3,90,2,91,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39347,5,2,90,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,12,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39348,4,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39349,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39350,5,3,1,3,1,2,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,1,1,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39351,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39352,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39353,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39354,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39355,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39356,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39357,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39358,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39359,3,1,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39360,2,1,7,1,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39361,3,3,6,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39362,2,1,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39363,5,3,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,148,12,2,1,2,1,0,2,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +39364,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,136,11,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39365,3,3,6,1,,2,1,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39366,5,3,7,1,0,0,92,0,92,92,0,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39367,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39368,5,3,6,1,0,0,92,0,92,92,1,1,2,2,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39369,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39370,5,2,10,2,1,1,3,0,92,92,0,1,2,,1,1,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,134,11,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39371,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39372,5,3,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39373,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39374,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39375,2,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39376,3,3,1,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39377,5,1,1,2,,2,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39378,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39379,2,1,7,1,,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39380,1,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,14,1,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39381,5,3,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,45,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39382,5,3,9,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,194,16,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39383,1,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39384,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,142,11,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39385,,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39386,2,3,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39387,1,1,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39388,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39389,5,1,8,2,91,0,92,0,92,92,0,91,92,92,1,1,3,2,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,92,92,92,92,41,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39390,5,3,9,2,1,1,4,,92,92,0,1,2,,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,2,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +39391,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39392,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +39393,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39394,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,92,92,92,92,16,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39395,5,2,4,2,1,0,92,0,92,92,0,1,2,2,1,1,3,1,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,104,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39396,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39397,1,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39398,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,1,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39399,3,3,10,2,,2,,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,113,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39400,5,2,,,91,,92,0,92,92,0,1,,,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,34,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39401,5,2,8,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39402,3,3,8,3,91,0,92,0,92,92,,91,92,92,1,3,2,2,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,17,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39403,5,2,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39404,1,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39405,5,2,11,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39406,3,3,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39407,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39408,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39409,5,3,1,3,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,72,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39410,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39411,5,2,6,1,91,1,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,39,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39412,3,1,1,3,,2,,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,3,5,12,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,1,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +39413,4,3,2,3,1,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39414,5,90,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39415,3,2,90,3,,0,92,0,92,92,1,0,92,92,1,3,,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,33,2,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39416,3,2,,,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39417,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39418,5,3,90,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,64,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39419,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39420,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39421,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39422,3,3,7,1,0,0,92,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39423,3,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39424,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39425,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,11,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39426,3,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39427,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,2,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39428,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,1,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +39429,3,3,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39430,5,3,7,1,0,0,92,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39431,3,1,1,3,,1,4,0,92,92,,,92,92,0,92,92,92,,0,0,0,1,2,2,5,1,1,0,0,0,0,0,0,92,0,1,0,0,1,0,0,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,83,6,2,2,,1,0,6,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1 +39432,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39433,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39434,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39435,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39436,3,3,6,1,0,0,92,0,92,92,0,1,2,3,1,1,4,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,45,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39437,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39438,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39439,4,3,90,2,1,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39440,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39441,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39442,5,2,8,2,0,0,92,0,92,92,0,1,1,2,1,3,3,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,48,4,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39443,1,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39444,3,3,5,2,0,0,92,0,92,92,0,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,95,7,2,1,,3,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39445,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39446,5,2,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39447,3,3,11,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39448,4,2,90,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39449,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39450,4,3,90,2,0,0,92,0,92,92,1,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,14,1,1,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39451,5,3,90,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,187,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39452,5,3,11,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39453,4,3,1,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39454,3,3,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39455,1,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39456,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39457,3,1,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39458,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39459,3,3,8,2,91,,92,1,2,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39460,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39461,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39462,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39463,3,2,5,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,85,7,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39464,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39465,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39466,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39467,3,3,10,2,1,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,162,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39468,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39469,5,2,90,2,0,0,92,0,92,92,1,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,117,9,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39470,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39471,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39472,3,3,11,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39473,5,2,10,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,163,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39474,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39475,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39476,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,1,0,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39477,3,3,6,1,0,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39478,3,3,11,2,0,0,92,,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,121,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39479,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39480,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39481,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,0,0,1,2,,1,0,4,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +39482,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39483,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39484,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39485,5,1,7,1,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39486,5,3,8,2,,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39487,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,1,0,0,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39488,5,3,,,1,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39489,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39490,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39491,5,1,1,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,81,6,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39492,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39493,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39494,5,3,1,2,91,1,,0,92,92,,91,92,92,1,1,3,,,1,1,1,1,1,,6,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,15,1,1,1,,2,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1,1,0,1 +39495,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39496,5,2,6,1,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39497,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,21,1,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39498,3,2,6,1,91,0,92,0,92,92,0,1,,2,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,73,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39499,4,3,7,1,91,1,2,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39500,5,3,1,2,0,0,92,0,92,92,,1,1,2,,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39501,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39502,3,3,90,2,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39503,5,3,5,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,1,1,1,,,,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,1 +39504,2,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,32,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39505,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39506,4,90,6,1,91,2,2,,92,92,0,1,,,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,46,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39507,3,90,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +39508,3,3,6,1,0,0,92,0,92,92,0,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,95,7,2,1,,1,0,1,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +39509,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39510,4,90,1,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39511,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39512,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39513,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39514,4,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39515,5,3,1,2,91,1,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,1,2,4,7,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39516,3,2,11,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39517,5,3,8,3,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,25,2,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39518,3,3,1,2,,0,92,0,92,92,,1,2,3,1,1,3,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,,92,92,92,92,200,16,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39519,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39520,3,3,8,2,0,0,92,0,92,92,0,1,2,2,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,59,4,2,1,2,2,1,1,1,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +39521,1,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,27,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39522,5,2,90,2,91,0,92,0,92,92,0,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,92,92,92,92,20,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39523,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39524,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39525,3,1,8,3,1,1,2,0,92,92,1,1,2,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,52,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39526,3,3,3,3,1,1,,0,92,92,1,1,3,2,1,,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,172,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39527,4,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39528,4,3,6,1,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39529,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39530,4,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,1,1,0,3,1,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39531,5,3,90,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,20,1,1,1,2,90,,3,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +39532,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39533,3,3,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39534,5,1,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,1,90,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39535,4,3,2,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,24,2,2,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39536,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39537,5,3,1,2,91,1,4,0,92,92,0,91,92,92,,92,92,92,,1,0,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,2,1,0,5,1,1,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1 +39538,5,2,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39539,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39540,5,2,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39541,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39542,5,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39543,3,2,4,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39544,5,3,1,2,1,1,,,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,1,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,117,9,2,2,2,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +39545,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39546,5,3,8,3,91,1,4,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39547,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39548,4,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,49,4,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39549,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39550,4,2,8,2,91,,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,10,0,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39551,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39552,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,86,7,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39553,5,2,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39554,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,83,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39555,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39556,5,3,90,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39557,5,3,6,1,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,,,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,117,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39558,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,65,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39559,3,3,90,2,1,,92,0,92,92,0,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,142,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39560,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39561,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39562,5,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39563,5,3,2,3,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,195,16,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39564,3,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39565,5,2,9,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39566,5,1,10,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39567,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39568,3,3,6,1,0,2,,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,123,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39569,2,1,8,3,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39570,5,3,1,2,1,,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,2,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39571,5,3,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39572,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39573,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39574,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39575,3,3,10,2,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39576,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39577,3,3,8,2,91,0,92,,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,19,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39578,5,3,6,1,91,,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39579,5,3,11,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39580,5,1,12,2,91,2,,,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,3,5,10,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,1,2,1,0,3,1,1,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +39581,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39582,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39583,3,3,12,2,0,0,92,0,92,92,,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39584,4,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39585,3,1,8,3,91,2,2,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39586,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39587,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,1,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39588,5,1,4,2,1,1,3,0,92,92,0,1,2,2,1,1,2,1,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,0,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,180,15,2,1,2,1,0,5,1,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +39589,3,1,12,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39590,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39591,3,2,1,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,162,13,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39592,5,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39593,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39594,5,3,6,1,0,2,2,0,92,92,1,1,1,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,106,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39595,4,3,1,3,91,0,92,0,92,92,0,1,,,0,92,92,92,,,,,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,35,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39596,3,3,12,2,0,0,92,0,92,92,1,0,92,92,1,2,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39597,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39598,4,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39599,5,3,12,2,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39600,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39601,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39602,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,0,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39603,5,3,90,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39604,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39605,5,2,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39606,5,2,10,2,1,1,2,1,2,,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +39607,2,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39608,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,31,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39609,5,3,90,2,91,0,92,0,92,92,0,91,92,92,1,1,3,,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +39610,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39611,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39612,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39613,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39614,1,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39615,5,3,6,1,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,163,13,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39616,5,1,10,2,,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39617,5,3,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39618,2,4,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39619,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39620,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39621,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39622,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39623,3,90,4,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39624,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39625,3,1,8,3,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39626,4,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39627,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39628,5,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39629,5,3,6,1,0,1,1,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39630,5,1,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39631,5,3,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39632,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39633,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39634,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39635,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39636,3,3,8,2,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39637,3,3,8,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39638,4,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39639,4,3,10,2,0,1,4,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39640,3,3,8,3,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39641,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39642,4,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39643,3,3,8,2,91,2,4,1,,1,0,,92,92,0,92,92,92,,1,0,0,,,,3,1,1,0,0,0,0,1,2,92,0,0,92,92,92,92,92,1,2,3,1,1,1,0,1,0,1,,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,18,1,1,1,2,1,,5,1,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,0,1,1,1,1,1,1 +39644,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39645,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39646,5,2,6,1,0,1,3,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,92,92,92,92,210,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39647,3,90,5,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,123,10,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39648,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39649,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39650,5,1,90,2,1,1,2,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39651,4,3,8,2,91,2,,,92,92,0,91,92,92,1,2,2,1,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,13,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39652,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39653,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39654,5,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39655,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39656,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39657,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,13,1,1,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39658,3,2,5,2,91,1,4,0,92,92,,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,0,92,0,1,1,0,0,0,0,1,3,3,1,1,1,1,1,1,1,,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,175,14,2,1,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +39659,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39660,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39661,5,3,90,2,0,1,3,0,92,92,,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,1,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39662,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39663,3,3,9,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39664,5,1,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39665,5,90,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39666,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39667,5,3,11,2,0,0,92,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39668,5,1,9,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,10,0,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39669,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39670,5,2,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39671,5,1,12,2,,1,2,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39672,3,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39673,5,3,90,2,91,0,92,0,92,92,0,91,92,92,1,2,3,,,0,0,0,4,,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,28,2,2,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39674,5,3,9,2,91,1,4,1,3,3,0,91,92,92,0,92,92,92,,0,0,0,2,2,3,7,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,1,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,1,1 +39675,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39676,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39677,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39678,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39679,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39680,3,3,8,2,91,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39681,5,2,12,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39682,3,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39683,4,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39684,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,11,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39685,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39686,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,7,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39687,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39688,3,1,8,2,0,0,92,0,92,92,1,1,,,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39689,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39690,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39691,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39692,3,2,11,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39693,3,3,8,2,91,0,92,1,1,1,1,1,,,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,42,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39694,5,1,90,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,29,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39695,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39696,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,123,10,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39697,1,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39698,5,2,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39699,4,3,1,2,0,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,,,3,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39700,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,3,1,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,12,1,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39701,5,3,7,1,1,2,2,1,1,1,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,184,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39702,3,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39703,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39704,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39705,3,2,4,2,91,2,2,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39706,5,2,8,3,91,,92,0,92,92,0,,92,92,1,1,2,1,,0,0,0,4,4,6,14,2,1,1,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,2,1,0,5,1,1,1,0,0,0,1,0,0,1,0,0,1,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +39707,5,2,,,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39708,5,2,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39709,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39710,3,1,6,1,91,,92,0,92,92,0,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,70,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39711,3,1,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39712,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39713,5,3,3,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39714,3,1,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,22,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39715,5,3,90,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39716,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39717,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39718,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39719,5,3,6,1,91,0,92,0,92,92,0,91,92,92,1,3,,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,28,2,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39720,5,3,90,2,91,0,92,0,92,92,1,1,1,2,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,62,5,2,1,2,1,0,5,1,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +39721,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39722,5,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,1,99,8,2,2,1,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39723,3,3,8,3,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,36,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39724,1,1,8,2,91,2,,,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39725,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39726,3,3,1,3,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39727,5,2,6,1,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,47,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39728,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39729,1,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39730,3,3,1,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,110,9,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39731,1,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39732,3,3,10,2,1,1,1,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39733,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39734,3,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39735,3,3,8,3,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39736,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39737,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39738,5,2,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39739,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39740,5,1,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,1,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39741,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39742,3,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39743,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,2,0,1,1,1,,1,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +39744,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39745,5,3,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39746,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +39747,5,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,1,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,1,0,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39748,3,2,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,5,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39749,3,3,2,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39750,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39751,5,3,11,2,0,1,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,214,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39752,5,3,8,2,0,2,,0,92,92,1,1,,2,1,1,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39753,5,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39754,4,3,4,2,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39755,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39756,5,1,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39757,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39758,5,2,12,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39759,5,3,8,2,,,92,0,92,92,1,,92,92,0,92,92,92,0,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39760,5,3,7,1,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39761,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39762,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39763,2,1,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39764,3,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,35,2,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39765,5,3,12,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,69,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39766,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,28,2,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39767,1,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39768,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39769,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39770,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39771,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39772,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39773,5,2,,,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39774,4,2,1,2,1,1,,0,92,92,,,92,92,,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,1,0,0,1,1,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +39775,5,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39776,4,3,7,1,0,0,92,0,92,92,1,0,92,92,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39777,5,3,8,2,0,0,92,0,92,92,0,1,,2,1,2,,,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,36,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39778,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39779,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39780,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39781,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39782,5,3,7,1,91,0,92,0,92,92,1,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39783,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39784,5,3,10,2,0,,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39785,5,1,90,2,1,1,2,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39786,3,3,4,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,158,13,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39787,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39788,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39789,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39790,5,3,90,2,1,1,4,0,92,92,0,1,1,,1,3,2,1,0,0,0,0,4,4,6,14,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,154,12,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +39791,3,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39792,3,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39793,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39794,4,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39795,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39796,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39797,3,3,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,7,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39798,3,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39799,5,4,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39800,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,69,5,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39801,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39802,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39803,5,1,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,,1,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39804,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39805,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,2,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39806,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39807,4,3,8,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39808,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39809,5,1,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39810,3,2,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,81,6,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39811,5,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39812,5,2,90,2,1,1,3,,92,92,0,1,2,2,1,1,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,92,92,92,92,96,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39813,3,3,10,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39814,3,3,8,2,0,0,92,0,92,92,0,1,1,2,1,2,3,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,77,6,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39815,3,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39816,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39817,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,27,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39818,5,2,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39819,4,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39820,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39821,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39822,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39823,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39824,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39825,5,3,8,2,1,1,,0,92,92,0,1,2,2,1,3,3,1,1,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,166,13,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39826,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39827,5,1,4,2,1,1,,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,1,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39828,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39829,5,3,8,2,,,92,,92,92,,,92,92,,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,0,92,0,1,1,1,0,0,0,1,1,,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,92,92,92,92,41,3,2,2,2,,0,2,1,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,1,1,1 +39830,5,3,,,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39831,4,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39832,5,3,,,1,,92,,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,185,15,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39833,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39834,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39835,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39836,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,188,15,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39837,3,2,8,2,91,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,41,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39838,5,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39839,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39840,5,1,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39841,4,1,9,2,,2,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39842,4,90,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39843,3,1,6,1,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39844,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39845,3,3,12,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,141,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39846,5,2,12,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39847,3,3,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39848,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39849,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39850,3,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39851,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39852,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39853,5,1,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39854,2,1,10,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,81,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39855,3,1,1,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,2,1,0,5,1,1,1,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +39856,5,2,3,2,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,3,,6,15,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39857,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39858,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39859,3,3,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39860,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39861,5,3,8,2,91,0,92,0,92,92,,91,92,92,1,1,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39862,3,3,90,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39863,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39864,1,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39865,3,3,4,2,,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39866,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39867,5,2,6,1,0,0,92,0,92,92,1,0,92,92,1,2,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,92,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39868,4,3,10,2,1,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39869,1,3,8,2,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39870,5,1,6,1,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39871,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39872,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39873,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39874,1,2,4,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39875,5,3,8,3,1,1,3,0,92,92,0,1,3,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,86,7,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39876,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39877,2,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39878,5,2,4,2,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39879,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39880,5,3,12,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39881,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39882,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39883,3,3,10,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,151,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39884,1,2,12,2,91,0,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39885,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39886,5,1,6,1,91,0,92,0,92,92,1,91,92,92,1,,,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,21,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39887,5,3,8,3,91,1,3,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39888,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,92,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39889,3,3,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39890,4,2,6,1,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,135,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39891,3,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39892,4,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,26,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39893,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39894,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39895,5,3,2,3,1,1,,0,92,92,0,0,92,92,1,1,2,1,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,1,1,0,0,0,0,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +39896,5,2,4,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39897,3,3,1,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,2,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39898,5,2,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39899,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,2,2,2,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +39900,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39901,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39902,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39903,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39904,3,3,4,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,163,13,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39905,3,3,90,2,91,0,92,0,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39906,2,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39907,5,1,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39908,5,2,8,2,,2,,0,92,92,,1,,,1,,2,,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,117,9,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +39909,5,3,90,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,2,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39910,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,170,14,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39911,5,2,8,2,0,0,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39912,2,1,8,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39913,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39914,3,3,12,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39915,5,2,4,2,,0,92,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39916,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39917,2,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39918,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39919,3,3,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39920,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39921,3,1,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,41,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39922,5,3,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39923,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39924,3,3,10,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39925,5,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39926,4,3,2,3,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,1,0,0,1,1,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,96,8,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39927,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,4,3,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,18,1,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39928,5,1,1,3,1,2,,0,92,92,,1,3,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,1,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +39929,4,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39930,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39931,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39932,3,3,12,2,0,0,92,0,92,92,0,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39933,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39934,5,3,8,2,91,2,1,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39935,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39936,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39937,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39938,4,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39939,3,3,12,2,0,0,92,0,92,92,0,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,129,10,2,2,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39940,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39941,3,90,11,2,0,1,,0,92,92,1,0,92,92,1,,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39942,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39943,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,2,4,5,11,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39944,4,3,2,3,1,1,3,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39945,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39946,1,3,90,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39947,5,2,8,3,1,1,2,1,,,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39948,5,3,1,2,1,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39949,5,3,1,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,58,4,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39950,3,3,7,1,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39951,5,3,1,3,0,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,52,4,2,2,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39952,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39953,5,3,90,2,91,0,92,0,92,92,1,1,3,2,1,3,,,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,,92,92,92,92,42,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39954,5,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39955,5,2,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39956,5,3,12,2,0,0,92,0,92,92,1,1,2,2,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39957,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39958,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39959,5,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39960,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39961,5,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39962,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39963,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39964,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +39965,3,3,11,2,1,1,,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,144,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39966,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39967,4,3,6,1,,0,92,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,65,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39968,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39969,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39970,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39971,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39972,3,3,6,1,0,0,92,0,92,92,1,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,2,1,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39973,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39974,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39975,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39976,5,2,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39977,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39978,3,1,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39979,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39980,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39981,3,3,4,2,0,0,92,0,92,92,1,0,92,92,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39982,3,3,10,2,0,1,2,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39983,3,3,6,1,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,23,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39984,5,90,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39985,4,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39986,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39987,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,1,90,0,6,1,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0, +39988,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39989,3,3,2,3,0,2,,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,91,7,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39990,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39991,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39992,4,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39993,3,3,2,2,0,0,92,0,92,92,,1,2,2,1,,,,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,55,4,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39994,2,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39995,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39996,5,3,5,2,1,0,92,0,92,92,1,1,1,,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,,1,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,92,92,92,92,95,7,2,1,2,2,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +39997,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39998,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +39999,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40000,5,1,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40001,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40002,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40003,1,3,9,2,0,0,92,,92,92,0,1,,,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40004,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40005,3,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40006,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40007,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40008,3,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40009,5,3,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40010,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40011,3,2,12,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40012,5,1,90,2,0,0,92,0,92,92,1,1,2,2,1,3,,,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,109,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40013,5,2,8,3,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40014,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40015,5,3,5,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40016,3,3,8,3,1,,92,0,92,92,0,1,,,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,2,,1,0,5,1,1,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40017,5,3,3,3,91,1,4,,92,92,0,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,1,,1,0,5,1,1,1,0,0,1,0,1,0,1,0,1,0,1,1,0,0,0,0,0,0,1,1,1,1,1,1 +40018,3,1,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40019,2,3,1,3,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40020,5,1,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40021,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,10,0,1,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40022,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40023,3,2,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40024,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40025,4,2,2,3,1,2,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,,92,92,92,92,133,11,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40026,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40027,4,3,1,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,122,10,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40028,3,3,8,3,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40029,4,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40030,3,2,1,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40031,2,3,10,2,1,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40032,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40033,3,2,1,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40034,4,3,5,2,1,2,2,0,92,92,1,1,2,2,1,3,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,150,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40035,2,1,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40036,1,3,7,1,,,92,,92,92,,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40037,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40038,3,3,1,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40039,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40040,3,1,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,78,6,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40041,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40042,5,3,10,2,0,1,,0,92,92,0,1,,2,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40043,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40044,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40045,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40046,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40047,5,1,10,2,0,0,92,0,92,92,,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,108,9,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40048,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40049,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40050,5,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40051,5,2,1,2,0,0,92,0,92,92,1,1,2,2,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40052,5,3,11,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,,,0,4,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40053,1,3,6,1,91,0,92,0,92,92,0,1,1,3,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40054,2,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40055,3,1,1,3,0,0,92,0,92,92,0,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,201,16,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40056,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,1,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40057,5,2,6,1,91,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40058,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40059,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40060,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40061,5,3,5,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,2,1,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40062,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40063,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40064,5,2,8,3,1,1,3,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40065,3,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40066,3,2,1,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40067,5,3,8,3,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,3,4,10,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,0,0,92,92,92,92,29,2,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +40068,3,3,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40069,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40070,5,2,10,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,94,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40071,5,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,7,0,1,1,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +40072,3,3,90,2,0,1,2,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40073,5,3,10,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40074,3,3,1,2,91,1,4,0,92,92,,91,92,92,,92,92,92,,0,0,0,3,4,4,11,1,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,148,12,2,2,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40075,3,3,10,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40076,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40077,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40078,2,1,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40079,3,1,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40080,5,2,4,2,0,0,92,0,92,92,0,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,166,13,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40081,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40082,3,3,5,2,0,0,92,0,92,92,1,1,2,3,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,129,10,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40083,1,3,8,2,0,0,92,0,92,92,0,1,1,3,1,3,4,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,67,5,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40084,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40085,3,3,90,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40086,5,2,10,2,0,1,4,0,92,92,0,1,2,4,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,1,0,0,0,92,92,92,92,194,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40087,5,2,8,3,0,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,32,2,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40088,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40089,4,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40090,5,3,10,2,0,1,2,0,92,92,,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,92,92,92,92,122,10,2,1,2,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +40091,3,3,10,2,0,0,92,0,92,92,1,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,125,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40092,5,2,6,1,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,16,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40093,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40094,5,3,2,3,1,1,,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40095,5,2,90,2,0,0,92,0,92,92,0,1,3,2,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,157,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40096,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40097,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40098,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40099,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40100,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40101,5,2,90,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40102,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40103,3,3,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40104,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40105,4,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40106,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,75,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40107,5,3,8,3,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +40108,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40109,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40110,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40111,1,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40112,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,,92,92,92,92,13,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40113,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,54,4,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40114,5,3,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40115,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40116,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40117,3,3,3,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40118,3,1,8,3,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40119,5,1,8,3,91,0,92,0,92,92,1,91,92,92,1,3,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40120,3,3,90,2,0,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40121,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40122,5,3,3,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40123,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,4,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40124,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40125,3,3,8,2,91,1,3,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40126,4,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40127,5,1,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,99,8,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40128,3,3,9,2,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,1,0,0,26,2,2,2,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40129,5,4,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40130,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40131,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40132,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40133,3,3,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40134,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40135,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40136,3,2,10,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,150,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40137,5,90,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40138,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40139,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,1,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40140,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40141,5,2,9,2,91,0,92,0,92,92,1,91,92,92,1,1,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40142,4,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,45,3,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40143,1,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40144,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40145,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40146,3,3,11,2,0,0,92,0,92,92,,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40147,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40148,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +40149,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40150,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40151,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40152,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40153,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40154,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40155,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40156,5,3,1,2,0,0,92,0,92,92,,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,169,14,2,1,,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40157,5,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40158,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +40159,4,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40160,4,3,8,3,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,93,7,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40161,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40162,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,30,2,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40163,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40164,5,4,10,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40165,5,2,8,2,91,0,92,0,92,92,0,91,92,92,1,2,3,,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,3,0,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40166,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40167,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40168,5,2,8,3,91,2,,0,92,92,0,91,92,92,1,,3,,,0,0,0,4,3,4,11,1,1,0,1,1,0,1,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,54,4,2,1,1,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,1,1,1,0,1 +40169,5,1,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40170,3,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40171,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40172,4,3,90,2,1,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40173,3,3,5,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40174,2,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40175,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40176,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40177,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,56,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40178,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40179,4,3,10,2,1,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40180,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40181,3,3,10,2,0,1,3,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,187,15,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40182,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40183,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40184,4,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40185,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40186,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40187,3,3,4,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40188,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40189,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40190,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40191,4,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40192,5,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,2,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40193,3,90,11,2,0,0,92,0,92,92,1,1,2,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,142,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40194,4,3,8,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40195,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,8,0,1,2,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40196,1,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40197,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40198,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40199,3,3,8,2,1,0,92,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40200,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40201,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40202,5,3,90,2,1,1,3,0,92,92,,1,,2,1,2,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40203,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40204,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40205,3,3,6,1,91,0,92,0,92,92,0,1,,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40206,5,2,5,2,0,1,3,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,78,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40207,5,2,10,2,1,2,1,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40208,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40209,5,3,90,2,0,,92,0,92,92,,1,1,2,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,81,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40210,5,2,6,1,91,1,3,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,16,1,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40211,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40212,5,3,8,2,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40213,4,3,11,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40214,3,3,12,2,0,1,2,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40215,5,1,8,2,91,0,92,0,92,92,0,91,92,92,1,,3,,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40216,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40217,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40218,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40219,3,3,9,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40220,3,3,11,2,0,2,1,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,194,16,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40221,3,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40222,4,2,2,3,0,,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,76,6,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40223,4,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40224,3,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40225,5,3,3,2,,1,3,0,92,92,,1,,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40226,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40227,3,3,4,2,,1,,1,1,,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,2,1,,5,1,1,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +40228,3,1,12,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40229,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40230,5,3,11,2,1,,92,,92,92,1,,92,92,,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40231,4,3,6,1,,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40232,5,3,5,2,,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,1,175,14,2,1,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,1,0,1,1 +40233,5,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40234,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40235,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40236,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40237,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40238,5,3,9,2,,0,92,0,92,92,,0,92,92,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40239,3,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40240,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40241,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40242,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40243,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40244,5,3,90,3,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40245,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40246,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40247,5,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,2,2,1,1,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40248,5,3,9,2,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,19,1,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40249,1,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40250,3,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40251,3,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40252,4,3,90,2,,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40253,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40254,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40255,3,3,8,2,0,0,92,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40256,5,2,90,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40257,5,3,10,3,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40258,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40259,1,3,1,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40260,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40261,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40262,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40263,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40264,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40265,5,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40266,5,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40267,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40268,5,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,10,0,1,1,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,0,0,0,0,1,1,0,0,1 +40269,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,43,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40270,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40271,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40272,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40273,5,1,5,2,91,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40274,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40275,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40276,3,3,10,2,0,1,2,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40277,3,3,6,1,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40278,5,1,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40279,5,90,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40280,4,3,6,1,,,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40281,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40282,5,3,,,91,,92,,92,92,0,91,92,92,1,2,,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,28,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40283,5,3,1,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40284,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40285,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +40286,5,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40287,4,2,6,1,91,0,92,0,92,92,1,0,92,92,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40288,5,1,10,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40289,5,3,8,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,28,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40290,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40291,5,2,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40292,5,2,4,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,17,1,1,1,2,1,1,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40293,5,1,10,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,1,0,4,1,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40294,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40295,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40296,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40297,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40298,5,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40299,5,1,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40300,5,3,5,2,1,1,3,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,1,1,0,92,0,1,0,1,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,1,0,5,1,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +40301,5,2,10,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40302,3,3,4,2,91,0,92,0,92,92,1,1,,,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,55,4,2,1,1,1,,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,1,1 +40303,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40304,5,3,11,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40305,5,3,11,2,0,0,92,1,2,,,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,2,,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40306,3,3,4,2,1,2,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40307,5,3,90,2,0,,92,0,92,92,1,1,1,2,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40308,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40309,3,3,8,2,0,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40310,5,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40311,5,3,2,3,,1,,0,92,92,0,,92,92,0,92,92,92,,1,0,0,1,1,4,6,1,1,0,0,1,0,1,2,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,2,1,0,5,1,1,1,0,0,0,0,0,0,1,0,1,1,1,1,0,0,0,0,0,0,1,1,1,1,1,1 +40312,3,3,8,2,0,0,92,0,92,92,1,1,1,,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,58,4,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40313,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40314,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40315,3,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40316,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40317,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40318,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40319,5,90,6,1,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40320,3,1,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40321,4,2,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40322,5,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40323,3,1,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,,92,92,92,92,30,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40324,5,3,90,2,,1,,,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,173,14,2,2,,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40325,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40326,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,10,0,1,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40327,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40328,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40329,3,3,7,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,179,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40330,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40331,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40332,1,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40333,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40334,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40335,5,90,7,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40336,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40337,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,1,0,0,18,1,1,1,,2,0,4,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40338,5,1,8,2,91,0,92,0,92,92,0,91,92,92,1,2,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40339,5,3,6,1,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40340,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40341,5,3,2,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,1,1,1,0,1,1,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +40342,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40343,5,3,2,,1,2,,,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,1,0,1,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +40344,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40345,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40346,5,1,6,1,0,,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,45,3,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40347,5,1,7,1,1,1,,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,113,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40348,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40349,5,1,7,1,0,0,92,0,92,92,1,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40350,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40351,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40352,5,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40353,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40354,1,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40355,3,3,3,3,0,0,92,0,92,92,0,1,2,2,1,3,3,1,,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,170,14,2,2,,1,0,2,1,1,1,0,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,1,1 +40356,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40357,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40358,3,3,10,2,0,0,92,0,92,92,0,1,1,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,174,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40359,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40360,3,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40361,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,37,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40362,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,81,6,2,1,2,2,1,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40363,5,3,8,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,,92,92,92,92,14,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40364,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40365,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40366,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40367,3,2,10,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40368,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40369,5,2,8,2,91,1,2,1,2,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40370,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40371,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40372,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40373,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40374,3,3,90,3,1,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,1,0,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,2,,2,,3,1,1,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +40375,3,1,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40376,3,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,9,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40377,5,3,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40378,5,2,6,1,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40379,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40380,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40381,5,2,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40382,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40383,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40384,5,3,8,3,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,25,2,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40385,5,2,90,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40386,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40387,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40388,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40389,5,3,4,2,0,,92,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,100,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40390,3,3,8,2,91,,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40391,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40392,3,3,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +40393,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,1,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40394,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,22,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +40395,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40396,3,2,90,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40397,5,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40398,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40399,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40400,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40401,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40402,5,2,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,1,2,1,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40403,5,3,2,3,91,2,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40404,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,8,0,1,1,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +40405,5,3,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40406,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40407,3,1,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40408,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,185,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40409,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40410,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40411,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,14,1,1,2,2,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +40412,5,3,2,3,,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40413,3,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40414,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40415,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40416,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40417,3,3,12,2,,,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40418,5,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40419,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40420,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40421,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40422,3,3,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40423,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40424,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40425,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40426,5,3,11,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40427,4,3,8,2,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,135,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40428,3,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40429,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40430,2,1,10,2,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40431,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,4,0,1,2,1,90,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40432,3,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40433,3,1,12,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40434,4,3,2,3,1,,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40435,1,90,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40436,1,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40437,5,1,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40438,5,90,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40439,4,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,202,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40440,5,3,8,2,0,,92,0,92,92,0,1,3,2,1,3,4,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,152,12,2,1,1,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40441,5,3,6,1,0,0,92,0,92,92,0,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,92,7,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40442,5,2,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40443,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40444,3,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40445,4,3,8,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40446,3,3,6,1,1,1,2,,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40447,2,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40448,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40449,3,3,10,2,0,0,92,0,92,92,1,1,3,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40450,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40451,3,3,10,2,1,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40452,5,3,5,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40453,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40454,3,90,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40455,5,3,8,2,91,0,92,1,2,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40456,3,3,10,2,1,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40457,3,3,8,2,1,2,,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40458,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,198,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40459,3,3,9,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40460,5,3,8,3,1,1,,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,69,5,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40461,3,2,8,2,0,0,92,1,2,3,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,88,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40462,3,2,11,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40463,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40464,5,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40465,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40466,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,139,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40467,5,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40468,5,3,2,3,1,1,,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,3,4,5,12,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,1,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,103,8,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40469,5,3,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,74,6,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40470,5,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40471,4,3,8,2,,0,92,0,92,92,1,0,92,92,1,2,,,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40472,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40473,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40474,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40475,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40476,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40477,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40478,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,2,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40479,5,3,1,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,0,0,92,0,1,0,1,0,0,0,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,1,0,0,0,0,,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,50,4,2,1,,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +40480,4,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,1,0,3,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40481,5,3,12,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,121,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40482,2,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40483,5,3,12,2,91,0,92,0,92,92,,0,92,92,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40484,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40485,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40486,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40487,3,1,1,3,1,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,2,,,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40488,5,2,6,1,,0,92,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,34,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40489,2,1,10,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,197,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40490,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40491,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40492,5,3,1,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40493,4,3,6,1,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40494,5,3,1,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,1,1,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,94,7,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40495,5,2,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40496,5,2,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,3,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40497,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40498,1,3,8,3,1,1,3,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,177,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40499,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40500,3,2,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40501,3,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40502,5,3,6,1,0,1,3,0,92,92,0,,92,92,1,3,2,1,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40503,1,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40504,2,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40505,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40506,5,1,90,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,62,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40507,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40508,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40509,5,3,11,2,0,0,92,0,92,92,1,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,90,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40510,3,3,10,2,1,,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40511,3,2,7,1,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40512,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40513,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,1,3,1,1,1,0,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +40514,5,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40515,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40516,3,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,206,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40517,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40518,5,1,12,2,,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40519,4,3,6,1,1,2,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40520,1,3,7,1,0,0,92,0,92,92,0,1,,2,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,81,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40521,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40522,3,3,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40523,5,3,7,1,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,70,5,2,1,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40524,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40525,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,56,4,2,1,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40526,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40527,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40528,5,2,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40529,5,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40530,5,4,8,2,91,2,2,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,31,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40531,5,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40532,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40533,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40534,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40535,4,3,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,38,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40536,5,3,90,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40537,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40538,1,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,151,12,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40539,5,1,10,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40540,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40541,4,3,10,2,1,1,,0,92,92,0,1,2,2,1,2,3,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,161,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40542,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40543,3,1,1,2,1,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40544,2,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40545,5,2,,,91,,92,,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,2,3,0,6,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40546,3,3,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40547,4,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,2,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40548,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,0,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40549,1,3,11,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40550,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40551,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40552,5,3,,,1,,92,,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,144,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40553,5,3,11,2,1,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,1,90,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40554,2,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40555,5,1,5,2,91,0,92,0,92,92,1,91,92,92,1,,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40556,3,2,9,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,125,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40557,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +40558,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40559,3,1,12,3,0,0,92,0,92,92,1,1,2,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40560,3,2,90,3,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40561,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40562,4,3,7,1,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,3,5,11,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,17,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40563,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,210,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40564,4,3,6,1,1,1,,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,122,10,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40565,5,3,8,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40566,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,,92,92,92,92,9,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40567,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40568,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40569,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40570,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40571,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40572,5,2,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40573,5,3,2,3,91,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40574,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40575,4,3,10,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,205,17,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40576,5,2,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40577,2,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40578,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40579,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40580,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40581,5,3,1,3,1,,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,2,2,2,0,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40582,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40583,3,3,11,2,0,0,92,0,92,92,1,1,2,2,1,1,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,0,1,0,1,0,92,92,92,92,165,13,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40584,3,3,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40585,5,2,9,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40586,2,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40587,2,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40588,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40589,5,2,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,81,6,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40590,3,3,8,2,91,0,92,0,92,92,0,0,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,57,4,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40591,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,107,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40592,5,3,11,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,187,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40593,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40594,5,3,12,2,1,1,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40595,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40596,3,90,4,2,91,1,,0,92,92,,91,92,92,1,,,,,0,0,0,1,2,4,7,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,164,13,2,1,,1,0,3,1,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,1,1 +40597,3,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40598,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40599,1,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40600,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40601,5,2,90,2,0,1,2,0,92,92,0,1,2,,0,92,92,92,1,,,,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40602,5,2,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,215,17,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40603,5,3,6,1,0,0,92,0,92,92,1,1,1,4,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40604,5,3,10,2,0,0,92,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40605,3,3,10,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40606,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40607,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40608,5,90,10,2,1,1,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40609,5,3,12,2,91,0,92,0,92,92,0,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40610,3,1,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40611,1,3,4,2,1,1,1,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,147,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40612,5,3,8,3,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40613,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40614,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40615,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40616,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40617,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40618,4,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40619,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40620,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,4,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40621,3,3,7,1,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40622,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40623,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40624,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40625,5,2,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40626,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40627,5,3,6,1,91,1,3,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40628,4,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40629,4,3,90,3,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40630,3,2,7,1,0,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40631,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40632,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,21,1,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40633,5,3,90,2,91,0,92,0,92,92,1,0,92,92,1,,2,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,50,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40634,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40635,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40636,4,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40637,5,3,10,2,1,1,2,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40638,2,1,10,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,147,12,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40639,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40640,3,3,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40641,2,4,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,26,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40642,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40643,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40644,3,2,90,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,151,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40645,5,1,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,76,6,2,2,,,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40646,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40647,3,1,12,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40648,5,3,90,2,0,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40649,5,1,8,3,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40650,2,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40651,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40652,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40653,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40654,5,2,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40655,5,1,8,2,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40656,5,1,3,3,,,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,3,4,11,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,92,92,92,92,89,7,2,1,2,2,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +40657,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40658,4,3,8,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40659,5,3,12,2,91,1,2,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,10,0,1,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +40660,3,3,2,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,168,14,2,1,,3,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0 +40661,5,3,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40662,5,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40663,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40664,5,3,10,2,,2,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40665,5,3,1,2,1,0,92,0,92,92,,0,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40666,5,2,11,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40667,3,3,10,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40668,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40669,4,3,8,2,91,,92,1,1,2,,91,92,92,0,92,92,92,,,,,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,35,2,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40670,5,2,6,1,1,2,2,0,92,92,0,1,2,2,1,2,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,78,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40671,5,1,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40672,3,3,8,2,,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40673,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40674,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40675,5,3,1,2,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40676,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40677,3,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40678,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40679,5,3,6,1,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40680,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40681,3,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40682,2,3,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40683,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40684,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40685,5,1,6,1,0,1,1,1,1,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,211,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40686,1,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40687,4,3,8,3,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40688,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,1,1,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40689,4,3,1,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40690,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40691,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40692,3,3,2,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40693,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,1,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40694,3,3,5,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40695,5,3,6,1,1,0,92,0,92,92,0,1,2,2,0,92,92,92,1,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40696,5,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40697,5,1,4,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40698,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40699,1,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40700,5,3,6,1,91,0,92,0,92,92,1,1,1,1,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40701,3,2,4,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,138,11,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40702,4,3,10,2,0,0,92,0,92,92,0,1,3,3,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,199,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40703,1,3,6,1,0,0,92,0,92,92,1,1,1,2,,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40704,2,3,2,3,,1,3,0,92,92,0,1,,2,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40705,3,2,8,3,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40706,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40707,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40708,5,2,10,2,1,1,,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40709,4,3,8,3,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,1,,2,0,5,1,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +40710,5,3,90,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,79,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40711,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40712,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,106,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40713,3,1,8,3,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,167,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40714,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40715,4,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40716,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40717,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40718,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40719,3,3,4,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40720,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40721,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40722,5,3,90,2,1,1,,,92,92,,1,2,2,0,92,92,92,1,0,0,0,3,4,6,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,2,2,,0,3,1,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +40723,3,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,0,0,0,1,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40724,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40725,5,1,90,2,0,2,1,0,92,92,1,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,214,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40726,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40727,5,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,2,1,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40728,3,3,8,3,0,0,92,0,92,92,,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40729,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40730,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40731,3,90,12,2,91,,92,,92,92,,,92,92,,92,92,92,,,,,4,5,6,15,2,,92,92,92,92,92,,92,,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40732,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40733,4,2,10,2,0,0,92,0,92,92,1,1,2,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40734,1,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40735,1,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40736,4,3,9,2,0,0,92,0,92,92,1,1,,,1,3,4,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,65,5,2,1,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40737,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40738,5,2,5,2,,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,1,,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40739,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40740,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40741,5,3,2,3,0,1,2,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40742,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40743,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40744,4,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40745,5,2,90,2,0,,92,0,92,92,0,1,2,2,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,89,7,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40746,3,3,12,3,1,1,3,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40747,2,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,92,92,92,92,11,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40748,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40749,5,2,2,3,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40750,4,2,2,3,1,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40751,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40752,5,3,2,3,1,1,,0,92,92,0,,92,92,0,92,92,92,,0,0,0,2,3,5,10,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,2,2,3,,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +40753,5,1,6,1,1,,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,192,16,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40754,4,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40755,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,46,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40756,3,1,3,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40757,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40758,3,2,8,3,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40759,3,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40760,5,3,8,2,91,1,,0,92,92,0,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,24,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40761,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40762,5,3,1,3,1,,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40763,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40764,3,1,1,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,215,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40765,5,3,10,2,1,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40766,4,3,1,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,2,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40767,2,3,7,1,91,0,92,0,92,92,0,1,3,4,1,3,4,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,42,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40768,5,1,10,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40769,5,1,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40770,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40771,5,3,2,3,91,1,3,,92,92,,91,92,92,0,92,92,92,,0,0,0,2,3,4,9,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,1,1,1 +40772,5,2,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40773,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40774,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40775,5,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40776,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40777,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40778,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40779,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40780,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40781,3,2,6,1,0,0,92,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,92,92,92,92,89,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40782,1,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40783,4,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40784,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40785,3,1,12,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,1,,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40786,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40787,5,3,8,2,0,0,92,0,92,92,0,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40788,5,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40789,3,3,10,2,0,1,1,0,92,92,1,1,3,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40790,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40791,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,142,11,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40792,5,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40793,3,3,12,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40794,5,3,1,3,91,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,57,4,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40795,5,1,6,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,17,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40796,4,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40797,1,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40798,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,,4,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40799,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40800,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40801,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40802,3,3,2,3,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40803,3,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,4,5,11,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40804,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40805,5,3,7,1,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40806,5,3,8,3,0,1,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,65,5,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40807,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40808,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40809,5,2,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40810,5,3,4,2,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40811,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,32,2,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +40812,5,3,3,3,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,1,0,0,1,0,0,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,50,4,2,1,,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40813,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40814,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40815,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40816,3,3,8,2,0,1,2,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,31,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40817,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40818,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40819,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40820,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40821,5,2,6,1,91,0,92,0,92,92,1,0,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40822,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40823,2,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40824,5,3,1,3,91,2,,,92,92,,91,92,92,0,92,92,92,,0,0,0,3,3,5,11,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,61,5,2,2,,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1,1,0,1 +40825,5,3,,,1,2,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,102,8,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40826,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40827,5,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40828,5,1,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40829,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40830,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40831,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40832,5,2,10,2,0,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40833,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40834,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40835,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40836,5,2,10,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40837,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,10,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40838,5,3,1,2,0,1,,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40839,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,1,2,4,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40840,5,3,1,2,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,2,2,6,10,1,1,0,1,0,0,0,0,92,0,1,1,0,0,0,0,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40841,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40842,5,3,90,3,1,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40843,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40844,3,3,10,2,0,0,92,0,92,92,1,1,2,2,1,2,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40845,4,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +40846,3,3,12,3,0,0,92,0,92,92,,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40847,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40848,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40849,5,3,1,2,1,1,,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40850,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40851,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40852,1,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40853,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40854,3,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40855,3,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40856,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40857,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,0,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40858,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40859,5,2,4,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40860,4,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40861,3,3,90,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,68,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40862,5,90,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40863,5,3,1,3,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,160,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +40864,5,2,8,3,0,1,1,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,5,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40865,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40866,5,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40867,3,3,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40868,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40869,5,3,10,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40870,5,3,9,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40871,3,1,90,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,28,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40872,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,6,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40873,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40874,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40875,3,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40876,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40877,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40878,3,3,9,2,1,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40879,5,1,1,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,204,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40880,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40881,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40882,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40883,5,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40884,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +40885,5,3,10,2,1,1,4,1,1,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,102,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40886,5,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,92,92,92,92,48,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40887,3,3,8,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40888,1,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40889,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40890,4,2,12,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,125,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40891,1,3,12,2,0,0,92,0,92,92,0,1,1,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,82,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40892,3,3,11,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40893,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40894,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40895,5,2,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40896,4,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40897,3,3,2,3,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,68,5,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40898,5,2,90,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40899,5,3,2,3,0,,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40900,5,3,12,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40901,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40902,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40903,5,3,90,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,2,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40904,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40905,5,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40906,4,3,4,2,1,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40907,5,2,8,2,1,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40908,5,3,9,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40909,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40910,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40911,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40912,3,90,12,3,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40913,5,3,3,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40914,5,1,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40915,5,2,4,2,91,0,92,0,92,92,1,,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40916,4,3,12,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40917,5,90,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40918,5,2,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40919,5,4,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40920,5,2,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40921,4,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40922,3,1,6,1,1,2,1,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40923,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40924,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40925,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40926,5,2,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40927,5,3,9,2,0,1,2,1,1,1,0,0,92,92,1,1,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,71,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40928,3,1,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40929,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40930,5,1,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40931,5,3,1,2,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,2,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40932,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,154,12,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40933,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40934,5,2,10,2,1,1,3,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40935,5,3,11,2,0,2,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40936,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40937,3,3,4,2,1,1,3,0,92,92,1,1,2,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,175,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40938,5,1,12,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40939,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40940,5,3,1,3,91,1,4,1,2,,0,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,1,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,1,0,5,1,1,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,1,0,1 +40941,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40942,5,3,6,1,91,2,,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,2,4,5,11,1,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,31,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40943,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40944,5,3,11,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,2,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40945,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40946,4,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40947,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40948,5,2,4,2,1,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,119,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40949,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40950,3,2,4,2,0,,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40951,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40952,5,3,8,2,,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40953,4,3,90,2,,1,,1,1,,,,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,188,15,2,1,,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40954,5,3,2,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,31,2,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40955,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40956,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40957,1,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,191,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40958,5,2,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,27,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40959,3,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40960,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,2,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +40961,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40962,3,3,1,3,1,1,3,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40963,5,3,10,2,0,1,2,0,92,92,0,1,2,,1,2,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,104,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40964,3,3,8,2,91,0,92,0,92,92,1,0,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40965,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,1,0,0,0,23,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40966,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40967,5,3,8,3,91,1,2,0,92,92,,91,92,92,1,1,2,1,,0,0,0,2,2,5,9,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40968,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40969,1,3,6,1,91,0,92,0,92,92,1,1,2,2,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40970,3,3,6,1,91,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40971,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40972,3,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40973,3,3,3,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,2,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +40974,3,3,9,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,18,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40975,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40976,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,146,12,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40977,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40978,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40979,3,2,10,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40980,5,3,11,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40981,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40982,3,3,8,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40983,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,143,11,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40984,5,2,8,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40985,3,1,7,1,,0,92,0,92,92,1,,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,12,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40986,3,2,6,1,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40987,5,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40988,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40989,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40990,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40991,5,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,40,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40992,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40993,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40994,2,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40995,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40996,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +40997,5,3,6,1,0,1,2,,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,4,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,32,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40998,5,3,2,3,0,,92,0,92,92,,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,139,11,2,2,1,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +40999,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41000,1,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41001,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41002,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41003,3,3,7,1,0,0,92,0,92,92,1,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,107,8,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41004,2,1,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41005,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41006,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41007,5,1,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,5,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41008,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41009,3,3,8,2,0,0,92,0,92,92,0,0,92,92,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,50,4,2,1,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +41010,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41011,5,3,1,2,0,1,,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41012,3,2,8,3,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,7,0,1,1,2,2,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41013,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41014,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41015,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,56,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41016,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41017,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41018,5,2,7,1,91,0,92,0,92,92,,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41019,5,3,3,3,,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,3,4,5,12,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,1,2,1,0,5,1,1,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,1 +41020,5,2,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41021,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41022,5,3,2,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41023,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41024,3,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41025,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41026,3,3,9,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41027,5,2,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41028,1,3,6,1,1,2,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,117,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41029,1,3,4,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41030,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,2,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41031,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,3,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41032,5,2,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41033,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41034,4,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41035,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41036,5,3,8,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41037,1,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,1,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41038,3,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,119,9,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41039,5,3,2,3,0,1,4,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41040,3,3,9,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41041,5,2,90,2,,1,2,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,84,7,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41042,4,2,,,91,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41043,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41044,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41045,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41046,3,3,11,2,91,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41047,3,3,1,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41048,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41049,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,4,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41050,3,1,4,2,1,1,,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41051,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41052,3,2,8,3,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41053,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41054,5,3,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41055,3,2,10,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41056,5,3,3,3,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,,1,0,5,1,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +41057,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41058,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,105,8,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41059,3,3,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41060,5,3,7,1,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41061,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,4,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41062,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41063,3,3,1,2,0,0,92,0,92,92,1,0,92,92,1,,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41064,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41065,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,12,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41066,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41067,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41068,5,3,8,2,0,0,92,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41069,5,90,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41070,5,3,90,2,1,0,92,0,92,92,,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +41071,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41072,5,1,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41073,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41074,3,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,5,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41075,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41076,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41077,4,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41078,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41079,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41080,5,1,5,2,1,1,,,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41081,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41082,4,2,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41083,5,3,10,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41084,3,2,9,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41085,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41086,4,3,7,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41087,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41088,3,3,90,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41089,5,3,2,3,1,1,,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41090,3,90,1,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41091,3,1,90,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41092,3,2,6,1,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41093,5,3,5,2,1,2,,0,92,92,0,0,92,92,1,1,,,1,0,0,1,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,175,14,2,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41094,3,3,2,3,0,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,1,1,1,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,1,2,2,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41095,3,3,6,1,0,0,92,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,148,12,2,1,2,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41096,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41097,3,3,,,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41098,5,3,1,2,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,90,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41099,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41100,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41101,3,1,6,1,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41102,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41103,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41104,5,2,5,2,0,0,92,,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41105,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41106,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41107,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41108,5,3,1,3,91,2,,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,1,,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +41109,5,3,90,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41110,5,3,10,2,0,0,92,0,92,92,0,1,2,,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,157,13,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41111,5,1,10,3,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41112,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41113,4,3,90,2,0,0,92,0,92,92,1,,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41114,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41115,5,1,2,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,2,2,2,0,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41116,1,1,11,3,0,1,3,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,167,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41117,1,3,8,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41118,3,1,8,2,91,2,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41119,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41120,5,3,90,2,91,2,,,92,92,,,92,92,1,3,,,,0,0,0,3,1,4,8,1,1,0,1,0,0,0,0,92,0,1,0,0,1,0,0,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,48,4,2,2,2,1,0,5,1,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,0,1 +41121,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41122,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41123,1,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41124,4,3,10,2,1,1,,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,2,1,0,1,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41125,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41126,5,1,10,2,1,2,,0,92,92,0,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,166,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41127,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41128,5,2,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41129,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41130,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,13,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41131,3,3,11,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41132,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41133,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41134,5,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41135,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41136,3,3,7,1,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41137,5,3,6,1,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41138,5,3,10,2,1,2,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41139,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41140,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41141,5,2,10,2,,,92,0,92,92,0,1,3,,0,92,92,92,1,0,0,0,3,4,5,12,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41142,4,3,10,2,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,119,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41143,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41144,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41145,2,1,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41146,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41147,5,3,2,3,,,92,,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,145,12,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41148,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41149,5,3,1,3,1,1,,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41150,3,1,1,2,1,2,1,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,97,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41151,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41152,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,,92,92,92,92,10,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41153,5,3,4,2,1,1,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41154,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41155,1,3,9,2,91,0,92,0,92,92,0,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,6,0,1,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41156,5,1,,,1,1,,0,92,92,0,1,,2,0,92,92,92,1,0,0,0,3,4,6,13,1,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41157,5,2,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41158,5,3,2,3,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,147,12,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41159,2,1,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,1,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41160,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41161,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41162,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41163,5,1,7,1,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41164,5,3,11,2,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41165,3,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41166,5,3,6,1,0,0,92,0,92,92,1,1,1,3,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41167,3,90,8,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,57,4,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41168,5,3,7,1,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,41,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41169,5,2,6,1,0,0,92,0,92,92,1,0,92,92,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41170,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41171,1,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41172,5,1,8,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41173,3,3,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41174,5,2,10,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,91,7,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41175,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41176,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41177,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41178,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41179,5,1,6,1,91,0,92,0,92,92,0,1,3,2,1,2,2,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,60,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41180,5,3,6,1,1,1,1,0,92,92,0,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41181,5,3,90,2,0,2,1,0,92,92,0,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41182,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41183,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41184,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41185,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41186,3,3,8,3,91,2,4,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,0,25,2,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41187,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,1,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41188,5,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41189,5,2,90,2,,2,,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41190,5,1,4,2,1,,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,94,7,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41191,4,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41192,5,1,4,2,1,1,3,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,,2,1,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +41193,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41194,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41195,5,3,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,61,5,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41196,3,90,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41197,5,3,10,2,1,1,2,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41198,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41199,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41200,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,1,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +41201,3,1,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,161,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41202,5,3,3,3,91,,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,1,2,4,7,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,2,2,2,0,5,1,1,1,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,1,1 +41203,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41204,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41205,5,3,7,1,0,0,92,0,92,92,1,0,92,92,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41206,5,2,6,1,0,0,92,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41207,5,2,1,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41208,3,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,1,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41209,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41210,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41211,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41212,5,3,8,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41213,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41214,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,5,0,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +41215,5,3,6,1,1,2,1,0,92,92,1,1,,2,1,2,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,87,7,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41216,2,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41217,3,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41218,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41219,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41220,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41221,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41222,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41223,3,3,8,2,91,1,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41224,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41225,5,3,3,3,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41226,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41227,5,90,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,14,1,1,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41228,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41229,5,2,10,3,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41230,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41231,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,110,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41232,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41233,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41234,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,31,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41235,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41236,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41237,5,3,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41238,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41239,3,1,10,2,0,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41240,5,3,9,2,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,52,4,2,1,2,90,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41241,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41242,2,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41243,2,1,7,1,0,1,3,0,92,92,1,1,2,2,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,206,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41244,4,3,11,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41245,3,2,8,2,0,1,3,0,92,92,1,1,1,,1,3,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,1,0,0,41,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41246,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,1,0,1,2,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41247,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,1,1,3,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +41248,5,1,,,1,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,59,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41249,5,3,90,2,1,,92,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41250,5,3,9,2,0,0,92,0,92,92,1,1,1,2,1,1,2,2,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,47,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41251,3,3,8,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,76,6,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41252,5,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41253,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41254,5,2,6,1,,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41255,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41256,5,3,12,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,182,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41257,3,3,11,2,,1,,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,213,17,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41258,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41259,5,1,6,1,0,0,92,0,92,92,0,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41260,5,3,1,2,91,1,,1,1,1,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,36,3,2,1,2,1,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +41261,5,1,4,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41262,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41263,4,3,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41264,4,3,4,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,135,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41265,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41266,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41267,3,1,6,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41268,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,4,2,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41269,3,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41270,4,3,2,3,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41271,1,3,8,2,1,2,,,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,64,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41272,5,3,6,1,91,1,2,1,2,1,0,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,1,0,0,1,1,0,1,1,2,1,1,1,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,50,4,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41273,5,1,8,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41274,5,3,7,1,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,33,2,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41275,1,3,12,2,91,0,92,0,92,92,0,91,92,92,1,3,3,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,77,6,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41276,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,39,3,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41277,5,2,10,2,1,2,1,0,92,92,,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,142,11,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41278,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41279,5,3,4,2,0,0,92,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41280,5,3,3,3,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41281,5,1,8,2,91,,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41282,5,2,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41283,5,2,7,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41284,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41285,5,3,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,144,12,2,2,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41286,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41287,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41288,1,3,10,2,0,1,3,0,92,92,1,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,122,10,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41289,4,3,8,2,0,0,92,0,92,92,1,0,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41290,1,3,8,3,91,,92,0,92,92,,91,92,92,1,1,2,,,0,0,0,1,4,5,10,1,1,1,0,0,0,0,1,,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,58,4,2,1,2,1,0,5,1,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +41291,3,1,90,2,0,2,,0,92,92,0,0,92,92,1,,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41292,3,3,11,2,1,1,,1,1,2,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,92,92,92,92,179,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41293,1,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,149,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41294,3,2,8,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41295,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41296,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41297,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41298,3,1,10,2,0,0,92,0,92,92,1,1,3,3,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,192,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41299,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41300,3,1,8,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,96,8,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41301,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41302,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41303,3,3,1,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41304,5,2,4,2,0,1,3,1,2,2,0,1,3,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,1,1,0,0,0,0,0,92,92,1,0,0,0,0,0,1,1,0,0,0,1,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,92,92,92,92,172,14,2,1,,1,0,2,1,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,1,1 +41305,3,3,1,2,91,2,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,1,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41306,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41307,3,3,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41308,5,3,1,3,1,2,,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,1,0,2,92,0,0,92,92,92,92,92,1,3,3,1,1,1,1,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41309,3,2,6,1,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41310,3,1,9,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41311,2,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41312,5,3,8,3,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,1,0,0,33,2,2,1,2,1,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +41313,5,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41314,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41315,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41316,5,2,11,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,0,0,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41317,5,1,1,2,,1,,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,152,12,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41318,1,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,12,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41319,5,3,8,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41320,3,3,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41321,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41322,5,3,90,2,0,1,,0,92,92,1,0,92,92,1,2,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41323,4,90,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41324,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41325,3,3,10,2,1,2,,0,92,92,0,1,2,2,1,1,3,1,1,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,162,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41326,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41327,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41328,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41329,5,1,90,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41330,5,3,1,2,,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,94,7,2,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41331,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +41332,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41333,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41334,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41335,4,3,11,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,64,5,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41336,3,3,1,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41337,5,3,6,1,0,0,92,0,92,92,1,1,2,3,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,51,4,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41338,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41339,5,2,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41340,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41341,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41342,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41343,5,4,10,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41344,2,1,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41345,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41346,5,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41347,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41348,1,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41349,2,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41350,4,2,1,2,,,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,1,2,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41351,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41352,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41353,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41354,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,208,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41355,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41356,4,2,4,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41357,3,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41358,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41359,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41360,5,3,11,2,0,0,92,0,92,92,1,0,92,92,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41361,2,3,4,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41362,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41363,5,3,10,2,1,2,,0,92,92,0,1,2,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,175,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41364,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,121,10,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +41365,5,1,12,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,46,3,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41366,3,2,6,1,1,,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41367,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41368,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41369,3,2,8,3,91,1,3,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41370,3,1,12,2,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41371,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41372,5,3,8,2,91,0,92,0,92,92,1,1,1,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,43,3,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41373,5,90,8,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,,,,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41374,3,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41375,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,1,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41376,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41377,3,2,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41378,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41379,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,21,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41380,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,92,92,92,92,6,0,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41381,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41382,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41383,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41384,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41385,3,3,8,2,91,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,44,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41386,5,1,8,3,1,1,3,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,101,8,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41387,4,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41388,3,3,4,2,1,2,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,98,8,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41389,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41390,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41391,5,3,11,2,0,,92,,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41392,3,3,,,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41393,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41394,5,2,1,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41395,3,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,210,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41396,5,90,1,3,1,1,,0,92,92,,1,2,,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41397,5,2,11,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41398,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41399,4,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41400,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41401,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41402,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41403,3,1,4,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,99,8,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41404,4,3,10,2,91,1,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,3,4,9,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,1,2,1,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +41405,3,1,11,2,,1,,0,92,92,,1,2,,1,1,2,,,0,0,0,4,5,6,15,2,1,1,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,192,16,2,1,2,1,1,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41406,3,1,8,2,1,2,,0,92,92,0,0,92,92,1,1,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,57,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41407,5,1,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41408,3,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41409,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41410,5,1,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,1,0,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,26,2,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41411,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41412,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41413,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41414,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41415,4,3,9,2,,0,92,0,92,92,0,,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,14,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41416,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41417,1,3,11,2,0,2,,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41418,2,3,6,1,91,2,2,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41419,5,2,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41420,3,2,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41421,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41422,3,3,12,2,0,0,92,0,92,92,1,1,1,4,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,212,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41423,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41424,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41425,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41426,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41427,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41428,2,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41429,3,3,6,1,0,2,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41430,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41431,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,3,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41432,5,4,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41433,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41434,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41435,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41436,3,3,1,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41437,5,2,9,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41438,1,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41439,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41440,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41441,5,90,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41442,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41443,2,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41444,3,3,11,2,1,1,2,0,92,92,1,1,2,3,1,1,4,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,173,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41445,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41446,4,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41447,5,2,8,3,,1,4,0,92,92,0,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,44,3,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41448,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,176,14,2,1,,,1,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41449,5,1,12,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41450,5,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41451,1,3,10,2,0,0,92,0,92,92,0,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,91,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41452,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41453,5,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41454,5,1,6,1,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,2,2,4,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41455,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,179,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41456,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41457,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41458,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41459,5,2,10,2,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,116,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41460,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41461,3,3,4,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,111,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41462,4,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41463,5,2,2,2,91,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,42,3,2,1,2,1,0,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41464,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41465,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,92,92,92,92,4,0,1,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41466,5,2,8,2,1,2,2,0,92,92,0,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,55,4,2,2,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41467,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41468,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41469,5,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41470,3,3,11,2,,2,2,0,92,92,1,1,1,2,1,3,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,168,14,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41471,3,1,4,2,1,1,3,0,92,92,,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,1,90,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41472,3,3,6,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41473,5,3,11,2,0,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41474,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41475,5,3,1,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41476,3,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41477,4,3,90,2,0,0,92,0,92,92,1,0,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41478,3,3,5,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,174,14,2,1,,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41479,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41480,5,2,10,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41481,5,1,7,1,0,2,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41482,3,3,11,2,,,92,,92,92,0,1,,,1,3,2,1,,0,0,0,4,5,5,14,2,1,0,1,1,0,0,0,92,0,1,1,0,0,0,0,1,3,3,1,0,0,0,0,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,75,6,2,1,,2,0,5,1,1,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +41483,5,2,6,1,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41484,5,3,8,2,,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,110,9,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41485,5,1,8,2,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41486,2,1,10,2,0,0,92,0,92,92,0,1,2,2,1,1,2,2,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41487,3,3,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41488,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41489,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41490,1,3,8,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41491,5,3,6,1,1,2,,0,92,92,0,1,2,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,155,12,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41492,5,3,8,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41493,5,1,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41494,5,1,1,3,91,2,,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,63,5,2,2,1,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41495,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41496,5,3,9,2,,0,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41497,5,3,1,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,154,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41498,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41499,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41500,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41501,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41502,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41503,3,3,90,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41504,5,2,2,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,25,2,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41505,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41506,5,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41507,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,1,0,0,33,2,2,2,,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41508,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41509,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41510,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41511,3,3,10,2,1,1,1,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,193,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41512,5,3,,,1,1,,1,2,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,83,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41513,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41514,3,2,4,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,,,,,,,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41515,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41516,3,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41517,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41518,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41519,3,3,8,2,91,,92,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,35,2,2,2,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41520,5,3,10,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,155,12,2,2,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41521,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41522,5,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,140,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41523,3,2,90,2,,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,90,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41524,4,3,10,2,0,0,92,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,,92,92,92,92,95,7,2,2,1,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41525,3,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41526,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41527,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41528,3,2,8,2,0,0,92,0,92,92,0,1,,,1,3,2,1,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,42,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41529,4,3,6,1,0,0,92,0,92,92,0,1,1,2,,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,156,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41530,5,2,1,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,194,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41531,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41532,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41533,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41534,4,2,1,2,91,1,,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41535,1,3,6,1,0,,92,,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41536,5,3,6,1,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41537,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41538,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41539,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41540,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41541,5,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,11,0,1,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41542,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41543,5,3,9,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41544,3,4,6,1,1,2,,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41545,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,38,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41546,3,3,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,20,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41547,3,1,8,2,,1,3,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41548,4,2,1,2,0,0,92,0,92,92,1,0,92,92,1,2,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41549,4,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41550,3,3,8,2,,0,92,1,1,2,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41551,5,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41552,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,2,,,0,4,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +41553,1,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41554,1,3,8,3,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41555,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41556,4,2,9,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41557,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41558,4,3,11,2,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41559,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41560,3,3,8,3,91,,92,0,92,92,1,91,92,92,1,,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41561,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41562,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41563,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41564,4,3,8,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41565,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41566,5,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41567,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41568,2,1,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,19,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41569,3,3,5,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41570,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,1,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41571,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41572,5,2,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41573,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41574,5,3,11,2,,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,163,13,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41575,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41576,3,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41577,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41578,2,1,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41579,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41580,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41581,3,3,90,2,,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,18,1,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41582,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41583,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41584,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41585,3,3,4,2,1,1,,0,92,92,0,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,173,14,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41586,3,2,7,1,1,0,92,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41587,5,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41588,5,3,8,3,91,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41589,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41590,3,2,8,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,1,0,0,1,0,0,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,56,4,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41591,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,2,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41592,5,90,2,3,0,0,92,0,92,92,0,1,3,2,1,,,,1,0,0,0,4,5,6,15,2,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41593,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41594,3,1,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41595,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41596,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41597,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41598,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41599,5,3,90,2,,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41600,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41601,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41602,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41603,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41604,3,4,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41605,4,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41606,5,2,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41607,5,3,6,1,0,2,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41608,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41609,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41610,3,3,6,1,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41611,5,3,11,2,1,,92,0,92,92,0,1,3,,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,191,15,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41612,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41613,3,3,10,2,0,1,,1,2,1,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,198,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41614,5,1,5,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,29,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41615,3,3,6,1,0,,92,0,92,92,1,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,63,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41616,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41617,5,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41618,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41619,3,3,10,2,1,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,,1,1,6,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0, +41620,3,3,11,2,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41621,5,2,6,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41622,5,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,3,4,9,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +41623,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41624,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41625,4,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41626,5,3,7,1,0,0,92,0,92,92,1,0,92,92,1,2,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41627,3,2,5,2,1,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,140,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41628,4,3,1,2,,0,92,,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41629,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41630,3,1,10,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41631,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41632,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41633,5,3,1,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,,92,92,92,92,23,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41634,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41635,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41636,3,3,8,3,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41637,5,3,90,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41638,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41639,5,3,8,2,0,0,92,0,92,92,1,1,1,,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,101,8,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41640,5,2,6,1,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41641,3,1,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41642,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41643,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41644,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41645,5,3,2,,1,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,1,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41646,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41647,5,2,7,1,91,0,92,0,92,92,1,0,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41648,5,3,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,92,92,92,92,184,15,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41649,5,1,1,2,1,1,,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41650,3,4,8,2,0,1,2,1,2,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,92,92,92,92,29,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41651,5,3,10,2,1,1,3,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,204,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41652,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41653,1,3,8,3,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41654,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41655,3,1,90,2,1,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,3,5,5,13,1,1,0,1,0,0,0,0,92,0,1,0,0,0,0,1,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41656,5,2,5,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41657,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41658,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41659,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41660,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41661,5,3,6,1,0,0,92,0,92,92,1,1,2,2,1,1,4,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,60,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +41662,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41663,5,1,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41664,5,3,2,3,91,0,92,0,92,92,0,0,92,92,1,3,4,1,,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,50,4,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41665,3,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,101,8,2,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41666,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41667,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41668,5,1,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41669,3,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41670,3,3,8,3,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41671,5,3,9,2,91,2,2,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41672,5,3,4,2,1,1,,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41673,4,2,11,2,91,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,,0,92,92,92,92,92,1,3,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41674,3,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41675,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41676,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41677,3,3,8,2,0,0,92,0,92,92,0,0,92,92,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,94,7,2,1,2,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41678,3,3,9,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,55,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41679,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41680,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41681,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41682,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41683,5,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41684,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41685,5,3,90,2,0,1,2,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41686,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41687,5,90,8,2,91,0,92,0,92,92,0,91,92,92,1,3,,,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,14,1,1,1,2,1,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41688,2,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41689,5,3,8,2,,2,2,0,92,92,0,1,2,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,92,92,92,92,140,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41690,5,2,10,2,0,,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,146,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41691,3,3,6,1,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41692,5,3,7,1,1,0,92,0,92,92,1,1,1,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,117,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41693,4,2,4,2,1,,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,188,15,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41694,4,3,11,2,,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41695,3,3,90,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,70,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41696,5,1,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41697,3,3,6,1,91,0,92,1,1,2,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,30,2,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41698,3,3,6,1,1,1,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41699,5,2,7,1,0,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,126,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41700,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41701,3,3,8,2,1,1,2,0,92,92,,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,85,7,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41702,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41703,3,3,6,1,91,,92,0,92,92,,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,51,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41704,4,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41705,3,3,1,3,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41706,3,3,90,2,91,1,2,1,2,1,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,,92,92,92,92,25,2,2,2,2,1,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41707,3,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41708,3,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,121,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41709,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41710,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41711,5,2,8,2,,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41712,5,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,1,,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,1,,0,90,1,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0 +41713,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,154,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41714,3,2,4,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41715,3,1,4,2,1,1,2,0,92,92,0,1,2,2,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41716,3,3,7,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41717,3,3,6,1,0,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41718,4,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41719,4,2,6,1,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,103,8,2,2,,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41720,5,2,2,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41721,5,3,8,2,91,1,2,0,92,92,0,91,92,92,1,,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,15,1,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41722,5,3,4,2,1,,92,0,92,92,0,0,92,92,1,1,2,,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,128,10,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41723,5,1,90,2,,,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41724,5,2,8,2,91,1,2,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41725,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41726,5,1,3,3,0,1,,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41727,5,2,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41728,3,1,2,,0,1,2,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41729,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41730,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41731,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41732,3,3,10,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41733,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41734,5,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,56,4,2,1,,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41735,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41736,5,3,8,2,,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,158,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41737,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41738,5,1,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41739,5,3,6,1,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,2,2,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41740,4,3,2,3,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41741,5,1,8,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41742,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41743,4,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41744,3,3,8,2,91,0,92,0,92,92,0,0,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41745,2,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41746,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41747,3,3,,,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41748,4,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41749,3,3,6,1,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,52,4,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41750,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41751,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41752,3,3,2,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41753,1,3,10,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41754,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41755,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41756,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41757,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41758,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41759,5,1,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41760,3,3,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,196,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41761,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,92,92,92,92,37,3,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41762,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41763,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,56,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41764,5,3,8,2,0,0,92,0,92,92,1,0,92,92,1,3,1,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41765,3,3,2,,,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41766,5,1,7,1,0,0,92,0,92,92,0,1,,,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41767,3,2,11,2,1,2,,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,1,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41768,3,3,90,2,0,1,1,0,92,92,1,0,92,92,1,2,1,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41769,5,3,90,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,145,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41770,5,2,8,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41771,5,3,3,2,,0,92,0,92,92,,0,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,2,,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41772,3,3,90,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41773,2,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41774,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41775,3,3,12,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41776,5,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41777,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41778,3,3,8,2,0,1,3,0,92,92,0,1,,,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,63,5,2,2,1,90,1,3,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +41779,5,90,90,2,,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41780,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41781,4,3,1,2,1,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41782,4,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,104,8,2,2,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41783,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41784,1,3,8,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,47,3,2,2,,1,0,3,1,1,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +41785,3,2,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41786,3,3,3,3,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41787,4,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41788,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41789,5,3,8,2,91,0,92,0,92,92,0,1,1,3,1,3,3,1,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,33,2,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41790,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41791,3,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41792,5,2,12,2,0,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41793,5,2,1,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41794,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41795,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41796,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41797,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41798,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41799,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41800,5,3,9,2,,1,3,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41801,5,3,7,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41802,3,2,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41803,5,3,10,2,0,2,3,0,92,92,1,1,2,2,1,1,,,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,103,8,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,0,0 +41804,3,3,10,2,0,2,1,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,176,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41805,5,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41806,3,3,4,2,1,1,3,0,92,92,,1,,2,1,1,2,1,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,136,11,2,1,1,1,1,5,1,1,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1 +41807,5,3,10,2,1,2,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,133,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41808,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41809,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41810,3,3,9,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41811,4,3,8,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41812,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41813,5,90,10,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41814,3,1,6,1,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41815,5,3,8,2,0,0,92,0,92,92,0,0,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,,92,92,92,92,36,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41816,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41817,5,90,10,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41818,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41819,3,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41820,5,3,1,2,0,0,92,0,92,92,0,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,155,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41821,3,4,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41822,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,88,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41823,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41824,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41825,3,3,1,3,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41826,3,2,4,2,0,2,,0,92,92,1,0,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,127,10,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41827,5,3,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,2,0,5,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41828,5,3,12,2,91,0,92,0,92,92,,91,92,92,1,2,2,1,,0,0,0,2,5,6,13,1,1,0,1,0,0,1,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41829,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41830,3,3,2,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41831,5,3,1,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41832,4,2,7,1,0,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41833,5,3,2,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,34,2,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41834,5,1,90,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41835,3,3,11,2,0,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41836,3,3,1,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41837,5,3,6,1,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41838,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41839,5,4,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,0,92,92,92,92,174,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41840,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41841,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41842,5,3,2,3,91,1,,,92,92,0,91,92,92,,92,92,92,,0,0,0,1,1,4,6,1,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,2,3,1,1,0,1,1,0,0,1,1,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,2,,2,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,1 +41843,4,3,,,91,1,4,,92,92,,91,92,92,0,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,1,,,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,1,1 +41844,5,2,10,2,1,1,,0,92,92,1,1,,,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,101,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41845,4,3,1,2,,1,,0,92,92,,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41846,5,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41847,5,2,9,2,91,0,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41848,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41849,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41850,5,2,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41851,5,2,1,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,9,0,1,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41852,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41853,5,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41854,1,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41855,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41856,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41857,3,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,15,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41858,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41859,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41860,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41861,4,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41862,5,90,6,1,91,1,,0,92,92,,91,92,92,1,1,,,,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,22,1,1,2,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41863,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41864,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41865,5,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41866,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41867,5,3,8,2,91,0,92,0,92,92,1,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,27,2,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41868,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41869,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41870,3,90,12,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41871,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41872,4,3,6,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41873,5,1,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41874,4,90,8,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41875,5,2,8,2,1,,92,,92,92,0,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,96,8,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41876,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41877,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41878,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41879,3,2,12,2,0,0,92,0,92,92,1,0,92,92,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41880,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41881,4,2,7,1,0,2,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41882,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41883,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41884,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41885,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,11,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41886,5,3,10,2,,0,92,,92,92,0,1,,,,92,92,92,,,,,3,5,6,14,2,1,0,0,0,0,0,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,42,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41887,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41888,5,3,9,2,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,208,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41889,4,3,1,2,1,2,3,0,92,92,1,1,2,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,171,14,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41890,5,4,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41891,5,2,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41892,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41893,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41894,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41895,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41896,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41897,1,1,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41898,5,2,10,2,0,0,92,0,92,92,1,1,2,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,3,0,6,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41899,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41900,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41901,3,3,8,2,0,0,92,0,92,92,1,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,56,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41902,3,3,10,2,,0,92,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41903,5,1,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,52,4,2,1,,5,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41904,3,2,6,1,1,0,92,1,1,2,0,1,3,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,2,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41905,4,3,6,1,91,,92,0,92,92,1,91,92,92,1,3,,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,16,1,1,1,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41906,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41907,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41908,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41909,5,3,12,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41910,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41911,4,2,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,0,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41912,4,3,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41913,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41914,5,1,5,2,1,1,2,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41915,5,1,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41916,5,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41917,5,3,2,3,,2,,,92,92,,1,,,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,147,12,2,1,1,90,0,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +41918,3,3,10,2,0,0,92,0,92,92,0,0,92,92,1,2,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,99,8,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41919,5,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,61,5,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41920,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41921,3,3,90,2,1,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,157,13,2,1,2,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41922,2,3,11,2,0,2,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,135,11,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41923,5,2,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41924,5,1,9,2,91,0,92,0,92,92,0,91,92,92,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,18,1,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41925,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41926,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41927,4,3,12,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,83,6,2,2,,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41928,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41929,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41930,3,3,90,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41931,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41932,5,3,8,2,0,0,92,0,92,92,1,1,1,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,60,5,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41933,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,8,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41934,5,1,6,1,0,0,92,0,92,92,1,0,92,92,1,3,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41935,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41936,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41937,5,2,90,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41938,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41939,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41940,3,2,1,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,204,17,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41941,3,3,8,3,0,0,92,0,92,92,0,,92,92,1,1,3,,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,34,2,2,1,,1,1,1,1,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41942,3,3,8,2,91,1,2,1,2,1,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41943,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41944,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41945,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41946,3,3,11,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41947,5,3,3,3,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,155,12,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41948,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41949,4,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,118,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41950,4,3,90,2,1,1,,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41951,3,3,90,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41952,5,90,90,3,0,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,1,1,1,0,1,1,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41953,5,90,8,3,0,,92,,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41954,3,3,8,2,,0,92,0,92,92,0,1,2,2,1,3,2,1,1,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,57,4,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41955,5,2,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,70,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41956,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41957,3,2,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41958,3,3,12,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41959,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41960,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41961,3,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,4,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41962,3,3,8,2,0,0,92,0,92,92,1,1,1,2,1,3,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41963,5,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,141,11,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41964,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41965,5,3,1,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,55,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41966,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,3,,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41967,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41968,1,2,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41969,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41970,3,3,4,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41971,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41972,4,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,1,,0,2,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41973,3,3,8,2,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41974,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41975,1,2,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41976,5,1,9,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,103,8,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41977,3,3,6,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,15,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41978,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41979,4,3,8,3,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41980,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41981,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41982,3,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,170,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41983,4,3,2,3,1,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,3,5,12,1,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,1,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +41984,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41985,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41986,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41987,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,1,2,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +41988,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41989,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41990,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41991,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41992,3,2,90,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41993,4,3,10,2,1,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41994,5,2,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41995,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41996,5,3,6,1,1,1,2,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41997,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +41998,5,3,1,2,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,2,5,6,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,80,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +41999,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42000,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42001,3,2,6,1,91,1,2,0,92,92,0,0,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,18,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42002,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42003,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42004,5,3,6,1,0,0,92,0,92,92,0,91,92,92,1,3,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,65,5,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42005,5,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,82,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42006,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,204,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42007,1,1,11,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42008,1,3,11,2,,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,211,17,2,1,,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42009,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,207,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42010,1,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42011,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42012,3,2,8,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,83,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42013,3,3,90,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42014,5,3,8,2,1,,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,,92,92,92,92,204,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42015,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42016,5,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42017,3,2,8,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42018,4,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42019,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42020,5,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42021,5,1,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,152,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42022,5,3,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42023,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42024,4,3,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42025,4,2,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42026,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42027,2,90,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42028,5,3,90,2,,0,92,0,92,92,1,,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,73,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42029,5,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42030,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42031,3,3,90,2,1,1,,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,199,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42032,5,3,90,2,,0,92,0,92,92,,1,3,2,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,201,16,2,1,,1,0,3,1,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1 +42033,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42034,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42035,3,3,4,2,1,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42036,5,3,1,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,178,14,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42037,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42038,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42039,5,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,117,9,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42040,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42041,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42042,5,2,8,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42043,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42044,5,2,8,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,136,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42045,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42046,5,3,9,2,,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42047,3,3,7,1,0,0,92,0,92,92,1,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,23,1,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42048,4,3,10,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,60,5,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42049,5,1,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42050,5,3,1,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42051,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42052,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42053,1,2,90,2,91,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42054,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,160,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42055,5,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42056,4,3,8,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,1,,0,3,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +42057,4,3,90,2,0,,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,44,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42058,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42059,5,3,6,1,0,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42060,5,3,1,3,91,,92,,92,92,,91,92,92,,92,92,92,,0,0,0,3,4,6,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42061,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42062,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42063,5,3,10,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,171,14,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42064,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42065,5,1,5,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,,92,92,92,92,120,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42066,3,3,3,3,1,1,3,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,1,1,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42067,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42068,1,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42069,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42070,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42071,3,3,4,2,0,0,92,0,92,92,1,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42072,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42073,3,3,1,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,2,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42074,1,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42075,5,2,6,1,0,0,92,0,92,92,0,1,2,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,52,4,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42076,5,3,8,2,0,1,3,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,45,3,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42077,5,3,9,2,91,0,92,0,92,92,1,0,92,92,1,2,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42078,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42079,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42080,5,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42081,5,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,2,4,9,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,124,10,2,1,2,1,1,2,1,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +42082,3,3,90,2,91,0,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,1,5,10,1,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,6,0,1,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +42083,4,3,11,2,0,1,2,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,205,17,2,1,,2,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42084,5,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42085,4,3,2,3,,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,2,4,7,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,155,12,2,1,,2,,5,1,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,1,0,1 +42086,5,2,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42087,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,184,15,2,1,,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42088,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42089,1,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42090,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42091,3,2,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42092,4,2,8,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,,0,0,0,3,4,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,92,92,92,92,48,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42093,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42094,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42095,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42096,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42097,5,1,90,2,0,,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,112,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42098,5,3,8,3,,1,,0,92,92,0,1,2,3,,92,92,92,1,0,0,0,4,4,6,14,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,197,16,2,1,,,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42099,5,3,10,2,1,0,92,0,92,92,0,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,92,92,92,92,183,15,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42100,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42101,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42102,5,1,2,3,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,158,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42103,5,3,1,2,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,208,17,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42104,5,2,6,1,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,62,5,2,2,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42105,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42106,3,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42107,3,3,4,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,154,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42108,5,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42109,3,3,5,2,0,0,92,0,92,92,1,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,89,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42110,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42111,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42112,5,3,90,2,91,1,,,92,92,,91,92,92,1,,,,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,2,92,0,,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,,92,92,92,92,23,1,1,2,2,2,0,8,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,0,0,0,1 +42113,4,3,10,2,,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,88,7,2,1,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42114,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42115,3,3,90,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,173,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42116,3,1,7,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42117,1,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42118,5,2,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42119,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42120,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42121,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,164,13,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42122,5,3,11,2,,,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,3,4,4,11,1,1,0,1,1,0,0,1,1,0,1,1,1,0,0,0,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,210,17,2,1,1,90,0,2,1,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,1 +42123,5,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42124,4,3,8,3,0,2,,1,2,,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42125,5,2,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42126,5,3,2,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42127,3,2,8,2,1,1,,0,92,92,0,,92,92,1,2,2,1,1,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,92,92,92,92,66,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42128,5,3,10,2,1,2,2,,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42129,5,3,5,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42130,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42131,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42132,3,3,4,2,0,0,92,0,92,92,0,0,92,92,1,1,2,3,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,80,6,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +42133,5,3,10,2,1,,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42134,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42135,2,3,8,2,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42136,5,2,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,6,0,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42137,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42138,4,3,1,3,,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,0,2,1,1,1,0,0,1,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1,0,1,1 +42139,4,2,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42140,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,41,3,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42141,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,71,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42142,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42143,3,3,12,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42144,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42145,3,2,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,204,17,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42146,3,3,7,1,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42147,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42148,5,1,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42149,5,1,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42150,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42151,3,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,137,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42152,5,3,90,2,91,1,,0,92,92,0,91,92,92,0,92,92,92,,1,0,1,1,1,5,7,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,1,0,,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,1,147,12,2,2,,1,0,5,1,1,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,1,0,1 +42153,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42154,5,2,90,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,11,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42155,5,3,5,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42156,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42157,3,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42158,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42159,3,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,54,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42160,5,2,1,2,,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42161,3,3,8,2,0,,92,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42162,3,3,5,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,209,17,2,1,2,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42163,5,1,6,1,,,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42164,3,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,1,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42165,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42166,3,3,10,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42167,4,2,6,1,91,1,3,1,1,2,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,22,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42168,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42169,3,3,1,2,,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42170,3,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42171,5,3,8,3,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42172,5,3,8,2,,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42173,3,1,1,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42174,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42175,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42176,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,14,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42177,3,3,9,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42178,4,3,90,2,91,1,4,0,92,92,0,91,92,92,1,1,2,1,,0,0,1,4,4,5,13,1,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,116,9,2,2,2,1,0,5,1,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +42179,5,3,,,,,92,,92,92,0,,92,92,1,,,1,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42180,3,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,1,0,1,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42181,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42182,5,3,6,1,91,1,3,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,32,2,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42183,1,3,8,2,91,0,92,0,92,92,0,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,92,92,92,92,27,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42184,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,9,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42185,4,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,188,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42186,5,2,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42187,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,206,17,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42188,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42189,3,2,4,2,0,0,92,0,92,92,0,1,3,2,1,3,2,,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,112,9,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42190,3,3,12,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,75,6,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42191,4,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42192,3,4,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42193,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42194,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,12,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42195,5,1,1,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +42196,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42197,5,2,90,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42198,3,1,12,2,1,1,2,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,176,14,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +42199,5,3,12,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42200,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42201,5,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,14,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42202,5,1,7,1,0,2,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42203,3,3,90,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42204,5,1,90,2,0,1,2,1,,1,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,170,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42205,3,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,1,2,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42206,3,1,6,1,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42207,5,1,8,3,91,0,92,1,1,1,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,15,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42208,5,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,1,1,0,0,1,0,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42209,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42210,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,1,0,0,92,92,92,92,92,1,2,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +42211,3,90,2,3,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,128,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42212,5,3,2,3,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,46,3,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42213,5,2,10,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42214,5,1,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42215,5,3,1,2,,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42216,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,2,92,0,0,92,92,92,92,92,1,,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,21,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42217,3,2,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42218,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,4,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42219,4,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42220,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42221,5,2,90,2,0,0,92,0,92,92,,1,1,2,1,3,,,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,136,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42222,3,1,8,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,2,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42223,5,3,4,2,,1,,0,92,92,0,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,2,92,0,1,0,0,0,1,0,1,2,3,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,1,2,1,,3,1,1,1,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0 +42224,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42225,5,3,1,2,91,1,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42226,1,3,10,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42227,3,1,12,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42228,4,3,1,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,,92,92,92,92,94,7,2,2,,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +42229,3,3,7,1,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42230,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42231,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42232,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42233,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,146,12,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42234,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42235,3,2,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,8,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42236,2,3,6,1,0,0,92,0,92,92,0,1,1,,1,3,3,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,60,5,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42237,3,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,205,17,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42238,5,3,3,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42239,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42240,5,2,9,2,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42241,5,3,7,1,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42242,5,2,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,78,6,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42243,5,3,11,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42244,5,3,8,2,91,2,,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42245,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42246,5,3,3,3,0,2,2,1,1,1,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,207,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42247,5,3,6,1,0,1,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42248,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42249,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,4,3,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,3,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42250,4,3,4,2,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,186,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42251,3,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,104,8,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42252,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42253,5,3,8,2,91,0,92,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,,92,92,92,92,10,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42254,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42255,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42256,5,3,10,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42257,5,3,11,2,0,1,,0,92,92,1,1,2,2,1,1,3,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,1,0,92,92,92,92,203,16,2,1,1,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42258,5,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42259,1,3,10,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,206,17,2,1,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42260,5,3,12,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,0,17,1,1,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42261,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42262,5,2,11,2,0,0,92,0,92,92,1,1,1,2,1,1,2,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42263,3,3,11,2,0,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,183,15,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42264,5,3,5,2,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,1,2,3,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42265,4,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42266,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42267,5,1,12,2,91,0,92,0,92,92,1,91,92,92,1,3,3,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,92,92,92,92,30,2,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42268,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42269,5,3,8,2,0,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,147,12,2,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42270,3,1,2,3,0,1,1,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,73,6,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42271,1,3,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42272,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,200,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42273,4,3,4,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,2,2,1,1,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +42274,3,3,1,3,0,0,92,0,92,92,1,91,92,92,1,2,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,40,3,2,1,2,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42275,1,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42276,3,3,8,2,,2,2,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,1,6,11,1,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42277,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42278,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42279,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42280,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42281,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42282,5,3,4,2,0,0,92,0,92,92,0,0,92,92,1,3,4,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,72,6,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42283,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42284,3,3,1,3,0,0,92,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,200,16,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42285,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42286,5,3,1,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,201,16,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42287,2,3,12,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42288,3,3,11,2,0,1,,0,92,92,,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42289,5,3,10,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,1,1,0,0,0,0,1,3,2,1,1,0,0,0,1,1,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,86,7,2,2,2,1,0,5,1,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +42290,3,1,90,2,0,0,92,0,92,92,1,1,2,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,133,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42291,3,2,10,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42292,5,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42293,5,2,9,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42294,5,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42295,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42296,1,2,9,2,91,2,2,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,21,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42297,3,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,39,3,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42298,1,3,10,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,109,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42299,3,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42300,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,1,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42301,5,2,11,2,0,0,92,0,92,92,1,1,1,1,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,153,12,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42302,5,2,1,2,0,1,,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42303,5,2,10,2,1,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,1,3,8,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,1,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,2,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42304,5,3,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42305,4,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42306,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,1,1,5,1,1,1,1,0,0,1,1,1,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +42307,3,3,7,1,91,1,4,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,2,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42308,4,3,90,2,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,190,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42309,5,3,3,3,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42310,4,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42311,5,3,9,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42312,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42313,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42314,5,2,90,2,0,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42315,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42316,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42317,3,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42318,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42319,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42320,1,3,8,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42321,3,3,10,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,192,16,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42322,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42323,4,3,11,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,1,0,0,1,0,0,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42324,4,3,8,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42325,3,3,9,2,,2,1,0,92,92,0,0,92,92,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,134,11,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42326,4,3,6,1,0,0,92,0,92,92,1,0,92,92,1,3,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,7,0,1,1,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42327,5,3,6,1,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42328,4,3,8,2,0,0,92,0,92,92,0,0,92,92,1,3,3,3,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,92,92,92,92,58,4,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42329,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42330,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42331,5,1,10,2,1,1,1,,92,92,1,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,92,92,92,92,197,16,2,2,1,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42332,4,3,4,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42333,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42334,2,1,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42335,5,90,8,3,91,,92,,92,92,0,,92,92,0,92,92,92,,1,1,1,,,,3,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,165,13,2,2,2,2,,5,1,1,1,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,1,0,1 +42336,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42337,4,2,11,2,0,0,92,0,92,92,1,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,100,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42338,5,3,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42339,3,2,5,2,0,,92,0,92,92,0,1,1,2,1,2,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42340,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42341,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42342,5,3,90,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42343,3,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42344,3,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42345,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42346,3,3,4,2,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,133,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42347,3,2,11,2,1,1,2,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,170,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42348,1,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42349,3,1,8,2,,0,92,0,92,92,0,1,3,,1,2,3,1,1,0,0,0,4,4,6,14,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,111,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42350,5,3,90,3,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,38,3,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42351,5,1,8,2,91,0,92,0,92,92,0,91,92,92,1,1,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,1,1,0,0,0,0,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,31,2,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42352,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,1,,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42353,3,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42354,5,1,9,2,,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,12,1,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42355,5,3,7,1,,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42356,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42357,3,3,8,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42358,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42359,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,1,0,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42360,1,3,1,2,91,1,,0,92,92,,91,92,92,1,2,2,,,0,0,0,,,,15,2,1,1,0,0,0,0,2,92,1,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,7,0,1,2,1,,0,5,1,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +42361,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42362,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42363,5,2,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42364,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42365,3,3,5,2,1,1,,1,1,2,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,92,92,92,92,153,12,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42366,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42367,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42368,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,1,2,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +42369,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42370,5,3,4,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42371,5,3,8,2,0,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42372,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,1,0,0,0,16,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42373,2,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42374,3,3,7,1,0,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,120,10,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42375,5,2,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42376,5,3,11,2,0,2,1,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,215,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42377,5,3,10,2,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,195,16,2,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42378,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,2,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42379,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42380,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,148,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42381,1,3,6,1,91,0,92,0,92,92,0,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,26,2,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42382,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42383,5,2,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42384,3,2,3,3,,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42385,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42386,5,3,90,2,0,1,2,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42387,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42388,2,1,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42389,1,3,1,2,,,92,0,92,92,,,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42390,1,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42391,5,3,9,2,0,0,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42392,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,51,4,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42393,5,2,11,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42394,5,3,1,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42395,3,2,4,2,1,0,92,0,92,92,,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42396,5,3,8,3,0,,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,117,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42397,5,3,12,2,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42398,5,2,11,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42399,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42400,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,3,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42401,3,3,1,3,1,2,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42402,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42403,2,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42404,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42405,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42406,5,3,12,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42407,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42408,2,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,77,6,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42409,3,3,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42410,5,3,10,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42411,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42412,4,3,9,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42413,5,3,11,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42414,3,3,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42415,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42416,5,3,6,1,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,16,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42417,5,3,,,91,,92,,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42418,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42419,5,2,8,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42420,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,76,6,2,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42421,3,3,2,3,91,0,92,0,92,92,0,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,1,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,62,5,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42422,5,3,8,2,,,92,0,92,92,0,1,2,2,1,2,3,2,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,139,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42423,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42424,5,3,1,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,1,1,3,1,1,0,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,,92,92,92,92,92,1,0,0,0,0,0,1,1,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,155,12,2,1,2,1,0,2,1,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +42425,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42426,5,3,6,1,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,118,9,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42427,3,3,1,2,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,40,3,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42428,3,1,6,1,1,2,,0,92,92,1,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,141,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42429,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42430,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42431,5,3,90,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42432,4,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42433,3,1,5,2,,2,,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,119,9,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42434,3,2,6,1,0,0,92,1,3,1,0,1,1,,1,1,3,2,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,59,4,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42435,5,4,4,2,0,0,92,0,92,92,0,0,92,92,1,3,2,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,48,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42436,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42437,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42438,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42439,5,3,8,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42440,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42441,3,3,8,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42442,3,3,6,1,0,1,3,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,32,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42443,5,2,90,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42444,5,3,1,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,11,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42445,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,137,11,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42446,1,3,4,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42447,5,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42448,5,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42449,5,1,10,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,156,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42450,1,2,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42451,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42452,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42453,3,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42454,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42455,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42456,5,3,6,1,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42457,5,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,8,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42458,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42459,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42460,5,3,8,2,0,0,92,0,92,92,0,1,,2,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,1,,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42461,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,1,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42462,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42463,3,1,90,2,0,0,92,0,92,92,0,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,76,6,2,2,2,1,0,3,1,1,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +42464,3,3,6,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42465,3,3,8,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,1,,4,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42466,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42467,3,3,90,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,92,92,92,92,187,15,2,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42468,5,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,161,13,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42469,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42470,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42471,5,90,7,1,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42472,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42473,1,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42474,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,38,3,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42475,4,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42476,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42477,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42478,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42479,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,63,5,2,2,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42480,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,187,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42481,3,3,11,2,0,0,92,0,92,92,1,1,1,2,1,3,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,65,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42482,1,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42483,5,2,10,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42484,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42485,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42486,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42487,3,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42488,4,3,8,3,1,1,2,0,92,92,1,0,92,92,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42489,3,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42490,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42491,5,3,8,3,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42492,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42493,5,3,2,3,91,2,1,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,66,5,2,1,,2,0,5,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1 +42494,3,1,90,2,0,0,92,0,92,92,0,0,92,92,1,,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,83,6,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42495,5,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42496,3,2,10,2,0,0,92,0,92,92,1,1,2,2,1,1,2,,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,168,14,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42497,5,3,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42498,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42499,5,2,8,2,1,1,1,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42500,5,3,7,1,91,0,92,,92,92,0,91,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,92,92,92,92,14,1,1,1,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42501,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42502,3,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42503,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42504,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42505,3,3,9,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42506,3,3,12,2,0,,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42507,3,3,11,2,0,2,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42508,2,3,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42509,1,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42510,5,3,4,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42511,5,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42512,3,3,3,3,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,109,9,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42513,4,2,1,2,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,199,16,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42514,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,119,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42515,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,1,0,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42516,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42517,5,3,8,3,91,1,3,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42518,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,162,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42519,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,20,1,1,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42520,5,3,12,2,0,1,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,178,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42521,3,1,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,8,0,1,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42522,5,3,10,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42523,5,3,8,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42524,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42525,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42526,5,1,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42527,5,3,6,1,0,1,1,0,92,92,1,1,1,2,1,3,4,1,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,112,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42528,5,2,12,2,0,1,1,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42529,2,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42530,1,90,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,163,13,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42531,5,3,8,3,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,77,6,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42532,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42533,3,2,2,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42534,3,3,9,2,0,0,92,0,92,92,1,1,,,1,2,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,43,3,2,2,2,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42535,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,1,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42536,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,156,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42537,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42538,3,1,1,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,1,,1,0,1,1,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42539,3,1,10,2,1,0,92,1,3,3,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,138,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42540,5,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,213,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42541,1,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42542,1,3,8,2,91,,92,0,92,92,0,91,92,92,1,,2,,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,7,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42543,5,3,7,1,1,1,,0,92,92,1,,92,92,1,2,3,,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,115,9,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42544,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42545,5,2,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,1,2,2,,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42546,5,2,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42547,3,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42548,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42549,3,3,1,2,0,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,182,15,2,2,2,1,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42550,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,3,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,92,92,92,92,3,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42551,5,3,10,2,1,1,,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,202,16,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42552,5,3,12,3,1,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42553,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42554,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,186,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42555,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42556,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,1,1,0,0,21,1,1,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42557,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42558,3,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42559,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42560,3,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42561,3,2,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42562,5,1,1,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42563,5,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42564,4,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,1,1,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42565,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42566,5,90,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42567,5,2,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,91,7,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42568,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42569,3,3,10,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42570,5,2,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,9,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42571,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42572,5,3,4,2,0,1,2,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,52,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42573,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42574,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42575,5,3,8,3,,1,,,92,92,,91,92,92,0,92,92,92,,,,,2,4,6,12,1,1,0,1,1,0,0,0,92,1,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,1,1,0,0,0,0,0,0,1,1,0,1,1 +42576,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,34,2,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42577,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42578,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42579,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42580,5,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,11,0,1,1,1,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42581,5,2,7,1,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,86,7,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42582,5,3,8,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42583,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42584,5,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42585,5,3,1,2,1,2,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,132,11,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42586,3,3,10,3,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,94,7,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42587,5,90,12,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42588,3,3,,,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42589,1,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42590,5,3,1,3,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,1,0,0,15,1,1,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42591,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42592,1,3,,,0,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,84,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42593,5,3,3,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,129,10,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42594,5,3,1,2,91,,92,,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,4,0,1,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +42595,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42596,3,2,6,1,1,2,2,0,92,92,1,1,3,2,1,,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,144,12,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42597,5,2,11,2,0,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42598,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42599,5,1,10,2,0,0,92,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,95,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42600,5,3,10,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,148,12,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42601,4,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42602,3,3,1,2,0,1,,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,201,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42603,5,3,1,2,1,0,92,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,137,11,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42604,5,2,6,1,0,0,92,0,92,92,1,1,2,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,209,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42605,4,2,8,3,0,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42606,3,3,11,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,1,90,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42607,5,1,9,2,,2,1,0,92,92,1,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,201,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42608,5,2,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42609,3,3,5,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42610,4,3,8,3,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,1,3,4,8,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,0,0,1,1,1,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,2,,,0,5,1,1,1,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,1,1,1,1 +42611,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42612,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42613,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42614,5,1,8,3,0,1,,1,1,,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,92,92,92,92,87,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42615,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,187,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42616,4,3,6,1,91,1,3,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,13,1,1,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42617,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,3,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,17,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42618,3,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,1,1,1,0,0,19,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42619,5,3,6,1,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42620,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42621,4,3,90,2,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,10,0,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42622,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42623,3,2,90,2,1,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,1,,2,1,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42624,5,90,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42625,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,,92,92,92,92,1,0,1,1,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42626,5,1,12,2,,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42627,4,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,127,10,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42628,5,1,11,2,1,1,3,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42629,1,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42630,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42631,5,90,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42632,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,135,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42633,5,3,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42634,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42635,5,3,4,2,0,0,92,0,92,92,1,0,92,92,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,104,8,2,2,2,2,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42636,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42637,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42638,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42639,1,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,54,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42640,3,2,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42641,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,188,15,2,2,1,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42642,5,3,4,2,1,,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,98,8,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42643,3,1,10,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42644,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42645,1,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42646,5,3,8,2,91,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42647,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42648,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42649,3,2,8,2,0,0,92,0,92,92,0,1,,,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42650,3,2,7,1,0,1,3,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42651,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,63,5,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42652,4,3,90,2,1,1,,0,92,92,,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,183,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42653,1,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42654,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42655,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42656,5,3,8,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42657,5,2,1,2,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,152,12,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42658,3,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42659,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,31,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42660,3,3,11,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42661,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,113,9,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42662,5,1,6,1,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42663,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42664,1,1,90,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,0,0,1,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42665,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42666,5,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42667,5,2,12,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,32,2,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42668,3,3,8,3,91,0,92,0,92,92,0,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42669,3,3,7,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42670,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42671,5,3,9,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42672,4,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42673,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,2,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42674,3,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42675,4,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,11,1,1,0,1,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,187,15,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42676,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,102,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42677,5,3,1,3,91,,92,,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,21,1,1,2,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42678,5,3,90,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42679,3,2,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42680,3,1,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42681,5,3,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,1,,1,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42682,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42683,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42684,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42685,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,139,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42686,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,130,10,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42687,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42688,4,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,101,8,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42689,5,3,1,2,0,,92,,92,92,,0,92,92,,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,68,5,2,1,,90,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42690,5,2,8,2,91,0,92,0,92,92,1,0,92,92,1,3,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42691,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42692,3,2,11,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42693,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,5,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42694,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,9,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42695,5,3,8,3,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42696,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42697,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,158,13,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42698,5,2,90,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,170,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42699,3,3,,,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42700,2,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,10,0,1,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42701,3,2,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42702,3,3,10,2,1,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42703,5,3,2,3,,1,4,0,92,92,,91,92,92,0,92,92,92,,0,0,0,1,1,5,7,1,1,0,0,0,0,1,0,92,0,1,0,0,0,0,1,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,113,9,2,1,,,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0 +42704,5,3,8,2,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42705,3,2,90,2,91,1,1,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42706,3,3,2,3,0,,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,85,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42707,4,2,8,2,0,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42708,5,3,8,2,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,29,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42709,2,2,7,1,91,0,92,0,92,92,1,91,92,92,1,1,2,1,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,15,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42710,3,3,1,3,1,1,1,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42711,1,3,4,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42712,3,3,9,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,1,0,0,1,1,1,0,1,0,1,1,0,0,,92,92,92,92,13,1,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42713,5,3,10,2,1,1,2,0,92,92,0,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,176,14,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42714,3,1,8,2,91,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42715,3,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42716,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42717,4,3,90,2,1,1,3,0,92,92,0,,92,92,0,92,92,92,,0,0,0,2,3,5,10,1,1,1,1,0,0,1,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,70,5,2,2,1,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42718,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42719,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42720,5,2,8,3,0,2,3,,92,92,0,1,,2,1,1,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,59,4,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42721,5,3,6,1,1,1,3,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,92,92,92,92,178,14,2,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42722,5,2,90,2,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,141,11,2,2,,4,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42723,3,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42724,5,4,8,3,91,0,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,10,0,1,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42725,4,3,9,2,0,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,0,8,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42726,4,2,7,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42727,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42728,5,3,2,3,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,1,1,1,1,1,1,3,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,1,1,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,158,13,2,1,,1,0,2,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,1,1,1 +42729,5,3,,,,,92,0,92,92,0,1,3,,1,3,,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,118,9,2,1,2,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42730,4,3,10,2,,0,92,0,92,92,1,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42731,5,1,5,2,91,1,,0,92,92,,91,92,92,1,,2,1,,1,0,1,2,1,5,8,1,1,1,0,0,0,0,0,92,0,1,1,0,0,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,137,11,2,1,,1,0,5,1,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,1,0,1 +42732,5,3,5,2,1,,92,0,92,92,0,91,92,92,0,92,92,92,0,0,0,0,4,3,5,12,1,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42733,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42734,5,4,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42735,5,90,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42736,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42737,5,1,6,1,1,0,92,0,92,92,1,1,2,4,1,1,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,208,17,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42738,5,3,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42739,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +42740,3,1,90,2,,0,92,0,92,92,1,1,2,2,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,182,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42741,4,3,1,2,1,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42742,3,3,8,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,127,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42743,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42744,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42745,4,90,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42746,5,90,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,100,8,2,2,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42747,5,2,6,1,0,0,92,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,213,17,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42748,3,1,1,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42749,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,181,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42750,5,2,4,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,123,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42751,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42752,5,2,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,58,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42753,3,3,6,1,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,1,2,2,1,3,1,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +42754,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42755,5,3,5,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42756,5,3,1,2,0,0,92,,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42757,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42758,5,3,12,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42759,3,3,3,3,1,1,,0,92,92,1,1,1,2,1,1,3,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42760,5,3,90,2,0,1,1,0,92,92,1,0,92,92,1,2,2,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,92,92,92,92,211,17,2,1,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42761,5,2,11,2,0,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,92,92,92,92,201,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42762,3,2,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,1,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42763,3,3,6,1,0,0,92,0,92,92,1,1,1,2,1,1,2,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,157,13,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42764,4,3,6,1,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42765,3,90,5,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,194,16,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42766,3,3,11,2,0,0,92,0,92,92,0,1,2,2,1,1,2,1,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,209,17,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42767,5,3,10,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42768,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42769,3,3,8,2,91,0,92,0,92,92,0,91,92,92,1,2,3,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42770,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42771,5,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42772,3,3,8,2,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,38,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42773,5,2,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42774,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,22,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42775,4,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42776,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42777,3,1,5,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,166,13,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42778,3,2,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42779,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42780,5,2,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42781,5,3,6,1,,0,92,0,92,92,,,92,92,,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,144,12,2,1,2,2,,,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42782,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,104,8,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42783,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42784,3,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42785,3,2,6,1,91,0,92,0,92,92,0,91,92,92,1,1,,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,46,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42786,3,1,6,1,1,,92,0,92,92,1,1,2,2,1,2,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,110,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42787,3,3,1,2,0,0,92,,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42788,5,3,90,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42789,5,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,15,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42790,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42791,5,2,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,185,15,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42792,5,3,8,2,91,1,,1,,,0,91,92,92,1,1,2,,,0,0,,1,1,4,6,1,1,0,0,0,0,1,2,92,0,1,1,0,0,0,0,1,2,2,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,1,0,1,1,0,1,0,1,0,0,0,1,1,1,0,0,0,92,92,92,92,34,2,2,1,,,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,1,0,0,0,0 +42793,3,3,90,3,0,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,106,8,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42794,3,2,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42795,5,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42796,3,3,9,2,91,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,27,2,2,1,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42797,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42798,3,90,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42799,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42800,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42801,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42802,3,3,90,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,2,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42803,5,1,11,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42804,3,1,2,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,1,1,,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42805,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,151,12,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42806,5,3,7,1,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42807,3,2,9,2,91,0,92,0,92,92,1,91,92,92,1,2,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,1,1,0,0,15,1,1,1,,3,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42808,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,189,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42809,1,3,8,3,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42810,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,47,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42811,1,3,11,2,0,0,92,0,92,92,1,1,1,3,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,195,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42812,5,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,109,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42813,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,197,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42814,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42815,4,3,8,3,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42816,5,2,1,2,,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,2,,,,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,0,0,0,0 +42817,5,3,7,1,0,0,92,0,92,92,0,1,,1,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,68,5,2,2,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42818,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42819,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42820,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42821,1,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,72,6,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42822,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42823,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42824,3,2,2,3,0,2,1,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,92,7,2,1,2,2,,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42825,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42826,5,2,7,1,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,96,8,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42827,5,3,90,2,1,1,3,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42828,5,2,4,2,1,1,4,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42829,5,2,9,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42830,3,3,1,2,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42831,4,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,16,1,1,1,2,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42832,4,3,6,1,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42833,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42834,4,3,8,2,,0,92,1,,,0,91,92,92,1,2,4,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,16,1,1,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42835,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,68,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42836,3,3,90,2,,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42837,5,4,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,2,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42838,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42839,5,3,90,2,0,0,92,0,92,92,0,1,2,3,1,3,4,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42840,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,90,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42841,3,3,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,126,10,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42842,3,1,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42843,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42844,1,3,5,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,82,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42845,5,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42846,5,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,118,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42847,3,3,8,2,0,0,92,0,92,92,1,0,92,92,1,2,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,67,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42848,3,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,184,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42849,5,3,3,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42850,3,1,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42851,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,121,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42852,5,3,5,2,0,0,92,0,92,92,1,1,1,3,1,1,4,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,152,12,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42853,2,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42854,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42855,3,1,4,2,1,,92,0,92,92,0,1,1,2,1,3,2,3,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,67,5,2,2,,,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42856,3,3,2,3,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,147,12,2,1,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42857,1,3,90,2,91,0,92,0,92,92,0,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,22,1,1,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42858,3,3,90,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,79,6,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42859,3,2,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42860,4,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42861,3,3,5,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42862,5,3,6,1,0,0,92,0,92,92,0,1,1,,1,3,4,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,71,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +42863,5,1,6,1,,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42864,5,3,10,2,1,1,,0,92,92,1,1,2,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42865,3,3,5,2,1,1,,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,116,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42866,3,3,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,130,10,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42867,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42868,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42869,3,3,3,3,1,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42870,4,3,2,3,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,1,0,0,1,1,1,3,1,1,0,0,0,0,1,2,92,0,1,1,0,0,0,0,1,3,3,1,1,0,0,1,1,0,1,1,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,1,1,1,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,1,2,1,0,5,1,1,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,1,1,1 +42871,5,3,8,2,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,43,3,2,1,2,1,,3,1,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0 +42872,3,2,8,2,0,0,92,0,92,92,0,1,1,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,114,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42873,5,3,8,2,0,0,92,0,92,92,1,1,2,2,1,1,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42874,5,3,11,2,0,0,92,0,92,92,1,1,,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,170,14,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42875,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42876,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,1,0,0,10,0,1,2,,,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42877,3,3,7,1,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42878,4,3,9,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,114,9,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42879,5,3,6,1,0,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,74,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42880,3,2,11,2,,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,215,17,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42881,5,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,2,3,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42882,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42883,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42884,5,2,8,2,91,0,92,,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,9,0,1,2,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42885,5,2,7,1,0,0,92,0,92,92,1,1,1,4,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42886,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42887,5,2,10,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,200,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42888,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,107,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42889,4,2,8,2,91,,92,,92,92,0,91,92,92,1,1,2,1,,,,,2,1,4,7,1,1,0,0,0,0,1,0,92,0,1,1,0,0,0,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,30,2,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0 +42890,5,3,11,2,1,1,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,1,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42891,3,3,8,2,91,1,4,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,37,3,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42892,5,3,8,2,0,0,92,1,3,4,0,0,92,92,0,92,92,92,0,0,0,0,4,5,5,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,92,92,92,92,134,11,2,2,2,2,0,5,1,1,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +42893,3,3,10,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42894,3,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42895,5,2,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,91,7,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42896,3,3,,,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42897,5,2,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42898,5,3,11,2,0,0,92,0,92,92,1,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42899,1,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,176,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42900,4,3,,,1,1,3,0,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,165,13,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42901,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,17,1,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42902,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42903,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42904,4,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42905,3,3,90,2,0,0,92,0,92,92,0,1,2,2,1,2,3,2,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,41,3,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42906,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42907,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42908,3,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42909,3,3,11,2,1,1,,0,92,92,,1,3,2,1,1,3,,1,0,0,0,3,5,6,14,2,1,0,1,1,0,0,2,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,136,11,2,2,1,,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1 +42910,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,5,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42911,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42912,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,12,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42913,4,3,6,1,0,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,83,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42914,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42915,5,3,1,2,1,1,2,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,2,1,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42916,5,1,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,95,7,2,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42917,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,92,92,92,92,147,12,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42918,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42919,4,3,4,2,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42920,5,2,6,1,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42921,4,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,0,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,120,10,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42922,3,3,3,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42923,5,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42924,3,3,8,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42925,5,4,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42926,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42927,5,3,8,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42928,5,2,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42929,3,3,2,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42930,4,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42931,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42932,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42933,3,2,10,2,1,1,2,0,92,92,0,1,3,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,213,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42934,4,3,1,2,0,0,92,0,92,92,,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,2,2,1,1,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42935,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42936,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42937,3,3,90,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42938,3,3,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42939,5,3,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42940,5,90,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42941,5,1,5,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,141,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42942,3,3,4,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,180,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42943,5,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,15,1,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42944,5,3,9,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,37,3,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42945,5,3,1,2,0,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,87,7,2,2,,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42946,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,25,2,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42947,5,3,8,2,91,,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,2,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,2,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42948,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42949,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42950,5,3,4,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42951,1,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42952,5,3,10,2,1,,92,0,92,92,0,1,2,2,1,3,3,3,1,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,92,92,92,92,191,15,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42953,3,1,6,1,0,,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,2,1,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42954,3,3,6,1,1,1,3,0,92,92,0,1,1,2,1,1,2,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,125,10,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42955,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42956,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,10,0,1,2,2,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42957,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,1,0,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42958,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42959,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,196,16,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42960,3,3,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42961,5,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,1,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42962,5,4,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42963,1,2,11,2,1,2,2,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,92,92,92,92,147,12,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42964,5,1,1,2,0,0,92,0,92,92,,1,,,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,44,3,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42965,3,3,8,3,91,0,92,0,92,92,1,0,92,92,1,3,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,23,1,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42966,3,1,8,3,1,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,4,5,13,1,1,1,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,169,14,2,2,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42967,5,3,8,2,91,0,92,0,92,92,1,0,92,92,1,2,3,3,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42968,3,3,90,2,0,0,92,0,92,92,1,1,2,2,1,3,2,3,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,120,10,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42969,5,1,9,2,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,28,2,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42970,5,1,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42971,5,3,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42972,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42973,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,1,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42974,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42975,3,2,8,3,,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,90,7,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42976,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42977,5,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,,,,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42978,5,1,8,3,91,0,92,0,92,92,0,91,92,92,1,1,2,,,0,0,0,4,1,6,11,1,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42979,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,3,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42980,5,3,6,1,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42981,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,190,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42982,5,3,8,2,91,,92,,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,1,1,1,1,1,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,23,1,1,2,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42983,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,5,0,1,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42984,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42985,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42986,5,3,6,1,91,0,92,0,92,92,1,1,,,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,36,3,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42987,5,3,9,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,26,2,2,1,2,2,1,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42988,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,144,12,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42989,5,3,10,3,0,0,92,0,92,92,1,1,1,2,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,108,9,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42990,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42991,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42992,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,62,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42993,3,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,75,6,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42994,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42995,4,3,4,2,1,2,,0,92,92,0,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,178,14,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42996,5,3,12,3,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,,92,92,92,92,169,14,2,1,2,90,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +42997,3,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42998,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +42999,5,3,8,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43000,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,82,6,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43001,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43002,3,3,90,2,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,2,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43003,3,3,11,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,174,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43004,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43005,3,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43006,5,2,8,2,91,0,92,0,92,92,1,91,92,92,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,37,3,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43007,5,3,4,2,1,1,3,1,1,2,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,189,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43008,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,2,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43009,5,3,8,3,91,,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43010,3,3,8,2,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43011,5,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,168,14,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43012,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43013,3,1,10,2,0,0,92,0,92,92,1,1,2,2,1,2,3,1,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,180,15,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43014,5,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,202,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43015,5,3,8,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43016,3,3,3,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43017,3,2,90,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,214,17,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43018,5,3,10,2,0,1,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,177,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43019,5,3,1,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43020,5,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,70,5,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43021,5,2,10,2,0,0,92,0,92,92,1,1,3,2,1,1,4,3,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,,92,92,92,92,92,,92,92,,92,92,92,92,92,92,,92,92,92,92,92,,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,2,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43022,3,1,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43023,5,2,1,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43024,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43025,1,2,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43026,2,1,1,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,215,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43027,1,2,6,1,0,0,92,0,92,92,0,0,92,92,1,,,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43028,3,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43029,3,3,90,2,0,2,2,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,1,1,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43030,1,3,6,1,0,0,92,0,92,92,0,1,,2,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,92,92,92,92,44,3,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43031,3,3,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,103,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43032,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,1,0,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43033,3,3,6,1,91,0,92,0,92,92,0,91,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,1,0,0,0,0,1,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43034,5,3,10,2,1,1,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43035,5,2,10,2,0,2,1,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,161,13,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43036,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43037,5,3,11,2,0,1,,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,159,13,2,2,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43038,5,2,6,1,0,0,92,0,92,92,1,91,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,16,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43039,3,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,196,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43040,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,1,0,1,2,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43041,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,90,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43042,5,3,2,3,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,115,9,2,1,1,,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43043,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,59,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43044,5,3,8,3,0,0,92,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,80,6,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43045,4,2,4,2,0,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,103,8,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43046,4,3,8,2,0,0,92,0,92,92,0,1,,2,1,3,,,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,64,5,2,2,,3,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43047,5,3,2,2,91,0,92,0,92,92,1,1,,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,2,1,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43048,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43049,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,44,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43050,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43051,5,2,8,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43052,5,2,11,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,2,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43053,5,3,12,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43054,5,2,8,3,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,3,6,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,17,1,1,1,,90,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +43055,2,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43056,3,1,11,2,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,172,14,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43057,3,3,4,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,132,11,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43058,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,39,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43059,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43060,4,3,8,2,91,0,92,0,92,92,1,0,92,92,1,2,2,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,,1,1,4,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43061,5,3,1,2,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,181,15,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43062,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43063,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43064,1,3,12,2,1,0,92,0,92,92,1,1,1,2,,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43065,5,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43066,5,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,171,14,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43067,5,3,10,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43068,3,3,5,2,1,1,2,0,92,92,1,1,2,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,150,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43069,5,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,26,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43070,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,201,16,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43071,4,2,11,2,1,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,207,17,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43072,4,2,1,3,91,,92,,92,92,,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,5,0,1,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +43073,4,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43074,5,1,1,2,0,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,133,11,2,1,2,2,0,3,1,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +43075,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43076,5,90,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,34,2,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43077,4,3,8,2,0,0,92,0,92,92,0,1,2,2,1,1,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,1,2,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,64,5,2,2,2,1,0,4,1,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +43078,3,1,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43079,5,2,7,1,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43080,3,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,188,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43081,3,90,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,112,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43082,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,1,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43083,5,3,5,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,131,10,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43084,3,1,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,212,17,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43085,4,3,8,3,0,2,3,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43086,3,2,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,105,8,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43087,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43088,4,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43089,5,3,90,2,0,0,92,0,92,92,,1,3,2,1,3,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,150,12,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43090,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43091,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,166,13,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43092,3,1,1,3,1,1,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,,1,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43093,5,2,11,2,1,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,1,0,0,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,189,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43094,3,3,11,2,0,0,92,0,92,92,1,1,2,2,1,2,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,215,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43095,3,2,11,2,1,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,198,16,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43096,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,1,2,3,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43097,2,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43098,3,3,7,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43099,5,3,8,2,91,1,4,1,1,1,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,92,92,92,92,23,1,1,1,2,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43100,3,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43101,3,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,80,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43102,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43103,5,3,10,2,1,1,2,0,92,92,0,1,3,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,0,1,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,139,11,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43104,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,41,3,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43105,5,3,1,2,,0,92,0,92,92,1,91,92,92,,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,3,0,1,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43106,5,2,8,3,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,0,92,92,92,92,92,92,,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,153,12,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43107,3,4,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,116,9,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43108,3,3,11,2,0,0,92,0,92,92,,0,92,92,1,1,2,1,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43109,5,90,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43110,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43111,5,3,8,2,0,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43112,3,3,1,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,45,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43113,3,3,12,2,0,0,92,0,92,92,,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,101,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43114,3,1,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,40,3,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43115,5,2,8,2,91,0,92,0,92,92,1,1,,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43116,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43117,5,3,9,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43118,2,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,10,0,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43119,5,3,10,2,0,1,3,0,92,92,1,0,92,92,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43120,3,3,8,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43121,5,3,90,2,1,1,,0,92,92,0,,92,92,0,92,92,92,,0,0,0,3,5,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,92,92,92,92,79,6,2,1,2,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43122,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,50,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43123,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,89,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43124,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43125,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43126,3,1,7,1,,0,92,0,92,92,,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,1,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,49,4,2,1,,2,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43127,5,2,6,1,0,0,92,0,92,92,0,0,92,92,1,3,3,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,92,92,92,92,80,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43128,5,3,2,3,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,43,3,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43129,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43130,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,81,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43131,4,2,90,2,0,0,92,0,92,92,0,1,3,2,0,92,92,92,,0,0,0,4,3,5,12,1,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,89,7,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43132,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43133,1,3,11,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,209,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43134,5,1,4,2,1,0,92,0,92,92,0,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43135,3,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,31,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43136,5,3,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,209,17,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43137,5,1,11,2,0,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,92,92,92,92,186,15,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43138,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,,92,92,92,92,139,11,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43139,4,3,90,2,91,1,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,33,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43140,5,3,1,2,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,,2,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43141,5,90,6,1,91,0,92,0,92,92,1,91,92,92,1,3,,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43142,3,3,8,3,91,,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,92,92,92,92,66,5,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43143,1,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43144,5,3,6,1,0,0,92,0,92,92,0,1,2,3,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,175,14,2,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43145,5,1,1,3,1,2,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,182,15,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43146,5,2,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,85,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43147,5,3,11,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,1,0,0,1,0,0,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43148,3,3,90,2,,1,1,0,92,92,1,1,,2,1,1,2,,0,0,0,0,4,4,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,1,0,0,0,0,0,1,0,0,0,92,92,92,92,61,5,2,1,2,2,1,5,1,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0 +43149,1,3,1,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,2,,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43150,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,1,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43151,5,1,12,2,0,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43152,3,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,91,7,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43153,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,177,14,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43154,3,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,46,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43155,5,3,1,2,1,2,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,2,,1,0,3,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43156,5,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,129,10,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43157,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43158,5,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43159,3,3,8,2,91,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,1,0,0,0,0,1,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,1,0,0,20,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43160,5,3,90,2,1,,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,92,92,92,92,195,16,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43161,4,3,90,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,150,12,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43162,5,3,2,3,91,1,4,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,5,13,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,1,0,1,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,35,2,2,1,1,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43163,4,2,1,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43164,4,3,6,1,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,22,1,1,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43165,1,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43166,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,36,3,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43167,3,3,8,2,91,0,92,0,92,92,1,0,92,92,1,3,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43168,5,1,1,2,1,,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,214,17,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43169,3,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43170,5,2,8,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,46,3,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43171,3,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,12,1,1,2,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43172,1,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,192,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43173,3,3,6,1,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,2,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43174,5,1,6,1,0,0,92,1,3,1,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,1,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,92,92,92,92,106,8,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43175,5,3,1,3,1,1,,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,1,0,0,1,0,0,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,212,17,2,2,,1,0,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43176,1,3,1,3,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,198,16,2,1,1,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43177,3,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43178,4,3,8,2,91,,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43179,5,3,8,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,49,4,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43180,2,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43181,5,3,90,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,5,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,56,4,2,1,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43182,3,2,4,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,69,5,2,1,2,1,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43183,3,3,10,3,1,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,203,16,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43184,3,3,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,108,9,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43185,5,3,8,2,91,0,92,0,92,92,0,91,92,92,1,1,2,1,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43186,2,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43187,5,2,8,2,0,0,92,0,92,92,1,1,2,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43188,4,3,10,2,0,2,,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,1,1,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,169,14,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43189,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,2,2,0,90,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43190,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43191,3,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,92,92,92,92,13,1,1,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43192,5,3,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,214,17,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43193,5,3,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,20,1,1,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43194,5,3,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,38,3,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43195,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,132,11,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43196,3,2,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,115,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43197,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43198,4,3,6,1,1,1,,0,92,92,0,1,2,2,1,1,2,,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,134,11,2,1,,1,1,4,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43199,3,1,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43200,3,1,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,42,3,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43201,3,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,24,2,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43202,5,3,2,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,95,7,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43203,3,2,6,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,106,8,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43204,5,2,10,2,0,0,92,0,92,92,0,1,2,2,1,1,2,2,0,0,0,0,4,5,6,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,0,1,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,160,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43205,5,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,131,10,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43206,3,1,8,2,0,1,1,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,147,12,2,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43207,4,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43208,3,1,2,3,91,1,3,0,92,92,,,92,92,0,92,92,92,,0,0,0,3,4,6,13,1,1,1,1,1,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,165,13,2,1,,,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43209,5,2,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,1,0,0,0,0,0,92,92,1,0,0,0,1,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43210,3,3,8,3,1,1,,0,92,92,0,1,2,3,1,1,3,2,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,92,92,92,92,159,13,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43211,3,3,8,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,93,7,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43212,4,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,1,2,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43213,5,2,90,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43214,5,3,5,2,0,0,92,0,92,92,1,0,92,92,1,1,3,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,98,8,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43215,1,3,4,2,0,0,92,,92,92,0,0,92,92,1,2,3,,0,0,0,0,,,,15,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,1,0,0,1,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,92,92,92,92,68,5,2,2,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43216,4,3,6,1,91,2,2,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43217,5,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,,92,92,92,92,92,1,1,,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,25,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43218,5,2,2,3,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,207,17,2,2,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43219,5,3,1,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43220,5,3,11,2,1,1,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,185,15,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43221,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43222,4,3,4,2,1,0,92,0,92,92,1,0,92,92,1,2,3,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43223,4,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,24,2,2,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43224,3,3,12,2,0,0,92,0,92,92,1,1,3,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,143,11,2,1,2,2,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43225,5,3,8,2,0,1,2,0,92,92,0,0,92,92,1,1,2,,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,92,92,92,92,37,3,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43226,3,3,11,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,211,17,2,1,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43227,5,3,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,1,3,2,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,1,1,,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43228,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,1,,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43229,2,1,12,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,193,16,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43230,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,48,4,2,2,1,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43231,5,1,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,82,6,2,1,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43232,3,3,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,111,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43233,4,3,10,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,106,8,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43234,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,0,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43235,5,2,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,114,9,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43236,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,124,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43237,1,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,2,2,5,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43238,3,1,8,2,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43239,4,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,35,2,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43240,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,51,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43241,5,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,143,11,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43242,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43243,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43244,3,1,90,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,199,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43245,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43246,5,3,1,2,1,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,157,13,2,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43247,5,2,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,87,7,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43248,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43249,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43250,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,3,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43251,5,3,11,2,1,1,,0,92,92,,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,195,16,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43252,1,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,32,2,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43253,5,4,12,2,,0,92,0,92,92,1,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,2,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43254,5,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,15,1,1,2,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43255,3,3,10,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,183,15,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43256,5,2,9,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,28,2,2,2,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43257,5,3,12,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,42,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43258,3,3,10,2,0,2,3,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,138,11,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43259,5,3,12,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,64,5,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43260,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,1,2,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43261,3,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,76,6,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43262,5,3,9,2,91,0,92,0,92,92,1,1,1,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,38,3,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43263,4,3,90,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,3,0,1,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43264,2,3,10,3,1,1,,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,1,,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43265,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43266,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,211,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43267,3,2,8,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,69,5,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43268,2,3,8,3,1,2,2,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,193,16,2,1,2,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43269,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,,90,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43270,4,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,66,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43271,5,2,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,90,7,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43272,5,90,4,2,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,1,1,,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43273,5,2,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,21,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43274,5,2,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,1,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,92,92,92,92,9,0,1,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43275,1,90,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43276,5,3,8,2,,,92,0,92,92,1,,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,27,2,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43277,3,3,90,2,91,0,92,0,92,92,1,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,34,2,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43278,3,2,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,60,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43279,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43280,5,90,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,15,1,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43281,3,3,10,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,169,14,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43282,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43283,5,3,8,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,8,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43284,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,4,0,1,2,2,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43285,5,3,12,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,115,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43286,3,3,7,1,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,1,0,0,15,1,1,1,,90,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43287,3,90,8,2,1,0,92,0,92,92,0,0,92,92,1,1,,,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,60,5,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43288,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,30,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43289,5,3,90,2,0,0,92,0,92,92,0,0,92,92,1,3,2,1,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,52,4,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43290,5,3,5,2,0,0,92,0,92,92,0,0,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,26,2,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43291,3,3,4,2,1,1,3,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,179,14,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43292,4,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43293,3,3,1,2,91,0,92,,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,9,0,1,2,,1,0,3,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43294,3,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,,,,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,99,8,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43295,5,3,8,2,1,0,92,0,92,92,1,0,92,92,1,1,2,2,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,82,6,2,2,,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43296,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,203,16,2,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43297,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,10,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43298,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,7,0,1,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43299,5,3,11,2,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,160,13,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43300,5,3,2,2,,2,,0,92,92,,,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,1,0,0,0,2,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,92,92,92,92,124,10,2,1,,2,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +43301,4,2,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43302,5,3,4,2,91,1,3,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,2,3,5,10,1,1,1,1,1,0,0,0,92,0,1,1,0,0,0,0,1,2,2,1,0,0,0,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,67,5,2,1,,1,0,5,1,1,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1 +43303,5,3,1,3,91,,92,0,92,92,,91,92,92,,92,92,92,,1,0,1,1,1,5,7,1,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,92,92,92,92,213,17,2,1,2,1,0,5,1,1,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,1,1,1 +43304,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,172,14,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43305,4,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,61,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43306,4,2,9,2,91,0,92,0,92,92,1,91,92,92,1,1,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,18,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43307,3,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43308,5,3,7,1,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,42,3,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43309,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43310,2,1,8,3,,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,4,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43311,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,33,2,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43312,5,3,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,110,9,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43313,5,3,11,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,164,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43314,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43315,3,3,90,2,1,1,,,92,92,,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,92,92,92,92,154,12,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43316,5,3,90,2,1,2,2,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,3,5,6,14,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,92,92,92,92,76,6,2,1,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43317,5,2,8,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,1,0,1,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,25,2,2,2,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43318,5,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,1,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43319,3,1,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,210,17,2,2,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43320,5,1,12,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43321,3,3,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,14,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43322,3,1,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,19,1,1,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43323,3,3,12,2,0,0,92,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,92,92,92,92,68,5,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43324,5,2,8,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,77,6,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43325,4,3,6,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,56,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43326,5,3,6,1,1,2,,1,2,1,0,1,2,2,0,92,92,92,0,0,0,0,4,4,6,14,2,1,0,0,1,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,173,14,2,2,,2,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43327,5,2,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,159,13,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43328,3,90,10,2,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,120,10,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43329,5,3,9,2,91,0,92,0,92,92,1,91,92,92,1,3,4,1,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,92,92,92,92,11,0,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43330,5,3,1,3,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,14,1,1,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43331,3,3,90,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,2,2,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43332,3,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43333,5,3,7,1,0,0,92,0,92,92,1,1,1,,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,180,15,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43334,5,3,10,2,0,2,3,0,92,92,1,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,154,12,2,1,2,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43335,3,1,,,91,0,92,0,92,92,,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,18,1,1,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43336,4,3,8,3,,0,92,0,92,92,0,,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,0,0,0,0,0,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,57,4,2,1,2,2,0,90,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43337,4,3,2,3,1,1,3,0,92,92,0,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,0,0,0,1,0,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,145,12,2,1,2,1,0,5,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43338,5,3,12,2,0,0,92,0,92,92,0,0,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,73,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43339,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,29,2,2,2,1,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43340,5,3,12,2,91,0,92,0,92,92,1,91,92,92,1,2,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,7,0,1,1,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43341,5,3,3,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,177,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43342,1,3,8,3,1,2,,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,2,92,0,0,92,92,92,92,92,1,2,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,112,9,2,1,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43343,3,2,8,3,91,2,1,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,2,1,4,7,1,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,18,1,1,1,,2,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43344,1,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43345,3,3,1,2,1,1,1,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,190,15,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43346,3,1,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43347,3,3,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,1,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,57,4,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43348,3,1,7,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,17,1,1,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43349,3,2,8,2,91,0,92,0,92,92,1,91,92,92,1,3,3,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,92,92,92,92,6,0,1,2,,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43350,5,2,2,3,1,2,,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,142,11,2,2,1,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43351,5,1,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,13,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43352,1,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,6,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43353,3,2,6,1,0,0,92,0,92,92,0,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,100,8,2,2,,3,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43354,3,3,10,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,200,16,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43355,4,3,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,1,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,20,1,1,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43356,5,2,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,1,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,133,11,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43357,3,3,1,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,4,0,1,1,2,2,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43358,5,3,90,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,108,9,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43359,5,3,2,3,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,167,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43360,4,3,8,3,1,1,,0,92,92,,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,1,0,0,0,92,0,0,92,92,92,92,92,1,3,2,0,92,92,92,92,92,92,0,92,92,92,92,92,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,92,92,92,92,86,7,2,1,2,2,0,5,1,1,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1 +43361,4,3,6,1,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43362,5,2,7,1,1,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,208,17,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43363,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,31,2,2,2,,90,,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43364,1,3,9,2,91,0,92,0,92,92,0,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,12,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43365,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,1,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,22,1,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43366,5,2,90,2,1,1,,0,92,92,0,1,3,2,0,92,92,92,1,0,0,0,4,5,6,15,2,1,0,1,1,1,0,0,92,0,,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,1,0,0,0,1,0,0,0,0,1,0,1,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,175,14,2,1,2,1,0,6,1,1,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0 +43367,3,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,,92,92,92,92,4,0,1,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43368,4,3,11,2,0,0,92,0,92,92,1,1,2,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,191,15,2,2,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43369,5,2,4,2,0,2,3,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,3,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,167,13,2,1,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43370,5,3,2,3,,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,71,5,2,2,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43371,3,3,8,2,0,0,92,0,92,92,0,1,1,2,1,2,1,3,0,0,0,0,4,5,6,15,2,1,0,1,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,43,3,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43372,3,3,7,1,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,3,2,1,0,0,0,0,1,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,132,11,2,1,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43373,5,3,6,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,24,2,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43374,1,3,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43375,5,2,6,1,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,27,2,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43376,3,3,2,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,2,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,122,10,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43377,5,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,128,10,2,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43378,3,3,10,2,0,0,92,0,92,92,0,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,,92,92,92,92,92,92,1,0,1,0,0,0,0,92,92,92,92,92,92,92,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,149,12,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43379,5,3,11,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,4,6,14,2,1,1,0,0,0,0,0,92,0,0,92,92,92,92,92,0,92,92,1,1,1,1,0,0,0,0,92,92,92,92,92,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,92,92,92,92,30,2,2,1,2,2,0,2,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43380,5,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,11,0,1,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43381,4,2,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43382,1,3,8,2,0,,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,113,9,2,1,1,,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43383,3,3,4,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,165,13,2,1,,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43384,3,3,9,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43385,3,1,10,2,1,1,2,0,92,92,1,1,2,2,0,92,92,92,1,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,168,14,2,2,2,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43386,3,2,8,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,1,1,,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43387,3,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,78,6,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43388,3,1,9,2,0,1,2,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,92,92,92,92,214,17,2,2,,1,1,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43389,5,2,7,1,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,97,8,2,1,1,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43390,5,3,8,3,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,92,92,92,92,6,0,1,1,,1,,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43391,3,1,1,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,92,92,92,92,176,14,2,1,,1,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43392,3,3,8,2,91,1,2,0,92,92,0,91,92,92,1,3,2,2,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,1,0,0,0,1,0,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,92,92,92,92,20,1,1,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 +43393,3,3,12,2,91,0,92,0,92,92,1,91,92,92,0,92,92,92,,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,9,0,1,2,,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43394,3,1,9,2,0,0,92,0,92,92,1,1,1,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,2,3,1,0,0,0,1,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,173,14,2,1,2,1,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43395,5,3,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,53,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43396,5,3,6,1,91,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,2,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,55,4,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43397,5,3,7,1,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,1,1,3,1,1,0,0,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,61,5,2,1,2,2,0,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43398,5,1,8,2,0,0,92,0,92,92,1,0,92,92,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,1,0,0,1,0,0,0,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,64,5,2,1,2,1,1,1,0,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,92,0,0,0,0,0,0 +43399,5,90,8,3,0,0,92,0,92,92,1,1,,2,0,92,92,92,0,0,0,0,4,5,6,15,2,0,92,92,92,92,92,0,92,0,0,92,92,92,92,92,0,92,92,0,92,92,92,92,92,92,0,92,92,92,92,92,0,92,92,92,92,92,92,92,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,92,92,92,92,88,7,2,2,2,2,0,1,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0 diff --git a/rule-vetting/data/tbi_pecarn/raw/TBI PUD Documentation 10-08-2013.xlsx b/rule-vetting/data/tbi_pecarn/raw/TBI PUD Documentation 10-08-2013.xlsx new file mode 100644 index 00000000..cd7a4c43 Binary files /dev/null and b/rule-vetting/data/tbi_pecarn/raw/TBI PUD Documentation 10-08-2013.xlsx differ diff --git a/rule-vetting/data/tbi_pecarn/raw/data_no_imputation.csv b/rule-vetting/data/tbi_pecarn/raw/data_no_imputation.csv new file mode 100644 index 00000000..c9de6583 --- /dev/null +++ b/rule-vetting/data/tbi_pecarn/raw/data_no_imputation.csv @@ -0,0 +1,42413 @@ +GCSTotal,AgeinYears,AgeInMonth,ClavNeck_0,ClavNeck_1,ClavNeck_92,ClavTem_0,ClavTem_1,ClavTem_92,Hema_0,Hema_1,ClavFro_0,ClavFro_1,ClavFro_92,GCSGroup_2,Seiz_0,Seiz_1,ClavOcc_0,ClavOcc_1,ClavOcc_92,NeuroDCranial_0,NeuroDCranial_1,NeuroDCranial_92,AMSSlow_0,AMSSlow_1,AMSSlow_92,OSICut_0,OSICut_1,OSICut_92,Amnesia_verb_0,Amnesia_verb_91,Amnesia_verb_1,VomitNbr_1,VomitNbr_2,VomitNbr_3,VomitNbr_92,NeuroDOth_0,NeuroDOth_1,NeuroDOth_92,OSIPelvis_0,OSIPelvis_1,OSIPelvis_92,LOCSeparate_0,LOCSeparate_1,LOCSeparate_2,High_impact_InjSev_1,High_impact_InjSev_2,High_impact_InjSev_3,FontBulg_0,FontBulg_1,SFxBas_0,SFxBas_1,OSI_0,OSI_1,Ethnicity_1,Ethnicity_2,SFxBasOto_0,SFxBasOto_1,SFxBasOto_92,ActNorm_0,ActNorm_1,Dizzy_0,Dizzy_1,OSIOth_0,OSIOth_1,OSIOth_92,NeuroD_0,NeuroD_1,Gender_1,Gender_2,AMS_0,AMS_1,NeuroDSensory_0,NeuroDSensory_1,NeuroDSensory_92,ClavFace_0,ClavFace_1,ClavFace_92,NeuroDMotor_0,NeuroDMotor_1,NeuroDMotor_92,AMSSleep_0,AMSSleep_1,AMSSleep_92,SFxBasRhi_0,SFxBasRhi_1,SFxBasRhi_92,LocLen_1,LocLen_2,LocLen_3,LocLen_92,LocLen_4,OSICspine_0,OSICspine_1,OSICspine_92,InjuryMech_1,InjuryMech_2,InjuryMech_3,InjuryMech_4,InjuryMech_5,InjuryMech_6,InjuryMech_7,InjuryMech_8,InjuryMech_10,InjuryMech_11,InjuryMech_9,InjuryMech_12,InjuryMech_90,VomitLast_1,VomitLast_2,VomitLast_3,VomitLast_92,HemaLoc_1,HemaLoc_2,HemaLoc_3,HemaLoc_92,AMSAgitated_0,AMSAgitated_1,AMSAgitated_92,OSIExtremity_0,OSIExtremity_1,OSIExtremity_92,SFxPalpDepress_0,SFxPalpDepress_1,SFxPalpDepress_92,OSIAbdomen_0,OSIAbdomen_1,OSIAbdomen_92,SeizOccur_1,SeizOccur_2,SeizOccur_3,SeizOccur_92,SFxBasPer_0,SFxBasPer_1,SFxBasPer_92,SeizLen_1,SeizLen_2,SeizLen_3,SeizLen_92,SeizLen_4,HemaSize_1,HemaSize_2,HemaSize_3,HemaSize_92,GCSMotor_6,GCSMotor_4,GCSMotor_5,AMSRepeat_0,AMSRepeat_1,AMSRepeat_92,NeuroDReflex_0,NeuroDReflex_1,NeuroDReflex_92,GCSEye_3,GCSEye_4,Drugs_0,Drugs_1,VomitStart_1,VomitStart_2,VomitStart_3,VomitStart_4,VomitStart_92,SFxBasRet_0,SFxBasRet_1,SFxBasRet_92,OSIFlank_0,OSIFlank_1,OSIFlank_92,Vomit_0,Vomit_1,AMSOth_0,AMSOth_1,AMSOth_92,GCSVerbal_4,GCSVerbal_5,Clav_0,Clav_1,HAStart_2,HAStart_92,HAStart_1,HAStart_3,HAStart_4,HASeverity_1,HASeverity_2,HASeverity_3,HASeverity_92,HA_verb_0,HA_verb_1,HA_verb_91,Race_1,Race_2,Race_3,Race_4,Race_5,Race_90,SFxPalp_0,SFxPalp_1,SFxPalp_2,SFxBasHem_0,SFxBasHem_1,SFxBasHem_92,AgeTwoPlus_1,AgeTwoPlus_2,outcome +15,16,197,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,88,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,6,82,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,7,89,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +14,17,208,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,19,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,14,179,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,191,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,1.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,200,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,16,200,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,7,92,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,16,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,1.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,7,88,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,1.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,13,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,16,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0.0 +15,10,126,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,212,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,210,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,90,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +14,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,1.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,15,184,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,17,207,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,207,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,113,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,10,130,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,11,140,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,17,210,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +14,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +14,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,25,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,40,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,4,55,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,1.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,17,215,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,43,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,17,214,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +14,17,204,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,154,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,187,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,85,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,0,1,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,55,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,69,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,17,205,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,10,128,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,15,182,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,4,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,56,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,9,110,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,128,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +14,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,10,127,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,1.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,148,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,17,208,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,205,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,149,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,12,145,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,1.0 +15,17,205,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +14,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,1,0,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,205,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,8,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +14,11,140,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,58,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,10,122,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,1.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,9,117,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,5,69,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,44,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,1,0,1.0 +15,11,142,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,10,130,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,12,146,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,16,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,7,94,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,7,91,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,11,137,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,13,159,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,162,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,7,89,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,9,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,3,43,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0.0 +15,17,215,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,15,180,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,29,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,208,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +14,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,10,124,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,182,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +14,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,57,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,24,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,22,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,16,202,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,12,153,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +14,4,53,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,16,197,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,11,132,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,6,81,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,1,0,1.0 +15,8,107,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,135,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,54,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,192,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,189,1,0,0,0,1,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,14,178,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,169,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,17,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,17,214,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,10,127,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0.0 +15,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,9,112,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,9,113,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,9,117,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,59,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,4,48,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,1.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,7,87,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,76,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,1.0 +15,16,203,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,38,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,113,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,27,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,10,129,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,70,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,14,169,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,9,108,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,10,124,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,87,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1.0 +15,13,160,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +14,14,170,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,1.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,87,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,9,113,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +14,11,142,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +14,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,113,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,1.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,171,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,12,153,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,67,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,17,208,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,66,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,15,183,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,163,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,146,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,6,79,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,76,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,23,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +14,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,62,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,1.0 +15,6,81,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,16,201,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,168,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,10,123,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,129,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,12,151,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,17,211,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,88,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,9,119,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,0,1,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0.0 +15,13,163,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,10,121,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,72,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1.0 +15,14,177,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,22,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,15,183,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,164,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,14,172,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,8,102,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,15,190,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,17,204,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,12,145,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,208,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,40,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,95,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,11,137,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,148,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,4,58,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,1.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,4,52,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,14,172,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,17,206,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,1.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,6,75,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,113,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,126,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,26,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,149,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,1.0 +15,17,205,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,174,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +14,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,104,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,8,107,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,9,117,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,9,109,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,208,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,1.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,189,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +14,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,23,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,1.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,52,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,3,43,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0.0 +15,8,105,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,27,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,107,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0.0 +15,15,187,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0.0 +15,10,123,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,5,70,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,1.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,13,164,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,125,1,0,0,0,1,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,13,167,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +14,3,43,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,15,189,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,52,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +14,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,17,207,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0.0 +15,6,79,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,191,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,113,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,8,97,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,6,81,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +14,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,87,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,1.0 +15,3,40,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,13,167,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,14,179,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,190,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,9,116,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,106,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,12,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,152,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,17,210,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,11,138,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,192,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,174,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +14,1,18,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,7,91,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,199,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,210,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,16,195,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +14,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +14,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,213,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,159,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,113,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,127,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,14,171,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,152,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,1.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,26,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,20,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,9,114,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,78,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,0,1,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,93,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,1,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,12,153,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,27,1,0,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +14,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,45,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +14,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,1.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,14,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,15,190,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +14,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,10,123,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,85,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,3,43,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,14,169,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,179,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,11,136,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,113,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,14,171,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,94,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0.0 +15,2,35,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,15,182,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,13,161,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,153,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,78,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,194,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,176,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,189,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,14,169,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,14,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,9,117,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,106,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,12,145,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,17,214,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +14,1,21,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,1.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,10,124,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,83,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,20,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,1.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,215,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +14,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,16,195,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,212,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,208,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,11,139,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,1,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,17,214,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,167,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,184,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,9,112,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,59,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,12,152,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,27,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,3,47,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,3,37,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,142,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +14,17,211,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,195,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +14,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,7,84,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,12,153,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,16,199,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,0,1,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,23,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +14,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,12,149,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,3,43,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,1.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,4,58,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,11,134,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,211,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,184,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,16,199,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,1.0 +14,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +14,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,4,54,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,8,97,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,188,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,17,207,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,192,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,1.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,75,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,11,140,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +14,1,14,1,0,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,16,195,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,0,1,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,165,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +14,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,30,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,183,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,14,173,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,7,89,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,146,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +14,11,134,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,9,112,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,212,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,10,123,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,144,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,16,203,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,213,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,9,115,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,15,189,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,16,202,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,11,137,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +14,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,6,75,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,67,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,76,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,57,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,208,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,161,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,186,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,9,113,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,24,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,1.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,97,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,10,131,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,105,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,51,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,9,114,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,12,154,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,15,188,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +14,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,7,85,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,1.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,19,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +14,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,7,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,214,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,14,170,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,166,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,191,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,8,97,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,213,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +14,13,166,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +14,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,78,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,99,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,212,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,199,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,5,67,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,1.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,10,126,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,157,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,15,184,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,9,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,202,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,10,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,12,154,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,5,67,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,203,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,183,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,120,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,7,87,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,11,134,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0.0 +15,11,143,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,14,178,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,8,97,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,10,125,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,1.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,8,103,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,31,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,1,0,1,0,0.0 +14,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,205,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,4,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,14,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,17,211,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,54,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,8,100,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,159,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,4,50,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,179,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,159,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,113,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,1.0 +15,11,143,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,16,203,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,12,146,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,75,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +14,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,30,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,199,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,67,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +14,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,198,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,14,175,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,15,185,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,30,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,180,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,113,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,16,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,207,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0.0 +15,5,67,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,173,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,4,49,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,10,131,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,157,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,8,102,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,7,85,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,9,111,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,10,129,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +14,3,43,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,16,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,199,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,10,130,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,206,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,6,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,188,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,13,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0.0 +15,3,44,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,66,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,198,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,113,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,7,93,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,212,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,1,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +14,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,17,204,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,15,187,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,8,102,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,168,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,124,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,179,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +14,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,29,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +14,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,144,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,168,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,31,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +14,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,15,189,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,1.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,138,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,93,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +14,15,190,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,9,113,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +14,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,73,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,1,0,1,0,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,151,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,8,105,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,15,187,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,15,182,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,175,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,1.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,65,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +14,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,212,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,194,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,0,1,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,176,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,15,191,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,113,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,48,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,161,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,187,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +14,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,9,110,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,10,129,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,1.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,176,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,1.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,101,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,7,91,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,159,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,13,156,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,5,66,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,9,109,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,202,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,10,127,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,9,117,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +14,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,11,136,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,14,176,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,7,85,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,9,118,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,212,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,155,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,17,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,17,207,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,10,124,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,204,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,1,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,215,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,1.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,51,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,16,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,152,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,13,159,1,0,0,0,1,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,16,194,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +14,17,214,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,8,102,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +14,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,8,106,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,157,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,16,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,188,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0.0 +14,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,1,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,21,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,18,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,16,201,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,12,153,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,10,123,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,180,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,15,184,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,1.0 +14,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +14,15,184,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,1,0,1.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,1.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,58,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,19,1,0,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,43,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,148,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,18,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,26,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,17,206,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +14,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,16,192,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,16,197,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,130,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,1.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +14,15,186,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,204,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,1.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,126,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,113,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,7,85,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,17,214,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,8,106,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,40,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,141,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +14,5,63,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,6,81,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +14,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,16,193,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,172,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,9,111,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,19,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,12,144,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,1.0 +15,11,138,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,211,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,0,1,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,11,136,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,17,207,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,10,125,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,1.0 +15,4,51,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,1,0,1,0,0.0 +15,15,191,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,14,173,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,6,75,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,24,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,7,89,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1.0 +15,0,9,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,180,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,12,146,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,148,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,100,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,8,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,6,73,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,215,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,10,122,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,25,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,11,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,4,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,9,108,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,14,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,208,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,208,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,8,107,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,15,186,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,212,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,15,185,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,100,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,3,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +14,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,9,116,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,34,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,14,177,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,39,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,10,125,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,5,65,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,9,119,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,7,91,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,8,99,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,183,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +14,0,9,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,1.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,13,166,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,175,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,10,121,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,16,199,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,0,1,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,20,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,113,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,17,211,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,182,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,14,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,8,107,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,1.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,6,73,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,17,210,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,16,193,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,11,142,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,7,95,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +14,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,62,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,5,63,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,1,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,6,79,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,17,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,4,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,75,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,8,107,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +14,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,11,136,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,2,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0.0 +14,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,99,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,12,155,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,8,97,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,46,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,139,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,180,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,0,1,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,12,144,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,1.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,1.0 +15,2,29,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,26,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,206,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,75,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,95,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,7,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,163,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,10,125,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,126,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +14,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,111,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,142,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,1.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,16,203,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,14,172,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,11,140,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,3,43,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +14,15,186,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,94,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,151,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,14,168,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,138,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,121,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0.0 +15,8,107,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,12,154,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,192,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,131,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,204,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,125,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,21,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,18,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,143,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,107,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,15,190,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,7,92,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,97,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,209,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,69,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,105,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,25,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,1,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,1,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,1,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,145,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,65,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,13,161,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,33,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,168,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,64,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,61,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,192,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,11,139,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,124,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,75,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,165,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,13,156,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,204,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,185,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,201,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,184,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +14,15,185,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,6,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,140,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,4,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,193,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,13,158,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,17,208,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,63,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,1.0 +15,17,209,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,3,47,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,146,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0.0 +15,16,200,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,121,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,134,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,96,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,3,42,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +14,11,137,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,12,147,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,1.0 +15,8,99,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,29,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,155,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,57,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,210,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,136,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,121,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,66,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,1.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,204,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,3,40,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0.0 +15,2,35,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,172,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,96,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,32,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,206,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,28,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0.0 +15,3,45,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,10,128,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,136,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,1,0,0,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,146,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,60,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,205,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,206,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,72,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,1,0,0,1,1.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,1.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,39,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,70,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,9,111,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,1,0,0,1,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,12,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,1.0 +15,7,91,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,129,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,176,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,116,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,117,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,212,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,54,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,119,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,137,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,13,156,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,65,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,113,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,6,83,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,168,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,30,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,192,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,119,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,162,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,178,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,84,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,163,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,156,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,202,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,186,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,14,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,12,144,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,194,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,57,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,52,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,86,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,94,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,84,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,4,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,148,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,137,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,74,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,48,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,187,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,10,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,4,58,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,15,187,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,149,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,135,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,54,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,188,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,2,34,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,63,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,152,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,32,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,41,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,102,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,2,33,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,158,1,0,0,1,0,0,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,197,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,4,57,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,13,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,1,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,182,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,127,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,123,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,58,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,71,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,115,1,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,10,122,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,142,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,153,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,194,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,17,209,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,193,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,166,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,104,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,46,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,151,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,47,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,195,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,109,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,197,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,12,153,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,0,1,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,72,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,7,92,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,96,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,8,101,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,126,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,83,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,82,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,118,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,184,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,10,121,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,152,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,67,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,79,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,3,40,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,130,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,114,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,170,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,6,74,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,56,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,107,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,11,134,0,0,1,0,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,6,77,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,91,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,176,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,11,136,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,0,5,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,83,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,172,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,0,3,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,213,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,89,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,141,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,77,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,10,125,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,196,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,174,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,26,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,190,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,23,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,5,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,36,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,26,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,144,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,183,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,62,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,75,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,178,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,21,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,174,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,16,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,81,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,202,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,99,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,70,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,13,159,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,157,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,98,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,45,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,44,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,17,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,161,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,159,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,16,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,196,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,1,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,90,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,4,59,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,103,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,44,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,172,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,39,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,1,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,181,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,51,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,171,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,100,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,201,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,5,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,34,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,1.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,188,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,105,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,53,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,166,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,189,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,17,215,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,1,23,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,11,139,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,41,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,153,0,0,1,0,0,1,0,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,116,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,180,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,164,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,45,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,101,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,40,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,199,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,79,0,1,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,50,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,89,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,49,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,80,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,81,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,209,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,17,209,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,186,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,139,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,175,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,182,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,85,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,5,61,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,0,1,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,7,91,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,129,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,150,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,191,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,36,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,27,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,133,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,46,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,16,192,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,212,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0.0 +15,16,198,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,49,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +14,4,56,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,108,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,106,1,0,0,1,0,0,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,169,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,13,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,0,1,0,0,1,1,0,0.0 +15,17,214,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,38,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,115,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,134,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,95,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,160,1,0,0,0,1,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,131,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,147,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0.0 +15,13,159,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,93,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,1,20,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,98,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,68,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,25,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,207,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,173,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,15,185,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,112,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,37,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,2,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,110,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,48,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,111,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,106,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,114,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,66,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,35,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,51,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,143,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,92,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,199,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,157,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,87,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,31,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,195,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,32,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,0,2,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,183,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,28,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,138,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,8,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,76,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,38,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,3,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,179,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0.0 +15,0,7,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,211,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,69,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,193,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,66,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,90,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,21,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,9,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,34,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,60,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,15,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,169,1,0,0,1,0,0,1,0,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,8,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,9,115,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,15,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0.0 +15,5,60,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,30,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,52,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,26,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,179,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,33,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,99,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,82,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,203,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,10,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,7,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,13,160,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,124,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,3,43,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,14,172,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,42,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,22,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,33,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,110,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,164,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,12,154,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,6,76,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,25,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,17,210,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,120,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,19,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,5,68,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,77,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,56,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,14,173,1,0,0,1,0,0,0,1,0,1,0,1,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,159,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0.0 +15,10,120,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,1,14,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,16,200,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,180,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,154,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,18,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,1,0,1,0,0,0,0,0,1,0,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +14,4,57,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,145,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,6,73,1,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,29,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,7,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,177,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,112,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,0,0,1,0,0,1,0,1,0.0 +15,1,17,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,190,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,57,1,0,0,0,1,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,17,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,142,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,13,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,0,6,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,8,100,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,1,0,1,0,0,0,1,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,16,200,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,11,133,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,9,108,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,86,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,1,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,1,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,1.0 +15,4,53,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,208,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,1,0,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,31,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,0,0,0,0,1,1,0,0,0,0,1,0,1,0.0 +15,1,12,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,1,22,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,175,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,1,0,0,0,0,1,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,1,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,4,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,15,191,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,167,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,1,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,71,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,3,43,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,1,0,1,0,0,0,1,1,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,11,132,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,2,24,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,2,27,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,122,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,10,128,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,12,149,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +14,2,30,0,1,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,1,0,0,0,1,0,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,1,0,1,0,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,1,0,0,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,11,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,4,55,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,9,113,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,13,165,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,9,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,168,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,1,0,0,1,0,1,0,1,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,1,0,1,0,1,1,0,0,0,0,0,1,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,0,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,6,78,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,17,214,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,1,0,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,0,1,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,1,0,0,0,0,0,1,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,8,97,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,1,0,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,0,6,0,0,1,0,0,1,0,1,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,176,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,0,1,0,0,0,0,1,0,1,1,0,1,0,0,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,1,0,0,1,0,0,0,0,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,1,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,1,0,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,1,20,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,1,0,0,0,1,0,0,1,0,1,0,0,1,0,1,0,0,1,1,0,0,1,1,0,0,1,0,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,1,0,0,0,1,0,1,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0.0 +15,0,9,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,0,1,0,0,0,0,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,0,0,1,1,0,0.0 +15,14,173,1,0,0,1,0,0,0,1,1,0,0,1,1,0,0,1,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,0,0,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,1,0,0,0,0,1,0,0,0,0,1,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,53,1,0,0,1,0,0,1,0,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,4,55,1,0,0,1,0,0,0,1,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,61,1,0,0,1,0,0,0,1,1,0,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,1,0,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,0,1,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,5,64,1,0,0,1,0,0,1,0,0,1,0,1,1,0,1,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,1,0,1,0,0,0,1,1,0,0,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,0,1,0,1,0,0,0,0,0,0,1,1,0,0,1,0,0,0,0,0,1,0,0,0,0,1,0,1,0.0 +15,7,88,0,0,1,0,0,1,1,0,0,0,1,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,0,1,1,0,1,0,1,0,0,1,0,0,1,0,1,1,0,0,0,1,1,0,0,1,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,0,1,0,0,0,0,0,0,0,1,0,0,0,0,0,0,0,0,1,0,0,0,1,0,0,1,0,0,1,0,0,1,0,0,1,0,0,0,1,0,0,1,0,0,0,1,0,0,0,0,1,1,0,0,0,0,1,0,0,1,0,1,1,0,0,0,0,0,1,0,0,1,0,0,1,1,0,0,0,1,0,1,1,0,1,0,0,0,0,0,0,0,0,0,1,0,0,1,0,0,0,0,1,0,0,0,0,1,0,1,0.0 diff --git a/docs/CNAME b/rule-vetting/docs/CNAME similarity index 100% rename from docs/CNAME rename to rule-vetting/docs/CNAME diff --git a/docs/api/eda.html b/rule-vetting/docs/api/eda.html similarity index 99% rename from docs/api/eda.html rename to rule-vetting/docs/api/eda.html index 741e0ab2..7c3e0bed 100644 --- a/docs/api/eda.html +++ b/rule-vetting/docs/api/eda.html @@ -1,64 +1,64 @@ - - - - - - -rulevetting.api.eda API documentation - - - - - - - - - - - -
-
-
-

Module rulevetting.api.eda

-
-
-

Exploratory data analysis for rules-data. -Generates automatic reports given DatasetTemplate.

-
- -Expand source code - -
"""Exploratory data analysis for rules-data.
-Generates automatic reports given DatasetTemplate.
-"""
-
-
-
-
-
-
-
-
-
-
-
- -
- - + + + + + + +rulevetting.api.eda API documentation + + + + + + + + + + + +
+
+
+

Module rulevetting.api.eda

+
+
+

Exploratory data analysis for rules-data. +Generates automatic reports given DatasetTemplate.

+
+ +Expand source code + +
"""Exploratory data analysis for rules-data.
+Generates automatic reports given DatasetTemplate.
+"""
+
+
+
+
+
+
+
+
+
+
+
+ +
+ + \ No newline at end of file diff --git a/docs/api/index.html b/rule-vetting/docs/api/index.html similarity index 98% rename from docs/api/index.html rename to rule-vetting/docs/api/index.html index 5e846b34..ddbd650e 100644 --- a/docs/api/index.html +++ b/rule-vetting/docs/api/index.html @@ -1,86 +1,86 @@ - - - - - - -rulevetting.api API documentation - - - - - - - - - - - -
- - -
- - + + + + + + +rulevetting.api API documentation + + + + + + + + + + + +
+ + +
+ + \ No newline at end of file diff --git a/docs/api/modeling.html b/rule-vetting/docs/api/modeling.html similarity index 98% rename from docs/api/modeling.html rename to rule-vetting/docs/api/modeling.html index 2b3612b9..ffcb4c16 100644 --- a/docs/api/modeling.html +++ b/rule-vetting/docs/api/modeling.html @@ -1,190 +1,190 @@ - - - - - - -rulevetting.api.modeling API documentation - - - - - - - - - - - -
-
-
-

Module rulevetting.api.modeling

-
-
-

Modeling

-
    -
  • run many models from imodels
  • -
  • extract out stable rules: screen for high predictive acc, look at what is kept
  • -
  • build stable rules model (e.g. using RuleFit or Corels)
  • -
-
- -Expand source code - -
"""
-# Modeling
-
-- run many models from [imodels](https://github.com/csinva/imodels)
-- extract out stable rules: screen for high predictive acc, look at what is kept
-- build stable rules model (e.g. using RuleFit or Corels)
-"""
-
-import importlib
-import random
-
-import numpy as np
-import pandas as pd
-from autogluon.tabular import TabularDataset, TabularPredictor
-
-import rulevetting
-import rulevetting.api.util
-
-
-def fit_models(train_data: pd.DataFrame, tune_data: pd.DataFrame, interpretable: bool = True):
-    """Note: don't use this function, still depends on experimental autogluon dependencies
-
-    Parameters
-    ----------
-    train_datas
-    tune_data
-    interpretable: bool
-        Whether to fit interpretable models or standard models
-
-    Returns
-    -------
-    predictor
-    """
-    train_data = TabularDataset(train_data)
-    test_data = TabularDataset(tune_data)
-    predictor = TabularPredictor(label='outcome',
-                                 path=rulevetting.AUTOGLUON_CACHE_PATH,
-                                 eval_metric='roc_auc')
-    kwargs = dict(
-        verbosity=2,
-        time_limit=30,
-    )
-    if interpretable:
-        predictor.fit(train_data, presets='interpretable', **kwargs)
-        print(predictor.interpretable_models_summary())
-    else:
-        predictor.fit(train_data, **kwargs)
-    return predictor
-
-
-if __name__ == '__main__':
-    project_ids = rulevetting.api.util.get_project_ids()
-    for project_id in project_ids:
-        np.random.seed(0)
-        random.seed(0)
-        print('fitting on', project_id)
-        project_module_name = f'rulevetting.projects.{project_id}.dataset'
-        module = importlib.import_module(project_module_name)
-        dset = module.Dataset()
-        df_train, df_tune, df_test = dset.get_data(load_csvs=True)
-        predictor = fit_models(df_train, df_tune)
-        print(predictor)
-
-
-
-
-
-
-
-

Functions

-
-
-def fit_models(train_data: pandas.core.frame.DataFrame, tune_data: pandas.core.frame.DataFrame, interpretable: bool = True) -
-
-

Note: don't use this function, still depends on experimental autogluon dependencies

-

Parameters

-
-
train_datas
-
 
-
tune_data
-
 
-
interpretable : bool
-
Whether to fit interpretable models or standard models
-
-

Returns

-
-
predictor
-
 
-
-
- -Expand source code - -
def fit_models(train_data: pd.DataFrame, tune_data: pd.DataFrame, interpretable: bool = True):
-    """Note: don't use this function, still depends on experimental autogluon dependencies
-
-    Parameters
-    ----------
-    train_datas
-    tune_data
-    interpretable: bool
-        Whether to fit interpretable models or standard models
-
-    Returns
-    -------
-    predictor
-    """
-    train_data = TabularDataset(train_data)
-    test_data = TabularDataset(tune_data)
-    predictor = TabularPredictor(label='outcome',
-                                 path=rulevetting.AUTOGLUON_CACHE_PATH,
-                                 eval_metric='roc_auc')
-    kwargs = dict(
-        verbosity=2,
-        time_limit=30,
-    )
-    if interpretable:
-        predictor.fit(train_data, presets='interpretable', **kwargs)
-        print(predictor.interpretable_models_summary())
-    else:
-        predictor.fit(train_data, **kwargs)
-    return predictor
-
-
-
-
-
-
-
- -
- - + + + + + + +rulevetting.api.modeling API documentation + + + + + + + + + + + +
+
+
+

Module rulevetting.api.modeling

+
+
+

Modeling

+
    +
  • run many models from imodels
  • +
  • extract out stable rules: screen for high predictive acc, look at what is kept
  • +
  • build stable rules model (e.g. using RuleFit or Corels)
  • +
+
+ +Expand source code + +
"""
+# Modeling
+
+- run many models from [imodels](https://github.com/csinva/imodels)
+- extract out stable rules: screen for high predictive acc, look at what is kept
+- build stable rules model (e.g. using RuleFit or Corels)
+"""
+
+import importlib
+import random
+
+import numpy as np
+import pandas as pd
+from autogluon.tabular import TabularDataset, TabularPredictor
+
+import rulevetting
+import rulevetting.api.util
+
+
+def fit_models(train_data: pd.DataFrame, tune_data: pd.DataFrame, interpretable: bool = True):
+    """Note: don't use this function, still depends on experimental autogluon dependencies
+
+    Parameters
+    ----------
+    train_datas
+    tune_data
+    interpretable: bool
+        Whether to fit interpretable models or standard models
+
+    Returns
+    -------
+    predictor
+    """
+    train_data = TabularDataset(train_data)
+    test_data = TabularDataset(tune_data)
+    predictor = TabularPredictor(label='outcome',
+                                 path=rulevetting.AUTOGLUON_CACHE_PATH,
+                                 eval_metric='roc_auc')
+    kwargs = dict(
+        verbosity=2,
+        time_limit=30,
+    )
+    if interpretable:
+        predictor.fit(train_data, presets='interpretable', **kwargs)
+        print(predictor.interpretable_models_summary())
+    else:
+        predictor.fit(train_data, **kwargs)
+    return predictor
+
+
+if __name__ == '__main__':
+    project_ids = rulevetting.api.util.get_project_ids()
+    for project_id in project_ids:
+        np.random.seed(0)
+        random.seed(0)
+        print('fitting on', project_id)
+        project_module_name = f'rulevetting.projects.{project_id}.dataset'
+        module = importlib.import_module(project_module_name)
+        dset = module.Dataset()
+        df_train, df_tune, df_test = dset.get_data(load_csvs=True)
+        predictor = fit_models(df_train, df_tune)
+        print(predictor)
+
+
+
+
+
+
+
+

Functions

+
+
+def fit_models(train_data: pandas.core.frame.DataFrame, tune_data: pandas.core.frame.DataFrame, interpretable: bool = True) +
+
+

Note: don't use this function, still depends on experimental autogluon dependencies

+

Parameters

+
+
train_datas
+
 
+
tune_data
+
 
+
interpretable : bool
+
Whether to fit interpretable models or standard models
+
+

Returns

+
+
predictor
+
 
+
+
+ +Expand source code + +
def fit_models(train_data: pd.DataFrame, tune_data: pd.DataFrame, interpretable: bool = True):
+    """Note: don't use this function, still depends on experimental autogluon dependencies
+
+    Parameters
+    ----------
+    train_datas
+    tune_data
+    interpretable: bool
+        Whether to fit interpretable models or standard models
+
+    Returns
+    -------
+    predictor
+    """
+    train_data = TabularDataset(train_data)
+    test_data = TabularDataset(tune_data)
+    predictor = TabularPredictor(label='outcome',
+                                 path=rulevetting.AUTOGLUON_CACHE_PATH,
+                                 eval_metric='roc_auc')
+    kwargs = dict(
+        verbosity=2,
+        time_limit=30,
+    )
+    if interpretable:
+        predictor.fit(train_data, presets='interpretable', **kwargs)
+        print(predictor.interpretable_models_summary())
+    else:
+        predictor.fit(train_data, **kwargs)
+    return predictor
+
+
+
+
+
+
+
+ +
+ + \ No newline at end of file diff --git a/docs/api/util.html b/rule-vetting/docs/api/util.html similarity index 98% rename from docs/api/util.html rename to rule-vetting/docs/api/util.html index 36d090e5..81a2fbbb 100644 --- a/docs/api/util.html +++ b/rule-vetting/docs/api/util.html @@ -1,130 +1,130 @@ - - - - - - -rulevetting.api.util API documentation - - - - - - - - - - - -
-
-
-

Module rulevetting.api.util

-
-
-
- -Expand source code - -
from os.path import join as oj
-
-import os
-
-import rulevetting
-
-
-def get_project_ids():
-    return [
-        f for f in os.listdir(rulevetting.PROJECTS_PATH)
-        if os.path.isdir(oj(rulevetting.PROJECTS_PATH, f))
-           and not 'cache' in f
-    ]
-
-
-def get_feat_names_from_base_feats(feat_names: list, base_feat_names: list):
-    """Generate feature names in feat_names that stem from features in base_feats
-    """
-
-    feats = set()
-    for base_feat_name in base_feat_names:
-        for feat_name in feat_names:
-            if base_feat_name in feat_name:
-                feats.add(feat_name)
-    return sorted(list(feats))
-
-
-
-
-
-
-
-

Functions

-
-
-def get_feat_names_from_base_feats(feat_names: list, base_feat_names: list) -
-
-

Generate feature names in feat_names that stem from features in base_feats

-
- -Expand source code - -
def get_feat_names_from_base_feats(feat_names: list, base_feat_names: list):
-    """Generate feature names in feat_names that stem from features in base_feats
-    """
-
-    feats = set()
-    for base_feat_name in base_feat_names:
-        for feat_name in feat_names:
-            if base_feat_name in feat_name:
-                feats.add(feat_name)
-    return sorted(list(feats))
-
-
-
-def get_project_ids() -
-
-
-
- -Expand source code - -
def get_project_ids():
-    return [
-        f for f in os.listdir(rulevetting.PROJECTS_PATH)
-        if os.path.isdir(oj(rulevetting.PROJECTS_PATH, f))
-           and not 'cache' in f
-    ]
-
-
-
-
-
-
-
- -
- - + + + + + + +rulevetting.api.util API documentation + + + + + + + + + + + +
+
+
+

Module rulevetting.api.util

+
+
+
+ +Expand source code + +
from os.path import join as oj
+
+import os
+
+import rulevetting
+
+
+def get_project_ids():
+    return [
+        f for f in os.listdir(rulevetting.PROJECTS_PATH)
+        if os.path.isdir(oj(rulevetting.PROJECTS_PATH, f))
+           and not 'cache' in f
+    ]
+
+
+def get_feat_names_from_base_feats(feat_names: list, base_feat_names: list):
+    """Generate feature names in feat_names that stem from features in base_feats
+    """
+
+    feats = set()
+    for base_feat_name in base_feat_names:
+        for feat_name in feat_names:
+            if base_feat_name in feat_name:
+                feats.add(feat_name)
+    return sorted(list(feats))
+
+
+
+
+
+
+
+

Functions

+
+
+def get_feat_names_from_base_feats(feat_names: list, base_feat_names: list) +
+
+

Generate feature names in feat_names that stem from features in base_feats

+
+ +Expand source code + +
def get_feat_names_from_base_feats(feat_names: list, base_feat_names: list):
+    """Generate feature names in feat_names that stem from features in base_feats
+    """
+
+    feats = set()
+    for base_feat_name in base_feat_names:
+        for feat_name in feat_names:
+            if base_feat_name in feat_name:
+                feats.add(feat_name)
+    return sorted(list(feats))
+
+
+
+def get_project_ids() +
+
+
+
+ +Expand source code + +
def get_project_ids():
+    return [
+        f for f in os.listdir(rulevetting.PROJECTS_PATH)
+        if os.path.isdir(oj(rulevetting.PROJECTS_PATH, f))
+           and not 'cache' in f
+    ]
+
+
+
+
+
+
+
+ +
+ + \ No newline at end of file diff --git a/docs/api/validation.html b/rule-vetting/docs/api/validation.html similarity index 98% rename from docs/api/validation.html rename to rule-vetting/docs/api/validation.html index 26c8e4f9..329ddd13 100644 --- a/docs/api/validation.html +++ b/rule-vetting/docs/api/validation.html @@ -1,147 +1,147 @@ - - - - - - -rulevetting.api.validation API documentation - - - - - - - - - - - -
-
-
-

Module rulevetting.api.validation

-
-
-
- -Expand source code - -
import warnings
-from os.path import join as oj
-
-import sys
-
-sys.path.insert(1, oj(sys.path[0], '..'))  # insert parent path
-import numpy as np
-import matplotlib.pyplot as plt
-from tqdm import tqdm
-from sklearn import metrics
-
-
-def all_stats_curve(y_test, preds_proba, plot=False, thresholds=None):
-    '''preds_proba should be 1d
-    '''
-    if thresholds is None:
-        thresholds = sorted(np.unique(preds_proba))
-    all_stats = {
-        s: [] for s in ['sens', 'spec', 'ppv', 'npv', 'lr+', 'lr-', 'f1']
-    }
-    for threshold in tqdm(thresholds):
-        preds = preds_proba > threshold
-        tn, fp, fn, tp = metrics.confusion_matrix(y_test, preds).ravel()
-        with warnings.catch_warnings():
-            warnings.simplefilter("ignore")
-            sens = tp / (tp + fn)
-            spec = tn / (tn + fp)
-            all_stats['sens'].append(sens)
-            all_stats['spec'].append(spec)
-            all_stats['ppv'].append(tp / (tp + fp))
-            all_stats['npv'].append(tn / (tn + fn))
-            all_stats['lr+'].append(sens / (1 - spec))
-            all_stats['lr-'].append((1 - sens) / spec)
-            all_stats['f1'].append(tp / (tp + 0.5 * (fp + fn)))
-
-    if plot:
-        plt.plot(all_stats['sens'], all_stats['spec'], '.-')
-        plt.xlabel('sensitivity')
-        plt.ylabel('specificity')
-        plt.grid()
-    return all_stats, thresholds
-
-
-
-
-
-
-
-

Functions

-
-
-def all_stats_curve(y_test, preds_proba, plot=False, thresholds=None) -
-
-

preds_proba should be 1d

-
- -Expand source code - -
def all_stats_curve(y_test, preds_proba, plot=False, thresholds=None):
-    '''preds_proba should be 1d
-    '''
-    if thresholds is None:
-        thresholds = sorted(np.unique(preds_proba))
-    all_stats = {
-        s: [] for s in ['sens', 'spec', 'ppv', 'npv', 'lr+', 'lr-', 'f1']
-    }
-    for threshold in tqdm(thresholds):
-        preds = preds_proba > threshold
-        tn, fp, fn, tp = metrics.confusion_matrix(y_test, preds).ravel()
-        with warnings.catch_warnings():
-            warnings.simplefilter("ignore")
-            sens = tp / (tp + fn)
-            spec = tn / (tn + fp)
-            all_stats['sens'].append(sens)
-            all_stats['spec'].append(spec)
-            all_stats['ppv'].append(tp / (tp + fp))
-            all_stats['npv'].append(tn / (tn + fn))
-            all_stats['lr+'].append(sens / (1 - spec))
-            all_stats['lr-'].append((1 - sens) / spec)
-            all_stats['f1'].append(tp / (tp + 0.5 * (fp + fn)))
-
-    if plot:
-        plt.plot(all_stats['sens'], all_stats['spec'], '.-')
-        plt.xlabel('sensitivity')
-        plt.ylabel('specificity')
-        plt.grid()
-    return all_stats, thresholds
-
-
-
-
-
-
-
- -
- - + + + + + + +rulevetting.api.validation API documentation + + + + + + + + + + + +
+
+
+

Module rulevetting.api.validation

+
+
+
+ +Expand source code + +
import warnings
+from os.path import join as oj
+
+import sys
+
+sys.path.insert(1, oj(sys.path[0], '..'))  # insert parent path
+import numpy as np
+import matplotlib.pyplot as plt
+from tqdm import tqdm
+from sklearn import metrics
+
+
+def all_stats_curve(y_test, preds_proba, plot=False, thresholds=None):
+    '''preds_proba should be 1d
+    '''
+    if thresholds is None:
+        thresholds = sorted(np.unique(preds_proba))
+    all_stats = {
+        s: [] for s in ['sens', 'spec', 'ppv', 'npv', 'lr+', 'lr-', 'f1']
+    }
+    for threshold in tqdm(thresholds):
+        preds = preds_proba > threshold
+        tn, fp, fn, tp = metrics.confusion_matrix(y_test, preds).ravel()
+        with warnings.catch_warnings():
+            warnings.simplefilter("ignore")
+            sens = tp / (tp + fn)
+            spec = tn / (tn + fp)
+            all_stats['sens'].append(sens)
+            all_stats['spec'].append(spec)
+            all_stats['ppv'].append(tp / (tp + fp))
+            all_stats['npv'].append(tn / (tn + fn))
+            all_stats['lr+'].append(sens / (1 - spec))
+            all_stats['lr-'].append((1 - sens) / spec)
+            all_stats['f1'].append(tp / (tp + 0.5 * (fp + fn)))
+
+    if plot:
+        plt.plot(all_stats['sens'], all_stats['spec'], '.-')
+        plt.xlabel('sensitivity')
+        plt.ylabel('specificity')
+        plt.grid()
+    return all_stats, thresholds
+
+
+
+
+
+
+
+

Functions

+
+
+def all_stats_curve(y_test, preds_proba, plot=False, thresholds=None) +
+
+

preds_proba should be 1d

+
+ +Expand source code + +
def all_stats_curve(y_test, preds_proba, plot=False, thresholds=None):
+    '''preds_proba should be 1d
+    '''
+    if thresholds is None:
+        thresholds = sorted(np.unique(preds_proba))
+    all_stats = {
+        s: [] for s in ['sens', 'spec', 'ppv', 'npv', 'lr+', 'lr-', 'f1']
+    }
+    for threshold in tqdm(thresholds):
+        preds = preds_proba > threshold
+        tn, fp, fn, tp = metrics.confusion_matrix(y_test, preds).ravel()
+        with warnings.catch_warnings():
+            warnings.simplefilter("ignore")
+            sens = tp / (tp + fn)
+            spec = tn / (tn + fp)
+            all_stats['sens'].append(sens)
+            all_stats['spec'].append(spec)
+            all_stats['ppv'].append(tp / (tp + fp))
+            all_stats['npv'].append(tn / (tn + fn))
+            all_stats['lr+'].append(sens / (1 - spec))
+            all_stats['lr-'].append((1 - sens) / spec)
+            all_stats['f1'].append(tp / (tp + 0.5 * (fp + fn)))
+
+    if plot:
+        plt.plot(all_stats['sens'], all_stats['spec'], '.-')
+        plt.xlabel('sensitivity')
+        plt.ylabel('specificity')
+        plt.grid()
+    return all_stats, thresholds
+
+
+
+
+
+
+
+ +
+ + \ No newline at end of file diff --git a/docs/api/viz.html b/rule-vetting/docs/api/viz.html similarity index 97% rename from docs/api/viz.html rename to rule-vetting/docs/api/viz.html index ef39db01..f7167333 100644 --- a/docs/api/viz.html +++ b/rule-vetting/docs/api/viz.html @@ -1,227 +1,227 @@ - - - - - - -rulevetting.api.viz API documentation - - - - - - - - - - - -
-
-
-

Module rulevetting.api.viz

-
-
-
- -Expand source code - -
import seaborn as sns
-import matplotlib.pyplot as plt
-
-cmap_div = sns.diverging_palette(10, 220, as_cmap=True)
-cb2 = '#66ccff'
-cb = '#1f77b4'
-cr = '#cc0000'
-cp = '#cc3399'
-cy = '#d8b365'
-cg = '#5ab4ac'
-cm = sns.diverging_palette(10, 240, n=1000, as_cmap=True)
-cm_rev = sns.diverging_palette(240, 10, n=1000, as_cmap=True)
-
-
-def jointplot_grouped(col_x: str, col_y: str, col_k: str, df,
-                      k_is_color=False, scatter_alpha=.5, add_global_hists: bool = True):
-    '''Jointplot of hists + densities
-    Params
-    ------
-    col_x
-        name of X var
-    col_y
-        name of Y var
-    col_k
-        name of variable to group/color by
-    add_global_hists
-        whether to plot the global hist as well
-    '''
-
-    def colored_scatter(x, y, c=None):
-        def scatter(*args, **kwargs):
-            args = (x, y)
-            if c is not None:
-                kwargs['c'] = c
-            kwargs['alpha'] = scatter_alpha
-            plt.scatter(*args, **kwargs)
-
-        return scatter
-
-    g = sns.JointGrid(
-        x=col_x,
-        y=col_y,
-        data=df
-    )
-    color = None
-    legends = []
-    for name, df_group in df.groupby(col_k):
-        legends.append(name)
-        if k_is_color:
-            color = name
-        g.plot_joint(
-            colored_scatter(df_group[col_x], df_group[col_y], color),
-        )
-        sns.distplot(
-            df_group[col_x].values,
-            ax=g.ax_marg_x,
-            color=color,
-        )
-        sns.distplot(
-            df_group[col_y].values,
-            ax=g.ax_marg_y,
-            color=color,
-            vertical=True
-        )
-    if add_global_hists:
-        sns.distplot(
-            df[col_x].values,
-            ax=g.ax_marg_x,
-            color='grey'
-        )
-        sns.distplot(
-            df[col_y].values.ravel(),
-            ax=g.ax_marg_y,
-            color='grey',
-            vertical=True
-        )
-    plt.legend(legends)
-
-
-
-
-
-
-
-

Functions

-
-
-def jointplot_grouped(col_x: str, col_y: str, col_k: str, df, k_is_color=False, scatter_alpha=0.5, add_global_hists: bool = True) -
-
-

Jointplot of hists + densities -Params

-
-

col_x -name of X var -col_y -name of Y var -col_k -name of variable to group/color by -add_global_hists -whether to plot the global hist as well

-
- -Expand source code - -
def jointplot_grouped(col_x: str, col_y: str, col_k: str, df,
-                      k_is_color=False, scatter_alpha=.5, add_global_hists: bool = True):
-    '''Jointplot of hists + densities
-    Params
-    ------
-    col_x
-        name of X var
-    col_y
-        name of Y var
-    col_k
-        name of variable to group/color by
-    add_global_hists
-        whether to plot the global hist as well
-    '''
-
-    def colored_scatter(x, y, c=None):
-        def scatter(*args, **kwargs):
-            args = (x, y)
-            if c is not None:
-                kwargs['c'] = c
-            kwargs['alpha'] = scatter_alpha
-            plt.scatter(*args, **kwargs)
-
-        return scatter
-
-    g = sns.JointGrid(
-        x=col_x,
-        y=col_y,
-        data=df
-    )
-    color = None
-    legends = []
-    for name, df_group in df.groupby(col_k):
-        legends.append(name)
-        if k_is_color:
-            color = name
-        g.plot_joint(
-            colored_scatter(df_group[col_x], df_group[col_y], color),
-        )
-        sns.distplot(
-            df_group[col_x].values,
-            ax=g.ax_marg_x,
-            color=color,
-        )
-        sns.distplot(
-            df_group[col_y].values,
-            ax=g.ax_marg_y,
-            color=color,
-            vertical=True
-        )
-    if add_global_hists:
-        sns.distplot(
-            df[col_x].values,
-            ax=g.ax_marg_x,
-            color='grey'
-        )
-        sns.distplot(
-            df[col_y].values.ravel(),
-            ax=g.ax_marg_y,
-            color='grey',
-            vertical=True
-        )
-    plt.legend(legends)
-
-
-
-
-
-
-
- -
- - + + + + + + +rulevetting.api.viz API documentation + + + + + + + + + + + +
+
+
+

Module rulevetting.api.viz

+
+
+
+ +Expand source code + +
import seaborn as sns
+import matplotlib.pyplot as plt
+
+cmap_div = sns.diverging_palette(10, 220, as_cmap=True)
+cb2 = '#66ccff'
+cb = '#1f77b4'
+cr = '#cc0000'
+cp = '#cc3399'
+cy = '#d8b365'
+cg = '#5ab4ac'
+cm = sns.diverging_palette(10, 240, n=1000, as_cmap=True)
+cm_rev = sns.diverging_palette(240, 10, n=1000, as_cmap=True)
+
+
+def jointplot_grouped(col_x: str, col_y: str, col_k: str, df,
+                      k_is_color=False, scatter_alpha=.5, add_global_hists: bool = True):
+    '''Jointplot of hists + densities
+    Params
+    ------
+    col_x
+        name of X var
+    col_y
+        name of Y var
+    col_k
+        name of variable to group/color by
+    add_global_hists
+        whether to plot the global hist as well
+    '''
+
+    def colored_scatter(x, y, c=None):
+        def scatter(*args, **kwargs):
+            args = (x, y)
+            if c is not None:
+                kwargs['c'] = c
+            kwargs['alpha'] = scatter_alpha
+            plt.scatter(*args, **kwargs)
+
+        return scatter
+
+    g = sns.JointGrid(
+        x=col_x,
+        y=col_y,
+        data=df
+    )
+    color = None
+    legends = []
+    for name, df_group in df.groupby(col_k):
+        legends.append(name)
+        if k_is_color:
+            color = name
+        g.plot_joint(
+            colored_scatter(df_group[col_x], df_group[col_y], color),
+        )
+        sns.distplot(
+            df_group[col_x].values,
+            ax=g.ax_marg_x,
+            color=color,
+        )
+        sns.distplot(
+            df_group[col_y].values,
+            ax=g.ax_marg_y,
+            color=color,
+            vertical=True
+        )
+    if add_global_hists:
+        sns.distplot(
+            df[col_x].values,
+            ax=g.ax_marg_x,
+            color='grey'
+        )
+        sns.distplot(
+            df[col_y].values.ravel(),
+            ax=g.ax_marg_y,
+            color='grey',
+            vertical=True
+        )
+    plt.legend(legends)
+
+
+
+
+
+
+
+

Functions

+
+
+def jointplot_grouped(col_x: str, col_y: str, col_k: str, df, k_is_color=False, scatter_alpha=0.5, add_global_hists: bool = True) +
+
+

Jointplot of hists + densities +Params

+
+

col_x +name of X var +col_y +name of Y var +col_k +name of variable to group/color by +add_global_hists +whether to plot the global hist as well

+
+ +Expand source code + +
def jointplot_grouped(col_x: str, col_y: str, col_k: str, df,
+                      k_is_color=False, scatter_alpha=.5, add_global_hists: bool = True):
+    '''Jointplot of hists + densities
+    Params
+    ------
+    col_x
+        name of X var
+    col_y
+        name of Y var
+    col_k
+        name of variable to group/color by
+    add_global_hists
+        whether to plot the global hist as well
+    '''
+
+    def colored_scatter(x, y, c=None):
+        def scatter(*args, **kwargs):
+            args = (x, y)
+            if c is not None:
+                kwargs['c'] = c
+            kwargs['alpha'] = scatter_alpha
+            plt.scatter(*args, **kwargs)
+
+        return scatter
+
+    g = sns.JointGrid(
+        x=col_x,
+        y=col_y,
+        data=df
+    )
+    color = None
+    legends = []
+    for name, df_group in df.groupby(col_k):
+        legends.append(name)
+        if k_is_color:
+            color = name
+        g.plot_joint(
+            colored_scatter(df_group[col_x], df_group[col_y], color),
+        )
+        sns.distplot(
+            df_group[col_x].values,
+            ax=g.ax_marg_x,
+            color=color,
+        )
+        sns.distplot(
+            df_group[col_y].values,
+            ax=g.ax_marg_y,
+            color=color,
+            vertical=True
+        )
+    if add_global_hists:
+        sns.distplot(
+            df[col_x].values,
+            ax=g.ax_marg_x,
+            color='grey'
+        )
+        sns.distplot(
+            df[col_y].values.ravel(),
+            ax=g.ax_marg_y,
+            color='grey',
+            vertical=True
+        )
+    plt.legend(legends)
+
+
+
+
+
+
+
+ +
+ + \ No newline at end of file diff --git a/docs/build_docs.sh b/rule-vetting/docs/build_docs.sh old mode 100755 new mode 100644 similarity index 96% rename from docs/build_docs.sh rename to rule-vetting/docs/build_docs.sh index 2c982313..2d47c8f8 --- a/docs/build_docs.sh +++ b/rule-vetting/docs/build_docs.sh @@ -1,7 +1,7 @@ -PKG=rulevetting -cd ../$PKG -pdoc --html . --output-dir ../docs --template-dir . -cp -rf ../docs/$PKG/* ../docs/ -rm -rf ../docs/$PKG -cd ../docs +PKG=rulevetting +cd ../$PKG +pdoc --html . --output-dir ../docs --template-dir . +cp -rf ../docs/$PKG/* ../docs/ +rm -rf ../docs/$PKG +cd ../docs python3 style_docs.py \ No newline at end of file diff --git a/docs/collaborating_for_clinicians.md b/rule-vetting/docs/collaborating_for_clinicians.md similarity index 98% rename from docs/collaborating_for_clinicians.md rename to rule-vetting/docs/collaborating_for_clinicians.md index e1cfb0f9..982710dc 100644 --- a/docs/collaborating_for_clinicians.md +++ b/rule-vetting/docs/collaborating_for_clinicians.md @@ -1,43 +1,43 @@ -

Some instructions for clinicians aiding with rule-vetting.

- - -Thank you for helping to provide us with your extremely helpful knowledge in vetting clinical decision rules! Your expertise is crucial for understanding, building, and vetting these CDRs. - -In the course of this project, we would like each group to meet you twice for domain expertise in the problem, once in the week of 11/15 and once in the week of 11/29 - the group will reach out to you over email to schedule these meetings before Nov. 12 when they will get their assignment. - -### Background - -Outside of meetings, we hope your time-commitment would be low. If you are not familiar with your dataset/study, you might read it to get a refresher of the context it was collected in. - -In case you are not familiar with the PCS framework, here are some links (the video is probably the most accessible before reading the paper) - -- [Veridical data science](https://www.google.com/url?q=https%3A%2F%2Fwww.pnas.org%2Fcontent%2F117%2F8%2F3920&sa=D&sntz=1&usg=AFQjCNHxGUnnaw4Av_7kFoGiSLwqExbdEA) (PCS framework), PNAS, 2020 [(QnAs with Bin Yu)](https://www.google.com/url?q=https%3A%2F%2Fwww.pnas.org%2Fcontent%2F117%2F8%2F3893&sa=D&sntz=1&usg=AFQjCNEAQHjmn1HUGUI0l09tz5gjNPP9zw) -- [Breiman Lecture (video) at NeurIPS "Veridical data Science"](https://www.google.com/url?q=https%3A%2F%2Fslideslive.com%2F38922599%2Fveridical-data-science&sa=D&sntz=1&usg=AFQjCNHYmnQjvxfiLqMBmcmQJsCYE2hkeQ) 2019 - -### Meeting 1 - -When cleaning the data, the group will need to translate from messy data to meaningful features. Your valuable expertise will help decide which variables to use + how to process them. It will also be helpful if you have as much information as possible on how the dataset was collected. - -When meeting with your group, they will come prepared with a list of variables and questions about them. - -> **Examples** -> -> - Who collected the data? Over what period? How? -> - Are these variables available at the time when the clinical decision rule is used? -> - Are the distributions of each variable reasonable? -> - Is this variable always available? -> - What does it mean for these variables to be "missing" - can they be imputed using other information? How and why? -> - Should this variable be discretized / binarized? -> - What are reasonable perturbations that could be made to this modeling pipeline? Why? - - -### Meeting 2 - -After cleaning the data and fitting models, the group will again reach out to you for your help with vetting and understanding the results. This time the questions, will center around the new analysis. - -> **Examples** -> -> - Do the important variables found by students in the fitted rules make clinical sense? -> - Are the errors the model makes reasonable? -> - Are there any surprises about the stability of the pipeline to certain perturbations? - +

Some instructions for clinicians aiding with rule-vetting.

+ + +Thank you for helping to provide us with your extremely helpful knowledge in vetting clinical decision rules! Your expertise is crucial for understanding, building, and vetting these CDRs. + +In the course of this project, we would like each group to meet you twice for domain expertise in the problem, once in the week of 11/15 and once in the week of 11/29 - the group will reach out to you over email to schedule these meetings before Nov. 12 when they will get their assignment. + +### Background + +Outside of meetings, we hope your time-commitment would be low. If you are not familiar with your dataset/study, you might read it to get a refresher of the context it was collected in. + +In case you are not familiar with the PCS framework, here are some links (the video is probably the most accessible before reading the paper) + +- [Veridical data science](https://www.google.com/url?q=https%3A%2F%2Fwww.pnas.org%2Fcontent%2F117%2F8%2F3920&sa=D&sntz=1&usg=AFQjCNHxGUnnaw4Av_7kFoGiSLwqExbdEA) (PCS framework), PNAS, 2020 [(QnAs with Bin Yu)](https://www.google.com/url?q=https%3A%2F%2Fwww.pnas.org%2Fcontent%2F117%2F8%2F3893&sa=D&sntz=1&usg=AFQjCNEAQHjmn1HUGUI0l09tz5gjNPP9zw) +- [Breiman Lecture (video) at NeurIPS "Veridical data Science"](https://www.google.com/url?q=https%3A%2F%2Fslideslive.com%2F38922599%2Fveridical-data-science&sa=D&sntz=1&usg=AFQjCNHYmnQjvxfiLqMBmcmQJsCYE2hkeQ) 2019 + +### Meeting 1 + +When cleaning the data, the group will need to translate from messy data to meaningful features. Your valuable expertise will help decide which variables to use + how to process them. It will also be helpful if you have as much information as possible on how the dataset was collected. + +When meeting with your group, they will come prepared with a list of variables and questions about them. + +> **Examples** +> +> - Who collected the data? Over what period? How? +> - Are these variables available at the time when the clinical decision rule is used? +> - Are the distributions of each variable reasonable? +> - Is this variable always available? +> - What does it mean for these variables to be "missing" - can they be imputed using other information? How and why? +> - Should this variable be discretized / binarized? +> - What are reasonable perturbations that could be made to this modeling pipeline? Why? + + +### Meeting 2 + +After cleaning the data and fitting models, the group will again reach out to you for your help with vetting and understanding the results. This time the questions, will center around the new analysis. + +> **Examples** +> +> - Do the important variables found by students in the fitted rules make clinical sense? +> - Are the errors the model makes reasonable? +> - Are there any surprises about the stability of the pipeline to certain perturbations? + diff --git a/docs/collaborating_for_data_scientists.md b/rule-vetting/docs/collaborating_for_data_scientists.md similarity index 98% rename from docs/collaborating_for_data_scientists.md rename to rule-vetting/docs/collaborating_for_data_scientists.md index 1a33e0be..3ed10566 100644 --- a/docs/collaborating_for_data_scientists.md +++ b/rule-vetting/docs/collaborating_for_data_scientists.md @@ -1,37 +1,37 @@ -*Some instructions for data-scientists on collaborating with clinicians for rule-vetting. See the [contributing checklist](https://github.com/Yu-Group/rule-vetting#contributing-checklist) for all deliverables and the [lab writeup](https://github.com/Yu-Group/rule-vetting/blob/master/docs/lab_writeup.md) for guidance.* - -# Working with clinical experts - -In the course of this project, you will meet twice (once in the week of 11/15 and once in the week of 11/29) with a clinical expert for domain expertise in the problem. Please take the initiative to schedule these meetings. - -### Meeting 1 - -When cleaning the data, you will need to translate from messy data to meaningful features. -You will consult with a clinical expert to help decide which variables to use + how to process them. -Please come prepared to this meeting with a list of variables and questions about them. -Be sure to provide as much data as possible to give the medical expert the most context (e.g. what was the exact wording used when collecting a variable?). -Sharing your questions ahead of time via e-mail can help make the meeting more productive. - -> **Examples** -> -> - Are these variables available at the time when the clinical decision rule is used? -> - Are the distributions of each variable reasonable? -> - Is this variable always available? -> - What does it mean for these variables to be "missing" - can they be imputed using other information? -> - Should this variable be discretized / binarized? -> - What are reasonable perturbations that could be made to this modeling pipeline? - -Eventually, the final variables you use should be written into the file `data_dictionary.md`. - -### Meeting 2 - -After cleaning the data and fitting models, clinical experts can again help vet and understand the results. Meet again and ask questions about the results of your findings. - -> **Examples** -> -> - Do the important variables in the fitted rules make clinical sense? -> - Are the errors the model makes reasonable? -> - Are there any surprises about the stability of the pipeline to certain perturbations? - -The analysis provided by the clinical expert should be incorporated into your final writeup. - +*Some instructions for data-scientists on collaborating with clinicians for rule-vetting. See the [contributing checklist](https://github.com/Yu-Group/rule-vetting#contributing-checklist) for all deliverables and the [lab writeup](https://github.com/Yu-Group/rule-vetting/blob/master/docs/lab_writeup.md) for guidance.* + +# Working with clinical experts + +In the course of this project, you will meet twice (once in the week of 11/15 and once in the week of 11/29) with a clinical expert for domain expertise in the problem. Please take the initiative to schedule these meetings. + +### Meeting 1 + +When cleaning the data, you will need to translate from messy data to meaningful features. +You will consult with a clinical expert to help decide which variables to use + how to process them. +Please come prepared to this meeting with a list of variables and questions about them. +Be sure to provide as much data as possible to give the medical expert the most context (e.g. what was the exact wording used when collecting a variable?). +Sharing your questions ahead of time via e-mail can help make the meeting more productive. + +> **Examples** +> +> - Are these variables available at the time when the clinical decision rule is used? +> - Are the distributions of each variable reasonable? +> - Is this variable always available? +> - What does it mean for these variables to be "missing" - can they be imputed using other information? +> - Should this variable be discretized / binarized? +> - What are reasonable perturbations that could be made to this modeling pipeline? + +Eventually, the final variables you use should be written into the file `data_dictionary.md`. + +### Meeting 2 + +After cleaning the data and fitting models, clinical experts can again help vet and understand the results. Meet again and ask questions about the results of your findings. + +> **Examples** +> +> - Do the important variables in the fitted rules make clinical sense? +> - Are the errors the model makes reasonable? +> - Are there any surprises about the stability of the pipeline to certain perturbations? + +The analysis provided by the clinical expert should be incorporated into your final writeup. + diff --git a/docs/emails.md b/rule-vetting/docs/emails.md similarity index 98% rename from docs/emails.md rename to rule-vetting/docs/emails.md index 3a0e616c..b3d6151f 100644 --- a/docs/emails.md +++ b/rule-vetting/docs/emails.md @@ -1,47 +1,47 @@ -# overview -- for setting up, best practice is first to e-mail clinicians, then students, then point everyone to a spreadsheet and ask students to reach out to clinicians - - -# email 1 (to clinicans) - -Thanks X and Y for organizing and kicking us off. - -Thanks X, X, and X for agreeing to help us with your valuable expertise! Here are some logistics/a timeline for what we have planned. - -Each of you will be connected with a group of 3-4 students to help validate/improve a clinical CDR from a PECARN study. Outside of meetings, we hope your time-commitment will be low. If you are not familiar with your dataset/study, you might read it to get a refresher of the context it was collected in - details for what to prepare / expect from meetings are available here. - -Timeline - Note: at all times students should take the initiative to schedule meetings with you and accommodate your schedule -Nov 10 week - email connecting you with your group/dataset, scheduling followup meetings -Nov 15 week - 1st meeting with group to discuss data -Nov 22 week - asynchronous discussion over google sheets with group -Nov 29 week - 2nd meeting with group to discuss results + some asynchronous discussion -If you at any point are having issues with scheduling or time-commitment please do let us know and we will work to ensure you and the students are supported! - -Best, -Chandan - -# email 2 (to groups) - -Subject: Stat 215 Project Group (Action required) - -Hello everyone! Here's some info about your team for our exciting upcoming final project. - - - -Team members: X, X, X + Dr. Y (Clinical expert) -Dataset: PECARN Traumatic Brain Injury - - - -Dr. Y - Thanks again for your help! You may want to review this dataset and the study protocol available [here](https://pecarn.org/datasets/) (under "Identification of children at very low risk of clinically-important brain injuries after head trauma: a prospective cohort study."). - - - -Student group - Dr. Y has graciously volunteered to help with this project! **Please reach out to them ASAP** to schedule two meetings in the upcoming weeks: once in the Nov 15 week and once in the Nov 29 week. Make sure to be accomodating of their schedule and record the meeting if you can't find a common time. We'll go over project details in Friday's discussion section. - -If you have any difficulties with scheduling, please **let us know by this Friday (Nov 12)**, and we'll work to ensure you all are supported! - -Best, -Chandan - - +# overview +- for setting up, best practice is first to e-mail clinicians, then students, then point everyone to a spreadsheet and ask students to reach out to clinicians + + +# email 1 (to clinicans) + +Thanks X and Y for organizing and kicking us off. + +Thanks X, X, and X for agreeing to help us with your valuable expertise! Here are some logistics/a timeline for what we have planned. + +Each of you will be connected with a group of 3-4 students to help validate/improve a clinical CDR from a PECARN study. Outside of meetings, we hope your time-commitment will be low. If you are not familiar with your dataset/study, you might read it to get a refresher of the context it was collected in - details for what to prepare / expect from meetings are available here. + +Timeline - Note: at all times students should take the initiative to schedule meetings with you and accommodate your schedule +Nov 10 week - email connecting you with your group/dataset, scheduling followup meetings +Nov 15 week - 1st meeting with group to discuss data +Nov 22 week - asynchronous discussion over google sheets with group +Nov 29 week - 2nd meeting with group to discuss results + some asynchronous discussion +If you at any point are having issues with scheduling or time-commitment please do let us know and we will work to ensure you and the students are supported! + +Best, +Chandan + +# email 2 (to groups) + +Subject: Stat 215 Project Group (Action required) + +Hello everyone! Here's some info about your team for our exciting upcoming final project. + + + +Team members: X, X, X + Dr. Y (Clinical expert) +Dataset: PECARN Traumatic Brain Injury + + + +Dr. Y - Thanks again for your help! You may want to review this dataset and the study protocol available [here](https://pecarn.org/datasets/) (under "Identification of children at very low risk of clinically-important brain injuries after head trauma: a prospective cohort study."). + + + +Student group - Dr. Y has graciously volunteered to help with this project! **Please reach out to them ASAP** to schedule two meetings in the upcoming weeks: once in the Nov 15 week and once in the Nov 29 week. Make sure to be accomodating of their schedule and record the meeting if you can't find a common time. We'll go over project details in Friday's discussion section. + +If you have any difficulties with scheduling, please **let us know by this Friday (Nov 12)**, and we'll work to ensure you all are supported! + +Best, +Chandan + + diff --git a/docs/github.css b/rule-vetting/docs/github.css similarity index 95% rename from docs/github.css rename to rule-vetting/docs/github.css index 64fb344d..23e1182d 100644 --- a/docs/github.css +++ b/rule-vetting/docs/github.css @@ -1,408 +1,408 @@ -:root { - --side-bar-bg-color: #fafafa; - --control-text-color: #777; -} - -@include-when-export url(https://fonts.loli.net/css?family=Open+Sans:400italic,700italic,700,400&subset=latin,latin-ext); - -/* open-sans-regular - latin-ext_latin */ -@font-face { - font-family: 'Open Sans'; - font-style: normal; - font-weight: normal; - src: local('Open Sans Regular'), local('OpenSans-Regular'), url('./github/open-sans-v17-latin-ext_latin-regular.woff2') format('woff2'); - unicode-range: U+0000-00FF, U+0131, U+0152-0153, U+02BB-02BC, U+02C6, U+02DA, U+02DC, U+2000-206F, U+2074, U+20AC, U+2122, U+2191, U+2193, U+2212, U+2215, U+FEFF, U+FFFD, U+0100-024F, U+0259, U+1E00-1EFF, U+2020, U+20A0-20AB, U+20AD-20CF, U+2113, U+2C60-2C7F, U+A720-A7FF; - } - /* open-sans-italic - latin-ext_latin */ - @font-face { - font-family: 'Open Sans'; - font-style: italic; - font-weight: normal; - src: local('Open Sans Italic'), local('OpenSans-Italic'), url('./github/open-sans-v17-latin-ext_latin-italic.woff2') format('woff2'); - unicode-range: U+0000-00FF, U+0131, U+0152-0153, U+02BB-02BC, U+02C6, U+02DA, U+02DC, U+2000-206F, U+2074, U+20AC, U+2122, U+2191, U+2193, U+2212, U+2215, U+FEFF, U+FFFD, U+0100-024F, U+0259, U+1E00-1EFF, U+2020, U+20A0-20AB, U+20AD-20CF, U+2113, U+2C60-2C7F, U+A720-A7FF; - } - /* open-sans-700 - latin-ext_latin */ - @font-face { - font-family: 'Open Sans'; - font-style: normal; - font-weight: bold; - src: local('Open Sans Bold'), local('OpenSans-Bold'), url('./github/open-sans-v17-latin-ext_latin-700.woff2') format('woff2'); - unicode-range: U+0000-00FF, U+0131, U+0152-0153, U+02BB-02BC, U+02C6, U+02DA, U+02DC, U+2000-206F, U+2074, U+20AC, U+2122, U+2191, U+2193, U+2212, U+2215, U+FEFF, U+FFFD, U+0100-024F, U+0259, U+1E00-1EFF, U+2020, U+20A0-20AB, U+20AD-20CF, U+2113, U+2C60-2C7F, U+A720-A7FF; - } - /* open-sans-700italic - latin-ext_latin */ - @font-face { - font-family: 'Open Sans'; - font-style: italic; - font-weight: bold; - src: local('Open Sans Bold Italic'), local('OpenSans-BoldItalic'), url('./github/open-sans-v17-latin-ext_latin-700italic.woff2') format('woff2'); - unicode-range: U+0000-00FF, U+0131, U+0152-0153, U+02BB-02BC, U+02C6, U+02DA, U+02DC, U+2000-206F, U+2074, U+20AC, U+2122, U+2191, U+2193, U+2212, U+2215, U+FEFF, U+FFFD, U+0100-024F, U+0259, U+1E00-1EFF, U+2020, U+20A0-20AB, U+20AD-20CF, U+2113, U+2C60-2C7F, U+A720-A7FF; - } - -html { - font-size: 16px; -} - -body { - font-family: "Open Sans","Clear Sans", "Helvetica Neue", Helvetica, Arial, sans-serif; - color: rgb(51, 51, 51); - line-height: 1.6; -} - -#write { - max-width: 860px; - margin: 0 auto; - padding: 30px; - padding-bottom: 100px; -} - -@media only screen and (min-width: 1400px) { - #write { - max-width: 1024px; - } -} - -@media only screen and (min-width: 1800px) { - #write { - max-width: 1200px; - } -} - -#write > ul:first-child, -#write > ol:first-child{ - margin-top: 30px; -} - -a { - color: #4183C4; -} -h1, -h2, -h3, -h4, -h5, -h6 { - position: relative; - margin-top: 1rem; - margin-bottom: 1rem; - font-weight: bold; - line-height: 1.4; - cursor: text; -} -h1:hover a.anchor, -h2:hover a.anchor, -h3:hover a.anchor, -h4:hover a.anchor, -h5:hover a.anchor, -h6:hover a.anchor { - text-decoration: none; -} -h1 tt, -h1 code { - font-size: inherit; -} -h2 tt, -h2 code { - font-size: inherit; -} -h3 tt, -h3 code { - font-size: inherit; -} -h4 tt, -h4 code { - font-size: inherit; -} -h5 tt, -h5 code { - font-size: inherit; -} -h6 tt, -h6 code { - font-size: inherit; -} -h1 { - font-size: 2.25em; - line-height: 1.2; - border-bottom: 1px solid #eee; -} -h2 { - font-size: 1.75em; - line-height: 1.225; - border-bottom: 1px solid #eee; -} - -/*@media print { - .typora-export h1, - .typora-export h2 { - border-bottom: none; - padding-bottom: initial; - } - - .typora-export h1::after, - .typora-export h2::after { - content: ""; - display: block; - height: 100px; - margin-top: -96px; - border-top: 1px solid #eee; - } -}*/ - -h3 { - font-size: 1.5em; - line-height: 1.43; -} -h4 { - font-size: 1.25em; -} -h5 { - font-size: 1em; -} -h6 { - font-size: 1em; - color: #777; -} -p, -blockquote, -ul, -ol, -dl, -table{ - margin: 0.8em 0; -} -li>ol, -li>ul { - margin: 0 0; -} -hr { - height: 2px; - padding: 0; - margin: 16px 0; - background-color: #e7e7e7; - border: 0 none; - overflow: hidden; - box-sizing: content-box; -} - -li p.first { - display: inline-block; -} -ul, -ol { - padding-left: 30px; -} -ul:first-child, -ol:first-child { - margin-top: 0; -} -ul:last-child, -ol:last-child { - margin-bottom: 0; -} -blockquote { - border-left: 4px solid #dfe2e5; - padding: 0 15px; - color: #777777; -} -blockquote blockquote { - padding-right: 0; -} -table { - padding: 0; - word-break: initial; -} -table tr { - border-top: 1px solid #dfe2e5; - margin: 0; - padding: 0; -} -table tr:nth-child(2n), -thead { - background-color: #f8f8f8; -} -table tr th { - font-weight: bold; - border: 1px solid #dfe2e5; - border-bottom: 0; - margin: 0; - padding: 6px 13px; -} -table tr td { - border: 1px solid #dfe2e5; - margin: 0; - padding: 6px 13px; -} -table tr th:first-child, -table tr td:first-child { - margin-top: 0; -} -table tr th:last-child, -table tr td:last-child { - margin-bottom: 0; -} - -.CodeMirror-lines { - padding-left: 4px; -} - -.code-tooltip { - box-shadow: 0 1px 1px 0 rgba(0,28,36,.3); - border-top: 1px solid #eef2f2; -} - -.md-fences, -code, -tt { - border: 1px solid #e7eaed; - background-color: #f8f8f8; - border-radius: 3px; - padding: 0; - padding: 2px 4px 0px 4px; - font-size: 0.9em; -} - -code { - background-color: #f3f4f4; - padding: 0 2px 0 2px; -} - -.md-fences { - margin-bottom: 15px; - margin-top: 15px; - padding-top: 8px; - padding-bottom: 6px; -} - - -.md-task-list-item > input { - margin-left: -1.3em; -} - -@media print { - html { - font-size: 13px; - } - table, - pre { - page-break-inside: avoid; - } - pre { - word-wrap: break-word; - } -} - -.md-fences { - background-color: #f8f8f8; -} -#write pre.md-meta-block { - padding: 1rem; - font-size: 85%; - line-height: 1.45; - background-color: #f7f7f7; - border: 0; - border-radius: 3px; - color: #777777; - margin-top: 0 !important; -} - -.mathjax-block>.code-tooltip { - bottom: .375rem; -} - -.md-mathjax-midline { - background: #fafafa; -} - -#write>h3.md-focus:before{ - left: -1.5625rem; - top: .375rem; -} -#write>h4.md-focus:before{ - left: -1.5625rem; - top: .285714286rem; -} -#write>h5.md-focus:before{ - left: -1.5625rem; - top: .285714286rem; -} -#write>h6.md-focus:before{ - left: -1.5625rem; - top: .285714286rem; -} -.md-image>.md-meta { - /*border: 1px solid #ddd;*/ - border-radius: 3px; - padding: 2px 0px 0px 4px; - font-size: 0.9em; - color: inherit; -} - -.md-tag { - color: #a7a7a7; - opacity: 1; -} - -.md-toc { - margin-top:20px; - padding-bottom:20px; -} - -.sidebar-tabs { - border-bottom: none; -} - -#typora-quick-open { - border: 1px solid #ddd; - background-color: #f8f8f8; -} - -#typora-quick-open-item { - background-color: #FAFAFA; - border-color: #FEFEFE #e5e5e5 #e5e5e5 #eee; - border-style: solid; - border-width: 1px; -} - -/** focus mode */ -.on-focus-mode blockquote { - border-left-color: rgba(85, 85, 85, 0.12); -} - -header, .context-menu, .megamenu-content, footer{ - font-family: "Segoe UI", "Arial", sans-serif; -} - -.file-node-content:hover .file-node-icon, -.file-node-content:hover .file-node-open-state{ - visibility: visible; -} - -.mac-seamless-mode #typora-sidebar { - background-color: #fafafa; - background-color: var(--side-bar-bg-color); -} - -.md-lang { - color: #b4654d; -} - -.html-for-mac .context-menu { - --item-hover-bg-color: #E6F0FE; -} - -#md-notification .btn { - border: 0; -} - -.dropdown-menu .divider { - border-color: #e5e5e5; -} - -.ty-preferences .window-content { - background-color: #fafafa; -} - -.ty-preferences .nav-group-item.active { - color: white; - background: #999; +:root { + --side-bar-bg-color: #fafafa; + --control-text-color: #777; +} + +@include-when-export url(https://fonts.loli.net/css?family=Open+Sans:400italic,700italic,700,400&subset=latin,latin-ext); + +/* open-sans-regular - latin-ext_latin */ +@font-face { + font-family: 'Open Sans'; + font-style: normal; + font-weight: normal; + src: local('Open Sans Regular'), local('OpenSans-Regular'), url('./github/open-sans-v17-latin-ext_latin-regular.woff2') format('woff2'); + unicode-range: U+0000-00FF, U+0131, U+0152-0153, U+02BB-02BC, U+02C6, U+02DA, U+02DC, U+2000-206F, U+2074, U+20AC, U+2122, U+2191, U+2193, U+2212, U+2215, U+FEFF, U+FFFD, U+0100-024F, U+0259, U+1E00-1EFF, U+2020, U+20A0-20AB, U+20AD-20CF, U+2113, U+2C60-2C7F, U+A720-A7FF; + } + /* open-sans-italic - latin-ext_latin */ + @font-face { + font-family: 'Open Sans'; + font-style: italic; + font-weight: normal; + src: local('Open Sans Italic'), local('OpenSans-Italic'), url('./github/open-sans-v17-latin-ext_latin-italic.woff2') format('woff2'); + unicode-range: U+0000-00FF, U+0131, U+0152-0153, U+02BB-02BC, U+02C6, U+02DA, U+02DC, U+2000-206F, U+2074, U+20AC, U+2122, U+2191, U+2193, U+2212, U+2215, U+FEFF, U+FFFD, U+0100-024F, U+0259, U+1E00-1EFF, U+2020, U+20A0-20AB, U+20AD-20CF, U+2113, U+2C60-2C7F, U+A720-A7FF; + } + /* open-sans-700 - latin-ext_latin */ + @font-face { + font-family: 'Open Sans'; + font-style: normal; + font-weight: bold; + src: local('Open Sans Bold'), local('OpenSans-Bold'), url('./github/open-sans-v17-latin-ext_latin-700.woff2') format('woff2'); + unicode-range: U+0000-00FF, U+0131, U+0152-0153, U+02BB-02BC, U+02C6, U+02DA, U+02DC, U+2000-206F, U+2074, U+20AC, U+2122, U+2191, U+2193, U+2212, U+2215, U+FEFF, U+FFFD, U+0100-024F, U+0259, U+1E00-1EFF, U+2020, U+20A0-20AB, U+20AD-20CF, U+2113, U+2C60-2C7F, U+A720-A7FF; + } + /* open-sans-700italic - latin-ext_latin */ + @font-face { + font-family: 'Open Sans'; + font-style: italic; + font-weight: bold; + src: local('Open Sans Bold Italic'), local('OpenSans-BoldItalic'), url('./github/open-sans-v17-latin-ext_latin-700italic.woff2') format('woff2'); + unicode-range: U+0000-00FF, U+0131, U+0152-0153, U+02BB-02BC, U+02C6, U+02DA, U+02DC, U+2000-206F, U+2074, U+20AC, U+2122, U+2191, U+2193, U+2212, U+2215, U+FEFF, U+FFFD, U+0100-024F, U+0259, U+1E00-1EFF, U+2020, U+20A0-20AB, U+20AD-20CF, U+2113, U+2C60-2C7F, U+A720-A7FF; + } + +html { + font-size: 16px; +} + +body { + font-family: "Open Sans","Clear Sans", "Helvetica Neue", Helvetica, Arial, sans-serif; + color: rgb(51, 51, 51); + line-height: 1.6; +} + +#write { + max-width: 860px; + margin: 0 auto; + padding: 30px; + padding-bottom: 100px; +} + +@media only screen and (min-width: 1400px) { + #write { + max-width: 1024px; + } +} + +@media only screen and (min-width: 1800px) { + #write { + max-width: 1200px; + } +} + +#write > ul:first-child, +#write > ol:first-child{ + margin-top: 30px; +} + +a { + color: #4183C4; +} +h1, +h2, +h3, +h4, +h5, +h6 { + position: relative; + margin-top: 1rem; + margin-bottom: 1rem; + font-weight: bold; + line-height: 1.4; + cursor: text; +} +h1:hover a.anchor, +h2:hover a.anchor, +h3:hover a.anchor, +h4:hover a.anchor, +h5:hover a.anchor, +h6:hover a.anchor { + text-decoration: none; +} +h1 tt, +h1 code { + font-size: inherit; +} +h2 tt, +h2 code { + font-size: inherit; +} +h3 tt, +h3 code { + font-size: inherit; +} +h4 tt, +h4 code { + font-size: inherit; +} +h5 tt, +h5 code { + font-size: inherit; +} +h6 tt, +h6 code { + font-size: inherit; +} +h1 { + font-size: 2.25em; + line-height: 1.2; + border-bottom: 1px solid #eee; +} +h2 { + font-size: 1.75em; + line-height: 1.225; + border-bottom: 1px solid #eee; +} + +/*@media print { + .typora-export h1, + .typora-export h2 { + border-bottom: none; + padding-bottom: initial; + } + + .typora-export h1::after, + .typora-export h2::after { + content: ""; + display: block; + height: 100px; + margin-top: -96px; + border-top: 1px solid #eee; + } +}*/ + +h3 { + font-size: 1.5em; + line-height: 1.43; +} +h4 { + font-size: 1.25em; +} +h5 { + font-size: 1em; +} +h6 { + font-size: 1em; + color: #777; +} +p, +blockquote, +ul, +ol, +dl, +table{ + margin: 0.8em 0; +} +li>ol, +li>ul { + margin: 0 0; +} +hr { + height: 2px; + padding: 0; + margin: 16px 0; + background-color: #e7e7e7; + border: 0 none; + overflow: hidden; + box-sizing: content-box; +} + +li p.first { + display: inline-block; +} +ul, +ol { + padding-left: 30px; +} +ul:first-child, +ol:first-child { + margin-top: 0; +} +ul:last-child, +ol:last-child { + margin-bottom: 0; +} +blockquote { + border-left: 4px solid #dfe2e5; + padding: 0 15px; + color: #777777; +} +blockquote blockquote { + padding-right: 0; +} +table { + padding: 0; + word-break: initial; +} +table tr { + border-top: 1px solid #dfe2e5; + margin: 0; + padding: 0; +} +table tr:nth-child(2n), +thead { + background-color: #f8f8f8; +} +table tr th { + font-weight: bold; + border: 1px solid #dfe2e5; + border-bottom: 0; + margin: 0; + padding: 6px 13px; +} +table tr td { + border: 1px solid #dfe2e5; + margin: 0; + padding: 6px 13px; +} +table tr th:first-child, +table tr td:first-child { + margin-top: 0; +} +table tr th:last-child, +table tr td:last-child { + margin-bottom: 0; +} + +.CodeMirror-lines { + padding-left: 4px; +} + +.code-tooltip { + box-shadow: 0 1px 1px 0 rgba(0,28,36,.3); + border-top: 1px solid #eef2f2; +} + +.md-fences, +code, +tt { + border: 1px solid #e7eaed; + background-color: #f8f8f8; + border-radius: 3px; + padding: 0; + padding: 2px 4px 0px 4px; + font-size: 0.9em; +} + +code { + background-color: #f3f4f4; + padding: 0 2px 0 2px; +} + +.md-fences { + margin-bottom: 15px; + margin-top: 15px; + padding-top: 8px; + padding-bottom: 6px; +} + + +.md-task-list-item > input { + margin-left: -1.3em; +} + +@media print { + html { + font-size: 13px; + } + table, + pre { + page-break-inside: avoid; + } + pre { + word-wrap: break-word; + } +} + +.md-fences { + background-color: #f8f8f8; +} +#write pre.md-meta-block { + padding: 1rem; + font-size: 85%; + line-height: 1.45; + background-color: #f7f7f7; + border: 0; + border-radius: 3px; + color: #777777; + margin-top: 0 !important; +} + +.mathjax-block>.code-tooltip { + bottom: .375rem; +} + +.md-mathjax-midline { + background: #fafafa; +} + +#write>h3.md-focus:before{ + left: -1.5625rem; + top: .375rem; +} +#write>h4.md-focus:before{ + left: -1.5625rem; + top: .285714286rem; +} +#write>h5.md-focus:before{ + left: -1.5625rem; + top: .285714286rem; +} +#write>h6.md-focus:before{ + left: -1.5625rem; + top: .285714286rem; +} +.md-image>.md-meta { + /*border: 1px solid #ddd;*/ + border-radius: 3px; + padding: 2px 0px 0px 4px; + font-size: 0.9em; + color: inherit; +} + +.md-tag { + color: #a7a7a7; + opacity: 1; +} + +.md-toc { + margin-top:20px; + padding-bottom:20px; +} + +.sidebar-tabs { + border-bottom: none; +} + +#typora-quick-open { + border: 1px solid #ddd; + background-color: #f8f8f8; +} + +#typora-quick-open-item { + background-color: #FAFAFA; + border-color: #FEFEFE #e5e5e5 #e5e5e5 #eee; + border-style: solid; + border-width: 1px; +} + +/** focus mode */ +.on-focus-mode blockquote { + border-left-color: rgba(85, 85, 85, 0.12); +} + +header, .context-menu, .megamenu-content, footer{ + font-family: "Segoe UI", "Arial", sans-serif; +} + +.file-node-content:hover .file-node-icon, +.file-node-content:hover .file-node-open-state{ + visibility: visible; +} + +.mac-seamless-mode #typora-sidebar { + background-color: #fafafa; + background-color: var(--side-bar-bg-color); +} + +.md-lang { + color: #b4654d; +} + +.html-for-mac .context-menu { + --item-hover-bg-color: #E6F0FE; +} + +#md-notification .btn { + border: 0; +} + +.dropdown-menu .divider { + border-color: #e5e5e5; +} + +.ty-preferences .window-content { + background-color: #fafafa; +} + +.ty-preferences .nav-group-item.active { + color: white; + background: #999; } \ No newline at end of file diff --git a/docs/index.html b/rule-vetting/docs/index.html similarity index 98% rename from docs/index.html rename to rule-vetting/docs/index.html index 6f5d24bd..bb0ee832 100644 --- a/docs/index.html +++ b/rule-vetting/docs/index.html @@ -1,301 +1,301 @@ - - - - - - - - -rulevetting API documentation - - - - - - - - - - - -
-
-
- -
-
-

⚕️ Interpretable Clinical Decision Rules ⚕️️

-

Validating and deriving clinical-decision rules. Work-in-progress. -

-

- - - - -

-

This is a collaborative repository intended to validate and derive clinical-decision rules. We use a unified -pipeline across a variety of contributed datasets to vet previous modeling practices for clinical decision rules. Additionally, we hope to externally validate the rules under study here with data from UCSF.

-

Rule derivation datasets

- - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - -
DatasetTaskSizeReferencesProcessed
iai_pecarnPredict intra-abdominal injury requiring acute intervention before CT12,044 patients, 203 with IAI-I📄, 🔗
tbi_pecarnPredict traumatic brain injuries before CT42,412 patients, 376 with ciTBI📄, 🔗
csi_pecarnPredict cervical spine injury in children3,314 patients, 540 with CSI📄, 🔗
tig_pecarnPredict bacterial/non-bacterial infections in febrile infants from RNA transcriptional biosignatures279 patients, ? with infection🔗
exxageratePredict 30-day mortality for acute exacerbations of chronic obstructive pulmonary disease (AECOPD)1,696 patients, 17 mortalities📄, 🔗
heart_disease_uciPredict heart disease presence from basic attributes / screening920 patients, 509 with heart disease📄, 🔗
-

-Research paper 📄, Data download link 🔗 -
-

-

Datasets are all tabular (or at least have interpretable input features), reasonably large (e.g. have at least 100 positive and negative cases), and have a binary outcome. For PECARN datasets, please read and agree to the research data use agreement on the PECARN website.

-

Possible data sources: PECARN datasets | -Kaggle datasets | MDCalc | UCI | OpenML | MIMIC | UCSF De-ID -Potential specific datasets: Maybe later will expand to other high-stakes datasets (e.g. COMPAS, loan risk).

-

Contributing checklist

-

To contribute a new project (e.g. a new dataset + modeling), create a pull request following the steps below. The easiest way to do this is to copy-paste an existing project (e.g. iai_pecarn) into a new folder and then edit that one.

-

Helpful docs: Collaboration details | Lab writeup | Slides

-
    -
  • [ ] Repo set up
  • -
  • [ ] Create a fork of this repo (see tutorial on forking/merging here)
  • -
  • [ ] Install the repo as shown below
  • -
  • [ ] Select a dataset - once you've selected, open an issue in this repo with the name of the dataset + a brief description so others don't work on the same dataset -
  • -
  • [ ] Assign a project_name to the new project (e.g. iai_pecarn) -
  • -
  • [ ] Data preprocessing
  • -
  • [ ] Download the raw data into data/{project_name}/raw
      -
    • Don't commit any very large files
    • -
    -
  • -
  • [ ] Copy the template files from rulevetting/projects/iai_pecarn to a new folder rulevetting/projects/{project_name}
      -
    • [ ] Rewrite the functions in dataset.py for processing the new dataset (e.g. see the dataset for iai_pecarn)
    • -
    • [ ] Document any judgement calls you aren't sure about using the dataset.get_judgement_calls_dictionary function -
    • -
    • Notebooks / helper functions are optional, all files should be within rulevetting/projects/{project_name}
    • -
    -
  • -
  • [ ] Data description
  • -
  • [ ] Describe each feature in the processed data in a file named data_dictionary.md
  • -
  • [ ] Summarize the data and the prediction task in a file named readme.md. This should include basic details of data collection (who, how, when, where), why the task is important, and how a clinical decision rule may be used in this context. Should also include your names/affiliations.
  • -
  • [ ] Modeling
  • -
  • [ ] Baseline model - implement baseline.py for predicting given a baseline rule (e.g. from the existing paper) -
  • -
  • [ ] New model - implement model_best.py for making predictions using your newly derived best model -
  • -
  • [ ] Lab writeup (see instructions) -
  • -
  • [ ] Save writeup into writeup.pdf + include source files
  • -
  • Should contain details on exploratory analysis, modeling, validation, comparisons with baseline, etc.
  • -
  • [ ] Submitting
  • -
  • [ ] Ensure that all tests pass by running pytest --project {project_name} from the repo directory
  • -
  • [ ] Open a pull request and it will be reviewed / merged
  • -
  • [ ] Reviewing submissions
  • -
  • [ ] Each pull request will be reviewed by others before being merged
  • -
-

Installation

-

Note: requires python 3.7 and pytest (for running the automated tests). -It is best practice to create a venv or pipenv for this project.

-
python -m venv rule-env
-source rule-env/bin/activate
-
-

Then, clone the repo and install the package and its dependencies.

-
git clone https://github.com/Yu-Group/rule-vetting
-cd rule-vetting
-pip install -e .
-
-

Now run the automatic tests to ensure everything works.

-
pytest --project iai_pecarn
-
-

To use with jupyter, might have to add this venv as a jupyter kernel.

-
python -m ipykernel install --user --name=rule-env
-
-

Clinical Trial Datasets

- - - - - - - - - - - - - - - - - - - - - - - - - - -
DatasetTaskSizeReferencesProcessed
bronch_pecarnEffectiveness of oral dexamethasone for acute bronchiolitisintra-abdominal injury requiring acute intervention before CT600 patients, 50% control📄, 🔗
gastro_pecarnImpact of Emergency Department Probiotic Treatment of Pediatric Gastroenteritis886 patients, 50% control📄, 🔗
-

-Research paper 📄, Data download link 🔗 -
-

-

Reference

-
-Background reading - -
-
-Related packages - -
-
-Updates - -
-
-Related open-source collaborations - -
-
- -Expand source code - -
"""
-.. include:: ../readme.md
-"""
-import os
-from os.path import join as oj
-
-MRULES_PATH = os.path.dirname(os.path.abspath(__file__))
-REPO_PATH = os.path.dirname(MRULES_PATH)
-DATA_PATH = oj(REPO_PATH, 'data')
-PROJECTS_PATH = oj(MRULES_PATH, 'projects')
-AUTOGLUON_CACHE_PATH = oj(DATA_PATH, 'autogluon_cache')
-
-
-
-

Sub-modules

-
-
rulevetting.api
-
-
-
-
rulevetting.projects
-
-
-
-
rulevetting.templates
-
-
-
-
-
-
-
-
-
-
-
-
- -
- - + + + + + + + + +rulevetting API documentation + + + + + + + + + + + +
+
+
+ +
+
+

⚕️ Interpretable Clinical Decision Rules ⚕️️

+

Validating and deriving clinical-decision rules. Work-in-progress. +

+

+ + + + +

+

This is a collaborative repository intended to validate and derive clinical-decision rules. We use a unified +pipeline across a variety of contributed datasets to vet previous modeling practices for clinical decision rules. Additionally, we hope to externally validate the rules under study here with data from UCSF.

+

Rule derivation datasets

+ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
DatasetTaskSizeReferencesProcessed
iai_pecarnPredict intra-abdominal injury requiring acute intervention before CT12,044 patients, 203 with IAI-I📄, 🔗
tbi_pecarnPredict traumatic brain injuries before CT42,412 patients, 376 with ciTBI📄, 🔗
csi_pecarnPredict cervical spine injury in children3,314 patients, 540 with CSI📄, 🔗
tig_pecarnPredict bacterial/non-bacterial infections in febrile infants from RNA transcriptional biosignatures279 patients, ? with infection🔗
exxageratePredict 30-day mortality for acute exacerbations of chronic obstructive pulmonary disease (AECOPD)1,696 patients, 17 mortalities📄, 🔗
heart_disease_uciPredict heart disease presence from basic attributes / screening920 patients, 509 with heart disease📄, 🔗
+

+Research paper 📄, Data download link 🔗 +
+

+

Datasets are all tabular (or at least have interpretable input features), reasonably large (e.g. have at least 100 positive and negative cases), and have a binary outcome. For PECARN datasets, please read and agree to the research data use agreement on the PECARN website.

+

Possible data sources: PECARN datasets | +Kaggle datasets | MDCalc | UCI | OpenML | MIMIC | UCSF De-ID +Potential specific datasets: Maybe later will expand to other high-stakes datasets (e.g. COMPAS, loan risk).

+

Contributing checklist

+

To contribute a new project (e.g. a new dataset + modeling), create a pull request following the steps below. The easiest way to do this is to copy-paste an existing project (e.g. iai_pecarn) into a new folder and then edit that one.

+

Helpful docs: Collaboration details | Lab writeup | Slides

+
    +
  • [ ] Repo set up
  • +
  • [ ] Create a fork of this repo (see tutorial on forking/merging here)
  • +
  • [ ] Install the repo as shown below
  • +
  • [ ] Select a dataset - once you've selected, open an issue in this repo with the name of the dataset + a brief description so others don't work on the same dataset +
  • +
  • [ ] Assign a project_name to the new project (e.g. iai_pecarn) +
  • +
  • [ ] Data preprocessing
  • +
  • [ ] Download the raw data into data/{project_name}/raw
      +
    • Don't commit any very large files
    • +
    +
  • +
  • [ ] Copy the template files from rulevetting/projects/iai_pecarn to a new folder rulevetting/projects/{project_name}
      +
    • [ ] Rewrite the functions in dataset.py for processing the new dataset (e.g. see the dataset for iai_pecarn)
    • +
    • [ ] Document any judgement calls you aren't sure about using the dataset.get_judgement_calls_dictionary function +
    • +
    • Notebooks / helper functions are optional, all files should be within rulevetting/projects/{project_name}
    • +
    +
  • +
  • [ ] Data description
  • +
  • [ ] Describe each feature in the processed data in a file named data_dictionary.md
  • +
  • [ ] Summarize the data and the prediction task in a file named readme.md. This should include basic details of data collection (who, how, when, where), why the task is important, and how a clinical decision rule may be used in this context. Should also include your names/affiliations.
  • +
  • [ ] Modeling
  • +
  • [ ] Baseline model - implement baseline.py for predicting given a baseline rule (e.g. from the existing paper) +
  • +
  • [ ] New model - implement model_best.py for making predictions using your newly derived best model +
  • +
  • [ ] Lab writeup (see instructions) +
  • +
  • [ ] Save writeup into writeup.pdf + include source files
  • +
  • Should contain details on exploratory analysis, modeling, validation, comparisons with baseline, etc.
  • +
  • [ ] Submitting
  • +
  • [ ] Ensure that all tests pass by running pytest --project {project_name} from the repo directory
  • +
  • [ ] Open a pull request and it will be reviewed / merged
  • +
  • [ ] Reviewing submissions
  • +
  • [ ] Each pull request will be reviewed by others before being merged
  • +
+

Installation

+

Note: requires python 3.7 and pytest (for running the automated tests). +It is best practice to create a venv or pipenv for this project.

+
python -m venv rule-env
+source rule-env/bin/activate
+
+

Then, clone the repo and install the package and its dependencies.

+
git clone https://github.com/Yu-Group/rule-vetting
+cd rule-vetting
+pip install -e .
+
+

Now run the automatic tests to ensure everything works.

+
pytest --project iai_pecarn
+
+

To use with jupyter, might have to add this venv as a jupyter kernel.

+
python -m ipykernel install --user --name=rule-env
+
+

Clinical Trial Datasets

+ + + + + + + + + + + + + + + + + + + + + + + + + + +
DatasetTaskSizeReferencesProcessed
bronch_pecarnEffectiveness of oral dexamethasone for acute bronchiolitisintra-abdominal injury requiring acute intervention before CT600 patients, 50% control📄, 🔗
gastro_pecarnImpact of Emergency Department Probiotic Treatment of Pediatric Gastroenteritis886 patients, 50% control📄, 🔗
+

+Research paper 📄, Data download link 🔗 +
+

+

Reference

+
+Background reading + +
+
+Related packages + +
+
+Updates + +
+
+Related open-source collaborations + +
+
+ +Expand source code + +
"""
+.. include:: ../readme.md
+"""
+import os
+from os.path import join as oj
+
+MRULES_PATH = os.path.dirname(os.path.abspath(__file__))
+REPO_PATH = os.path.dirname(MRULES_PATH)
+DATA_PATH = oj(REPO_PATH, 'data')
+PROJECTS_PATH = oj(MRULES_PATH, 'projects')
+AUTOGLUON_CACHE_PATH = oj(DATA_PATH, 'autogluon_cache')
+
+
+
+

Sub-modules

+
+
rulevetting.api
+
+
+
+
rulevetting.projects
+
+
+
+
rulevetting.templates
+
+
+
+
+
+
+
+
+
+
+
+
+ +
+ + \ No newline at end of file diff --git a/docs/lab_writeup.md b/rule-vetting/docs/lab_writeup.md similarity index 99% rename from docs/lab_writeup.md rename to rule-vetting/docs/lab_writeup.md index 96abc91b..b9ba05e6 100644 --- a/docs/lab_writeup.md +++ b/rule-vetting/docs/lab_writeup.md @@ -1,48 +1,48 @@ -*Some instructions for the Stat 215A final project writeup. See the [contributing checklist](https://github.com/Yu-Group/rule-vetting#contributing-checklist) for all deliverables and the [collaboration guide](https://github.com/Yu-Group/rule-vetting/docs/collaborating_for_data_scientists.md).* - -# Writeup - -The lab writeup should be inside the project folder (e.g. `rulevetting/projects/iai_pecarn/writeup.pdf`) and answer these questions in a file named `writeup.pdf`. -The accomanying source file `writeup.Rmd` (or `writeup.md`) should also be inside the project folder. -Figures should all be in a subdirectory named `figs`. If you use any packages outside of the ones already installed, please include a `requirements.txt` file with the name and version number of these packages. - -Do write comments in the code - we will be checking these! - - -**Handy links**: Bin’s data wisdom for data science [blog post](http://www.odbms.org/2015/04/data-wisdom-for-data-science/) - -## 1. Domain problem to solve - -How can we best vet and/or improve the clinical decision rule for your given problem? Most importantly, the clinical decision rule should be highly predictive and minimize the amount of missed diagnoses (i.e. have a very high sensitivity). It should also be easy-to-use, using variables that clinicians can readily have access to when making their decisions. Finally, the interpretability of the rule helps to check whether its predictions will make sense for new patients and makes it easier to apply in new settings. - -## 2. Data Collection -What are the most relevant data to collect to answer the question in (1)? - -Ideas from experimental design (a subfield of statistics) and active learning (a subfield of machine learning) are useful here. The above question is good to ask even if the data has already been collected because understanding the ideal data collection process might reveal shortcomings of the actual data collection process and shed light on analysis steps to follow. - -The questions below are useful to ask: How were the data collected? At what locations? Over what time period? Who collected them? What instruments were used? Have the operators and instruments changed over the period? Try to imagine yourself at the data collection site physically. -## 3. Meaning -What does each variable mean in the data? What does it measure? Does it measure what it is supposed to measure? How could things go wrong? What statistical assumptions is one making by assuming things didn’t go wrong? (Knowing the data collection process helps here.) - -Meaning of each variable -- ask students to imagine being there at the ER and giving a Glasgow coma score, for example, and also a couple of variables -- ask students what could cause different values written down. - -How were the data cleaned? By whom? - -## 4. Relevance -Can the data collected answer the substantive question(s) in whole or in part? If not, what other data should one collect? The points made in (2) are pertinent here. - -## 5. Translation -How should one translate the question in (1) into a statistical question regarding the data to best answer the original question? Are there multiple translations? For example, can we translate the question into a prediction problem or an inference problem regarding a statistical model? List the pros and cons of each translation relative to answering the substantive question before choosing a model. - -Do we have multiple reasonable translations? -## 6. Comparability -Are the data units comparable or normalized so that they can be treated as if they were exchangeable? Or are apples and oranges being combined? Are the data units independent? Are two columns of data duplicates of the same variable? -## 7. Visualization -Look at data (or subsets of them). Create plots of 1- and 2-dimensional data. Examine summaries of such data. What are the ranges? Do they make sense? Are there any missing values? Use color and dynamic plots. Is anything unexpected? It is worth noting that 30% of our cortex is devoted to vision, so visualization is highly effective to discover patterns and unusual things in data. Often, to bring out patterns in big data, visualization is most useful after some model building, for example, to obtain residuals to visualize. -## 8. Randomness -Statistical inference concepts such as p-values and confidence intervals rely on randomness. What does randomness mean in the data? Make the randomness in the statistical model as explicit as possible. What domain knowledge supports such a statistical or mathematical abstraction or the randomness in a statistical model? - -What is the randomness in this PECARN data set? Is it a random sample from a population? Which one? Why can the data be viewed as a random sample?What assumptions are being made? Can one check these conditions using the info on the data collection process? -## 9. Stability -What off-the-shelf method will you use? Do different methods give the same qualitative conclusion? Perturb one’s data, for example, by adding noise or subsampling if data units are exchangeable (in general, make sure the subsamples respect the underlying structures, e.g. dependence, clustering, heterogeneity, so the subsamples are representative of the original data). Do the conclusions still hold? Only trust those that pass the stability test, which is an easy-to-implement, first defense against over-fitting or too many false positive discoveries. - +*Some instructions for the Stat 215A final project writeup. See the [contributing checklist](https://github.com/Yu-Group/rule-vetting#contributing-checklist) for all deliverables and the [collaboration guide](https://github.com/Yu-Group/rule-vetting/docs/collaborating_for_data_scientists.md).* + +# Writeup + +The lab writeup should be inside the project folder (e.g. `rulevetting/projects/iai_pecarn/writeup.pdf`) and answer these questions in a file named `writeup.pdf`. +The accomanying source file `writeup.Rmd` (or `writeup.md`) should also be inside the project folder. +Figures should all be in a subdirectory named `figs`. If you use any packages outside of the ones already installed, please include a `requirements.txt` file with the name and version number of these packages. + +Do write comments in the code - we will be checking these! + + +**Handy links**: Bin’s data wisdom for data science [blog post](http://www.odbms.org/2015/04/data-wisdom-for-data-science/) + +## 1. Domain problem to solve + +How can we best vet and/or improve the clinical decision rule for your given problem? Most importantly, the clinical decision rule should be highly predictive and minimize the amount of missed diagnoses (i.e. have a very high sensitivity). It should also be easy-to-use, using variables that clinicians can readily have access to when making their decisions. Finally, the interpretability of the rule helps to check whether its predictions will make sense for new patients and makes it easier to apply in new settings. + +## 2. Data Collection +What are the most relevant data to collect to answer the question in (1)? + +Ideas from experimental design (a subfield of statistics) and active learning (a subfield of machine learning) are useful here. The above question is good to ask even if the data has already been collected because understanding the ideal data collection process might reveal shortcomings of the actual data collection process and shed light on analysis steps to follow. + +The questions below are useful to ask: How were the data collected? At what locations? Over what time period? Who collected them? What instruments were used? Have the operators and instruments changed over the period? Try to imagine yourself at the data collection site physically. +## 3. Meaning +What does each variable mean in the data? What does it measure? Does it measure what it is supposed to measure? How could things go wrong? What statistical assumptions is one making by assuming things didn’t go wrong? (Knowing the data collection process helps here.) + +Meaning of each variable -- ask students to imagine being there at the ER and giving a Glasgow coma score, for example, and also a couple of variables -- ask students what could cause different values written down. + +How were the data cleaned? By whom? + +## 4. Relevance +Can the data collected answer the substantive question(s) in whole or in part? If not, what other data should one collect? The points made in (2) are pertinent here. + +## 5. Translation +How should one translate the question in (1) into a statistical question regarding the data to best answer the original question? Are there multiple translations? For example, can we translate the question into a prediction problem or an inference problem regarding a statistical model? List the pros and cons of each translation relative to answering the substantive question before choosing a model. + +Do we have multiple reasonable translations? +## 6. Comparability +Are the data units comparable or normalized so that they can be treated as if they were exchangeable? Or are apples and oranges being combined? Are the data units independent? Are two columns of data duplicates of the same variable? +## 7. Visualization +Look at data (or subsets of them). Create plots of 1- and 2-dimensional data. Examine summaries of such data. What are the ranges? Do they make sense? Are there any missing values? Use color and dynamic plots. Is anything unexpected? It is worth noting that 30% of our cortex is devoted to vision, so visualization is highly effective to discover patterns and unusual things in data. Often, to bring out patterns in big data, visualization is most useful after some model building, for example, to obtain residuals to visualize. +## 8. Randomness +Statistical inference concepts such as p-values and confidence intervals rely on randomness. What does randomness mean in the data? Make the randomness in the statistical model as explicit as possible. What domain knowledge supports such a statistical or mathematical abstraction or the randomness in a statistical model? + +What is the randomness in this PECARN data set? Is it a random sample from a population? Which one? Why can the data be viewed as a random sample?What assumptions are being made? Can one check these conditions using the info on the data collection process? +## 9. Stability +What off-the-shelf method will you use? Do different methods give the same qualitative conclusion? Perturb one’s data, for example, by adding noise or subsampling if data units are exchangeable (in general, make sure the subsamples respect the underlying structures, e.g. dependence, clustering, heterogeneity, so the subsamples are representative of the original data). Do the conclusions still hold? Only trust those that pass the stability test, which is an easy-to-implement, first defense against over-fitting or too many false positive discoveries. + diff --git a/docs/pres/_slides_rulevetting.md b/rule-vetting/docs/pres/_slides_rulevetting.md old mode 100755 new mode 100644 similarity index 96% rename from docs/pres/_slides_rulevetting.md rename to rule-vetting/docs/pres/_slides_rulevetting.md index 9ac49241..11fa5e43 --- a/docs/pres/_slides_rulevetting.md +++ b/rule-vetting/docs/pres/_slides_rulevetting.md @@ -1,214 +1,214 @@ ---- -title: cdr vetting intro -separator: '----' -verticalSeparator: '---' -highlightTheme: atom-one-dark -typora-copy-images-to: ./assets_files -revealOptions: - transition: 'slide' - transitionSpeed: 'fast' ---- - -

CDR vetting

- -*press esc to navigate slides* - -**stat 215 final project** - -[![](assets_files/GitHub-Mark-64px.png)](https://github.com/Yu-Group/rule-vetting) - - - -## logistics - -- deadline: dec 12 - don't wait!! -- meeting with clinician: once week of 11/15, once week of 11/29 -- optional group presentations after the deadline -- will we write a paper? - -# project overview - -1. [project checklist](https://github.com/Yu-Group/rule-vetting#contributing-checklist) -2. [lab writeup details](https://github.com/Yu-Group/rule-vetting/blob/master/docs/lab_writeup.md) -3. [clinical collaboration details](https://github.com/Yu-Group/rule-vetting/blob/master/docs/collaborating_for_data_scientists.md) - -## understanding the problem - -- outcome/data are already selected for you -- what is important to capture in a CDR for this problem? - -## understanding the data - -what features are reliable/useful/predictive? - -## modeling - -![rule_list](assets_files/rule_list.png) - -## writeup - -- checking stability and judgement-calls -- comparison with baseline model - - - -# basic setup - -## fork the repo - -make fork private + include your teammates - -![Screen Shot 2021-11-11 at 12.32.58 PM](assets_files/Screen%20Shot%202021-11-11%20at%2012.32.58%20PM.png) - -## why are we using python 🐍? - -python is better - -## [R to python](https://towardsdatascience.com/essential-guide-to-translating-between-python-and-r-7cb18b786e5d) - -indentation matters! - -| python | R | -| -- | -- | -| `a=5` | `a <- 5` | -| `pip install packagename` | `install.packages(packagename)` | -| `import packagename` | `library(packagename)` | -| `listname[0]` | `listname[1]` | - -## setting up python - -- `python --version` should give 3.6 or higher (might need to type `python3`) - -- easier if you install things by making a [venv](https://docs.python.org/3/tutorial/venv.html) - -```C -python3 -m venv rule-env // create the env -source rule-env/bin/activate // activate the env -``` - - -## installation - -```bash -git clone https://github.com/Yu-Group/rule-vetting // clone the repo -cd rule-vetting -pip install -e . -``` - -## editing in python - -you can use any editor, maybe [jupyterlab](https://jupyterlab.readthedocs.io/en/stable/) or [pycharm](https://www.jetbrains.com/pycharm/) - -![Screen Shot 2021-11-11 at 4.11.24 PM](assets_files/Screen%20Shot%202021-11-11%20at%204.11.24%20PM.png) - -# core data-science packages in python - -pandas, numpy, sklearn, seaborn/matplotlib - -## [pandas](https://pandas.pydata.org/) - -![pandas](assets_files/pandas.png) - - - -## [numpy](https://numpy.org/) - -![Screen Shot 2021-11-10 at 11.58.54 AM](assets_files/Screen%20Shot%202021-11-10%20at%2011.58.54%20AM.png) - -## [seaborn](https://seaborn.pydata.org/) / [matplotlib](https://matplotlib.org/) - -```python -sns.lmplot(x="x", y="y", col="dataset", hue="dataset", data=df, - col_wrap=2, ci=None, palette="muted", height=4, - scatter_kws={"s": 50, "alpha": 1}) -``` - - - -![Screen Shot 2021-11-10 at 12.01.27 PM](assets_files/Screen%20Shot%202021-11-10%20at%2012.01.27%20PM.png) - - - -## [scikit-learn](https://scikit-learn.org/stable/index.html) - -![](https://scikit-learn.org/stable/_static/ml_map.png) - - - -## scikit-learn example - -```python -from sklearn import tree -X = [[0, 0], [1, 1]] -Y = [0, 1] -clf = tree.DecisionTreeClassifier() -clf = clf.fit(X, Y) -clf.predict([[2., 2.]]) -``` - -# custom CDR packages - -## 🔎 [imodels](https://github.com/csinva/imodels) - -![Screen Shot 2021-11-03 at 11.29.24 AM](assets_files/Screen%20Shot%202021-11-03%20at%2011.29.24%20AM.png) - - - -## imodels usage - -```python -from imodels import RuleFitClassifier -model = RuleFitClassifier() -model.fit(X_train, y_train) -preds = model.predict(X_test) -preds_proba = model.predict_proba(X_test) -print(model) -``` - - - -## ![](https://camo.githubusercontent.com/877680cfefd1fb7cb3c240b9aca3f4cade12972550236807b2d103ba281cb3eb/68747470733a2f2f79752d67726f75702e6769746875622e696f2f76657269646963616c2d666c6f772f6c6f676f5f76666c6f775f73747261696768742e6a7067) - -package for facilitating PCS analysis, especially stability - -## vflow usage - -- implemented in the dataset template - will help speed things up for you - -# project specifics - -[project checklist](https://github.com/Yu-Group/rule-vetting#contributing-checklist) - - - -## quick start - -- look at the example project ([iai_pecarn](https://github.com/Yu-Group/rule-vetting/tree/master/rulevetting/projects/iai_pecarn)) -- look at the template files -- probably just start with some notebooks and then implement template functions - - - -## understanding the template - -![Screen Shot 2021-11-11 at 11.23.43 AM](assets_files/Screen%20Shot%202021-11-11%20at%2011.23.43%20AM.png) - -## specifying judgement calls - -![Screen Shot 2021-11-11 at 1.44.27 PM](assets_files/Screen%20Shot%202021-11-11%20at%201.44.27%20PM.png) - -## ex function with a judgement call - -![Screen Shot 2021-11-11 at 11.25.27 AM](assets_files/Screen%20Shot%202021-11-11%20at%2011.25.27%20AM.png) - - - -## tests - -`pytest --project ` - -e.g. `pytest --project iai_pecarn` - - - -## [ex notebooks](https://github.com/Yu-Group/rule-vetting/tree/master/rulevetting/projects/iai_pecarn/notebooks) +--- +title: cdr vetting intro +separator: '----' +verticalSeparator: '---' +highlightTheme: atom-one-dark +typora-copy-images-to: ./assets_files +revealOptions: + transition: 'slide' + transitionSpeed: 'fast' +--- + +

CDR vetting

+ +*press esc to navigate slides* + +**stat 215 final project** + +[![](assets_files/GitHub-Mark-64px.png)](https://github.com/Yu-Group/rule-vetting) + + + +## logistics + +- deadline: dec 12 - don't wait!! +- meeting with clinician: once week of 11/15, once week of 11/29 +- optional group presentations after the deadline +- will we write a paper? + +# project overview + +1. [project checklist](https://github.com/Yu-Group/rule-vetting#contributing-checklist) +2. [lab writeup details](https://github.com/Yu-Group/rule-vetting/blob/master/docs/lab_writeup.md) +3. [clinical collaboration details](https://github.com/Yu-Group/rule-vetting/blob/master/docs/collaborating_for_data_scientists.md) + +## understanding the problem + +- outcome/data are already selected for you +- what is important to capture in a CDR for this problem? + +## understanding the data + +what features are reliable/useful/predictive? + +## modeling + +![rule_list](assets_files/rule_list.png) + +## writeup + +- checking stability and judgement-calls +- comparison with baseline model + + + +# basic setup + +## fork the repo + +make fork private + include your teammates + +![Screen Shot 2021-11-11 at 12.32.58 PM](assets_files/Screen%20Shot%202021-11-11%20at%2012.32.58%20PM.png) + +## why are we using python 🐍? + +python is better + +## [R to python](https://towardsdatascience.com/essential-guide-to-translating-between-python-and-r-7cb18b786e5d) + +indentation matters! + +| python | R | +| -- | -- | +| `a=5` | `a <- 5` | +| `pip install packagename` | `install.packages(packagename)` | +| `import packagename` | `library(packagename)` | +| `listname[0]` | `listname[1]` | + +## setting up python + +- `python --version` should give 3.6 or higher (might need to type `python3`) + +- easier if you install things by making a [venv](https://docs.python.org/3/tutorial/venv.html) + +```C +python3 -m venv rule-env // create the env +source rule-env/bin/activate // activate the env +``` + + +## installation + +```bash +git clone https://github.com/Yu-Group/rule-vetting // clone the repo +cd rule-vetting +pip install -e . +``` + +## editing in python + +you can use any editor, maybe [jupyterlab](https://jupyterlab.readthedocs.io/en/stable/) or [pycharm](https://www.jetbrains.com/pycharm/) + +![Screen Shot 2021-11-11 at 4.11.24 PM](assets_files/Screen%20Shot%202021-11-11%20at%204.11.24%20PM.png) + +# core data-science packages in python + +pandas, numpy, sklearn, seaborn/matplotlib + +## [pandas](https://pandas.pydata.org/) + +![pandas](assets_files/pandas.png) + + + +## [numpy](https://numpy.org/) + +![Screen Shot 2021-11-10 at 11.58.54 AM](assets_files/Screen%20Shot%202021-11-10%20at%2011.58.54%20AM.png) + +## [seaborn](https://seaborn.pydata.org/) / [matplotlib](https://matplotlib.org/) + +```python +sns.lmplot(x="x", y="y", col="dataset", hue="dataset", data=df, + col_wrap=2, ci=None, palette="muted", height=4, + scatter_kws={"s": 50, "alpha": 1}) +``` + + + +![Screen Shot 2021-11-10 at 12.01.27 PM](assets_files/Screen%20Shot%202021-11-10%20at%2012.01.27%20PM.png) + + + +## [scikit-learn](https://scikit-learn.org/stable/index.html) + +![](https://scikit-learn.org/stable/_static/ml_map.png) + + + +## scikit-learn example + +```python +from sklearn import tree +X = [[0, 0], [1, 1]] +Y = [0, 1] +clf = tree.DecisionTreeClassifier() +clf = clf.fit(X, Y) +clf.predict([[2., 2.]]) +``` + +# custom CDR packages + +## 🔎 [imodels](https://github.com/csinva/imodels) + +![Screen Shot 2021-11-03 at 11.29.24 AM](assets_files/Screen%20Shot%202021-11-03%20at%2011.29.24%20AM.png) + + + +## imodels usage + +```python +from imodels import RuleFitClassifier +model = RuleFitClassifier() +model.fit(X_train, y_train) +preds = model.predict(X_test) +preds_proba = model.predict_proba(X_test) +print(model) +``` + + + +## ![](https://camo.githubusercontent.com/877680cfefd1fb7cb3c240b9aca3f4cade12972550236807b2d103ba281cb3eb/68747470733a2f2f79752d67726f75702e6769746875622e696f2f76657269646963616c2d666c6f772f6c6f676f5f76666c6f775f73747261696768742e6a7067) + +package for facilitating PCS analysis, especially stability + +## vflow usage + +- implemented in the dataset template - will help speed things up for you + +# project specifics + +[project checklist](https://github.com/Yu-Group/rule-vetting#contributing-checklist) + + + +## quick start + +- look at the example project ([iai_pecarn](https://github.com/Yu-Group/rule-vetting/tree/master/rulevetting/projects/iai_pecarn)) +- look at the template files +- probably just start with some notebooks and then implement template functions + + + +## understanding the template + +![Screen Shot 2021-11-11 at 11.23.43 AM](assets_files/Screen%20Shot%202021-11-11%20at%2011.23.43%20AM.png) + +## specifying judgement calls + +![Screen Shot 2021-11-11 at 1.44.27 PM](assets_files/Screen%20Shot%202021-11-11%20at%201.44.27%20PM.png) + +## ex function with a judgement call + +![Screen Shot 2021-11-11 at 11.25.27 AM](assets_files/Screen%20Shot%202021-11-11%20at%2011.25.27%20AM.png) + + + +## tests + +`pytest --project ` + +e.g. `pytest --project iai_pecarn` + + + +## [ex notebooks](https://github.com/Yu-Group/rule-vetting/tree/master/rulevetting/projects/iai_pecarn/notebooks) diff --git a/docs/pres/assets_files/68747470733a2f2f79752d67726f75702e6769746875622e696f2f76657269646963616c2d666c6f772f6c6f676f5f76666c6f775f73747261696768742e6a7067 b/rule-vetting/docs/pres/assets_files/68747470733a2f2f79752d67726f75702e6769746875622e696f2f76657269646963616c2d666c6f772f6c6f676f5f76666c6f775f73747261696768742e6a7067 similarity index 100% rename from docs/pres/assets_files/68747470733a2f2f79752d67726f75702e6769746875622e696f2f76657269646963616c2d666c6f772f6c6f676f5f76666c6f775f73747261696768742e6a7067 rename to rule-vetting/docs/pres/assets_files/68747470733a2f2f79752d67726f75702e6769746875622e696f2f76657269646963616c2d666c6f772f6c6f676f5f76666c6f775f73747261696768742e6a7067 diff --git a/docs/pres/assets_files/GitHub-Mark-64px.png b/rule-vetting/docs/pres/assets_files/GitHub-Mark-64px.png similarity index 100% rename from docs/pres/assets_files/GitHub-Mark-64px.png rename to rule-vetting/docs/pres/assets_files/GitHub-Mark-64px.png diff --git a/docs/pres/assets_files/MathJax.js b/rule-vetting/docs/pres/assets_files/MathJax.js similarity index 99% rename from docs/pres/assets_files/MathJax.js rename to rule-vetting/docs/pres/assets_files/MathJax.js index 82455198..37da3cfc 100644 --- a/docs/pres/assets_files/MathJax.js +++ b/rule-vetting/docs/pres/assets_files/MathJax.js @@ -1,19 +1,19 @@ -/* - * /MathJax.js - * - * Copyright (c) 2009-2016 The MathJax Consortium - * - * Licensed under the Apache License, Version 2.0 (the "License"); - * you may not use this file except in compliance with the License. - * You may obtain a copy of the License at - * - * http://www.apache.org/licenses/LICENSE-2.0 - * - * Unless required by applicable law or agreed to in writing, software - * distributed under the License is distributed on an "AS IS" BASIS, - * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. - * See the License for the specific language governing permissions and - * limitations under the License. - */ - -if(document.getElementById&&document.childNodes&&document.createElement){if(!(window.MathJax&&MathJax.Hub)){if(window.MathJax){window.MathJax={AuthorConfig:window.MathJax}}else{window.MathJax={}}MathJax.isPacked=true;MathJax.version="2.7.0";MathJax.fileversion="2.7.0";MathJax.cdnVersion="2.7.0";MathJax.cdnFileVersions={};(function(d){var b=window[d];if(!b){b=window[d]={}}var e=[];var c=function(f){var g=f.constructor;if(!g){g=function(){}}for(var h in f){if(h!=="constructor"&&f.hasOwnProperty(h)){g[h]=f[h]}}return g};var a=function(){return function(){return arguments.callee.Init.call(this,arguments)}};b.Object=c({constructor:a(),Subclass:function(f,h){var g=a();g.SUPER=this;g.Init=this.Init;g.Subclass=this.Subclass;g.Augment=this.Augment;g.protoFunction=this.protoFunction;g.can=this.can;g.has=this.has;g.isa=this.isa;g.prototype=new this(e);g.prototype.constructor=g;g.Augment(f,h);return g},Init:function(f){var g=this;if(f.length===1&&f[0]===e){return g}if(!(g instanceof f.callee)){g=new f.callee(e)}return g.Init.apply(g,f)||g},Augment:function(f,g){var h;if(f!=null){for(h in f){if(f.hasOwnProperty(h)){this.protoFunction(h,f[h])}}if(f.toString!==this.prototype.toString&&f.toString!=={}.toString){this.protoFunction("toString",f.toString)}}if(g!=null){for(h in g){if(g.hasOwnProperty(h)){this[h]=g[h]}}}return this},protoFunction:function(g,f){this.prototype[g]=f;if(typeof f==="function"){f.SUPER=this.SUPER.prototype}},prototype:{Init:function(){},SUPER:function(f){return f.callee.SUPER},can:function(f){return typeof(this[f])==="function"},has:function(f){return typeof(this[f])!=="undefined"},isa:function(f){return(f instanceof Object)&&(this instanceof f)}},can:function(f){return this.prototype.can.call(this,f)},has:function(f){return this.prototype.has.call(this,f)},isa:function(g){var f=this;while(f){if(f===g){return true}else{f=f.SUPER}}return false},SimpleSUPER:c({constructor:function(f){return this.SimpleSUPER.define(f)},define:function(f){var h={};if(f!=null){for(var g in f){if(f.hasOwnProperty(g)){h[g]=this.wrap(g,f[g])}}if(f.toString!==this.prototype.toString&&f.toString!=={}.toString){h.toString=this.wrap("toString",f.toString)}}return h},wrap:function(i,h){if(typeof(h)!=="function"||!h.toString().match(/\.\s*SUPER\s*\(/)){return h}var g=function(){this.SUPER=g.SUPER[i];try{var f=h.apply(this,arguments)}catch(j){delete this.SUPER;throw j}delete this.SUPER;return f};g.toString=function(){return h.toString.apply(h,arguments)};return g}})});b.Object.isArray=Array.isArray||function(f){return Object.prototype.toString.call(f)==="[object Array]"};b.Object.Array=Array})("MathJax");(function(BASENAME){var BASE=window[BASENAME];if(!BASE){BASE=window[BASENAME]={}}var isArray=BASE.Object.isArray;var CALLBACK=function(data){var cb=function(){return arguments.callee.execute.apply(arguments.callee,arguments)};for(var id in CALLBACK.prototype){if(CALLBACK.prototype.hasOwnProperty(id)){if(typeof(data[id])!=="undefined"){cb[id]=data[id]}else{cb[id]=CALLBACK.prototype[id]}}}cb.toString=CALLBACK.prototype.toString;return cb};CALLBACK.prototype={isCallback:true,hook:function(){},data:[],object:window,execute:function(){if(!this.called||this.autoReset){this.called=!this.autoReset;return this.hook.apply(this.object,this.data.concat([].slice.call(arguments,0)))}},reset:function(){delete this.called},toString:function(){return this.hook.toString.apply(this.hook,arguments)}};var ISCALLBACK=function(f){return(typeof(f)==="function"&&f.isCallback)};var EVAL=function(code){return eval.call(window,code)};var TESTEVAL=function(){EVAL("var __TeSt_VaR__ = 1");if(window.__TeSt_VaR__){try{delete window.__TeSt_VaR__}catch(error){window.__TeSt_VaR__=null}}else{if(window.execScript){EVAL=function(code){BASE.__code=code;code="try {"+BASENAME+".__result = eval("+BASENAME+".__code)} catch(err) {"+BASENAME+".__result = err}";window.execScript(code);var result=BASE.__result;delete BASE.__result;delete BASE.__code;if(result instanceof Error){throw result}return result}}else{EVAL=function(code){BASE.__code=code;code="try {"+BASENAME+".__result = eval("+BASENAME+".__code)} catch(err) {"+BASENAME+".__result = err}";var head=(document.getElementsByTagName("head"))[0];if(!head){head=document.body}var script=document.createElement("script");script.appendChild(document.createTextNode(code));head.appendChild(script);head.removeChild(script);var result=BASE.__result;delete BASE.__result;delete BASE.__code;if(result instanceof Error){throw result}return result}}}TESTEVAL=null};var USING=function(args,i){if(arguments.length>1){if(arguments.length===2&&!(typeof arguments[0]==="function")&&arguments[0] instanceof Object&&typeof arguments[1]==="number"){args=[].slice.call(args,i)}else{args=[].slice.call(arguments,0)}}if(isArray(args)&&args.length===1){args=args[0]}if(typeof args==="function"){if(args.execute===CALLBACK.prototype.execute){return args}return CALLBACK({hook:args})}else{if(isArray(args)){if(typeof(args[0])==="string"&&args[1] instanceof Object&&typeof args[1][args[0]]==="function"){return CALLBACK({hook:args[1][args[0]],object:args[1],data:args.slice(2)})}else{if(typeof args[0]==="function"){return CALLBACK({hook:args[0],data:args.slice(1)})}else{if(typeof args[1]==="function"){return CALLBACK({hook:args[1],object:args[0],data:args.slice(2)})}}}}else{if(typeof(args)==="string"){if(TESTEVAL){TESTEVAL()}return CALLBACK({hook:EVAL,data:[args]})}else{if(args instanceof Object){return CALLBACK(args)}else{if(typeof(args)==="undefined"){return CALLBACK({})}}}}}throw Error("Can't make callback from given data")};var DELAY=function(time,callback){callback=USING(callback);callback.timeout=setTimeout(callback,time);return callback};var WAITFOR=function(callback,signal){callback=USING(callback);if(!callback.called){WAITSIGNAL(callback,signal);signal.pending++}};var WAITEXECUTE=function(){var signals=this.signal;delete this.signal;this.execute=this.oldExecute;delete this.oldExecute;var result=this.execute.apply(this,arguments);if(ISCALLBACK(result)&&!result.called){WAITSIGNAL(result,signals)}else{for(var i=0,m=signals.length;i0&&priority=0;i--){this.hooks.splice(i,1)}this.remove=[]}});var EXECUTEHOOKS=function(hooks,data,reset){if(!hooks){return null}if(!isArray(hooks)){hooks=[hooks]}if(!isArray(data)){data=(data==null?[]:[data])}var handler=HOOKS(reset);for(var i=0,m=hooks.length;ig){g=document.styleSheets.length}if(!i){i=document.head||((document.getElementsByTagName("head"))[0]);if(!i){i=document.body}}return i};var f=[];var c=function(){for(var k=0,j=f.length;k=this.timeout){i(this.STATUS.ERROR);return 1}return 0},file:function(j,i){if(i<0){a.Ajax.loadTimeout(j)}else{a.Ajax.loadComplete(j)}},execute:function(){this.hook.call(this.object,this,this.data[0],this.data[1])},checkSafari2:function(i,j,k){if(i.time(k)){return}if(document.styleSheets.length>j&&document.styleSheets[j].cssRules&&document.styleSheets[j].cssRules.length){k(i.STATUS.OK)}else{setTimeout(i,i.delay)}},checkLength:function(i,l,n){if(i.time(n)){return}var m=0;var j=(l.sheet||l.styleSheet);try{if((j.cssRules||j.rules||[]).length>0){m=1}}catch(k){if(k.message.match(/protected variable|restricted URI/)){m=1}else{if(k.message.match(/Security error/)){m=1}}}if(m){setTimeout(a.Callback([n,i.STATUS.OK]),0)}else{setTimeout(i,i.delay)}}},loadComplete:function(i){i=this.fileURL(i);var j=this.loading[i];if(j&&!j.preloaded){a.Message.Clear(j.message);clearTimeout(j.timeout);if(j.script){if(f.length===0){setTimeout(c,0)}f.push(j.script)}this.loaded[i]=j.status;delete this.loading[i];this.addHook(i,j.callback)}else{if(j){delete this.loading[i]}this.loaded[i]=this.STATUS.OK;j={status:this.STATUS.OK}}if(!this.loadHooks[i]){return null}return this.loadHooks[i].Execute(j.status)},loadTimeout:function(i){if(this.loading[i].timeout){clearTimeout(this.loading[i].timeout)}this.loading[i].status=this.STATUS.ERROR;this.loadError(i);this.loadComplete(i)},loadError:function(i){a.Message.Set(["LoadFailed","File failed to load: %1",i],null,2000);a.Hub.signal.Post(["file load error",i])},Styles:function(k,l){var i=this.StyleString(k);if(i===""){l=a.Callback(l);l()}else{var j=document.createElement("style");j.type="text/css";this.head=h(this.head);this.head.appendChild(j);if(j.styleSheet&&typeof(j.styleSheet.cssText)!=="undefined"){j.styleSheet.cssText=i}else{j.appendChild(document.createTextNode(i))}l=this.timer.create.call(this,l,j)}return l},StyleString:function(n){if(typeof(n)==="string"){return n}var k="",o,m;for(o in n){if(n.hasOwnProperty(o)){if(typeof n[o]==="string"){k+=o+" {"+n[o]+"}\n"}else{if(a.Object.isArray(n[o])){for(var l=0;l="0"&&q<="9"){f[j]=p[f[j]-1];if(typeof f[j]==="number"){f[j]=this.number(f[j])}}else{if(q==="{"){q=f[j].substr(1);if(q>="0"&&q<="9"){f[j]=p[f[j].substr(1,f[j].length-2)-1];if(typeof f[j]==="number"){f[j]=this.number(f[j])}}else{var k=f[j].match(/^\{([a-z]+):%(\d+)\|(.*)\}$/);if(k){if(k[1]==="plural"){var d=p[k[2]-1];if(typeof d==="undefined"){f[j]="???"}else{d=this.plural(d)-1;var h=k[3].replace(/(^|[^%])(%%)*%\|/g,"$1$2%\uEFEF").split(/\|/);if(d>=0&&d=3){c.push([f[0],f[1],this.processSnippet(g,f[2])])}else{c.push(e[d])}}}}else{c.push(e[d])}}return c},markdownPattern:/(%.)|(\*{1,3})((?:%.|.)+?)\2|(`+)((?:%.|.)+?)\4|\[((?:%.|.)+?)\]\(([^\s\)]+)\)/,processMarkdown:function(b,h,d){var j=[],e;var c=b.split(this.markdownPattern);var g=c[0];for(var f=1,a=c.length;f1?d[1]:""));f=null}if(e&&(!b.preJax||d)){c.nodeValue=c.nodeValue.replace(b.postJax,(e.length>1?e[1]:""))}if(f&&!f.nodeValue.match(/\S/)){f=f.previousSibling}}if(b.preRemoveClass&&f&&f.className===b.preRemoveClass){a.MathJax.preview=f}a.MathJax.checked=1},processInput:function(a){var b,i=MathJax.ElementJax.STATE;var h,e,d=a.scripts.length;try{while(a.ithis.processUpdateTime&&a.i1){d.jax[a.outputJax].push(b)}b.MathJax.state=c.OUTPUT},prepareOutput:function(c,f){while(c.jthis.processUpdateTime&&h.i=0;q--){if((b[q].src||"").match(f)){s.script=b[q].innerHTML;if(RegExp.$2){var t=RegExp.$2.substr(1).split(/\&/);for(var p=0,l=t.length;p=parseInt(y[z])}}return true},Select:function(j){var i=j[d.Browser];if(i){return i(d.Browser)}return null}};var e=k.replace(/^Mozilla\/(\d+\.)+\d+ /,"").replace(/[a-z][-a-z0-9._: ]+\/\d+[^ ]*-[^ ]*\.([a-z][a-z])?\d+ /i,"").replace(/Gentoo |Ubuntu\/(\d+\.)*\d+ (\([^)]*\) )?/,"");d.Browser=d.Insert(d.Insert(new String("Unknown"),{version:"0.0"}),a);for(var v in a){if(a.hasOwnProperty(v)){if(a[v]&&v.substr(0,2)==="is"){v=v.slice(2);if(v==="Mac"||v==="PC"){continue}d.Browser=d.Insert(new String(v),a);var r=new RegExp(".*(Version/| Trident/.*; rv:)((?:\\d+\\.)+\\d+)|.*("+v+")"+(v=="MSIE"?" ":"/")+"((?:\\d+\\.)*\\d+)|(?:^|\\(| )([a-z][-a-z0-9._: ]+|(?:Apple)?WebKit)/((?:\\d+\\.)+\\d+)");var u=r.exec(e)||["","","","unknown","0.0"];d.Browser.name=(u[1]!=""?v:(u[3]||u[5]));d.Browser.version=u[2]||u[4]||u[6];break}}}try{d.Browser.Select({Safari:function(j){var i=parseInt((String(j.version).split("."))[0]);if(i>85){j.webkit=j.version}if(i>=538){j.version="8.0"}else{if(i>=537){j.version="7.0"}else{if(i>=536){j.version="6.0"}else{if(i>=534){j.version="5.1"}else{if(i>=533){j.version="5.0"}else{if(i>=526){j.version="4.0"}else{if(i>=525){j.version="3.1"}else{if(i>500){j.version="3.0"}else{if(i>400){j.version="2.0"}else{if(i>85){j.version="1.0"}}}}}}}}}}j.webkit=(navigator.appVersion.match(/WebKit\/(\d+)\./))[1];j.isMobile=(navigator.appVersion.match(/Mobile/i)!=null);j.noContextMenu=j.isMobile},Firefox:function(j){if((j.version==="0.0"||k.match(/Firefox/)==null)&&navigator.product==="Gecko"){var m=k.match(/[\/ ]rv:(\d+\.\d.*?)[\) ]/);if(m){j.version=m[1]}else{var i=(navigator.buildID||navigator.productSub||"0").substr(0,8);if(i>="20111220"){j.version="9.0"}else{if(i>="20111120"){j.version="8.0"}else{if(i>="20110927"){j.version="7.0"}else{if(i>="20110816"){j.version="6.0"}else{if(i>="20110621"){j.version="5.0"}else{if(i>="20110320"){j.version="4.0"}else{if(i>="20100121"){j.version="3.6"}else{if(i>="20090630"){j.version="3.5"}else{if(i>="20080617"){j.version="3.0"}else{if(i>="20061024"){j.version="2.0"}}}}}}}}}}}}j.isMobile=(navigator.appVersion.match(/Android/i)!=null||k.match(/ Fennec\//)!=null||k.match(/Mobile/)!=null)},Chrome:function(i){i.noContextMenu=i.isMobile=!!navigator.userAgent.match(/ Mobile[ \/]/)},Opera:function(i){i.version=opera.version()},Edge:function(i){i.isMobile=!!navigator.userAgent.match(/ Phone/)},MSIE:function(j){j.isMobile=!!navigator.userAgent.match(/ Phone/);j.isIE9=!!(document.documentMode&&(window.performance||window.msPerformance));MathJax.HTML.setScriptBug=!j.isIE9||document.documentMode<9;MathJax.Hub.msieHTMLCollectionBug=(document.documentMode<9);if(document.documentMode<10&&!s.params.NoMathPlayer){try{new ActiveXObject("MathPlayer.Factory.1");j.hasMathPlayer=true}catch(m){}try{if(j.hasMathPlayer){var i=document.createElement("object");i.id="mathplayer";i.classid="clsid:32F66A20-7614-11D4-BD11-00104BD3F987";g.appendChild(i);document.namespaces.add("m","http://www.w3.org/1998/Math/MathML");j.mpNamespace=true;if(document.readyState&&(document.readyState==="loading"||document.readyState==="interactive")){document.write('');j.mpImported=true}}else{document.namespaces.add("mjx_IE_fix","http://www.w3.org/1999/xlink")}}catch(m){}}}})}catch(c){console.error(c.message)}d.Browser.Select(MathJax.Message.browsers);if(h.AuthorConfig&&typeof h.AuthorConfig.AuthorInit==="function"){h.AuthorConfig.AuthorInit()}d.queue=h.Callback.Queue();d.queue.Push(["Post",s.signal,"Begin"],["Config",s],["Cookie",s],["Styles",s],["Message",s],function(){var i=h.Callback.Queue(s.Jax(),s.Extensions());return i.Push({})},["Menu",s],s.onLoad(),function(){MathJax.isReady=true},["Typeset",s],["Hash",s],["MenuZoom",s],["Post",s.signal,"End"])})("MathJax")}}; +/* + * /MathJax.js + * + * Copyright (c) 2009-2016 The MathJax Consortium + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ + +if(document.getElementById&&document.childNodes&&document.createElement){if(!(window.MathJax&&MathJax.Hub)){if(window.MathJax){window.MathJax={AuthorConfig:window.MathJax}}else{window.MathJax={}}MathJax.isPacked=true;MathJax.version="2.7.0";MathJax.fileversion="2.7.0";MathJax.cdnVersion="2.7.0";MathJax.cdnFileVersions={};(function(d){var b=window[d];if(!b){b=window[d]={}}var e=[];var c=function(f){var g=f.constructor;if(!g){g=function(){}}for(var h in f){if(h!=="constructor"&&f.hasOwnProperty(h)){g[h]=f[h]}}return g};var a=function(){return function(){return arguments.callee.Init.call(this,arguments)}};b.Object=c({constructor:a(),Subclass:function(f,h){var g=a();g.SUPER=this;g.Init=this.Init;g.Subclass=this.Subclass;g.Augment=this.Augment;g.protoFunction=this.protoFunction;g.can=this.can;g.has=this.has;g.isa=this.isa;g.prototype=new this(e);g.prototype.constructor=g;g.Augment(f,h);return g},Init:function(f){var g=this;if(f.length===1&&f[0]===e){return g}if(!(g instanceof f.callee)){g=new f.callee(e)}return g.Init.apply(g,f)||g},Augment:function(f,g){var h;if(f!=null){for(h in f){if(f.hasOwnProperty(h)){this.protoFunction(h,f[h])}}if(f.toString!==this.prototype.toString&&f.toString!=={}.toString){this.protoFunction("toString",f.toString)}}if(g!=null){for(h in g){if(g.hasOwnProperty(h)){this[h]=g[h]}}}return this},protoFunction:function(g,f){this.prototype[g]=f;if(typeof f==="function"){f.SUPER=this.SUPER.prototype}},prototype:{Init:function(){},SUPER:function(f){return f.callee.SUPER},can:function(f){return typeof(this[f])==="function"},has:function(f){return typeof(this[f])!=="undefined"},isa:function(f){return(f instanceof Object)&&(this instanceof f)}},can:function(f){return this.prototype.can.call(this,f)},has:function(f){return this.prototype.has.call(this,f)},isa:function(g){var f=this;while(f){if(f===g){return true}else{f=f.SUPER}}return false},SimpleSUPER:c({constructor:function(f){return this.SimpleSUPER.define(f)},define:function(f){var h={};if(f!=null){for(var g in f){if(f.hasOwnProperty(g)){h[g]=this.wrap(g,f[g])}}if(f.toString!==this.prototype.toString&&f.toString!=={}.toString){h.toString=this.wrap("toString",f.toString)}}return h},wrap:function(i,h){if(typeof(h)!=="function"||!h.toString().match(/\.\s*SUPER\s*\(/)){return h}var g=function(){this.SUPER=g.SUPER[i];try{var f=h.apply(this,arguments)}catch(j){delete this.SUPER;throw j}delete this.SUPER;return f};g.toString=function(){return h.toString.apply(h,arguments)};return g}})});b.Object.isArray=Array.isArray||function(f){return Object.prototype.toString.call(f)==="[object Array]"};b.Object.Array=Array})("MathJax");(function(BASENAME){var BASE=window[BASENAME];if(!BASE){BASE=window[BASENAME]={}}var isArray=BASE.Object.isArray;var CALLBACK=function(data){var cb=function(){return arguments.callee.execute.apply(arguments.callee,arguments)};for(var id in CALLBACK.prototype){if(CALLBACK.prototype.hasOwnProperty(id)){if(typeof(data[id])!=="undefined"){cb[id]=data[id]}else{cb[id]=CALLBACK.prototype[id]}}}cb.toString=CALLBACK.prototype.toString;return cb};CALLBACK.prototype={isCallback:true,hook:function(){},data:[],object:window,execute:function(){if(!this.called||this.autoReset){this.called=!this.autoReset;return this.hook.apply(this.object,this.data.concat([].slice.call(arguments,0)))}},reset:function(){delete this.called},toString:function(){return this.hook.toString.apply(this.hook,arguments)}};var ISCALLBACK=function(f){return(typeof(f)==="function"&&f.isCallback)};var EVAL=function(code){return eval.call(window,code)};var TESTEVAL=function(){EVAL("var __TeSt_VaR__ = 1");if(window.__TeSt_VaR__){try{delete window.__TeSt_VaR__}catch(error){window.__TeSt_VaR__=null}}else{if(window.execScript){EVAL=function(code){BASE.__code=code;code="try {"+BASENAME+".__result = eval("+BASENAME+".__code)} catch(err) {"+BASENAME+".__result = err}";window.execScript(code);var result=BASE.__result;delete BASE.__result;delete BASE.__code;if(result instanceof Error){throw result}return result}}else{EVAL=function(code){BASE.__code=code;code="try {"+BASENAME+".__result = eval("+BASENAME+".__code)} catch(err) {"+BASENAME+".__result = err}";var head=(document.getElementsByTagName("head"))[0];if(!head){head=document.body}var script=document.createElement("script");script.appendChild(document.createTextNode(code));head.appendChild(script);head.removeChild(script);var result=BASE.__result;delete BASE.__result;delete BASE.__code;if(result instanceof Error){throw result}return result}}}TESTEVAL=null};var USING=function(args,i){if(arguments.length>1){if(arguments.length===2&&!(typeof arguments[0]==="function")&&arguments[0] instanceof Object&&typeof arguments[1]==="number"){args=[].slice.call(args,i)}else{args=[].slice.call(arguments,0)}}if(isArray(args)&&args.length===1){args=args[0]}if(typeof args==="function"){if(args.execute===CALLBACK.prototype.execute){return args}return CALLBACK({hook:args})}else{if(isArray(args)){if(typeof(args[0])==="string"&&args[1] instanceof Object&&typeof args[1][args[0]]==="function"){return CALLBACK({hook:args[1][args[0]],object:args[1],data:args.slice(2)})}else{if(typeof args[0]==="function"){return CALLBACK({hook:args[0],data:args.slice(1)})}else{if(typeof args[1]==="function"){return CALLBACK({hook:args[1],object:args[0],data:args.slice(2)})}}}}else{if(typeof(args)==="string"){if(TESTEVAL){TESTEVAL()}return CALLBACK({hook:EVAL,data:[args]})}else{if(args instanceof Object){return CALLBACK(args)}else{if(typeof(args)==="undefined"){return CALLBACK({})}}}}}throw Error("Can't make callback from given data")};var DELAY=function(time,callback){callback=USING(callback);callback.timeout=setTimeout(callback,time);return callback};var WAITFOR=function(callback,signal){callback=USING(callback);if(!callback.called){WAITSIGNAL(callback,signal);signal.pending++}};var WAITEXECUTE=function(){var signals=this.signal;delete this.signal;this.execute=this.oldExecute;delete this.oldExecute;var result=this.execute.apply(this,arguments);if(ISCALLBACK(result)&&!result.called){WAITSIGNAL(result,signals)}else{for(var i=0,m=signals.length;i0&&priority=0;i--){this.hooks.splice(i,1)}this.remove=[]}});var EXECUTEHOOKS=function(hooks,data,reset){if(!hooks){return null}if(!isArray(hooks)){hooks=[hooks]}if(!isArray(data)){data=(data==null?[]:[data])}var handler=HOOKS(reset);for(var i=0,m=hooks.length;ig){g=document.styleSheets.length}if(!i){i=document.head||((document.getElementsByTagName("head"))[0]);if(!i){i=document.body}}return i};var f=[];var c=function(){for(var k=0,j=f.length;k=this.timeout){i(this.STATUS.ERROR);return 1}return 0},file:function(j,i){if(i<0){a.Ajax.loadTimeout(j)}else{a.Ajax.loadComplete(j)}},execute:function(){this.hook.call(this.object,this,this.data[0],this.data[1])},checkSafari2:function(i,j,k){if(i.time(k)){return}if(document.styleSheets.length>j&&document.styleSheets[j].cssRules&&document.styleSheets[j].cssRules.length){k(i.STATUS.OK)}else{setTimeout(i,i.delay)}},checkLength:function(i,l,n){if(i.time(n)){return}var m=0;var j=(l.sheet||l.styleSheet);try{if((j.cssRules||j.rules||[]).length>0){m=1}}catch(k){if(k.message.match(/protected variable|restricted URI/)){m=1}else{if(k.message.match(/Security error/)){m=1}}}if(m){setTimeout(a.Callback([n,i.STATUS.OK]),0)}else{setTimeout(i,i.delay)}}},loadComplete:function(i){i=this.fileURL(i);var j=this.loading[i];if(j&&!j.preloaded){a.Message.Clear(j.message);clearTimeout(j.timeout);if(j.script){if(f.length===0){setTimeout(c,0)}f.push(j.script)}this.loaded[i]=j.status;delete this.loading[i];this.addHook(i,j.callback)}else{if(j){delete this.loading[i]}this.loaded[i]=this.STATUS.OK;j={status:this.STATUS.OK}}if(!this.loadHooks[i]){return null}return this.loadHooks[i].Execute(j.status)},loadTimeout:function(i){if(this.loading[i].timeout){clearTimeout(this.loading[i].timeout)}this.loading[i].status=this.STATUS.ERROR;this.loadError(i);this.loadComplete(i)},loadError:function(i){a.Message.Set(["LoadFailed","File failed to load: %1",i],null,2000);a.Hub.signal.Post(["file load error",i])},Styles:function(k,l){var i=this.StyleString(k);if(i===""){l=a.Callback(l);l()}else{var j=document.createElement("style");j.type="text/css";this.head=h(this.head);this.head.appendChild(j);if(j.styleSheet&&typeof(j.styleSheet.cssText)!=="undefined"){j.styleSheet.cssText=i}else{j.appendChild(document.createTextNode(i))}l=this.timer.create.call(this,l,j)}return l},StyleString:function(n){if(typeof(n)==="string"){return n}var k="",o,m;for(o in n){if(n.hasOwnProperty(o)){if(typeof n[o]==="string"){k+=o+" {"+n[o]+"}\n"}else{if(a.Object.isArray(n[o])){for(var l=0;l="0"&&q<="9"){f[j]=p[f[j]-1];if(typeof f[j]==="number"){f[j]=this.number(f[j])}}else{if(q==="{"){q=f[j].substr(1);if(q>="0"&&q<="9"){f[j]=p[f[j].substr(1,f[j].length-2)-1];if(typeof f[j]==="number"){f[j]=this.number(f[j])}}else{var k=f[j].match(/^\{([a-z]+):%(\d+)\|(.*)\}$/);if(k){if(k[1]==="plural"){var d=p[k[2]-1];if(typeof d==="undefined"){f[j]="???"}else{d=this.plural(d)-1;var h=k[3].replace(/(^|[^%])(%%)*%\|/g,"$1$2%\uEFEF").split(/\|/);if(d>=0&&d=3){c.push([f[0],f[1],this.processSnippet(g,f[2])])}else{c.push(e[d])}}}}else{c.push(e[d])}}return c},markdownPattern:/(%.)|(\*{1,3})((?:%.|.)+?)\2|(`+)((?:%.|.)+?)\4|\[((?:%.|.)+?)\]\(([^\s\)]+)\)/,processMarkdown:function(b,h,d){var j=[],e;var c=b.split(this.markdownPattern);var g=c[0];for(var f=1,a=c.length;f1?d[1]:""));f=null}if(e&&(!b.preJax||d)){c.nodeValue=c.nodeValue.replace(b.postJax,(e.length>1?e[1]:""))}if(f&&!f.nodeValue.match(/\S/)){f=f.previousSibling}}if(b.preRemoveClass&&f&&f.className===b.preRemoveClass){a.MathJax.preview=f}a.MathJax.checked=1},processInput:function(a){var b,i=MathJax.ElementJax.STATE;var h,e,d=a.scripts.length;try{while(a.ithis.processUpdateTime&&a.i1){d.jax[a.outputJax].push(b)}b.MathJax.state=c.OUTPUT},prepareOutput:function(c,f){while(c.jthis.processUpdateTime&&h.i=0;q--){if((b[q].src||"").match(f)){s.script=b[q].innerHTML;if(RegExp.$2){var t=RegExp.$2.substr(1).split(/\&/);for(var p=0,l=t.length;p=parseInt(y[z])}}return true},Select:function(j){var i=j[d.Browser];if(i){return i(d.Browser)}return null}};var e=k.replace(/^Mozilla\/(\d+\.)+\d+ /,"").replace(/[a-z][-a-z0-9._: ]+\/\d+[^ ]*-[^ ]*\.([a-z][a-z])?\d+ /i,"").replace(/Gentoo |Ubuntu\/(\d+\.)*\d+ (\([^)]*\) )?/,"");d.Browser=d.Insert(d.Insert(new String("Unknown"),{version:"0.0"}),a);for(var v in a){if(a.hasOwnProperty(v)){if(a[v]&&v.substr(0,2)==="is"){v=v.slice(2);if(v==="Mac"||v==="PC"){continue}d.Browser=d.Insert(new String(v),a);var r=new RegExp(".*(Version/| Trident/.*; rv:)((?:\\d+\\.)+\\d+)|.*("+v+")"+(v=="MSIE"?" ":"/")+"((?:\\d+\\.)*\\d+)|(?:^|\\(| )([a-z][-a-z0-9._: ]+|(?:Apple)?WebKit)/((?:\\d+\\.)+\\d+)");var u=r.exec(e)||["","","","unknown","0.0"];d.Browser.name=(u[1]!=""?v:(u[3]||u[5]));d.Browser.version=u[2]||u[4]||u[6];break}}}try{d.Browser.Select({Safari:function(j){var i=parseInt((String(j.version).split("."))[0]);if(i>85){j.webkit=j.version}if(i>=538){j.version="8.0"}else{if(i>=537){j.version="7.0"}else{if(i>=536){j.version="6.0"}else{if(i>=534){j.version="5.1"}else{if(i>=533){j.version="5.0"}else{if(i>=526){j.version="4.0"}else{if(i>=525){j.version="3.1"}else{if(i>500){j.version="3.0"}else{if(i>400){j.version="2.0"}else{if(i>85){j.version="1.0"}}}}}}}}}}j.webkit=(navigator.appVersion.match(/WebKit\/(\d+)\./))[1];j.isMobile=(navigator.appVersion.match(/Mobile/i)!=null);j.noContextMenu=j.isMobile},Firefox:function(j){if((j.version==="0.0"||k.match(/Firefox/)==null)&&navigator.product==="Gecko"){var m=k.match(/[\/ ]rv:(\d+\.\d.*?)[\) ]/);if(m){j.version=m[1]}else{var i=(navigator.buildID||navigator.productSub||"0").substr(0,8);if(i>="20111220"){j.version="9.0"}else{if(i>="20111120"){j.version="8.0"}else{if(i>="20110927"){j.version="7.0"}else{if(i>="20110816"){j.version="6.0"}else{if(i>="20110621"){j.version="5.0"}else{if(i>="20110320"){j.version="4.0"}else{if(i>="20100121"){j.version="3.6"}else{if(i>="20090630"){j.version="3.5"}else{if(i>="20080617"){j.version="3.0"}else{if(i>="20061024"){j.version="2.0"}}}}}}}}}}}}j.isMobile=(navigator.appVersion.match(/Android/i)!=null||k.match(/ Fennec\//)!=null||k.match(/Mobile/)!=null)},Chrome:function(i){i.noContextMenu=i.isMobile=!!navigator.userAgent.match(/ Mobile[ \/]/)},Opera:function(i){i.version=opera.version()},Edge:function(i){i.isMobile=!!navigator.userAgent.match(/ Phone/)},MSIE:function(j){j.isMobile=!!navigator.userAgent.match(/ Phone/);j.isIE9=!!(document.documentMode&&(window.performance||window.msPerformance));MathJax.HTML.setScriptBug=!j.isIE9||document.documentMode<9;MathJax.Hub.msieHTMLCollectionBug=(document.documentMode<9);if(document.documentMode<10&&!s.params.NoMathPlayer){try{new ActiveXObject("MathPlayer.Factory.1");j.hasMathPlayer=true}catch(m){}try{if(j.hasMathPlayer){var i=document.createElement("object");i.id="mathplayer";i.classid="clsid:32F66A20-7614-11D4-BD11-00104BD3F987";g.appendChild(i);document.namespaces.add("m","http://www.w3.org/1998/Math/MathML");j.mpNamespace=true;if(document.readyState&&(document.readyState==="loading"||document.readyState==="interactive")){document.write('');j.mpImported=true}}else{document.namespaces.add("mjx_IE_fix","http://www.w3.org/1999/xlink")}}catch(m){}}}})}catch(c){console.error(c.message)}d.Browser.Select(MathJax.Message.browsers);if(h.AuthorConfig&&typeof h.AuthorConfig.AuthorInit==="function"){h.AuthorConfig.AuthorInit()}d.queue=h.Callback.Queue();d.queue.Push(["Post",s.signal,"Begin"],["Config",s],["Cookie",s],["Styles",s],["Message",s],function(){var i=h.Callback.Queue(s.Jax(),s.Extensions());return i.Push({})},["Menu",s],s.onLoad(),function(){MathJax.isReady=true},["Typeset",s],["Hash",s],["MenuZoom",s],["Post",s.signal,"End"])})("MathJax")}}; diff --git a/docs/pres/assets_files/Screen Shot 2021-11-03 at 11.29.24 AM.png b/rule-vetting/docs/pres/assets_files/Screen Shot 2021-11-03 at 11.29.24 AM.png similarity index 100% rename from docs/pres/assets_files/Screen Shot 2021-11-03 at 11.29.24 AM.png rename to rule-vetting/docs/pres/assets_files/Screen Shot 2021-11-03 at 11.29.24 AM.png diff --git a/docs/pres/assets_files/Screen Shot 2021-11-10 at 11.58.54 AM.png b/rule-vetting/docs/pres/assets_files/Screen Shot 2021-11-10 at 11.58.54 AM.png similarity index 100% rename from docs/pres/assets_files/Screen Shot 2021-11-10 at 11.58.54 AM.png rename to rule-vetting/docs/pres/assets_files/Screen Shot 2021-11-10 at 11.58.54 AM.png diff --git a/docs/pres/assets_files/Screen Shot 2021-11-10 at 12.01.27 PM.png b/rule-vetting/docs/pres/assets_files/Screen Shot 2021-11-10 at 12.01.27 PM.png similarity index 100% rename from docs/pres/assets_files/Screen Shot 2021-11-10 at 12.01.27 PM.png rename to rule-vetting/docs/pres/assets_files/Screen Shot 2021-11-10 at 12.01.27 PM.png diff --git a/docs/pres/assets_files/Screen Shot 2021-11-11 at 1.44.27 PM.png b/rule-vetting/docs/pres/assets_files/Screen Shot 2021-11-11 at 1.44.27 PM.png similarity index 100% rename from docs/pres/assets_files/Screen Shot 2021-11-11 at 1.44.27 PM.png rename to rule-vetting/docs/pres/assets_files/Screen Shot 2021-11-11 at 1.44.27 PM.png diff --git a/docs/pres/assets_files/Screen Shot 2021-11-11 at 11.23.43 AM.png b/rule-vetting/docs/pres/assets_files/Screen Shot 2021-11-11 at 11.23.43 AM.png similarity index 100% rename from docs/pres/assets_files/Screen Shot 2021-11-11 at 11.23.43 AM.png rename to rule-vetting/docs/pres/assets_files/Screen Shot 2021-11-11 at 11.23.43 AM.png diff --git a/docs/pres/assets_files/Screen Shot 2021-11-11 at 11.25.27 AM.png b/rule-vetting/docs/pres/assets_files/Screen Shot 2021-11-11 at 11.25.27 AM.png similarity index 100% rename from docs/pres/assets_files/Screen Shot 2021-11-11 at 11.25.27 AM.png rename to rule-vetting/docs/pres/assets_files/Screen Shot 2021-11-11 at 11.25.27 AM.png diff --git a/docs/pres/assets_files/Screen Shot 2021-11-11 at 12.32.58 PM.png b/rule-vetting/docs/pres/assets_files/Screen Shot 2021-11-11 at 12.32.58 PM.png similarity index 100% rename from docs/pres/assets_files/Screen Shot 2021-11-11 at 12.32.58 PM.png rename to rule-vetting/docs/pres/assets_files/Screen Shot 2021-11-11 at 12.32.58 PM.png diff --git a/docs/pres/assets_files/Screen Shot 2021-11-11 at 4.11.24 PM.png b/rule-vetting/docs/pres/assets_files/Screen Shot 2021-11-11 at 4.11.24 PM.png similarity index 100% rename from docs/pres/assets_files/Screen Shot 2021-11-11 at 4.11.24 PM.png rename to rule-vetting/docs/pres/assets_files/Screen Shot 2021-11-11 at 4.11.24 PM.png diff --git a/docs/pres/assets_files/atom-one-dark.css b/rule-vetting/docs/pres/assets_files/atom-one-dark.css similarity index 92% rename from docs/pres/assets_files/atom-one-dark.css rename to rule-vetting/docs/pres/assets_files/atom-one-dark.css index 1616aafe..5699644d 100644 --- a/docs/pres/assets_files/atom-one-dark.css +++ b/rule-vetting/docs/pres/assets_files/atom-one-dark.css @@ -1,96 +1,96 @@ -/* - -Atom One Dark by Daniel Gamage -Original One Dark Syntax theme from https://github.com/atom/one-dark-syntax - -base: #282c34 -mono-1: #abb2bf -mono-2: #818896 -mono-3: #5c6370 -hue-1: #56b6c2 -hue-2: #61aeee -hue-3: #c678dd -hue-4: #98c379 -hue-5: #e06c75 -hue-5-2: #be5046 -hue-6: #d19a66 -hue-6-2: #e6c07b - -*/ - -.hljs { - display: block; - overflow-x: auto; - padding: 0.5em; - color: #abb2bf; - background: #282c34; -} - -.hljs-comment, -.hljs-quote { - color: #5c6370; - font-style: italic; -} - -.hljs-doctag, -.hljs-keyword, -.hljs-formula { - color: #c678dd; -} - -.hljs-section, -.hljs-name, -.hljs-selector-tag, -.hljs-deletion, -.hljs-subst { - color: #e06c75; -} - -.hljs-literal { - color: #56b6c2; -} - -.hljs-string, -.hljs-regexp, -.hljs-addition, -.hljs-attribute, -.hljs-meta-string { - color: #98c379; -} - -.hljs-built_in, -.hljs-class .hljs-title { - color: #e6c07b; -} - -.hljs-attr, -.hljs-variable, -.hljs-template-variable, -.hljs-type, -.hljs-selector-class, -.hljs-selector-attr, -.hljs-selector-pseudo, -.hljs-number { - color: #d19a66; -} - -.hljs-symbol, -.hljs-bullet, -.hljs-link, -.hljs-meta, -.hljs-selector-id, -.hljs-title { - color: #61aeee; -} - -.hljs-emphasis { - font-style: italic; -} - -.hljs-strong { - font-weight: bold; -} - -.hljs-link { - text-decoration: underline; -} +/* + +Atom One Dark by Daniel Gamage +Original One Dark Syntax theme from https://github.com/atom/one-dark-syntax + +base: #282c34 +mono-1: #abb2bf +mono-2: #818896 +mono-3: #5c6370 +hue-1: #56b6c2 +hue-2: #61aeee +hue-3: #c678dd +hue-4: #98c379 +hue-5: #e06c75 +hue-5-2: #be5046 +hue-6: #d19a66 +hue-6-2: #e6c07b + +*/ + +.hljs { + display: block; + overflow-x: auto; + padding: 0.5em; + color: #abb2bf; + background: #282c34; +} + +.hljs-comment, +.hljs-quote { + color: #5c6370; + font-style: italic; +} + +.hljs-doctag, +.hljs-keyword, +.hljs-formula { + color: #c678dd; +} + +.hljs-section, +.hljs-name, +.hljs-selector-tag, +.hljs-deletion, +.hljs-subst { + color: #e06c75; +} + +.hljs-literal { + color: #56b6c2; +} + +.hljs-string, +.hljs-regexp, +.hljs-addition, +.hljs-attribute, +.hljs-meta-string { + color: #98c379; +} + +.hljs-built_in, +.hljs-class .hljs-title { + color: #e6c07b; +} + +.hljs-attr, +.hljs-variable, +.hljs-template-variable, +.hljs-type, +.hljs-selector-class, +.hljs-selector-attr, +.hljs-selector-pseudo, +.hljs-number { + color: #d19a66; +} + +.hljs-symbol, +.hljs-bullet, +.hljs-link, +.hljs-meta, +.hljs-selector-id, +.hljs-title { + color: #61aeee; +} + +.hljs-emphasis { + font-style: italic; +} + +.hljs-strong { + font-weight: bold; +} + +.hljs-link { + text-decoration: underline; +} diff --git a/docs/pres/cs_black.css b/rule-vetting/docs/pres/assets_files/cs_black.css similarity index 95% rename from docs/pres/cs_black.css rename to rule-vetting/docs/pres/assets_files/cs_black.css index 5f1992ec..8433eb2b 100644 --- a/docs/pres/cs_black.css +++ b/rule-vetting/docs/pres/assets_files/cs_black.css @@ -1,330 +1,330 @@ -/** - * Black theme for reveal.js. This is the opposite of the 'white' theme. - * - * By Hakim El Hattab, http://hakim.se - */ -@import url(../../lib/font/source-sans-pro/source-sans-pro.css); -section.has-light-background, section.has-light-background h1, section.has-light-background h2, section.has-light-background h3, section.has-light-background h4, section.has-light-background h5, section.has-light-background h6 { - color: #222; } - - - -/********************************************* - * GLOBAL STYLES - *********************************************/ -body { - background: #191919; - background-color: #191919; } - -.reveal { - font-family: "Source Sans Pro", Helvetica, sans-serif; - font-size: 42px; - font-weight: normal; - color: #fff; } - -::selection { - color: #fff; - background: #bee4fd; - text-shadow: none; } - -::-moz-selection { - color: #fff; - background: #bee4fd; - text-shadow: none; } - -.reveal .slides section, -.reveal .slides section > section { - line-height: 1.3; - font-weight: inherit; } - -/********************************************* - * HEADERS - *********************************************/ -.reveal h1, -.reveal h2, -.reveal h3, -.reveal h4, -.reveal h5, -.reveal h6 { - margin: 0 0 20px 0; - color: #fff; - font-family: "Source Sans Pro", Helvetica, sans-serif; - font-weight: 600; - line-height: 1.2; - letter-spacing: normal; - text-transform: lowercase; - text-shadow: none; - word-wrap: break-word; } - -.reveal h1 { - font-size: 2.5em; } - -.reveal h2 { - font-size: 1.6em; } - -.reveal h3 { - font-size: 1.3em; } - -.reveal h4 { - font-size: 1em; } - -.reveal h1 { - text-shadow: none; } - -/********************************************* - * OTHER - *********************************************/ -.reveal p { - margin: 20px 0; - line-height: 1.3; } - -/* Ensure certain elements are never larger than the slide itself */ -.reveal img, -.reveal video, -.reveal iframe { - max-width: 95%; - max-height: 95%; } - -.reveal strong, -.reveal b { - font-weight: bold; } - -.reveal em { - font-style: italic; } - -.reveal ol, -.reveal dl, -.reveal ul { - display: inline-block; - text-align: left; - margin: 0 0 0 1em; } - -.reveal ol { - list-style-type: decimal; } - -.reveal ul { - list-style-type: disc; } - -.reveal ul ul { - list-style-type: square; } - -.reveal ul ul ul { - list-style-type: circle; } - -.reveal ul ul, -.reveal ul ol, -.reveal ol ol, -.reveal ol ul { - display: block; - margin-left: 40px; } - -.reveal dt { - font-weight: bold; } - -.reveal dd { - margin-left: 40px; } - -.reveal blockquote { - display: block; - position: relative; - width: 70%; - margin: 20px auto; - padding: 5px; - font-style: italic; - background: rgba(255, 255, 255, 0.05); - box-shadow: 0px 0px 2px rgba(0, 0, 0, 0.2); } - -.reveal blockquote p:first-child, -.reveal blockquote p:last-child { - display: inline-block; } - -.reveal q { - font-style: italic; } - -.reveal pre { - display: block; - position: relative; - width: 90%; - margin: 20px auto; - text-align: left; - font-size: 0.55em; - font-family: monospace; - line-height: 1.2em; - word-wrap: break-word; - box-shadow: 0px 5px 15px rgba(0, 0, 0, 0.15); } - -.reveal code { - font-family: monospace; - text-transform: none; } - -.reveal pre code { - display: block; - padding: 5px; - overflow: auto; - max-height: 400px; - word-wrap: normal; } - -.reveal table { - margin: auto; - border-collapse: collapse; - border-spacing: 0; } - -.reveal table th { - font-weight: bold; } - -.reveal table th, -.reveal table td { - text-align: left; - padding: 0.2em 0.5em 0.2em 0.5em; - border-bottom: 1px solid; } - -.reveal table th[align="center"], -.reveal table td[align="center"] { - text-align: center; } - -.reveal table th[align="right"], -.reveal table td[align="right"] { - text-align: right; } - -.reveal table tbody tr:last-child th, -.reveal table tbody tr:last-child td { - border-bottom: none; } - -.reveal sup { - vertical-align: super; - font-size: smaller; } - -.reveal sub { - vertical-align: sub; - font-size: smaller; } - -.reveal small { - display: inline-block; - font-size: 0.6em; - line-height: 1.2em; - vertical-align: top; } - -.reveal small * { - vertical-align: top; } - -/********************************************* - * LINKS - *********************************************/ -.reveal a { - color: #42affa; - text-decoration: none; - -webkit-transition: color .15s ease; - -moz-transition: color .15s ease; - transition: color .15s ease; } - -.reveal a:hover { - color: #8dcffc; - text-shadow: none; - border: none; } - -.reveal .roll span:after { - color: #fff; - background: #068de9; } - -/********************************************* - * IMAGES - *********************************************/ -.reveal section img { - margin: 15px 0px; - background: rgba(255, 255, 255, 0.12); - border: 4px solid #fff; - box-shadow: 0 0 10px rgba(0, 0, 0, 0.15); } - -.reveal section img.plain { - border: 0; - box-shadow: none; } - -.reveal a img { - -webkit-transition: all .15s linear; - -moz-transition: all .15s linear; - transition: all .15s linear; } - -.reveal a:hover img { - background: rgba(255, 255, 255, 0.2); - border-color: #42affa; - box-shadow: 0 0 20px rgba(0, 0, 0, 0.55); } - -/********************************************* - * NAVIGATION CONTROLS - *********************************************/ -.reveal .controls { - color: #42affa; } - -/********************************************* - * PROGRESS BAR - *********************************************/ -.reveal .progress { - background: rgba(0, 0, 0, 0.2); - color: #42affa; } - -.reveal .progress span { - -webkit-transition: width 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985); - -moz-transition: width 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985); - transition: width 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985); } - -/********************************************* - * PRINT BACKGROUND - *********************************************/ -@media print { - .backgrounds { - background-color: #191919; } } - - - - - - - - - - - - -/* Chandan custom alterations */ - -.reveal h1, -.reveal h2, -.reveal h3, -.reveal h4, -.reveal h5, -.reveal h6 { - text-transform: lowercase; -} - -.reveal section img { - background:none; - border:none; - box-shadow:none; - filter: invert(1); -} - -iframe { - filter: invert(1); -} - - -body { - background: #000; - background-color: #000; -} - - -.divmomentum { - position: relative; - width: block; - height: 600px; - overflow: hidden; -} - -/* .divnn1 { - position: relative; - width: block; - height: 1200px; - width: 2000px; - overflow: hidden; -} */ +/** + * Black theme for reveal.js. This is the opposite of the 'white' theme. + * + * By Hakim El Hattab, http://hakim.se + */ +@import url(../../lib/font/source-sans-pro/source-sans-pro.css); +section.has-light-background, section.has-light-background h1, section.has-light-background h2, section.has-light-background h3, section.has-light-background h4, section.has-light-background h5, section.has-light-background h6 { + color: #222; } + + + +/********************************************* + * GLOBAL STYLES + *********************************************/ +body { + background: #191919; + background-color: #191919; } + +.reveal { + font-family: "Source Sans Pro", Helvetica, sans-serif; + font-size: 42px; + font-weight: normal; + color: #fff; } + +::selection { + color: #fff; + background: #bee4fd; + text-shadow: none; } + +::-moz-selection { + color: #fff; + background: #bee4fd; + text-shadow: none; } + +.reveal .slides section, +.reveal .slides section > section { + line-height: 1.3; + font-weight: inherit; } + +/********************************************* + * HEADERS + *********************************************/ +.reveal h1, +.reveal h2, +.reveal h3, +.reveal h4, +.reveal h5, +.reveal h6 { + margin: 0 0 20px 0; + color: #fff; + font-family: "Source Sans Pro", Helvetica, sans-serif; + font-weight: 600; + line-height: 1.2; + letter-spacing: normal; + text-transform: lowercase; + text-shadow: none; + word-wrap: break-word; } + +.reveal h1 { + font-size: 2.5em; } + +.reveal h2 { + font-size: 1.6em; } + +.reveal h3 { + font-size: 1.3em; } + +.reveal h4 { + font-size: 1em; } + +.reveal h1 { + text-shadow: none; } + +/********************************************* + * OTHER + *********************************************/ +.reveal p { + margin: 20px 0; + line-height: 1.3; } + +/* Ensure certain elements are never larger than the slide itself */ +.reveal img, +.reveal video, +.reveal iframe { + max-width: 95%; + max-height: 95%; } + +.reveal strong, +.reveal b { + font-weight: bold; } + +.reveal em { + font-style: italic; } + +.reveal ol, +.reveal dl, +.reveal ul { + display: inline-block; + text-align: left; + margin: 0 0 0 1em; } + +.reveal ol { + list-style-type: decimal; } + +.reveal ul { + list-style-type: disc; } + +.reveal ul ul { + list-style-type: square; } + +.reveal ul ul ul { + list-style-type: circle; } + +.reveal ul ul, +.reveal ul ol, +.reveal ol ol, +.reveal ol ul { + display: block; + margin-left: 40px; } + +.reveal dt { + font-weight: bold; } + +.reveal dd { + margin-left: 40px; } + +.reveal blockquote { + display: block; + position: relative; + width: 70%; + margin: 20px auto; + padding: 5px; + font-style: italic; + background: rgba(255, 255, 255, 0.05); + box-shadow: 0px 0px 2px rgba(0, 0, 0, 0.2); } + +.reveal blockquote p:first-child, +.reveal blockquote p:last-child { + display: inline-block; } + +.reveal q { + font-style: italic; } + +.reveal pre { + display: block; + position: relative; + width: 90%; + margin: 20px auto; + text-align: left; + font-size: 0.55em; + font-family: monospace; + line-height: 1.2em; + word-wrap: break-word; + box-shadow: 0px 5px 15px rgba(0, 0, 0, 0.15); } + +.reveal code { + font-family: monospace; + text-transform: none; } + +.reveal pre code { + display: block; + padding: 5px; + overflow: auto; + max-height: 400px; + word-wrap: normal; } + +.reveal table { + margin: auto; + border-collapse: collapse; + border-spacing: 0; } + +.reveal table th { + font-weight: bold; } + +.reveal table th, +.reveal table td { + text-align: left; + padding: 0.2em 0.5em 0.2em 0.5em; + border-bottom: 1px solid; } + +.reveal table th[align="center"], +.reveal table td[align="center"] { + text-align: center; } + +.reveal table th[align="right"], +.reveal table td[align="right"] { + text-align: right; } + +.reveal table tbody tr:last-child th, +.reveal table tbody tr:last-child td { + border-bottom: none; } + +.reveal sup { + vertical-align: super; + font-size: smaller; } + +.reveal sub { + vertical-align: sub; + font-size: smaller; } + +.reveal small { + display: inline-block; + font-size: 0.6em; + line-height: 1.2em; + vertical-align: top; } + +.reveal small * { + vertical-align: top; } + +/********************************************* + * LINKS + *********************************************/ +.reveal a { + color: #42affa; + text-decoration: none; + -webkit-transition: color .15s ease; + -moz-transition: color .15s ease; + transition: color .15s ease; } + +.reveal a:hover { + color: #8dcffc; + text-shadow: none; + border: none; } + +.reveal .roll span:after { + color: #fff; + background: #068de9; } + +/********************************************* + * IMAGES + *********************************************/ +.reveal section img { + margin: 15px 0px; + background: rgba(255, 255, 255, 0.12); + border: 4px solid #fff; + box-shadow: 0 0 10px rgba(0, 0, 0, 0.15); } + +.reveal section img.plain { + border: 0; + box-shadow: none; } + +.reveal a img { + -webkit-transition: all .15s linear; + -moz-transition: all .15s linear; + transition: all .15s linear; } + +.reveal a:hover img { + background: rgba(255, 255, 255, 0.2); + border-color: #42affa; + box-shadow: 0 0 20px rgba(0, 0, 0, 0.55); } + +/********************************************* + * NAVIGATION CONTROLS + *********************************************/ +.reveal .controls { + color: #42affa; } + +/********************************************* + * PROGRESS BAR + *********************************************/ +.reveal .progress { + background: rgba(0, 0, 0, 0.2); + color: #42affa; } + +.reveal .progress span { + -webkit-transition: width 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985); + -moz-transition: width 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985); + transition: width 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985); } + +/********************************************* + * PRINT BACKGROUND + *********************************************/ +@media print { + .backgrounds { + background-color: #191919; } } + + + + + + + + + + + + +/* Chandan custom alterations */ + +.reveal h1, +.reveal h2, +.reveal h3, +.reveal h4, +.reveal h5, +.reveal h6 { + text-transform: lowercase; +} + +.reveal section img { + background:none; + border:none; + box-shadow:none; + filter: invert(1); +} + +iframe { + filter: invert(1); +} + + +body { + background: #000; + background-color: #000; +} + + +.divmomentum { + position: relative; + width: block; + height: 600px; + overflow: hidden; +} + +/* .divnn1 { + position: relative; + width: block; + height: 1200px; + width: 2000px; + overflow: hidden; +} */ diff --git a/docs/pres/assets_files/head.min.js b/rule-vetting/docs/pres/assets_files/head.min.js similarity index 99% rename from docs/pres/assets_files/head.min.js rename to rule-vetting/docs/pres/assets_files/head.min.js index d9f87bac..42df7e45 100644 --- a/docs/pres/assets_files/head.min.js +++ b/rule-vetting/docs/pres/assets_files/head.min.js @@ -1,9 +1,9 @@ -/*! head.core - v1.0.2 */ -(function(n,t){"use strict";function r(n){a[a.length]=n}function k(n){var t=new RegExp(" ?\\b"+n+"\\b");c.className=c.className.replace(t,"")}function p(n,t){for(var i=0,r=n.length;in?(i.screensCss.gt&&r("gt-"+n),i.screensCss.gte&&r("gte-"+n)):tt);u.feature("landscape",fe?(i.browserCss.gt&&r("gt-"+f+e),i.browserCss.gte&&r("gte-"+f+e)):h2&&this[u+1]!==t)u&&r(this.slice(u,u+1).join("-").toLowerCase()+i.section);else{var f=n||"index",e=f.indexOf(".");e>0&&(f=f.substring(0,e));c.id=f.toLowerCase()+i.page;u||r("root"+i.section)}});u.screen={height:n.screen.height,width:n.screen.width};tt();b=0;n.addEventListener?n.addEventListener("resize",it,!1):n.attachEvent("onresize",it)})(window); -/*! head.css3 - v1.0.0 */ -(function(n,t){"use strict";function a(n){for(var r in n)if(i[n[r]]!==t)return!0;return!1}function r(n){var t=n.charAt(0).toUpperCase()+n.substr(1),i=(n+" "+c.join(t+" ")+t).split(" ");return!!a(i)}var h=n.document,o=h.createElement("i"),i=o.style,s=" -o- -moz- -ms- -webkit- -khtml- ".split(" "),c="Webkit Moz O ms Khtml".split(" "),l=n.head_conf&&n.head_conf.head||"head",u=n[l],f={gradient:function(){var n="background-image:";return i.cssText=(n+s.join("gradient(linear,left top,right bottom,from(#9f9),to(#fff));"+n)+s.join("linear-gradient(left top,#eee,#fff);"+n)).slice(0,-n.length),!!i.backgroundImage},rgba:function(){return i.cssText="background-color:rgba(0,0,0,0.5)",!!i.backgroundColor},opacity:function(){return o.style.opacity===""},textshadow:function(){return i.textShadow===""},multiplebgs:function(){i.cssText="background:url(https://),url(https://),red url(https://)";var n=(i.background||"").match(/url/g);return Object.prototype.toString.call(n)==="[object Array]"&&n.length===3},boxshadow:function(){return r("boxShadow")},borderimage:function(){return r("borderImage")},borderradius:function(){return r("borderRadius")},cssreflections:function(){return r("boxReflect")},csstransforms:function(){return r("transform")},csstransitions:function(){return r("transition")},touch:function(){return"ontouchstart"in n},retina:function(){return n.devicePixelRatio>1},fontface:function(){var t=u.browser.name,n=u.browser.version;switch(t){case"ie":return n>=9;case"chrome":return n>=13;case"ff":return n>=6;case"ios":return n>=5;case"android":return!1;case"webkit":return n>=5.1;case"opera":return n>=10;default:return!1}}};for(var e in f)f[e]&&u.feature(e,f[e].call(),!0);u.feature()})(window); -/*! head.load - v1.0.3 */ -(function(n,t){"use strict";function w(){}function u(n,t){if(n){typeof n=="object"&&(n=[].slice.call(n));for(var i=0,r=n.length;in?(i.screensCss.gt&&r("gt-"+n),i.screensCss.gte&&r("gte-"+n)):tt);u.feature("landscape",fe?(i.browserCss.gt&&r("gt-"+f+e),i.browserCss.gte&&r("gte-"+f+e)):h2&&this[u+1]!==t)u&&r(this.slice(u,u+1).join("-").toLowerCase()+i.section);else{var f=n||"index",e=f.indexOf(".");e>0&&(f=f.substring(0,e));c.id=f.toLowerCase()+i.page;u||r("root"+i.section)}});u.screen={height:n.screen.height,width:n.screen.width};tt();b=0;n.addEventListener?n.addEventListener("resize",it,!1):n.attachEvent("onresize",it)})(window); +/*! head.css3 - v1.0.0 */ +(function(n,t){"use strict";function a(n){for(var r in n)if(i[n[r]]!==t)return!0;return!1}function r(n){var t=n.charAt(0).toUpperCase()+n.substr(1),i=(n+" "+c.join(t+" ")+t).split(" ");return!!a(i)}var h=n.document,o=h.createElement("i"),i=o.style,s=" -o- -moz- -ms- -webkit- -khtml- ".split(" "),c="Webkit Moz O ms Khtml".split(" "),l=n.head_conf&&n.head_conf.head||"head",u=n[l],f={gradient:function(){var n="background-image:";return i.cssText=(n+s.join("gradient(linear,left top,right bottom,from(#9f9),to(#fff));"+n)+s.join("linear-gradient(left top,#eee,#fff);"+n)).slice(0,-n.length),!!i.backgroundImage},rgba:function(){return i.cssText="background-color:rgba(0,0,0,0.5)",!!i.backgroundColor},opacity:function(){return o.style.opacity===""},textshadow:function(){return i.textShadow===""},multiplebgs:function(){i.cssText="background:url(https://),url(https://),red url(https://)";var n=(i.background||"").match(/url/g);return Object.prototype.toString.call(n)==="[object Array]"&&n.length===3},boxshadow:function(){return r("boxShadow")},borderimage:function(){return r("borderImage")},borderradius:function(){return r("borderRadius")},cssreflections:function(){return r("boxReflect")},csstransforms:function(){return r("transform")},csstransitions:function(){return r("transition")},touch:function(){return"ontouchstart"in n},retina:function(){return n.devicePixelRatio>1},fontface:function(){var t=u.browser.name,n=u.browser.version;switch(t){case"ie":return n>=9;case"chrome":return n>=13;case"ff":return n>=6;case"ios":return n>=5;case"android":return!1;case"webkit":return n>=5.1;case"opera":return n>=10;default:return!1}}};for(var e in f)f[e]&&u.feature(e,f[e].call(),!0);u.feature()})(window); +/*! head.load - v1.0.3 */ +(function(n,t){"use strict";function w(){}function u(n,t){if(n){typeof n=="object"&&(n=[].slice.call(n));for(var i=0,r=n.length;i= 0; i--) { - if (lines[i].trim() === '') { - lines.splice(i, 1); - } else break; - } - - return lines.join('\n'); - } - - // Main function for betterTrim() - return (function(snippetEl) { - var content = trimLineBreaks(snippetEl.innerHTML); - var lines = content.split('\n'); - // Calculate the minimum amount to remove on each line start of the snippet (can be 0) - var pad = lines.reduce(function(acc, line) { - if (line.length > 0 && trimLeft(line).length > 0 && acc > line.length - trimLeft(line).length) { - return line.length - trimLeft(line).length; - } - return acc; - }, Number.POSITIVE_INFINITY); - // Slice each line with this amount - return lines.map(function(line, index) { - return line.slice(pad); - }) - .join('\n'); - })(snippetEl); - } - - if( typeof window.addEventListener === 'function' ) { - var hljs_nodes = document.querySelectorAll( 'pre code' ); - - for( var i = 0, len = hljs_nodes.length; i < len; i++ ) { - var element = hljs_nodes[i]; - - // trim whitespace if data-trim attribute is present - if( element.hasAttribute( 'data-trim' ) && typeof element.innerHTML.trim === 'function' ) { - element.innerHTML = betterTrim(element); - } - - // Now escape html unless prevented by author - if( ! element.hasAttribute( 'data-noescape' )) { - element.innerHTML = element.innerHTML.replace(//g,">"); - } - - // re-highlight when focus is lost (for edited code) - element.addEventListener( 'focusout', function( event ) { - hljs.highlightBlock( event.currentTarget ); - }, false ); - } - } -})(); -// END CUSTOM REVEAL.JS INTEGRATION - -/*! highlight.js v9.11.0 | BSD3 License | git.io/hljslicense */ -!function(e){var n="object"==typeof window&&window||"object"==typeof self&&self;"undefined"!=typeof exports?e(exports):n&&(n.hljs=e({}),"function"==typeof define&&define.amd&&define([],function(){return n.hljs}))}(function(e){function n(e){return e.replace(/&/g,"&").replace(//g,">")}function t(e){return e.nodeName.toLowerCase()}function r(e,n){var t=e&&e.exec(n);return t&&0===t.index}function a(e){return k.test(e)}function i(e){var n,t,r,i,o=e.className+" ";if(o+=e.parentNode?e.parentNode.className:"",t=B.exec(o))return w(t[1])?t[1]:"no-highlight";for(o=o.split(/\s+/),n=0,r=o.length;r>n;n++)if(i=o[n],a(i)||w(i))return i}function o(e){var n,t={},r=Array.prototype.slice.call(arguments,1);for(n in e)t[n]=e[n];return r.forEach(function(e){for(n in e)t[n]=e[n]}),t}function u(e){var n=[];return function r(e,a){for(var i=e.firstChild;i;i=i.nextSibling)3===i.nodeType?a+=i.nodeValue.length:1===i.nodeType&&(n.push({event:"start",offset:a,node:i}),a=r(i,a),t(i).match(/br|hr|img|input/)||n.push({event:"stop",offset:a,node:i}));return a}(e,0),n}function c(e,r,a){function i(){return e.length&&r.length?e[0].offset!==r[0].offset?e[0].offset"}function u(e){s+=""}function c(e){("start"===e.event?o:u)(e.node)}for(var l=0,s="",f=[];e.length||r.length;){var g=i();if(s+=n(a.substring(l,g[0].offset)),l=g[0].offset,g===e){f.reverse().forEach(u);do c(g.splice(0,1)[0]),g=i();while(g===e&&g.length&&g[0].offset===l);f.reverse().forEach(o)}else"start"===g[0].event?f.push(g[0].node):f.pop(),c(g.splice(0,1)[0])}return s+n(a.substr(l))}function l(e){return e.v&&!e.cached_variants&&(e.cached_variants=e.v.map(function(n){return o(e,{v:null},n)})),e.cached_variants||e.eW&&[o(e)]||[e]}function s(e){function n(e){return e&&e.source||e}function t(t,r){return new RegExp(n(t),"m"+(e.cI?"i":"")+(r?"g":""))}function r(a,i){if(!a.compiled){if(a.compiled=!0,a.k=a.k||a.bK,a.k){var o={},u=function(n,t){e.cI&&(t=t.toLowerCase()),t.split(" ").forEach(function(e){var t=e.split("|");o[t[0]]=[n,t[1]?Number(t[1]):1]})};"string"==typeof a.k?u("keyword",a.k):x(a.k).forEach(function(e){u(e,a.k[e])}),a.k=o}a.lR=t(a.l||/\w+/,!0),i&&(a.bK&&(a.b="\\b("+a.bK.split(" ").join("|")+")\\b"),a.b||(a.b=/\B|\b/),a.bR=t(a.b),a.e||a.eW||(a.e=/\B|\b/),a.e&&(a.eR=t(a.e)),a.tE=n(a.e)||"",a.eW&&i.tE&&(a.tE+=(a.e?"|":"")+i.tE)),a.i&&(a.iR=t(a.i)),null==a.r&&(a.r=1),a.c||(a.c=[]),a.c=Array.prototype.concat.apply([],a.c.map(function(e){return l("self"===e?a:e)})),a.c.forEach(function(e){r(e,a)}),a.starts&&r(a.starts,i);var c=a.c.map(function(e){return e.bK?"\\.?("+e.b+")\\.?":e.b}).concat([a.tE,a.i]).map(n).filter(Boolean);a.t=c.length?t(c.join("|"),!0):{exec:function(){return null}}}}r(e)}function f(e,t,a,i){function o(e,n){var t,a;for(t=0,a=n.c.length;a>t;t++)if(r(n.c[t].bR,e))return n.c[t]}function u(e,n){if(r(e.eR,n)){for(;e.endsParent&&e.parent;)e=e.parent;return e}return e.eW?u(e.parent,n):void 0}function c(e,n){return!a&&r(n.iR,e)}function l(e,n){var t=N.cI?n[0].toLowerCase():n[0];return e.k.hasOwnProperty(t)&&e.k[t]}function p(e,n,t,r){var a=r?"":I.classPrefix,i='',i+n+o}function h(){var e,t,r,a;if(!E.k)return n(k);for(a="",t=0,E.lR.lastIndex=0,r=E.lR.exec(k);r;)a+=n(k.substring(t,r.index)),e=l(E,r),e?(B+=e[1],a+=p(e[0],n(r[0]))):a+=n(r[0]),t=E.lR.lastIndex,r=E.lR.exec(k);return a+n(k.substr(t))}function d(){var e="string"==typeof E.sL;if(e&&!y[E.sL])return n(k);var t=e?f(E.sL,k,!0,x[E.sL]):g(k,E.sL.length?E.sL:void 0);return E.r>0&&(B+=t.r),e&&(x[E.sL]=t.top),p(t.language,t.value,!1,!0)}function b(){L+=null!=E.sL?d():h(),k=""}function v(e){L+=e.cN?p(e.cN,"",!0):"",E=Object.create(e,{parent:{value:E}})}function m(e,n){if(k+=e,null==n)return b(),0;var t=o(n,E);if(t)return t.skip?k+=n:(t.eB&&(k+=n),b(),t.rB||t.eB||(k=n)),v(t,n),t.rB?0:n.length;var r=u(E,n);if(r){var a=E;a.skip?k+=n:(a.rE||a.eE||(k+=n),b(),a.eE&&(k=n));do E.cN&&(L+=C),E.skip||(B+=E.r),E=E.parent;while(E!==r.parent);return r.starts&&v(r.starts,""),a.rE?0:n.length}if(c(n,E))throw new Error('Illegal lexeme "'+n+'" for mode "'+(E.cN||"")+'"');return k+=n,n.length||1}var N=w(e);if(!N)throw new Error('Unknown language: "'+e+'"');s(N);var R,E=i||N,x={},L="";for(R=E;R!==N;R=R.parent)R.cN&&(L=p(R.cN,"",!0)+L);var k="",B=0;try{for(var M,j,O=0;;){if(E.t.lastIndex=O,M=E.t.exec(t),!M)break;j=m(t.substring(O,M.index),M[0]),O=M.index+j}for(m(t.substr(O)),R=E;R.parent;R=R.parent)R.cN&&(L+=C);return{r:B,value:L,language:e,top:E}}catch(T){if(T.message&&-1!==T.message.indexOf("Illegal"))return{r:0,value:n(t)};throw T}}function g(e,t){t=t||I.languages||x(y);var r={r:0,value:n(e)},a=r;return t.filter(w).forEach(function(n){var t=f(n,e,!1);t.language=n,t.r>a.r&&(a=t),t.r>r.r&&(a=r,r=t)}),a.language&&(r.second_best=a),r}function p(e){return I.tabReplace||I.useBR?e.replace(M,function(e,n){return I.useBR&&"\n"===e?"
":I.tabReplace?n.replace(/\t/g,I.tabReplace):""}):e}function h(e,n,t){var r=n?L[n]:t,a=[e.trim()];return e.match(/\bhljs\b/)||a.push("hljs"),-1===e.indexOf(r)&&a.push(r),a.join(" ").trim()}function d(e){var n,t,r,o,l,s=i(e);a(s)||(I.useBR?(n=document.createElementNS("http://www.w3.org/1999/xhtml","div"),n.innerHTML=e.innerHTML.replace(/\n/g,"").replace(//g,"\n")):n=e,l=n.textContent,r=s?f(s,l,!0):g(l),t=u(n),t.length&&(o=document.createElementNS("http://www.w3.org/1999/xhtml","div"),o.innerHTML=r.value,r.value=c(t,u(o),l)),r.value=p(r.value),e.innerHTML=r.value,e.className=h(e.className,s,r.language),e.result={language:r.language,re:r.r},r.second_best&&(e.second_best={language:r.second_best.language,re:r.second_best.r}))}function b(e){I=o(I,e)}function v(){if(!v.called){v.called=!0;var e=document.querySelectorAll("pre code");E.forEach.call(e,d)}}function m(){addEventListener("DOMContentLoaded",v,!1),addEventListener("load",v,!1)}function N(n,t){var r=y[n]=t(e);r.aliases&&r.aliases.forEach(function(e){L[e]=n})}function R(){return x(y)}function w(e){return e=(e||"").toLowerCase(),y[e]||y[L[e]]}var E=[],x=Object.keys,y={},L={},k=/^(no-?highlight|plain|text)$/i,B=/\blang(?:uage)?-([\w-]+)\b/i,M=/((^(<[^>]+>|\t|)+|(?:\n)))/gm,C="
",I={classPrefix:"hljs-",tabReplace:null,useBR:!1,languages:void 0};return e.highlight=f,e.highlightAuto=g,e.fixMarkup=p,e.highlightBlock=d,e.configure=b,e.initHighlighting=v,e.initHighlightingOnLoad=m,e.registerLanguage=N,e.listLanguages=R,e.getLanguage=w,e.inherit=o,e.IR="[a-zA-Z]\\w*",e.UIR="[a-zA-Z_]\\w*",e.NR="\\b\\d+(\\.\\d+)?",e.CNR="(-?)(\\b0[xX][a-fA-F0-9]+|(\\b\\d+(\\.\\d*)?|\\.\\d+)([eE][-+]?\\d+)?)",e.BNR="\\b(0b[01]+)",e.RSR="!|!=|!==|%|%=|&|&&|&=|\\*|\\*=|\\+|\\+=|,|-|-=|/=|/|:|;|<<|<<=|<=|<|===|==|=|>>>=|>>=|>=|>>>|>>|>|\\?|\\[|\\{|\\(|\\^|\\^=|\\||\\|=|\\|\\||~",e.BE={b:"\\\\[\\s\\S]",r:0},e.ASM={cN:"string",b:"'",e:"'",i:"\\n",c:[e.BE]},e.QSM={cN:"string",b:'"',e:'"',i:"\\n",c:[e.BE]},e.PWM={b:/\b(a|an|the|are|I'm|isn't|don't|doesn't|won't|but|just|should|pretty|simply|enough|gonna|going|wtf|so|such|will|you|your|they|like|more)\b/},e.C=function(n,t,r){var a=e.inherit({cN:"comment",b:n,e:t,c:[]},r||{});return a.c.push(e.PWM),a.c.push({cN:"doctag",b:"(?:TODO|FIXME|NOTE|BUG|XXX):",r:0}),a},e.CLCM=e.C("//","$"),e.CBCM=e.C("/\\*","\\*/"),e.HCM=e.C("#","$"),e.NM={cN:"number",b:e.NR,r:0},e.CNM={cN:"number",b:e.CNR,r:0},e.BNM={cN:"number",b:e.BNR,r:0},e.CSSNM={cN:"number",b:e.NR+"(%|em|ex|ch|rem|vw|vh|vmin|vmax|cm|mm|in|pt|pc|px|deg|grad|rad|turn|s|ms|Hz|kHz|dpi|dpcm|dppx)?",r:0},e.RM={cN:"regexp",b:/\//,e:/\/[gimuy]*/,i:/\n/,c:[e.BE,{b:/\[/,e:/\]/,r:0,c:[e.BE]}]},e.TM={cN:"title",b:e.IR,r:0},e.UTM={cN:"title",b:e.UIR,r:0},e.METHOD_GUARD={b:"\\.\\s*"+e.UIR,r:0},e});hljs.registerLanguage("diff",function(e){return{aliases:["patch"],c:[{cN:"meta",r:10,v:[{b:/^@@ +\-\d+,\d+ +\+\d+,\d+ +@@$/},{b:/^\*\*\* +\d+,\d+ +\*\*\*\*$/},{b:/^\-\-\- +\d+,\d+ +\-\-\-\-$/}]},{cN:"comment",v:[{b:/Index: /,e:/$/},{b:/={3,}/,e:/$/},{b:/^\-{3}/,e:/$/},{b:/^\*{3} /,e:/$/},{b:/^\+{3}/,e:/$/},{b:/\*{5}/,e:/\*{5}$/}]},{cN:"addition",b:"^\\+",e:"$"},{cN:"deletion",b:"^\\-",e:"$"},{cN:"addition",b:"^\\!",e:"$"}]}});hljs.registerLanguage("nimrod",function(t){return{aliases:["nim"],k:{keyword:"addr and as asm bind block break case cast const continue converter discard distinct div do elif else end enum except export finally for from generic if import in include interface is isnot iterator let macro method mixin mod nil not notin object of or out proc ptr raise ref return shl shr static template try tuple type using var when while with without xor yield",literal:"shared guarded stdin stdout stderr result true false",built_in:"int int8 int16 int32 int64 uint uint8 uint16 uint32 uint64 float float32 float64 bool char string cstring pointer expr stmt void auto any range array openarray varargs seq set clong culong cchar cschar cshort cint csize clonglong cfloat cdouble clongdouble cuchar cushort cuint culonglong cstringarray semistatic"},c:[{cN:"meta",b:/{\./,e:/\.}/,r:10},{cN:"string",b:/[a-zA-Z]\w*"/,e:/"/,c:[{b:/""/}]},{cN:"string",b:/([a-zA-Z]\w*)?"""/,e:/"""/},t.QSM,{cN:"type",b:/\b[A-Z]\w+\b/,r:0},{cN:"number",r:0,v:[{b:/\b(0[xX][0-9a-fA-F][_0-9a-fA-F]*)('?[iIuU](8|16|32|64))?/},{b:/\b(0o[0-7][_0-7]*)('?[iIuUfF](8|16|32|64))?/},{b:/\b(0(b|B)[01][_01]*)('?[iIuUfF](8|16|32|64))?/},{b:/\b(\d[_\d]*)('?[iIuUfF](8|16|32|64))?/}]},t.HCM]}});hljs.registerLanguage("basic",function(E){return{cI:!0,i:"^.",l:"[a-zA-Z][a-zA-Z0-9_$%!#]*",k:{keyword:"ABS ASC AND ATN AUTO|0 BEEP BLOAD|10 BSAVE|10 CALL CALLS CDBL CHAIN CHDIR CHR$|10 CINT CIRCLE CLEAR CLOSE CLS COLOR COM COMMON CONT COS CSNG CSRLIN CVD CVI CVS DATA DATE$ DEFDBL DEFINT DEFSNG DEFSTR DEF|0 SEG USR DELETE DIM DRAW EDIT END ENVIRON ENVIRON$ EOF EQV ERASE ERDEV ERDEV$ ERL ERR ERROR EXP FIELD FILES FIX FOR|0 FRE GET GOSUB|10 GOTO HEX$ IF|0 THEN ELSE|0 INKEY$ INP INPUT INPUT# INPUT$ INSTR IMP INT IOCTL IOCTL$ KEY ON OFF LIST KILL LEFT$ LEN LET LINE LLIST LOAD LOC LOCATE LOF LOG LPRINT USING LSET MERGE MID$ MKDIR MKD$ MKI$ MKS$ MOD NAME NEW NEXT NOISE NOT OCT$ ON OR PEN PLAY STRIG OPEN OPTION BASE OUT PAINT PALETTE PCOPY PEEK PMAP POINT POKE POS PRINT PRINT] PSET PRESET PUT RANDOMIZE READ REM RENUM RESET|0 RESTORE RESUME RETURN|0 RIGHT$ RMDIR RND RSET RUN SAVE SCREEN SGN SHELL SIN SOUND SPACE$ SPC SQR STEP STICK STOP STR$ STRING$ SWAP SYSTEM TAB TAN TIME$ TIMER TROFF TRON TO USR VAL VARPTR VARPTR$ VIEW WAIT WHILE WEND WIDTH WINDOW WRITE XOR"},c:[E.QSM,E.C("REM","$",{r:10}),E.C("'","$",{r:0}),{cN:"symbol",b:"^[0-9]+ ",r:10},{cN:"number",b:"\\b([0-9]+[0-9edED.]*[#!]?)",r:0},{cN:"number",b:"(&[hH][0-9a-fA-F]{1,4})"},{cN:"number",b:"(&[oO][0-7]{1,6})"}]}});hljs.registerLanguage("ldif",function(e){return{c:[{cN:"attribute",b:"^dn",e:": ",eE:!0,starts:{e:"$",r:0},r:10},{cN:"attribute",b:"^\\w",e:": ",eE:!0,starts:{e:"$",r:0}},{cN:"literal",b:"^-",e:"$"},e.HCM]}});hljs.registerLanguage("xl",function(e){var t="ObjectLoader Animate MovieCredits Slides Filters Shading Materials LensFlare Mapping VLCAudioVideo StereoDecoder PointCloud NetworkAccess RemoteControl RegExp ChromaKey Snowfall NodeJS Speech Charts",o={keyword:"if then else do while until for loop import with is as where when by data constant integer real text name boolean symbol infix prefix postfix block tree",literal:"true false nil",built_in:"in mod rem and or xor not abs sign floor ceil sqrt sin cos tan asin acos atan exp expm1 log log2 log10 log1p pi at text_length text_range text_find text_replace contains page slide basic_slide title_slide title subtitle fade_in fade_out fade_at clear_color color line_color line_width texture_wrap texture_transform texture scale_?x scale_?y scale_?z? translate_?x translate_?y translate_?z? rotate_?x rotate_?y rotate_?z? rectangle circle ellipse sphere path line_to move_to quad_to curve_to theme background contents locally time mouse_?x mouse_?y mouse_buttons "+t},a={cN:"string",b:'"',e:'"',i:"\\n"},r={cN:"string",b:"'",e:"'",i:"\\n"},i={cN:"string",b:"<<",e:">>"},l={cN:"number",b:"[0-9]+#[0-9A-Z_]+(\\.[0-9-A-Z_]+)?#?([Ee][+-]?[0-9]+)?"},n={bK:"import",e:"$",k:o,c:[a]},s={cN:"function",b:/[a-z][^\n]*->/,rB:!0,e:/->/,c:[e.inherit(e.TM,{starts:{eW:!0,k:o}})]};return{aliases:["tao"],l:/[a-zA-Z][a-zA-Z0-9_?]*/,k:o,c:[e.CLCM,e.CBCM,a,r,i,s,n,l,e.NM]}});hljs.registerLanguage("ada",function(e){var r="\\d(_|\\d)*",t="[eE][-+]?"+r,s=r+"(\\."+r+")?("+t+")?",n="\\w+",a=r+"#"+n+"(\\."+n+")?#("+t+")?",i="\\b("+a+"|"+s+")",c="[A-Za-z](_?[A-Za-z0-9.])*",o="[]{}%#'\"",b=e.C("--","$"),d={b:"\\s+:\\s+",e:"\\s*(:=|;|\\)|=>|$)",i:o,c:[{bK:"loop for declare others",endsParent:!0},{cN:"keyword",bK:"not null constant access function procedure in out aliased exception"},{cN:"type",b:c,endsParent:!0,r:0}]};return{cI:!0,k:{keyword:"abort else new return abs elsif not reverse abstract end accept entry select access exception of separate aliased exit or some all others subtype and for out synchronized array function overriding at tagged generic package task begin goto pragma terminate body private then if procedure type case in protected constant interface is raise use declare range delay limited record when delta loop rem while digits renames with do mod requeue xor",literal:"True False"},c:[b,{cN:"string",b:/"/,e:/"/,c:[{b:/""/,r:0}]},{cN:"string",b:/'.'/},{cN:"number",b:i,r:0},{cN:"symbol",b:"'"+c},{cN:"title",b:"(\\bwith\\s+)?(\\bprivate\\s+)?\\bpackage\\s+(\\bbody\\s+)?",e:"(is|$)",k:"package body",eB:!0,eE:!0,i:o},{b:"(\\b(with|overriding)\\s+)?\\b(function|procedure)\\s+",e:"(\\bis|\\bwith|\\brenames|\\)\\s*;)",k:"overriding function procedure with is renames return",rB:!0,c:[b,{cN:"title",b:"(\\bwith\\s+)?\\b(function|procedure)\\s+",e:"(\\(|\\s+|$)",eB:!0,eE:!0,i:o},d,{cN:"type",b:"\\breturn\\s+",e:"(\\s+|;|$)",k:"return",eB:!0,eE:!0,endsParent:!0,i:o}]},{cN:"type",b:"\\b(sub)?type\\s+",e:"\\s+",k:"type",eB:!0,i:o},d]}});hljs.registerLanguage("ini",function(e){var b={cN:"string",c:[e.BE],v:[{b:"'''",e:"'''",r:10},{b:'"""',e:'"""',r:10},{b:'"',e:'"'},{b:"'",e:"'"}]};return{aliases:["toml"],cI:!0,i:/\S/,c:[e.C(";","$"),e.HCM,{cN:"section",b:/^\s*\[+/,e:/\]+/},{b:/^[a-z0-9\[\]_-]+\s*=\s*/,e:"$",rB:!0,c:[{cN:"attr",b:/[a-z0-9\[\]_-]+/},{b:/=/,eW:!0,r:0,c:[{cN:"literal",b:/\bon|off|true|false|yes|no\b/},{cN:"variable",v:[{b:/\$[\w\d"][\w\d_]*/},{b:/\$\{(.*?)}/}]},b,{cN:"number",b:/([\+\-]+)?[\d]+_[\d_]+/},e.NM]}]}]}});hljs.registerLanguage("taggerscript",function(e){var c={cN:"comment",b:/\$noop\(/,e:/\)/,c:[{b:/\(/,e:/\)/,c:["self",{b:/\\./}]}],r:10},r={cN:"keyword",b:/\$(?!noop)[a-zA-Z][_a-zA-Z0-9]*/,e:/\(/,eE:!0},a={cN:"variable",b:/%[_a-zA-Z0-9:]*/,e:"%"},b={cN:"symbol",b:/\\./};return{c:[c,r,a,b]}});hljs.registerLanguage("prolog",function(c){var b={b:/[a-z][A-Za-z0-9_]*/,r:0},r={cN:"symbol",v:[{b:/[A-Z][a-zA-Z0-9_]*/},{b:/_[A-Za-z0-9_]*/}],r:0},e={b:/\(/,e:/\)/,r:0},n={b:/\[/,e:/\]/},a={cN:"comment",b:/%/,e:/$/,c:[c.PWM]},t={cN:"string",b:/`/,e:/`/,c:[c.BE]},g={cN:"string",b:/0\'(\\\'|.)/},s={cN:"string",b:/0\'\\s/},o={b:/:-/},N=[b,r,e,o,n,a,c.CBCM,c.QSM,c.ASM,t,g,s,c.CNM];return e.c=N,n.c=N,{c:N.concat([{b:/\.$/}])}});hljs.registerLanguage("javascript",function(e){var r="[A-Za-z$_][0-9A-Za-z$_]*",t={keyword:"in of if for while finally var new function do return void else break catch instanceof with throw case default try this switch continue typeof delete let yield const export super debugger as async await static import from as",literal:"true false null undefined NaN Infinity",built_in:"eval isFinite isNaN parseFloat parseInt decodeURI decodeURIComponent encodeURI encodeURIComponent escape unescape Object Function Boolean Error EvalError InternalError RangeError ReferenceError StopIteration SyntaxError TypeError URIError Number Math Date String RegExp Array Float32Array Float64Array Int16Array Int32Array Int8Array Uint16Array Uint32Array Uint8Array Uint8ClampedArray ArrayBuffer DataView JSON Intl arguments require module console window document Symbol Set Map WeakSet WeakMap Proxy Reflect Promise"},a={cN:"number",v:[{b:"\\b(0[bB][01]+)"},{b:"\\b(0[oO][0-7]+)"},{b:e.CNR}],r:0},n={cN:"subst",b:"\\$\\{",e:"\\}",k:t,c:[]},c={cN:"string",b:"`",e:"`",c:[e.BE,n]};n.c=[e.ASM,e.QSM,c,a,e.RM];var s=n.c.concat([e.CBCM,e.CLCM]);return{aliases:["js","jsx"],k:t,c:[{cN:"meta",r:10,b:/^\s*['"]use (strict|asm)['"]/},{cN:"meta",b:/^#!/,e:/$/},e.ASM,e.QSM,c,e.CLCM,e.CBCM,a,{b:/[{,]\s*/,r:0,c:[{b:r+"\\s*:",rB:!0,r:0,c:[{cN:"attr",b:r,r:0}]}]},{b:"("+e.RSR+"|\\b(case|return|throw)\\b)\\s*",k:"return throw case",c:[e.CLCM,e.CBCM,e.RM,{cN:"function",b:"(\\(.*?\\)|"+r+")\\s*=>",rB:!0,e:"\\s*=>",c:[{cN:"params",v:[{b:r},{b:/\(\s*\)/},{b:/\(/,e:/\)/,eB:!0,eE:!0,k:t,c:s}]}]},{b://,sL:"xml",c:[{b:/<\w+\s*\/>/,skip:!0},{b:/<\w+/,e:/(\/\w+|\w+\/)>/,skip:!0,c:[{b:/<\w+\s*\/>/,skip:!0},"self"]}]}],r:0},{cN:"function",bK:"function",e:/\{/,eE:!0,c:[e.inherit(e.TM,{b:r}),{cN:"params",b:/\(/,e:/\)/,eB:!0,eE:!0,c:s}],i:/\[|%/},{b:/\$[(.]/},e.METHOD_GUARD,{cN:"class",bK:"class",e:/[{;=]/,eE:!0,i:/[:"\[\]]/,c:[{bK:"extends"},e.UTM]},{bK:"constructor",e:/\{/,eE:!0}],i:/#(?!!)/}});hljs.registerLanguage("python",function(e){var r={keyword:"and elif is global as in if from raise for except finally print import pass return exec else break not with class assert yield try while continue del or def lambda async await nonlocal|10 None True False",built_in:"Ellipsis NotImplemented"},b={cN:"meta",b:/^(>>>|\.\.\.) /},c={cN:"subst",b:/\{/,e:/\}/,k:r,i:/#/},a={cN:"string",c:[e.BE],v:[{b:/(u|b)?r?'''/,e:/'''/,c:[b],r:10},{b:/(u|b)?r?"""/,e:/"""/,c:[b],r:10},{b:/(fr|rf|f)'''/,e:/'''/,c:[b,c]},{b:/(fr|rf|f)"""/,e:/"""/,c:[b,c]},{b:/(u|r|ur)'/,e:/'/,r:10},{b:/(u|r|ur)"/,e:/"/,r:10},{b:/(b|br)'/,e:/'/},{b:/(b|br)"/,e:/"/},{b:/(fr|rf|f)'/,e:/'/,c:[c]},{b:/(fr|rf|f)"/,e:/"/,c:[c]},e.ASM,e.QSM]},s={cN:"number",r:0,v:[{b:e.BNR+"[lLjJ]?"},{b:"\\b(0o[0-7]+)[lLjJ]?"},{b:e.CNR+"[lLjJ]?"}]},i={cN:"params",b:/\(/,e:/\)/,c:["self",b,s,a]};return c.c=[a,s,b],{aliases:["py","gyp"],k:r,i:/(<\/|->|\?)|=>/,c:[b,s,a,e.HCM,{v:[{cN:"function",bK:"def"},{cN:"class",bK:"class"}],e:/:/,i:/[${=;\n,]/,c:[e.UTM,i,{b:/->/,eW:!0,k:"None"}]},{cN:"meta",b:/^[\t ]*@/,e:/$/},{b:/\b(print|exec)\(/}]}});hljs.registerLanguage("applescript",function(e){var t=e.inherit(e.QSM,{i:""}),r={cN:"params",b:"\\(",e:"\\)",c:["self",e.CNM,t]},i=e.C("--","$"),o=e.C("\\(\\*","\\*\\)",{c:["self",i]}),n=[i,o,e.HCM];return{aliases:["osascript"],k:{keyword:"about above after against and around as at back before beginning behind below beneath beside between but by considering contain contains continue copy div does eighth else end equal equals error every exit fifth first for fourth from front get given global if ignoring in into is it its last local me middle mod my ninth not of on onto or over prop property put ref reference repeat returning script second set seventh since sixth some tell tenth that the|0 then third through thru timeout times to transaction try until where while whose with without",literal:"AppleScript false linefeed return pi quote result space tab true",built_in:"alias application boolean class constant date file integer list number real record string text activate beep count delay launch log offset read round run say summarize write character characters contents day frontmost id item length month name paragraph paragraphs rest reverse running time version weekday word words year"},c:[t,e.CNM,{cN:"built_in",b:"\\b(clipboard info|the clipboard|info for|list (disks|folder)|mount volume|path to|(close|open for) access|(get|set) eof|current date|do shell script|get volume settings|random number|set volume|system attribute|system info|time to GMT|(load|run|store) script|scripting components|ASCII (character|number)|localized string|choose (application|color|file|file name|folder|from list|remote application|URL)|display (alert|dialog))\\b|^\\s*return\\b"},{cN:"literal",b:"\\b(text item delimiters|current application|missing value)\\b"},{cN:"keyword",b:"\\b(apart from|aside from|instead of|out of|greater than|isn't|(doesn't|does not) (equal|come before|come after|contain)|(greater|less) than( or equal)?|(starts?|ends|begins?) with|contained by|comes (before|after)|a (ref|reference)|POSIX file|POSIX path|(date|time) string|quoted form)\\b"},{bK:"on",i:"[${=;\\n]",c:[e.UTM,r]}].concat(n),i:"//|->|=>|\\[\\["}});hljs.registerLanguage("stylus",function(e){var t={cN:"variable",b:"\\$"+e.IR},o={cN:"number",b:"#([a-fA-F0-9]{6}|[a-fA-F0-9]{3})"},i=["charset","css","debug","extend","font-face","for","import","include","media","mixin","page","warn","while"],r=["after","before","first-letter","first-line","active","first-child","focus","hover","lang","link","visited"],n=["a","abbr","address","article","aside","audio","b","blockquote","body","button","canvas","caption","cite","code","dd","del","details","dfn","div","dl","dt","em","fieldset","figcaption","figure","footer","form","h1","h2","h3","h4","h5","h6","header","hgroup","html","i","iframe","img","input","ins","kbd","label","legend","li","mark","menu","nav","object","ol","p","q","quote","samp","section","span","strong","summary","sup","table","tbody","td","textarea","tfoot","th","thead","time","tr","ul","var","video"],a="[\\.\\s\\n\\[\\:,]",l=["align-content","align-items","align-self","animation","animation-delay","animation-direction","animation-duration","animation-fill-mode","animation-iteration-count","animation-name","animation-play-state","animation-timing-function","auto","backface-visibility","background","background-attachment","background-clip","background-color","background-image","background-origin","background-position","background-repeat","background-size","border","border-bottom","border-bottom-color","border-bottom-left-radius","border-bottom-right-radius","border-bottom-style","border-bottom-width","border-collapse","border-color","border-image","border-image-outset","border-image-repeat","border-image-slice","border-image-source","border-image-width","border-left","border-left-color","border-left-style","border-left-width","border-radius","border-right","border-right-color","border-right-style","border-right-width","border-spacing","border-style","border-top","border-top-color","border-top-left-radius","border-top-right-radius","border-top-style","border-top-width","border-width","bottom","box-decoration-break","box-shadow","box-sizing","break-after","break-before","break-inside","caption-side","clear","clip","clip-path","color","column-count","column-fill","column-gap","column-rule","column-rule-color","column-rule-style","column-rule-width","column-span","column-width","columns","content","counter-increment","counter-reset","cursor","direction","display","empty-cells","filter","flex","flex-basis","flex-direction","flex-flow","flex-grow","flex-shrink","flex-wrap","float","font","font-family","font-feature-settings","font-kerning","font-language-override","font-size","font-size-adjust","font-stretch","font-style","font-variant","font-variant-ligatures","font-weight","height","hyphens","icon","image-orientation","image-rendering","image-resolution","ime-mode","inherit","initial","justify-content","left","letter-spacing","line-height","list-style","list-style-image","list-style-position","list-style-type","margin","margin-bottom","margin-left","margin-right","margin-top","marks","mask","max-height","max-width","min-height","min-width","nav-down","nav-index","nav-left","nav-right","nav-up","none","normal","object-fit","object-position","opacity","order","orphans","outline","outline-color","outline-offset","outline-style","outline-width","overflow","overflow-wrap","overflow-x","overflow-y","padding","padding-bottom","padding-left","padding-right","padding-top","page-break-after","page-break-before","page-break-inside","perspective","perspective-origin","pointer-events","position","quotes","resize","right","tab-size","table-layout","text-align","text-align-last","text-decoration","text-decoration-color","text-decoration-line","text-decoration-style","text-indent","text-overflow","text-rendering","text-shadow","text-transform","text-underline-position","top","transform","transform-origin","transform-style","transition","transition-delay","transition-duration","transition-property","transition-timing-function","unicode-bidi","vertical-align","visibility","white-space","widows","width","word-break","word-spacing","word-wrap","z-index"],d=["\\?","(\\bReturn\\b)","(\\bEnd\\b)","(\\bend\\b)","(\\bdef\\b)",";","#\\s","\\*\\s","===\\s","\\|","%"];return{aliases:["styl"],cI:!1,k:"if else for in",i:"("+d.join("|")+")",c:[e.QSM,e.ASM,e.CLCM,e.CBCM,o,{b:"\\.[a-zA-Z][a-zA-Z0-9_-]*"+a,rB:!0,c:[{cN:"selector-class",b:"\\.[a-zA-Z][a-zA-Z0-9_-]*"}]},{b:"\\#[a-zA-Z][a-zA-Z0-9_-]*"+a,rB:!0,c:[{cN:"selector-id",b:"\\#[a-zA-Z][a-zA-Z0-9_-]*"}]},{b:"\\b("+n.join("|")+")"+a,rB:!0,c:[{cN:"selector-tag",b:"\\b[a-zA-Z][a-zA-Z0-9_-]*"}]},{b:"&?:?:\\b("+r.join("|")+")"+a},{b:"@("+i.join("|")+")\\b"},t,e.CSSNM,e.NM,{cN:"function",b:"^[a-zA-Z][a-zA-Z0-9_-]*\\(.*\\)",i:"[\\n]",rB:!0,c:[{cN:"title",b:"\\b[a-zA-Z][a-zA-Z0-9_-]*"},{cN:"params",b:/\(/,e:/\)/,c:[o,t,e.ASM,e.CSSNM,e.NM,e.QSM]}]},{cN:"attribute",b:"\\b("+l.reverse().join("|")+")\\b",starts:{e:/;|$/,c:[o,t,e.ASM,e.QSM,e.CSSNM,e.NM,e.CBCM],i:/\./,r:0}}]}});hljs.registerLanguage("tcl",function(e){return{aliases:["tk"],k:"after append apply array auto_execok auto_import auto_load auto_mkindex auto_mkindex_old auto_qualify auto_reset bgerror binary break catch cd chan clock close concat continue dde dict encoding eof error eval exec exit expr fblocked fconfigure fcopy file fileevent filename flush for foreach format gets glob global history http if incr info interp join lappend|10 lassign|10 lindex|10 linsert|10 list llength|10 load lrange|10 lrepeat|10 lreplace|10 lreverse|10 lsearch|10 lset|10 lsort|10 mathfunc mathop memory msgcat namespace open package parray pid pkg::create pkg_mkIndex platform platform::shell proc puts pwd read refchan regexp registry regsub|10 rename return safe scan seek set socket source split string subst switch tcl_endOfWord tcl_findLibrary tcl_startOfNextWord tcl_startOfPreviousWord tcl_wordBreakAfter tcl_wordBreakBefore tcltest tclvars tell time tm trace unknown unload unset update uplevel upvar variable vwait while",c:[e.C(";[ \\t]*#","$"),e.C("^[ \\t]*#","$"),{bK:"proc",e:"[\\{]",eE:!0,c:[{cN:"title",b:"[ \\t\\n\\r]+(::)?[a-zA-Z_]((::)?[a-zA-Z0-9_])*",e:"[ \\t\\n\\r]",eW:!0,eE:!0}]},{eE:!0,v:[{b:"\\$(\\{)?(::)?[a-zA-Z_]((::)?[a-zA-Z0-9_])*\\(([a-zA-Z0-9_])*\\)",e:"[^a-zA-Z0-9_\\}\\$]"},{b:"\\$(\\{)?(::)?[a-zA-Z_]((::)?[a-zA-Z0-9_])*",e:"(\\))?[^a-zA-Z0-9_\\}\\$]"}]},{cN:"string",c:[e.BE],v:[e.inherit(e.ASM,{i:null}),e.inherit(e.QSM,{i:null})]},{cN:"number",v:[e.BNM,e.CNM]}]}});hljs.registerLanguage("elm",function(e){var i={v:[e.C("--","$"),e.C("{-","-}",{c:["self"]})]},t={cN:"type",b:"\\b[A-Z][\\w']*",r:0},c={b:"\\(",e:"\\)",i:'"',c:[{cN:"type",b:"\\b[A-Z][\\w]*(\\((\\.\\.|,|\\w+)\\))?"},i]},n={b:"{",e:"}",c:c.c};return{k:"let in if then else case of where module import exposing type alias as infix infixl infixr port effect command subscription",c:[{bK:"port effect module",e:"exposing",k:"port effect module where command subscription exposing",c:[c,i],i:"\\W\\.|;"},{b:"import",e:"$",k:"import as exposing",c:[c,i],i:"\\W\\.|;"},{b:"type",e:"$",k:"type alias",c:[t,c,n,i]},{bK:"infix infixl infixr",e:"$",c:[e.CNM,i]},{b:"port",e:"$",k:"port",c:[i]},e.QSM,e.CNM,t,e.inherit(e.TM,{b:"^[_a-z][\\w']*"}),i,{b:"->|<-"}],i:/;/}});hljs.registerLanguage("fortran",function(e){var t={cN:"params",b:"\\(",e:"\\)"},n={literal:".False. .True.",keyword:"kind do while private call intrinsic where elsewhere type endtype endmodule endselect endinterface end enddo endif if forall endforall only contains default return stop then public subroutine|10 function program .and. .or. .not. .le. .eq. .ge. .gt. .lt. goto save else use module select case access blank direct exist file fmt form formatted iostat name named nextrec number opened rec recl sequential status unformatted unit continue format pause cycle exit c_null_char c_alert c_backspace c_form_feed flush wait decimal round iomsg synchronous nopass non_overridable pass protected volatile abstract extends import non_intrinsic value deferred generic final enumerator class associate bind enum c_int c_short c_long c_long_long c_signed_char c_size_t c_int8_t c_int16_t c_int32_t c_int64_t c_int_least8_t c_int_least16_t c_int_least32_t c_int_least64_t c_int_fast8_t c_int_fast16_t c_int_fast32_t c_int_fast64_t c_intmax_t C_intptr_t c_float c_double c_long_double c_float_complex c_double_complex c_long_double_complex c_bool c_char c_null_ptr c_null_funptr c_new_line c_carriage_return c_horizontal_tab c_vertical_tab iso_c_binding c_loc c_funloc c_associated c_f_pointer c_ptr c_funptr iso_fortran_env character_storage_size error_unit file_storage_size input_unit iostat_end iostat_eor numeric_storage_size output_unit c_f_procpointer ieee_arithmetic ieee_support_underflow_control ieee_get_underflow_mode ieee_set_underflow_mode newunit contiguous recursive pad position action delim readwrite eor advance nml interface procedure namelist include sequence elemental pure integer real character complex logical dimension allocatable|10 parameter external implicit|10 none double precision assign intent optional pointer target in out common equivalence data",built_in:"alog alog10 amax0 amax1 amin0 amin1 amod cabs ccos cexp clog csin csqrt dabs dacos dasin datan datan2 dcos dcosh ddim dexp dint dlog dlog10 dmax1 dmin1 dmod dnint dsign dsin dsinh dsqrt dtan dtanh float iabs idim idint idnint ifix isign max0 max1 min0 min1 sngl algama cdabs cdcos cdexp cdlog cdsin cdsqrt cqabs cqcos cqexp cqlog cqsin cqsqrt dcmplx dconjg derf derfc dfloat dgamma dimag dlgama iqint qabs qacos qasin qatan qatan2 qcmplx qconjg qcos qcosh qdim qerf qerfc qexp qgamma qimag qlgama qlog qlog10 qmax1 qmin1 qmod qnint qsign qsin qsinh qsqrt qtan qtanh abs acos aimag aint anint asin atan atan2 char cmplx conjg cos cosh exp ichar index int log log10 max min nint sign sin sinh sqrt tan tanh print write dim lge lgt lle llt mod nullify allocate deallocate adjustl adjustr all allocated any associated bit_size btest ceiling count cshift date_and_time digits dot_product eoshift epsilon exponent floor fraction huge iand ibclr ibits ibset ieor ior ishft ishftc lbound len_trim matmul maxexponent maxloc maxval merge minexponent minloc minval modulo mvbits nearest pack present product radix random_number random_seed range repeat reshape rrspacing scale scan selected_int_kind selected_real_kind set_exponent shape size spacing spread sum system_clock tiny transpose trim ubound unpack verify achar iachar transfer dble entry dprod cpu_time command_argument_count get_command get_command_argument get_environment_variable is_iostat_end ieee_arithmetic ieee_support_underflow_control ieee_get_underflow_mode ieee_set_underflow_mode is_iostat_eor move_alloc new_line selected_char_kind same_type_as extends_type_ofacosh asinh atanh bessel_j0 bessel_j1 bessel_jn bessel_y0 bessel_y1 bessel_yn erf erfc erfc_scaled gamma log_gamma hypot norm2 atomic_define atomic_ref execute_command_line leadz trailz storage_size merge_bits bge bgt ble blt dshiftl dshiftr findloc iall iany iparity image_index lcobound ucobound maskl maskr num_images parity popcnt poppar shifta shiftl shiftr this_image"};return{cI:!0,aliases:["f90","f95"],k:n,i:/\/\*/,c:[e.inherit(e.ASM,{cN:"string",r:0}),e.inherit(e.QSM,{cN:"string",r:0}),{cN:"function",bK:"subroutine function program",i:"[${=\\n]",c:[e.UTM,t]},e.C("!","$",{r:0}),{cN:"number",b:"(?=\\b|\\+|\\-|\\.)(?=\\.\\d|\\d)(?:\\d+)?(?:\\.?\\d*)(?:[de][+-]?\\d+)?\\b\\.?",r:0}]}});hljs.registerLanguage("livecodeserver",function(e){var r={b:"\\b[gtps][A-Z]+[A-Za-z0-9_\\-]*\\b|\\$_[A-Z]+",r:0},t=[e.CBCM,e.HCM,e.C("--","$"),e.C("[^:]//","$")],a=e.inherit(e.TM,{v:[{b:"\\b_*rig[A-Z]+[A-Za-z0-9_\\-]*"},{b:"\\b_[a-z0-9\\-]+"}]}),o=e.inherit(e.TM,{b:"\\b([A-Za-z0-9_\\-]+)\\b"});return{cI:!1,k:{keyword:"$_COOKIE $_FILES $_GET $_GET_BINARY $_GET_RAW $_POST $_POST_BINARY $_POST_RAW $_SESSION $_SERVER codepoint codepoints segment segments codeunit codeunits sentence sentences trueWord trueWords paragraph after byte bytes english the until http forever descending using line real8 with seventh for stdout finally element word words fourth before black ninth sixth characters chars stderr uInt1 uInt1s uInt2 uInt2s stdin string lines relative rel any fifth items from middle mid at else of catch then third it file milliseconds seconds second secs sec int1 int1s int4 int4s internet int2 int2s normal text item last long detailed effective uInt4 uInt4s repeat end repeat URL in try into switch to words https token binfile each tenth as ticks tick system real4 by dateItems without char character ascending eighth whole dateTime numeric short first ftp integer abbreviated abbr abbrev private case while if div mod wrap and or bitAnd bitNot bitOr bitXor among not in a an within contains ends with begins the keys of keys",literal:"SIX TEN FORMFEED NINE ZERO NONE SPACE FOUR FALSE COLON CRLF PI COMMA ENDOFFILE EOF EIGHT FIVE QUOTE EMPTY ONE TRUE RETURN CR LINEFEED RIGHT BACKSLASH NULL SEVEN TAB THREE TWO six ten formfeed nine zero none space four false colon crlf pi comma endoffile eof eight five quote empty one true return cr linefeed right backslash null seven tab three two RIVERSION RISTATE FILE_READ_MODE FILE_WRITE_MODE FILE_WRITE_MODE DIR_WRITE_MODE FILE_READ_UMASK FILE_WRITE_UMASK DIR_READ_UMASK DIR_WRITE_UMASK",built_in:"put abs acos aliasReference annuity arrayDecode arrayEncode asin atan atan2 average avg avgDev base64Decode base64Encode baseConvert binaryDecode binaryEncode byteOffset byteToNum cachedURL cachedURLs charToNum cipherNames codepointOffset codepointProperty codepointToNum codeunitOffset commandNames compound compress constantNames cos date dateFormat decompress directories diskSpace DNSServers exp exp1 exp2 exp10 extents files flushEvents folders format functionNames geometricMean global globals hasMemory harmonicMean hostAddress hostAddressToName hostName hostNameToAddress isNumber ISOToMac itemOffset keys len length libURLErrorData libUrlFormData libURLftpCommand libURLLastHTTPHeaders libURLLastRHHeaders libUrlMultipartFormAddPart libUrlMultipartFormData libURLVersion lineOffset ln ln1 localNames log log2 log10 longFilePath lower macToISO matchChunk matchText matrixMultiply max md5Digest median merge millisec millisecs millisecond milliseconds min monthNames nativeCharToNum normalizeText num number numToByte numToChar numToCodepoint numToNativeChar offset open openfiles openProcesses openProcessIDs openSockets paragraphOffset paramCount param params peerAddress pendingMessages platform popStdDev populationStandardDeviation populationVariance popVariance processID random randomBytes replaceText result revCreateXMLTree revCreateXMLTreeFromFile revCurrentRecord revCurrentRecordIsFirst revCurrentRecordIsLast revDatabaseColumnCount revDatabaseColumnIsNull revDatabaseColumnLengths revDatabaseColumnNames revDatabaseColumnNamed revDatabaseColumnNumbered revDatabaseColumnTypes revDatabaseConnectResult revDatabaseCursors revDatabaseID revDatabaseTableNames revDatabaseType revDataFromQuery revdb_closeCursor revdb_columnbynumber revdb_columncount revdb_columnisnull revdb_columnlengths revdb_columnnames revdb_columntypes revdb_commit revdb_connect revdb_connections revdb_connectionerr revdb_currentrecord revdb_cursorconnection revdb_cursorerr revdb_cursors revdb_dbtype revdb_disconnect revdb_execute revdb_iseof revdb_isbof revdb_movefirst revdb_movelast revdb_movenext revdb_moveprev revdb_query revdb_querylist revdb_recordcount revdb_rollback revdb_tablenames revGetDatabaseDriverPath revNumberOfRecords revOpenDatabase revOpenDatabases revQueryDatabase revQueryDatabaseBlob revQueryResult revQueryIsAtStart revQueryIsAtEnd revUnixFromMacPath revXMLAttribute revXMLAttributes revXMLAttributeValues revXMLChildContents revXMLChildNames revXMLCreateTreeFromFileWithNamespaces revXMLCreateTreeWithNamespaces revXMLDataFromXPathQuery revXMLEvaluateXPath revXMLFirstChild revXMLMatchingNode revXMLNextSibling revXMLNodeContents revXMLNumberOfChildren revXMLParent revXMLPreviousSibling revXMLRootNode revXMLRPC_CreateRequest revXMLRPC_Documents revXMLRPC_Error revXMLRPC_GetHost revXMLRPC_GetMethod revXMLRPC_GetParam revXMLText revXMLRPC_Execute revXMLRPC_GetParamCount revXMLRPC_GetParamNode revXMLRPC_GetParamType revXMLRPC_GetPath revXMLRPC_GetPort revXMLRPC_GetProtocol revXMLRPC_GetRequest revXMLRPC_GetResponse revXMLRPC_GetSocket revXMLTree revXMLTrees revXMLValidateDTD revZipDescribeItem revZipEnumerateItems revZipOpenArchives round sampVariance sec secs seconds sentenceOffset sha1Digest shell shortFilePath sin specialFolderPath sqrt standardDeviation statRound stdDev sum sysError systemVersion tan tempName textDecode textEncode tick ticks time to tokenOffset toLower toUpper transpose truewordOffset trunc uniDecode uniEncode upper URLDecode URLEncode URLStatus uuid value variableNames variance version waitDepth weekdayNames wordOffset xsltApplyStylesheet xsltApplyStylesheetFromFile xsltLoadStylesheet xsltLoadStylesheetFromFile add breakpoint cancel clear local variable file word line folder directory URL close socket process combine constant convert create new alias folder directory decrypt delete variable word line folder directory URL dispatch divide do encrypt filter get include intersect kill libURLDownloadToFile libURLFollowHttpRedirects libURLftpUpload libURLftpUploadFile libURLresetAll libUrlSetAuthCallback libURLSetCustomHTTPHeaders libUrlSetExpect100 libURLSetFTPListCommand libURLSetFTPMode libURLSetFTPStopTime libURLSetStatusCallback load multiply socket prepare process post seek rel relative read from process rename replace require resetAll resolve revAddXMLNode revAppendXML revCloseCursor revCloseDatabase revCommitDatabase revCopyFile revCopyFolder revCopyXMLNode revDeleteFolder revDeleteXMLNode revDeleteAllXMLTrees revDeleteXMLTree revExecuteSQL revGoURL revInsertXMLNode revMoveFolder revMoveToFirstRecord revMoveToLastRecord revMoveToNextRecord revMoveToPreviousRecord revMoveToRecord revMoveXMLNode revPutIntoXMLNode revRollBackDatabase revSetDatabaseDriverPath revSetXMLAttribute revXMLRPC_AddParam revXMLRPC_DeleteAllDocuments revXMLAddDTD revXMLRPC_Free revXMLRPC_FreeAll revXMLRPC_DeleteDocument revXMLRPC_DeleteParam revXMLRPC_SetHost revXMLRPC_SetMethod revXMLRPC_SetPort revXMLRPC_SetProtocol revXMLRPC_SetSocket revZipAddItemWithData revZipAddItemWithFile revZipAddUncompressedItemWithData revZipAddUncompressedItemWithFile revZipCancel revZipCloseArchive revZipDeleteItem revZipExtractItemToFile revZipExtractItemToVariable revZipSetProgressCallback revZipRenameItem revZipReplaceItemWithData revZipReplaceItemWithFile revZipOpenArchive send set sort split start stop subtract union unload wait write"},c:[r,{cN:"keyword",b:"\\bend\\sif\\b"},{cN:"function",bK:"function",e:"$",c:[r,o,e.ASM,e.QSM,e.BNM,e.CNM,a]},{cN:"function",b:"\\bend\\s+",e:"$",k:"end",c:[o,a],r:0},{bK:"command on",e:"$",c:[r,o,e.ASM,e.QSM,e.BNM,e.CNM,a]},{cN:"meta",v:[{b:"<\\?(rev|lc|livecode)",r:10},{b:"<\\?"},{b:"\\?>"}]},e.ASM,e.QSM,e.BNM,e.CNM,a].concat(t),i:";$|^\\[|^=|&|{"}});hljs.registerLanguage("nix",function(e){var r={keyword:"rec with let in inherit assert if else then",literal:"true false or and null",built_in:"import abort baseNameOf dirOf isNull builtins map removeAttrs throw toString derivation"},t={cN:"subst",b:/\$\{/,e:/}/,k:r},i={b:/[a-zA-Z0-9-_]+(\s*=)/,rB:!0,r:0,c:[{cN:"attr",b:/\S+/}]},s={cN:"string",c:[t],v:[{b:"''",e:"''"},{b:'"',e:'"'}]},a=[e.NM,e.HCM,e.CBCM,s,i];return t.c=a,{aliases:["nixos"],k:r,c:a}});hljs.registerLanguage("actionscript",function(e){var a="[a-zA-Z_$][a-zA-Z0-9_$]*",t="([*]|[a-zA-Z_$][a-zA-Z0-9_$]*)",c={cN:"rest_arg",b:"[.]{3}",e:a,r:10};return{aliases:["as"],k:{keyword:"as break case catch class const continue default delete do dynamic each else extends final finally for function get if implements import in include instanceof interface internal is namespace native new override package private protected public return set static super switch this throw try typeof use var void while with",literal:"true false null undefined"},c:[e.ASM,e.QSM,e.CLCM,e.CBCM,e.CNM,{cN:"class",bK:"package",e:"{",c:[e.TM]},{cN:"class",bK:"class interface",e:"{",eE:!0,c:[{bK:"extends implements"},e.TM]},{cN:"meta",bK:"import include",e:";",k:{"meta-keyword":"import include"}},{cN:"function",bK:"function",e:"[{;]",eE:!0,i:"\\S",c:[e.TM,{cN:"params",b:"\\(",e:"\\)",c:[e.ASM,e.QSM,e.CLCM,e.CBCM,c]},{b:":\\s*"+t}]},e.METHOD_GUARD],i:/#/}});hljs.registerLanguage("vhdl",function(e){var r="\\d(_|\\d)*",t="[eE][-+]?"+r,n=r+"(\\."+r+")?("+t+")?",o="\\w+",i=r+"#"+o+"(\\."+o+")?#("+t+")?",a="\\b("+i+"|"+n+")";return{cI:!0,k:{keyword:"abs access after alias all and architecture array assert assume assume_guarantee attribute begin block body buffer bus case component configuration constant context cover disconnect downto default else elsif end entity exit fairness file for force function generate generic group guarded if impure in inertial inout is label library linkage literal loop map mod nand new next nor not null of on open or others out package port postponed procedure process property protected pure range record register reject release rem report restrict restrict_guarantee return rol ror select sequence severity shared signal sla sll sra srl strong subtype then to transport type unaffected units until use variable vmode vprop vunit wait when while with xnor xor",built_in:"boolean bit character integer time delay_length natural positive string bit_vector file_open_kind file_open_status std_logic std_logic_vector unsigned signed boolean_vector integer_vector std_ulogic std_ulogic_vector unresolved_unsigned u_unsigned unresolved_signed u_signedreal_vector time_vector",literal:"false true note warning error failure line text side width"},i:"{",c:[e.CBCM,e.C("--","$"),e.QSM,{cN:"number",b:a,r:0},{cN:"string",b:"'(U|X|0|1|Z|W|L|H|-)'",c:[e.BE]},{cN:"symbol",b:"'[A-Za-z](_?[A-Za-z0-9])*",c:[e.BE]}]}});hljs.registerLanguage("haxe",function(e){var t="Int Float String Bool Dynamic Void Array ";return{aliases:["hx"],k:{keyword:"break case cast catch continue default do dynamic else enum extern for function here if import in inline never new override package private get set public return static super switch this throw trace try typedef untyped using var while "+t,built_in:"trace this",literal:"true false null _"},c:[{cN:"string",b:"'",e:"'",c:[e.BE,{cN:"subst",b:"\\$\\{",e:"\\}"},{cN:"subst",b:"\\$",e:"\\W}"}]},e.QSM,e.CLCM,e.CBCM,e.CNM,{cN:"meta",b:"@:",e:"$"},{cN:"meta",b:"#",e:"$",k:{"meta-keyword":"if else elseif end error"}},{cN:"type",b:":[ ]*",e:"[^A-Za-z0-9_ \\->]",eB:!0,eE:!0,r:0},{cN:"type",b:":[ ]*",e:"\\W",eB:!0,eE:!0},{cN:"type",b:"new *",e:"\\W",eB:!0,eE:!0},{cN:"class",bK:"enum",e:"\\{",c:[e.TM]},{cN:"class",bK:"abstract",e:"[\\{$]",c:[{cN:"type",b:"\\(",e:"\\)",eB:!0,eE:!0},{cN:"type",b:"from +",e:"\\W",eB:!0,eE:!0},{cN:"type",b:"to +",e:"\\W",eB:!0,eE:!0},e.TM],k:{keyword:"abstract from to"}},{cN:"class",b:"\\b(class|interface) +",e:"[\\{$]",eE:!0,k:"class interface",c:[{cN:"keyword",b:"\\b(extends|implements) +",k:"extends implements",c:[{cN:"type",b:e.IR,r:0}]},e.TM]},{cN:"function",bK:"function",e:"\\(",eE:!0,i:"\\S",c:[e.TM]}],i:/<\//}});hljs.registerLanguage("lasso",function(e){var r="[a-zA-Z_][\\w.]*",a="<\\?(lasso(script)?|=)",t="\\]|\\?>",n={literal:"true false none minimal full all void and or not bw nbw ew new cn ncn lt lte gt gte eq neq rx nrx ft",built_in:"array date decimal duration integer map pair string tag xml null boolean bytes keyword list locale queue set stack staticarray local var variable global data self inherited currentcapture givenblock",keyword:"cache database_names database_schemanames database_tablenames define_tag define_type email_batch encode_set html_comment handle handle_error header if inline iterate ljax_target link link_currentaction link_currentgroup link_currentrecord link_detail link_firstgroup link_firstrecord link_lastgroup link_lastrecord link_nextgroup link_nextrecord link_prevgroup link_prevrecord log loop namespace_using output_none portal private protect records referer referrer repeating resultset rows search_args search_arguments select sort_args sort_arguments thread_atomic value_list while abort case else fail_if fail_ifnot fail if_empty if_false if_null if_true loop_abort loop_continue loop_count params params_up return return_value run_children soap_definetag soap_lastrequest soap_lastresponse tag_name ascending average by define descending do equals frozen group handle_failure import in into join let match max min on order parent protected provide public require returnhome skip split_thread sum take thread to trait type where with yield yieldhome"},i=e.C("",{r:0}),s={cN:"meta",b:"\\[noprocess\\]",starts:{e:"\\[/noprocess\\]",rE:!0,c:[i]}},l={cN:"meta",b:"\\[/noprocess|"+a},o={cN:"symbol",b:"'"+r+"'"},c=[e.CLCM,e.CBCM,e.inherit(e.CNM,{b:e.CNR+"|(-?infinity|NaN)\\b"}),e.inherit(e.ASM,{i:null}),e.inherit(e.QSM,{i:null}),{cN:"string",b:"`",e:"`"},{v:[{b:"[#$]"+r},{b:"#",e:"\\d+",i:"\\W"}]},{cN:"type",b:"::\\s*",e:r,i:"\\W"},{cN:"params",v:[{b:"-(?!infinity)"+r,r:0},{b:"(\\.\\.\\.)"}]},{b:/(->|\.)\s*/,r:0,c:[o]},{cN:"class",bK:"define",rE:!0,e:"\\(|=>",c:[e.inherit(e.TM,{b:r+"(=(?!>))?|[-+*/%](?!>)"})]}];return{aliases:["ls","lassoscript"],cI:!0,l:r+"|&[lg]t;",k:n,c:[{cN:"meta",b:t,r:0,starts:{e:"\\[|"+a,rE:!0,r:0,c:[i]}},s,l,{cN:"meta",b:"\\[no_square_brackets",starts:{e:"\\[/no_square_brackets\\]",l:r+"|&[lg]t;",k:n,c:[{cN:"meta",b:t,r:0,starts:{e:"\\[noprocess\\]|"+a,rE:!0,c:[i]}},s,l].concat(c)}},{cN:"meta",b:"\\[",r:0},{cN:"meta",b:"^#!",e:"lasso9$",r:10}].concat(c)}});hljs.registerLanguage("go",function(e){var t={keyword:"break default func interface select case map struct chan else goto package switch const fallthrough if range type continue for import return var go defer bool byte complex64 complex128 float32 float64 int8 int16 int32 int64 string uint8 uint16 uint32 uint64 int uint uintptr rune",literal:"true false iota nil",built_in:"append cap close complex copy imag len make new panic print println real recover delete"};return{aliases:["golang"],k:t,i:"]",e:"[;{}]"},{b:t,e:"{"}],rB:!0,rE:!0,i:"[<='$\"]",r:0,c:[e.CLCM,e.CBCM,o,b("keyword","all\\b"),b("variable","@{"+r+"}"),b("selector-tag",t+"%?",0),b("selector-id","#"+t),b("selector-class","\\."+t,0),b("selector-tag","&",0),{cN:"selector-attr",b:"\\[",e:"\\]"},{cN:"selector-pseudo",b:/:(:)?[a-zA-Z0-9\_\-\+\(\)"'.]+/},{b:"\\(",e:"\\)",c:i},{b:"!important"}]};return a.push(e.CLCM,e.CBCM,l,C,u,p),{cI:!0,i:"[=>'/<($\"]",c:a}});hljs.registerLanguage("monkey",function(e){var n={cN:"number",r:0,v:[{b:"[$][a-fA-F0-9]+"},e.NM]};return{cI:!0,k:{keyword:"public private property continue exit extern new try catch eachin not abstract final select case default const local global field end if then else elseif endif while wend repeat until forever for to step next return module inline throw import",built_in:"DebugLog DebugStop Error Print ACos ACosr ASin ASinr ATan ATan2 ATan2r ATanr Abs Abs Ceil Clamp Clamp Cos Cosr Exp Floor Log Max Max Min Min Pow Sgn Sgn Sin Sinr Sqrt Tan Tanr Seed PI HALFPI TWOPI",literal:"true false null and or shl shr mod"},i:/\/\*/,c:[e.C("#rem","#end"),e.C("'","$",{r:0}),{cN:"function",bK:"function method",e:"[(=:]|$",i:/\n/,c:[e.UTM]},{cN:"class",bK:"class interface",e:"$",c:[{bK:"extends implements"},e.UTM]},{cN:"built_in",b:"\\b(self|super)\\b"},{cN:"meta",b:"\\s*#",e:"$",k:{"meta-keyword":"if else elseif endif end then"}},{cN:"meta",b:"^\\s*strict\\b"},{bK:"alias",e:"=",c:[e.UTM]},e.QSM,n]}});hljs.registerLanguage("clojure",function(e){var t={"builtin-name":"def defonce cond apply if-not if-let if not not= = < > <= >= == + / * - rem quot neg? pos? delay? symbol? keyword? true? false? integer? empty? coll? list? set? ifn? fn? associative? sequential? sorted? counted? reversible? number? decimal? class? distinct? isa? float? rational? reduced? ratio? odd? even? char? seq? vector? string? map? nil? contains? zero? instance? not-every? not-any? libspec? -> ->> .. . inc compare do dotimes mapcat take remove take-while drop letfn drop-last take-last drop-while while intern condp case reduced cycle split-at split-with repeat replicate iterate range merge zipmap declare line-seq sort comparator sort-by dorun doall nthnext nthrest partition eval doseq await await-for let agent atom send send-off release-pending-sends add-watch mapv filterv remove-watch agent-error restart-agent set-error-handler error-handler set-error-mode! error-mode shutdown-agents quote var fn loop recur throw try monitor-enter monitor-exit defmacro defn defn- macroexpand macroexpand-1 for dosync and or when when-not when-let comp juxt partial sequence memoize constantly complement identity assert peek pop doto proxy defstruct first rest cons defprotocol cast coll deftype defrecord last butlast sigs reify second ffirst fnext nfirst nnext defmulti defmethod meta with-meta ns in-ns create-ns import refer keys select-keys vals key val rseq name namespace promise into transient persistent! conj! assoc! dissoc! pop! disj! use class type num float double short byte boolean bigint biginteger bigdec print-method print-dup throw-if printf format load compile get-in update-in pr pr-on newline flush read slurp read-line subvec with-open memfn time re-find re-groups rand-int rand mod locking assert-valid-fdecl alias resolve ref deref refset swap! reset! set-validator! compare-and-set! alter-meta! reset-meta! commute get-validator alter ref-set ref-history-count ref-min-history ref-max-history ensure sync io! new next conj set! to-array future future-call into-array aset gen-class reduce map filter find empty hash-map hash-set sorted-map sorted-map-by sorted-set sorted-set-by vec vector seq flatten reverse assoc dissoc list disj get union difference intersection extend extend-type extend-protocol int nth delay count concat chunk chunk-buffer chunk-append chunk-first chunk-rest max min dec unchecked-inc-int unchecked-inc unchecked-dec-inc unchecked-dec unchecked-negate unchecked-add-int unchecked-add unchecked-subtract-int unchecked-subtract chunk-next chunk-cons chunked-seq? prn vary-meta lazy-seq spread list* str find-keyword keyword symbol gensym force rationalize"},r="a-zA-Z_\\-!.?+*=<>&#'",n="["+r+"]["+r+"0-9/;:]*",a="[-+]?\\d+(\\.\\d+)?",o={b:n,r:0},s={cN:"number",b:a,r:0},i=e.inherit(e.QSM,{i:null}),c=e.C(";","$",{r:0}),d={cN:"literal",b:/\b(true|false|nil)\b/},l={b:"[\\[\\{]",e:"[\\]\\}]"},m={cN:"comment",b:"\\^"+n},p=e.C("\\^\\{","\\}"),u={cN:"symbol",b:"[:]{1,2}"+n},f={b:"\\(",e:"\\)"},h={eW:!0,r:0},y={k:t,l:n,cN:"name",b:n,starts:h},b=[f,i,m,p,c,u,l,s,d,o];return f.c=[e.C("comment",""),y,h],h.c=b,l.c=b,{aliases:["clj"],i:/\S/,c:[f,i,m,p,c,u,l,s,d]}});hljs.registerLanguage("clean",function(e){return{aliases:["clean","icl","dcl"],k:{keyword:"if let in with where case of class instance otherwise implementation definition system module from import qualified as special code inline foreign export ccall stdcall generic derive infix infixl infixr",literal:"True False"},c:[e.CLCM,e.CBCM,e.ASM,e.QSM,e.CNM,{b:"->|<-[|:]?|::|#!?|>>=|\\{\\||\\|\\}|:==|=:|\\.\\.|<>|`"}]}});hljs.registerLanguage("golo",function(e){return{k:{keyword:"println readln print import module function local return let var while for foreach times in case when match with break continue augment augmentation each find filter reduce if then else otherwise try catch finally raise throw orIfNull DynamicObject|10 DynamicVariable struct Observable map set vector list array",literal:"true false null"},c:[e.HCM,e.QSM,e.CNM,{cN:"meta",b:"@[A-Za-z]+"}]}});hljs.registerLanguage("livescript",function(e){var t={keyword:"in if for while finally new do return else break catch instanceof throw try this switch continue typeof delete debugger case default function var with then unless until loop of by when and or is isnt not it that otherwise from to til fallthrough super case default function var void const let enum export import native __hasProp __extends __slice __bind __indexOf",literal:"true false null undefined yes no on off it that void",built_in:"npm require console print module global window document"},s="[A-Za-z$_](?:-[0-9A-Za-z$_]|[0-9A-Za-z$_])*",n=e.inherit(e.TM,{b:s}),i={cN:"subst",b:/#\{/,e:/}/,k:t},r={cN:"subst",b:/#[A-Za-z$_]/,e:/(?:\-[0-9A-Za-z$_]|[0-9A-Za-z$_])*/,k:t},c=[e.BNM,{cN:"number",b:"(\\b0[xX][a-fA-F0-9_]+)|(\\b\\d(\\d|_\\d)*(\\.(\\d(\\d|_\\d)*)?)?(_*[eE]([-+]\\d(_\\d|\\d)*)?)?[_a-z]*)",r:0,starts:{e:"(\\s*/)?",r:0}},{cN:"string",v:[{b:/'''/,e:/'''/,c:[e.BE]},{b:/'/,e:/'/,c:[e.BE]},{b:/"""/,e:/"""/,c:[e.BE,i,r]},{b:/"/,e:/"/,c:[e.BE,i,r]},{b:/\\/,e:/(\s|$)/,eE:!0}]},{cN:"regexp",v:[{b:"//",e:"//[gim]*",c:[i,e.HCM]},{b:/\/(?![ *])(\\\/|.)*?\/[gim]*(?=\W|$)/}]},{b:"@"+s},{b:"``",e:"``",eB:!0,eE:!0,sL:"javascript"}];i.c=c;var a={cN:"params",b:"\\(",rB:!0,c:[{b:/\(/,e:/\)/,k:t,c:["self"].concat(c)}]};return{aliases:["ls"],k:t,i:/\/\*/,c:c.concat([e.C("\\/\\*","\\*\\/"),e.HCM,{cN:"function",c:[n,a],rB:!0,v:[{b:"("+s+"\\s*(?:=|:=)\\s*)?(\\(.*\\))?\\s*\\B\\->\\*?",e:"\\->\\*?"},{b:"("+s+"\\s*(?:=|:=)\\s*)?!?(\\(.*\\))?\\s*\\B[-~]{1,2}>\\*?",e:"[-~]{1,2}>\\*?"},{b:"("+s+"\\s*(?:=|:=)\\s*)?(\\(.*\\))?\\s*\\B!?[-~]{1,2}>\\*?",e:"!?[-~]{1,2}>\\*?"}]},{cN:"class",bK:"class",e:"$",i:/[:="\[\]]/,c:[{bK:"extends",eW:!0,i:/[:="\[\]]/,c:[n]},n]},{b:s+":",e:":",rB:!0,rE:!0,r:0}])}});hljs.registerLanguage("xml",function(s){var e="[A-Za-z0-9\\._:-]+",t={eW:!0,i:/`]+/}]}]}]};return{aliases:["html","xhtml","rss","atom","xjb","xsd","xsl","plist"],cI:!0,c:[{cN:"meta",b:"",r:10,c:[{b:"\\[",e:"\\]"}]},s.C("",{r:10}),{b:"<\\!\\[CDATA\\[",e:"\\]\\]>",r:10},{b:/<\?(php)?/,e:/\?>/,sL:"php",c:[{b:"/\\*",e:"\\*/",skip:!0}]},{cN:"tag",b:"|$)",e:">",k:{name:"style"},c:[t],starts:{e:"",rE:!0,sL:["css","xml"]}},{cN:"tag",b:"|$)",e:">",k:{name:"script"},c:[t],starts:{e:"",rE:!0,sL:["actionscript","javascript","handlebars","xml"]}},{cN:"meta",v:[{b:/<\?xml/,e:/\?>/,r:10},{b:/<\?\w+/,e:/\?>/}]},{cN:"tag",b:"",c:[{cN:"name",b:/[^\/><\s]+/,r:0},t]}]}});hljs.registerLanguage("vbscript",function(e){return{aliases:["vbs"],cI:!0,k:{keyword:"call class const dim do loop erase execute executeglobal exit for each next function if then else on error option explicit new private property let get public randomize redim rem select case set stop sub while wend with end to elseif is or xor and not class_initialize class_terminate default preserve in me byval byref step resume goto",built_in:"lcase month vartype instrrev ubound setlocale getobject rgb getref string weekdayname rnd dateadd monthname now day minute isarray cbool round formatcurrency conversions csng timevalue second year space abs clng timeserial fixs len asc isempty maths dateserial atn timer isobject filter weekday datevalue ccur isdate instr datediff formatdatetime replace isnull right sgn array snumeric log cdbl hex chr lbound msgbox ucase getlocale cos cdate cbyte rtrim join hour oct typename trim strcomp int createobject loadpicture tan formatnumber mid scriptenginebuildversion scriptengine split scriptengineminorversion cint sin datepart ltrim sqr scriptenginemajorversion time derived eval date formatpercent exp inputbox left ascw chrw regexp server response request cstr err",literal:"true false null nothing empty"},i:"//",c:[e.inherit(e.QSM,{c:[{b:'""'}]}),e.C(/'/,/$/,{r:0}),e.CNM]}});hljs.registerLanguage("vbscript-html",function(r){return{sL:"xml",c:[{b:"<%",e:"%>",sL:"vbscript"}]}});hljs.registerLanguage("typescript",function(e){var r={keyword:"in if for while finally var new function do return void else break catch instanceof with throw case default try this switch continue typeof delete let yield const class public private protected get set super static implements enum export import declare type namespace abstract as from extends async await",literal:"true false null undefined NaN Infinity",built_in:"eval isFinite isNaN parseFloat parseInt decodeURI decodeURIComponent encodeURI encodeURIComponent escape unescape Object Function Boolean Error EvalError InternalError RangeError ReferenceError StopIteration SyntaxError TypeError URIError Number Math Date String RegExp Array Float32Array Float64Array Int16Array Int32Array Int8Array Uint16Array Uint32Array Uint8Array Uint8ClampedArray ArrayBuffer DataView JSON Intl arguments require module console window document any number boolean string void Promise"};return{aliases:["ts"],k:r,c:[{cN:"meta",b:/^\s*['"]use strict['"]/},e.ASM,e.QSM,{cN:"string",b:"`",e:"`",c:[e.BE,{cN:"subst",b:"\\$\\{",e:"\\}"}]},e.CLCM,e.CBCM,{cN:"number",v:[{b:"\\b(0[bB][01]+)"},{b:"\\b(0[oO][0-7]+)"},{b:e.CNR}],r:0},{b:"("+e.RSR+"|\\b(case|return|throw)\\b)\\s*",k:"return throw case",c:[e.CLCM,e.CBCM,e.RM,{cN:"function",b:"(\\(.*?\\)|"+e.IR+")\\s*=>",rB:!0,e:"\\s*=>",c:[{cN:"params",v:[{b:e.IR},{b:/\(\s*\)/},{b:/\(/,e:/\)/,eB:!0,eE:!0,k:r,c:["self",e.CLCM,e.CBCM]}]}]}],r:0},{cN:"function",b:"function",e:/[\{;]/,eE:!0,k:r,c:["self",e.inherit(e.TM,{b:/[A-Za-z$_][0-9A-Za-z$_]*/}),{cN:"params",b:/\(/,e:/\)/,eB:!0,eE:!0,k:r,c:[e.CLCM,e.CBCM],i:/["'\(]/}],i:/%/,r:0},{bK:"constructor",e:/\{/,eE:!0,c:["self",{cN:"params",b:/\(/,e:/\)/,eB:!0,eE:!0,k:r,c:[e.CLCM,e.CBCM],i:/["'\(]/}]},{b:/module\./,k:{built_in:"module"},r:0},{bK:"module",e:/\{/,eE:!0},{bK:"interface",e:/\{/,eE:!0,k:"interface extends"},{b:/\$[(.]/},{b:"\\."+e.IR,r:0},{cN:"meta",b:"@[A-Za-z]+"}]}});hljs.registerLanguage("bnf",function(e){return{c:[{cN:"attribute",b://},{b:/::=/,starts:{e:/$/,c:[{b://},e.CLCM,e.CBCM,e.ASM,e.QSM]}}]}});hljs.registerLanguage("moonscript",function(e){var t={keyword:"if then not for in while do return else elseif break continue switch and or unless when class extends super local import export from using",literal:"true false nil",built_in:"_G _VERSION assert collectgarbage dofile error getfenv getmetatable ipairs load loadfile loadstring module next pairs pcall print rawequal rawget rawset require select setfenv setmetatable tonumber tostring type unpack xpcall coroutine debug io math os package string table"},r="[A-Za-z$_][0-9A-Za-z$_]*",s={cN:"subst",b:/#\{/,e:/}/,k:t},a=[e.inherit(e.CNM,{starts:{e:"(\\s*/)?",r:0}}),{cN:"string",v:[{b:/'/,e:/'/,c:[e.BE]},{b:/"/,e:/"/,c:[e.BE,s]}]},{cN:"built_in",b:"@__"+e.IR},{b:"@"+e.IR},{b:e.IR+"\\\\"+e.IR}];s.c=a;var c=e.inherit(e.TM,{b:r}),n="(\\(.*\\))?\\s*\\B[-=]>",i={cN:"params",b:"\\([^\\(]",rB:!0,c:[{b:/\(/,e:/\)/,k:t,c:["self"].concat(a)}]};return{aliases:["moon"],k:t,i:/\/\*/,c:a.concat([e.C("--","$"),{cN:"function",b:"^\\s*"+r+"\\s*=\\s*"+n,e:"[-=]>",rB:!0,c:[c,i]},{b:/[\(,:=]\s*/,r:0,c:[{cN:"function",b:n,e:"[-=]>",rB:!0,c:[i]}]},{cN:"class",bK:"class",e:"$",i:/[:="\[\]]/,c:[{bK:"extends",eW:!0,i:/[:="\[\]]/,c:[c]},c]},{cN:"name",b:r+":",e:":",rB:!0,rE:!0,r:0}])}});hljs.registerLanguage("java",function(e){var a="[À-ʸa-zA-Z_$][À-ʸa-zA-Z_$0-9]*",t=a+"(<"+a+"(\\s*,\\s*"+a+")*>)?",r="false synchronized int abstract float private char boolean static null if const for true while long strictfp finally protected import native final void enum else break transient catch instanceof byte super volatile case assert short package default double public try this switch continue throws protected public private module requires exports do",s="\\b(0[bB]([01]+[01_]+[01]+|[01]+)|0[xX]([a-fA-F0-9]+[a-fA-F0-9_]+[a-fA-F0-9]+|[a-fA-F0-9]+)|(([\\d]+[\\d_]+[\\d]+|[\\d]+)(\\.([\\d]+[\\d_]+[\\d]+|[\\d]+))?|\\.([\\d]+[\\d_]+[\\d]+|[\\d]+))([eE][-+]?\\d+)?)[lLfF]?",c={cN:"number",b:s,r:0};return{aliases:["jsp"],k:r,i:/<\/|#/,c:[e.C("/\\*\\*","\\*/",{r:0,c:[{b:/\w+@/,r:0},{cN:"doctag",b:"@[A-Za-z]+"}]}),e.CLCM,e.CBCM,e.ASM,e.QSM,{cN:"class",bK:"class interface",e:/[{;=]/,eE:!0,k:"class interface",i:/[:"\[\]]/,c:[{bK:"extends implements"},e.UTM]},{bK:"new throw return else",r:0},{cN:"function",b:"("+t+"\\s+)+"+e.UIR+"\\s*\\(",rB:!0,e:/[{;=]/,eE:!0,k:r,c:[{b:e.UIR+"\\s*\\(",rB:!0,r:0,c:[e.UTM]},{cN:"params",b:/\(/,e:/\)/,k:r,r:0,c:[e.ASM,e.QSM,e.CNM,e.CBCM]},e.CLCM,e.CBCM]},c,{cN:"meta",b:"@[A-Za-z]+"}]}});hljs.registerLanguage("fsharp",function(e){var t={b:"<",e:">",c:[e.inherit(e.TM,{b:/'[a-zA-Z0-9_]+/})]};return{aliases:["fs"],k:"abstract and as assert base begin class default delegate do done downcast downto elif else end exception extern false finally for fun function global if in inherit inline interface internal lazy let match member module mutable namespace new null of open or override private public rec return sig static struct then to true try type upcast use val void when while with yield",i:/\/\*/,c:[{cN:"keyword",b:/\b(yield|return|let|do)!/},{cN:"string",b:'@"',e:'"',c:[{b:'""'}]},{cN:"string",b:'"""',e:'"""'},e.C("\\(\\*","\\*\\)"),{cN:"class",bK:"type",e:"\\(|=|$",eE:!0,c:[e.UTM,t]},{cN:"meta",b:"\\[<",e:">\\]",r:10},{cN:"symbol",b:"\\B('[A-Za-z])\\b",c:[e.BE]},e.CLCM,e.inherit(e.QSM,{i:null}),e.CNM]}});hljs.registerLanguage("cpp",function(t){var e={cN:"keyword",b:"\\b[a-z\\d_]*_t\\b"},r={cN:"string",v:[{b:'(u8?|U)?L?"',e:'"',i:"\\n",c:[t.BE]},{b:'(u8?|U)?R"',e:'"',c:[t.BE]},{b:"'\\\\?.",e:"'",i:"."}]},s={cN:"number",v:[{b:"\\b(0b[01']+)"},{b:"(-?)\\b([\\d']+(\\.[\\d']*)?|\\.[\\d']+)(u|U|l|L|ul|UL|f|F|b|B)"},{b:"(-?)(\\b0[xX][a-fA-F0-9']+|(\\b[\\d']+(\\.[\\d']*)?|\\.[\\d']+)([eE][-+]?[\\d']+)?)"}],r:0},i={cN:"meta",b:/#\s*[a-z]+\b/,e:/$/,k:{"meta-keyword":"if else elif endif define undef warning error line pragma ifdef ifndef include"},c:[{b:/\\\n/,r:0},t.inherit(r,{cN:"meta-string"}),{cN:"meta-string",b:/<[^\n>]*>/,e:/$/,i:"\\n"},t.CLCM,t.CBCM]},a=t.IR+"\\s*\\(",c={keyword:"int float while private char catch import module export virtual operator sizeof dynamic_cast|10 typedef const_cast|10 const for static_cast|10 union namespace unsigned long volatile static protected bool template mutable if public friend do goto auto void enum else break extern using asm case typeid short reinterpret_cast|10 default double register explicit signed typename try this switch continue inline delete alignof constexpr decltype noexcept static_assert thread_local restrict _Bool complex _Complex _Imaginary atomic_bool atomic_char atomic_schar atomic_uchar atomic_short atomic_ushort atomic_int atomic_uint atomic_long atomic_ulong atomic_llong atomic_ullong new throw return and or not",built_in:"std string cin cout cerr clog stdin stdout stderr stringstream istringstream ostringstream auto_ptr deque list queue stack vector map set bitset multiset multimap unordered_set unordered_map unordered_multiset unordered_multimap array shared_ptr abort abs acos asin atan2 atan calloc ceil cosh cos exit exp fabs floor fmod fprintf fputs free frexp fscanf isalnum isalpha iscntrl isdigit isgraph islower isprint ispunct isspace isupper isxdigit tolower toupper labs ldexp log10 log malloc realloc memchr memcmp memcpy memset modf pow printf putchar puts scanf sinh sin snprintf sprintf sqrt sscanf strcat strchr strcmp strcpy strcspn strlen strncat strncmp strncpy strpbrk strrchr strspn strstr tanh tan vfprintf vprintf vsprintf endl initializer_list unique_ptr",literal:"true false nullptr NULL"},n=[e,t.CLCM,t.CBCM,s,r];return{aliases:["c","cc","h","c++","h++","hpp"],k:c,i:"",k:c,c:["self",e]},{b:t.IR+"::",k:c},{v:[{b:/=/,e:/;/},{b:/\(/,e:/\)/},{bK:"new throw return else",e:/;/}],k:c,c:n.concat([{b:/\(/,e:/\)/,k:c,c:n.concat(["self"]),r:0}]),r:0},{cN:"function",b:"("+t.IR+"[\\*&\\s]+)+"+a,rB:!0,e:/[{;=]/,eE:!0,k:c,i:/[^\w\s\*&]/,c:[{b:a,rB:!0,c:[t.TM],r:0},{cN:"params",b:/\(/,e:/\)/,k:c,r:0,c:[t.CLCM,t.CBCM,r,s,e]},t.CLCM,t.CBCM,i]},{cN:"class",bK:"class struct",e:/[{;:]/,c:[{b://,c:["self"]},t.TM]}]),exports:{preprocessor:i,strings:r,k:c}}});hljs.registerLanguage("lua",function(e){var t="\\[=*\\[",a="\\]=*\\]",r={b:t,e:a,c:["self"]},n=[e.C("--(?!"+t+")","$"),e.C("--"+t,a,{c:[r],r:10})];return{l:e.UIR,k:{literal:"true false nil",keyword:"and break do else elseif end for goto if in local not or repeat return then until while",built_in:"_G _ENV _VERSION __index __newindex __mode __call __metatable __tostring __len __gc __add __sub __mul __div __mod __pow __concat __unm __eq __lt __le assert collectgarbage dofile error getfenv getmetatable ipairs load loadfile loadstringmodule next pairs pcall print rawequal rawget rawset require select setfenvsetmetatable tonumber tostring type unpack xpcall arg selfcoroutine resume yield status wrap create running debug getupvalue debug sethook getmetatable gethook setmetatable setlocal traceback setfenv getinfo setupvalue getlocal getregistry getfenv io lines write close flush open output type read stderr stdin input stdout popen tmpfile math log max acos huge ldexp pi cos tanh pow deg tan cosh sinh random randomseed frexp ceil floor rad abs sqrt modf asin min mod fmod log10 atan2 exp sin atan os exit setlocale date getenv difftime remove time clock tmpname rename execute package preload loadlib loaded loaders cpath config path seeall string sub upper len gfind rep find match char dump gmatch reverse byte format gsub lower table setn insert getn foreachi maxn foreach concat sort remove"},c:n.concat([{cN:"function",bK:"function",e:"\\)",c:[e.inherit(e.TM,{b:"([_a-zA-Z]\\w*\\.)*([_a-zA-Z]\\w*:)?[_a-zA-Z]\\w*"}),{cN:"params",b:"\\(",eW:!0,c:n}].concat(n)},e.CNM,e.ASM,e.QSM,{cN:"string",b:t,e:a,c:[r],r:5}])}});hljs.registerLanguage("erlang",function(e){var r="[a-z'][a-zA-Z0-9_']*",c="("+r+":"+r+"|"+r+")",b={keyword:"after and andalso|10 band begin bnot bor bsl bzr bxor case catch cond div end fun if let not of orelse|10 query receive rem try when xor",literal:"false true"},i=e.C("%","$"),n={cN:"number",b:"\\b(\\d+#[a-fA-F0-9]+|\\d+(\\.\\d+)?([eE][-+]?\\d+)?)",r:0},a={b:"fun\\s+"+r+"/\\d+"},d={b:c+"\\(",e:"\\)",rB:!0,r:0,c:[{b:c,r:0},{b:"\\(",e:"\\)",eW:!0,rE:!0,r:0}]},o={b:"{",e:"}",r:0},t={b:"\\b_([A-Z][A-Za-z0-9_]*)?",r:0},f={b:"[A-Z][a-zA-Z0-9_]*",r:0},l={b:"#"+e.UIR,r:0,rB:!0,c:[{b:"#"+e.UIR,r:0},{b:"{",e:"}",r:0}]},s={bK:"fun receive if try case",e:"end",k:b};s.c=[i,a,e.inherit(e.ASM,{cN:""}),s,d,e.QSM,n,o,t,f,l];var u=[i,a,s,d,e.QSM,n,o,t,f,l];d.c[1].c=u,o.c=u,l.c[1].c=u;var h={cN:"params",b:"\\(",e:"\\)",c:u};return{aliases:["erl"],k:b,i:"(",rB:!0,i:"\\(|#|//|/\\*|\\\\|:|;",c:[h,e.inherit(e.TM,{b:r})],starts:{e:";|\\.",k:b,c:u}},i,{b:"^-",e:"\\.",r:0,eE:!0,rB:!0,l:"-"+e.IR,k:"-module -record -undef -export -ifdef -ifndef -author -copyright -doc -vsn -import -include -include_lib -compile -define -else -endif -file -behaviour -behavior -spec",c:[h]},n,e.QSM,l,t,f,o,{b:/\.$/}]}});hljs.registerLanguage("htmlbars",function(e){var a="action collection component concat debugger each each-in else get hash if input link-to loc log mut outlet partial query-params render textarea unbound unless with yield view",t={i:/\}\}/,b:/[a-zA-Z0-9_]+=/,rB:!0,r:0,c:[{cN:"attr",b:/[a-zA-Z0-9_]+/}]},i=({i:/\}\}/,b:/\)/,e:/\)/,c:[{b:/[a-zA-Z\.\-]+/,k:{built_in:a},starts:{eW:!0,r:0,c:[e.QSM]}}]},{eW:!0,r:0,k:{keyword:"as",built_in:a},c:[e.QSM,t,e.NM]});return{cI:!0,sL:"xml",c:[e.C("{{!(--)?","(--)?}}"),{cN:"template-tag",b:/\{\{[#\/]/,e:/\}\}/,c:[{cN:"name",b:/[a-zA-Z\.\-]+/,k:{"builtin-name":a},starts:i}]},{cN:"template-variable",b:/\{\{[a-zA-Z][a-zA-Z\-]+/,e:/\}\}/,k:{keyword:"as",built_in:a},c:[e.QSM]}]}});hljs.registerLanguage("ruby",function(e){var b="[a-zA-Z_]\\w*[!?=]?|[-+~]\\@|<<|>>|=~|===?|<=>|[<>]=?|\\*\\*|[-/+%^&*~`|]|\\[\\]=?",r={keyword:"and then defined module in return redo if BEGIN retry end for self when next until do begin unless END rescue else break undef not super class case require yield alias while ensure elsif or include attr_reader attr_writer attr_accessor",literal:"true false nil"},c={cN:"doctag",b:"@[A-Za-z]+"},a={b:"#<",e:">"},s=[e.C("#","$",{c:[c]}),e.C("^\\=begin","^\\=end",{c:[c],r:10}),e.C("^__END__","\\n$")],n={cN:"subst",b:"#\\{",e:"}",k:r},t={cN:"string",c:[e.BE,n],v:[{b:/'/,e:/'/},{b:/"/,e:/"/},{b:/`/,e:/`/},{b:"%[qQwWx]?\\(",e:"\\)"},{b:"%[qQwWx]?\\[",e:"\\]"},{b:"%[qQwWx]?{",e:"}"},{b:"%[qQwWx]?<",e:">"},{b:"%[qQwWx]?/",e:"/"},{b:"%[qQwWx]?%",e:"%"},{b:"%[qQwWx]?-",e:"-"},{b:"%[qQwWx]?\\|",e:"\\|"},{b:/\B\?(\\\d{1,3}|\\x[A-Fa-f0-9]{1,2}|\\u[A-Fa-f0-9]{4}|\\?\S)\b/},{b:/<<(-?)\w+$/,e:/^\s*\w+$/}]},i={cN:"params",b:"\\(",e:"\\)",endsParent:!0,k:r},d=[t,a,{cN:"class",bK:"class module",e:"$|;",i:/=/,c:[e.inherit(e.TM,{b:"[A-Za-z_]\\w*(::\\w+)*(\\?|\\!)?"}),{b:"<\\s*",c:[{b:"("+e.IR+"::)?"+e.IR}]}].concat(s)},{cN:"function",bK:"def",e:"$|;",c:[e.inherit(e.TM,{b:b}),i].concat(s)},{b:e.IR+"::"},{cN:"symbol",b:e.UIR+"(\\!|\\?)?:",r:0},{cN:"symbol",b:":(?!\\s)",c:[t,{b:b}],r:0},{cN:"number",b:"(\\b0[0-7_]+)|(\\b0x[0-9a-fA-F_]+)|(\\b[1-9][0-9_]*(\\.[0-9_]+)?)|[0_]\\b",r:0},{b:"(\\$\\W)|((\\$|\\@\\@?)(\\w+))"},{cN:"params",b:/\|/,e:/\|/,k:r},{b:"("+e.RSR+"|unless)\\s*",k:"unless",c:[a,{cN:"regexp",c:[e.BE,n],i:/\n/,v:[{b:"/",e:"/[a-z]*"},{b:"%r{",e:"}[a-z]*"},{b:"%r\\(",e:"\\)[a-z]*"},{b:"%r!",e:"![a-z]*"},{b:"%r\\[",e:"\\][a-z]*"}]}].concat(s),r:0}].concat(s);n.c=d,i.c=d;var l="[>?]>",o="[\\w#]+\\(\\w+\\):\\d+:\\d+>",u="(\\w+-)?\\d+\\.\\d+\\.\\d(p\\d+)?[^>]+>",w=[{b:/^\s*=>/,starts:{e:"$",c:d}},{cN:"meta",b:"^("+l+"|"+o+"|"+u+")",starts:{e:"$",c:d}}];return{aliases:["rb","gemspec","podspec","thor","irb"],k:r,i:/\/\*/,c:s.concat(w).concat(d)}});hljs.registerLanguage("haml",function(s){return{cI:!0,c:[{cN:"meta",b:"^!!!( (5|1\\.1|Strict|Frameset|Basic|Mobile|RDFa|XML\\b.*))?$",r:10},s.C("^\\s*(!=#|=#|-#|/).*$",!1,{r:0}),{b:"^\\s*(-|=|!=)(?!#)",starts:{e:"\\n",sL:"ruby"}},{cN:"tag",b:"^\\s*%",c:[{cN:"selector-tag",b:"\\w+"},{cN:"selector-id",b:"#[\\w-]+"},{cN:"selector-class",b:"\\.[\\w-]+"},{b:"{\\s*",e:"\\s*}",c:[{b:":\\w+\\s*=>",e:",\\s+",rB:!0,eW:!0,c:[{cN:"attr",b:":\\w+"},s.ASM,s.QSM,{b:"\\w+",r:0}]}]},{b:"\\(\\s*",e:"\\s*\\)",eE:!0,c:[{b:"\\w+\\s*=",e:"\\s+",rB:!0,eW:!0,c:[{cN:"attr",b:"\\w+",r:0},s.ASM,s.QSM,{b:"\\w+",r:0}]}]}]},{b:"^\\s*[=~]\\s*"},{b:"#{",starts:{e:"}",sL:"ruby"}}]}});hljs.registerLanguage("mizar",function(e){return{k:"environ vocabularies notations constructors definitions registrations theorems schemes requirements begin end definition registration cluster existence pred func defpred deffunc theorem proof let take assume then thus hence ex for st holds consider reconsider such that and in provided of as from be being by means equals implies iff redefine define now not or attr is mode suppose per cases set thesis contradiction scheme reserve struct correctness compatibility coherence symmetry assymetry reflexivity irreflexivity connectedness uniqueness commutativity idempotence involutiveness projectivity",c:[e.C("::","$")]}});hljs.registerLanguage("sql",function(e){var t=e.C("--","$");return{cI:!0,i:/[<>{}*#]/,c:[{bK:"begin end start commit rollback savepoint lock alter create drop rename call delete do handler insert load replace select truncate update set show pragma grant merge describe use explain help declare prepare execute deallocate release unlock purge reset change stop analyze cache flush optimize repair kill install uninstall checksum restore check backup revoke comment",e:/;/,eW:!0,l:/[\w\.]+/,k:{keyword:"abort abs absolute acc acce accep accept access accessed accessible account acos action activate add addtime admin administer advanced advise aes_decrypt aes_encrypt after agent aggregate ali alia alias allocate allow alter always analyze ancillary and any anydata anydataset anyschema anytype apply archive archived archivelog are as asc ascii asin assembly assertion associate asynchronous at atan atn2 attr attri attrib attribu attribut attribute attributes audit authenticated authentication authid authors auto autoallocate autodblink autoextend automatic availability avg backup badfile basicfile before begin beginning benchmark between bfile bfile_base big bigfile bin binary_double binary_float binlog bit_and bit_count bit_length bit_or bit_xor bitmap blob_base block blocksize body both bound buffer_cache buffer_pool build bulk by byte byteordermark bytes cache caching call calling cancel capacity cascade cascaded case cast catalog category ceil ceiling chain change changed char_base char_length character_length characters characterset charindex charset charsetform charsetid check checksum checksum_agg child choose chr chunk class cleanup clear client clob clob_base clone close cluster_id cluster_probability cluster_set clustering coalesce coercibility col collate collation collect colu colum column column_value columns columns_updated comment commit compact compatibility compiled complete composite_limit compound compress compute concat concat_ws concurrent confirm conn connec connect connect_by_iscycle connect_by_isleaf connect_by_root connect_time connection consider consistent constant constraint constraints constructor container content contents context contributors controlfile conv convert convert_tz corr corr_k corr_s corresponding corruption cos cost count count_big counted covar_pop covar_samp cpu_per_call cpu_per_session crc32 create creation critical cross cube cume_dist curdate current current_date current_time current_timestamp current_user cursor curtime customdatum cycle data database databases datafile datafiles datalength date_add date_cache date_format date_sub dateadd datediff datefromparts datename datepart datetime2fromparts day day_to_second dayname dayofmonth dayofweek dayofyear days db_role_change dbtimezone ddl deallocate declare decode decompose decrement decrypt deduplicate def defa defau defaul default defaults deferred defi defin define degrees delayed delegate delete delete_all delimited demand dense_rank depth dequeue des_decrypt des_encrypt des_key_file desc descr descri describ describe descriptor deterministic diagnostics difference dimension direct_load directory disable disable_all disallow disassociate discardfile disconnect diskgroup distinct distinctrow distribute distributed div do document domain dotnet double downgrade drop dumpfile duplicate duration each edition editionable editions element ellipsis else elsif elt empty enable enable_all enclosed encode encoding encrypt end end-exec endian enforced engine engines enqueue enterprise entityescaping eomonth error errors escaped evalname evaluate event eventdata events except exception exceptions exchange exclude excluding execu execut execute exempt exists exit exp expire explain export export_set extended extent external external_1 external_2 externally extract failed failed_login_attempts failover failure far fast feature_set feature_value fetch field fields file file_name_convert filesystem_like_logging final finish first first_value fixed flash_cache flashback floor flush following follows for forall force form forma format found found_rows freelist freelists freepools fresh from from_base64 from_days ftp full function general generated get get_format get_lock getdate getutcdate global global_name globally go goto grant grants greatest group group_concat group_id grouping grouping_id groups gtid_subtract guarantee guard handler hash hashkeys having hea head headi headin heading heap help hex hierarchy high high_priority hosts hour http id ident_current ident_incr ident_seed identified identity idle_time if ifnull ignore iif ilike ilm immediate import in include including increment index indexes indexing indextype indicator indices inet6_aton inet6_ntoa inet_aton inet_ntoa infile initial initialized initially initrans inmemory inner innodb input insert install instance instantiable instr interface interleaved intersect into invalidate invisible is is_free_lock is_ipv4 is_ipv4_compat is_not is_not_null is_used_lock isdate isnull isolation iterate java join json json_exists keep keep_duplicates key keys kill language large last last_day last_insert_id last_value lax lcase lead leading least leaves left len lenght length less level levels library like like2 like4 likec limit lines link list listagg little ln load load_file lob lobs local localtime localtimestamp locate locator lock locked log log10 log2 logfile logfiles logging logical logical_reads_per_call logoff logon logs long loop low low_priority lower lpad lrtrim ltrim main make_set makedate maketime managed management manual map mapping mask master master_pos_wait match matched materialized max maxextents maximize maxinstances maxlen maxlogfiles maxloghistory maxlogmembers maxsize maxtrans md5 measures median medium member memcompress memory merge microsecond mid migration min minextents minimum mining minus minute minvalue missing mod mode model modification modify module monitoring month months mount move movement multiset mutex name name_const names nan national native natural nav nchar nclob nested never new newline next nextval no no_write_to_binlog noarchivelog noaudit nobadfile nocheck nocompress nocopy nocycle nodelay nodiscardfile noentityescaping noguarantee nokeep nologfile nomapping nomaxvalue nominimize nominvalue nomonitoring none noneditionable nonschema noorder nopr nopro noprom nopromp noprompt norely noresetlogs noreverse normal norowdependencies noschemacheck noswitch not nothing notice notrim novalidate now nowait nth_value nullif nulls num numb numbe nvarchar nvarchar2 object ocicoll ocidate ocidatetime ociduration ociinterval ociloblocator ocinumber ociref ocirefcursor ocirowid ocistring ocitype oct octet_length of off offline offset oid oidindex old on online only opaque open operations operator optimal optimize option optionally or oracle oracle_date oradata ord ordaudio orddicom orddoc order ordimage ordinality ordvideo organization orlany orlvary out outer outfile outline output over overflow overriding package pad parallel parallel_enable parameters parent parse partial partition partitions pascal passing password password_grace_time password_lock_time password_reuse_max password_reuse_time password_verify_function patch path patindex pctincrease pctthreshold pctused pctversion percent percent_rank percentile_cont percentile_disc performance period period_add period_diff permanent physical pi pipe pipelined pivot pluggable plugin policy position post_transaction pow power pragma prebuilt precedes preceding precision prediction prediction_cost prediction_details prediction_probability prediction_set prepare present preserve prior priority private private_sga privileges procedural procedure procedure_analyze processlist profiles project prompt protection public publishingservername purge quarter query quick quiesce quota quotename radians raise rand range rank raw read reads readsize rebuild record records recover recovery recursive recycle redo reduced ref reference referenced references referencing refresh regexp_like register regr_avgx regr_avgy regr_count regr_intercept regr_r2 regr_slope regr_sxx regr_sxy reject rekey relational relative relaylog release release_lock relies_on relocate rely rem remainder rename repair repeat replace replicate replication required reset resetlogs resize resource respect restore restricted result result_cache resumable resume retention return returning returns reuse reverse revoke right rlike role roles rollback rolling rollup round row row_count rowdependencies rowid rownum rows rtrim rules safe salt sample save savepoint sb1 sb2 sb4 scan schema schemacheck scn scope scroll sdo_georaster sdo_topo_geometry search sec_to_time second section securefile security seed segment select self sequence sequential serializable server servererror session session_user sessions_per_user set sets settings sha sha1 sha2 share shared shared_pool short show shrink shutdown si_averagecolor si_colorhistogram si_featurelist si_positionalcolor si_stillimage si_texture siblings sid sign sin size size_t sizes skip slave sleep smalldatetimefromparts smallfile snapshot some soname sort soundex source space sparse spfile split sql sql_big_result sql_buffer_result sql_cache sql_calc_found_rows sql_small_result sql_variant_property sqlcode sqldata sqlerror sqlname sqlstate sqrt square standalone standby start starting startup statement static statistics stats_binomial_test stats_crosstab stats_ks_test stats_mode stats_mw_test stats_one_way_anova stats_t_test_ stats_t_test_indep stats_t_test_one stats_t_test_paired stats_wsr_test status std stddev stddev_pop stddev_samp stdev stop storage store stored str str_to_date straight_join strcmp strict string struct stuff style subdate subpartition subpartitions substitutable substr substring subtime subtring_index subtype success sum suspend switch switchoffset switchover sync synchronous synonym sys sys_xmlagg sysasm sysaux sysdate sysdatetimeoffset sysdba sysoper system system_user sysutcdatetime table tables tablespace tan tdo template temporary terminated tertiary_weights test than then thread through tier ties time time_format time_zone timediff timefromparts timeout timestamp timestampadd timestampdiff timezone_abbr timezone_minute timezone_region to to_base64 to_date to_days to_seconds todatetimeoffset trace tracking transaction transactional translate translation treat trigger trigger_nestlevel triggers trim truncate try_cast try_convert try_parse type ub1 ub2 ub4 ucase unarchived unbounded uncompress under undo unhex unicode uniform uninstall union unique unix_timestamp unknown unlimited unlock unpivot unrecoverable unsafe unsigned until untrusted unusable unused update updated upgrade upped upper upsert url urowid usable usage use use_stored_outlines user user_data user_resources users using utc_date utc_timestamp uuid uuid_short validate validate_password_strength validation valist value values var var_samp varcharc vari varia variab variabl variable variables variance varp varraw varrawc varray verify version versions view virtual visible void wait wallet warning warnings week weekday weekofyear wellformed when whene whenev wheneve whenever where while whitespace with within without work wrapped xdb xml xmlagg xmlattributes xmlcast xmlcolattval xmlelement xmlexists xmlforest xmlindex xmlnamespaces xmlpi xmlquery xmlroot xmlschema xmlserialize xmltable xmltype xor year year_to_month years yearweek",literal:"true false null",built_in:"array bigint binary bit blob boolean char character date dec decimal float int int8 integer interval number numeric real record serial serial8 smallint text varchar varying void"},c:[{cN:"string",b:"'",e:"'",c:[e.BE,{b:"''"}]},{cN:"string",b:'"',e:'"',c:[e.BE,{b:'""'}]},{cN:"string",b:"`",e:"`",c:[e.BE]},e.CNM,e.CBCM,t]},e.CBCM,t]}});hljs.registerLanguage("django",function(e){var t={b:/\|[A-Za-z]+:?/,k:{name:"truncatewords removetags linebreaksbr yesno get_digit timesince random striptags filesizeformat escape linebreaks length_is ljust rjust cut urlize fix_ampersands title floatformat capfirst pprint divisibleby add make_list unordered_list urlencode timeuntil urlizetrunc wordcount stringformat linenumbers slice date dictsort dictsortreversed default_if_none pluralize lower join center default truncatewords_html upper length phone2numeric wordwrap time addslashes slugify first escapejs force_escape iriencode last safe safeseq truncatechars localize unlocalize localtime utc timezone"},c:[e.QSM,e.ASM]};return{aliases:["jinja"],cI:!0,sL:"xml",c:[e.C(/\{%\s*comment\s*%}/,/\{%\s*endcomment\s*%}/),e.C(/\{#/,/#}/),{cN:"template-tag",b:/\{%/,e:/%}/,c:[{cN:"name",b:/\w+/,k:{name:"comment endcomment load templatetag ifchanged endifchanged if endif firstof for endfor ifnotequal endifnotequal widthratio extends include spaceless endspaceless regroup ifequal endifequal ssi now with cycle url filter endfilter debug block endblock else autoescape endautoescape csrf_token empty elif endwith static trans blocktrans endblocktrans get_static_prefix get_media_prefix plural get_current_language language get_available_languages get_current_language_bidi get_language_info get_language_info_list localize endlocalize localtime endlocaltime timezone endtimezone get_current_timezone verbatim"},starts:{eW:!0,k:"in by as",c:[t],r:0}}]},{cN:"template-variable",b:/\{\{/,e:/}}/,c:[t]}]}});hljs.registerLanguage("avrasm",function(r){return{cI:!0,l:"\\.?"+r.IR,k:{keyword:"adc add adiw and andi asr bclr bld brbc brbs brcc brcs break breq brge brhc brhs brid brie brlo brlt brmi brne brpl brsh brtc brts brvc brvs bset bst call cbi cbr clc clh cli cln clr cls clt clv clz com cp cpc cpi cpse dec eicall eijmp elpm eor fmul fmuls fmulsu icall ijmp in inc jmp ld ldd ldi lds lpm lsl lsr mov movw mul muls mulsu neg nop or ori out pop push rcall ret reti rjmp rol ror sbc sbr sbrc sbrs sec seh sbi sbci sbic sbis sbiw sei sen ser ses set sev sez sleep spm st std sts sub subi swap tst wdr",built_in:"r0 r1 r2 r3 r4 r5 r6 r7 r8 r9 r10 r11 r12 r13 r14 r15 r16 r17 r18 r19 r20 r21 r22 r23 r24 r25 r26 r27 r28 r29 r30 r31 x|0 xh xl y|0 yh yl z|0 zh zl ucsr1c udr1 ucsr1a ucsr1b ubrr1l ubrr1h ucsr0c ubrr0h tccr3c tccr3a tccr3b tcnt3h tcnt3l ocr3ah ocr3al ocr3bh ocr3bl ocr3ch ocr3cl icr3h icr3l etimsk etifr tccr1c ocr1ch ocr1cl twcr twdr twar twsr twbr osccal xmcra xmcrb eicra spmcsr spmcr portg ddrg ping portf ddrf sreg sph spl xdiv rampz eicrb eimsk gimsk gicr eifr gifr timsk tifr mcucr mcucsr tccr0 tcnt0 ocr0 assr tccr1a tccr1b tcnt1h tcnt1l ocr1ah ocr1al ocr1bh ocr1bl icr1h icr1l tccr2 tcnt2 ocr2 ocdr wdtcr sfior eearh eearl eedr eecr porta ddra pina portb ddrb pinb portc ddrc pinc portd ddrd pind spdr spsr spcr udr0 ucsr0a ucsr0b ubrr0l acsr admux adcsr adch adcl porte ddre pine pinf",meta:".byte .cseg .db .def .device .dseg .dw .endmacro .equ .eseg .exit .include .list .listmac .macro .nolist .org .set"},c:[r.CBCM,r.C(";","$",{r:0}),r.CNM,r.BNM,{cN:"number",b:"\\b(\\$[a-zA-Z0-9]+|0o[0-7]+)"},r.QSM,{cN:"string",b:"'",e:"[^\\\\]'",i:"[^\\\\][^']"},{cN:"symbol",b:"^[A-Za-z0-9_.$]+:"},{cN:"meta",b:"#",e:"$"},{cN:"subst",b:"@[0-9]+"}]}});hljs.registerLanguage("q",function(e){var s={keyword:"do while select delete by update from",literal:"0b 1b",built_in:"neg not null string reciprocal floor ceiling signum mod xbar xlog and or each scan over prior mmu lsq inv md5 ltime gtime count first var dev med cov cor all any rand sums prds mins maxs fills deltas ratios avgs differ prev next rank reverse iasc idesc asc desc msum mcount mavg mdev xrank mmin mmax xprev rotate distinct group where flip type key til get value attr cut set upsert raze union inter except cross sv vs sublist enlist read0 read1 hopen hclose hdel hsym hcount peach system ltrim rtrim trim lower upper ssr view tables views cols xcols keys xkey xcol xasc xdesc fkeys meta lj aj aj0 ij pj asof uj ww wj wj1 fby xgroup ungroup ej save load rsave rload show csv parse eval min max avg wavg wsum sin cos tan sum",type:"`float `double int `timestamp `timespan `datetime `time `boolean `symbol `char `byte `short `long `real `month `date `minute `second `guid"};return{aliases:["k","kdb"],k:s,l:/(`?)[A-Za-z0-9_]+\b/,c:[e.CLCM,e.QSM,e.CNM]}});hljs.registerLanguage("brainfuck",function(r){var n={cN:"literal",b:"[\\+\\-]",r:0};return{aliases:["bf"],c:[r.C("[^\\[\\]\\.,\\+\\-<> \r\n]","[\\[\\]\\.,\\+\\-<> \r\n]",{rE:!0,r:0}),{cN:"title",b:"[\\[\\]]",r:0},{cN:"string",b:"[\\.,]",r:0},{b:/\+\+|\-\-/,rB:!0,c:[n]},n]}});hljs.registerLanguage("nginx",function(e){var r={cN:"variable",v:[{b:/\$\d+/},{b:/\$\{/,e:/}/},{b:"[\\$\\@]"+e.UIR}]},b={eW:!0,l:"[a-z/_]+",k:{literal:"on off yes no true false none blocked debug info notice warn error crit select break last permanent redirect kqueue rtsig epoll poll /dev/poll"},r:0,i:"=>",c:[e.HCM,{cN:"string",c:[e.BE,r],v:[{b:/"/,e:/"/},{b:/'/,e:/'/}]},{b:"([a-z]+):/",e:"\\s",eW:!0,eE:!0,c:[r]},{cN:"regexp",c:[e.BE,r],v:[{b:"\\s\\^",e:"\\s|{|;",rE:!0},{b:"~\\*?\\s+",e:"\\s|{|;",rE:!0},{b:"\\*(\\.[a-z\\-]+)+"},{b:"([a-z\\-]+\\.)+\\*"}]},{cN:"number",b:"\\b\\d{1,3}\\.\\d{1,3}\\.\\d{1,3}\\.\\d{1,3}(:\\d{1,5})?\\b"},{cN:"number",b:"\\b\\d+[kKmMgGdshdwy]*\\b",r:0},r]};return{aliases:["nginxconf"],c:[e.HCM,{b:e.UIR+"\\s+{",rB:!0,e:"{",c:[{cN:"section",b:e.UIR}],r:0},{b:e.UIR+"\\s",e:";|{",rB:!0,c:[{cN:"attribute",b:e.UIR,starts:b}],r:0}],i:"[^\\s\\}]"}});hljs.registerLanguage("excel",function(E){return{aliases:["xlsx","xls"],cI:!0,l:/[a-zA-Z][\w\.]*/,k:{built_in:"ABS ACCRINT ACCRINTM ACOS ACOSH ACOT ACOTH AGGREGATE ADDRESS AMORDEGRC AMORLINC AND ARABIC AREAS ASC ASIN ASINH ATAN ATAN2 ATANH AVEDEV AVERAGE AVERAGEA AVERAGEIF AVERAGEIFS BAHTTEXT BASE BESSELI BESSELJ BESSELK BESSELY BETADIST BETA.DIST BETAINV BETA.INV BIN2DEC BIN2HEX BIN2OCT BINOMDIST BINOM.DIST BINOM.DIST.RANGE BINOM.INV BITAND BITLSHIFT BITOR BITRSHIFT BITXOR CALL CEILING CEILING.MATH CEILING.PRECISE CELL CHAR CHIDIST CHIINV CHITEST CHISQ.DIST CHISQ.DIST.RT CHISQ.INV CHISQ.INV.RT CHISQ.TEST CHOOSE CLEAN CODE COLUMN COLUMNS COMBIN COMBINA COMPLEX CONCAT CONCATENATE CONFIDENCE CONFIDENCE.NORM CONFIDENCE.T CONVERT CORREL COS COSH COT COTH COUNT COUNTA COUNTBLANK COUNTIF COUNTIFS COUPDAYBS COUPDAYS COUPDAYSNC COUPNCD COUPNUM COUPPCD COVAR COVARIANCE.P COVARIANCE.S CRITBINOM CSC CSCH CUBEKPIMEMBER CUBEMEMBER CUBEMEMBERPROPERTY CUBERANKEDMEMBER CUBESET CUBESETCOUNT CUBEVALUE CUMIPMT CUMPRINC DATE DATEDIF DATEVALUE DAVERAGE DAY DAYS DAYS360 DB DBCS DCOUNT DCOUNTA DDB DEC2BIN DEC2HEX DEC2OCT DECIMAL DEGREES DELTA DEVSQ DGET DISC DMAX DMIN DOLLAR DOLLARDE DOLLARFR DPRODUCT DSTDEV DSTDEVP DSUM DURATION DVAR DVARP EDATE EFFECT ENCODEURL EOMONTH ERF ERF.PRECISE ERFC ERFC.PRECISE ERROR.TYPE EUROCONVERT EVEN EXACT EXP EXPON.DIST EXPONDIST FACT FACTDOUBLE FALSE|0 F.DIST FDIST F.DIST.RT FILTERXML FIND FINDB F.INV F.INV.RT FINV FISHER FISHERINV FIXED FLOOR FLOOR.MATH FLOOR.PRECISE FORECAST FORECAST.ETS FORECAST.ETS.CONFINT FORECAST.ETS.SEASONALITY FORECAST.ETS.STAT FORECAST.LINEAR FORMULATEXT FREQUENCY F.TEST FTEST FV FVSCHEDULE GAMMA GAMMA.DIST GAMMADIST GAMMA.INV GAMMAINV GAMMALN GAMMALN.PRECISE GAUSS GCD GEOMEAN GESTEP GETPIVOTDATA GROWTH HARMEAN HEX2BIN HEX2DEC HEX2OCT HLOOKUP HOUR HYPERLINK HYPGEOM.DIST HYPGEOMDIST IF|0 IFERROR IFNA IFS IMABS IMAGINARY IMARGUMENT IMCONJUGATE IMCOS IMCOSH IMCOT IMCSC IMCSCH IMDIV IMEXP IMLN IMLOG10 IMLOG2 IMPOWER IMPRODUCT IMREAL IMSEC IMSECH IMSIN IMSINH IMSQRT IMSUB IMSUM IMTAN INDEX INDIRECT INFO INT INTERCEPT INTRATE IPMT IRR ISBLANK ISERR ISERROR ISEVEN ISFORMULA ISLOGICAL ISNA ISNONTEXT ISNUMBER ISODD ISREF ISTEXT ISO.CEILING ISOWEEKNUM ISPMT JIS KURT LARGE LCM LEFT LEFTB LEN LENB LINEST LN LOG LOG10 LOGEST LOGINV LOGNORM.DIST LOGNORMDIST LOGNORM.INV LOOKUP LOWER MATCH MAX MAXA MAXIFS MDETERM MDURATION MEDIAN MID MIDBs MIN MINIFS MINA MINUTE MINVERSE MIRR MMULT MOD MODE MODE.MULT MODE.SNGL MONTH MROUND MULTINOMIAL MUNIT N NA NEGBINOM.DIST NEGBINOMDIST NETWORKDAYS NETWORKDAYS.INTL NOMINAL NORM.DIST NORMDIST NORMINV NORM.INV NORM.S.DIST NORMSDIST NORM.S.INV NORMSINV NOT NOW NPER NPV NUMBERVALUE OCT2BIN OCT2DEC OCT2HEX ODD ODDFPRICE ODDFYIELD ODDLPRICE ODDLYIELD OFFSET OR PDURATION PEARSON PERCENTILE.EXC PERCENTILE.INC PERCENTILE PERCENTRANK.EXC PERCENTRANK.INC PERCENTRANK PERMUT PERMUTATIONA PHI PHONETIC PI PMT POISSON.DIST POISSON POWER PPMT PRICE PRICEDISC PRICEMAT PROB PRODUCT PROPER PV QUARTILE QUARTILE.EXC QUARTILE.INC QUOTIENT RADIANS RAND RANDBETWEEN RANK.AVG RANK.EQ RANK RATE RECEIVED REGISTER.ID REPLACE REPLACEB REPT RIGHT RIGHTB ROMAN ROUND ROUNDDOWN ROUNDUP ROW ROWS RRI RSQ RTD SEARCH SEARCHB SEC SECH SECOND SERIESSUM SHEET SHEETS SIGN SIN SINH SKEW SKEW.P SLN SLOPE SMALL SQL.REQUEST SQRT SQRTPI STANDARDIZE STDEV STDEV.P STDEV.S STDEVA STDEVP STDEVPA STEYX SUBSTITUTE SUBTOTAL SUM SUMIF SUMIFS SUMPRODUCT SUMSQ SUMX2MY2 SUMX2PY2 SUMXMY2 SWITCH SYD T TAN TANH TBILLEQ TBILLPRICE TBILLYIELD T.DIST T.DIST.2T T.DIST.RT TDIST TEXT TEXTJOIN TIME TIMEVALUE T.INV T.INV.2T TINV TODAY TRANSPOSE TREND TRIM TRIMMEAN TRUE|0 TRUNC T.TEST TTEST TYPE UNICHAR UNICODE UPPER VALUE VAR VAR.P VAR.S VARA VARP VARPA VDB VLOOKUP WEBSERVICE WEEKDAY WEEKNUM WEIBULL WEIBULL.DIST WORKDAY WORKDAY.INTL XIRR XNPV XOR YEAR YEARFRAC YIELD YIELDDISC YIELDMAT Z.TEST ZTEST"},c:[{b:/^=/,e:/[^=]/,rE:!0,i:/=/,r:10},{cN:"symbol",b:/\b[A-Z]{1,2}\d+\b/,e:/[^\d]/,eE:!0,r:0},{cN:"symbol",b:/[A-Z]{0,2}\d*:[A-Z]{0,2}\d*/,r:0},E.BE,E.QSM,{cN:"number",b:E.NR+"(%)?",r:0},E.C(/\bN\(/,/\)/,{eB:!0,eE:!0,i:/\n/})]}});hljs.registerLanguage("aspectj",function(e){var t="false synchronized int abstract float private char boolean static null if const for true while long throw strictfp finally protected import native final return void enum else extends implements break transient new catch instanceof byte super volatile case assert short package default double public try this switch continue throws privileged aspectOf adviceexecution proceed cflowbelow cflow initialization preinitialization staticinitialization withincode target within execution getWithinTypeName handler thisJoinPoint thisJoinPointStaticPart thisEnclosingJoinPointStaticPart declare parents warning error soft precedence thisAspectInstance",i="get set args call";return{k:t,i:/<\/|#/,c:[e.C("/\\*\\*","\\*/",{r:0,c:[{b:/\w+@/,r:0},{cN:"doctag",b:"@[A-Za-z]+"}]}),e.CLCM,e.CBCM,e.ASM,e.QSM,{cN:"class",bK:"aspect",e:/[{;=]/,eE:!0,i:/[:;"\[\]]/,c:[{bK:"extends implements pertypewithin perthis pertarget percflowbelow percflow issingleton"},e.UTM,{b:/\([^\)]*/,e:/[)]+/,k:t+" "+i,eE:!1}]},{cN:"class",bK:"class interface",e:/[{;=]/,eE:!0,r:0,k:"class interface",i:/[:"\[\]]/,c:[{bK:"extends implements"},e.UTM]},{bK:"pointcut after before around throwing returning",e:/[)]/,eE:!1,i:/["\[\]]/,c:[{b:e.UIR+"\\s*\\(",rB:!0,c:[e.UTM]}]},{b:/[:]/,rB:!0,e:/[{;]/,r:0,eE:!1,k:t,i:/["\[\]]/,c:[{b:e.UIR+"\\s*\\(",k:t+" "+i,r:0},e.QSM]},{bK:"new throw",r:0},{cN:"function",b:/\w+ +\w+(\.)?\w+\s*\([^\)]*\)\s*((throws)[\w\s,]+)?[\{;]/,rB:!0,e:/[{;=]/,k:t,eE:!0,c:[{b:e.UIR+"\\s*\\(",rB:!0,r:0,c:[e.UTM]},{cN:"params",b:/\(/,e:/\)/,r:0,k:t,c:[e.ASM,e.QSM,e.CNM,e.CBCM]},e.CLCM,e.CBCM]},e.CNM,{cN:"meta",b:"@[A-Za-z]+"}]}});hljs.registerLanguage("yaml",function(e){var b="true false yes no null",a="^[ \\-]*",r="[a-zA-Z_][\\w\\-]*",t={cN:"attr",v:[{b:a+r+":"},{b:a+'"'+r+'":'},{b:a+"'"+r+"':"}]},c={cN:"template-variable",v:[{b:"{{",e:"}}"},{b:"%{",e:"}"}]},l={cN:"string",r:0,v:[{b:/'/,e:/'/},{b:/"/,e:/"/},{b:/\S+/}],c:[e.BE,c]};return{cI:!0,aliases:["yml","YAML","yaml"],c:[t,{cN:"meta",b:"^---s*$",r:10},{cN:"string",b:"[\\|>] *$",rE:!0,c:l.c,e:t.v[0].b},{b:"<%[%=-]?",e:"[%-]?%>",sL:"ruby",eB:!0,eE:!0,r:0},{cN:"type",b:"!!"+e.UIR},{cN:"meta",b:"&"+e.UIR+"$"},{cN:"meta",b:"\\*"+e.UIR+"$"},{cN:"bullet",b:"^ *-",r:0},e.HCM,{bK:b,k:{literal:b}},e.CNM,l]}});hljs.registerLanguage("tap",function(b){return{cI:!0,c:[b.HCM,{cN:"meta",v:[{b:"^TAP version (\\d+)$"},{b:"^1\\.\\.(\\d+)$"}]},{b:"(s+)?---$",e:"\\.\\.\\.$",sL:"yaml",r:0},{cN:"number",b:" (\\d+) "},{cN:"symbol",v:[{b:"^ok"},{b:"^not ok"}]}]}});hljs.registerLanguage("stan",function(e){return{c:[e.HCM,e.CLCM,e.CBCM,{b:e.UIR,l:e.UIR,k:{name:"for in while repeat until if then else",symbol:"bernoulli bernoulli_logit binomial binomial_logit beta_binomial hypergeometric categorical categorical_logit ordered_logistic neg_binomial neg_binomial_2 neg_binomial_2_log poisson poisson_log multinomial normal exp_mod_normal skew_normal student_t cauchy double_exponential logistic gumbel lognormal chi_square inv_chi_square scaled_inv_chi_square exponential inv_gamma weibull frechet rayleigh wiener pareto pareto_type_2 von_mises uniform multi_normal multi_normal_prec multi_normal_cholesky multi_gp multi_gp_cholesky multi_student_t gaussian_dlm_obs dirichlet lkj_corr lkj_corr_cholesky wishart inv_wishart","selector-tag":"int real vector simplex unit_vector ordered positive_ordered row_vector matrix cholesky_factor_corr cholesky_factor_cov corr_matrix cov_matrix",title:"functions model data parameters quantities transformed generated",literal:"true false"},r:0},{cN:"number",b:"0[xX][0-9a-fA-F]+[Li]?\\b",r:0},{cN:"number",b:"0[xX][0-9a-fA-F]+[Li]?\\b",r:0},{cN:"number",b:"\\d+(?:[eE][+\\-]?\\d*)?L\\b",r:0},{cN:"number",b:"\\d+\\.(?!\\d)(?:i\\b)?",r:0},{cN:"number",b:"\\d+(?:\\.\\d*)?(?:[eE][+\\-]?\\d*)?i?\\b",r:0},{cN:"number",b:"\\.\\d+(?:[eE][+\\-]?\\d*)?i?\\b",r:0}]}});hljs.registerLanguage("ebnf",function(a){var e=a.C(/\(\*/,/\*\)/),t={cN:"attribute",b:/^[ ]*[a-zA-Z][a-zA-Z-]*([\s-]+[a-zA-Z][a-zA-Z]*)*/},r={cN:"meta",b:/\?.*\?/},b={b:/=/,e:/;/,c:[e,r,a.ASM,a.QSM]};return{i:/\S/,c:[e,t,b]}});hljs.registerLanguage("scheme",function(e){var t="[^\\(\\)\\[\\]\\{\\}\",'`;#|\\\\\\s]+",r="(\\-|\\+)?\\d+([./]\\d+)?",a=r+"[+\\-]"+r+"i",i={"builtin-name":"case-lambda call/cc class define-class exit-handler field import inherit init-field interface let*-values let-values let/ec mixin opt-lambda override protect provide public rename require require-for-syntax syntax syntax-case syntax-error unit/sig unless when with-syntax and begin call-with-current-continuation call-with-input-file call-with-output-file case cond define define-syntax delay do dynamic-wind else for-each if lambda let let* let-syntax letrec letrec-syntax map or syntax-rules ' * + , ,@ - ... / ; < <= = => > >= ` abs acos angle append apply asin assoc assq assv atan boolean? caar cadr call-with-input-file call-with-output-file call-with-values car cdddar cddddr cdr ceiling char->integer char-alphabetic? char-ci<=? char-ci=? char-ci>? char-downcase char-lower-case? char-numeric? char-ready? char-upcase char-upper-case? char-whitespace? char<=? char=? char>? char? close-input-port close-output-port complex? cons cos current-input-port current-output-port denominator display eof-object? eq? equal? eqv? eval even? exact->inexact exact? exp expt floor force gcd imag-part inexact->exact inexact? input-port? integer->char integer? interaction-environment lcm length list list->string list->vector list-ref list-tail list? load log magnitude make-polar make-rectangular make-string make-vector max member memq memv min modulo negative? newline not null-environment null? number->string number? numerator odd? open-input-file open-output-file output-port? pair? peek-char port? positive? procedure? quasiquote quote quotient rational? rationalize read read-char real-part real? remainder reverse round scheme-report-environment set! set-car! set-cdr! sin sqrt string string->list string->number string->symbol string-append string-ci<=? string-ci=? string-ci>? string-copy string-fill! string-length string-ref string-set! string<=? string=? string>? string? substring symbol->string symbol? tan transcript-off transcript-on truncate values vector vector->list vector-fill! vector-length vector-ref vector-set! with-input-from-file with-output-to-file write write-char zero?"},n={cN:"meta",b:"^#!",e:"$"},c={cN:"literal",b:"(#t|#f|#\\\\"+t+"|#\\\\.)"},l={cN:"number",v:[{b:r,r:0},{b:a,r:0},{b:"#b[0-1]+(/[0-1]+)?"},{b:"#o[0-7]+(/[0-7]+)?"},{b:"#x[0-9a-f]+(/[0-9a-f]+)?"}]},s=e.QSM,o=[e.C(";","$",{r:0}),e.C("#\\|","\\|#")],u={b:t,r:0},p={cN:"symbol",b:"'"+t},d={eW:!0,r:0},m={v:[{b:/'/},{b:"`"}],c:[{b:"\\(",e:"\\)",c:["self",c,s,l,u,p]}]},g={cN:"name",b:t,l:t,k:i},h={b:/lambda/,eW:!0,rB:!0,c:[g,{b:/\(/,e:/\)/,endsParent:!0,c:[u]}]},b={v:[{b:"\\(",e:"\\)"},{b:"\\[",e:"\\]"}],c:[h,g,d]};return d.c=[c,l,s,u,p,m,b].concat(o),{i:/\S/,c:[n,l,s,p,m,b].concat(o)}});hljs.registerLanguage("mipsasm",function(s){return{cI:!0,aliases:["mips"],l:"\\.?"+s.IR,k:{meta:".2byte .4byte .align .ascii .asciz .balign .byte .code .data .else .end .endif .endm .endr .equ .err .exitm .extern .global .hword .if .ifdef .ifndef .include .irp .long .macro .rept .req .section .set .skip .space .text .word .ltorg ",built_in:"$0 $1 $2 $3 $4 $5 $6 $7 $8 $9 $10 $11 $12 $13 $14 $15 $16 $17 $18 $19 $20 $21 $22 $23 $24 $25 $26 $27 $28 $29 $30 $31 zero at v0 v1 a0 a1 a2 a3 a4 a5 a6 a7 t0 t1 t2 t3 t4 t5 t6 t7 t8 t9 s0 s1 s2 s3 s4 s5 s6 s7 s8 k0 k1 gp sp fp ra $f0 $f1 $f2 $f2 $f4 $f5 $f6 $f7 $f8 $f9 $f10 $f11 $f12 $f13 $f14 $f15 $f16 $f17 $f18 $f19 $f20 $f21 $f22 $f23 $f24 $f25 $f26 $f27 $f28 $f29 $f30 $f31 Context Random EntryLo0 EntryLo1 Context PageMask Wired EntryHi HWREna BadVAddr Count Compare SR IntCtl SRSCtl SRSMap Cause EPC PRId EBase Config Config1 Config2 Config3 LLAddr Debug DEPC DESAVE CacheErr ECC ErrorEPC TagLo DataLo TagHi DataHi WatchLo WatchHi PerfCtl PerfCnt "},c:[{cN:"keyword",b:"\\b(addi?u?|andi?|b(al)?|beql?|bgez(al)?l?|bgtzl?|blezl?|bltz(al)?l?|bnel?|cl[oz]|divu?|ext|ins|j(al)?|jalr(.hb)?|jr(.hb)?|lbu?|lhu?|ll|lui|lw[lr]?|maddu?|mfhi|mflo|movn|movz|move|msubu?|mthi|mtlo|mul|multu?|nop|nor|ori?|rotrv?|sb|sc|se[bh]|sh|sllv?|slti?u?|srav?|srlv?|subu?|sw[lr]?|xori?|wsbh|abs.[sd]|add.[sd]|alnv.ps|bc1[ft]l?|c.(s?f|un|u?eq|[ou]lt|[ou]le|ngle?|seq|l[et]|ng[et]).[sd]|(ceil|floor|round|trunc).[lw].[sd]|cfc1|cvt.d.[lsw]|cvt.l.[dsw]|cvt.ps.s|cvt.s.[dlw]|cvt.s.p[lu]|cvt.w.[dls]|div.[ds]|ldx?c1|luxc1|lwx?c1|madd.[sd]|mfc1|mov[fntz]?.[ds]|msub.[sd]|mth?c1|mul.[ds]|neg.[ds]|nmadd.[ds]|nmsub.[ds]|p[lu][lu].ps|recip.fmt|r?sqrt.[ds]|sdx?c1|sub.[ds]|suxc1|swx?c1|break|cache|d?eret|[de]i|ehb|mfc0|mtc0|pause|prefx?|rdhwr|rdpgpr|sdbbp|ssnop|synci?|syscall|teqi?|tgei?u?|tlb(p|r|w[ir])|tlti?u?|tnei?|wait|wrpgpr)",e:"\\s"},s.C("[;#]","$"),s.CBCM,s.QSM,{cN:"string",b:"'",e:"[^\\\\]'",r:0},{cN:"title",b:"\\|",e:"\\|",i:"\\n",r:0},{cN:"number",v:[{b:"0x[0-9a-f]+"},{b:"\\b-?\\d+"}],r:0},{cN:"symbol",v:[{b:"^\\s*[a-z_\\.\\$][a-z0-9_\\.\\$]+:"},{b:"^\\s*[0-9]+:"},{b:"[0-9]+[bf]"}],r:0}],i:"/"}});hljs.registerLanguage("purebasic",function(e){var r={cN:"string",b:'(~)?"',e:'"',i:"\\n"},t={cN:"symbol",b:"#[a-zA-Z_]\\w*\\$?"};return{aliases:["pb","pbi"],k:"And As Break CallDebugger Case CompilerCase CompilerDefault CompilerElse CompilerEndIf CompilerEndSelect CompilerError CompilerIf CompilerSelect Continue Data DataSection EndDataSection Debug DebugLevel Default Define Dim DisableASM DisableDebugger DisableExplicit Else ElseIf EnableASM EnableDebugger EnableExplicit End EndEnumeration EndIf EndImport EndInterface EndMacro EndProcedure EndSelect EndStructure EndStructureUnion EndWith Enumeration Extends FakeReturn For Next ForEach ForEver Global Gosub Goto If Import ImportC IncludeBinary IncludeFile IncludePath Interface Macro NewList Not Or ProcedureReturn Protected Prototype PrototypeC Read ReDim Repeat Until Restore Return Select Shared Static Step Structure StructureUnion Swap To Wend While With XIncludeFile XOr Procedure ProcedureC ProcedureCDLL ProcedureDLL Declare DeclareC DeclareCDLL DeclareDLL",c:[e.C(";","$",{r:0}),{cN:"function",b:"\\b(Procedure|Declare)(C|CDLL|DLL)?\\b",e:"\\(",eE:!0,rB:!0,c:[{cN:"keyword",b:"(Procedure|Declare)(C|CDLL|DLL)?",eE:!0},{cN:"type",b:"\\.\\w*"},e.UTM]},r,t]}});hljs.registerLanguage("jboss-cli",function(e){var a={b:/[\w-]+ *=/,rB:!0,r:0,c:[{cN:"attr",b:/[\w-]+/}]},r={cN:"params",b:/\(/,e:/\)/,c:[a],r:0},o={cN:"function",b:/:[\w\-.]+/,r:0},t={cN:"string",b:/\B(([\/.])[\w\-.\/=]+)+/},c={cN:"params",b:/--[\w\-=\/]+/};return{aliases:["wildfly-cli"],l:"[a-z-]+",k:{keyword:"alias batch cd clear command connect connection-factory connection-info data-source deploy deployment-info deployment-overlay echo echo-dmr help history if jdbc-driver-info jms-queue|20 jms-topic|20 ls patch pwd quit read-attribute read-operation reload rollout-plan run-batch set shutdown try unalias undeploy unset version xa-data-source",literal:"true false"},c:[e.HCM,e.QSM,c,o,t,r]}});hljs.registerLanguage("php",function(e){var c={b:"\\$+[a-zA-Z_-ÿ][a-zA-Z0-9_-ÿ]*"},i={cN:"meta",b:/<\?(php)?|\?>/},t={cN:"string",c:[e.BE,i],v:[{b:'b"',e:'"'},{b:"b'",e:"'"},e.inherit(e.ASM,{i:null}),e.inherit(e.QSM,{i:null})]},a={v:[e.BNM,e.CNM]};return{aliases:["php3","php4","php5","php6"],cI:!0,k:"and include_once list abstract global private echo interface as static endswitch array null if endwhile or const for endforeach self var while isset public protected exit foreach throw elseif include __FILE__ empty require_once do xor return parent clone use __CLASS__ __LINE__ else break print eval new catch __METHOD__ case exception default die require __FUNCTION__ enddeclare final try switch continue endfor endif declare unset true false trait goto instanceof insteadof __DIR__ __NAMESPACE__ yield finally",c:[e.HCM,e.C("//","$",{c:[i]}),e.C("/\\*","\\*/",{c:[{cN:"doctag",b:"@[A-Za-z]+"}]}),e.C("__halt_compiler.+?;",!1,{eW:!0,k:"__halt_compiler",l:e.UIR}),{cN:"string",b:/<<<['"]?\w+['"]?$/,e:/^\w+;?$/,c:[e.BE,{cN:"subst",v:[{b:/\$\w+/},{b:/\{\$/,e:/\}/}]}]},i,{cN:"keyword",b:/\$this\b/},c,{b:/(::|->)+[a-zA-Z_\x7f-\xff][a-zA-Z0-9_\x7f-\xff]*/},{cN:"function",bK:"function",e:/[;{]/,eE:!0,i:"\\$|\\[|%",c:[e.UTM,{cN:"params",b:"\\(",e:"\\)",c:["self",c,e.CBCM,t,a]}]},{cN:"class",bK:"class interface",e:"{",eE:!0,i:/[:\(\$"]/,c:[{bK:"extends implements"},e.UTM]},{bK:"namespace",e:";",i:/[\.']/,c:[e.UTM]},{bK:"use",e:";",c:[e.UTM]},{b:"=>"},t,a]}});hljs.registerLanguage("tex",function(c){var e={cN:"tag",b:/\\/,r:0,c:[{cN:"name",v:[{b:/[a-zA-Zа-яА-я]+[*]?/},{b:/[^a-zA-Zа-яА-я0-9]/}],starts:{eW:!0,r:0,c:[{cN:"string",v:[{b:/\[/,e:/\]/},{b:/\{/,e:/\}/}]},{b:/\s*=\s*/,eW:!0,r:0,c:[{cN:"number",b:/-?\d*\.?\d+(pt|pc|mm|cm|in|dd|cc|ex|em)?/}]}]}}]};return{c:[e,{cN:"formula",c:[e],r:0,v:[{b:/\$\$/,e:/\$\$/},{b:/\$/,e:/\$/}]},c.C("%","$",{r:0})]}});hljs.registerLanguage("profile",function(e){return{c:[e.CNM,{b:"[a-zA-Z_][\\da-zA-Z_]+\\.[\\da-zA-Z_]{1,3}",e:":",eE:!0},{b:"(ncalls|tottime|cumtime)",e:"$",k:"ncalls tottime|10 cumtime|10 filename",r:10},{b:"function calls",e:"$",c:[e.CNM],r:10},e.ASM,e.QSM,{cN:"string",b:"\\(",e:"\\)$",eB:!0,eE:!0,r:0}]}});hljs.registerLanguage("gherkin",function(e){return{aliases:["feature"],k:"Feature Background Ability Business Need Scenario Scenarios Scenario Outline Scenario Template Examples Given And Then But When",c:[{cN:"symbol",b:"\\*",r:0},{cN:"meta",b:"@[^@\\s]+"},{b:"\\|",e:"\\|\\w*$",c:[{cN:"string",b:"[^|]+"}]},{cN:"variable",b:"<",e:">"},e.HCM,{cN:"string",b:'"""',e:'"""'},e.QSM]}});hljs.registerLanguage("smalltalk",function(e){var s="[a-z][a-zA-Z0-9_]*",a={cN:"string",b:"\\$.{1}"},r={cN:"symbol",b:"#"+e.UIR};return{aliases:["st"],k:"self super nil true false thisContext",c:[e.C('"','"'),e.ASM,{cN:"type",b:"\\b[A-Z][A-Za-z0-9_]*",r:0},{b:s+":",r:0},e.CNM,r,a,{b:"\\|[ ]*"+s+"([ ]+"+s+")*[ ]*\\|",rB:!0,e:/\|/,i:/\S/,c:[{b:"(\\|[ ]*)?"+s}]},{b:"\\#\\(",e:"\\)",c:[e.ASM,a,e.CNM,r]}]}});hljs.registerLanguage("arduino",function(e){var t=e.getLanguage("cpp").exports;return{k:{keyword:"boolean byte word string String array "+t.k.keyword,built_in:"setup loop while catch for if do goto try switch case else default break continue return KeyboardController MouseController SoftwareSerial EthernetServer EthernetClient LiquidCrystal RobotControl GSMVoiceCall EthernetUDP EsploraTFT HttpClient RobotMotor WiFiClient GSMScanner FileSystem Scheduler GSMServer YunClient YunServer IPAddress GSMClient GSMModem Keyboard Ethernet Console GSMBand Esplora Stepper Process WiFiUDP GSM_SMS Mailbox USBHost Firmata PImage Client Server GSMPIN FileIO Bridge Serial EEPROM Stream Mouse Audio Servo File Task GPRS WiFi Wire TFT GSM SPI SD runShellCommandAsynchronously analogWriteResolution retrieveCallingNumber printFirmwareVersion analogReadResolution sendDigitalPortPair noListenOnLocalhost readJoystickButton setFirmwareVersion readJoystickSwitch scrollDisplayRight getVoiceCallStatus scrollDisplayLeft writeMicroseconds delayMicroseconds beginTransmission getSignalStrength runAsynchronously getAsynchronously listenOnLocalhost getCurrentCarrier readAccelerometer messageAvailable sendDigitalPorts lineFollowConfig countryNameWrite runShellCommand readStringUntil rewindDirectory readTemperature setClockDivider readLightSensor endTransmission analogReference detachInterrupt countryNameRead attachInterrupt encryptionType readBytesUntil robotNameWrite readMicrophone robotNameRead cityNameWrite userNameWrite readJoystickY readJoystickX mouseReleased openNextFile scanNetworks noInterrupts digitalWrite beginSpeaker mousePressed isActionDone mouseDragged displayLogos noAutoscroll addParameter remoteNumber getModifiers keyboardRead userNameRead waitContinue processInput parseCommand printVersion readNetworks writeMessage blinkVersion cityNameRead readMessage setDataMode parsePacket isListening setBitOrder beginPacket isDirectory motorsWrite drawCompass digitalRead clearScreen serialEvent rightToLeft setTextSize leftToRight requestFrom keyReleased compassRead analogWrite interrupts WiFiServer disconnect playMelody parseFloat autoscroll getPINUsed setPINUsed setTimeout sendAnalog readSlider analogRead beginWrite createChar motorsStop keyPressed tempoWrite readButton subnetMask debugPrint macAddress writeGreen randomSeed attachGPRS readString sendString remotePort releaseAll mouseMoved background getXChange getYChange answerCall getResult voiceCall endPacket constrain getSocket writeJSON getButton available connected findUntil readBytes exitValue readGreen writeBlue startLoop IPAddress isPressed sendSysex pauseMode gatewayIP setCursor getOemKey tuneWrite noDisplay loadImage switchPIN onRequest onReceive changePIN playFile noBuffer parseInt overflow checkPIN knobRead beginTFT bitClear updateIR bitWrite position writeRGB highByte writeRed setSpeed readBlue noStroke remoteIP transfer shutdown hangCall beginSMS endWrite attached maintain noCursor checkReg checkPUK shiftOut isValid shiftIn pulseIn connect println localIP pinMode getIMEI display noBlink process getBand running beginSD drawBMP lowByte setBand release bitRead prepare pointTo readRed setMode noFill remove listen stroke detach attach noTone exists buffer height bitSet circle config cursor random IRread setDNS endSMS getKey micros millis begin print write ready flush width isPIN blink clear press mkdir rmdir close point yield image BSSID click delay read text move peek beep rect line open seek fill size turn stop home find step tone sqrt RSSI SSID end bit tan cos sin pow map abs max min get run put",literal:"DIGITAL_MESSAGE FIRMATA_STRING ANALOG_MESSAGE REPORT_DIGITAL REPORT_ANALOG INPUT_PULLUP SET_PIN_MODE INTERNAL2V56 SYSTEM_RESET LED_BUILTIN INTERNAL1V1 SYSEX_START INTERNAL EXTERNAL DEFAULT OUTPUT INPUT HIGH LOW"},c:[t.preprocessor,e.CLCM,e.CBCM,e.ASM,e.QSM,e.CNM]}});hljs.registerLanguage("mathematica",function(e){return{aliases:["mma"],l:"(\\$|\\b)"+e.IR+"\\b",k:"AbelianGroup Abort AbortKernels AbortProtect Above Abs Absolute AbsoluteCorrelation AbsoluteCorrelationFunction AbsoluteCurrentValue AbsoluteDashing AbsoluteFileName AbsoluteOptions AbsolutePointSize AbsoluteThickness AbsoluteTime AbsoluteTiming AccountingForm Accumulate Accuracy AccuracyGoal ActionDelay ActionMenu ActionMenuBox ActionMenuBoxOptions Active ActiveItem ActiveStyle AcyclicGraphQ AddOnHelpPath AddTo AdjacencyGraph AdjacencyList AdjacencyMatrix AdjustmentBox AdjustmentBoxOptions AdjustTimeSeriesForecast AffineTransform After AiryAi AiryAiPrime AiryAiZero AiryBi AiryBiPrime AiryBiZero AlgebraicIntegerQ AlgebraicNumber AlgebraicNumberDenominator AlgebraicNumberNorm AlgebraicNumberPolynomial AlgebraicNumberTrace AlgebraicRules AlgebraicRulesData Algebraics AlgebraicUnitQ Alignment AlignmentMarker AlignmentPoint All AllowedDimensions AllowGroupClose AllowInlineCells AllowKernelInitialization AllowReverseGroupClose AllowScriptLevelChange AlphaChannel AlternatingGroup AlternativeHypothesis Alternatives AmbientLight Analytic AnchoredSearch And AndersonDarlingTest AngerJ AngleBracket AngularGauge Animate AnimationCycleOffset AnimationCycleRepetitions AnimationDirection AnimationDisplayTime AnimationRate AnimationRepetitions AnimationRunning Animator AnimatorBox AnimatorBoxOptions AnimatorElements Annotation Annuity AnnuityDue Antialiasing Antisymmetric Apart ApartSquareFree Appearance AppearanceElements AppellF1 Append AppendTo Apply ArcCos ArcCosh ArcCot ArcCoth ArcCsc ArcCsch ArcSec ArcSech ArcSin ArcSinDistribution ArcSinh ArcTan ArcTanh Arg ArgMax ArgMin ArgumentCountQ ARIMAProcess ArithmeticGeometricMean ARMAProcess ARProcess Array ArrayComponents ArrayDepth ArrayFlatten ArrayPad ArrayPlot ArrayQ ArrayReshape ArrayRules Arrays Arrow Arrow3DBox ArrowBox Arrowheads AspectRatio AspectRatioFixed Assert Assuming Assumptions AstronomicalData Asynchronous AsynchronousTaskObject AsynchronousTasks AtomQ Attributes AugmentedSymmetricPolynomial AutoAction AutoDelete AutoEvaluateEvents AutoGeneratedPackage AutoIndent AutoIndentSpacings AutoItalicWords AutoloadPath AutoMatch Automatic AutomaticImageSize AutoMultiplicationSymbol AutoNumberFormatting AutoOpenNotebooks AutoOpenPalettes AutorunSequencing AutoScaling AutoScroll AutoSpacing AutoStyleOptions AutoStyleWords Axes AxesEdge AxesLabel AxesOrigin AxesStyle Axis BabyMonsterGroupB Back Background BackgroundTasksSettings Backslash Backsubstitution Backward Band BandpassFilter BandstopFilter BarabasiAlbertGraphDistribution BarChart BarChart3D BarLegend BarlowProschanImportance BarnesG BarOrigin BarSpacing BartlettHannWindow BartlettWindow BaseForm Baseline BaselinePosition BaseStyle BatesDistribution BattleLemarieWavelet Because BeckmannDistribution Beep Before Begin BeginDialogPacket BeginFrontEndInteractionPacket BeginPackage BellB BellY Below BenfordDistribution BeniniDistribution BenktanderGibratDistribution BenktanderWeibullDistribution BernoulliB BernoulliDistribution BernoulliGraphDistribution BernoulliProcess BernsteinBasis BesselFilterModel BesselI BesselJ BesselJZero BesselK BesselY BesselYZero Beta BetaBinomialDistribution BetaDistribution BetaNegativeBinomialDistribution BetaPrimeDistribution BetaRegularized BetweennessCentrality BezierCurve BezierCurve3DBox BezierCurve3DBoxOptions BezierCurveBox BezierCurveBoxOptions BezierFunction BilateralFilter Binarize BinaryFormat BinaryImageQ BinaryRead BinaryReadList BinaryWrite BinCounts BinLists Binomial BinomialDistribution BinomialProcess BinormalDistribution BiorthogonalSplineWavelet BipartiteGraphQ BirnbaumImportance BirnbaumSaundersDistribution BitAnd BitClear BitGet BitLength BitNot BitOr BitSet BitShiftLeft BitShiftRight BitXor Black BlackmanHarrisWindow BlackmanNuttallWindow BlackmanWindow Blank BlankForm BlankNullSequence BlankSequence Blend Block BlockRandom BlomqvistBeta BlomqvistBetaTest Blue Blur BodePlot BohmanWindow Bold Bookmarks Boole BooleanConsecutiveFunction BooleanConvert BooleanCountingFunction BooleanFunction BooleanGraph BooleanMaxterms BooleanMinimize BooleanMinterms Booleans BooleanTable BooleanVariables BorderDimensions BorelTannerDistribution Bottom BottomHatTransform BoundaryStyle Bounds Box BoxBaselineShift BoxData BoxDimensions Boxed Boxes BoxForm BoxFormFormatTypes BoxFrame BoxID BoxMargins BoxMatrix BoxRatios BoxRotation BoxRotationPoint BoxStyle BoxWhiskerChart Bra BracketingBar BraKet BrayCurtisDistance BreadthFirstScan Break Brown BrownForsytheTest BrownianBridgeProcess BrowserCategory BSplineBasis BSplineCurve BSplineCurve3DBox BSplineCurveBox BSplineCurveBoxOptions BSplineFunction BSplineSurface BSplineSurface3DBox BubbleChart BubbleChart3D BubbleScale BubbleSizes BulletGauge BusinessDayQ ButterflyGraph ButterworthFilterModel Button ButtonBar ButtonBox ButtonBoxOptions ButtonCell ButtonContents ButtonData ButtonEvaluator ButtonExpandable ButtonFrame ButtonFunction ButtonMargins ButtonMinHeight ButtonNote ButtonNotebook ButtonSource ButtonStyle ButtonStyleMenuListing Byte ByteCount ByteOrdering C CachedValue CacheGraphics CalendarData CalendarType CallPacket CanberraDistance Cancel CancelButton CandlestickChart Cap CapForm CapitalDifferentialD CardinalBSplineBasis CarmichaelLambda Cases Cashflow Casoratian Catalan CatalanNumber Catch CauchyDistribution CauchyWindow CayleyGraph CDF CDFDeploy CDFInformation CDFWavelet Ceiling Cell CellAutoOverwrite CellBaseline CellBoundingBox CellBracketOptions CellChangeTimes CellContents CellContext CellDingbat CellDynamicExpression CellEditDuplicate CellElementsBoundingBox CellElementSpacings CellEpilog CellEvaluationDuplicate CellEvaluationFunction CellEventActions CellFrame CellFrameColor CellFrameLabelMargins CellFrameLabels CellFrameMargins CellGroup CellGroupData CellGrouping CellGroupingRules CellHorizontalScrolling CellID CellLabel CellLabelAutoDelete CellLabelMargins CellLabelPositioning CellMargins CellObject CellOpen CellPrint CellProlog Cells CellSize CellStyle CellTags CellularAutomaton CensoredDistribution Censoring Center CenterDot CentralMoment CentralMomentGeneratingFunction CForm ChampernowneNumber ChanVeseBinarize Character CharacterEncoding CharacterEncodingsPath CharacteristicFunction CharacteristicPolynomial CharacterRange Characters ChartBaseStyle ChartElementData ChartElementDataFunction ChartElementFunction ChartElements ChartLabels ChartLayout ChartLegends ChartStyle Chebyshev1FilterModel Chebyshev2FilterModel ChebyshevDistance ChebyshevT ChebyshevU Check CheckAbort CheckAll Checkbox CheckboxBar CheckboxBox CheckboxBoxOptions ChemicalData ChessboardDistance ChiDistribution ChineseRemainder ChiSquareDistribution ChoiceButtons ChoiceDialog CholeskyDecomposition Chop Circle CircleBox CircleDot CircleMinus CirclePlus CircleTimes CirculantGraph CityData Clear ClearAll ClearAttributes ClearSystemCache ClebschGordan ClickPane Clip ClipboardNotebook ClipFill ClippingStyle ClipPlanes ClipRange Clock ClockGauge ClockwiseContourIntegral Close Closed CloseKernels ClosenessCentrality Closing ClosingAutoSave ClosingEvent ClusteringComponents CMYKColor Coarse Coefficient CoefficientArrays CoefficientDomain CoefficientList CoefficientRules CoifletWavelet Collect Colon ColonForm ColorCombine ColorConvert ColorData ColorDataFunction ColorFunction ColorFunctionScaling Colorize ColorNegate ColorOutput ColorProfileData ColorQuantize ColorReplace ColorRules ColorSelectorSettings ColorSeparate ColorSetter ColorSetterBox ColorSetterBoxOptions ColorSlider ColorSpace Column ColumnAlignments ColumnBackgrounds ColumnForm ColumnLines ColumnsEqual ColumnSpacings ColumnWidths CommonDefaultFormatTypes Commonest CommonestFilter CommonUnits CommunityBoundaryStyle CommunityGraphPlot CommunityLabels CommunityRegionStyle CompatibleUnitQ CompilationOptions CompilationTarget Compile Compiled CompiledFunction Complement CompleteGraph CompleteGraphQ CompleteKaryTree CompletionsListPacket Complex Complexes ComplexExpand ComplexInfinity ComplexityFunction ComponentMeasurements ComponentwiseContextMenu Compose ComposeList ComposeSeries Composition CompoundExpression CompoundPoissonDistribution CompoundPoissonProcess CompoundRenewalProcess Compress CompressedData Condition ConditionalExpression Conditioned Cone ConeBox ConfidenceLevel ConfidenceRange ConfidenceTransform ConfigurationPath Congruent Conjugate ConjugateTranspose Conjunction Connect ConnectedComponents ConnectedGraphQ ConnesWindow ConoverTest ConsoleMessage ConsoleMessagePacket ConsolePrint Constant ConstantArray Constants ConstrainedMax ConstrainedMin ContentPadding ContentsBoundingBox ContentSelectable ContentSize Context ContextMenu Contexts ContextToFilename ContextToFileName Continuation Continue ContinuedFraction ContinuedFractionK ContinuousAction ContinuousMarkovProcess ContinuousTimeModelQ ContinuousWaveletData ContinuousWaveletTransform ContourDetect ContourGraphics ContourIntegral ContourLabels ContourLines ContourPlot ContourPlot3D Contours ContourShading ContourSmoothing ContourStyle ContraharmonicMean Control ControlActive ControlAlignment ControllabilityGramian ControllabilityMatrix ControllableDecomposition ControllableModelQ ControllerDuration ControllerInformation ControllerInformationData ControllerLinking ControllerManipulate ControllerMethod ControllerPath ControllerState ControlPlacement ControlsRendering ControlType Convergents ConversionOptions ConversionRules ConvertToBitmapPacket ConvertToPostScript ConvertToPostScriptPacket Convolve ConwayGroupCo1 ConwayGroupCo2 ConwayGroupCo3 CoordinateChartData CoordinatesToolOptions CoordinateTransform CoordinateTransformData CoprimeQ Coproduct CopulaDistribution Copyable CopyDirectory CopyFile CopyTag CopyToClipboard CornerFilter CornerNeighbors Correlation CorrelationDistance CorrelationFunction CorrelationTest Cos Cosh CoshIntegral CosineDistance CosineWindow CosIntegral Cot Coth Count CounterAssignments CounterBox CounterBoxOptions CounterClockwiseContourIntegral CounterEvaluator CounterFunction CounterIncrements CounterStyle CounterStyleMenuListing CountRoots CountryData Covariance CovarianceEstimatorFunction CovarianceFunction CoxianDistribution CoxIngersollRossProcess CoxModel CoxModelFit CramerVonMisesTest CreateArchive CreateDialog CreateDirectory CreateDocument CreateIntermediateDirectories CreatePalette CreatePalettePacket CreateScheduledTask CreateTemporary CreateWindow CriticalityFailureImportance CriticalitySuccessImportance CriticalSection Cross CrossingDetect CrossMatrix Csc Csch CubeRoot Cubics Cuboid CuboidBox Cumulant CumulantGeneratingFunction Cup CupCap Curl CurlyDoubleQuote CurlyQuote CurrentImage CurrentlySpeakingPacket CurrentValue CurvatureFlowFilter CurveClosed Cyan CycleGraph CycleIndexPolynomial Cycles CyclicGroup Cyclotomic Cylinder CylinderBox CylindricalDecomposition D DagumDistribution DamerauLevenshteinDistance DampingFactor Darker Dashed Dashing DataCompression DataDistribution DataRange DataReversed Date DateDelimiters DateDifference DateFunction DateList DateListLogPlot DateListPlot DatePattern DatePlus DateRange DateString DateTicksFormat DaubechiesWavelet DavisDistribution DawsonF DayCount DayCountConvention DayMatchQ DayName DayPlus DayRange DayRound DeBruijnGraph Debug DebugTag Decimal DeclareKnownSymbols DeclarePackage Decompose Decrement DedekindEta Default DefaultAxesStyle DefaultBaseStyle DefaultBoxStyle DefaultButton DefaultColor DefaultControlPlacement DefaultDuplicateCellStyle DefaultDuration DefaultElement DefaultFaceGridsStyle DefaultFieldHintStyle DefaultFont DefaultFontProperties DefaultFormatType DefaultFormatTypeForStyle DefaultFrameStyle DefaultFrameTicksStyle DefaultGridLinesStyle DefaultInlineFormatType DefaultInputFormatType DefaultLabelStyle DefaultMenuStyle DefaultNaturalLanguage DefaultNewCellStyle DefaultNewInlineCellStyle DefaultNotebook DefaultOptions DefaultOutputFormatType DefaultStyle DefaultStyleDefinitions DefaultTextFormatType DefaultTextInlineFormatType DefaultTicksStyle DefaultTooltipStyle DefaultValues Defer DefineExternal DefineInputStreamMethod DefineOutputStreamMethod Definition Degree DegreeCentrality DegreeGraphDistribution DegreeLexicographic DegreeReverseLexicographic Deinitialization Del Deletable Delete DeleteBorderComponents DeleteCases DeleteContents DeleteDirectory DeleteDuplicates DeleteFile DeleteSmallComponents DeleteWithContents DeletionWarning Delimiter DelimiterFlashTime DelimiterMatching Delimiters Denominator DensityGraphics DensityHistogram DensityPlot DependentVariables Deploy Deployed Depth DepthFirstScan Derivative DerivativeFilter DescriptorStateSpace DesignMatrix Det DGaussianWavelet DiacriticalPositioning Diagonal DiagonalMatrix Dialog DialogIndent DialogInput DialogLevel DialogNotebook DialogProlog DialogReturn DialogSymbols Diamond DiamondMatrix DiceDissimilarity DictionaryLookup DifferenceDelta DifferenceOrder DifferenceRoot DifferenceRootReduce Differences DifferentialD DifferentialRoot DifferentialRootReduce DifferentiatorFilter DigitBlock DigitBlockMinimum DigitCharacter DigitCount DigitQ DihedralGroup Dilation Dimensions DiracComb DiracDelta DirectedEdge DirectedEdges DirectedGraph DirectedGraphQ DirectedInfinity Direction Directive Directory DirectoryName DirectoryQ DirectoryStack DirichletCharacter DirichletConvolve DirichletDistribution DirichletL DirichletTransform DirichletWindow DisableConsolePrintPacket DiscreteChirpZTransform DiscreteConvolve DiscreteDelta DiscreteHadamardTransform DiscreteIndicator DiscreteLQEstimatorGains DiscreteLQRegulatorGains DiscreteLyapunovSolve DiscreteMarkovProcess DiscretePlot DiscretePlot3D DiscreteRatio DiscreteRiccatiSolve DiscreteShift DiscreteTimeModelQ DiscreteUniformDistribution DiscreteVariables DiscreteWaveletData DiscreteWaveletPacketTransform DiscreteWaveletTransform Discriminant Disjunction Disk DiskBox DiskMatrix Dispatch DispersionEstimatorFunction Display DisplayAllSteps DisplayEndPacket DisplayFlushImagePacket DisplayForm DisplayFunction DisplayPacket DisplayRules DisplaySetSizePacket DisplayString DisplayTemporary DisplayWith DisplayWithRef DisplayWithVariable DistanceFunction DistanceTransform Distribute Distributed DistributedContexts DistributeDefinitions DistributionChart DistributionDomain DistributionFitTest DistributionParameterAssumptions DistributionParameterQ Dithering Div Divergence Divide DivideBy Dividers Divisible Divisors DivisorSigma DivisorSum DMSList DMSString Do DockedCells DocumentNotebook DominantColors DOSTextFormat Dot DotDashed DotEqual Dotted DoubleBracketingBar DoubleContourIntegral DoubleDownArrow DoubleLeftArrow DoubleLeftRightArrow DoubleLeftTee DoubleLongLeftArrow DoubleLongLeftRightArrow DoubleLongRightArrow DoubleRightArrow DoubleRightTee DoubleUpArrow DoubleUpDownArrow DoubleVerticalBar DoublyInfinite Down DownArrow DownArrowBar DownArrowUpArrow DownLeftRightVector DownLeftTeeVector DownLeftVector DownLeftVectorBar DownRightTeeVector DownRightVector DownRightVectorBar Downsample DownTee DownTeeArrow DownValues DragAndDrop DrawEdges DrawFrontFaces DrawHighlighted Drop DSolve Dt DualLinearProgramming DualSystemsModel DumpGet DumpSave DuplicateFreeQ Dynamic DynamicBox DynamicBoxOptions DynamicEvaluationTimeout DynamicLocation DynamicModule DynamicModuleBox DynamicModuleBoxOptions DynamicModuleParent DynamicModuleValues DynamicName DynamicNamespace DynamicReference DynamicSetting DynamicUpdating DynamicWrapper DynamicWrapperBox DynamicWrapperBoxOptions E EccentricityCentrality EdgeAdd EdgeBetweennessCentrality EdgeCapacity EdgeCapForm EdgeColor EdgeConnectivity EdgeCost EdgeCount EdgeCoverQ EdgeDashing EdgeDelete EdgeDetect EdgeForm EdgeIndex EdgeJoinForm EdgeLabeling EdgeLabels EdgeLabelStyle EdgeList EdgeOpacity EdgeQ EdgeRenderingFunction EdgeRules EdgeShapeFunction EdgeStyle EdgeThickness EdgeWeight Editable EditButtonSettings EditCellTagsSettings EditDistance EffectiveInterest Eigensystem Eigenvalues EigenvectorCentrality Eigenvectors Element ElementData Eliminate EliminationOrder EllipticE EllipticExp EllipticExpPrime EllipticF EllipticFilterModel EllipticK EllipticLog EllipticNomeQ EllipticPi EllipticReducedHalfPeriods EllipticTheta EllipticThetaPrime EmitSound EmphasizeSyntaxErrors EmpiricalDistribution Empty EmptyGraphQ EnableConsolePrintPacket Enabled Encode End EndAdd EndDialogPacket EndFrontEndInteractionPacket EndOfFile EndOfLine EndOfString EndPackage EngineeringForm Enter EnterExpressionPacket EnterTextPacket Entropy EntropyFilter Environment Epilog Equal EqualColumns EqualRows EqualTilde EquatedTo Equilibrium EquirippleFilterKernel Equivalent Erf Erfc Erfi ErlangB ErlangC ErlangDistribution Erosion ErrorBox ErrorBoxOptions ErrorNorm ErrorPacket ErrorsDialogSettings EstimatedDistribution EstimatedProcess EstimatorGains EstimatorRegulator EuclideanDistance EulerE EulerGamma EulerianGraphQ EulerPhi Evaluatable Evaluate Evaluated EvaluatePacket EvaluationCell EvaluationCompletionAction EvaluationElements EvaluationMode EvaluationMonitor EvaluationNotebook EvaluationObject EvaluationOrder Evaluator EvaluatorNames EvenQ EventData EventEvaluator EventHandler EventHandlerTag EventLabels ExactBlackmanWindow ExactNumberQ ExactRootIsolation ExampleData Except ExcludedForms ExcludePods Exclusions ExclusionsStyle Exists Exit ExitDialog Exp Expand ExpandAll ExpandDenominator ExpandFileName ExpandNumerator Expectation ExpectationE ExpectedValue ExpGammaDistribution ExpIntegralE ExpIntegralEi Exponent ExponentFunction ExponentialDistribution ExponentialFamily ExponentialGeneratingFunction ExponentialMovingAverage ExponentialPowerDistribution ExponentPosition ExponentStep Export ExportAutoReplacements ExportPacket ExportString Expression ExpressionCell ExpressionPacket ExpToTrig ExtendedGCD Extension ExtentElementFunction ExtentMarkers ExtentSize ExternalCall ExternalDataCharacterEncoding Extract ExtractArchive ExtremeValueDistribution FaceForm FaceGrids FaceGridsStyle Factor FactorComplete Factorial Factorial2 FactorialMoment FactorialMomentGeneratingFunction FactorialPower FactorInteger FactorList FactorSquareFree FactorSquareFreeList FactorTerms FactorTermsList Fail FailureDistribution False FARIMAProcess FEDisableConsolePrintPacket FeedbackSector FeedbackSectorStyle FeedbackType FEEnableConsolePrintPacket Fibonacci FieldHint FieldHintStyle FieldMasked FieldSize File FileBaseName FileByteCount FileDate FileExistsQ FileExtension FileFormat FileHash FileInformation FileName FileNameDepth FileNameDialogSettings FileNameDrop FileNameJoin FileNames FileNameSetter FileNameSplit FileNameTake FilePrint FileType FilledCurve FilledCurveBox Filling FillingStyle FillingTransform FilterRules FinancialBond FinancialData FinancialDerivative FinancialIndicator Find FindArgMax FindArgMin FindClique FindClusters FindCurvePath FindDistributionParameters FindDivisions FindEdgeCover FindEdgeCut FindEulerianCycle FindFaces FindFile FindFit FindGeneratingFunction FindGeoLocation FindGeometricTransform FindGraphCommunities FindGraphIsomorphism FindGraphPartition FindHamiltonianCycle FindIndependentEdgeSet FindIndependentVertexSet FindInstance FindIntegerNullVector FindKClan FindKClique FindKClub FindKPlex FindLibrary FindLinearRecurrence FindList FindMaximum FindMaximumFlow FindMaxValue FindMinimum FindMinimumCostFlow FindMinimumCut FindMinValue FindPermutation FindPostmanTour FindProcessParameters FindRoot FindSequenceFunction FindSettings FindShortestPath FindShortestTour FindThreshold FindVertexCover FindVertexCut Fine FinishDynamic FiniteAbelianGroupCount FiniteGroupCount FiniteGroupData First FirstPassageTimeDistribution FischerGroupFi22 FischerGroupFi23 FischerGroupFi24Prime FisherHypergeometricDistribution FisherRatioTest FisherZDistribution Fit FitAll FittedModel FixedPoint FixedPointList FlashSelection Flat Flatten FlattenAt FlatTopWindow FlipView Floor FlushPrintOutputPacket Fold FoldList Font FontColor FontFamily FontForm FontName FontOpacity FontPostScriptName FontProperties FontReencoding FontSize FontSlant FontSubstitutions FontTracking FontVariations FontWeight For ForAll Format FormatRules FormatType FormatTypeAutoConvert FormatValues FormBox FormBoxOptions FortranForm Forward ForwardBackward Fourier FourierCoefficient FourierCosCoefficient FourierCosSeries FourierCosTransform FourierDCT FourierDCTFilter FourierDCTMatrix FourierDST FourierDSTMatrix FourierMatrix FourierParameters FourierSequenceTransform FourierSeries FourierSinCoefficient FourierSinSeries FourierSinTransform FourierTransform FourierTrigSeries FractionalBrownianMotionProcess FractionalPart FractionBox FractionBoxOptions FractionLine Frame FrameBox FrameBoxOptions Framed FrameInset FrameLabel Frameless FrameMargins FrameStyle FrameTicks FrameTicksStyle FRatioDistribution FrechetDistribution FreeQ FrequencySamplingFilterKernel FresnelC FresnelS Friday FrobeniusNumber FrobeniusSolve FromCharacterCode FromCoefficientRules FromContinuedFraction FromDate FromDigits FromDMS Front FrontEndDynamicExpression FrontEndEventActions FrontEndExecute FrontEndObject FrontEndResource FrontEndResourceString FrontEndStackSize FrontEndToken FrontEndTokenExecute FrontEndValueCache FrontEndVersion FrontFaceColor FrontFaceOpacity Full FullAxes FullDefinition FullForm FullGraphics FullOptions FullSimplify Function FunctionExpand FunctionInterpolation FunctionSpace FussellVeselyImportance GaborFilter GaborMatrix GaborWavelet GainMargins GainPhaseMargins Gamma GammaDistribution GammaRegularized GapPenalty Gather GatherBy GaugeFaceElementFunction GaugeFaceStyle GaugeFrameElementFunction GaugeFrameSize GaugeFrameStyle GaugeLabels GaugeMarkers GaugeStyle GaussianFilter GaussianIntegers GaussianMatrix GaussianWindow GCD GegenbauerC General GeneralizedLinearModelFit GenerateConditions GeneratedCell GeneratedParameters GeneratingFunction Generic GenericCylindricalDecomposition GenomeData GenomeLookup GeodesicClosing GeodesicDilation GeodesicErosion GeodesicOpening GeoDestination GeodesyData GeoDirection GeoDistance GeoGridPosition GeometricBrownianMotionProcess GeometricDistribution GeometricMean GeometricMeanFilter GeometricTransformation GeometricTransformation3DBox GeometricTransformation3DBoxOptions GeometricTransformationBox GeometricTransformationBoxOptions GeoPosition GeoPositionENU GeoPositionXYZ GeoProjectionData GestureHandler GestureHandlerTag Get GetBoundingBoxSizePacket GetContext GetEnvironment GetFileName GetFrontEndOptionsDataPacket GetLinebreakInformationPacket GetMenusPacket GetPageBreakInformationPacket Glaisher GlobalClusteringCoefficient GlobalPreferences GlobalSession Glow GoldenRatio GompertzMakehamDistribution GoodmanKruskalGamma GoodmanKruskalGammaTest Goto Grad Gradient GradientFilter GradientOrientationFilter Graph GraphAssortativity GraphCenter GraphComplement GraphData GraphDensity GraphDiameter GraphDifference GraphDisjointUnion GraphDistance GraphDistanceMatrix GraphElementData GraphEmbedding GraphHighlight GraphHighlightStyle GraphHub Graphics Graphics3D Graphics3DBox Graphics3DBoxOptions GraphicsArray GraphicsBaseline GraphicsBox GraphicsBoxOptions GraphicsColor GraphicsColumn GraphicsComplex GraphicsComplex3DBox GraphicsComplex3DBoxOptions GraphicsComplexBox GraphicsComplexBoxOptions GraphicsContents GraphicsData GraphicsGrid GraphicsGridBox GraphicsGroup GraphicsGroup3DBox GraphicsGroup3DBoxOptions GraphicsGroupBox GraphicsGroupBoxOptions GraphicsGrouping GraphicsHighlightColor GraphicsRow GraphicsSpacing GraphicsStyle GraphIntersection GraphLayout GraphLinkEfficiency GraphPeriphery GraphPlot GraphPlot3D GraphPower GraphPropertyDistribution GraphQ GraphRadius GraphReciprocity GraphRoot GraphStyle GraphUnion Gray GrayLevel GreatCircleDistance Greater GreaterEqual GreaterEqualLess GreaterFullEqual GreaterGreater GreaterLess GreaterSlantEqual GreaterTilde Green Grid GridBaseline GridBox GridBoxAlignment GridBoxBackground GridBoxDividers GridBoxFrame GridBoxItemSize GridBoxItemStyle GridBoxOptions GridBoxSpacings GridCreationSettings GridDefaultElement GridElementStyleOptions GridFrame GridFrameMargins GridGraph GridLines GridLinesStyle GroebnerBasis GroupActionBase GroupCentralizer GroupElementFromWord GroupElementPosition GroupElementQ GroupElements GroupElementToWord GroupGenerators GroupMultiplicationTable GroupOrbits GroupOrder GroupPageBreakWithin GroupSetwiseStabilizer GroupStabilizer GroupStabilizerChain Gudermannian GumbelDistribution HaarWavelet HadamardMatrix HalfNormalDistribution HamiltonianGraphQ HammingDistance HammingWindow HankelH1 HankelH2 HankelMatrix HannPoissonWindow HannWindow HaradaNortonGroupHN HararyGraph HarmonicMean HarmonicMeanFilter HarmonicNumber Hash HashTable Haversine HazardFunction Head HeadCompose Heads HeavisideLambda HeavisidePi HeavisideTheta HeldGroupHe HeldPart HelpBrowserLookup HelpBrowserNotebook HelpBrowserSettings HermiteDecomposition HermiteH HermitianMatrixQ HessenbergDecomposition Hessian HexadecimalCharacter Hexahedron HexahedronBox HexahedronBoxOptions HiddenSurface HighlightGraph HighlightImage HighpassFilter HigmanSimsGroupHS HilbertFilter HilbertMatrix Histogram Histogram3D HistogramDistribution HistogramList HistogramTransform HistogramTransformInterpolation HitMissTransform HITSCentrality HodgeDual HoeffdingD HoeffdingDTest Hold HoldAll HoldAllComplete HoldComplete HoldFirst HoldForm HoldPattern HoldRest HolidayCalendar HomeDirectory HomePage Horizontal HorizontalForm HorizontalGauge HorizontalScrollPosition HornerForm HotellingTSquareDistribution HoytDistribution HTMLSave Hue HumpDownHump HumpEqual HurwitzLerchPhi HurwitzZeta HyperbolicDistribution HypercubeGraph HyperexponentialDistribution Hyperfactorial Hypergeometric0F1 Hypergeometric0F1Regularized Hypergeometric1F1 Hypergeometric1F1Regularized Hypergeometric2F1 Hypergeometric2F1Regularized HypergeometricDistribution HypergeometricPFQ HypergeometricPFQRegularized HypergeometricU Hyperlink HyperlinkCreationSettings Hyphenation HyphenationOptions HypoexponentialDistribution HypothesisTestData I Identity IdentityMatrix If IgnoreCase Im Image Image3D Image3DSlices ImageAccumulate ImageAdd ImageAdjust ImageAlign ImageApply ImageAspectRatio ImageAssemble ImageCache ImageCacheValid ImageCapture ImageChannels ImageClip ImageColorSpace ImageCompose ImageConvolve ImageCooccurrence ImageCorners ImageCorrelate ImageCorrespondingPoints ImageCrop ImageData ImageDataPacket ImageDeconvolve ImageDemosaic ImageDifference ImageDimensions ImageDistance ImageEffect ImageFeatureTrack ImageFileApply ImageFileFilter ImageFileScan ImageFilter ImageForestingComponents ImageForwardTransformation ImageHistogram ImageKeypoints ImageLevels ImageLines ImageMargins ImageMarkers ImageMeasurements ImageMultiply ImageOffset ImagePad ImagePadding ImagePartition ImagePeriodogram ImagePerspectiveTransformation ImageQ ImageRangeCache ImageReflect ImageRegion ImageResize ImageResolution ImageRotate ImageRotated ImageScaled ImageScan ImageSize ImageSizeAction ImageSizeCache ImageSizeMultipliers ImageSizeRaw ImageSubtract ImageTake ImageTransformation ImageTrim ImageType ImageValue ImageValuePositions Implies Import ImportAutoReplacements ImportString ImprovementImportance In IncidenceGraph IncidenceList IncidenceMatrix IncludeConstantBasis IncludeFileExtension IncludePods IncludeSingularTerm Increment Indent IndentingNewlineSpacings IndentMaxFraction IndependenceTest IndependentEdgeSetQ IndependentUnit IndependentVertexSetQ Indeterminate IndexCreationOptions Indexed IndexGraph IndexTag Inequality InexactNumberQ InexactNumbers Infinity Infix Information Inherited InheritScope Initialization InitializationCell InitializationCellEvaluation InitializationCellWarning InlineCounterAssignments InlineCounterIncrements InlineRules Inner Inpaint Input InputAliases InputAssumptions InputAutoReplacements InputField InputFieldBox InputFieldBoxOptions InputForm InputGrouping InputNamePacket InputNotebook InputPacket InputSettings InputStream InputString InputStringPacket InputToBoxFormPacket Insert InsertionPointObject InsertResults Inset Inset3DBox Inset3DBoxOptions InsetBox InsetBoxOptions Install InstallService InString Integer IntegerDigits IntegerExponent IntegerLength IntegerPart IntegerPartitions IntegerQ Integers IntegerString Integral Integrate Interactive InteractiveTradingChart Interlaced Interleaving InternallyBalancedDecomposition InterpolatingFunction InterpolatingPolynomial Interpolation InterpolationOrder InterpolationPoints InterpolationPrecision Interpretation InterpretationBox InterpretationBoxOptions InterpretationFunction InterpretTemplate InterquartileRange Interrupt InterruptSettings Intersection Interval IntervalIntersection IntervalMemberQ IntervalUnion Inverse InverseBetaRegularized InverseCDF InverseChiSquareDistribution InverseContinuousWaveletTransform InverseDistanceTransform InverseEllipticNomeQ InverseErf InverseErfc InverseFourier InverseFourierCosTransform InverseFourierSequenceTransform InverseFourierSinTransform InverseFourierTransform InverseFunction InverseFunctions InverseGammaDistribution InverseGammaRegularized InverseGaussianDistribution InverseGudermannian InverseHaversine InverseJacobiCD InverseJacobiCN InverseJacobiCS InverseJacobiDC InverseJacobiDN InverseJacobiDS InverseJacobiNC InverseJacobiND InverseJacobiNS InverseJacobiSC InverseJacobiSD InverseJacobiSN InverseLaplaceTransform InversePermutation InverseRadon InverseSeries InverseSurvivalFunction InverseWaveletTransform InverseWeierstrassP InverseZTransform Invisible InvisibleApplication InvisibleTimes IrreduciblePolynomialQ IsolatingInterval IsomorphicGraphQ IsotopeData Italic Item ItemBox ItemBoxOptions ItemSize ItemStyle ItoProcess JaccardDissimilarity JacobiAmplitude Jacobian JacobiCD JacobiCN JacobiCS JacobiDC JacobiDN JacobiDS JacobiNC JacobiND JacobiNS JacobiP JacobiSC JacobiSD JacobiSN JacobiSymbol JacobiZeta JankoGroupJ1 JankoGroupJ2 JankoGroupJ3 JankoGroupJ4 JarqueBeraALMTest JohnsonDistribution Join Joined JoinedCurve JoinedCurveBox JoinForm JordanDecomposition JordanModelDecomposition K KagiChart KaiserBesselWindow KaiserWindow KalmanEstimator KalmanFilter KarhunenLoeveDecomposition KaryTree KatzCentrality KCoreComponents KDistribution KelvinBei KelvinBer KelvinKei KelvinKer KendallTau KendallTauTest KernelExecute KernelMixtureDistribution KernelObject Kernels Ket Khinchin KirchhoffGraph KirchhoffMatrix KleinInvariantJ KnightTourGraph KnotData KnownUnitQ KolmogorovSmirnovTest KroneckerDelta KroneckerModelDecomposition KroneckerProduct KroneckerSymbol KuiperTest KumaraswamyDistribution Kurtosis KuwaharaFilter Label Labeled LabeledSlider LabelingFunction LabelStyle LaguerreL LambdaComponents LambertW LanczosWindow LandauDistribution Language LanguageCategory LaplaceDistribution LaplaceTransform Laplacian LaplacianFilter LaplacianGaussianFilter Large Larger Last Latitude LatitudeLongitude LatticeData LatticeReduce Launch LaunchKernels LayeredGraphPlot LayerSizeFunction LayoutInformation LCM LeafCount LeapYearQ LeastSquares LeastSquaresFilterKernel Left LeftArrow LeftArrowBar LeftArrowRightArrow LeftDownTeeVector LeftDownVector LeftDownVectorBar LeftRightArrow LeftRightVector LeftTee LeftTeeArrow LeftTeeVector LeftTriangle LeftTriangleBar LeftTriangleEqual LeftUpDownVector LeftUpTeeVector LeftUpVector LeftUpVectorBar LeftVector LeftVectorBar LegendAppearance Legended LegendFunction LegendLabel LegendLayout LegendMargins LegendMarkers LegendMarkerSize LegendreP LegendreQ LegendreType Length LengthWhile LerchPhi Less LessEqual LessEqualGreater LessFullEqual LessGreater LessLess LessSlantEqual LessTilde LetterCharacter LetterQ Level LeveneTest LeviCivitaTensor LevyDistribution Lexicographic LibraryFunction LibraryFunctionError LibraryFunctionInformation LibraryFunctionLoad LibraryFunctionUnload LibraryLoad LibraryUnload LicenseID LiftingFilterData LiftingWaveletTransform LightBlue LightBrown LightCyan Lighter LightGray LightGreen Lighting LightingAngle LightMagenta LightOrange LightPink LightPurple LightRed LightSources LightYellow Likelihood Limit LimitsPositioning LimitsPositioningTokens LindleyDistribution Line Line3DBox LinearFilter LinearFractionalTransform LinearModelFit LinearOffsetFunction LinearProgramming LinearRecurrence LinearSolve LinearSolveFunction LineBox LineBreak LinebreakAdjustments LineBreakChart LineBreakWithin LineColor LineForm LineGraph LineIndent LineIndentMaxFraction LineIntegralConvolutionPlot LineIntegralConvolutionScale LineLegend LineOpacity LineSpacing LineWrapParts LinkActivate LinkClose LinkConnect LinkConnectedQ LinkCreate LinkError LinkFlush LinkFunction LinkHost LinkInterrupt LinkLaunch LinkMode LinkObject LinkOpen LinkOptions LinkPatterns LinkProtocol LinkRead LinkReadHeld LinkReadyQ Links LinkWrite LinkWriteHeld LiouvilleLambda List Listable ListAnimate ListContourPlot ListContourPlot3D ListConvolve ListCorrelate ListCurvePathPlot ListDeconvolve ListDensityPlot Listen ListFourierSequenceTransform ListInterpolation ListLineIntegralConvolutionPlot ListLinePlot ListLogLinearPlot ListLogLogPlot ListLogPlot ListPicker ListPickerBox ListPickerBoxBackground ListPickerBoxOptions ListPlay ListPlot ListPlot3D ListPointPlot3D ListPolarPlot ListQ ListStreamDensityPlot ListStreamPlot ListSurfacePlot3D ListVectorDensityPlot ListVectorPlot ListVectorPlot3D ListZTransform Literal LiteralSearch LocalClusteringCoefficient LocalizeVariables LocationEquivalenceTest LocationTest Locator LocatorAutoCreate LocatorBox LocatorBoxOptions LocatorCentering LocatorPane LocatorPaneBox LocatorPaneBoxOptions LocatorRegion Locked Log Log10 Log2 LogBarnesG LogGamma LogGammaDistribution LogicalExpand LogIntegral LogisticDistribution LogitModelFit LogLikelihood LogLinearPlot LogLogisticDistribution LogLogPlot LogMultinormalDistribution LogNormalDistribution LogPlot LogRankTest LogSeriesDistribution LongEqual Longest LongestAscendingSequence LongestCommonSequence LongestCommonSequencePositions LongestCommonSubsequence LongestCommonSubsequencePositions LongestMatch LongForm Longitude LongLeftArrow LongLeftRightArrow LongRightArrow Loopback LoopFreeGraphQ LowerCaseQ LowerLeftArrow LowerRightArrow LowerTriangularize LowpassFilter LQEstimatorGains LQGRegulator LQOutputRegulatorGains LQRegulatorGains LUBackSubstitution LucasL LuccioSamiComponents LUDecomposition LyapunovSolve LyonsGroupLy MachineID MachineName MachineNumberQ MachinePrecision MacintoshSystemPageSetup Magenta Magnification Magnify MainSolve MaintainDynamicCaches Majority MakeBoxes MakeExpression MakeRules MangoldtLambda ManhattanDistance Manipulate Manipulator MannWhitneyTest MantissaExponent Manual Map MapAll MapAt MapIndexed MAProcess MapThread MarcumQ MardiaCombinedTest MardiaKurtosisTest MardiaSkewnessTest MarginalDistribution MarkovProcessProperties Masking MatchingDissimilarity MatchLocalNameQ MatchLocalNames MatchQ Material MathematicaNotation MathieuC MathieuCharacteristicA MathieuCharacteristicB MathieuCharacteristicExponent MathieuCPrime MathieuGroupM11 MathieuGroupM12 MathieuGroupM22 MathieuGroupM23 MathieuGroupM24 MathieuS MathieuSPrime MathMLForm MathMLText Matrices MatrixExp MatrixForm MatrixFunction MatrixLog MatrixPlot MatrixPower MatrixQ MatrixRank Max MaxBend MaxDetect MaxExtraBandwidths MaxExtraConditions MaxFeatures MaxFilter Maximize MaxIterations MaxMemoryUsed MaxMixtureKernels MaxPlotPoints MaxPoints MaxRecursion MaxStableDistribution MaxStepFraction MaxSteps MaxStepSize MaxValue MaxwellDistribution McLaughlinGroupMcL Mean MeanClusteringCoefficient MeanDegreeConnectivity MeanDeviation MeanFilter MeanGraphDistance MeanNeighborDegree MeanShift MeanShiftFilter Median MedianDeviation MedianFilter Medium MeijerG MeixnerDistribution MemberQ MemoryConstrained MemoryInUse Menu MenuAppearance MenuCommandKey MenuEvaluator MenuItem MenuPacket MenuSortingValue MenuStyle MenuView MergeDifferences Mesh MeshFunctions MeshRange MeshShading MeshStyle Message MessageDialog MessageList MessageName MessageOptions MessagePacket Messages MessagesNotebook MetaCharacters MetaInformation Method MethodOptions MexicanHatWavelet MeyerWavelet Min MinDetect MinFilter MinimalPolynomial MinimalStateSpaceModel Minimize Minors MinRecursion MinSize MinStableDistribution Minus MinusPlus MinValue Missing MissingDataMethod MittagLefflerE MixedRadix MixedRadixQuantity MixtureDistribution Mod Modal Mode Modular ModularLambda Module Modulus MoebiusMu Moment Momentary MomentConvert MomentEvaluate MomentGeneratingFunction Monday Monitor MonomialList MonomialOrder MonsterGroupM MorletWavelet MorphologicalBinarize MorphologicalBranchPoints MorphologicalComponents MorphologicalEulerNumber MorphologicalGraph MorphologicalPerimeter MorphologicalTransform Most MouseAnnotation MouseAppearance MouseAppearanceTag MouseButtons Mouseover MousePointerNote MousePosition MovingAverage MovingMedian MoyalDistribution MultiedgeStyle MultilaunchWarning MultiLetterItalics MultiLetterStyle MultilineFunction Multinomial MultinomialDistribution MultinormalDistribution MultiplicativeOrder Multiplicity Multiselection MultivariateHypergeometricDistribution MultivariatePoissonDistribution MultivariateTDistribution N NakagamiDistribution NameQ Names NamespaceBox Nand NArgMax NArgMin NBernoulliB NCache NDSolve NDSolveValue Nearest NearestFunction NeedCurrentFrontEndPackagePacket NeedCurrentFrontEndSymbolsPacket NeedlemanWunschSimilarity Needs Negative NegativeBinomialDistribution NegativeMultinomialDistribution NeighborhoodGraph Nest NestedGreaterGreater NestedLessLess NestedScriptRules NestList NestWhile NestWhileList NevilleThetaC NevilleThetaD NevilleThetaN NevilleThetaS NewPrimitiveStyle NExpectation Next NextPrime NHoldAll NHoldFirst NHoldRest NicholsGridLines NicholsPlot NIntegrate NMaximize NMaxValue NMinimize NMinValue NominalVariables NonAssociative NoncentralBetaDistribution NoncentralChiSquareDistribution NoncentralFRatioDistribution NoncentralStudentTDistribution NonCommutativeMultiply NonConstants None NonlinearModelFit NonlocalMeansFilter NonNegative NonPositive Nor NorlundB Norm Normal NormalDistribution NormalGrouping Normalize NormalizedSquaredEuclideanDistance NormalsFunction NormFunction Not NotCongruent NotCupCap NotDoubleVerticalBar Notebook NotebookApply NotebookAutoSave NotebookClose NotebookConvertSettings NotebookCreate NotebookCreateReturnObject NotebookDefault NotebookDelete NotebookDirectory NotebookDynamicExpression NotebookEvaluate NotebookEventActions NotebookFileName NotebookFind NotebookFindReturnObject NotebookGet NotebookGetLayoutInformationPacket NotebookGetMisspellingsPacket NotebookInformation NotebookInterfaceObject NotebookLocate NotebookObject NotebookOpen NotebookOpenReturnObject NotebookPath NotebookPrint NotebookPut NotebookPutReturnObject NotebookRead NotebookResetGeneratedCells Notebooks NotebookSave NotebookSaveAs NotebookSelection NotebookSetupLayoutInformationPacket NotebooksMenu NotebookWrite NotElement NotEqualTilde NotExists NotGreater NotGreaterEqual NotGreaterFullEqual NotGreaterGreater NotGreaterLess NotGreaterSlantEqual NotGreaterTilde NotHumpDownHump NotHumpEqual NotLeftTriangle NotLeftTriangleBar NotLeftTriangleEqual NotLess NotLessEqual NotLessFullEqual NotLessGreater NotLessLess NotLessSlantEqual NotLessTilde NotNestedGreaterGreater NotNestedLessLess NotPrecedes NotPrecedesEqual NotPrecedesSlantEqual NotPrecedesTilde NotReverseElement NotRightTriangle NotRightTriangleBar NotRightTriangleEqual NotSquareSubset NotSquareSubsetEqual NotSquareSuperset NotSquareSupersetEqual NotSubset NotSubsetEqual NotSucceeds NotSucceedsEqual NotSucceedsSlantEqual NotSucceedsTilde NotSuperset NotSupersetEqual NotTilde NotTildeEqual NotTildeFullEqual NotTildeTilde NotVerticalBar NProbability NProduct NProductFactors NRoots NSolve NSum NSumTerms Null NullRecords NullSpace NullWords Number NumberFieldClassNumber NumberFieldDiscriminant NumberFieldFundamentalUnits NumberFieldIntegralBasis NumberFieldNormRepresentatives NumberFieldRegulator NumberFieldRootsOfUnity NumberFieldSignature NumberForm NumberFormat NumberMarks NumberMultiplier NumberPadding NumberPoint NumberQ NumberSeparator NumberSigns NumberString Numerator NumericFunction NumericQ NuttallWindow NValues NyquistGridLines NyquistPlot O ObservabilityGramian ObservabilityMatrix ObservableDecomposition ObservableModelQ OddQ Off Offset OLEData On ONanGroupON OneIdentity Opacity Open OpenAppend Opener OpenerBox OpenerBoxOptions OpenerView OpenFunctionInspectorPacket Opening OpenRead OpenSpecialOptions OpenTemporary OpenWrite Operate OperatingSystem OptimumFlowData Optional OptionInspectorSettings OptionQ Options OptionsPacket OptionsPattern OptionValue OptionValueBox OptionValueBoxOptions Or Orange Order OrderDistribution OrderedQ Ordering Orderless OrnsteinUhlenbeckProcess Orthogonalize Out Outer OutputAutoOverwrite OutputControllabilityMatrix OutputControllableModelQ OutputForm OutputFormData OutputGrouping OutputMathEditExpression OutputNamePacket OutputResponse OutputSizeLimit OutputStream Over OverBar OverDot Overflow OverHat Overlaps Overlay OverlayBox OverlayBoxOptions Overscript OverscriptBox OverscriptBoxOptions OverTilde OverVector OwenT OwnValues PackingMethod PaddedForm Padding PadeApproximant PadLeft PadRight PageBreakAbove PageBreakBelow PageBreakWithin PageFooterLines PageFooters PageHeaderLines PageHeaders PageHeight PageRankCentrality PageWidth PairedBarChart PairedHistogram PairedSmoothHistogram PairedTTest PairedZTest PaletteNotebook PalettePath Pane PaneBox PaneBoxOptions Panel PanelBox PanelBoxOptions Paneled PaneSelector PaneSelectorBox PaneSelectorBoxOptions PaperWidth ParabolicCylinderD ParagraphIndent ParagraphSpacing ParallelArray ParallelCombine ParallelDo ParallelEvaluate Parallelization Parallelize ParallelMap ParallelNeeds ParallelProduct ParallelSubmit ParallelSum ParallelTable ParallelTry Parameter ParameterEstimator ParameterMixtureDistribution ParameterVariables ParametricFunction ParametricNDSolve ParametricNDSolveValue ParametricPlot ParametricPlot3D ParentConnect ParentDirectory ParentForm Parenthesize ParentList ParetoDistribution Part PartialCorrelationFunction PartialD ParticleData Partition PartitionsP PartitionsQ ParzenWindow PascalDistribution PassEventsDown PassEventsUp Paste PasteBoxFormInlineCells PasteButton Path PathGraph PathGraphQ Pattern PatternSequence PatternTest PauliMatrix PaulWavelet Pause PausedTime PDF PearsonChiSquareTest PearsonCorrelationTest PearsonDistribution PerformanceGoal PeriodicInterpolation Periodogram PeriodogramArray PermutationCycles PermutationCyclesQ PermutationGroup PermutationLength PermutationList PermutationListQ PermutationMax PermutationMin PermutationOrder PermutationPower PermutationProduct PermutationReplace Permutations PermutationSupport Permute PeronaMalikFilter Perpendicular PERTDistribution PetersenGraph PhaseMargins Pi Pick PIDData PIDDerivativeFilter PIDFeedforward PIDTune Piecewise PiecewiseExpand PieChart PieChart3D PillaiTrace PillaiTraceTest Pink Pivoting PixelConstrained PixelValue PixelValuePositions Placed Placeholder PlaceholderReplace Plain PlanarGraphQ Play PlayRange Plot Plot3D Plot3Matrix PlotDivision PlotJoined PlotLabel PlotLayout PlotLegends PlotMarkers PlotPoints PlotRange PlotRangeClipping PlotRangePadding PlotRegion PlotStyle Plus PlusMinus Pochhammer PodStates PodWidth Point Point3DBox PointBox PointFigureChart PointForm PointLegend PointSize PoissonConsulDistribution PoissonDistribution PoissonProcess PoissonWindow PolarAxes PolarAxesOrigin PolarGridLines PolarPlot PolarTicks PoleZeroMarkers PolyaAeppliDistribution PolyGamma Polygon Polygon3DBox Polygon3DBoxOptions PolygonBox PolygonBoxOptions PolygonHoleScale PolygonIntersections PolygonScale PolyhedronData PolyLog PolynomialExtendedGCD PolynomialForm PolynomialGCD PolynomialLCM PolynomialMod PolynomialQ PolynomialQuotient PolynomialQuotientRemainder PolynomialReduce PolynomialRemainder Polynomials PopupMenu PopupMenuBox PopupMenuBoxOptions PopupView PopupWindow Position Positive PositiveDefiniteMatrixQ PossibleZeroQ Postfix PostScript Power PowerDistribution PowerExpand PowerMod PowerModList PowerSpectralDensity PowersRepresentations PowerSymmetricPolynomial Precedence PrecedenceForm Precedes PrecedesEqual PrecedesSlantEqual PrecedesTilde Precision PrecisionGoal PreDecrement PredictionRoot PreemptProtect PreferencesPath Prefix PreIncrement Prepend PrependTo PreserveImageOptions Previous PriceGraphDistribution PrimaryPlaceholder Prime PrimeNu PrimeOmega PrimePi PrimePowerQ PrimeQ Primes PrimeZetaP PrimitiveRoot PrincipalComponents PrincipalValue Print PrintAction PrintForm PrintingCopies PrintingOptions PrintingPageRange PrintingStartingPageNumber PrintingStyleEnvironment PrintPrecision PrintTemporary Prism PrismBox PrismBoxOptions PrivateCellOptions PrivateEvaluationOptions PrivateFontOptions PrivateFrontEndOptions PrivateNotebookOptions PrivatePaths Probability ProbabilityDistribution ProbabilityPlot ProbabilityPr ProbabilityScalePlot ProbitModelFit ProcessEstimator ProcessParameterAssumptions ProcessParameterQ ProcessStateDomain ProcessTimeDomain Product ProductDistribution ProductLog ProgressIndicator ProgressIndicatorBox ProgressIndicatorBoxOptions Projection Prolog PromptForm Properties Property PropertyList PropertyValue Proportion Proportional Protect Protected ProteinData Pruning PseudoInverse Purple Put PutAppend Pyramid PyramidBox PyramidBoxOptions QBinomial QFactorial QGamma QHypergeometricPFQ QPochhammer QPolyGamma QRDecomposition QuadraticIrrationalQ Quantile QuantilePlot Quantity QuantityForm QuantityMagnitude QuantityQ QuantityUnit Quartics QuartileDeviation Quartiles QuartileSkewness QueueingNetworkProcess QueueingProcess QueueProperties Quiet Quit Quotient QuotientRemainder RadialityCentrality RadicalBox RadicalBoxOptions RadioButton RadioButtonBar RadioButtonBox RadioButtonBoxOptions Radon RamanujanTau RamanujanTauL RamanujanTauTheta RamanujanTauZ Random RandomChoice RandomComplex RandomFunction RandomGraph RandomImage RandomInteger RandomPermutation RandomPrime RandomReal RandomSample RandomSeed RandomVariate RandomWalkProcess Range RangeFilter RangeSpecification RankedMax RankedMin Raster Raster3D Raster3DBox Raster3DBoxOptions RasterArray RasterBox RasterBoxOptions Rasterize RasterSize Rational RationalFunctions Rationalize Rationals Ratios Raw RawArray RawBoxes RawData RawMedium RayleighDistribution Re Read ReadList ReadProtected Real RealBlockDiagonalForm RealDigits RealExponent Reals Reap Record RecordLists RecordSeparators Rectangle RectangleBox RectangleBoxOptions RectangleChart RectangleChart3D RecurrenceFilter RecurrenceTable RecurringDigitsForm Red Reduce RefBox ReferenceLineStyle ReferenceMarkers ReferenceMarkerStyle Refine ReflectionMatrix ReflectionTransform Refresh RefreshRate RegionBinarize RegionFunction RegionPlot RegionPlot3D RegularExpression Regularization Reinstall Release ReleaseHold ReliabilityDistribution ReliefImage ReliefPlot Remove RemoveAlphaChannel RemoveAsynchronousTask Removed RemoveInputStreamMethod RemoveOutputStreamMethod RemoveProperty RemoveScheduledTask RenameDirectory RenameFile RenderAll RenderingOptions RenewalProcess RenkoChart Repeated RepeatedNull RepeatedString Replace ReplaceAll ReplaceHeldPart ReplaceImageValue ReplaceList ReplacePart ReplacePixelValue ReplaceRepeated Resampling Rescale RescalingTransform ResetDirectory ResetMenusPacket ResetScheduledTask Residue Resolve Rest Resultant ResumePacket Return ReturnExpressionPacket ReturnInputFormPacket ReturnPacket ReturnTextPacket Reverse ReverseBiorthogonalSplineWavelet ReverseElement ReverseEquilibrium ReverseGraph ReverseUpEquilibrium RevolutionAxis RevolutionPlot3D RGBColor RiccatiSolve RiceDistribution RidgeFilter RiemannR RiemannSiegelTheta RiemannSiegelZ Riffle Right RightArrow RightArrowBar RightArrowLeftArrow RightCosetRepresentative RightDownTeeVector RightDownVector RightDownVectorBar RightTee RightTeeArrow RightTeeVector RightTriangle RightTriangleBar RightTriangleEqual RightUpDownVector RightUpTeeVector RightUpVector RightUpVectorBar RightVector RightVectorBar RiskAchievementImportance RiskReductionImportance RogersTanimotoDissimilarity Root RootApproximant RootIntervals RootLocusPlot RootMeanSquare RootOfUnityQ RootReduce Roots RootSum Rotate RotateLabel RotateLeft RotateRight RotationAction RotationBox RotationBoxOptions RotationMatrix RotationTransform Round RoundImplies RoundingRadius Row RowAlignments RowBackgrounds RowBox RowHeights RowLines RowMinHeight RowReduce RowsEqual RowSpacings RSolve RudvalisGroupRu Rule RuleCondition RuleDelayed RuleForm RulerUnits Run RunScheduledTask RunThrough RuntimeAttributes RuntimeOptions RussellRaoDissimilarity SameQ SameTest SampleDepth SampledSoundFunction SampledSoundList SampleRate SamplingPeriod SARIMAProcess SARMAProcess SatisfiabilityCount SatisfiabilityInstances SatisfiableQ Saturday Save Saveable SaveAutoDelete SaveDefinitions SawtoothWave Scale Scaled ScaleDivisions ScaledMousePosition ScaleOrigin ScalePadding ScaleRanges ScaleRangeStyle ScalingFunctions ScalingMatrix ScalingTransform Scan ScheduledTaskActiveQ ScheduledTaskData ScheduledTaskObject ScheduledTasks SchurDecomposition ScientificForm ScreenRectangle ScreenStyleEnvironment ScriptBaselineShifts ScriptLevel ScriptMinSize ScriptRules ScriptSizeMultipliers Scrollbars ScrollingOptions ScrollPosition Sec Sech SechDistribution SectionGrouping SectorChart SectorChart3D SectorOrigin SectorSpacing SeedRandom Select Selectable SelectComponents SelectedCells SelectedNotebook Selection SelectionAnimate SelectionCell SelectionCellCreateCell SelectionCellDefaultStyle SelectionCellParentStyle SelectionCreateCell SelectionDebuggerTag SelectionDuplicateCell SelectionEvaluate SelectionEvaluateCreateCell SelectionMove SelectionPlaceholder SelectionSetStyle SelectWithContents SelfLoops SelfLoopStyle SemialgebraicComponentInstances SendMail Sequence SequenceAlignment SequenceForm SequenceHold SequenceLimit Series SeriesCoefficient SeriesData SessionTime Set SetAccuracy SetAlphaChannel SetAttributes Setbacks SetBoxFormNamesPacket SetDelayed SetDirectory SetEnvironment SetEvaluationNotebook SetFileDate SetFileLoadingContext SetNotebookStatusLine SetOptions SetOptionsPacket SetPrecision SetProperty SetSelectedNotebook SetSharedFunction SetSharedVariable SetSpeechParametersPacket SetStreamPosition SetSystemOptions Setter SetterBar SetterBox SetterBoxOptions Setting SetValue Shading Shallow ShannonWavelet ShapiroWilkTest Share Sharpen ShearingMatrix ShearingTransform ShenCastanMatrix Short ShortDownArrow Shortest ShortestMatch ShortestPathFunction ShortLeftArrow ShortRightArrow ShortUpArrow Show ShowAutoStyles ShowCellBracket ShowCellLabel ShowCellTags ShowClosedCellArea ShowContents ShowControls ShowCursorTracker ShowGroupOpenCloseIcon ShowGroupOpener ShowInvisibleCharacters ShowPageBreaks ShowPredictiveInterface ShowSelection ShowShortBoxForm ShowSpecialCharacters ShowStringCharacters ShowSyntaxStyles ShrinkingDelay ShrinkWrapBoundingBox SiegelTheta SiegelTukeyTest Sign Signature SignedRankTest SignificanceLevel SignPadding SignTest SimilarityRules SimpleGraph SimpleGraphQ Simplify Sin Sinc SinghMaddalaDistribution SingleEvaluation SingleLetterItalics SingleLetterStyle SingularValueDecomposition SingularValueList SingularValuePlot SingularValues Sinh SinhIntegral SinIntegral SixJSymbol Skeleton SkeletonTransform SkellamDistribution Skewness SkewNormalDistribution Skip SliceDistribution Slider Slider2D Slider2DBox Slider2DBoxOptions SliderBox SliderBoxOptions SlideView Slot SlotSequence Small SmallCircle Smaller SmithDelayCompensator SmithWatermanSimilarity SmoothDensityHistogram SmoothHistogram SmoothHistogram3D SmoothKernelDistribution SocialMediaData Socket SokalSneathDissimilarity Solve SolveAlways SolveDelayed Sort SortBy Sound SoundAndGraphics SoundNote SoundVolume Sow Space SpaceForm Spacer Spacings Span SpanAdjustments SpanCharacterRounding SpanFromAbove SpanFromBoth SpanFromLeft SpanLineThickness SpanMaxSize SpanMinSize SpanningCharacters SpanSymmetric SparseArray SpatialGraphDistribution Speak SpeakTextPacket SpearmanRankTest SpearmanRho Spectrogram SpectrogramArray Specularity SpellingCorrection SpellingDictionaries SpellingDictionariesPath SpellingOptions SpellingSuggestionsPacket Sphere SphereBox SphericalBesselJ SphericalBesselY SphericalHankelH1 SphericalHankelH2 SphericalHarmonicY SphericalPlot3D SphericalRegion SpheroidalEigenvalue SpheroidalJoiningFactor SpheroidalPS SpheroidalPSPrime SpheroidalQS SpheroidalQSPrime SpheroidalRadialFactor SpheroidalS1 SpheroidalS1Prime SpheroidalS2 SpheroidalS2Prime Splice SplicedDistribution SplineClosed SplineDegree SplineKnots SplineWeights Split SplitBy SpokenString Sqrt SqrtBox SqrtBoxOptions Square SquaredEuclideanDistance SquareFreeQ SquareIntersection SquaresR SquareSubset SquareSubsetEqual SquareSuperset SquareSupersetEqual SquareUnion SquareWave StabilityMargins StabilityMarginsStyle StableDistribution Stack StackBegin StackComplete StackInhibit StandardDeviation StandardDeviationFilter StandardForm Standardize StandbyDistribution Star StarGraph StartAsynchronousTask StartingStepSize StartOfLine StartOfString StartScheduledTask StartupSound StateDimensions StateFeedbackGains StateOutputEstimator StateResponse StateSpaceModel StateSpaceRealization StateSpaceTransform StationaryDistribution StationaryWaveletPacketTransform StationaryWaveletTransform StatusArea StatusCentrality StepMonitor StieltjesGamma StirlingS1 StirlingS2 StopAsynchronousTask StopScheduledTask StrataVariables StratonovichProcess StreamColorFunction StreamColorFunctionScaling StreamDensityPlot StreamPlot StreamPoints StreamPosition Streams StreamScale StreamStyle String StringBreak StringByteCount StringCases StringCount StringDrop StringExpression StringForm StringFormat StringFreeQ StringInsert StringJoin StringLength StringMatchQ StringPosition StringQ StringReplace StringReplaceList StringReplacePart StringReverse StringRotateLeft StringRotateRight StringSkeleton StringSplit StringTake StringToStream StringTrim StripBoxes StripOnInput StripWrapperBoxes StrokeForm StructuralImportance StructuredArray StructuredSelection StruveH StruveL Stub StudentTDistribution Style StyleBox StyleBoxAutoDelete StyleBoxOptions StyleData StyleDefinitions StyleForm StyleKeyMapping StyleMenuListing StyleNameDialogSettings StyleNames StylePrint StyleSheetPath Subfactorial Subgraph SubMinus SubPlus SubresultantPolynomialRemainders SubresultantPolynomials Subresultants Subscript SubscriptBox SubscriptBoxOptions Subscripted Subset SubsetEqual Subsets SubStar Subsuperscript SubsuperscriptBox SubsuperscriptBoxOptions Subtract SubtractFrom SubValues Succeeds SucceedsEqual SucceedsSlantEqual SucceedsTilde SuchThat Sum SumConvergence Sunday SuperDagger SuperMinus SuperPlus Superscript SuperscriptBox SuperscriptBoxOptions Superset SupersetEqual SuperStar Surd SurdForm SurfaceColor SurfaceGraphics SurvivalDistribution SurvivalFunction SurvivalModel SurvivalModelFit SuspendPacket SuzukiDistribution SuzukiGroupSuz SwatchLegend Switch Symbol SymbolName SymletWavelet Symmetric SymmetricGroup SymmetricMatrixQ SymmetricPolynomial SymmetricReduction Symmetrize SymmetrizedArray SymmetrizedArrayRules SymmetrizedDependentComponents SymmetrizedIndependentComponents SymmetrizedReplacePart SynchronousInitialization SynchronousUpdating Syntax SyntaxForm SyntaxInformation SyntaxLength SyntaxPacket SyntaxQ SystemDialogInput SystemException SystemHelpPath SystemInformation SystemInformationData SystemOpen SystemOptions SystemsModelDelay SystemsModelDelayApproximate SystemsModelDelete SystemsModelDimensions SystemsModelExtract SystemsModelFeedbackConnect SystemsModelLabels SystemsModelOrder SystemsModelParallelConnect SystemsModelSeriesConnect SystemsModelStateFeedbackConnect SystemStub Tab TabFilling Table TableAlignments TableDepth TableDirections TableForm TableHeadings TableSpacing TableView TableViewBox TabSpacings TabView TabViewBox TabViewBoxOptions TagBox TagBoxNote TagBoxOptions TaggingRules TagSet TagSetDelayed TagStyle TagUnset Take TakeWhile Tally Tan Tanh TargetFunctions TargetUnits TautologyQ TelegraphProcess TemplateBox TemplateBoxOptions TemplateSlotSequence TemporalData Temporary TemporaryVariable TensorContract TensorDimensions TensorExpand TensorProduct TensorQ TensorRank TensorReduce TensorSymmetry TensorTranspose TensorWedge Tetrahedron TetrahedronBox TetrahedronBoxOptions TeXForm TeXSave Text Text3DBox Text3DBoxOptions TextAlignment TextBand TextBoundingBox TextBox TextCell TextClipboardType TextData TextForm TextJustification TextLine TextPacket TextParagraph TextRecognize TextRendering TextStyle Texture TextureCoordinateFunction TextureCoordinateScaling Therefore ThermometerGauge Thick Thickness Thin Thinning ThisLink ThompsonGroupTh Thread ThreeJSymbol Threshold Through Throw Thumbnail Thursday Ticks TicksStyle Tilde TildeEqual TildeFullEqual TildeTilde TimeConstrained TimeConstraint Times TimesBy TimeSeriesForecast TimeSeriesInvertibility TimeUsed TimeValue TimeZone Timing Tiny TitleGrouping TitsGroupT ToBoxes ToCharacterCode ToColor ToContinuousTimeModel ToDate ToDiscreteTimeModel ToeplitzMatrix ToExpression ToFileName Together Toggle ToggleFalse Toggler TogglerBar TogglerBox TogglerBoxOptions ToHeldExpression ToInvertibleTimeSeries TokenWords Tolerance ToLowerCase ToNumberField TooBig Tooltip TooltipBox TooltipBoxOptions TooltipDelay TooltipStyle Top TopHatTransform TopologicalSort ToRadicals ToRules ToString Total TotalHeight TotalVariationFilter TotalWidth TouchscreenAutoZoom TouchscreenControlPlacement ToUpperCase Tr Trace TraceAbove TraceAction TraceBackward TraceDepth TraceDialog TraceForward TraceInternal TraceLevel TraceOff TraceOn TraceOriginal TracePrint TraceScan TrackedSymbols TradingChart TraditionalForm TraditionalFunctionNotation TraditionalNotation TraditionalOrder TransferFunctionCancel TransferFunctionExpand TransferFunctionFactor TransferFunctionModel TransferFunctionPoles TransferFunctionTransform TransferFunctionZeros TransformationFunction TransformationFunctions TransformationMatrix TransformedDistribution TransformedField Translate TranslationTransform TransparentColor Transpose TreeForm TreeGraph TreeGraphQ TreePlot TrendStyle TriangleWave TriangularDistribution Trig TrigExpand TrigFactor TrigFactorList Trigger TrigReduce TrigToExp TrimmedMean True TrueQ TruncatedDistribution TsallisQExponentialDistribution TsallisQGaussianDistribution TTest Tube TubeBezierCurveBox TubeBezierCurveBoxOptions TubeBox TubeBSplineCurveBox TubeBSplineCurveBoxOptions Tuesday TukeyLambdaDistribution TukeyWindow Tuples TuranGraph TuringMachine Transparent UnateQ Uncompress Undefined UnderBar Underflow Underlined Underoverscript UnderoverscriptBox UnderoverscriptBoxOptions Underscript UnderscriptBox UnderscriptBoxOptions UndirectedEdge UndirectedGraph UndirectedGraphQ UndocumentedTestFEParserPacket UndocumentedTestGetSelectionPacket Unequal Unevaluated UniformDistribution UniformGraphDistribution UniformSumDistribution Uninstall Union UnionPlus Unique UnitBox UnitConvert UnitDimensions Unitize UnitRootTest UnitSimplify UnitStep UnitTriangle UnitVector Unprotect UnsameQ UnsavedVariables Unset UnsetShared UntrackedVariables Up UpArrow UpArrowBar UpArrowDownArrow Update UpdateDynamicObjects UpdateDynamicObjectsSynchronous UpdateInterval UpDownArrow UpEquilibrium UpperCaseQ UpperLeftArrow UpperRightArrow UpperTriangularize Upsample UpSet UpSetDelayed UpTee UpTeeArrow UpValues URL URLFetch URLFetchAsynchronous URLSave URLSaveAsynchronous UseGraphicsRange Using UsingFrontEnd V2Get ValidationLength Value ValueBox ValueBoxOptions ValueForm ValueQ ValuesData Variables Variance VarianceEquivalenceTest VarianceEstimatorFunction VarianceGammaDistribution VarianceTest VectorAngle VectorColorFunction VectorColorFunctionScaling VectorDensityPlot VectorGlyphData VectorPlot VectorPlot3D VectorPoints VectorQ Vectors VectorScale VectorStyle Vee Verbatim Verbose VerboseConvertToPostScriptPacket VerifyConvergence VerifySolutions VerifyTestAssumptions Version VersionNumber VertexAdd VertexCapacity VertexColors VertexComponent VertexConnectivity VertexCoordinateRules VertexCoordinates VertexCorrelationSimilarity VertexCosineSimilarity VertexCount VertexCoverQ VertexDataCoordinates VertexDegree VertexDelete VertexDiceSimilarity VertexEccentricity VertexInComponent VertexInDegree VertexIndex VertexJaccardSimilarity VertexLabeling VertexLabels VertexLabelStyle VertexList VertexNormals VertexOutComponent VertexOutDegree VertexQ VertexRenderingFunction VertexReplace VertexShape VertexShapeFunction VertexSize VertexStyle VertexTextureCoordinates VertexWeight Vertical VerticalBar VerticalForm VerticalGauge VerticalSeparator VerticalSlider VerticalTilde ViewAngle ViewCenter ViewMatrix ViewPoint ViewPointSelectorSettings ViewPort ViewRange ViewVector ViewVertical VirtualGroupData Visible VisibleCell VoigtDistribution VonMisesDistribution WaitAll WaitAsynchronousTask WaitNext WaitUntil WakebyDistribution WalleniusHypergeometricDistribution WaringYuleDistribution WatershedComponents WatsonUSquareTest WattsStrogatzGraphDistribution WaveletBestBasis WaveletFilterCoefficients WaveletImagePlot WaveletListPlot WaveletMapIndexed WaveletMatrixPlot WaveletPhi WaveletPsi WaveletScale WaveletScalogram WaveletThreshold WeaklyConnectedComponents WeaklyConnectedGraphQ WeakStationarity WeatherData WeberE Wedge Wednesday WeibullDistribution WeierstrassHalfPeriods WeierstrassInvariants WeierstrassP WeierstrassPPrime WeierstrassSigma WeierstrassZeta WeightedAdjacencyGraph WeightedAdjacencyMatrix WeightedData WeightedGraphQ Weights WelchWindow WheelGraph WhenEvent Which While White Whitespace WhitespaceCharacter WhittakerM WhittakerW WienerFilter WienerProcess WignerD WignerSemicircleDistribution WilksW WilksWTest WindowClickSelect WindowElements WindowFloating WindowFrame WindowFrameElements WindowMargins WindowMovable WindowOpacity WindowSelected WindowSize WindowStatusArea WindowTitle WindowToolbars WindowWidth With WolframAlpha WolframAlphaDate WolframAlphaQuantity WolframAlphaResult Word WordBoundary WordCharacter WordData WordSearch WordSeparators WorkingPrecision Write WriteString Wronskian XMLElement XMLObject Xnor Xor Yellow YuleDissimilarity ZernikeR ZeroSymmetric ZeroTest ZeroWidthTimes Zeta ZetaZero ZipfDistribution ZTest ZTransform $Aborted $ActivationGroupID $ActivationKey $ActivationUserRegistered $AddOnsDirectory $AssertFunction $Assumptions $AsynchronousTask $BaseDirectory $BatchInput $BatchOutput $BoxForms $ByteOrdering $Canceled $CharacterEncoding $CharacterEncodings $CommandLine $CompilationTarget $ConditionHold $ConfiguredKernels $Context $ContextPath $ControlActiveSetting $CreationDate $CurrentLink $DateStringFormat $DefaultFont $DefaultFrontEnd $DefaultImagingDevice $DefaultPath $Display $DisplayFunction $DistributedContexts $DynamicEvaluation $Echo $Epilog $ExportFormats $Failed $FinancialDataSource $FormatType $FrontEnd $FrontEndSession $GeoLocation $HistoryLength $HomeDirectory $HTTPCookies $IgnoreEOF $ImagingDevices $ImportFormats $InitialDirectory $Input $InputFileName $InputStreamMethods $Inspector $InstallationDate $InstallationDirectory $InterfaceEnvironment $IterationLimit $KernelCount $KernelID $Language $LaunchDirectory $LibraryPath $LicenseExpirationDate $LicenseID $LicenseProcesses $LicenseServer $LicenseSubprocesses $LicenseType $Line $Linked $LinkSupported $LoadedFiles $MachineAddresses $MachineDomain $MachineDomains $MachineEpsilon $MachineID $MachineName $MachinePrecision $MachineType $MaxExtraPrecision $MaxLicenseProcesses $MaxLicenseSubprocesses $MaxMachineNumber $MaxNumber $MaxPiecewiseCases $MaxPrecision $MaxRootDegree $MessageGroups $MessageList $MessagePrePrint $Messages $MinMachineNumber $MinNumber $MinorReleaseNumber $MinPrecision $ModuleNumber $NetworkLicense $NewMessage $NewSymbol $Notebooks $NumberMarks $Off $OperatingSystem $Output $OutputForms $OutputSizeLimit $OutputStreamMethods $Packages $ParentLink $ParentProcessID $PasswordFile $PatchLevelID $Path $PathnameSeparator $PerformanceGoal $PipeSupported $Post $Pre $PreferencesDirectory $PrePrint $PreRead $PrintForms $PrintLiteral $ProcessID $ProcessorCount $ProcessorType $ProductInformation $ProgramName $RandomState $RecursionLimit $ReleaseNumber $RootDirectory $ScheduledTask $ScriptCommandLine $SessionID $SetParentLink $SharedFunctions $SharedVariables $SoundDisplay $SoundDisplayFunction $SuppressInputFormHeads $SynchronousEvaluation $SyntaxHandler $System $SystemCharacterEncoding $SystemID $SystemWordLength $TemporaryDirectory $TemporaryPrefix $TextStyle $TimedOut $TimeUnit $TimeZone $TopDirectory $TraceOff $TraceOn $TracePattern $TracePostAction $TracePreAction $Urgent $UserAddOnsDirectory $UserBaseDirectory $UserDocumentsDirectory $UserName $Version $VersionNumber", +// START CUSTOM REVEAL.JS INTEGRATION +(function() { + // Function to perform a better "data-trim" on code snippets + // Will slice an indentation amount on each line of the snippet (amount based on the line having the lowest indentation length) + function betterTrim(snippetEl) { + // Helper functions + function trimLeft(val) { + // Adapted from https://developer.mozilla.org/en-US/docs/Web/JavaScript/Reference/Global_Objects/String/Trim#Polyfill + return val.replace(/^[\s\uFEFF\xA0]+/g, ''); + } + function trimLineBreaks(input) { + var lines = input.split('\n'); + + // Trim line-breaks from the beginning + for (var i = 0; i < lines.length; i++) { + if (lines[i].trim() === '') { + lines.splice(i--, 1); + } else break; + } + + // Trim line-breaks from the end + for (var i = lines.length-1; i >= 0; i--) { + if (lines[i].trim() === '') { + lines.splice(i, 1); + } else break; + } + + return lines.join('\n'); + } + + // Main function for betterTrim() + return (function(snippetEl) { + var content = trimLineBreaks(snippetEl.innerHTML); + var lines = content.split('\n'); + // Calculate the minimum amount to remove on each line start of the snippet (can be 0) + var pad = lines.reduce(function(acc, line) { + if (line.length > 0 && trimLeft(line).length > 0 && acc > line.length - trimLeft(line).length) { + return line.length - trimLeft(line).length; + } + return acc; + }, Number.POSITIVE_INFINITY); + // Slice each line with this amount + return lines.map(function(line, index) { + return line.slice(pad); + }) + .join('\n'); + })(snippetEl); + } + + if( typeof window.addEventListener === 'function' ) { + var hljs_nodes = document.querySelectorAll( 'pre code' ); + + for( var i = 0, len = hljs_nodes.length; i < len; i++ ) { + var element = hljs_nodes[i]; + + // trim whitespace if data-trim attribute is present + if( element.hasAttribute( 'data-trim' ) && typeof element.innerHTML.trim === 'function' ) { + element.innerHTML = betterTrim(element); + } + + // Now escape html unless prevented by author + if( ! element.hasAttribute( 'data-noescape' )) { + element.innerHTML = element.innerHTML.replace(//g,">"); + } + + // re-highlight when focus is lost (for edited code) + element.addEventListener( 'focusout', function( event ) { + hljs.highlightBlock( event.currentTarget ); + }, false ); + } + } +})(); +// END CUSTOM REVEAL.JS INTEGRATION + +/*! highlight.js v9.11.0 | BSD3 License | git.io/hljslicense */ +!function(e){var n="object"==typeof window&&window||"object"==typeof self&&self;"undefined"!=typeof exports?e(exports):n&&(n.hljs=e({}),"function"==typeof define&&define.amd&&define([],function(){return n.hljs}))}(function(e){function n(e){return e.replace(/&/g,"&").replace(//g,">")}function t(e){return e.nodeName.toLowerCase()}function r(e,n){var t=e&&e.exec(n);return t&&0===t.index}function a(e){return k.test(e)}function i(e){var n,t,r,i,o=e.className+" ";if(o+=e.parentNode?e.parentNode.className:"",t=B.exec(o))return w(t[1])?t[1]:"no-highlight";for(o=o.split(/\s+/),n=0,r=o.length;r>n;n++)if(i=o[n],a(i)||w(i))return i}function o(e){var n,t={},r=Array.prototype.slice.call(arguments,1);for(n in e)t[n]=e[n];return r.forEach(function(e){for(n in e)t[n]=e[n]}),t}function u(e){var n=[];return function r(e,a){for(var i=e.firstChild;i;i=i.nextSibling)3===i.nodeType?a+=i.nodeValue.length:1===i.nodeType&&(n.push({event:"start",offset:a,node:i}),a=r(i,a),t(i).match(/br|hr|img|input/)||n.push({event:"stop",offset:a,node:i}));return a}(e,0),n}function c(e,r,a){function i(){return e.length&&r.length?e[0].offset!==r[0].offset?e[0].offset"}function u(e){s+=""}function c(e){("start"===e.event?o:u)(e.node)}for(var l=0,s="",f=[];e.length||r.length;){var g=i();if(s+=n(a.substring(l,g[0].offset)),l=g[0].offset,g===e){f.reverse().forEach(u);do c(g.splice(0,1)[0]),g=i();while(g===e&&g.length&&g[0].offset===l);f.reverse().forEach(o)}else"start"===g[0].event?f.push(g[0].node):f.pop(),c(g.splice(0,1)[0])}return s+n(a.substr(l))}function l(e){return e.v&&!e.cached_variants&&(e.cached_variants=e.v.map(function(n){return o(e,{v:null},n)})),e.cached_variants||e.eW&&[o(e)]||[e]}function s(e){function n(e){return e&&e.source||e}function t(t,r){return new RegExp(n(t),"m"+(e.cI?"i":"")+(r?"g":""))}function r(a,i){if(!a.compiled){if(a.compiled=!0,a.k=a.k||a.bK,a.k){var o={},u=function(n,t){e.cI&&(t=t.toLowerCase()),t.split(" ").forEach(function(e){var t=e.split("|");o[t[0]]=[n,t[1]?Number(t[1]):1]})};"string"==typeof a.k?u("keyword",a.k):x(a.k).forEach(function(e){u(e,a.k[e])}),a.k=o}a.lR=t(a.l||/\w+/,!0),i&&(a.bK&&(a.b="\\b("+a.bK.split(" ").join("|")+")\\b"),a.b||(a.b=/\B|\b/),a.bR=t(a.b),a.e||a.eW||(a.e=/\B|\b/),a.e&&(a.eR=t(a.e)),a.tE=n(a.e)||"",a.eW&&i.tE&&(a.tE+=(a.e?"|":"")+i.tE)),a.i&&(a.iR=t(a.i)),null==a.r&&(a.r=1),a.c||(a.c=[]),a.c=Array.prototype.concat.apply([],a.c.map(function(e){return l("self"===e?a:e)})),a.c.forEach(function(e){r(e,a)}),a.starts&&r(a.starts,i);var c=a.c.map(function(e){return e.bK?"\\.?("+e.b+")\\.?":e.b}).concat([a.tE,a.i]).map(n).filter(Boolean);a.t=c.length?t(c.join("|"),!0):{exec:function(){return null}}}}r(e)}function f(e,t,a,i){function o(e,n){var t,a;for(t=0,a=n.c.length;a>t;t++)if(r(n.c[t].bR,e))return n.c[t]}function u(e,n){if(r(e.eR,n)){for(;e.endsParent&&e.parent;)e=e.parent;return e}return e.eW?u(e.parent,n):void 0}function c(e,n){return!a&&r(n.iR,e)}function l(e,n){var t=N.cI?n[0].toLowerCase():n[0];return e.k.hasOwnProperty(t)&&e.k[t]}function p(e,n,t,r){var a=r?"":I.classPrefix,i='',i+n+o}function h(){var e,t,r,a;if(!E.k)return n(k);for(a="",t=0,E.lR.lastIndex=0,r=E.lR.exec(k);r;)a+=n(k.substring(t,r.index)),e=l(E,r),e?(B+=e[1],a+=p(e[0],n(r[0]))):a+=n(r[0]),t=E.lR.lastIndex,r=E.lR.exec(k);return a+n(k.substr(t))}function d(){var e="string"==typeof E.sL;if(e&&!y[E.sL])return n(k);var t=e?f(E.sL,k,!0,x[E.sL]):g(k,E.sL.length?E.sL:void 0);return E.r>0&&(B+=t.r),e&&(x[E.sL]=t.top),p(t.language,t.value,!1,!0)}function b(){L+=null!=E.sL?d():h(),k=""}function v(e){L+=e.cN?p(e.cN,"",!0):"",E=Object.create(e,{parent:{value:E}})}function m(e,n){if(k+=e,null==n)return b(),0;var t=o(n,E);if(t)return t.skip?k+=n:(t.eB&&(k+=n),b(),t.rB||t.eB||(k=n)),v(t,n),t.rB?0:n.length;var r=u(E,n);if(r){var a=E;a.skip?k+=n:(a.rE||a.eE||(k+=n),b(),a.eE&&(k=n));do E.cN&&(L+=C),E.skip||(B+=E.r),E=E.parent;while(E!==r.parent);return r.starts&&v(r.starts,""),a.rE?0:n.length}if(c(n,E))throw new Error('Illegal lexeme "'+n+'" for mode "'+(E.cN||"")+'"');return k+=n,n.length||1}var N=w(e);if(!N)throw new Error('Unknown language: "'+e+'"');s(N);var R,E=i||N,x={},L="";for(R=E;R!==N;R=R.parent)R.cN&&(L=p(R.cN,"",!0)+L);var k="",B=0;try{for(var M,j,O=0;;){if(E.t.lastIndex=O,M=E.t.exec(t),!M)break;j=m(t.substring(O,M.index),M[0]),O=M.index+j}for(m(t.substr(O)),R=E;R.parent;R=R.parent)R.cN&&(L+=C);return{r:B,value:L,language:e,top:E}}catch(T){if(T.message&&-1!==T.message.indexOf("Illegal"))return{r:0,value:n(t)};throw T}}function g(e,t){t=t||I.languages||x(y);var r={r:0,value:n(e)},a=r;return t.filter(w).forEach(function(n){var t=f(n,e,!1);t.language=n,t.r>a.r&&(a=t),t.r>r.r&&(a=r,r=t)}),a.language&&(r.second_best=a),r}function p(e){return I.tabReplace||I.useBR?e.replace(M,function(e,n){return I.useBR&&"\n"===e?"
":I.tabReplace?n.replace(/\t/g,I.tabReplace):""}):e}function h(e,n,t){var r=n?L[n]:t,a=[e.trim()];return e.match(/\bhljs\b/)||a.push("hljs"),-1===e.indexOf(r)&&a.push(r),a.join(" ").trim()}function d(e){var n,t,r,o,l,s=i(e);a(s)||(I.useBR?(n=document.createElementNS("http://www.w3.org/1999/xhtml","div"),n.innerHTML=e.innerHTML.replace(/\n/g,"").replace(//g,"\n")):n=e,l=n.textContent,r=s?f(s,l,!0):g(l),t=u(n),t.length&&(o=document.createElementNS("http://www.w3.org/1999/xhtml","div"),o.innerHTML=r.value,r.value=c(t,u(o),l)),r.value=p(r.value),e.innerHTML=r.value,e.className=h(e.className,s,r.language),e.result={language:r.language,re:r.r},r.second_best&&(e.second_best={language:r.second_best.language,re:r.second_best.r}))}function b(e){I=o(I,e)}function v(){if(!v.called){v.called=!0;var e=document.querySelectorAll("pre code");E.forEach.call(e,d)}}function m(){addEventListener("DOMContentLoaded",v,!1),addEventListener("load",v,!1)}function N(n,t){var r=y[n]=t(e);r.aliases&&r.aliases.forEach(function(e){L[e]=n})}function R(){return x(y)}function w(e){return e=(e||"").toLowerCase(),y[e]||y[L[e]]}var E=[],x=Object.keys,y={},L={},k=/^(no-?highlight|plain|text)$/i,B=/\blang(?:uage)?-([\w-]+)\b/i,M=/((^(<[^>]+>|\t|)+|(?:\n)))/gm,C="
",I={classPrefix:"hljs-",tabReplace:null,useBR:!1,languages:void 0};return e.highlight=f,e.highlightAuto=g,e.fixMarkup=p,e.highlightBlock=d,e.configure=b,e.initHighlighting=v,e.initHighlightingOnLoad=m,e.registerLanguage=N,e.listLanguages=R,e.getLanguage=w,e.inherit=o,e.IR="[a-zA-Z]\\w*",e.UIR="[a-zA-Z_]\\w*",e.NR="\\b\\d+(\\.\\d+)?",e.CNR="(-?)(\\b0[xX][a-fA-F0-9]+|(\\b\\d+(\\.\\d*)?|\\.\\d+)([eE][-+]?\\d+)?)",e.BNR="\\b(0b[01]+)",e.RSR="!|!=|!==|%|%=|&|&&|&=|\\*|\\*=|\\+|\\+=|,|-|-=|/=|/|:|;|<<|<<=|<=|<|===|==|=|>>>=|>>=|>=|>>>|>>|>|\\?|\\[|\\{|\\(|\\^|\\^=|\\||\\|=|\\|\\||~",e.BE={b:"\\\\[\\s\\S]",r:0},e.ASM={cN:"string",b:"'",e:"'",i:"\\n",c:[e.BE]},e.QSM={cN:"string",b:'"',e:'"',i:"\\n",c:[e.BE]},e.PWM={b:/\b(a|an|the|are|I'm|isn't|don't|doesn't|won't|but|just|should|pretty|simply|enough|gonna|going|wtf|so|such|will|you|your|they|like|more)\b/},e.C=function(n,t,r){var a=e.inherit({cN:"comment",b:n,e:t,c:[]},r||{});return a.c.push(e.PWM),a.c.push({cN:"doctag",b:"(?:TODO|FIXME|NOTE|BUG|XXX):",r:0}),a},e.CLCM=e.C("//","$"),e.CBCM=e.C("/\\*","\\*/"),e.HCM=e.C("#","$"),e.NM={cN:"number",b:e.NR,r:0},e.CNM={cN:"number",b:e.CNR,r:0},e.BNM={cN:"number",b:e.BNR,r:0},e.CSSNM={cN:"number",b:e.NR+"(%|em|ex|ch|rem|vw|vh|vmin|vmax|cm|mm|in|pt|pc|px|deg|grad|rad|turn|s|ms|Hz|kHz|dpi|dpcm|dppx)?",r:0},e.RM={cN:"regexp",b:/\//,e:/\/[gimuy]*/,i:/\n/,c:[e.BE,{b:/\[/,e:/\]/,r:0,c:[e.BE]}]},e.TM={cN:"title",b:e.IR,r:0},e.UTM={cN:"title",b:e.UIR,r:0},e.METHOD_GUARD={b:"\\.\\s*"+e.UIR,r:0},e});hljs.registerLanguage("diff",function(e){return{aliases:["patch"],c:[{cN:"meta",r:10,v:[{b:/^@@ +\-\d+,\d+ +\+\d+,\d+ +@@$/},{b:/^\*\*\* +\d+,\d+ +\*\*\*\*$/},{b:/^\-\-\- +\d+,\d+ +\-\-\-\-$/}]},{cN:"comment",v:[{b:/Index: /,e:/$/},{b:/={3,}/,e:/$/},{b:/^\-{3}/,e:/$/},{b:/^\*{3} /,e:/$/},{b:/^\+{3}/,e:/$/},{b:/\*{5}/,e:/\*{5}$/}]},{cN:"addition",b:"^\\+",e:"$"},{cN:"deletion",b:"^\\-",e:"$"},{cN:"addition",b:"^\\!",e:"$"}]}});hljs.registerLanguage("nimrod",function(t){return{aliases:["nim"],k:{keyword:"addr and as asm bind block break case cast const continue converter discard distinct div do elif else end enum except export finally for from generic if import in include interface is isnot iterator let macro method mixin mod nil not notin object of or out proc ptr raise ref return shl shr static template try tuple type using var when while with without xor yield",literal:"shared guarded stdin stdout stderr result true false",built_in:"int int8 int16 int32 int64 uint uint8 uint16 uint32 uint64 float float32 float64 bool char string cstring pointer expr stmt void auto any range array openarray varargs seq set clong culong cchar cschar cshort cint csize clonglong cfloat cdouble clongdouble cuchar cushort cuint culonglong cstringarray semistatic"},c:[{cN:"meta",b:/{\./,e:/\.}/,r:10},{cN:"string",b:/[a-zA-Z]\w*"/,e:/"/,c:[{b:/""/}]},{cN:"string",b:/([a-zA-Z]\w*)?"""/,e:/"""/},t.QSM,{cN:"type",b:/\b[A-Z]\w+\b/,r:0},{cN:"number",r:0,v:[{b:/\b(0[xX][0-9a-fA-F][_0-9a-fA-F]*)('?[iIuU](8|16|32|64))?/},{b:/\b(0o[0-7][_0-7]*)('?[iIuUfF](8|16|32|64))?/},{b:/\b(0(b|B)[01][_01]*)('?[iIuUfF](8|16|32|64))?/},{b:/\b(\d[_\d]*)('?[iIuUfF](8|16|32|64))?/}]},t.HCM]}});hljs.registerLanguage("basic",function(E){return{cI:!0,i:"^.",l:"[a-zA-Z][a-zA-Z0-9_$%!#]*",k:{keyword:"ABS ASC AND ATN AUTO|0 BEEP BLOAD|10 BSAVE|10 CALL CALLS CDBL CHAIN CHDIR CHR$|10 CINT CIRCLE CLEAR CLOSE CLS COLOR COM COMMON CONT COS CSNG CSRLIN CVD CVI CVS DATA DATE$ DEFDBL DEFINT DEFSNG DEFSTR DEF|0 SEG USR DELETE DIM DRAW EDIT END ENVIRON ENVIRON$ EOF EQV ERASE ERDEV ERDEV$ ERL ERR ERROR EXP FIELD FILES FIX FOR|0 FRE GET GOSUB|10 GOTO HEX$ IF|0 THEN ELSE|0 INKEY$ INP INPUT INPUT# INPUT$ INSTR IMP INT IOCTL IOCTL$ KEY ON OFF LIST KILL LEFT$ LEN LET LINE LLIST LOAD LOC LOCATE LOF LOG LPRINT USING LSET MERGE MID$ MKDIR MKD$ MKI$ MKS$ MOD NAME NEW NEXT NOISE NOT OCT$ ON OR PEN PLAY STRIG OPEN OPTION BASE OUT PAINT PALETTE PCOPY PEEK PMAP POINT POKE POS PRINT PRINT] PSET PRESET PUT RANDOMIZE READ REM RENUM RESET|0 RESTORE RESUME RETURN|0 RIGHT$ RMDIR RND RSET RUN SAVE SCREEN SGN SHELL SIN SOUND SPACE$ SPC SQR STEP STICK STOP STR$ STRING$ SWAP SYSTEM TAB TAN TIME$ TIMER TROFF TRON TO USR VAL VARPTR VARPTR$ VIEW WAIT WHILE WEND WIDTH WINDOW WRITE XOR"},c:[E.QSM,E.C("REM","$",{r:10}),E.C("'","$",{r:0}),{cN:"symbol",b:"^[0-9]+ ",r:10},{cN:"number",b:"\\b([0-9]+[0-9edED.]*[#!]?)",r:0},{cN:"number",b:"(&[hH][0-9a-fA-F]{1,4})"},{cN:"number",b:"(&[oO][0-7]{1,6})"}]}});hljs.registerLanguage("ldif",function(e){return{c:[{cN:"attribute",b:"^dn",e:": ",eE:!0,starts:{e:"$",r:0},r:10},{cN:"attribute",b:"^\\w",e:": ",eE:!0,starts:{e:"$",r:0}},{cN:"literal",b:"^-",e:"$"},e.HCM]}});hljs.registerLanguage("xl",function(e){var t="ObjectLoader Animate MovieCredits Slides Filters Shading Materials LensFlare Mapping VLCAudioVideo StereoDecoder PointCloud NetworkAccess RemoteControl RegExp ChromaKey Snowfall NodeJS Speech Charts",o={keyword:"if then else do while until for loop import with is as where when by data constant integer real text name boolean symbol infix prefix postfix block tree",literal:"true false nil",built_in:"in mod rem and or xor not abs sign floor ceil sqrt sin cos tan asin acos atan exp expm1 log log2 log10 log1p pi at text_length text_range text_find text_replace contains page slide basic_slide title_slide title subtitle fade_in fade_out fade_at clear_color color line_color line_width texture_wrap texture_transform texture scale_?x scale_?y scale_?z? translate_?x translate_?y translate_?z? rotate_?x rotate_?y rotate_?z? rectangle circle ellipse sphere path line_to move_to quad_to curve_to theme background contents locally time mouse_?x mouse_?y mouse_buttons "+t},a={cN:"string",b:'"',e:'"',i:"\\n"},r={cN:"string",b:"'",e:"'",i:"\\n"},i={cN:"string",b:"<<",e:">>"},l={cN:"number",b:"[0-9]+#[0-9A-Z_]+(\\.[0-9-A-Z_]+)?#?([Ee][+-]?[0-9]+)?"},n={bK:"import",e:"$",k:o,c:[a]},s={cN:"function",b:/[a-z][^\n]*->/,rB:!0,e:/->/,c:[e.inherit(e.TM,{starts:{eW:!0,k:o}})]};return{aliases:["tao"],l:/[a-zA-Z][a-zA-Z0-9_?]*/,k:o,c:[e.CLCM,e.CBCM,a,r,i,s,n,l,e.NM]}});hljs.registerLanguage("ada",function(e){var r="\\d(_|\\d)*",t="[eE][-+]?"+r,s=r+"(\\."+r+")?("+t+")?",n="\\w+",a=r+"#"+n+"(\\."+n+")?#("+t+")?",i="\\b("+a+"|"+s+")",c="[A-Za-z](_?[A-Za-z0-9.])*",o="[]{}%#'\"",b=e.C("--","$"),d={b:"\\s+:\\s+",e:"\\s*(:=|;|\\)|=>|$)",i:o,c:[{bK:"loop for declare others",endsParent:!0},{cN:"keyword",bK:"not null constant access function procedure in out aliased exception"},{cN:"type",b:c,endsParent:!0,r:0}]};return{cI:!0,k:{keyword:"abort else new return abs elsif not reverse abstract end accept entry select access exception of separate aliased exit or some all others subtype and for out synchronized array function overriding at tagged generic package task begin goto pragma terminate body private then if procedure type case in protected constant interface is raise use declare range delay limited record when delta loop rem while digits renames with do mod requeue xor",literal:"True False"},c:[b,{cN:"string",b:/"/,e:/"/,c:[{b:/""/,r:0}]},{cN:"string",b:/'.'/},{cN:"number",b:i,r:0},{cN:"symbol",b:"'"+c},{cN:"title",b:"(\\bwith\\s+)?(\\bprivate\\s+)?\\bpackage\\s+(\\bbody\\s+)?",e:"(is|$)",k:"package body",eB:!0,eE:!0,i:o},{b:"(\\b(with|overriding)\\s+)?\\b(function|procedure)\\s+",e:"(\\bis|\\bwith|\\brenames|\\)\\s*;)",k:"overriding function procedure with is renames return",rB:!0,c:[b,{cN:"title",b:"(\\bwith\\s+)?\\b(function|procedure)\\s+",e:"(\\(|\\s+|$)",eB:!0,eE:!0,i:o},d,{cN:"type",b:"\\breturn\\s+",e:"(\\s+|;|$)",k:"return",eB:!0,eE:!0,endsParent:!0,i:o}]},{cN:"type",b:"\\b(sub)?type\\s+",e:"\\s+",k:"type",eB:!0,i:o},d]}});hljs.registerLanguage("ini",function(e){var b={cN:"string",c:[e.BE],v:[{b:"'''",e:"'''",r:10},{b:'"""',e:'"""',r:10},{b:'"',e:'"'},{b:"'",e:"'"}]};return{aliases:["toml"],cI:!0,i:/\S/,c:[e.C(";","$"),e.HCM,{cN:"section",b:/^\s*\[+/,e:/\]+/},{b:/^[a-z0-9\[\]_-]+\s*=\s*/,e:"$",rB:!0,c:[{cN:"attr",b:/[a-z0-9\[\]_-]+/},{b:/=/,eW:!0,r:0,c:[{cN:"literal",b:/\bon|off|true|false|yes|no\b/},{cN:"variable",v:[{b:/\$[\w\d"][\w\d_]*/},{b:/\$\{(.*?)}/}]},b,{cN:"number",b:/([\+\-]+)?[\d]+_[\d_]+/},e.NM]}]}]}});hljs.registerLanguage("taggerscript",function(e){var c={cN:"comment",b:/\$noop\(/,e:/\)/,c:[{b:/\(/,e:/\)/,c:["self",{b:/\\./}]}],r:10},r={cN:"keyword",b:/\$(?!noop)[a-zA-Z][_a-zA-Z0-9]*/,e:/\(/,eE:!0},a={cN:"variable",b:/%[_a-zA-Z0-9:]*/,e:"%"},b={cN:"symbol",b:/\\./};return{c:[c,r,a,b]}});hljs.registerLanguage("prolog",function(c){var b={b:/[a-z][A-Za-z0-9_]*/,r:0},r={cN:"symbol",v:[{b:/[A-Z][a-zA-Z0-9_]*/},{b:/_[A-Za-z0-9_]*/}],r:0},e={b:/\(/,e:/\)/,r:0},n={b:/\[/,e:/\]/},a={cN:"comment",b:/%/,e:/$/,c:[c.PWM]},t={cN:"string",b:/`/,e:/`/,c:[c.BE]},g={cN:"string",b:/0\'(\\\'|.)/},s={cN:"string",b:/0\'\\s/},o={b:/:-/},N=[b,r,e,o,n,a,c.CBCM,c.QSM,c.ASM,t,g,s,c.CNM];return e.c=N,n.c=N,{c:N.concat([{b:/\.$/}])}});hljs.registerLanguage("javascript",function(e){var r="[A-Za-z$_][0-9A-Za-z$_]*",t={keyword:"in of if for while finally var new function do return void else break catch instanceof with throw case default try this switch continue typeof delete let yield const export super debugger as async await static import from as",literal:"true false null undefined NaN Infinity",built_in:"eval isFinite isNaN parseFloat parseInt decodeURI decodeURIComponent encodeURI encodeURIComponent escape unescape Object Function Boolean Error EvalError InternalError RangeError ReferenceError StopIteration SyntaxError TypeError URIError Number Math Date String RegExp Array Float32Array Float64Array Int16Array Int32Array Int8Array Uint16Array Uint32Array Uint8Array Uint8ClampedArray ArrayBuffer DataView JSON Intl arguments require module console window document Symbol Set Map WeakSet WeakMap Proxy Reflect Promise"},a={cN:"number",v:[{b:"\\b(0[bB][01]+)"},{b:"\\b(0[oO][0-7]+)"},{b:e.CNR}],r:0},n={cN:"subst",b:"\\$\\{",e:"\\}",k:t,c:[]},c={cN:"string",b:"`",e:"`",c:[e.BE,n]};n.c=[e.ASM,e.QSM,c,a,e.RM];var s=n.c.concat([e.CBCM,e.CLCM]);return{aliases:["js","jsx"],k:t,c:[{cN:"meta",r:10,b:/^\s*['"]use (strict|asm)['"]/},{cN:"meta",b:/^#!/,e:/$/},e.ASM,e.QSM,c,e.CLCM,e.CBCM,a,{b:/[{,]\s*/,r:0,c:[{b:r+"\\s*:",rB:!0,r:0,c:[{cN:"attr",b:r,r:0}]}]},{b:"("+e.RSR+"|\\b(case|return|throw)\\b)\\s*",k:"return throw case",c:[e.CLCM,e.CBCM,e.RM,{cN:"function",b:"(\\(.*?\\)|"+r+")\\s*=>",rB:!0,e:"\\s*=>",c:[{cN:"params",v:[{b:r},{b:/\(\s*\)/},{b:/\(/,e:/\)/,eB:!0,eE:!0,k:t,c:s}]}]},{b://,sL:"xml",c:[{b:/<\w+\s*\/>/,skip:!0},{b:/<\w+/,e:/(\/\w+|\w+\/)>/,skip:!0,c:[{b:/<\w+\s*\/>/,skip:!0},"self"]}]}],r:0},{cN:"function",bK:"function",e:/\{/,eE:!0,c:[e.inherit(e.TM,{b:r}),{cN:"params",b:/\(/,e:/\)/,eB:!0,eE:!0,c:s}],i:/\[|%/},{b:/\$[(.]/},e.METHOD_GUARD,{cN:"class",bK:"class",e:/[{;=]/,eE:!0,i:/[:"\[\]]/,c:[{bK:"extends"},e.UTM]},{bK:"constructor",e:/\{/,eE:!0}],i:/#(?!!)/}});hljs.registerLanguage("python",function(e){var r={keyword:"and elif is global as in if from raise for except finally print import pass return exec else break not with class assert yield try while continue del or def lambda async await nonlocal|10 None True False",built_in:"Ellipsis NotImplemented"},b={cN:"meta",b:/^(>>>|\.\.\.) /},c={cN:"subst",b:/\{/,e:/\}/,k:r,i:/#/},a={cN:"string",c:[e.BE],v:[{b:/(u|b)?r?'''/,e:/'''/,c:[b],r:10},{b:/(u|b)?r?"""/,e:/"""/,c:[b],r:10},{b:/(fr|rf|f)'''/,e:/'''/,c:[b,c]},{b:/(fr|rf|f)"""/,e:/"""/,c:[b,c]},{b:/(u|r|ur)'/,e:/'/,r:10},{b:/(u|r|ur)"/,e:/"/,r:10},{b:/(b|br)'/,e:/'/},{b:/(b|br)"/,e:/"/},{b:/(fr|rf|f)'/,e:/'/,c:[c]},{b:/(fr|rf|f)"/,e:/"/,c:[c]},e.ASM,e.QSM]},s={cN:"number",r:0,v:[{b:e.BNR+"[lLjJ]?"},{b:"\\b(0o[0-7]+)[lLjJ]?"},{b:e.CNR+"[lLjJ]?"}]},i={cN:"params",b:/\(/,e:/\)/,c:["self",b,s,a]};return c.c=[a,s,b],{aliases:["py","gyp"],k:r,i:/(<\/|->|\?)|=>/,c:[b,s,a,e.HCM,{v:[{cN:"function",bK:"def"},{cN:"class",bK:"class"}],e:/:/,i:/[${=;\n,]/,c:[e.UTM,i,{b:/->/,eW:!0,k:"None"}]},{cN:"meta",b:/^[\t ]*@/,e:/$/},{b:/\b(print|exec)\(/}]}});hljs.registerLanguage("applescript",function(e){var t=e.inherit(e.QSM,{i:""}),r={cN:"params",b:"\\(",e:"\\)",c:["self",e.CNM,t]},i=e.C("--","$"),o=e.C("\\(\\*","\\*\\)",{c:["self",i]}),n=[i,o,e.HCM];return{aliases:["osascript"],k:{keyword:"about above after against and around as at back before beginning behind below beneath beside between but by considering contain contains continue copy div does eighth else end equal equals error every exit fifth first for fourth from front get given global if ignoring in into is it its last local me middle mod my ninth not of on onto or over prop property put ref reference repeat returning script second set seventh since sixth some tell tenth that the|0 then third through thru timeout times to transaction try until where while whose with without",literal:"AppleScript false linefeed return pi quote result space tab true",built_in:"alias application boolean class constant date file integer list number real record string text activate beep count delay launch log offset read round run say summarize write character characters contents day frontmost id item length month name paragraph paragraphs rest reverse running time version weekday word words year"},c:[t,e.CNM,{cN:"built_in",b:"\\b(clipboard info|the clipboard|info for|list (disks|folder)|mount volume|path to|(close|open for) access|(get|set) eof|current date|do shell script|get volume settings|random number|set volume|system attribute|system info|time to GMT|(load|run|store) script|scripting components|ASCII (character|number)|localized string|choose (application|color|file|file name|folder|from list|remote application|URL)|display (alert|dialog))\\b|^\\s*return\\b"},{cN:"literal",b:"\\b(text item delimiters|current application|missing value)\\b"},{cN:"keyword",b:"\\b(apart from|aside from|instead of|out of|greater than|isn't|(doesn't|does not) (equal|come before|come after|contain)|(greater|less) than( or equal)?|(starts?|ends|begins?) with|contained by|comes (before|after)|a (ref|reference)|POSIX file|POSIX path|(date|time) string|quoted form)\\b"},{bK:"on",i:"[${=;\\n]",c:[e.UTM,r]}].concat(n),i:"//|->|=>|\\[\\["}});hljs.registerLanguage("stylus",function(e){var t={cN:"variable",b:"\\$"+e.IR},o={cN:"number",b:"#([a-fA-F0-9]{6}|[a-fA-F0-9]{3})"},i=["charset","css","debug","extend","font-face","for","import","include","media","mixin","page","warn","while"],r=["after","before","first-letter","first-line","active","first-child","focus","hover","lang","link","visited"],n=["a","abbr","address","article","aside","audio","b","blockquote","body","button","canvas","caption","cite","code","dd","del","details","dfn","div","dl","dt","em","fieldset","figcaption","figure","footer","form","h1","h2","h3","h4","h5","h6","header","hgroup","html","i","iframe","img","input","ins","kbd","label","legend","li","mark","menu","nav","object","ol","p","q","quote","samp","section","span","strong","summary","sup","table","tbody","td","textarea","tfoot","th","thead","time","tr","ul","var","video"],a="[\\.\\s\\n\\[\\:,]",l=["align-content","align-items","align-self","animation","animation-delay","animation-direction","animation-duration","animation-fill-mode","animation-iteration-count","animation-name","animation-play-state","animation-timing-function","auto","backface-visibility","background","background-attachment","background-clip","background-color","background-image","background-origin","background-position","background-repeat","background-size","border","border-bottom","border-bottom-color","border-bottom-left-radius","border-bottom-right-radius","border-bottom-style","border-bottom-width","border-collapse","border-color","border-image","border-image-outset","border-image-repeat","border-image-slice","border-image-source","border-image-width","border-left","border-left-color","border-left-style","border-left-width","border-radius","border-right","border-right-color","border-right-style","border-right-width","border-spacing","border-style","border-top","border-top-color","border-top-left-radius","border-top-right-radius","border-top-style","border-top-width","border-width","bottom","box-decoration-break","box-shadow","box-sizing","break-after","break-before","break-inside","caption-side","clear","clip","clip-path","color","column-count","column-fill","column-gap","column-rule","column-rule-color","column-rule-style","column-rule-width","column-span","column-width","columns","content","counter-increment","counter-reset","cursor","direction","display","empty-cells","filter","flex","flex-basis","flex-direction","flex-flow","flex-grow","flex-shrink","flex-wrap","float","font","font-family","font-feature-settings","font-kerning","font-language-override","font-size","font-size-adjust","font-stretch","font-style","font-variant","font-variant-ligatures","font-weight","height","hyphens","icon","image-orientation","image-rendering","image-resolution","ime-mode","inherit","initial","justify-content","left","letter-spacing","line-height","list-style","list-style-image","list-style-position","list-style-type","margin","margin-bottom","margin-left","margin-right","margin-top","marks","mask","max-height","max-width","min-height","min-width","nav-down","nav-index","nav-left","nav-right","nav-up","none","normal","object-fit","object-position","opacity","order","orphans","outline","outline-color","outline-offset","outline-style","outline-width","overflow","overflow-wrap","overflow-x","overflow-y","padding","padding-bottom","padding-left","padding-right","padding-top","page-break-after","page-break-before","page-break-inside","perspective","perspective-origin","pointer-events","position","quotes","resize","right","tab-size","table-layout","text-align","text-align-last","text-decoration","text-decoration-color","text-decoration-line","text-decoration-style","text-indent","text-overflow","text-rendering","text-shadow","text-transform","text-underline-position","top","transform","transform-origin","transform-style","transition","transition-delay","transition-duration","transition-property","transition-timing-function","unicode-bidi","vertical-align","visibility","white-space","widows","width","word-break","word-spacing","word-wrap","z-index"],d=["\\?","(\\bReturn\\b)","(\\bEnd\\b)","(\\bend\\b)","(\\bdef\\b)",";","#\\s","\\*\\s","===\\s","\\|","%"];return{aliases:["styl"],cI:!1,k:"if else for in",i:"("+d.join("|")+")",c:[e.QSM,e.ASM,e.CLCM,e.CBCM,o,{b:"\\.[a-zA-Z][a-zA-Z0-9_-]*"+a,rB:!0,c:[{cN:"selector-class",b:"\\.[a-zA-Z][a-zA-Z0-9_-]*"}]},{b:"\\#[a-zA-Z][a-zA-Z0-9_-]*"+a,rB:!0,c:[{cN:"selector-id",b:"\\#[a-zA-Z][a-zA-Z0-9_-]*"}]},{b:"\\b("+n.join("|")+")"+a,rB:!0,c:[{cN:"selector-tag",b:"\\b[a-zA-Z][a-zA-Z0-9_-]*"}]},{b:"&?:?:\\b("+r.join("|")+")"+a},{b:"@("+i.join("|")+")\\b"},t,e.CSSNM,e.NM,{cN:"function",b:"^[a-zA-Z][a-zA-Z0-9_-]*\\(.*\\)",i:"[\\n]",rB:!0,c:[{cN:"title",b:"\\b[a-zA-Z][a-zA-Z0-9_-]*"},{cN:"params",b:/\(/,e:/\)/,c:[o,t,e.ASM,e.CSSNM,e.NM,e.QSM]}]},{cN:"attribute",b:"\\b("+l.reverse().join("|")+")\\b",starts:{e:/;|$/,c:[o,t,e.ASM,e.QSM,e.CSSNM,e.NM,e.CBCM],i:/\./,r:0}}]}});hljs.registerLanguage("tcl",function(e){return{aliases:["tk"],k:"after append apply array auto_execok auto_import auto_load auto_mkindex auto_mkindex_old auto_qualify auto_reset bgerror binary break catch cd chan clock close concat continue dde dict encoding eof error eval exec exit expr fblocked fconfigure fcopy file fileevent filename flush for foreach format gets glob global history http if incr info interp join lappend|10 lassign|10 lindex|10 linsert|10 list llength|10 load lrange|10 lrepeat|10 lreplace|10 lreverse|10 lsearch|10 lset|10 lsort|10 mathfunc mathop memory msgcat namespace open package parray pid pkg::create pkg_mkIndex platform platform::shell proc puts pwd read refchan regexp registry regsub|10 rename return safe scan seek set socket source split string subst switch tcl_endOfWord tcl_findLibrary tcl_startOfNextWord tcl_startOfPreviousWord tcl_wordBreakAfter tcl_wordBreakBefore tcltest tclvars tell time tm trace unknown unload unset update uplevel upvar variable vwait while",c:[e.C(";[ \\t]*#","$"),e.C("^[ \\t]*#","$"),{bK:"proc",e:"[\\{]",eE:!0,c:[{cN:"title",b:"[ \\t\\n\\r]+(::)?[a-zA-Z_]((::)?[a-zA-Z0-9_])*",e:"[ \\t\\n\\r]",eW:!0,eE:!0}]},{eE:!0,v:[{b:"\\$(\\{)?(::)?[a-zA-Z_]((::)?[a-zA-Z0-9_])*\\(([a-zA-Z0-9_])*\\)",e:"[^a-zA-Z0-9_\\}\\$]"},{b:"\\$(\\{)?(::)?[a-zA-Z_]((::)?[a-zA-Z0-9_])*",e:"(\\))?[^a-zA-Z0-9_\\}\\$]"}]},{cN:"string",c:[e.BE],v:[e.inherit(e.ASM,{i:null}),e.inherit(e.QSM,{i:null})]},{cN:"number",v:[e.BNM,e.CNM]}]}});hljs.registerLanguage("elm",function(e){var i={v:[e.C("--","$"),e.C("{-","-}",{c:["self"]})]},t={cN:"type",b:"\\b[A-Z][\\w']*",r:0},c={b:"\\(",e:"\\)",i:'"',c:[{cN:"type",b:"\\b[A-Z][\\w]*(\\((\\.\\.|,|\\w+)\\))?"},i]},n={b:"{",e:"}",c:c.c};return{k:"let in if then else case of where module import exposing type alias as infix infixl infixr port effect command subscription",c:[{bK:"port effect module",e:"exposing",k:"port effect module where command subscription exposing",c:[c,i],i:"\\W\\.|;"},{b:"import",e:"$",k:"import as exposing",c:[c,i],i:"\\W\\.|;"},{b:"type",e:"$",k:"type alias",c:[t,c,n,i]},{bK:"infix infixl infixr",e:"$",c:[e.CNM,i]},{b:"port",e:"$",k:"port",c:[i]},e.QSM,e.CNM,t,e.inherit(e.TM,{b:"^[_a-z][\\w']*"}),i,{b:"->|<-"}],i:/;/}});hljs.registerLanguage("fortran",function(e){var t={cN:"params",b:"\\(",e:"\\)"},n={literal:".False. .True.",keyword:"kind do while private call intrinsic where elsewhere type endtype endmodule endselect endinterface end enddo endif if forall endforall only contains default return stop then public subroutine|10 function program .and. .or. .not. .le. .eq. .ge. .gt. .lt. goto save else use module select case access blank direct exist file fmt form formatted iostat name named nextrec number opened rec recl sequential status unformatted unit continue format pause cycle exit c_null_char c_alert c_backspace c_form_feed flush wait decimal round iomsg synchronous nopass non_overridable pass protected volatile abstract extends import non_intrinsic value deferred generic final enumerator class associate bind enum c_int c_short c_long c_long_long c_signed_char c_size_t c_int8_t c_int16_t c_int32_t c_int64_t c_int_least8_t c_int_least16_t c_int_least32_t c_int_least64_t c_int_fast8_t c_int_fast16_t c_int_fast32_t c_int_fast64_t c_intmax_t C_intptr_t c_float c_double c_long_double c_float_complex c_double_complex c_long_double_complex c_bool c_char c_null_ptr c_null_funptr c_new_line c_carriage_return c_horizontal_tab c_vertical_tab iso_c_binding c_loc c_funloc c_associated c_f_pointer c_ptr c_funptr iso_fortran_env character_storage_size error_unit file_storage_size input_unit iostat_end iostat_eor numeric_storage_size output_unit c_f_procpointer ieee_arithmetic ieee_support_underflow_control ieee_get_underflow_mode ieee_set_underflow_mode newunit contiguous recursive pad position action delim readwrite eor advance nml interface procedure namelist include sequence elemental pure integer real character complex logical dimension allocatable|10 parameter external implicit|10 none double precision assign intent optional pointer target in out common equivalence data",built_in:"alog alog10 amax0 amax1 amin0 amin1 amod cabs ccos cexp clog csin csqrt dabs dacos dasin datan datan2 dcos dcosh ddim dexp dint dlog dlog10 dmax1 dmin1 dmod dnint dsign dsin dsinh dsqrt dtan dtanh float iabs idim idint idnint ifix isign max0 max1 min0 min1 sngl algama cdabs cdcos cdexp cdlog cdsin cdsqrt cqabs cqcos cqexp cqlog cqsin cqsqrt dcmplx dconjg derf derfc dfloat dgamma dimag dlgama iqint qabs qacos qasin qatan qatan2 qcmplx qconjg qcos qcosh qdim qerf qerfc qexp qgamma qimag qlgama qlog qlog10 qmax1 qmin1 qmod qnint qsign qsin qsinh qsqrt qtan qtanh abs acos aimag aint anint asin atan atan2 char cmplx conjg cos cosh exp ichar index int log log10 max min nint sign sin sinh sqrt tan tanh print write dim lge lgt lle llt mod nullify allocate deallocate adjustl adjustr all allocated any associated bit_size btest ceiling count cshift date_and_time digits dot_product eoshift epsilon exponent floor fraction huge iand ibclr ibits ibset ieor ior ishft ishftc lbound len_trim matmul maxexponent maxloc maxval merge minexponent minloc minval modulo mvbits nearest pack present product radix random_number random_seed range repeat reshape rrspacing scale scan selected_int_kind selected_real_kind set_exponent shape size spacing spread sum system_clock tiny transpose trim ubound unpack verify achar iachar transfer dble entry dprod cpu_time command_argument_count get_command get_command_argument get_environment_variable is_iostat_end ieee_arithmetic ieee_support_underflow_control ieee_get_underflow_mode ieee_set_underflow_mode is_iostat_eor move_alloc new_line selected_char_kind same_type_as extends_type_ofacosh asinh atanh bessel_j0 bessel_j1 bessel_jn bessel_y0 bessel_y1 bessel_yn erf erfc erfc_scaled gamma log_gamma hypot norm2 atomic_define atomic_ref execute_command_line leadz trailz storage_size merge_bits bge bgt ble blt dshiftl dshiftr findloc iall iany iparity image_index lcobound ucobound maskl maskr num_images parity popcnt poppar shifta shiftl shiftr this_image"};return{cI:!0,aliases:["f90","f95"],k:n,i:/\/\*/,c:[e.inherit(e.ASM,{cN:"string",r:0}),e.inherit(e.QSM,{cN:"string",r:0}),{cN:"function",bK:"subroutine function program",i:"[${=\\n]",c:[e.UTM,t]},e.C("!","$",{r:0}),{cN:"number",b:"(?=\\b|\\+|\\-|\\.)(?=\\.\\d|\\d)(?:\\d+)?(?:\\.?\\d*)(?:[de][+-]?\\d+)?\\b\\.?",r:0}]}});hljs.registerLanguage("livecodeserver",function(e){var r={b:"\\b[gtps][A-Z]+[A-Za-z0-9_\\-]*\\b|\\$_[A-Z]+",r:0},t=[e.CBCM,e.HCM,e.C("--","$"),e.C("[^:]//","$")],a=e.inherit(e.TM,{v:[{b:"\\b_*rig[A-Z]+[A-Za-z0-9_\\-]*"},{b:"\\b_[a-z0-9\\-]+"}]}),o=e.inherit(e.TM,{b:"\\b([A-Za-z0-9_\\-]+)\\b"});return{cI:!1,k:{keyword:"$_COOKIE $_FILES $_GET $_GET_BINARY $_GET_RAW $_POST $_POST_BINARY $_POST_RAW $_SESSION $_SERVER codepoint codepoints segment segments codeunit codeunits sentence sentences trueWord trueWords paragraph after byte bytes english the until http forever descending using line real8 with seventh for stdout finally element word words fourth before black ninth sixth characters chars stderr uInt1 uInt1s uInt2 uInt2s stdin string lines relative rel any fifth items from middle mid at else of catch then third it file milliseconds seconds second secs sec int1 int1s int4 int4s internet int2 int2s normal text item last long detailed effective uInt4 uInt4s repeat end repeat URL in try into switch to words https token binfile each tenth as ticks tick system real4 by dateItems without char character ascending eighth whole dateTime numeric short first ftp integer abbreviated abbr abbrev private case while if div mod wrap and or bitAnd bitNot bitOr bitXor among not in a an within contains ends with begins the keys of keys",literal:"SIX TEN FORMFEED NINE ZERO NONE SPACE FOUR FALSE COLON CRLF PI COMMA ENDOFFILE EOF EIGHT FIVE QUOTE EMPTY ONE TRUE RETURN CR LINEFEED RIGHT BACKSLASH NULL SEVEN TAB THREE TWO six ten formfeed nine zero none space four false colon crlf pi comma endoffile eof eight five quote empty one true return cr linefeed right backslash null seven tab three two RIVERSION RISTATE FILE_READ_MODE FILE_WRITE_MODE FILE_WRITE_MODE DIR_WRITE_MODE FILE_READ_UMASK FILE_WRITE_UMASK DIR_READ_UMASK DIR_WRITE_UMASK",built_in:"put abs acos aliasReference annuity arrayDecode arrayEncode asin atan atan2 average avg avgDev base64Decode base64Encode baseConvert binaryDecode binaryEncode byteOffset byteToNum cachedURL cachedURLs charToNum cipherNames codepointOffset codepointProperty codepointToNum codeunitOffset commandNames compound compress constantNames cos date dateFormat decompress directories diskSpace DNSServers exp exp1 exp2 exp10 extents files flushEvents folders format functionNames geometricMean global globals hasMemory harmonicMean hostAddress hostAddressToName hostName hostNameToAddress isNumber ISOToMac itemOffset keys len length libURLErrorData libUrlFormData libURLftpCommand libURLLastHTTPHeaders libURLLastRHHeaders libUrlMultipartFormAddPart libUrlMultipartFormData libURLVersion lineOffset ln ln1 localNames log log2 log10 longFilePath lower macToISO matchChunk matchText matrixMultiply max md5Digest median merge millisec millisecs millisecond milliseconds min monthNames nativeCharToNum normalizeText num number numToByte numToChar numToCodepoint numToNativeChar offset open openfiles openProcesses openProcessIDs openSockets paragraphOffset paramCount param params peerAddress pendingMessages platform popStdDev populationStandardDeviation populationVariance popVariance processID random randomBytes replaceText result revCreateXMLTree revCreateXMLTreeFromFile revCurrentRecord revCurrentRecordIsFirst revCurrentRecordIsLast revDatabaseColumnCount revDatabaseColumnIsNull revDatabaseColumnLengths revDatabaseColumnNames revDatabaseColumnNamed revDatabaseColumnNumbered revDatabaseColumnTypes revDatabaseConnectResult revDatabaseCursors revDatabaseID revDatabaseTableNames revDatabaseType revDataFromQuery revdb_closeCursor revdb_columnbynumber revdb_columncount revdb_columnisnull revdb_columnlengths revdb_columnnames revdb_columntypes revdb_commit revdb_connect revdb_connections revdb_connectionerr revdb_currentrecord revdb_cursorconnection revdb_cursorerr revdb_cursors revdb_dbtype revdb_disconnect revdb_execute revdb_iseof revdb_isbof revdb_movefirst revdb_movelast revdb_movenext revdb_moveprev revdb_query revdb_querylist revdb_recordcount revdb_rollback revdb_tablenames revGetDatabaseDriverPath revNumberOfRecords revOpenDatabase revOpenDatabases revQueryDatabase revQueryDatabaseBlob revQueryResult revQueryIsAtStart revQueryIsAtEnd revUnixFromMacPath revXMLAttribute revXMLAttributes revXMLAttributeValues revXMLChildContents revXMLChildNames revXMLCreateTreeFromFileWithNamespaces revXMLCreateTreeWithNamespaces revXMLDataFromXPathQuery revXMLEvaluateXPath revXMLFirstChild revXMLMatchingNode revXMLNextSibling revXMLNodeContents revXMLNumberOfChildren revXMLParent revXMLPreviousSibling revXMLRootNode revXMLRPC_CreateRequest revXMLRPC_Documents revXMLRPC_Error revXMLRPC_GetHost revXMLRPC_GetMethod revXMLRPC_GetParam revXMLText revXMLRPC_Execute revXMLRPC_GetParamCount revXMLRPC_GetParamNode revXMLRPC_GetParamType revXMLRPC_GetPath revXMLRPC_GetPort revXMLRPC_GetProtocol revXMLRPC_GetRequest revXMLRPC_GetResponse revXMLRPC_GetSocket revXMLTree revXMLTrees revXMLValidateDTD revZipDescribeItem revZipEnumerateItems revZipOpenArchives round sampVariance sec secs seconds sentenceOffset sha1Digest shell shortFilePath sin specialFolderPath sqrt standardDeviation statRound stdDev sum sysError systemVersion tan tempName textDecode textEncode tick ticks time to tokenOffset toLower toUpper transpose truewordOffset trunc uniDecode uniEncode upper URLDecode URLEncode URLStatus uuid value variableNames variance version waitDepth weekdayNames wordOffset xsltApplyStylesheet xsltApplyStylesheetFromFile xsltLoadStylesheet xsltLoadStylesheetFromFile add breakpoint cancel clear local variable file word line folder directory URL close socket process combine constant convert create new alias folder directory decrypt delete variable word line folder directory URL dispatch divide do encrypt filter get include intersect kill libURLDownloadToFile libURLFollowHttpRedirects libURLftpUpload libURLftpUploadFile libURLresetAll libUrlSetAuthCallback libURLSetCustomHTTPHeaders libUrlSetExpect100 libURLSetFTPListCommand libURLSetFTPMode libURLSetFTPStopTime libURLSetStatusCallback load multiply socket prepare process post seek rel relative read from process rename replace require resetAll resolve revAddXMLNode revAppendXML revCloseCursor revCloseDatabase revCommitDatabase revCopyFile revCopyFolder revCopyXMLNode revDeleteFolder revDeleteXMLNode revDeleteAllXMLTrees revDeleteXMLTree revExecuteSQL revGoURL revInsertXMLNode revMoveFolder revMoveToFirstRecord revMoveToLastRecord revMoveToNextRecord revMoveToPreviousRecord revMoveToRecord revMoveXMLNode revPutIntoXMLNode revRollBackDatabase revSetDatabaseDriverPath revSetXMLAttribute revXMLRPC_AddParam revXMLRPC_DeleteAllDocuments revXMLAddDTD revXMLRPC_Free revXMLRPC_FreeAll revXMLRPC_DeleteDocument revXMLRPC_DeleteParam revXMLRPC_SetHost revXMLRPC_SetMethod revXMLRPC_SetPort revXMLRPC_SetProtocol revXMLRPC_SetSocket revZipAddItemWithData revZipAddItemWithFile revZipAddUncompressedItemWithData revZipAddUncompressedItemWithFile revZipCancel revZipCloseArchive revZipDeleteItem revZipExtractItemToFile revZipExtractItemToVariable revZipSetProgressCallback revZipRenameItem revZipReplaceItemWithData revZipReplaceItemWithFile revZipOpenArchive send set sort split start stop subtract union unload wait write"},c:[r,{cN:"keyword",b:"\\bend\\sif\\b"},{cN:"function",bK:"function",e:"$",c:[r,o,e.ASM,e.QSM,e.BNM,e.CNM,a]},{cN:"function",b:"\\bend\\s+",e:"$",k:"end",c:[o,a],r:0},{bK:"command on",e:"$",c:[r,o,e.ASM,e.QSM,e.BNM,e.CNM,a]},{cN:"meta",v:[{b:"<\\?(rev|lc|livecode)",r:10},{b:"<\\?"},{b:"\\?>"}]},e.ASM,e.QSM,e.BNM,e.CNM,a].concat(t),i:";$|^\\[|^=|&|{"}});hljs.registerLanguage("nix",function(e){var r={keyword:"rec with let in inherit assert if else then",literal:"true false or and null",built_in:"import abort baseNameOf dirOf isNull builtins map removeAttrs throw toString derivation"},t={cN:"subst",b:/\$\{/,e:/}/,k:r},i={b:/[a-zA-Z0-9-_]+(\s*=)/,rB:!0,r:0,c:[{cN:"attr",b:/\S+/}]},s={cN:"string",c:[t],v:[{b:"''",e:"''"},{b:'"',e:'"'}]},a=[e.NM,e.HCM,e.CBCM,s,i];return t.c=a,{aliases:["nixos"],k:r,c:a}});hljs.registerLanguage("actionscript",function(e){var a="[a-zA-Z_$][a-zA-Z0-9_$]*",t="([*]|[a-zA-Z_$][a-zA-Z0-9_$]*)",c={cN:"rest_arg",b:"[.]{3}",e:a,r:10};return{aliases:["as"],k:{keyword:"as break case catch class const continue default delete do dynamic each else extends final finally for function get if implements import in include instanceof interface internal is namespace native new override package private protected public return set static super switch this throw try typeof use var void while with",literal:"true false null undefined"},c:[e.ASM,e.QSM,e.CLCM,e.CBCM,e.CNM,{cN:"class",bK:"package",e:"{",c:[e.TM]},{cN:"class",bK:"class interface",e:"{",eE:!0,c:[{bK:"extends implements"},e.TM]},{cN:"meta",bK:"import include",e:";",k:{"meta-keyword":"import include"}},{cN:"function",bK:"function",e:"[{;]",eE:!0,i:"\\S",c:[e.TM,{cN:"params",b:"\\(",e:"\\)",c:[e.ASM,e.QSM,e.CLCM,e.CBCM,c]},{b:":\\s*"+t}]},e.METHOD_GUARD],i:/#/}});hljs.registerLanguage("vhdl",function(e){var r="\\d(_|\\d)*",t="[eE][-+]?"+r,n=r+"(\\."+r+")?("+t+")?",o="\\w+",i=r+"#"+o+"(\\."+o+")?#("+t+")?",a="\\b("+i+"|"+n+")";return{cI:!0,k:{keyword:"abs access after alias all and architecture array assert assume assume_guarantee attribute begin block body buffer bus case component configuration constant context cover disconnect downto default else elsif end entity exit fairness file for force function generate generic group guarded if impure in inertial inout is label library linkage literal loop map mod nand new next nor not null of on open or others out package port postponed procedure process property protected pure range record register reject release rem report restrict restrict_guarantee return rol ror select sequence severity shared signal sla sll sra srl strong subtype then to transport type unaffected units until use variable vmode vprop vunit wait when while with xnor xor",built_in:"boolean bit character integer time delay_length natural positive string bit_vector file_open_kind file_open_status std_logic std_logic_vector unsigned signed boolean_vector integer_vector std_ulogic std_ulogic_vector unresolved_unsigned u_unsigned unresolved_signed u_signedreal_vector time_vector",literal:"false true note warning error failure line text side width"},i:"{",c:[e.CBCM,e.C("--","$"),e.QSM,{cN:"number",b:a,r:0},{cN:"string",b:"'(U|X|0|1|Z|W|L|H|-)'",c:[e.BE]},{cN:"symbol",b:"'[A-Za-z](_?[A-Za-z0-9])*",c:[e.BE]}]}});hljs.registerLanguage("haxe",function(e){var t="Int Float String Bool Dynamic Void Array ";return{aliases:["hx"],k:{keyword:"break case cast catch continue default do dynamic else enum extern for function here if import in inline never new override package private get set public return static super switch this throw trace try typedef untyped using var while "+t,built_in:"trace this",literal:"true false null _"},c:[{cN:"string",b:"'",e:"'",c:[e.BE,{cN:"subst",b:"\\$\\{",e:"\\}"},{cN:"subst",b:"\\$",e:"\\W}"}]},e.QSM,e.CLCM,e.CBCM,e.CNM,{cN:"meta",b:"@:",e:"$"},{cN:"meta",b:"#",e:"$",k:{"meta-keyword":"if else elseif end error"}},{cN:"type",b:":[ ]*",e:"[^A-Za-z0-9_ \\->]",eB:!0,eE:!0,r:0},{cN:"type",b:":[ ]*",e:"\\W",eB:!0,eE:!0},{cN:"type",b:"new *",e:"\\W",eB:!0,eE:!0},{cN:"class",bK:"enum",e:"\\{",c:[e.TM]},{cN:"class",bK:"abstract",e:"[\\{$]",c:[{cN:"type",b:"\\(",e:"\\)",eB:!0,eE:!0},{cN:"type",b:"from +",e:"\\W",eB:!0,eE:!0},{cN:"type",b:"to +",e:"\\W",eB:!0,eE:!0},e.TM],k:{keyword:"abstract from to"}},{cN:"class",b:"\\b(class|interface) +",e:"[\\{$]",eE:!0,k:"class interface",c:[{cN:"keyword",b:"\\b(extends|implements) +",k:"extends implements",c:[{cN:"type",b:e.IR,r:0}]},e.TM]},{cN:"function",bK:"function",e:"\\(",eE:!0,i:"\\S",c:[e.TM]}],i:/<\//}});hljs.registerLanguage("lasso",function(e){var r="[a-zA-Z_][\\w.]*",a="<\\?(lasso(script)?|=)",t="\\]|\\?>",n={literal:"true false none minimal full all void and or not bw nbw ew new cn ncn lt lte gt gte eq neq rx nrx ft",built_in:"array date decimal duration integer map pair string tag xml null boolean bytes keyword list locale queue set stack staticarray local var variable global data self inherited currentcapture givenblock",keyword:"cache database_names database_schemanames database_tablenames define_tag define_type email_batch encode_set html_comment handle handle_error header if inline iterate ljax_target link link_currentaction link_currentgroup link_currentrecord link_detail link_firstgroup link_firstrecord link_lastgroup link_lastrecord link_nextgroup link_nextrecord link_prevgroup link_prevrecord log loop namespace_using output_none portal private protect records referer referrer repeating resultset rows search_args search_arguments select sort_args sort_arguments thread_atomic value_list while abort case else fail_if fail_ifnot fail if_empty if_false if_null if_true loop_abort loop_continue loop_count params params_up return return_value run_children soap_definetag soap_lastrequest soap_lastresponse tag_name ascending average by define descending do equals frozen group handle_failure import in into join let match max min on order parent protected provide public require returnhome skip split_thread sum take thread to trait type where with yield yieldhome"},i=e.C("",{r:0}),s={cN:"meta",b:"\\[noprocess\\]",starts:{e:"\\[/noprocess\\]",rE:!0,c:[i]}},l={cN:"meta",b:"\\[/noprocess|"+a},o={cN:"symbol",b:"'"+r+"'"},c=[e.CLCM,e.CBCM,e.inherit(e.CNM,{b:e.CNR+"|(-?infinity|NaN)\\b"}),e.inherit(e.ASM,{i:null}),e.inherit(e.QSM,{i:null}),{cN:"string",b:"`",e:"`"},{v:[{b:"[#$]"+r},{b:"#",e:"\\d+",i:"\\W"}]},{cN:"type",b:"::\\s*",e:r,i:"\\W"},{cN:"params",v:[{b:"-(?!infinity)"+r,r:0},{b:"(\\.\\.\\.)"}]},{b:/(->|\.)\s*/,r:0,c:[o]},{cN:"class",bK:"define",rE:!0,e:"\\(|=>",c:[e.inherit(e.TM,{b:r+"(=(?!>))?|[-+*/%](?!>)"})]}];return{aliases:["ls","lassoscript"],cI:!0,l:r+"|&[lg]t;",k:n,c:[{cN:"meta",b:t,r:0,starts:{e:"\\[|"+a,rE:!0,r:0,c:[i]}},s,l,{cN:"meta",b:"\\[no_square_brackets",starts:{e:"\\[/no_square_brackets\\]",l:r+"|&[lg]t;",k:n,c:[{cN:"meta",b:t,r:0,starts:{e:"\\[noprocess\\]|"+a,rE:!0,c:[i]}},s,l].concat(c)}},{cN:"meta",b:"\\[",r:0},{cN:"meta",b:"^#!",e:"lasso9$",r:10}].concat(c)}});hljs.registerLanguage("go",function(e){var t={keyword:"break default func interface select case map struct chan else goto package switch const fallthrough if range type continue for import return var go defer bool byte complex64 complex128 float32 float64 int8 int16 int32 int64 string uint8 uint16 uint32 uint64 int uint uintptr rune",literal:"true false iota nil",built_in:"append cap close complex copy imag len make new panic print println real recover delete"};return{aliases:["golang"],k:t,i:"]",e:"[;{}]"},{b:t,e:"{"}],rB:!0,rE:!0,i:"[<='$\"]",r:0,c:[e.CLCM,e.CBCM,o,b("keyword","all\\b"),b("variable","@{"+r+"}"),b("selector-tag",t+"%?",0),b("selector-id","#"+t),b("selector-class","\\."+t,0),b("selector-tag","&",0),{cN:"selector-attr",b:"\\[",e:"\\]"},{cN:"selector-pseudo",b:/:(:)?[a-zA-Z0-9\_\-\+\(\)"'.]+/},{b:"\\(",e:"\\)",c:i},{b:"!important"}]};return a.push(e.CLCM,e.CBCM,l,C,u,p),{cI:!0,i:"[=>'/<($\"]",c:a}});hljs.registerLanguage("monkey",function(e){var n={cN:"number",r:0,v:[{b:"[$][a-fA-F0-9]+"},e.NM]};return{cI:!0,k:{keyword:"public private property continue exit extern new try catch eachin not abstract final select case default const local global field end if then else elseif endif while wend repeat until forever for to step next return module inline throw import",built_in:"DebugLog DebugStop Error Print ACos ACosr ASin ASinr ATan ATan2 ATan2r ATanr Abs Abs Ceil Clamp Clamp Cos Cosr Exp Floor Log Max Max Min Min Pow Sgn Sgn Sin Sinr Sqrt Tan Tanr Seed PI HALFPI TWOPI",literal:"true false null and or shl shr mod"},i:/\/\*/,c:[e.C("#rem","#end"),e.C("'","$",{r:0}),{cN:"function",bK:"function method",e:"[(=:]|$",i:/\n/,c:[e.UTM]},{cN:"class",bK:"class interface",e:"$",c:[{bK:"extends implements"},e.UTM]},{cN:"built_in",b:"\\b(self|super)\\b"},{cN:"meta",b:"\\s*#",e:"$",k:{"meta-keyword":"if else elseif endif end then"}},{cN:"meta",b:"^\\s*strict\\b"},{bK:"alias",e:"=",c:[e.UTM]},e.QSM,n]}});hljs.registerLanguage("clojure",function(e){var t={"builtin-name":"def defonce cond apply if-not if-let if not not= = < > <= >= == + / * - rem quot neg? pos? delay? symbol? keyword? true? false? integer? empty? coll? list? set? ifn? fn? associative? sequential? sorted? counted? reversible? number? decimal? class? distinct? isa? float? rational? reduced? ratio? odd? even? char? seq? vector? string? map? nil? contains? zero? instance? not-every? not-any? libspec? -> ->> .. . inc compare do dotimes mapcat take remove take-while drop letfn drop-last take-last drop-while while intern condp case reduced cycle split-at split-with repeat replicate iterate range merge zipmap declare line-seq sort comparator sort-by dorun doall nthnext nthrest partition eval doseq await await-for let agent atom send send-off release-pending-sends add-watch mapv filterv remove-watch agent-error restart-agent set-error-handler error-handler set-error-mode! error-mode shutdown-agents quote var fn loop recur throw try monitor-enter monitor-exit defmacro defn defn- macroexpand macroexpand-1 for dosync and or when when-not when-let comp juxt partial sequence memoize constantly complement identity assert peek pop doto proxy defstruct first rest cons defprotocol cast coll deftype defrecord last butlast sigs reify second ffirst fnext nfirst nnext defmulti defmethod meta with-meta ns in-ns create-ns import refer keys select-keys vals key val rseq name namespace promise into transient persistent! conj! assoc! dissoc! pop! disj! use class type num float double short byte boolean bigint biginteger bigdec print-method print-dup throw-if printf format load compile get-in update-in pr pr-on newline flush read slurp read-line subvec with-open memfn time re-find re-groups rand-int rand mod locking assert-valid-fdecl alias resolve ref deref refset swap! reset! set-validator! compare-and-set! alter-meta! reset-meta! commute get-validator alter ref-set ref-history-count ref-min-history ref-max-history ensure sync io! new next conj set! to-array future future-call into-array aset gen-class reduce map filter find empty hash-map hash-set sorted-map sorted-map-by sorted-set sorted-set-by vec vector seq flatten reverse assoc dissoc list disj get union difference intersection extend extend-type extend-protocol int nth delay count concat chunk chunk-buffer chunk-append chunk-first chunk-rest max min dec unchecked-inc-int unchecked-inc unchecked-dec-inc unchecked-dec unchecked-negate unchecked-add-int unchecked-add unchecked-subtract-int unchecked-subtract chunk-next chunk-cons chunked-seq? prn vary-meta lazy-seq spread list* str find-keyword keyword symbol gensym force rationalize"},r="a-zA-Z_\\-!.?+*=<>&#'",n="["+r+"]["+r+"0-9/;:]*",a="[-+]?\\d+(\\.\\d+)?",o={b:n,r:0},s={cN:"number",b:a,r:0},i=e.inherit(e.QSM,{i:null}),c=e.C(";","$",{r:0}),d={cN:"literal",b:/\b(true|false|nil)\b/},l={b:"[\\[\\{]",e:"[\\]\\}]"},m={cN:"comment",b:"\\^"+n},p=e.C("\\^\\{","\\}"),u={cN:"symbol",b:"[:]{1,2}"+n},f={b:"\\(",e:"\\)"},h={eW:!0,r:0},y={k:t,l:n,cN:"name",b:n,starts:h},b=[f,i,m,p,c,u,l,s,d,o];return f.c=[e.C("comment",""),y,h],h.c=b,l.c=b,{aliases:["clj"],i:/\S/,c:[f,i,m,p,c,u,l,s,d]}});hljs.registerLanguage("clean",function(e){return{aliases:["clean","icl","dcl"],k:{keyword:"if let in with where case of class instance otherwise implementation definition system module from import qualified as special code inline foreign export ccall stdcall generic derive infix infixl infixr",literal:"True False"},c:[e.CLCM,e.CBCM,e.ASM,e.QSM,e.CNM,{b:"->|<-[|:]?|::|#!?|>>=|\\{\\||\\|\\}|:==|=:|\\.\\.|<>|`"}]}});hljs.registerLanguage("golo",function(e){return{k:{keyword:"println readln print import module function local return let var while for foreach times in case when match with break continue augment augmentation each find filter reduce if then else otherwise try catch finally raise throw orIfNull DynamicObject|10 DynamicVariable struct Observable map set vector list array",literal:"true false null"},c:[e.HCM,e.QSM,e.CNM,{cN:"meta",b:"@[A-Za-z]+"}]}});hljs.registerLanguage("livescript",function(e){var t={keyword:"in if for while finally new do return else break catch instanceof throw try this switch continue typeof delete debugger case default function var with then unless until loop of by when and or is isnt not it that otherwise from to til fallthrough super case default function var void const let enum export import native __hasProp __extends __slice __bind __indexOf",literal:"true false null undefined yes no on off it that void",built_in:"npm require console print module global window document"},s="[A-Za-z$_](?:-[0-9A-Za-z$_]|[0-9A-Za-z$_])*",n=e.inherit(e.TM,{b:s}),i={cN:"subst",b:/#\{/,e:/}/,k:t},r={cN:"subst",b:/#[A-Za-z$_]/,e:/(?:\-[0-9A-Za-z$_]|[0-9A-Za-z$_])*/,k:t},c=[e.BNM,{cN:"number",b:"(\\b0[xX][a-fA-F0-9_]+)|(\\b\\d(\\d|_\\d)*(\\.(\\d(\\d|_\\d)*)?)?(_*[eE]([-+]\\d(_\\d|\\d)*)?)?[_a-z]*)",r:0,starts:{e:"(\\s*/)?",r:0}},{cN:"string",v:[{b:/'''/,e:/'''/,c:[e.BE]},{b:/'/,e:/'/,c:[e.BE]},{b:/"""/,e:/"""/,c:[e.BE,i,r]},{b:/"/,e:/"/,c:[e.BE,i,r]},{b:/\\/,e:/(\s|$)/,eE:!0}]},{cN:"regexp",v:[{b:"//",e:"//[gim]*",c:[i,e.HCM]},{b:/\/(?![ *])(\\\/|.)*?\/[gim]*(?=\W|$)/}]},{b:"@"+s},{b:"``",e:"``",eB:!0,eE:!0,sL:"javascript"}];i.c=c;var a={cN:"params",b:"\\(",rB:!0,c:[{b:/\(/,e:/\)/,k:t,c:["self"].concat(c)}]};return{aliases:["ls"],k:t,i:/\/\*/,c:c.concat([e.C("\\/\\*","\\*\\/"),e.HCM,{cN:"function",c:[n,a],rB:!0,v:[{b:"("+s+"\\s*(?:=|:=)\\s*)?(\\(.*\\))?\\s*\\B\\->\\*?",e:"\\->\\*?"},{b:"("+s+"\\s*(?:=|:=)\\s*)?!?(\\(.*\\))?\\s*\\B[-~]{1,2}>\\*?",e:"[-~]{1,2}>\\*?"},{b:"("+s+"\\s*(?:=|:=)\\s*)?(\\(.*\\))?\\s*\\B!?[-~]{1,2}>\\*?",e:"!?[-~]{1,2}>\\*?"}]},{cN:"class",bK:"class",e:"$",i:/[:="\[\]]/,c:[{bK:"extends",eW:!0,i:/[:="\[\]]/,c:[n]},n]},{b:s+":",e:":",rB:!0,rE:!0,r:0}])}});hljs.registerLanguage("xml",function(s){var e="[A-Za-z0-9\\._:-]+",t={eW:!0,i:/`]+/}]}]}]};return{aliases:["html","xhtml","rss","atom","xjb","xsd","xsl","plist"],cI:!0,c:[{cN:"meta",b:"",r:10,c:[{b:"\\[",e:"\\]"}]},s.C("",{r:10}),{b:"<\\!\\[CDATA\\[",e:"\\]\\]>",r:10},{b:/<\?(php)?/,e:/\?>/,sL:"php",c:[{b:"/\\*",e:"\\*/",skip:!0}]},{cN:"tag",b:"|$)",e:">",k:{name:"style"},c:[t],starts:{e:"",rE:!0,sL:["css","xml"]}},{cN:"tag",b:"|$)",e:">",k:{name:"script"},c:[t],starts:{e:"",rE:!0,sL:["actionscript","javascript","handlebars","xml"]}},{cN:"meta",v:[{b:/<\?xml/,e:/\?>/,r:10},{b:/<\?\w+/,e:/\?>/}]},{cN:"tag",b:"",c:[{cN:"name",b:/[^\/><\s]+/,r:0},t]}]}});hljs.registerLanguage("vbscript",function(e){return{aliases:["vbs"],cI:!0,k:{keyword:"call class const dim do loop erase execute executeglobal exit for each next function if then else on error option explicit new private property let get public randomize redim rem select case set stop sub while wend with end to elseif is or xor and not class_initialize class_terminate default preserve in me byval byref step resume goto",built_in:"lcase month vartype instrrev ubound setlocale getobject rgb getref string weekdayname rnd dateadd monthname now day minute isarray cbool round formatcurrency conversions csng timevalue second year space abs clng timeserial fixs len asc isempty maths dateserial atn timer isobject filter weekday datevalue ccur isdate instr datediff formatdatetime replace isnull right sgn array snumeric log cdbl hex chr lbound msgbox ucase getlocale cos cdate cbyte rtrim join hour oct typename trim strcomp int createobject loadpicture tan formatnumber mid scriptenginebuildversion scriptengine split scriptengineminorversion cint sin datepart ltrim sqr scriptenginemajorversion time derived eval date formatpercent exp inputbox left ascw chrw regexp server response request cstr err",literal:"true false null nothing empty"},i:"//",c:[e.inherit(e.QSM,{c:[{b:'""'}]}),e.C(/'/,/$/,{r:0}),e.CNM]}});hljs.registerLanguage("vbscript-html",function(r){return{sL:"xml",c:[{b:"<%",e:"%>",sL:"vbscript"}]}});hljs.registerLanguage("typescript",function(e){var r={keyword:"in if for while finally var new function do return void else break catch instanceof with throw case default try this switch continue typeof delete let yield const class public private protected get set super static implements enum export import declare type namespace abstract as from extends async await",literal:"true false null undefined NaN Infinity",built_in:"eval isFinite isNaN parseFloat parseInt decodeURI decodeURIComponent encodeURI encodeURIComponent escape unescape Object Function Boolean Error EvalError InternalError RangeError ReferenceError StopIteration SyntaxError TypeError URIError Number Math Date String RegExp Array Float32Array Float64Array Int16Array Int32Array Int8Array Uint16Array Uint32Array Uint8Array Uint8ClampedArray ArrayBuffer DataView JSON Intl arguments require module console window document any number boolean string void Promise"};return{aliases:["ts"],k:r,c:[{cN:"meta",b:/^\s*['"]use strict['"]/},e.ASM,e.QSM,{cN:"string",b:"`",e:"`",c:[e.BE,{cN:"subst",b:"\\$\\{",e:"\\}"}]},e.CLCM,e.CBCM,{cN:"number",v:[{b:"\\b(0[bB][01]+)"},{b:"\\b(0[oO][0-7]+)"},{b:e.CNR}],r:0},{b:"("+e.RSR+"|\\b(case|return|throw)\\b)\\s*",k:"return throw case",c:[e.CLCM,e.CBCM,e.RM,{cN:"function",b:"(\\(.*?\\)|"+e.IR+")\\s*=>",rB:!0,e:"\\s*=>",c:[{cN:"params",v:[{b:e.IR},{b:/\(\s*\)/},{b:/\(/,e:/\)/,eB:!0,eE:!0,k:r,c:["self",e.CLCM,e.CBCM]}]}]}],r:0},{cN:"function",b:"function",e:/[\{;]/,eE:!0,k:r,c:["self",e.inherit(e.TM,{b:/[A-Za-z$_][0-9A-Za-z$_]*/}),{cN:"params",b:/\(/,e:/\)/,eB:!0,eE:!0,k:r,c:[e.CLCM,e.CBCM],i:/["'\(]/}],i:/%/,r:0},{bK:"constructor",e:/\{/,eE:!0,c:["self",{cN:"params",b:/\(/,e:/\)/,eB:!0,eE:!0,k:r,c:[e.CLCM,e.CBCM],i:/["'\(]/}]},{b:/module\./,k:{built_in:"module"},r:0},{bK:"module",e:/\{/,eE:!0},{bK:"interface",e:/\{/,eE:!0,k:"interface extends"},{b:/\$[(.]/},{b:"\\."+e.IR,r:0},{cN:"meta",b:"@[A-Za-z]+"}]}});hljs.registerLanguage("bnf",function(e){return{c:[{cN:"attribute",b://},{b:/::=/,starts:{e:/$/,c:[{b://},e.CLCM,e.CBCM,e.ASM,e.QSM]}}]}});hljs.registerLanguage("moonscript",function(e){var t={keyword:"if then not for in while do return else elseif break continue switch and or unless when class extends super local import export from using",literal:"true false nil",built_in:"_G _VERSION assert collectgarbage dofile error getfenv getmetatable ipairs load loadfile loadstring module next pairs pcall print rawequal rawget rawset require select setfenv setmetatable tonumber tostring type unpack xpcall coroutine debug io math os package string table"},r="[A-Za-z$_][0-9A-Za-z$_]*",s={cN:"subst",b:/#\{/,e:/}/,k:t},a=[e.inherit(e.CNM,{starts:{e:"(\\s*/)?",r:0}}),{cN:"string",v:[{b:/'/,e:/'/,c:[e.BE]},{b:/"/,e:/"/,c:[e.BE,s]}]},{cN:"built_in",b:"@__"+e.IR},{b:"@"+e.IR},{b:e.IR+"\\\\"+e.IR}];s.c=a;var c=e.inherit(e.TM,{b:r}),n="(\\(.*\\))?\\s*\\B[-=]>",i={cN:"params",b:"\\([^\\(]",rB:!0,c:[{b:/\(/,e:/\)/,k:t,c:["self"].concat(a)}]};return{aliases:["moon"],k:t,i:/\/\*/,c:a.concat([e.C("--","$"),{cN:"function",b:"^\\s*"+r+"\\s*=\\s*"+n,e:"[-=]>",rB:!0,c:[c,i]},{b:/[\(,:=]\s*/,r:0,c:[{cN:"function",b:n,e:"[-=]>",rB:!0,c:[i]}]},{cN:"class",bK:"class",e:"$",i:/[:="\[\]]/,c:[{bK:"extends",eW:!0,i:/[:="\[\]]/,c:[c]},c]},{cN:"name",b:r+":",e:":",rB:!0,rE:!0,r:0}])}});hljs.registerLanguage("java",function(e){var a="[À-ʸa-zA-Z_$][À-ʸa-zA-Z_$0-9]*",t=a+"(<"+a+"(\\s*,\\s*"+a+")*>)?",r="false synchronized int abstract float private char boolean static null if const for true while long strictfp finally protected import native final void enum else break transient catch instanceof byte super volatile case assert short package default double public try this switch continue throws protected public private module requires exports do",s="\\b(0[bB]([01]+[01_]+[01]+|[01]+)|0[xX]([a-fA-F0-9]+[a-fA-F0-9_]+[a-fA-F0-9]+|[a-fA-F0-9]+)|(([\\d]+[\\d_]+[\\d]+|[\\d]+)(\\.([\\d]+[\\d_]+[\\d]+|[\\d]+))?|\\.([\\d]+[\\d_]+[\\d]+|[\\d]+))([eE][-+]?\\d+)?)[lLfF]?",c={cN:"number",b:s,r:0};return{aliases:["jsp"],k:r,i:/<\/|#/,c:[e.C("/\\*\\*","\\*/",{r:0,c:[{b:/\w+@/,r:0},{cN:"doctag",b:"@[A-Za-z]+"}]}),e.CLCM,e.CBCM,e.ASM,e.QSM,{cN:"class",bK:"class interface",e:/[{;=]/,eE:!0,k:"class interface",i:/[:"\[\]]/,c:[{bK:"extends implements"},e.UTM]},{bK:"new throw return else",r:0},{cN:"function",b:"("+t+"\\s+)+"+e.UIR+"\\s*\\(",rB:!0,e:/[{;=]/,eE:!0,k:r,c:[{b:e.UIR+"\\s*\\(",rB:!0,r:0,c:[e.UTM]},{cN:"params",b:/\(/,e:/\)/,k:r,r:0,c:[e.ASM,e.QSM,e.CNM,e.CBCM]},e.CLCM,e.CBCM]},c,{cN:"meta",b:"@[A-Za-z]+"}]}});hljs.registerLanguage("fsharp",function(e){var t={b:"<",e:">",c:[e.inherit(e.TM,{b:/'[a-zA-Z0-9_]+/})]};return{aliases:["fs"],k:"abstract and as assert base begin class default delegate do done downcast downto elif else end exception extern false finally for fun function global if in inherit inline interface internal lazy let match member module mutable namespace new null of open or override private public rec return sig static struct then to true try type upcast use val void when while with yield",i:/\/\*/,c:[{cN:"keyword",b:/\b(yield|return|let|do)!/},{cN:"string",b:'@"',e:'"',c:[{b:'""'}]},{cN:"string",b:'"""',e:'"""'},e.C("\\(\\*","\\*\\)"),{cN:"class",bK:"type",e:"\\(|=|$",eE:!0,c:[e.UTM,t]},{cN:"meta",b:"\\[<",e:">\\]",r:10},{cN:"symbol",b:"\\B('[A-Za-z])\\b",c:[e.BE]},e.CLCM,e.inherit(e.QSM,{i:null}),e.CNM]}});hljs.registerLanguage("cpp",function(t){var e={cN:"keyword",b:"\\b[a-z\\d_]*_t\\b"},r={cN:"string",v:[{b:'(u8?|U)?L?"',e:'"',i:"\\n",c:[t.BE]},{b:'(u8?|U)?R"',e:'"',c:[t.BE]},{b:"'\\\\?.",e:"'",i:"."}]},s={cN:"number",v:[{b:"\\b(0b[01']+)"},{b:"(-?)\\b([\\d']+(\\.[\\d']*)?|\\.[\\d']+)(u|U|l|L|ul|UL|f|F|b|B)"},{b:"(-?)(\\b0[xX][a-fA-F0-9']+|(\\b[\\d']+(\\.[\\d']*)?|\\.[\\d']+)([eE][-+]?[\\d']+)?)"}],r:0},i={cN:"meta",b:/#\s*[a-z]+\b/,e:/$/,k:{"meta-keyword":"if else elif endif define undef warning error line pragma ifdef ifndef include"},c:[{b:/\\\n/,r:0},t.inherit(r,{cN:"meta-string"}),{cN:"meta-string",b:/<[^\n>]*>/,e:/$/,i:"\\n"},t.CLCM,t.CBCM]},a=t.IR+"\\s*\\(",c={keyword:"int float while private char catch import module export virtual operator sizeof dynamic_cast|10 typedef const_cast|10 const for static_cast|10 union namespace unsigned long volatile static protected bool template mutable if public friend do goto auto void enum else break extern using asm case typeid short reinterpret_cast|10 default double register explicit signed typename try this switch continue inline delete alignof constexpr decltype noexcept static_assert thread_local restrict _Bool complex _Complex _Imaginary atomic_bool atomic_char atomic_schar atomic_uchar atomic_short atomic_ushort atomic_int atomic_uint atomic_long atomic_ulong atomic_llong atomic_ullong new throw return and or not",built_in:"std string cin cout cerr clog stdin stdout stderr stringstream istringstream ostringstream auto_ptr deque list queue stack vector map set bitset multiset multimap unordered_set unordered_map unordered_multiset unordered_multimap array shared_ptr abort abs acos asin atan2 atan calloc ceil cosh cos exit exp fabs floor fmod fprintf fputs free frexp fscanf isalnum isalpha iscntrl isdigit isgraph islower isprint ispunct isspace isupper isxdigit tolower toupper labs ldexp log10 log malloc realloc memchr memcmp memcpy memset modf pow printf putchar puts scanf sinh sin snprintf sprintf sqrt sscanf strcat strchr strcmp strcpy strcspn strlen strncat strncmp strncpy strpbrk strrchr strspn strstr tanh tan vfprintf vprintf vsprintf endl initializer_list unique_ptr",literal:"true false nullptr NULL"},n=[e,t.CLCM,t.CBCM,s,r];return{aliases:["c","cc","h","c++","h++","hpp"],k:c,i:"",k:c,c:["self",e]},{b:t.IR+"::",k:c},{v:[{b:/=/,e:/;/},{b:/\(/,e:/\)/},{bK:"new throw return else",e:/;/}],k:c,c:n.concat([{b:/\(/,e:/\)/,k:c,c:n.concat(["self"]),r:0}]),r:0},{cN:"function",b:"("+t.IR+"[\\*&\\s]+)+"+a,rB:!0,e:/[{;=]/,eE:!0,k:c,i:/[^\w\s\*&]/,c:[{b:a,rB:!0,c:[t.TM],r:0},{cN:"params",b:/\(/,e:/\)/,k:c,r:0,c:[t.CLCM,t.CBCM,r,s,e]},t.CLCM,t.CBCM,i]},{cN:"class",bK:"class struct",e:/[{;:]/,c:[{b://,c:["self"]},t.TM]}]),exports:{preprocessor:i,strings:r,k:c}}});hljs.registerLanguage("lua",function(e){var t="\\[=*\\[",a="\\]=*\\]",r={b:t,e:a,c:["self"]},n=[e.C("--(?!"+t+")","$"),e.C("--"+t,a,{c:[r],r:10})];return{l:e.UIR,k:{literal:"true false nil",keyword:"and break do else elseif end for goto if in local not or repeat return then until while",built_in:"_G _ENV _VERSION __index __newindex __mode __call __metatable __tostring __len __gc __add __sub __mul __div __mod __pow __concat __unm __eq __lt __le assert collectgarbage dofile error getfenv getmetatable ipairs load loadfile loadstringmodule next pairs pcall print rawequal rawget rawset require select setfenvsetmetatable tonumber tostring type unpack xpcall arg selfcoroutine resume yield status wrap create running debug getupvalue debug sethook getmetatable gethook setmetatable setlocal traceback setfenv getinfo setupvalue getlocal getregistry getfenv io lines write close flush open output type read stderr stdin input stdout popen tmpfile math log max acos huge ldexp pi cos tanh pow deg tan cosh sinh random randomseed frexp ceil floor rad abs sqrt modf asin min mod fmod log10 atan2 exp sin atan os exit setlocale date getenv difftime remove time clock tmpname rename execute package preload loadlib loaded loaders cpath config path seeall string sub upper len gfind rep find match char dump gmatch reverse byte format gsub lower table setn insert getn foreachi maxn foreach concat sort remove"},c:n.concat([{cN:"function",bK:"function",e:"\\)",c:[e.inherit(e.TM,{b:"([_a-zA-Z]\\w*\\.)*([_a-zA-Z]\\w*:)?[_a-zA-Z]\\w*"}),{cN:"params",b:"\\(",eW:!0,c:n}].concat(n)},e.CNM,e.ASM,e.QSM,{cN:"string",b:t,e:a,c:[r],r:5}])}});hljs.registerLanguage("erlang",function(e){var r="[a-z'][a-zA-Z0-9_']*",c="("+r+":"+r+"|"+r+")",b={keyword:"after and andalso|10 band begin bnot bor bsl bzr bxor case catch cond div end fun if let not of orelse|10 query receive rem try when xor",literal:"false true"},i=e.C("%","$"),n={cN:"number",b:"\\b(\\d+#[a-fA-F0-9]+|\\d+(\\.\\d+)?([eE][-+]?\\d+)?)",r:0},a={b:"fun\\s+"+r+"/\\d+"},d={b:c+"\\(",e:"\\)",rB:!0,r:0,c:[{b:c,r:0},{b:"\\(",e:"\\)",eW:!0,rE:!0,r:0}]},o={b:"{",e:"}",r:0},t={b:"\\b_([A-Z][A-Za-z0-9_]*)?",r:0},f={b:"[A-Z][a-zA-Z0-9_]*",r:0},l={b:"#"+e.UIR,r:0,rB:!0,c:[{b:"#"+e.UIR,r:0},{b:"{",e:"}",r:0}]},s={bK:"fun receive if try case",e:"end",k:b};s.c=[i,a,e.inherit(e.ASM,{cN:""}),s,d,e.QSM,n,o,t,f,l];var u=[i,a,s,d,e.QSM,n,o,t,f,l];d.c[1].c=u,o.c=u,l.c[1].c=u;var h={cN:"params",b:"\\(",e:"\\)",c:u};return{aliases:["erl"],k:b,i:"(",rB:!0,i:"\\(|#|//|/\\*|\\\\|:|;",c:[h,e.inherit(e.TM,{b:r})],starts:{e:";|\\.",k:b,c:u}},i,{b:"^-",e:"\\.",r:0,eE:!0,rB:!0,l:"-"+e.IR,k:"-module -record -undef -export -ifdef -ifndef -author -copyright -doc -vsn -import -include -include_lib -compile -define -else -endif -file -behaviour -behavior -spec",c:[h]},n,e.QSM,l,t,f,o,{b:/\.$/}]}});hljs.registerLanguage("htmlbars",function(e){var a="action collection component concat debugger each each-in else get hash if input link-to loc log mut outlet partial query-params render textarea unbound unless with yield view",t={i:/\}\}/,b:/[a-zA-Z0-9_]+=/,rB:!0,r:0,c:[{cN:"attr",b:/[a-zA-Z0-9_]+/}]},i=({i:/\}\}/,b:/\)/,e:/\)/,c:[{b:/[a-zA-Z\.\-]+/,k:{built_in:a},starts:{eW:!0,r:0,c:[e.QSM]}}]},{eW:!0,r:0,k:{keyword:"as",built_in:a},c:[e.QSM,t,e.NM]});return{cI:!0,sL:"xml",c:[e.C("{{!(--)?","(--)?}}"),{cN:"template-tag",b:/\{\{[#\/]/,e:/\}\}/,c:[{cN:"name",b:/[a-zA-Z\.\-]+/,k:{"builtin-name":a},starts:i}]},{cN:"template-variable",b:/\{\{[a-zA-Z][a-zA-Z\-]+/,e:/\}\}/,k:{keyword:"as",built_in:a},c:[e.QSM]}]}});hljs.registerLanguage("ruby",function(e){var b="[a-zA-Z_]\\w*[!?=]?|[-+~]\\@|<<|>>|=~|===?|<=>|[<>]=?|\\*\\*|[-/+%^&*~`|]|\\[\\]=?",r={keyword:"and then defined module in return redo if BEGIN retry end for self when next until do begin unless END rescue else break undef not super class case require yield alias while ensure elsif or include attr_reader attr_writer attr_accessor",literal:"true false nil"},c={cN:"doctag",b:"@[A-Za-z]+"},a={b:"#<",e:">"},s=[e.C("#","$",{c:[c]}),e.C("^\\=begin","^\\=end",{c:[c],r:10}),e.C("^__END__","\\n$")],n={cN:"subst",b:"#\\{",e:"}",k:r},t={cN:"string",c:[e.BE,n],v:[{b:/'/,e:/'/},{b:/"/,e:/"/},{b:/`/,e:/`/},{b:"%[qQwWx]?\\(",e:"\\)"},{b:"%[qQwWx]?\\[",e:"\\]"},{b:"%[qQwWx]?{",e:"}"},{b:"%[qQwWx]?<",e:">"},{b:"%[qQwWx]?/",e:"/"},{b:"%[qQwWx]?%",e:"%"},{b:"%[qQwWx]?-",e:"-"},{b:"%[qQwWx]?\\|",e:"\\|"},{b:/\B\?(\\\d{1,3}|\\x[A-Fa-f0-9]{1,2}|\\u[A-Fa-f0-9]{4}|\\?\S)\b/},{b:/<<(-?)\w+$/,e:/^\s*\w+$/}]},i={cN:"params",b:"\\(",e:"\\)",endsParent:!0,k:r},d=[t,a,{cN:"class",bK:"class module",e:"$|;",i:/=/,c:[e.inherit(e.TM,{b:"[A-Za-z_]\\w*(::\\w+)*(\\?|\\!)?"}),{b:"<\\s*",c:[{b:"("+e.IR+"::)?"+e.IR}]}].concat(s)},{cN:"function",bK:"def",e:"$|;",c:[e.inherit(e.TM,{b:b}),i].concat(s)},{b:e.IR+"::"},{cN:"symbol",b:e.UIR+"(\\!|\\?)?:",r:0},{cN:"symbol",b:":(?!\\s)",c:[t,{b:b}],r:0},{cN:"number",b:"(\\b0[0-7_]+)|(\\b0x[0-9a-fA-F_]+)|(\\b[1-9][0-9_]*(\\.[0-9_]+)?)|[0_]\\b",r:0},{b:"(\\$\\W)|((\\$|\\@\\@?)(\\w+))"},{cN:"params",b:/\|/,e:/\|/,k:r},{b:"("+e.RSR+"|unless)\\s*",k:"unless",c:[a,{cN:"regexp",c:[e.BE,n],i:/\n/,v:[{b:"/",e:"/[a-z]*"},{b:"%r{",e:"}[a-z]*"},{b:"%r\\(",e:"\\)[a-z]*"},{b:"%r!",e:"![a-z]*"},{b:"%r\\[",e:"\\][a-z]*"}]}].concat(s),r:0}].concat(s);n.c=d,i.c=d;var l="[>?]>",o="[\\w#]+\\(\\w+\\):\\d+:\\d+>",u="(\\w+-)?\\d+\\.\\d+\\.\\d(p\\d+)?[^>]+>",w=[{b:/^\s*=>/,starts:{e:"$",c:d}},{cN:"meta",b:"^("+l+"|"+o+"|"+u+")",starts:{e:"$",c:d}}];return{aliases:["rb","gemspec","podspec","thor","irb"],k:r,i:/\/\*/,c:s.concat(w).concat(d)}});hljs.registerLanguage("haml",function(s){return{cI:!0,c:[{cN:"meta",b:"^!!!( (5|1\\.1|Strict|Frameset|Basic|Mobile|RDFa|XML\\b.*))?$",r:10},s.C("^\\s*(!=#|=#|-#|/).*$",!1,{r:0}),{b:"^\\s*(-|=|!=)(?!#)",starts:{e:"\\n",sL:"ruby"}},{cN:"tag",b:"^\\s*%",c:[{cN:"selector-tag",b:"\\w+"},{cN:"selector-id",b:"#[\\w-]+"},{cN:"selector-class",b:"\\.[\\w-]+"},{b:"{\\s*",e:"\\s*}",c:[{b:":\\w+\\s*=>",e:",\\s+",rB:!0,eW:!0,c:[{cN:"attr",b:":\\w+"},s.ASM,s.QSM,{b:"\\w+",r:0}]}]},{b:"\\(\\s*",e:"\\s*\\)",eE:!0,c:[{b:"\\w+\\s*=",e:"\\s+",rB:!0,eW:!0,c:[{cN:"attr",b:"\\w+",r:0},s.ASM,s.QSM,{b:"\\w+",r:0}]}]}]},{b:"^\\s*[=~]\\s*"},{b:"#{",starts:{e:"}",sL:"ruby"}}]}});hljs.registerLanguage("mizar",function(e){return{k:"environ vocabularies notations constructors definitions registrations theorems schemes requirements begin end definition registration cluster existence pred func defpred deffunc theorem proof let take assume then thus hence ex for st holds consider reconsider such that and in provided of as from be being by means equals implies iff redefine define now not or attr is mode suppose per cases set thesis contradiction scheme reserve struct correctness compatibility coherence symmetry assymetry reflexivity irreflexivity connectedness uniqueness commutativity idempotence involutiveness projectivity",c:[e.C("::","$")]}});hljs.registerLanguage("sql",function(e){var t=e.C("--","$");return{cI:!0,i:/[<>{}*#]/,c:[{bK:"begin end start commit rollback savepoint lock alter create drop rename call delete do handler insert load replace select truncate update set show pragma grant merge describe use explain help declare prepare execute deallocate release unlock purge reset change stop analyze cache flush optimize repair kill install uninstall checksum restore check backup revoke comment",e:/;/,eW:!0,l:/[\w\.]+/,k:{keyword:"abort abs absolute acc acce accep accept access accessed accessible account acos action activate add addtime admin administer advanced advise aes_decrypt aes_encrypt after agent aggregate ali alia alias allocate allow alter always analyze ancillary and any anydata anydataset anyschema anytype apply archive archived archivelog are as asc ascii asin assembly assertion associate asynchronous at atan atn2 attr attri attrib attribu attribut attribute attributes audit authenticated authentication authid authors auto autoallocate autodblink autoextend automatic availability avg backup badfile basicfile before begin beginning benchmark between bfile bfile_base big bigfile bin binary_double binary_float binlog bit_and bit_count bit_length bit_or bit_xor bitmap blob_base block blocksize body both bound buffer_cache buffer_pool build bulk by byte byteordermark bytes cache caching call calling cancel capacity cascade cascaded case cast catalog category ceil ceiling chain change changed char_base char_length character_length characters characterset charindex charset charsetform charsetid check checksum checksum_agg child choose chr chunk class cleanup clear client clob clob_base clone close cluster_id cluster_probability cluster_set clustering coalesce coercibility col collate collation collect colu colum column column_value columns columns_updated comment commit compact compatibility compiled complete composite_limit compound compress compute concat concat_ws concurrent confirm conn connec connect connect_by_iscycle connect_by_isleaf connect_by_root connect_time connection consider consistent constant constraint constraints constructor container content contents context contributors controlfile conv convert convert_tz corr corr_k corr_s corresponding corruption cos cost count count_big counted covar_pop covar_samp cpu_per_call cpu_per_session crc32 create creation critical cross cube cume_dist curdate current current_date current_time current_timestamp current_user cursor curtime customdatum cycle data database databases datafile datafiles datalength date_add date_cache date_format date_sub dateadd datediff datefromparts datename datepart datetime2fromparts day day_to_second dayname dayofmonth dayofweek dayofyear days db_role_change dbtimezone ddl deallocate declare decode decompose decrement decrypt deduplicate def defa defau defaul default defaults deferred defi defin define degrees delayed delegate delete delete_all delimited demand dense_rank depth dequeue des_decrypt des_encrypt des_key_file desc descr descri describ describe descriptor deterministic diagnostics difference dimension direct_load directory disable disable_all disallow disassociate discardfile disconnect diskgroup distinct distinctrow distribute distributed div do document domain dotnet double downgrade drop dumpfile duplicate duration each edition editionable editions element ellipsis else elsif elt empty enable enable_all enclosed encode encoding encrypt end end-exec endian enforced engine engines enqueue enterprise entityescaping eomonth error errors escaped evalname evaluate event eventdata events except exception exceptions exchange exclude excluding execu execut execute exempt exists exit exp expire explain export export_set extended extent external external_1 external_2 externally extract failed failed_login_attempts failover failure far fast feature_set feature_value fetch field fields file file_name_convert filesystem_like_logging final finish first first_value fixed flash_cache flashback floor flush following follows for forall force form forma format found found_rows freelist freelists freepools fresh from from_base64 from_days ftp full function general generated get get_format get_lock getdate getutcdate global global_name globally go goto grant grants greatest group group_concat group_id grouping grouping_id groups gtid_subtract guarantee guard handler hash hashkeys having hea head headi headin heading heap help hex hierarchy high high_priority hosts hour http id ident_current ident_incr ident_seed identified identity idle_time if ifnull ignore iif ilike ilm immediate import in include including increment index indexes indexing indextype indicator indices inet6_aton inet6_ntoa inet_aton inet_ntoa infile initial initialized initially initrans inmemory inner innodb input insert install instance instantiable instr interface interleaved intersect into invalidate invisible is is_free_lock is_ipv4 is_ipv4_compat is_not is_not_null is_used_lock isdate isnull isolation iterate java join json json_exists keep keep_duplicates key keys kill language large last last_day last_insert_id last_value lax lcase lead leading least leaves left len lenght length less level levels library like like2 like4 likec limit lines link list listagg little ln load load_file lob lobs local localtime localtimestamp locate locator lock locked log log10 log2 logfile logfiles logging logical logical_reads_per_call logoff logon logs long loop low low_priority lower lpad lrtrim ltrim main make_set makedate maketime managed management manual map mapping mask master master_pos_wait match matched materialized max maxextents maximize maxinstances maxlen maxlogfiles maxloghistory maxlogmembers maxsize maxtrans md5 measures median medium member memcompress memory merge microsecond mid migration min minextents minimum mining minus minute minvalue missing mod mode model modification modify module monitoring month months mount move movement multiset mutex name name_const names nan national native natural nav nchar nclob nested never new newline next nextval no no_write_to_binlog noarchivelog noaudit nobadfile nocheck nocompress nocopy nocycle nodelay nodiscardfile noentityescaping noguarantee nokeep nologfile nomapping nomaxvalue nominimize nominvalue nomonitoring none noneditionable nonschema noorder nopr nopro noprom nopromp noprompt norely noresetlogs noreverse normal norowdependencies noschemacheck noswitch not nothing notice notrim novalidate now nowait nth_value nullif nulls num numb numbe nvarchar nvarchar2 object ocicoll ocidate ocidatetime ociduration ociinterval ociloblocator ocinumber ociref ocirefcursor ocirowid ocistring ocitype oct octet_length of off offline offset oid oidindex old on online only opaque open operations operator optimal optimize option optionally or oracle oracle_date oradata ord ordaudio orddicom orddoc order ordimage ordinality ordvideo organization orlany orlvary out outer outfile outline output over overflow overriding package pad parallel parallel_enable parameters parent parse partial partition partitions pascal passing password password_grace_time password_lock_time password_reuse_max password_reuse_time password_verify_function patch path patindex pctincrease pctthreshold pctused pctversion percent percent_rank percentile_cont percentile_disc performance period period_add period_diff permanent physical pi pipe pipelined pivot pluggable plugin policy position post_transaction pow power pragma prebuilt precedes preceding precision prediction prediction_cost prediction_details prediction_probability prediction_set prepare present preserve prior priority private private_sga privileges procedural procedure procedure_analyze processlist profiles project prompt protection public publishingservername purge quarter query quick quiesce quota quotename radians raise rand range rank raw read reads readsize rebuild record records recover recovery recursive recycle redo reduced ref reference referenced references referencing refresh regexp_like register regr_avgx regr_avgy regr_count regr_intercept regr_r2 regr_slope regr_sxx regr_sxy reject rekey relational relative relaylog release release_lock relies_on relocate rely rem remainder rename repair repeat replace replicate replication required reset resetlogs resize resource respect restore restricted result result_cache resumable resume retention return returning returns reuse reverse revoke right rlike role roles rollback rolling rollup round row row_count rowdependencies rowid rownum rows rtrim rules safe salt sample save savepoint sb1 sb2 sb4 scan schema schemacheck scn scope scroll sdo_georaster sdo_topo_geometry search sec_to_time second section securefile security seed segment select self sequence sequential serializable server servererror session session_user sessions_per_user set sets settings sha sha1 sha2 share shared shared_pool short show shrink shutdown si_averagecolor si_colorhistogram si_featurelist si_positionalcolor si_stillimage si_texture siblings sid sign sin size size_t sizes skip slave sleep smalldatetimefromparts smallfile snapshot some soname sort soundex source space sparse spfile split sql sql_big_result sql_buffer_result sql_cache sql_calc_found_rows sql_small_result sql_variant_property sqlcode sqldata sqlerror sqlname sqlstate sqrt square standalone standby start starting startup statement static statistics stats_binomial_test stats_crosstab stats_ks_test stats_mode stats_mw_test stats_one_way_anova stats_t_test_ stats_t_test_indep stats_t_test_one stats_t_test_paired stats_wsr_test status std stddev stddev_pop stddev_samp stdev stop storage store stored str str_to_date straight_join strcmp strict string struct stuff style subdate subpartition subpartitions substitutable substr substring subtime subtring_index subtype success sum suspend switch switchoffset switchover sync synchronous synonym sys sys_xmlagg sysasm sysaux sysdate sysdatetimeoffset sysdba sysoper system system_user sysutcdatetime table tables tablespace tan tdo template temporary terminated tertiary_weights test than then thread through tier ties time time_format time_zone timediff timefromparts timeout timestamp timestampadd timestampdiff timezone_abbr timezone_minute timezone_region to to_base64 to_date to_days to_seconds todatetimeoffset trace tracking transaction transactional translate translation treat trigger trigger_nestlevel triggers trim truncate try_cast try_convert try_parse type ub1 ub2 ub4 ucase unarchived unbounded uncompress under undo unhex unicode uniform uninstall union unique unix_timestamp unknown unlimited unlock unpivot unrecoverable unsafe unsigned until untrusted unusable unused update updated upgrade upped upper upsert url urowid usable usage use use_stored_outlines user user_data user_resources users using utc_date utc_timestamp uuid uuid_short validate validate_password_strength validation valist value values var var_samp varcharc vari varia variab variabl variable variables variance varp varraw varrawc varray verify version versions view virtual visible void wait wallet warning warnings week weekday weekofyear wellformed when whene whenev wheneve whenever where while whitespace with within without work wrapped xdb xml xmlagg xmlattributes xmlcast xmlcolattval xmlelement xmlexists xmlforest xmlindex xmlnamespaces xmlpi xmlquery xmlroot xmlschema xmlserialize xmltable xmltype xor year year_to_month years yearweek",literal:"true false null",built_in:"array bigint binary bit blob boolean char character date dec decimal float int int8 integer interval number numeric real record serial serial8 smallint text varchar varying void"},c:[{cN:"string",b:"'",e:"'",c:[e.BE,{b:"''"}]},{cN:"string",b:'"',e:'"',c:[e.BE,{b:'""'}]},{cN:"string",b:"`",e:"`",c:[e.BE]},e.CNM,e.CBCM,t]},e.CBCM,t]}});hljs.registerLanguage("django",function(e){var t={b:/\|[A-Za-z]+:?/,k:{name:"truncatewords removetags linebreaksbr yesno get_digit timesince random striptags filesizeformat escape linebreaks length_is ljust rjust cut urlize fix_ampersands title floatformat capfirst pprint divisibleby add make_list unordered_list urlencode timeuntil urlizetrunc wordcount stringformat linenumbers slice date dictsort dictsortreversed default_if_none pluralize lower join center default truncatewords_html upper length phone2numeric wordwrap time addslashes slugify first escapejs force_escape iriencode last safe safeseq truncatechars localize unlocalize localtime utc timezone"},c:[e.QSM,e.ASM]};return{aliases:["jinja"],cI:!0,sL:"xml",c:[e.C(/\{%\s*comment\s*%}/,/\{%\s*endcomment\s*%}/),e.C(/\{#/,/#}/),{cN:"template-tag",b:/\{%/,e:/%}/,c:[{cN:"name",b:/\w+/,k:{name:"comment endcomment load templatetag ifchanged endifchanged if endif firstof for endfor ifnotequal endifnotequal widthratio extends include spaceless endspaceless regroup ifequal endifequal ssi now with cycle url filter endfilter debug block endblock else autoescape endautoescape csrf_token empty elif endwith static trans blocktrans endblocktrans get_static_prefix get_media_prefix plural get_current_language language get_available_languages get_current_language_bidi get_language_info get_language_info_list localize endlocalize localtime endlocaltime timezone endtimezone get_current_timezone verbatim"},starts:{eW:!0,k:"in by as",c:[t],r:0}}]},{cN:"template-variable",b:/\{\{/,e:/}}/,c:[t]}]}});hljs.registerLanguage("avrasm",function(r){return{cI:!0,l:"\\.?"+r.IR,k:{keyword:"adc add adiw and andi asr bclr bld brbc brbs brcc brcs break breq brge brhc brhs brid brie brlo brlt brmi brne brpl brsh brtc brts brvc brvs bset bst call cbi cbr clc clh cli cln clr cls clt clv clz com cp cpc cpi cpse dec eicall eijmp elpm eor fmul fmuls fmulsu icall ijmp in inc jmp ld ldd ldi lds lpm lsl lsr mov movw mul muls mulsu neg nop or ori out pop push rcall ret reti rjmp rol ror sbc sbr sbrc sbrs sec seh sbi sbci sbic sbis sbiw sei sen ser ses set sev sez sleep spm st std sts sub subi swap tst wdr",built_in:"r0 r1 r2 r3 r4 r5 r6 r7 r8 r9 r10 r11 r12 r13 r14 r15 r16 r17 r18 r19 r20 r21 r22 r23 r24 r25 r26 r27 r28 r29 r30 r31 x|0 xh xl y|0 yh yl z|0 zh zl ucsr1c udr1 ucsr1a ucsr1b ubrr1l ubrr1h ucsr0c ubrr0h tccr3c tccr3a tccr3b tcnt3h tcnt3l ocr3ah ocr3al ocr3bh ocr3bl ocr3ch ocr3cl icr3h icr3l etimsk etifr tccr1c ocr1ch ocr1cl twcr twdr twar twsr twbr osccal xmcra xmcrb eicra spmcsr spmcr portg ddrg ping portf ddrf sreg sph spl xdiv rampz eicrb eimsk gimsk gicr eifr gifr timsk tifr mcucr mcucsr tccr0 tcnt0 ocr0 assr tccr1a tccr1b tcnt1h tcnt1l ocr1ah ocr1al ocr1bh ocr1bl icr1h icr1l tccr2 tcnt2 ocr2 ocdr wdtcr sfior eearh eearl eedr eecr porta ddra pina portb ddrb pinb portc ddrc pinc portd ddrd pind spdr spsr spcr udr0 ucsr0a ucsr0b ubrr0l acsr admux adcsr adch adcl porte ddre pine pinf",meta:".byte .cseg .db .def .device .dseg .dw .endmacro .equ .eseg .exit .include .list .listmac .macro .nolist .org .set"},c:[r.CBCM,r.C(";","$",{r:0}),r.CNM,r.BNM,{cN:"number",b:"\\b(\\$[a-zA-Z0-9]+|0o[0-7]+)"},r.QSM,{cN:"string",b:"'",e:"[^\\\\]'",i:"[^\\\\][^']"},{cN:"symbol",b:"^[A-Za-z0-9_.$]+:"},{cN:"meta",b:"#",e:"$"},{cN:"subst",b:"@[0-9]+"}]}});hljs.registerLanguage("q",function(e){var s={keyword:"do while select delete by update from",literal:"0b 1b",built_in:"neg not null string reciprocal floor ceiling signum mod xbar xlog and or each scan over prior mmu lsq inv md5 ltime gtime count first var dev med cov cor all any rand sums prds mins maxs fills deltas ratios avgs differ prev next rank reverse iasc idesc asc desc msum mcount mavg mdev xrank mmin mmax xprev rotate distinct group where flip type key til get value attr cut set upsert raze union inter except cross sv vs sublist enlist read0 read1 hopen hclose hdel hsym hcount peach system ltrim rtrim trim lower upper ssr view tables views cols xcols keys xkey xcol xasc xdesc fkeys meta lj aj aj0 ij pj asof uj ww wj wj1 fby xgroup ungroup ej save load rsave rload show csv parse eval min max avg wavg wsum sin cos tan sum",type:"`float `double int `timestamp `timespan `datetime `time `boolean `symbol `char `byte `short `long `real `month `date `minute `second `guid"};return{aliases:["k","kdb"],k:s,l:/(`?)[A-Za-z0-9_]+\b/,c:[e.CLCM,e.QSM,e.CNM]}});hljs.registerLanguage("brainfuck",function(r){var n={cN:"literal",b:"[\\+\\-]",r:0};return{aliases:["bf"],c:[r.C("[^\\[\\]\\.,\\+\\-<> \r\n]","[\\[\\]\\.,\\+\\-<> \r\n]",{rE:!0,r:0}),{cN:"title",b:"[\\[\\]]",r:0},{cN:"string",b:"[\\.,]",r:0},{b:/\+\+|\-\-/,rB:!0,c:[n]},n]}});hljs.registerLanguage("nginx",function(e){var r={cN:"variable",v:[{b:/\$\d+/},{b:/\$\{/,e:/}/},{b:"[\\$\\@]"+e.UIR}]},b={eW:!0,l:"[a-z/_]+",k:{literal:"on off yes no true false none blocked debug info notice warn error crit select break last permanent redirect kqueue rtsig epoll poll /dev/poll"},r:0,i:"=>",c:[e.HCM,{cN:"string",c:[e.BE,r],v:[{b:/"/,e:/"/},{b:/'/,e:/'/}]},{b:"([a-z]+):/",e:"\\s",eW:!0,eE:!0,c:[r]},{cN:"regexp",c:[e.BE,r],v:[{b:"\\s\\^",e:"\\s|{|;",rE:!0},{b:"~\\*?\\s+",e:"\\s|{|;",rE:!0},{b:"\\*(\\.[a-z\\-]+)+"},{b:"([a-z\\-]+\\.)+\\*"}]},{cN:"number",b:"\\b\\d{1,3}\\.\\d{1,3}\\.\\d{1,3}\\.\\d{1,3}(:\\d{1,5})?\\b"},{cN:"number",b:"\\b\\d+[kKmMgGdshdwy]*\\b",r:0},r]};return{aliases:["nginxconf"],c:[e.HCM,{b:e.UIR+"\\s+{",rB:!0,e:"{",c:[{cN:"section",b:e.UIR}],r:0},{b:e.UIR+"\\s",e:";|{",rB:!0,c:[{cN:"attribute",b:e.UIR,starts:b}],r:0}],i:"[^\\s\\}]"}});hljs.registerLanguage("excel",function(E){return{aliases:["xlsx","xls"],cI:!0,l:/[a-zA-Z][\w\.]*/,k:{built_in:"ABS ACCRINT ACCRINTM ACOS ACOSH ACOT ACOTH AGGREGATE ADDRESS AMORDEGRC AMORLINC AND ARABIC AREAS ASC ASIN ASINH ATAN ATAN2 ATANH AVEDEV AVERAGE AVERAGEA AVERAGEIF AVERAGEIFS BAHTTEXT BASE BESSELI BESSELJ BESSELK BESSELY BETADIST BETA.DIST BETAINV BETA.INV BIN2DEC BIN2HEX BIN2OCT BINOMDIST BINOM.DIST BINOM.DIST.RANGE BINOM.INV BITAND BITLSHIFT BITOR BITRSHIFT BITXOR CALL CEILING CEILING.MATH CEILING.PRECISE CELL CHAR CHIDIST CHIINV CHITEST CHISQ.DIST CHISQ.DIST.RT CHISQ.INV CHISQ.INV.RT CHISQ.TEST CHOOSE CLEAN CODE COLUMN COLUMNS COMBIN COMBINA COMPLEX CONCAT CONCATENATE CONFIDENCE CONFIDENCE.NORM CONFIDENCE.T CONVERT CORREL COS COSH COT COTH COUNT COUNTA COUNTBLANK COUNTIF COUNTIFS COUPDAYBS COUPDAYS COUPDAYSNC COUPNCD COUPNUM COUPPCD COVAR COVARIANCE.P COVARIANCE.S CRITBINOM CSC CSCH CUBEKPIMEMBER CUBEMEMBER CUBEMEMBERPROPERTY CUBERANKEDMEMBER CUBESET CUBESETCOUNT CUBEVALUE CUMIPMT CUMPRINC DATE DATEDIF DATEVALUE DAVERAGE DAY DAYS DAYS360 DB DBCS DCOUNT DCOUNTA DDB DEC2BIN DEC2HEX DEC2OCT DECIMAL DEGREES DELTA DEVSQ DGET DISC DMAX DMIN DOLLAR DOLLARDE DOLLARFR DPRODUCT DSTDEV DSTDEVP DSUM DURATION DVAR DVARP EDATE EFFECT ENCODEURL EOMONTH ERF ERF.PRECISE ERFC ERFC.PRECISE ERROR.TYPE EUROCONVERT EVEN EXACT EXP EXPON.DIST EXPONDIST FACT FACTDOUBLE FALSE|0 F.DIST FDIST F.DIST.RT FILTERXML FIND FINDB F.INV F.INV.RT FINV FISHER FISHERINV FIXED FLOOR FLOOR.MATH FLOOR.PRECISE FORECAST FORECAST.ETS FORECAST.ETS.CONFINT FORECAST.ETS.SEASONALITY FORECAST.ETS.STAT FORECAST.LINEAR FORMULATEXT FREQUENCY F.TEST FTEST FV FVSCHEDULE GAMMA GAMMA.DIST GAMMADIST GAMMA.INV GAMMAINV GAMMALN GAMMALN.PRECISE GAUSS GCD GEOMEAN GESTEP GETPIVOTDATA GROWTH HARMEAN HEX2BIN HEX2DEC HEX2OCT HLOOKUP HOUR HYPERLINK HYPGEOM.DIST HYPGEOMDIST IF|0 IFERROR IFNA IFS IMABS IMAGINARY IMARGUMENT IMCONJUGATE IMCOS IMCOSH IMCOT IMCSC IMCSCH IMDIV IMEXP IMLN IMLOG10 IMLOG2 IMPOWER IMPRODUCT IMREAL IMSEC IMSECH IMSIN IMSINH IMSQRT IMSUB IMSUM IMTAN INDEX INDIRECT INFO INT INTERCEPT INTRATE IPMT IRR ISBLANK ISERR ISERROR ISEVEN ISFORMULA ISLOGICAL ISNA ISNONTEXT ISNUMBER ISODD ISREF ISTEXT ISO.CEILING ISOWEEKNUM ISPMT JIS KURT LARGE LCM LEFT LEFTB LEN LENB LINEST LN LOG LOG10 LOGEST LOGINV LOGNORM.DIST LOGNORMDIST LOGNORM.INV LOOKUP LOWER MATCH MAX MAXA MAXIFS MDETERM MDURATION MEDIAN MID MIDBs MIN MINIFS MINA MINUTE MINVERSE MIRR MMULT MOD MODE MODE.MULT MODE.SNGL MONTH MROUND MULTINOMIAL MUNIT N NA NEGBINOM.DIST NEGBINOMDIST NETWORKDAYS NETWORKDAYS.INTL NOMINAL NORM.DIST NORMDIST NORMINV NORM.INV NORM.S.DIST NORMSDIST NORM.S.INV NORMSINV NOT NOW NPER NPV NUMBERVALUE OCT2BIN OCT2DEC OCT2HEX ODD ODDFPRICE ODDFYIELD ODDLPRICE ODDLYIELD OFFSET OR PDURATION PEARSON PERCENTILE.EXC PERCENTILE.INC PERCENTILE PERCENTRANK.EXC PERCENTRANK.INC PERCENTRANK PERMUT PERMUTATIONA PHI PHONETIC PI PMT POISSON.DIST POISSON POWER PPMT PRICE PRICEDISC PRICEMAT PROB PRODUCT PROPER PV QUARTILE QUARTILE.EXC QUARTILE.INC QUOTIENT RADIANS RAND RANDBETWEEN RANK.AVG RANK.EQ RANK RATE RECEIVED REGISTER.ID REPLACE REPLACEB REPT RIGHT RIGHTB ROMAN ROUND ROUNDDOWN ROUNDUP ROW ROWS RRI RSQ RTD SEARCH SEARCHB SEC SECH SECOND SERIESSUM SHEET SHEETS SIGN SIN SINH SKEW SKEW.P SLN SLOPE SMALL SQL.REQUEST SQRT SQRTPI STANDARDIZE STDEV STDEV.P STDEV.S STDEVA STDEVP STDEVPA STEYX SUBSTITUTE SUBTOTAL SUM SUMIF SUMIFS SUMPRODUCT SUMSQ SUMX2MY2 SUMX2PY2 SUMXMY2 SWITCH SYD T TAN TANH TBILLEQ TBILLPRICE TBILLYIELD T.DIST T.DIST.2T T.DIST.RT TDIST TEXT TEXTJOIN TIME TIMEVALUE T.INV T.INV.2T TINV TODAY TRANSPOSE TREND TRIM TRIMMEAN TRUE|0 TRUNC T.TEST TTEST TYPE UNICHAR UNICODE UPPER VALUE VAR VAR.P VAR.S VARA VARP VARPA VDB VLOOKUP WEBSERVICE WEEKDAY WEEKNUM WEIBULL WEIBULL.DIST WORKDAY WORKDAY.INTL XIRR XNPV XOR YEAR YEARFRAC YIELD YIELDDISC YIELDMAT Z.TEST ZTEST"},c:[{b:/^=/,e:/[^=]/,rE:!0,i:/=/,r:10},{cN:"symbol",b:/\b[A-Z]{1,2}\d+\b/,e:/[^\d]/,eE:!0,r:0},{cN:"symbol",b:/[A-Z]{0,2}\d*:[A-Z]{0,2}\d*/,r:0},E.BE,E.QSM,{cN:"number",b:E.NR+"(%)?",r:0},E.C(/\bN\(/,/\)/,{eB:!0,eE:!0,i:/\n/})]}});hljs.registerLanguage("aspectj",function(e){var t="false synchronized int abstract float private char boolean static null if const for true while long throw strictfp finally protected import native final return void enum else extends implements break transient new catch instanceof byte super volatile case assert short package default double public try this switch continue throws privileged aspectOf adviceexecution proceed cflowbelow cflow initialization preinitialization staticinitialization withincode target within execution getWithinTypeName handler thisJoinPoint thisJoinPointStaticPart thisEnclosingJoinPointStaticPart declare parents warning error soft precedence thisAspectInstance",i="get set args call";return{k:t,i:/<\/|#/,c:[e.C("/\\*\\*","\\*/",{r:0,c:[{b:/\w+@/,r:0},{cN:"doctag",b:"@[A-Za-z]+"}]}),e.CLCM,e.CBCM,e.ASM,e.QSM,{cN:"class",bK:"aspect",e:/[{;=]/,eE:!0,i:/[:;"\[\]]/,c:[{bK:"extends implements pertypewithin perthis pertarget percflowbelow percflow issingleton"},e.UTM,{b:/\([^\)]*/,e:/[)]+/,k:t+" "+i,eE:!1}]},{cN:"class",bK:"class interface",e:/[{;=]/,eE:!0,r:0,k:"class interface",i:/[:"\[\]]/,c:[{bK:"extends implements"},e.UTM]},{bK:"pointcut after before around throwing returning",e:/[)]/,eE:!1,i:/["\[\]]/,c:[{b:e.UIR+"\\s*\\(",rB:!0,c:[e.UTM]}]},{b:/[:]/,rB:!0,e:/[{;]/,r:0,eE:!1,k:t,i:/["\[\]]/,c:[{b:e.UIR+"\\s*\\(",k:t+" "+i,r:0},e.QSM]},{bK:"new throw",r:0},{cN:"function",b:/\w+ +\w+(\.)?\w+\s*\([^\)]*\)\s*((throws)[\w\s,]+)?[\{;]/,rB:!0,e:/[{;=]/,k:t,eE:!0,c:[{b:e.UIR+"\\s*\\(",rB:!0,r:0,c:[e.UTM]},{cN:"params",b:/\(/,e:/\)/,r:0,k:t,c:[e.ASM,e.QSM,e.CNM,e.CBCM]},e.CLCM,e.CBCM]},e.CNM,{cN:"meta",b:"@[A-Za-z]+"}]}});hljs.registerLanguage("yaml",function(e){var b="true false yes no null",a="^[ \\-]*",r="[a-zA-Z_][\\w\\-]*",t={cN:"attr",v:[{b:a+r+":"},{b:a+'"'+r+'":'},{b:a+"'"+r+"':"}]},c={cN:"template-variable",v:[{b:"{{",e:"}}"},{b:"%{",e:"}"}]},l={cN:"string",r:0,v:[{b:/'/,e:/'/},{b:/"/,e:/"/},{b:/\S+/}],c:[e.BE,c]};return{cI:!0,aliases:["yml","YAML","yaml"],c:[t,{cN:"meta",b:"^---s*$",r:10},{cN:"string",b:"[\\|>] *$",rE:!0,c:l.c,e:t.v[0].b},{b:"<%[%=-]?",e:"[%-]?%>",sL:"ruby",eB:!0,eE:!0,r:0},{cN:"type",b:"!!"+e.UIR},{cN:"meta",b:"&"+e.UIR+"$"},{cN:"meta",b:"\\*"+e.UIR+"$"},{cN:"bullet",b:"^ *-",r:0},e.HCM,{bK:b,k:{literal:b}},e.CNM,l]}});hljs.registerLanguage("tap",function(b){return{cI:!0,c:[b.HCM,{cN:"meta",v:[{b:"^TAP version (\\d+)$"},{b:"^1\\.\\.(\\d+)$"}]},{b:"(s+)?---$",e:"\\.\\.\\.$",sL:"yaml",r:0},{cN:"number",b:" (\\d+) "},{cN:"symbol",v:[{b:"^ok"},{b:"^not ok"}]}]}});hljs.registerLanguage("stan",function(e){return{c:[e.HCM,e.CLCM,e.CBCM,{b:e.UIR,l:e.UIR,k:{name:"for in while repeat until if then else",symbol:"bernoulli bernoulli_logit binomial binomial_logit beta_binomial hypergeometric categorical categorical_logit ordered_logistic neg_binomial neg_binomial_2 neg_binomial_2_log poisson poisson_log multinomial normal exp_mod_normal skew_normal student_t cauchy double_exponential logistic gumbel lognormal chi_square inv_chi_square scaled_inv_chi_square exponential inv_gamma weibull frechet rayleigh wiener pareto pareto_type_2 von_mises uniform multi_normal multi_normal_prec multi_normal_cholesky multi_gp multi_gp_cholesky multi_student_t gaussian_dlm_obs dirichlet lkj_corr lkj_corr_cholesky wishart inv_wishart","selector-tag":"int real vector simplex unit_vector ordered positive_ordered row_vector matrix cholesky_factor_corr cholesky_factor_cov corr_matrix cov_matrix",title:"functions model data parameters quantities transformed generated",literal:"true false"},r:0},{cN:"number",b:"0[xX][0-9a-fA-F]+[Li]?\\b",r:0},{cN:"number",b:"0[xX][0-9a-fA-F]+[Li]?\\b",r:0},{cN:"number",b:"\\d+(?:[eE][+\\-]?\\d*)?L\\b",r:0},{cN:"number",b:"\\d+\\.(?!\\d)(?:i\\b)?",r:0},{cN:"number",b:"\\d+(?:\\.\\d*)?(?:[eE][+\\-]?\\d*)?i?\\b",r:0},{cN:"number",b:"\\.\\d+(?:[eE][+\\-]?\\d*)?i?\\b",r:0}]}});hljs.registerLanguage("ebnf",function(a){var e=a.C(/\(\*/,/\*\)/),t={cN:"attribute",b:/^[ ]*[a-zA-Z][a-zA-Z-]*([\s-]+[a-zA-Z][a-zA-Z]*)*/},r={cN:"meta",b:/\?.*\?/},b={b:/=/,e:/;/,c:[e,r,a.ASM,a.QSM]};return{i:/\S/,c:[e,t,b]}});hljs.registerLanguage("scheme",function(e){var t="[^\\(\\)\\[\\]\\{\\}\",'`;#|\\\\\\s]+",r="(\\-|\\+)?\\d+([./]\\d+)?",a=r+"[+\\-]"+r+"i",i={"builtin-name":"case-lambda call/cc class define-class exit-handler field import inherit init-field interface let*-values let-values let/ec mixin opt-lambda override protect provide public rename require require-for-syntax syntax syntax-case syntax-error unit/sig unless when with-syntax and begin call-with-current-continuation call-with-input-file call-with-output-file case cond define define-syntax delay do dynamic-wind else for-each if lambda let let* let-syntax letrec letrec-syntax map or syntax-rules ' * + , ,@ - ... / ; < <= = => > >= ` abs acos angle append apply asin assoc assq assv atan boolean? caar cadr call-with-input-file call-with-output-file call-with-values car cdddar cddddr cdr ceiling char->integer char-alphabetic? char-ci<=? char-ci=? char-ci>? char-downcase char-lower-case? char-numeric? char-ready? char-upcase char-upper-case? char-whitespace? char<=? char=? char>? char? close-input-port close-output-port complex? cons cos current-input-port current-output-port denominator display eof-object? eq? equal? eqv? eval even? exact->inexact exact? exp expt floor force gcd imag-part inexact->exact inexact? input-port? integer->char integer? interaction-environment lcm length list list->string list->vector list-ref list-tail list? load log magnitude make-polar make-rectangular make-string make-vector max member memq memv min modulo negative? newline not null-environment null? number->string number? numerator odd? open-input-file open-output-file output-port? pair? peek-char port? positive? procedure? quasiquote quote quotient rational? rationalize read read-char real-part real? remainder reverse round scheme-report-environment set! set-car! set-cdr! sin sqrt string string->list string->number string->symbol string-append string-ci<=? string-ci=? string-ci>? string-copy string-fill! string-length string-ref string-set! string<=? string=? string>? string? substring symbol->string symbol? tan transcript-off transcript-on truncate values vector vector->list vector-fill! vector-length vector-ref vector-set! with-input-from-file with-output-to-file write write-char zero?"},n={cN:"meta",b:"^#!",e:"$"},c={cN:"literal",b:"(#t|#f|#\\\\"+t+"|#\\\\.)"},l={cN:"number",v:[{b:r,r:0},{b:a,r:0},{b:"#b[0-1]+(/[0-1]+)?"},{b:"#o[0-7]+(/[0-7]+)?"},{b:"#x[0-9a-f]+(/[0-9a-f]+)?"}]},s=e.QSM,o=[e.C(";","$",{r:0}),e.C("#\\|","\\|#")],u={b:t,r:0},p={cN:"symbol",b:"'"+t},d={eW:!0,r:0},m={v:[{b:/'/},{b:"`"}],c:[{b:"\\(",e:"\\)",c:["self",c,s,l,u,p]}]},g={cN:"name",b:t,l:t,k:i},h={b:/lambda/,eW:!0,rB:!0,c:[g,{b:/\(/,e:/\)/,endsParent:!0,c:[u]}]},b={v:[{b:"\\(",e:"\\)"},{b:"\\[",e:"\\]"}],c:[h,g,d]};return d.c=[c,l,s,u,p,m,b].concat(o),{i:/\S/,c:[n,l,s,p,m,b].concat(o)}});hljs.registerLanguage("mipsasm",function(s){return{cI:!0,aliases:["mips"],l:"\\.?"+s.IR,k:{meta:".2byte .4byte .align .ascii .asciz .balign .byte .code .data .else .end .endif .endm .endr .equ .err .exitm .extern .global .hword .if .ifdef .ifndef .include .irp .long .macro .rept .req .section .set .skip .space .text .word .ltorg ",built_in:"$0 $1 $2 $3 $4 $5 $6 $7 $8 $9 $10 $11 $12 $13 $14 $15 $16 $17 $18 $19 $20 $21 $22 $23 $24 $25 $26 $27 $28 $29 $30 $31 zero at v0 v1 a0 a1 a2 a3 a4 a5 a6 a7 t0 t1 t2 t3 t4 t5 t6 t7 t8 t9 s0 s1 s2 s3 s4 s5 s6 s7 s8 k0 k1 gp sp fp ra $f0 $f1 $f2 $f2 $f4 $f5 $f6 $f7 $f8 $f9 $f10 $f11 $f12 $f13 $f14 $f15 $f16 $f17 $f18 $f19 $f20 $f21 $f22 $f23 $f24 $f25 $f26 $f27 $f28 $f29 $f30 $f31 Context Random EntryLo0 EntryLo1 Context PageMask Wired EntryHi HWREna BadVAddr Count Compare SR IntCtl SRSCtl SRSMap Cause EPC PRId EBase Config Config1 Config2 Config3 LLAddr Debug DEPC DESAVE CacheErr ECC ErrorEPC TagLo DataLo TagHi DataHi WatchLo WatchHi PerfCtl PerfCnt "},c:[{cN:"keyword",b:"\\b(addi?u?|andi?|b(al)?|beql?|bgez(al)?l?|bgtzl?|blezl?|bltz(al)?l?|bnel?|cl[oz]|divu?|ext|ins|j(al)?|jalr(.hb)?|jr(.hb)?|lbu?|lhu?|ll|lui|lw[lr]?|maddu?|mfhi|mflo|movn|movz|move|msubu?|mthi|mtlo|mul|multu?|nop|nor|ori?|rotrv?|sb|sc|se[bh]|sh|sllv?|slti?u?|srav?|srlv?|subu?|sw[lr]?|xori?|wsbh|abs.[sd]|add.[sd]|alnv.ps|bc1[ft]l?|c.(s?f|un|u?eq|[ou]lt|[ou]le|ngle?|seq|l[et]|ng[et]).[sd]|(ceil|floor|round|trunc).[lw].[sd]|cfc1|cvt.d.[lsw]|cvt.l.[dsw]|cvt.ps.s|cvt.s.[dlw]|cvt.s.p[lu]|cvt.w.[dls]|div.[ds]|ldx?c1|luxc1|lwx?c1|madd.[sd]|mfc1|mov[fntz]?.[ds]|msub.[sd]|mth?c1|mul.[ds]|neg.[ds]|nmadd.[ds]|nmsub.[ds]|p[lu][lu].ps|recip.fmt|r?sqrt.[ds]|sdx?c1|sub.[ds]|suxc1|swx?c1|break|cache|d?eret|[de]i|ehb|mfc0|mtc0|pause|prefx?|rdhwr|rdpgpr|sdbbp|ssnop|synci?|syscall|teqi?|tgei?u?|tlb(p|r|w[ir])|tlti?u?|tnei?|wait|wrpgpr)",e:"\\s"},s.C("[;#]","$"),s.CBCM,s.QSM,{cN:"string",b:"'",e:"[^\\\\]'",r:0},{cN:"title",b:"\\|",e:"\\|",i:"\\n",r:0},{cN:"number",v:[{b:"0x[0-9a-f]+"},{b:"\\b-?\\d+"}],r:0},{cN:"symbol",v:[{b:"^\\s*[a-z_\\.\\$][a-z0-9_\\.\\$]+:"},{b:"^\\s*[0-9]+:"},{b:"[0-9]+[bf]"}],r:0}],i:"/"}});hljs.registerLanguage("purebasic",function(e){var r={cN:"string",b:'(~)?"',e:'"',i:"\\n"},t={cN:"symbol",b:"#[a-zA-Z_]\\w*\\$?"};return{aliases:["pb","pbi"],k:"And As Break CallDebugger Case CompilerCase CompilerDefault CompilerElse CompilerEndIf CompilerEndSelect CompilerError CompilerIf CompilerSelect Continue Data DataSection EndDataSection Debug DebugLevel Default Define Dim DisableASM DisableDebugger DisableExplicit Else ElseIf EnableASM EnableDebugger EnableExplicit End EndEnumeration EndIf EndImport EndInterface EndMacro EndProcedure EndSelect EndStructure EndStructureUnion EndWith Enumeration Extends FakeReturn For Next ForEach ForEver Global Gosub Goto If Import ImportC IncludeBinary IncludeFile IncludePath Interface Macro NewList Not Or ProcedureReturn Protected Prototype PrototypeC Read ReDim Repeat Until Restore Return Select Shared Static Step Structure StructureUnion Swap To Wend While With XIncludeFile XOr Procedure ProcedureC ProcedureCDLL ProcedureDLL Declare DeclareC DeclareCDLL DeclareDLL",c:[e.C(";","$",{r:0}),{cN:"function",b:"\\b(Procedure|Declare)(C|CDLL|DLL)?\\b",e:"\\(",eE:!0,rB:!0,c:[{cN:"keyword",b:"(Procedure|Declare)(C|CDLL|DLL)?",eE:!0},{cN:"type",b:"\\.\\w*"},e.UTM]},r,t]}});hljs.registerLanguage("jboss-cli",function(e){var a={b:/[\w-]+ *=/,rB:!0,r:0,c:[{cN:"attr",b:/[\w-]+/}]},r={cN:"params",b:/\(/,e:/\)/,c:[a],r:0},o={cN:"function",b:/:[\w\-.]+/,r:0},t={cN:"string",b:/\B(([\/.])[\w\-.\/=]+)+/},c={cN:"params",b:/--[\w\-=\/]+/};return{aliases:["wildfly-cli"],l:"[a-z-]+",k:{keyword:"alias batch cd clear command connect connection-factory connection-info data-source deploy deployment-info deployment-overlay echo echo-dmr help history if jdbc-driver-info jms-queue|20 jms-topic|20 ls patch pwd quit read-attribute read-operation reload rollout-plan run-batch set shutdown try unalias undeploy unset version xa-data-source",literal:"true false"},c:[e.HCM,e.QSM,c,o,t,r]}});hljs.registerLanguage("php",function(e){var c={b:"\\$+[a-zA-Z_-ÿ][a-zA-Z0-9_-ÿ]*"},i={cN:"meta",b:/<\?(php)?|\?>/},t={cN:"string",c:[e.BE,i],v:[{b:'b"',e:'"'},{b:"b'",e:"'"},e.inherit(e.ASM,{i:null}),e.inherit(e.QSM,{i:null})]},a={v:[e.BNM,e.CNM]};return{aliases:["php3","php4","php5","php6"],cI:!0,k:"and include_once list abstract global private echo interface as static endswitch array null if endwhile or const for endforeach self var while isset public protected exit foreach throw elseif include __FILE__ empty require_once do xor return parent clone use __CLASS__ __LINE__ else break print eval new catch __METHOD__ case exception default die require __FUNCTION__ enddeclare final try switch continue endfor endif declare unset true false trait goto instanceof insteadof __DIR__ __NAMESPACE__ yield finally",c:[e.HCM,e.C("//","$",{c:[i]}),e.C("/\\*","\\*/",{c:[{cN:"doctag",b:"@[A-Za-z]+"}]}),e.C("__halt_compiler.+?;",!1,{eW:!0,k:"__halt_compiler",l:e.UIR}),{cN:"string",b:/<<<['"]?\w+['"]?$/,e:/^\w+;?$/,c:[e.BE,{cN:"subst",v:[{b:/\$\w+/},{b:/\{\$/,e:/\}/}]}]},i,{cN:"keyword",b:/\$this\b/},c,{b:/(::|->)+[a-zA-Z_\x7f-\xff][a-zA-Z0-9_\x7f-\xff]*/},{cN:"function",bK:"function",e:/[;{]/,eE:!0,i:"\\$|\\[|%",c:[e.UTM,{cN:"params",b:"\\(",e:"\\)",c:["self",c,e.CBCM,t,a]}]},{cN:"class",bK:"class interface",e:"{",eE:!0,i:/[:\(\$"]/,c:[{bK:"extends implements"},e.UTM]},{bK:"namespace",e:";",i:/[\.']/,c:[e.UTM]},{bK:"use",e:";",c:[e.UTM]},{b:"=>"},t,a]}});hljs.registerLanguage("tex",function(c){var e={cN:"tag",b:/\\/,r:0,c:[{cN:"name",v:[{b:/[a-zA-Zа-яА-я]+[*]?/},{b:/[^a-zA-Zа-яА-я0-9]/}],starts:{eW:!0,r:0,c:[{cN:"string",v:[{b:/\[/,e:/\]/},{b:/\{/,e:/\}/}]},{b:/\s*=\s*/,eW:!0,r:0,c:[{cN:"number",b:/-?\d*\.?\d+(pt|pc|mm|cm|in|dd|cc|ex|em)?/}]}]}}]};return{c:[e,{cN:"formula",c:[e],r:0,v:[{b:/\$\$/,e:/\$\$/},{b:/\$/,e:/\$/}]},c.C("%","$",{r:0})]}});hljs.registerLanguage("profile",function(e){return{c:[e.CNM,{b:"[a-zA-Z_][\\da-zA-Z_]+\\.[\\da-zA-Z_]{1,3}",e:":",eE:!0},{b:"(ncalls|tottime|cumtime)",e:"$",k:"ncalls tottime|10 cumtime|10 filename",r:10},{b:"function calls",e:"$",c:[e.CNM],r:10},e.ASM,e.QSM,{cN:"string",b:"\\(",e:"\\)$",eB:!0,eE:!0,r:0}]}});hljs.registerLanguage("gherkin",function(e){return{aliases:["feature"],k:"Feature Background Ability Business Need Scenario Scenarios Scenario Outline Scenario Template Examples Given And Then But When",c:[{cN:"symbol",b:"\\*",r:0},{cN:"meta",b:"@[^@\\s]+"},{b:"\\|",e:"\\|\\w*$",c:[{cN:"string",b:"[^|]+"}]},{cN:"variable",b:"<",e:">"},e.HCM,{cN:"string",b:'"""',e:'"""'},e.QSM]}});hljs.registerLanguage("smalltalk",function(e){var s="[a-z][a-zA-Z0-9_]*",a={cN:"string",b:"\\$.{1}"},r={cN:"symbol",b:"#"+e.UIR};return{aliases:["st"],k:"self super nil true false thisContext",c:[e.C('"','"'),e.ASM,{cN:"type",b:"\\b[A-Z][A-Za-z0-9_]*",r:0},{b:s+":",r:0},e.CNM,r,a,{b:"\\|[ ]*"+s+"([ ]+"+s+")*[ ]*\\|",rB:!0,e:/\|/,i:/\S/,c:[{b:"(\\|[ ]*)?"+s}]},{b:"\\#\\(",e:"\\)",c:[e.ASM,a,e.CNM,r]}]}});hljs.registerLanguage("arduino",function(e){var t=e.getLanguage("cpp").exports;return{k:{keyword:"boolean byte word string String array "+t.k.keyword,built_in:"setup loop while catch for if do goto try switch case else default break continue return KeyboardController MouseController SoftwareSerial EthernetServer EthernetClient LiquidCrystal RobotControl GSMVoiceCall EthernetUDP EsploraTFT HttpClient RobotMotor WiFiClient GSMScanner FileSystem Scheduler GSMServer YunClient YunServer IPAddress GSMClient GSMModem Keyboard Ethernet Console GSMBand Esplora Stepper Process WiFiUDP GSM_SMS Mailbox USBHost Firmata PImage Client Server GSMPIN FileIO Bridge Serial EEPROM Stream Mouse Audio Servo File Task GPRS WiFi Wire TFT GSM SPI SD runShellCommandAsynchronously analogWriteResolution retrieveCallingNumber printFirmwareVersion analogReadResolution sendDigitalPortPair noListenOnLocalhost readJoystickButton setFirmwareVersion readJoystickSwitch scrollDisplayRight getVoiceCallStatus scrollDisplayLeft writeMicroseconds delayMicroseconds beginTransmission getSignalStrength runAsynchronously getAsynchronously listenOnLocalhost getCurrentCarrier readAccelerometer messageAvailable sendDigitalPorts lineFollowConfig countryNameWrite runShellCommand readStringUntil rewindDirectory readTemperature setClockDivider readLightSensor endTransmission analogReference detachInterrupt countryNameRead attachInterrupt encryptionType readBytesUntil robotNameWrite readMicrophone robotNameRead cityNameWrite userNameWrite readJoystickY readJoystickX mouseReleased openNextFile scanNetworks noInterrupts digitalWrite beginSpeaker mousePressed isActionDone mouseDragged displayLogos noAutoscroll addParameter remoteNumber getModifiers keyboardRead userNameRead waitContinue processInput parseCommand printVersion readNetworks writeMessage blinkVersion cityNameRead readMessage setDataMode parsePacket isListening setBitOrder beginPacket isDirectory motorsWrite drawCompass digitalRead clearScreen serialEvent rightToLeft setTextSize leftToRight requestFrom keyReleased compassRead analogWrite interrupts WiFiServer disconnect playMelody parseFloat autoscroll getPINUsed setPINUsed setTimeout sendAnalog readSlider analogRead beginWrite createChar motorsStop keyPressed tempoWrite readButton subnetMask debugPrint macAddress writeGreen randomSeed attachGPRS readString sendString remotePort releaseAll mouseMoved background getXChange getYChange answerCall getResult voiceCall endPacket constrain getSocket writeJSON getButton available connected findUntil readBytes exitValue readGreen writeBlue startLoop IPAddress isPressed sendSysex pauseMode gatewayIP setCursor getOemKey tuneWrite noDisplay loadImage switchPIN onRequest onReceive changePIN playFile noBuffer parseInt overflow checkPIN knobRead beginTFT bitClear updateIR bitWrite position writeRGB highByte writeRed setSpeed readBlue noStroke remoteIP transfer shutdown hangCall beginSMS endWrite attached maintain noCursor checkReg checkPUK shiftOut isValid shiftIn pulseIn connect println localIP pinMode getIMEI display noBlink process getBand running beginSD drawBMP lowByte setBand release bitRead prepare pointTo readRed setMode noFill remove listen stroke detach attach noTone exists buffer height bitSet circle config cursor random IRread setDNS endSMS getKey micros millis begin print write ready flush width isPIN blink clear press mkdir rmdir close point yield image BSSID click delay read text move peek beep rect line open seek fill size turn stop home find step tone sqrt RSSI SSID end bit tan cos sin pow map abs max min get run put",literal:"DIGITAL_MESSAGE FIRMATA_STRING ANALOG_MESSAGE REPORT_DIGITAL REPORT_ANALOG INPUT_PULLUP SET_PIN_MODE INTERNAL2V56 SYSTEM_RESET LED_BUILTIN INTERNAL1V1 SYSEX_START INTERNAL EXTERNAL DEFAULT OUTPUT INPUT HIGH LOW"},c:[t.preprocessor,e.CLCM,e.CBCM,e.ASM,e.QSM,e.CNM]}});hljs.registerLanguage("mathematica",function(e){return{aliases:["mma"],l:"(\\$|\\b)"+e.IR+"\\b",k:"AbelianGroup Abort AbortKernels AbortProtect Above Abs Absolute AbsoluteCorrelation AbsoluteCorrelationFunction AbsoluteCurrentValue AbsoluteDashing AbsoluteFileName AbsoluteOptions AbsolutePointSize AbsoluteThickness AbsoluteTime AbsoluteTiming AccountingForm Accumulate Accuracy AccuracyGoal ActionDelay ActionMenu ActionMenuBox ActionMenuBoxOptions Active ActiveItem ActiveStyle AcyclicGraphQ AddOnHelpPath AddTo AdjacencyGraph AdjacencyList AdjacencyMatrix AdjustmentBox AdjustmentBoxOptions AdjustTimeSeriesForecast AffineTransform After AiryAi AiryAiPrime AiryAiZero AiryBi AiryBiPrime AiryBiZero AlgebraicIntegerQ AlgebraicNumber AlgebraicNumberDenominator AlgebraicNumberNorm AlgebraicNumberPolynomial AlgebraicNumberTrace AlgebraicRules AlgebraicRulesData Algebraics AlgebraicUnitQ Alignment AlignmentMarker AlignmentPoint All AllowedDimensions AllowGroupClose AllowInlineCells AllowKernelInitialization AllowReverseGroupClose AllowScriptLevelChange AlphaChannel AlternatingGroup AlternativeHypothesis Alternatives AmbientLight Analytic AnchoredSearch And AndersonDarlingTest AngerJ AngleBracket AngularGauge Animate AnimationCycleOffset AnimationCycleRepetitions AnimationDirection AnimationDisplayTime AnimationRate AnimationRepetitions AnimationRunning Animator AnimatorBox AnimatorBoxOptions AnimatorElements Annotation Annuity AnnuityDue Antialiasing Antisymmetric Apart ApartSquareFree Appearance AppearanceElements AppellF1 Append AppendTo Apply ArcCos ArcCosh ArcCot ArcCoth ArcCsc ArcCsch ArcSec ArcSech ArcSin ArcSinDistribution ArcSinh ArcTan ArcTanh Arg ArgMax ArgMin ArgumentCountQ ARIMAProcess ArithmeticGeometricMean ARMAProcess ARProcess Array ArrayComponents ArrayDepth ArrayFlatten ArrayPad ArrayPlot ArrayQ ArrayReshape ArrayRules Arrays Arrow Arrow3DBox ArrowBox Arrowheads AspectRatio AspectRatioFixed Assert Assuming Assumptions AstronomicalData Asynchronous AsynchronousTaskObject AsynchronousTasks AtomQ Attributes AugmentedSymmetricPolynomial AutoAction AutoDelete AutoEvaluateEvents AutoGeneratedPackage AutoIndent AutoIndentSpacings AutoItalicWords AutoloadPath AutoMatch Automatic AutomaticImageSize AutoMultiplicationSymbol AutoNumberFormatting AutoOpenNotebooks AutoOpenPalettes AutorunSequencing AutoScaling AutoScroll AutoSpacing AutoStyleOptions AutoStyleWords Axes AxesEdge AxesLabel AxesOrigin AxesStyle Axis BabyMonsterGroupB Back Background BackgroundTasksSettings Backslash Backsubstitution Backward Band BandpassFilter BandstopFilter BarabasiAlbertGraphDistribution BarChart BarChart3D BarLegend BarlowProschanImportance BarnesG BarOrigin BarSpacing BartlettHannWindow BartlettWindow BaseForm Baseline BaselinePosition BaseStyle BatesDistribution BattleLemarieWavelet Because BeckmannDistribution Beep Before Begin BeginDialogPacket BeginFrontEndInteractionPacket BeginPackage BellB BellY Below BenfordDistribution BeniniDistribution BenktanderGibratDistribution BenktanderWeibullDistribution BernoulliB BernoulliDistribution BernoulliGraphDistribution BernoulliProcess BernsteinBasis BesselFilterModel BesselI BesselJ BesselJZero BesselK BesselY BesselYZero Beta BetaBinomialDistribution BetaDistribution BetaNegativeBinomialDistribution BetaPrimeDistribution BetaRegularized BetweennessCentrality BezierCurve BezierCurve3DBox BezierCurve3DBoxOptions BezierCurveBox BezierCurveBoxOptions BezierFunction BilateralFilter Binarize BinaryFormat BinaryImageQ BinaryRead BinaryReadList BinaryWrite BinCounts BinLists Binomial BinomialDistribution BinomialProcess BinormalDistribution BiorthogonalSplineWavelet BipartiteGraphQ BirnbaumImportance BirnbaumSaundersDistribution BitAnd BitClear BitGet BitLength BitNot BitOr BitSet BitShiftLeft BitShiftRight BitXor Black BlackmanHarrisWindow BlackmanNuttallWindow BlackmanWindow Blank BlankForm BlankNullSequence BlankSequence Blend Block BlockRandom BlomqvistBeta BlomqvistBetaTest Blue Blur BodePlot BohmanWindow Bold Bookmarks Boole BooleanConsecutiveFunction BooleanConvert BooleanCountingFunction BooleanFunction BooleanGraph BooleanMaxterms BooleanMinimize BooleanMinterms Booleans BooleanTable BooleanVariables BorderDimensions BorelTannerDistribution Bottom BottomHatTransform BoundaryStyle Bounds Box BoxBaselineShift BoxData BoxDimensions Boxed Boxes BoxForm BoxFormFormatTypes BoxFrame BoxID BoxMargins BoxMatrix BoxRatios BoxRotation BoxRotationPoint BoxStyle BoxWhiskerChart Bra BracketingBar BraKet BrayCurtisDistance BreadthFirstScan Break Brown BrownForsytheTest BrownianBridgeProcess BrowserCategory BSplineBasis BSplineCurve BSplineCurve3DBox BSplineCurveBox BSplineCurveBoxOptions BSplineFunction BSplineSurface BSplineSurface3DBox BubbleChart BubbleChart3D BubbleScale BubbleSizes BulletGauge BusinessDayQ ButterflyGraph ButterworthFilterModel Button ButtonBar ButtonBox ButtonBoxOptions ButtonCell ButtonContents ButtonData ButtonEvaluator ButtonExpandable ButtonFrame ButtonFunction ButtonMargins ButtonMinHeight ButtonNote ButtonNotebook ButtonSource ButtonStyle ButtonStyleMenuListing Byte ByteCount ByteOrdering C CachedValue CacheGraphics CalendarData CalendarType CallPacket CanberraDistance Cancel CancelButton CandlestickChart Cap CapForm CapitalDifferentialD CardinalBSplineBasis CarmichaelLambda Cases Cashflow Casoratian Catalan CatalanNumber Catch CauchyDistribution CauchyWindow CayleyGraph CDF CDFDeploy CDFInformation CDFWavelet Ceiling Cell CellAutoOverwrite CellBaseline CellBoundingBox CellBracketOptions CellChangeTimes CellContents CellContext CellDingbat CellDynamicExpression CellEditDuplicate CellElementsBoundingBox CellElementSpacings CellEpilog CellEvaluationDuplicate CellEvaluationFunction CellEventActions CellFrame CellFrameColor CellFrameLabelMargins CellFrameLabels CellFrameMargins CellGroup CellGroupData CellGrouping CellGroupingRules CellHorizontalScrolling CellID CellLabel CellLabelAutoDelete CellLabelMargins CellLabelPositioning CellMargins CellObject CellOpen CellPrint CellProlog Cells CellSize CellStyle CellTags CellularAutomaton CensoredDistribution Censoring Center CenterDot CentralMoment CentralMomentGeneratingFunction CForm ChampernowneNumber ChanVeseBinarize Character CharacterEncoding CharacterEncodingsPath CharacteristicFunction CharacteristicPolynomial CharacterRange Characters ChartBaseStyle ChartElementData ChartElementDataFunction ChartElementFunction ChartElements ChartLabels ChartLayout ChartLegends ChartStyle Chebyshev1FilterModel Chebyshev2FilterModel ChebyshevDistance ChebyshevT ChebyshevU Check CheckAbort CheckAll Checkbox CheckboxBar CheckboxBox CheckboxBoxOptions ChemicalData ChessboardDistance ChiDistribution ChineseRemainder ChiSquareDistribution ChoiceButtons ChoiceDialog CholeskyDecomposition Chop Circle CircleBox CircleDot CircleMinus CirclePlus CircleTimes CirculantGraph CityData Clear ClearAll ClearAttributes ClearSystemCache ClebschGordan ClickPane Clip ClipboardNotebook ClipFill ClippingStyle ClipPlanes ClipRange Clock ClockGauge ClockwiseContourIntegral Close Closed CloseKernels ClosenessCentrality Closing ClosingAutoSave ClosingEvent ClusteringComponents CMYKColor Coarse Coefficient CoefficientArrays CoefficientDomain CoefficientList CoefficientRules CoifletWavelet Collect Colon ColonForm ColorCombine ColorConvert ColorData ColorDataFunction ColorFunction ColorFunctionScaling Colorize ColorNegate ColorOutput ColorProfileData ColorQuantize ColorReplace ColorRules ColorSelectorSettings ColorSeparate ColorSetter ColorSetterBox ColorSetterBoxOptions ColorSlider ColorSpace Column ColumnAlignments ColumnBackgrounds ColumnForm ColumnLines ColumnsEqual ColumnSpacings ColumnWidths CommonDefaultFormatTypes Commonest CommonestFilter CommonUnits CommunityBoundaryStyle CommunityGraphPlot CommunityLabels CommunityRegionStyle CompatibleUnitQ CompilationOptions CompilationTarget Compile Compiled CompiledFunction Complement CompleteGraph CompleteGraphQ CompleteKaryTree CompletionsListPacket Complex Complexes ComplexExpand ComplexInfinity ComplexityFunction ComponentMeasurements ComponentwiseContextMenu Compose ComposeList ComposeSeries Composition CompoundExpression CompoundPoissonDistribution CompoundPoissonProcess CompoundRenewalProcess Compress CompressedData Condition ConditionalExpression Conditioned Cone ConeBox ConfidenceLevel ConfidenceRange ConfidenceTransform ConfigurationPath Congruent Conjugate ConjugateTranspose Conjunction Connect ConnectedComponents ConnectedGraphQ ConnesWindow ConoverTest ConsoleMessage ConsoleMessagePacket ConsolePrint Constant ConstantArray Constants ConstrainedMax ConstrainedMin ContentPadding ContentsBoundingBox ContentSelectable ContentSize Context ContextMenu Contexts ContextToFilename ContextToFileName Continuation Continue ContinuedFraction ContinuedFractionK ContinuousAction ContinuousMarkovProcess ContinuousTimeModelQ ContinuousWaveletData ContinuousWaveletTransform ContourDetect ContourGraphics ContourIntegral ContourLabels ContourLines ContourPlot ContourPlot3D Contours ContourShading ContourSmoothing ContourStyle ContraharmonicMean Control ControlActive ControlAlignment ControllabilityGramian ControllabilityMatrix ControllableDecomposition ControllableModelQ ControllerDuration ControllerInformation ControllerInformationData ControllerLinking ControllerManipulate ControllerMethod ControllerPath ControllerState ControlPlacement ControlsRendering ControlType Convergents ConversionOptions ConversionRules ConvertToBitmapPacket ConvertToPostScript ConvertToPostScriptPacket Convolve ConwayGroupCo1 ConwayGroupCo2 ConwayGroupCo3 CoordinateChartData CoordinatesToolOptions CoordinateTransform CoordinateTransformData CoprimeQ Coproduct CopulaDistribution Copyable CopyDirectory CopyFile CopyTag CopyToClipboard CornerFilter CornerNeighbors Correlation CorrelationDistance CorrelationFunction CorrelationTest Cos Cosh CoshIntegral CosineDistance CosineWindow CosIntegral Cot Coth Count CounterAssignments CounterBox CounterBoxOptions CounterClockwiseContourIntegral CounterEvaluator CounterFunction CounterIncrements CounterStyle CounterStyleMenuListing CountRoots CountryData Covariance CovarianceEstimatorFunction CovarianceFunction CoxianDistribution CoxIngersollRossProcess CoxModel CoxModelFit CramerVonMisesTest CreateArchive CreateDialog CreateDirectory CreateDocument CreateIntermediateDirectories CreatePalette CreatePalettePacket CreateScheduledTask CreateTemporary CreateWindow CriticalityFailureImportance CriticalitySuccessImportance CriticalSection Cross CrossingDetect CrossMatrix Csc Csch CubeRoot Cubics Cuboid CuboidBox Cumulant CumulantGeneratingFunction Cup CupCap Curl CurlyDoubleQuote CurlyQuote CurrentImage CurrentlySpeakingPacket CurrentValue CurvatureFlowFilter CurveClosed Cyan CycleGraph CycleIndexPolynomial Cycles CyclicGroup Cyclotomic Cylinder CylinderBox CylindricalDecomposition D DagumDistribution DamerauLevenshteinDistance DampingFactor Darker Dashed Dashing DataCompression DataDistribution DataRange DataReversed Date DateDelimiters DateDifference DateFunction DateList DateListLogPlot DateListPlot DatePattern DatePlus DateRange DateString DateTicksFormat DaubechiesWavelet DavisDistribution DawsonF DayCount DayCountConvention DayMatchQ DayName DayPlus DayRange DayRound DeBruijnGraph Debug DebugTag Decimal DeclareKnownSymbols DeclarePackage Decompose Decrement DedekindEta Default DefaultAxesStyle DefaultBaseStyle DefaultBoxStyle DefaultButton DefaultColor DefaultControlPlacement DefaultDuplicateCellStyle DefaultDuration DefaultElement DefaultFaceGridsStyle DefaultFieldHintStyle DefaultFont DefaultFontProperties DefaultFormatType DefaultFormatTypeForStyle DefaultFrameStyle DefaultFrameTicksStyle DefaultGridLinesStyle DefaultInlineFormatType DefaultInputFormatType DefaultLabelStyle DefaultMenuStyle DefaultNaturalLanguage DefaultNewCellStyle DefaultNewInlineCellStyle DefaultNotebook DefaultOptions DefaultOutputFormatType DefaultStyle DefaultStyleDefinitions DefaultTextFormatType DefaultTextInlineFormatType DefaultTicksStyle DefaultTooltipStyle DefaultValues Defer DefineExternal DefineInputStreamMethod DefineOutputStreamMethod Definition Degree DegreeCentrality DegreeGraphDistribution DegreeLexicographic DegreeReverseLexicographic Deinitialization Del Deletable Delete DeleteBorderComponents DeleteCases DeleteContents DeleteDirectory DeleteDuplicates DeleteFile DeleteSmallComponents DeleteWithContents DeletionWarning Delimiter DelimiterFlashTime DelimiterMatching Delimiters Denominator DensityGraphics DensityHistogram DensityPlot DependentVariables Deploy Deployed Depth DepthFirstScan Derivative DerivativeFilter DescriptorStateSpace DesignMatrix Det DGaussianWavelet DiacriticalPositioning Diagonal DiagonalMatrix Dialog DialogIndent DialogInput DialogLevel DialogNotebook DialogProlog DialogReturn DialogSymbols Diamond DiamondMatrix DiceDissimilarity DictionaryLookup DifferenceDelta DifferenceOrder DifferenceRoot DifferenceRootReduce Differences DifferentialD DifferentialRoot DifferentialRootReduce DifferentiatorFilter DigitBlock DigitBlockMinimum DigitCharacter DigitCount DigitQ DihedralGroup Dilation Dimensions DiracComb DiracDelta DirectedEdge DirectedEdges DirectedGraph DirectedGraphQ DirectedInfinity Direction Directive Directory DirectoryName DirectoryQ DirectoryStack DirichletCharacter DirichletConvolve DirichletDistribution DirichletL DirichletTransform DirichletWindow DisableConsolePrintPacket DiscreteChirpZTransform DiscreteConvolve DiscreteDelta DiscreteHadamardTransform DiscreteIndicator DiscreteLQEstimatorGains DiscreteLQRegulatorGains DiscreteLyapunovSolve DiscreteMarkovProcess DiscretePlot DiscretePlot3D DiscreteRatio DiscreteRiccatiSolve DiscreteShift DiscreteTimeModelQ DiscreteUniformDistribution DiscreteVariables DiscreteWaveletData DiscreteWaveletPacketTransform DiscreteWaveletTransform Discriminant Disjunction Disk DiskBox DiskMatrix Dispatch DispersionEstimatorFunction Display DisplayAllSteps DisplayEndPacket DisplayFlushImagePacket DisplayForm DisplayFunction DisplayPacket DisplayRules DisplaySetSizePacket DisplayString DisplayTemporary DisplayWith DisplayWithRef DisplayWithVariable DistanceFunction DistanceTransform Distribute Distributed DistributedContexts DistributeDefinitions DistributionChart DistributionDomain DistributionFitTest DistributionParameterAssumptions DistributionParameterQ Dithering Div Divergence Divide DivideBy Dividers Divisible Divisors DivisorSigma DivisorSum DMSList DMSString Do DockedCells DocumentNotebook DominantColors DOSTextFormat Dot DotDashed DotEqual Dotted DoubleBracketingBar DoubleContourIntegral DoubleDownArrow DoubleLeftArrow DoubleLeftRightArrow DoubleLeftTee DoubleLongLeftArrow DoubleLongLeftRightArrow DoubleLongRightArrow DoubleRightArrow DoubleRightTee DoubleUpArrow DoubleUpDownArrow DoubleVerticalBar DoublyInfinite Down DownArrow DownArrowBar DownArrowUpArrow DownLeftRightVector DownLeftTeeVector DownLeftVector DownLeftVectorBar DownRightTeeVector DownRightVector DownRightVectorBar Downsample DownTee DownTeeArrow DownValues DragAndDrop DrawEdges DrawFrontFaces DrawHighlighted Drop DSolve Dt DualLinearProgramming DualSystemsModel DumpGet DumpSave DuplicateFreeQ Dynamic DynamicBox DynamicBoxOptions DynamicEvaluationTimeout DynamicLocation DynamicModule DynamicModuleBox DynamicModuleBoxOptions DynamicModuleParent DynamicModuleValues DynamicName DynamicNamespace DynamicReference DynamicSetting DynamicUpdating DynamicWrapper DynamicWrapperBox DynamicWrapperBoxOptions E EccentricityCentrality EdgeAdd EdgeBetweennessCentrality EdgeCapacity EdgeCapForm EdgeColor EdgeConnectivity EdgeCost EdgeCount EdgeCoverQ EdgeDashing EdgeDelete EdgeDetect EdgeForm EdgeIndex EdgeJoinForm EdgeLabeling EdgeLabels EdgeLabelStyle EdgeList EdgeOpacity EdgeQ EdgeRenderingFunction EdgeRules EdgeShapeFunction EdgeStyle EdgeThickness EdgeWeight Editable EditButtonSettings EditCellTagsSettings EditDistance EffectiveInterest Eigensystem Eigenvalues EigenvectorCentrality Eigenvectors Element ElementData Eliminate EliminationOrder EllipticE EllipticExp EllipticExpPrime EllipticF EllipticFilterModel EllipticK EllipticLog EllipticNomeQ EllipticPi EllipticReducedHalfPeriods EllipticTheta EllipticThetaPrime EmitSound EmphasizeSyntaxErrors EmpiricalDistribution Empty EmptyGraphQ EnableConsolePrintPacket Enabled Encode End EndAdd EndDialogPacket EndFrontEndInteractionPacket EndOfFile EndOfLine EndOfString EndPackage EngineeringForm Enter EnterExpressionPacket EnterTextPacket Entropy EntropyFilter Environment Epilog Equal EqualColumns EqualRows EqualTilde EquatedTo Equilibrium EquirippleFilterKernel Equivalent Erf Erfc Erfi ErlangB ErlangC ErlangDistribution Erosion ErrorBox ErrorBoxOptions ErrorNorm ErrorPacket ErrorsDialogSettings EstimatedDistribution EstimatedProcess EstimatorGains EstimatorRegulator EuclideanDistance EulerE EulerGamma EulerianGraphQ EulerPhi Evaluatable Evaluate Evaluated EvaluatePacket EvaluationCell EvaluationCompletionAction EvaluationElements EvaluationMode EvaluationMonitor EvaluationNotebook EvaluationObject EvaluationOrder Evaluator EvaluatorNames EvenQ EventData EventEvaluator EventHandler EventHandlerTag EventLabels ExactBlackmanWindow ExactNumberQ ExactRootIsolation ExampleData Except ExcludedForms ExcludePods Exclusions ExclusionsStyle Exists Exit ExitDialog Exp Expand ExpandAll ExpandDenominator ExpandFileName ExpandNumerator Expectation ExpectationE ExpectedValue ExpGammaDistribution ExpIntegralE ExpIntegralEi Exponent ExponentFunction ExponentialDistribution ExponentialFamily ExponentialGeneratingFunction ExponentialMovingAverage ExponentialPowerDistribution ExponentPosition ExponentStep Export ExportAutoReplacements ExportPacket ExportString Expression ExpressionCell ExpressionPacket ExpToTrig ExtendedGCD Extension ExtentElementFunction ExtentMarkers ExtentSize ExternalCall ExternalDataCharacterEncoding Extract ExtractArchive ExtremeValueDistribution FaceForm FaceGrids FaceGridsStyle Factor FactorComplete Factorial Factorial2 FactorialMoment FactorialMomentGeneratingFunction FactorialPower FactorInteger FactorList FactorSquareFree FactorSquareFreeList FactorTerms FactorTermsList Fail FailureDistribution False FARIMAProcess FEDisableConsolePrintPacket FeedbackSector FeedbackSectorStyle FeedbackType FEEnableConsolePrintPacket Fibonacci FieldHint FieldHintStyle FieldMasked FieldSize File FileBaseName FileByteCount FileDate FileExistsQ FileExtension FileFormat FileHash FileInformation FileName FileNameDepth FileNameDialogSettings FileNameDrop FileNameJoin FileNames FileNameSetter FileNameSplit FileNameTake FilePrint FileType FilledCurve FilledCurveBox Filling FillingStyle FillingTransform FilterRules FinancialBond FinancialData FinancialDerivative FinancialIndicator Find FindArgMax FindArgMin FindClique FindClusters FindCurvePath FindDistributionParameters FindDivisions FindEdgeCover FindEdgeCut FindEulerianCycle FindFaces FindFile FindFit FindGeneratingFunction FindGeoLocation FindGeometricTransform FindGraphCommunities FindGraphIsomorphism FindGraphPartition FindHamiltonianCycle FindIndependentEdgeSet FindIndependentVertexSet FindInstance FindIntegerNullVector FindKClan FindKClique FindKClub FindKPlex FindLibrary FindLinearRecurrence FindList FindMaximum FindMaximumFlow FindMaxValue FindMinimum FindMinimumCostFlow FindMinimumCut FindMinValue FindPermutation FindPostmanTour FindProcessParameters FindRoot FindSequenceFunction FindSettings FindShortestPath FindShortestTour FindThreshold FindVertexCover FindVertexCut Fine FinishDynamic FiniteAbelianGroupCount FiniteGroupCount FiniteGroupData First FirstPassageTimeDistribution FischerGroupFi22 FischerGroupFi23 FischerGroupFi24Prime FisherHypergeometricDistribution FisherRatioTest FisherZDistribution Fit FitAll FittedModel FixedPoint FixedPointList FlashSelection Flat Flatten FlattenAt FlatTopWindow FlipView Floor FlushPrintOutputPacket Fold FoldList Font FontColor FontFamily FontForm FontName FontOpacity FontPostScriptName FontProperties FontReencoding FontSize FontSlant FontSubstitutions FontTracking FontVariations FontWeight For ForAll Format FormatRules FormatType FormatTypeAutoConvert FormatValues FormBox FormBoxOptions FortranForm Forward ForwardBackward Fourier FourierCoefficient FourierCosCoefficient FourierCosSeries FourierCosTransform FourierDCT FourierDCTFilter FourierDCTMatrix FourierDST FourierDSTMatrix FourierMatrix FourierParameters FourierSequenceTransform FourierSeries FourierSinCoefficient FourierSinSeries FourierSinTransform FourierTransform FourierTrigSeries FractionalBrownianMotionProcess FractionalPart FractionBox FractionBoxOptions FractionLine Frame FrameBox FrameBoxOptions Framed FrameInset FrameLabel Frameless FrameMargins FrameStyle FrameTicks FrameTicksStyle FRatioDistribution FrechetDistribution FreeQ FrequencySamplingFilterKernel FresnelC FresnelS Friday FrobeniusNumber FrobeniusSolve FromCharacterCode FromCoefficientRules FromContinuedFraction FromDate FromDigits FromDMS Front FrontEndDynamicExpression FrontEndEventActions FrontEndExecute FrontEndObject FrontEndResource FrontEndResourceString FrontEndStackSize FrontEndToken FrontEndTokenExecute FrontEndValueCache FrontEndVersion FrontFaceColor FrontFaceOpacity Full FullAxes FullDefinition FullForm FullGraphics FullOptions FullSimplify Function FunctionExpand FunctionInterpolation FunctionSpace FussellVeselyImportance GaborFilter GaborMatrix GaborWavelet GainMargins GainPhaseMargins Gamma GammaDistribution GammaRegularized GapPenalty Gather GatherBy GaugeFaceElementFunction GaugeFaceStyle GaugeFrameElementFunction GaugeFrameSize GaugeFrameStyle GaugeLabels GaugeMarkers GaugeStyle GaussianFilter GaussianIntegers GaussianMatrix GaussianWindow GCD GegenbauerC General GeneralizedLinearModelFit GenerateConditions GeneratedCell GeneratedParameters GeneratingFunction Generic GenericCylindricalDecomposition GenomeData GenomeLookup GeodesicClosing GeodesicDilation GeodesicErosion GeodesicOpening GeoDestination GeodesyData GeoDirection GeoDistance GeoGridPosition GeometricBrownianMotionProcess GeometricDistribution GeometricMean GeometricMeanFilter GeometricTransformation GeometricTransformation3DBox GeometricTransformation3DBoxOptions GeometricTransformationBox GeometricTransformationBoxOptions GeoPosition GeoPositionENU GeoPositionXYZ GeoProjectionData GestureHandler GestureHandlerTag Get GetBoundingBoxSizePacket GetContext GetEnvironment GetFileName GetFrontEndOptionsDataPacket GetLinebreakInformationPacket GetMenusPacket GetPageBreakInformationPacket Glaisher GlobalClusteringCoefficient GlobalPreferences GlobalSession Glow GoldenRatio GompertzMakehamDistribution GoodmanKruskalGamma GoodmanKruskalGammaTest Goto Grad Gradient GradientFilter GradientOrientationFilter Graph GraphAssortativity GraphCenter GraphComplement GraphData GraphDensity GraphDiameter GraphDifference GraphDisjointUnion GraphDistance GraphDistanceMatrix GraphElementData GraphEmbedding GraphHighlight GraphHighlightStyle GraphHub Graphics Graphics3D Graphics3DBox Graphics3DBoxOptions GraphicsArray GraphicsBaseline GraphicsBox GraphicsBoxOptions GraphicsColor GraphicsColumn GraphicsComplex GraphicsComplex3DBox GraphicsComplex3DBoxOptions GraphicsComplexBox GraphicsComplexBoxOptions GraphicsContents GraphicsData GraphicsGrid GraphicsGridBox GraphicsGroup GraphicsGroup3DBox GraphicsGroup3DBoxOptions GraphicsGroupBox GraphicsGroupBoxOptions GraphicsGrouping GraphicsHighlightColor GraphicsRow GraphicsSpacing GraphicsStyle GraphIntersection GraphLayout GraphLinkEfficiency GraphPeriphery GraphPlot GraphPlot3D GraphPower GraphPropertyDistribution GraphQ GraphRadius GraphReciprocity GraphRoot GraphStyle GraphUnion Gray GrayLevel GreatCircleDistance Greater GreaterEqual GreaterEqualLess GreaterFullEqual GreaterGreater GreaterLess GreaterSlantEqual GreaterTilde Green Grid GridBaseline GridBox GridBoxAlignment GridBoxBackground GridBoxDividers GridBoxFrame GridBoxItemSize GridBoxItemStyle GridBoxOptions GridBoxSpacings GridCreationSettings GridDefaultElement GridElementStyleOptions GridFrame GridFrameMargins GridGraph GridLines GridLinesStyle GroebnerBasis GroupActionBase GroupCentralizer GroupElementFromWord GroupElementPosition GroupElementQ GroupElements GroupElementToWord GroupGenerators GroupMultiplicationTable GroupOrbits GroupOrder GroupPageBreakWithin GroupSetwiseStabilizer GroupStabilizer GroupStabilizerChain Gudermannian GumbelDistribution HaarWavelet HadamardMatrix HalfNormalDistribution HamiltonianGraphQ HammingDistance HammingWindow HankelH1 HankelH2 HankelMatrix HannPoissonWindow HannWindow HaradaNortonGroupHN HararyGraph HarmonicMean HarmonicMeanFilter HarmonicNumber Hash HashTable Haversine HazardFunction Head HeadCompose Heads HeavisideLambda HeavisidePi HeavisideTheta HeldGroupHe HeldPart HelpBrowserLookup HelpBrowserNotebook HelpBrowserSettings HermiteDecomposition HermiteH HermitianMatrixQ HessenbergDecomposition Hessian HexadecimalCharacter Hexahedron HexahedronBox HexahedronBoxOptions HiddenSurface HighlightGraph HighlightImage HighpassFilter HigmanSimsGroupHS HilbertFilter HilbertMatrix Histogram Histogram3D HistogramDistribution HistogramList HistogramTransform HistogramTransformInterpolation HitMissTransform HITSCentrality HodgeDual HoeffdingD HoeffdingDTest Hold HoldAll HoldAllComplete HoldComplete HoldFirst HoldForm HoldPattern HoldRest HolidayCalendar HomeDirectory HomePage Horizontal HorizontalForm HorizontalGauge HorizontalScrollPosition HornerForm HotellingTSquareDistribution HoytDistribution HTMLSave Hue HumpDownHump HumpEqual HurwitzLerchPhi HurwitzZeta HyperbolicDistribution HypercubeGraph HyperexponentialDistribution Hyperfactorial Hypergeometric0F1 Hypergeometric0F1Regularized Hypergeometric1F1 Hypergeometric1F1Regularized Hypergeometric2F1 Hypergeometric2F1Regularized HypergeometricDistribution HypergeometricPFQ HypergeometricPFQRegularized HypergeometricU Hyperlink HyperlinkCreationSettings Hyphenation HyphenationOptions HypoexponentialDistribution HypothesisTestData I Identity IdentityMatrix If IgnoreCase Im Image Image3D Image3DSlices ImageAccumulate ImageAdd ImageAdjust ImageAlign ImageApply ImageAspectRatio ImageAssemble ImageCache ImageCacheValid ImageCapture ImageChannels ImageClip ImageColorSpace ImageCompose ImageConvolve ImageCooccurrence ImageCorners ImageCorrelate ImageCorrespondingPoints ImageCrop ImageData ImageDataPacket ImageDeconvolve ImageDemosaic ImageDifference ImageDimensions ImageDistance ImageEffect ImageFeatureTrack ImageFileApply ImageFileFilter ImageFileScan ImageFilter ImageForestingComponents ImageForwardTransformation ImageHistogram ImageKeypoints ImageLevels ImageLines ImageMargins ImageMarkers ImageMeasurements ImageMultiply ImageOffset ImagePad ImagePadding ImagePartition ImagePeriodogram ImagePerspectiveTransformation ImageQ ImageRangeCache ImageReflect ImageRegion ImageResize ImageResolution ImageRotate ImageRotated ImageScaled ImageScan ImageSize ImageSizeAction ImageSizeCache ImageSizeMultipliers ImageSizeRaw ImageSubtract ImageTake ImageTransformation ImageTrim ImageType ImageValue ImageValuePositions Implies Import ImportAutoReplacements ImportString ImprovementImportance In IncidenceGraph IncidenceList IncidenceMatrix IncludeConstantBasis IncludeFileExtension IncludePods IncludeSingularTerm Increment Indent IndentingNewlineSpacings IndentMaxFraction IndependenceTest IndependentEdgeSetQ IndependentUnit IndependentVertexSetQ Indeterminate IndexCreationOptions Indexed IndexGraph IndexTag Inequality InexactNumberQ InexactNumbers Infinity Infix Information Inherited InheritScope Initialization InitializationCell InitializationCellEvaluation InitializationCellWarning InlineCounterAssignments InlineCounterIncrements InlineRules Inner Inpaint Input InputAliases InputAssumptions InputAutoReplacements InputField InputFieldBox InputFieldBoxOptions InputForm InputGrouping InputNamePacket InputNotebook InputPacket InputSettings InputStream InputString InputStringPacket InputToBoxFormPacket Insert InsertionPointObject InsertResults Inset Inset3DBox Inset3DBoxOptions InsetBox InsetBoxOptions Install InstallService InString Integer IntegerDigits IntegerExponent IntegerLength IntegerPart IntegerPartitions IntegerQ Integers IntegerString Integral Integrate Interactive InteractiveTradingChart Interlaced Interleaving InternallyBalancedDecomposition InterpolatingFunction InterpolatingPolynomial Interpolation InterpolationOrder InterpolationPoints InterpolationPrecision Interpretation InterpretationBox InterpretationBoxOptions InterpretationFunction InterpretTemplate InterquartileRange Interrupt InterruptSettings Intersection Interval IntervalIntersection IntervalMemberQ IntervalUnion Inverse InverseBetaRegularized InverseCDF InverseChiSquareDistribution InverseContinuousWaveletTransform InverseDistanceTransform InverseEllipticNomeQ InverseErf InverseErfc InverseFourier InverseFourierCosTransform InverseFourierSequenceTransform InverseFourierSinTransform InverseFourierTransform InverseFunction InverseFunctions InverseGammaDistribution InverseGammaRegularized InverseGaussianDistribution InverseGudermannian InverseHaversine InverseJacobiCD InverseJacobiCN InverseJacobiCS InverseJacobiDC InverseJacobiDN InverseJacobiDS InverseJacobiNC InverseJacobiND InverseJacobiNS InverseJacobiSC InverseJacobiSD InverseJacobiSN InverseLaplaceTransform InversePermutation InverseRadon InverseSeries InverseSurvivalFunction InverseWaveletTransform InverseWeierstrassP InverseZTransform Invisible InvisibleApplication InvisibleTimes IrreduciblePolynomialQ IsolatingInterval IsomorphicGraphQ IsotopeData Italic Item ItemBox ItemBoxOptions ItemSize ItemStyle ItoProcess JaccardDissimilarity JacobiAmplitude Jacobian JacobiCD JacobiCN JacobiCS JacobiDC JacobiDN JacobiDS JacobiNC JacobiND JacobiNS JacobiP JacobiSC JacobiSD JacobiSN JacobiSymbol JacobiZeta JankoGroupJ1 JankoGroupJ2 JankoGroupJ3 JankoGroupJ4 JarqueBeraALMTest JohnsonDistribution Join Joined JoinedCurve JoinedCurveBox JoinForm JordanDecomposition JordanModelDecomposition K KagiChart KaiserBesselWindow KaiserWindow KalmanEstimator KalmanFilter KarhunenLoeveDecomposition KaryTree KatzCentrality KCoreComponents KDistribution KelvinBei KelvinBer KelvinKei KelvinKer KendallTau KendallTauTest KernelExecute KernelMixtureDistribution KernelObject Kernels Ket Khinchin KirchhoffGraph KirchhoffMatrix KleinInvariantJ KnightTourGraph KnotData KnownUnitQ KolmogorovSmirnovTest KroneckerDelta KroneckerModelDecomposition KroneckerProduct KroneckerSymbol KuiperTest KumaraswamyDistribution Kurtosis KuwaharaFilter Label Labeled LabeledSlider LabelingFunction LabelStyle LaguerreL LambdaComponents LambertW LanczosWindow LandauDistribution Language LanguageCategory LaplaceDistribution LaplaceTransform Laplacian LaplacianFilter LaplacianGaussianFilter Large Larger Last Latitude LatitudeLongitude LatticeData LatticeReduce Launch LaunchKernels LayeredGraphPlot LayerSizeFunction LayoutInformation LCM LeafCount LeapYearQ LeastSquares LeastSquaresFilterKernel Left LeftArrow LeftArrowBar LeftArrowRightArrow LeftDownTeeVector LeftDownVector LeftDownVectorBar LeftRightArrow LeftRightVector LeftTee LeftTeeArrow LeftTeeVector LeftTriangle LeftTriangleBar LeftTriangleEqual LeftUpDownVector LeftUpTeeVector LeftUpVector LeftUpVectorBar LeftVector LeftVectorBar LegendAppearance Legended LegendFunction LegendLabel LegendLayout LegendMargins LegendMarkers LegendMarkerSize LegendreP LegendreQ LegendreType Length LengthWhile LerchPhi Less LessEqual LessEqualGreater LessFullEqual LessGreater LessLess LessSlantEqual LessTilde LetterCharacter LetterQ Level LeveneTest LeviCivitaTensor LevyDistribution Lexicographic LibraryFunction LibraryFunctionError LibraryFunctionInformation LibraryFunctionLoad LibraryFunctionUnload LibraryLoad LibraryUnload LicenseID LiftingFilterData LiftingWaveletTransform LightBlue LightBrown LightCyan Lighter LightGray LightGreen Lighting LightingAngle LightMagenta LightOrange LightPink LightPurple LightRed LightSources LightYellow Likelihood Limit LimitsPositioning LimitsPositioningTokens LindleyDistribution Line Line3DBox LinearFilter LinearFractionalTransform LinearModelFit LinearOffsetFunction LinearProgramming LinearRecurrence LinearSolve LinearSolveFunction LineBox LineBreak LinebreakAdjustments LineBreakChart LineBreakWithin LineColor LineForm LineGraph LineIndent LineIndentMaxFraction LineIntegralConvolutionPlot LineIntegralConvolutionScale LineLegend LineOpacity LineSpacing LineWrapParts LinkActivate LinkClose LinkConnect LinkConnectedQ LinkCreate LinkError LinkFlush LinkFunction LinkHost LinkInterrupt LinkLaunch LinkMode LinkObject LinkOpen LinkOptions LinkPatterns LinkProtocol LinkRead LinkReadHeld LinkReadyQ Links LinkWrite LinkWriteHeld LiouvilleLambda List Listable ListAnimate ListContourPlot ListContourPlot3D ListConvolve ListCorrelate ListCurvePathPlot ListDeconvolve ListDensityPlot Listen ListFourierSequenceTransform ListInterpolation ListLineIntegralConvolutionPlot ListLinePlot ListLogLinearPlot ListLogLogPlot ListLogPlot ListPicker ListPickerBox ListPickerBoxBackground ListPickerBoxOptions ListPlay ListPlot ListPlot3D ListPointPlot3D ListPolarPlot ListQ ListStreamDensityPlot ListStreamPlot ListSurfacePlot3D ListVectorDensityPlot ListVectorPlot ListVectorPlot3D ListZTransform Literal LiteralSearch LocalClusteringCoefficient LocalizeVariables LocationEquivalenceTest LocationTest Locator LocatorAutoCreate LocatorBox LocatorBoxOptions LocatorCentering LocatorPane LocatorPaneBox LocatorPaneBoxOptions LocatorRegion Locked Log Log10 Log2 LogBarnesG LogGamma LogGammaDistribution LogicalExpand LogIntegral LogisticDistribution LogitModelFit LogLikelihood LogLinearPlot LogLogisticDistribution LogLogPlot LogMultinormalDistribution LogNormalDistribution LogPlot LogRankTest LogSeriesDistribution LongEqual Longest LongestAscendingSequence LongestCommonSequence LongestCommonSequencePositions LongestCommonSubsequence LongestCommonSubsequencePositions LongestMatch LongForm Longitude LongLeftArrow LongLeftRightArrow LongRightArrow Loopback LoopFreeGraphQ LowerCaseQ LowerLeftArrow LowerRightArrow LowerTriangularize LowpassFilter LQEstimatorGains LQGRegulator LQOutputRegulatorGains LQRegulatorGains LUBackSubstitution LucasL LuccioSamiComponents LUDecomposition LyapunovSolve LyonsGroupLy MachineID MachineName MachineNumberQ MachinePrecision MacintoshSystemPageSetup Magenta Magnification Magnify MainSolve MaintainDynamicCaches Majority MakeBoxes MakeExpression MakeRules MangoldtLambda ManhattanDistance Manipulate Manipulator MannWhitneyTest MantissaExponent Manual Map MapAll MapAt MapIndexed MAProcess MapThread MarcumQ MardiaCombinedTest MardiaKurtosisTest MardiaSkewnessTest MarginalDistribution MarkovProcessProperties Masking MatchingDissimilarity MatchLocalNameQ MatchLocalNames MatchQ Material MathematicaNotation MathieuC MathieuCharacteristicA MathieuCharacteristicB MathieuCharacteristicExponent MathieuCPrime MathieuGroupM11 MathieuGroupM12 MathieuGroupM22 MathieuGroupM23 MathieuGroupM24 MathieuS MathieuSPrime MathMLForm MathMLText Matrices MatrixExp MatrixForm MatrixFunction MatrixLog MatrixPlot MatrixPower MatrixQ MatrixRank Max MaxBend MaxDetect MaxExtraBandwidths MaxExtraConditions MaxFeatures MaxFilter Maximize MaxIterations MaxMemoryUsed MaxMixtureKernels MaxPlotPoints MaxPoints MaxRecursion MaxStableDistribution MaxStepFraction MaxSteps MaxStepSize MaxValue MaxwellDistribution McLaughlinGroupMcL Mean MeanClusteringCoefficient MeanDegreeConnectivity MeanDeviation MeanFilter MeanGraphDistance MeanNeighborDegree MeanShift MeanShiftFilter Median MedianDeviation MedianFilter Medium MeijerG MeixnerDistribution MemberQ MemoryConstrained MemoryInUse Menu MenuAppearance MenuCommandKey MenuEvaluator MenuItem MenuPacket MenuSortingValue MenuStyle MenuView MergeDifferences Mesh MeshFunctions MeshRange MeshShading MeshStyle Message MessageDialog MessageList MessageName MessageOptions MessagePacket Messages MessagesNotebook MetaCharacters MetaInformation Method MethodOptions MexicanHatWavelet MeyerWavelet Min MinDetect MinFilter MinimalPolynomial MinimalStateSpaceModel Minimize Minors MinRecursion MinSize MinStableDistribution Minus MinusPlus MinValue Missing MissingDataMethod MittagLefflerE MixedRadix MixedRadixQuantity MixtureDistribution Mod Modal Mode Modular ModularLambda Module Modulus MoebiusMu Moment Momentary MomentConvert MomentEvaluate MomentGeneratingFunction Monday Monitor MonomialList MonomialOrder MonsterGroupM MorletWavelet MorphologicalBinarize MorphologicalBranchPoints MorphologicalComponents MorphologicalEulerNumber MorphologicalGraph MorphologicalPerimeter MorphologicalTransform Most MouseAnnotation MouseAppearance MouseAppearanceTag MouseButtons Mouseover MousePointerNote MousePosition MovingAverage MovingMedian MoyalDistribution MultiedgeStyle MultilaunchWarning MultiLetterItalics MultiLetterStyle MultilineFunction Multinomial MultinomialDistribution MultinormalDistribution MultiplicativeOrder Multiplicity Multiselection MultivariateHypergeometricDistribution MultivariatePoissonDistribution MultivariateTDistribution N NakagamiDistribution NameQ Names NamespaceBox Nand NArgMax NArgMin NBernoulliB NCache NDSolve NDSolveValue Nearest NearestFunction NeedCurrentFrontEndPackagePacket NeedCurrentFrontEndSymbolsPacket NeedlemanWunschSimilarity Needs Negative NegativeBinomialDistribution NegativeMultinomialDistribution NeighborhoodGraph Nest NestedGreaterGreater NestedLessLess NestedScriptRules NestList NestWhile NestWhileList NevilleThetaC NevilleThetaD NevilleThetaN NevilleThetaS NewPrimitiveStyle NExpectation Next NextPrime NHoldAll NHoldFirst NHoldRest NicholsGridLines NicholsPlot NIntegrate NMaximize NMaxValue NMinimize NMinValue NominalVariables NonAssociative NoncentralBetaDistribution NoncentralChiSquareDistribution NoncentralFRatioDistribution NoncentralStudentTDistribution NonCommutativeMultiply NonConstants None NonlinearModelFit NonlocalMeansFilter NonNegative NonPositive Nor NorlundB Norm Normal NormalDistribution NormalGrouping Normalize NormalizedSquaredEuclideanDistance NormalsFunction NormFunction Not NotCongruent NotCupCap NotDoubleVerticalBar Notebook NotebookApply NotebookAutoSave NotebookClose NotebookConvertSettings NotebookCreate NotebookCreateReturnObject NotebookDefault NotebookDelete NotebookDirectory NotebookDynamicExpression NotebookEvaluate NotebookEventActions NotebookFileName NotebookFind NotebookFindReturnObject NotebookGet NotebookGetLayoutInformationPacket NotebookGetMisspellingsPacket NotebookInformation NotebookInterfaceObject NotebookLocate NotebookObject NotebookOpen NotebookOpenReturnObject NotebookPath NotebookPrint NotebookPut NotebookPutReturnObject NotebookRead NotebookResetGeneratedCells Notebooks NotebookSave NotebookSaveAs NotebookSelection NotebookSetupLayoutInformationPacket NotebooksMenu NotebookWrite NotElement NotEqualTilde NotExists NotGreater NotGreaterEqual NotGreaterFullEqual NotGreaterGreater NotGreaterLess NotGreaterSlantEqual NotGreaterTilde NotHumpDownHump NotHumpEqual NotLeftTriangle NotLeftTriangleBar NotLeftTriangleEqual NotLess NotLessEqual NotLessFullEqual NotLessGreater NotLessLess NotLessSlantEqual NotLessTilde NotNestedGreaterGreater NotNestedLessLess NotPrecedes NotPrecedesEqual NotPrecedesSlantEqual NotPrecedesTilde NotReverseElement NotRightTriangle NotRightTriangleBar NotRightTriangleEqual NotSquareSubset NotSquareSubsetEqual NotSquareSuperset NotSquareSupersetEqual NotSubset NotSubsetEqual NotSucceeds NotSucceedsEqual NotSucceedsSlantEqual NotSucceedsTilde NotSuperset NotSupersetEqual NotTilde NotTildeEqual NotTildeFullEqual NotTildeTilde NotVerticalBar NProbability NProduct NProductFactors NRoots NSolve NSum NSumTerms Null NullRecords NullSpace NullWords Number NumberFieldClassNumber NumberFieldDiscriminant NumberFieldFundamentalUnits NumberFieldIntegralBasis NumberFieldNormRepresentatives NumberFieldRegulator NumberFieldRootsOfUnity NumberFieldSignature NumberForm NumberFormat NumberMarks NumberMultiplier NumberPadding NumberPoint NumberQ NumberSeparator NumberSigns NumberString Numerator NumericFunction NumericQ NuttallWindow NValues NyquistGridLines NyquistPlot O ObservabilityGramian ObservabilityMatrix ObservableDecomposition ObservableModelQ OddQ Off Offset OLEData On ONanGroupON OneIdentity Opacity Open OpenAppend Opener OpenerBox OpenerBoxOptions OpenerView OpenFunctionInspectorPacket Opening OpenRead OpenSpecialOptions OpenTemporary OpenWrite Operate OperatingSystem OptimumFlowData Optional OptionInspectorSettings OptionQ Options OptionsPacket OptionsPattern OptionValue OptionValueBox OptionValueBoxOptions Or Orange Order OrderDistribution OrderedQ Ordering Orderless OrnsteinUhlenbeckProcess Orthogonalize Out Outer OutputAutoOverwrite OutputControllabilityMatrix OutputControllableModelQ OutputForm OutputFormData OutputGrouping OutputMathEditExpression OutputNamePacket OutputResponse OutputSizeLimit OutputStream Over OverBar OverDot Overflow OverHat Overlaps Overlay OverlayBox OverlayBoxOptions Overscript OverscriptBox OverscriptBoxOptions OverTilde OverVector OwenT OwnValues PackingMethod PaddedForm Padding PadeApproximant PadLeft PadRight PageBreakAbove PageBreakBelow PageBreakWithin PageFooterLines PageFooters PageHeaderLines PageHeaders PageHeight PageRankCentrality PageWidth PairedBarChart PairedHistogram PairedSmoothHistogram PairedTTest PairedZTest PaletteNotebook PalettePath Pane PaneBox PaneBoxOptions Panel PanelBox PanelBoxOptions Paneled PaneSelector PaneSelectorBox PaneSelectorBoxOptions PaperWidth ParabolicCylinderD ParagraphIndent ParagraphSpacing ParallelArray ParallelCombine ParallelDo ParallelEvaluate Parallelization Parallelize ParallelMap ParallelNeeds ParallelProduct ParallelSubmit ParallelSum ParallelTable ParallelTry Parameter ParameterEstimator ParameterMixtureDistribution ParameterVariables ParametricFunction ParametricNDSolve ParametricNDSolveValue ParametricPlot ParametricPlot3D ParentConnect ParentDirectory ParentForm Parenthesize ParentList ParetoDistribution Part PartialCorrelationFunction PartialD ParticleData Partition PartitionsP PartitionsQ ParzenWindow PascalDistribution PassEventsDown PassEventsUp Paste PasteBoxFormInlineCells PasteButton Path PathGraph PathGraphQ Pattern PatternSequence PatternTest PauliMatrix PaulWavelet Pause PausedTime PDF PearsonChiSquareTest PearsonCorrelationTest PearsonDistribution PerformanceGoal PeriodicInterpolation Periodogram PeriodogramArray PermutationCycles PermutationCyclesQ PermutationGroup PermutationLength PermutationList PermutationListQ PermutationMax PermutationMin PermutationOrder PermutationPower PermutationProduct PermutationReplace Permutations PermutationSupport Permute PeronaMalikFilter Perpendicular PERTDistribution PetersenGraph PhaseMargins Pi Pick PIDData PIDDerivativeFilter PIDFeedforward PIDTune Piecewise PiecewiseExpand PieChart PieChart3D PillaiTrace PillaiTraceTest Pink Pivoting PixelConstrained PixelValue PixelValuePositions Placed Placeholder PlaceholderReplace Plain PlanarGraphQ Play PlayRange Plot Plot3D Plot3Matrix PlotDivision PlotJoined PlotLabel PlotLayout PlotLegends PlotMarkers PlotPoints PlotRange PlotRangeClipping PlotRangePadding PlotRegion PlotStyle Plus PlusMinus Pochhammer PodStates PodWidth Point Point3DBox PointBox PointFigureChart PointForm PointLegend PointSize PoissonConsulDistribution PoissonDistribution PoissonProcess PoissonWindow PolarAxes PolarAxesOrigin PolarGridLines PolarPlot PolarTicks PoleZeroMarkers PolyaAeppliDistribution PolyGamma Polygon Polygon3DBox Polygon3DBoxOptions PolygonBox PolygonBoxOptions PolygonHoleScale PolygonIntersections PolygonScale PolyhedronData PolyLog PolynomialExtendedGCD PolynomialForm PolynomialGCD PolynomialLCM PolynomialMod PolynomialQ PolynomialQuotient PolynomialQuotientRemainder PolynomialReduce PolynomialRemainder Polynomials PopupMenu PopupMenuBox PopupMenuBoxOptions PopupView PopupWindow Position Positive PositiveDefiniteMatrixQ PossibleZeroQ Postfix PostScript Power PowerDistribution PowerExpand PowerMod PowerModList PowerSpectralDensity PowersRepresentations PowerSymmetricPolynomial Precedence PrecedenceForm Precedes PrecedesEqual PrecedesSlantEqual PrecedesTilde Precision PrecisionGoal PreDecrement PredictionRoot PreemptProtect PreferencesPath Prefix PreIncrement Prepend PrependTo PreserveImageOptions Previous PriceGraphDistribution PrimaryPlaceholder Prime PrimeNu PrimeOmega PrimePi PrimePowerQ PrimeQ Primes PrimeZetaP PrimitiveRoot PrincipalComponents PrincipalValue Print PrintAction PrintForm PrintingCopies PrintingOptions PrintingPageRange PrintingStartingPageNumber PrintingStyleEnvironment PrintPrecision PrintTemporary Prism PrismBox PrismBoxOptions PrivateCellOptions PrivateEvaluationOptions PrivateFontOptions PrivateFrontEndOptions PrivateNotebookOptions PrivatePaths Probability ProbabilityDistribution ProbabilityPlot ProbabilityPr ProbabilityScalePlot ProbitModelFit ProcessEstimator ProcessParameterAssumptions ProcessParameterQ ProcessStateDomain ProcessTimeDomain Product ProductDistribution ProductLog ProgressIndicator ProgressIndicatorBox ProgressIndicatorBoxOptions Projection Prolog PromptForm Properties Property PropertyList PropertyValue Proportion Proportional Protect Protected ProteinData Pruning PseudoInverse Purple Put PutAppend Pyramid PyramidBox PyramidBoxOptions QBinomial QFactorial QGamma QHypergeometricPFQ QPochhammer QPolyGamma QRDecomposition QuadraticIrrationalQ Quantile QuantilePlot Quantity QuantityForm QuantityMagnitude QuantityQ QuantityUnit Quartics QuartileDeviation Quartiles QuartileSkewness QueueingNetworkProcess QueueingProcess QueueProperties Quiet Quit Quotient QuotientRemainder RadialityCentrality RadicalBox RadicalBoxOptions RadioButton RadioButtonBar RadioButtonBox RadioButtonBoxOptions Radon RamanujanTau RamanujanTauL RamanujanTauTheta RamanujanTauZ Random RandomChoice RandomComplex RandomFunction RandomGraph RandomImage RandomInteger RandomPermutation RandomPrime RandomReal RandomSample RandomSeed RandomVariate RandomWalkProcess Range RangeFilter RangeSpecification RankedMax RankedMin Raster Raster3D Raster3DBox Raster3DBoxOptions RasterArray RasterBox RasterBoxOptions Rasterize RasterSize Rational RationalFunctions Rationalize Rationals Ratios Raw RawArray RawBoxes RawData RawMedium RayleighDistribution Re Read ReadList ReadProtected Real RealBlockDiagonalForm RealDigits RealExponent Reals Reap Record RecordLists RecordSeparators Rectangle RectangleBox RectangleBoxOptions RectangleChart RectangleChart3D RecurrenceFilter RecurrenceTable RecurringDigitsForm Red Reduce RefBox ReferenceLineStyle ReferenceMarkers ReferenceMarkerStyle Refine ReflectionMatrix ReflectionTransform Refresh RefreshRate RegionBinarize RegionFunction RegionPlot RegionPlot3D RegularExpression Regularization Reinstall Release ReleaseHold ReliabilityDistribution ReliefImage ReliefPlot Remove RemoveAlphaChannel RemoveAsynchronousTask Removed RemoveInputStreamMethod RemoveOutputStreamMethod RemoveProperty RemoveScheduledTask RenameDirectory RenameFile RenderAll RenderingOptions RenewalProcess RenkoChart Repeated RepeatedNull RepeatedString Replace ReplaceAll ReplaceHeldPart ReplaceImageValue ReplaceList ReplacePart ReplacePixelValue ReplaceRepeated Resampling Rescale RescalingTransform ResetDirectory ResetMenusPacket ResetScheduledTask Residue Resolve Rest Resultant ResumePacket Return ReturnExpressionPacket ReturnInputFormPacket ReturnPacket ReturnTextPacket Reverse ReverseBiorthogonalSplineWavelet ReverseElement ReverseEquilibrium ReverseGraph ReverseUpEquilibrium RevolutionAxis RevolutionPlot3D RGBColor RiccatiSolve RiceDistribution RidgeFilter RiemannR RiemannSiegelTheta RiemannSiegelZ Riffle Right RightArrow RightArrowBar RightArrowLeftArrow RightCosetRepresentative RightDownTeeVector RightDownVector RightDownVectorBar RightTee RightTeeArrow RightTeeVector RightTriangle RightTriangleBar RightTriangleEqual RightUpDownVector RightUpTeeVector RightUpVector RightUpVectorBar RightVector RightVectorBar RiskAchievementImportance RiskReductionImportance RogersTanimotoDissimilarity Root RootApproximant RootIntervals RootLocusPlot RootMeanSquare RootOfUnityQ RootReduce Roots RootSum Rotate RotateLabel RotateLeft RotateRight RotationAction RotationBox RotationBoxOptions RotationMatrix RotationTransform Round RoundImplies RoundingRadius Row RowAlignments RowBackgrounds RowBox RowHeights RowLines RowMinHeight RowReduce RowsEqual RowSpacings RSolve RudvalisGroupRu Rule RuleCondition RuleDelayed RuleForm RulerUnits Run RunScheduledTask RunThrough RuntimeAttributes RuntimeOptions RussellRaoDissimilarity SameQ SameTest SampleDepth SampledSoundFunction SampledSoundList SampleRate SamplingPeriod SARIMAProcess SARMAProcess SatisfiabilityCount SatisfiabilityInstances SatisfiableQ Saturday Save Saveable SaveAutoDelete SaveDefinitions SawtoothWave Scale Scaled ScaleDivisions ScaledMousePosition ScaleOrigin ScalePadding ScaleRanges ScaleRangeStyle ScalingFunctions ScalingMatrix ScalingTransform Scan ScheduledTaskActiveQ ScheduledTaskData ScheduledTaskObject ScheduledTasks SchurDecomposition ScientificForm ScreenRectangle ScreenStyleEnvironment ScriptBaselineShifts ScriptLevel ScriptMinSize ScriptRules ScriptSizeMultipliers Scrollbars ScrollingOptions ScrollPosition Sec Sech SechDistribution SectionGrouping SectorChart SectorChart3D SectorOrigin SectorSpacing SeedRandom Select Selectable SelectComponents SelectedCells SelectedNotebook Selection SelectionAnimate SelectionCell SelectionCellCreateCell SelectionCellDefaultStyle SelectionCellParentStyle SelectionCreateCell SelectionDebuggerTag SelectionDuplicateCell SelectionEvaluate SelectionEvaluateCreateCell SelectionMove SelectionPlaceholder SelectionSetStyle SelectWithContents SelfLoops SelfLoopStyle SemialgebraicComponentInstances SendMail Sequence SequenceAlignment SequenceForm SequenceHold SequenceLimit Series SeriesCoefficient SeriesData SessionTime Set SetAccuracy SetAlphaChannel SetAttributes Setbacks SetBoxFormNamesPacket SetDelayed SetDirectory SetEnvironment SetEvaluationNotebook SetFileDate SetFileLoadingContext SetNotebookStatusLine SetOptions SetOptionsPacket SetPrecision SetProperty SetSelectedNotebook SetSharedFunction SetSharedVariable SetSpeechParametersPacket SetStreamPosition SetSystemOptions Setter SetterBar SetterBox SetterBoxOptions Setting SetValue Shading Shallow ShannonWavelet ShapiroWilkTest Share Sharpen ShearingMatrix ShearingTransform ShenCastanMatrix Short ShortDownArrow Shortest ShortestMatch ShortestPathFunction ShortLeftArrow ShortRightArrow ShortUpArrow Show ShowAutoStyles ShowCellBracket ShowCellLabel ShowCellTags ShowClosedCellArea ShowContents ShowControls ShowCursorTracker ShowGroupOpenCloseIcon ShowGroupOpener ShowInvisibleCharacters ShowPageBreaks ShowPredictiveInterface ShowSelection ShowShortBoxForm ShowSpecialCharacters ShowStringCharacters ShowSyntaxStyles ShrinkingDelay ShrinkWrapBoundingBox SiegelTheta SiegelTukeyTest Sign Signature SignedRankTest SignificanceLevel SignPadding SignTest SimilarityRules SimpleGraph SimpleGraphQ Simplify Sin Sinc SinghMaddalaDistribution SingleEvaluation SingleLetterItalics SingleLetterStyle SingularValueDecomposition SingularValueList SingularValuePlot SingularValues Sinh SinhIntegral SinIntegral SixJSymbol Skeleton SkeletonTransform SkellamDistribution Skewness SkewNormalDistribution Skip SliceDistribution Slider Slider2D Slider2DBox Slider2DBoxOptions SliderBox SliderBoxOptions SlideView Slot SlotSequence Small SmallCircle Smaller SmithDelayCompensator SmithWatermanSimilarity SmoothDensityHistogram SmoothHistogram SmoothHistogram3D SmoothKernelDistribution SocialMediaData Socket SokalSneathDissimilarity Solve SolveAlways SolveDelayed Sort SortBy Sound SoundAndGraphics SoundNote SoundVolume Sow Space SpaceForm Spacer Spacings Span SpanAdjustments SpanCharacterRounding SpanFromAbove SpanFromBoth SpanFromLeft SpanLineThickness SpanMaxSize SpanMinSize SpanningCharacters SpanSymmetric SparseArray SpatialGraphDistribution Speak SpeakTextPacket SpearmanRankTest SpearmanRho Spectrogram SpectrogramArray Specularity SpellingCorrection SpellingDictionaries SpellingDictionariesPath SpellingOptions SpellingSuggestionsPacket Sphere SphereBox SphericalBesselJ SphericalBesselY SphericalHankelH1 SphericalHankelH2 SphericalHarmonicY SphericalPlot3D SphericalRegion SpheroidalEigenvalue SpheroidalJoiningFactor SpheroidalPS SpheroidalPSPrime SpheroidalQS SpheroidalQSPrime SpheroidalRadialFactor SpheroidalS1 SpheroidalS1Prime SpheroidalS2 SpheroidalS2Prime Splice SplicedDistribution SplineClosed SplineDegree SplineKnots SplineWeights Split SplitBy SpokenString Sqrt SqrtBox SqrtBoxOptions Square SquaredEuclideanDistance SquareFreeQ SquareIntersection SquaresR SquareSubset SquareSubsetEqual SquareSuperset SquareSupersetEqual SquareUnion SquareWave StabilityMargins StabilityMarginsStyle StableDistribution Stack StackBegin StackComplete StackInhibit StandardDeviation StandardDeviationFilter StandardForm Standardize StandbyDistribution Star StarGraph StartAsynchronousTask StartingStepSize StartOfLine StartOfString StartScheduledTask StartupSound StateDimensions StateFeedbackGains StateOutputEstimator StateResponse StateSpaceModel StateSpaceRealization StateSpaceTransform StationaryDistribution StationaryWaveletPacketTransform StationaryWaveletTransform StatusArea StatusCentrality StepMonitor StieltjesGamma StirlingS1 StirlingS2 StopAsynchronousTask StopScheduledTask StrataVariables StratonovichProcess StreamColorFunction StreamColorFunctionScaling StreamDensityPlot StreamPlot StreamPoints StreamPosition Streams StreamScale StreamStyle String StringBreak StringByteCount StringCases StringCount StringDrop StringExpression StringForm StringFormat StringFreeQ StringInsert StringJoin StringLength StringMatchQ StringPosition StringQ StringReplace StringReplaceList StringReplacePart StringReverse StringRotateLeft StringRotateRight StringSkeleton StringSplit StringTake StringToStream StringTrim StripBoxes StripOnInput StripWrapperBoxes StrokeForm StructuralImportance StructuredArray StructuredSelection StruveH StruveL Stub StudentTDistribution Style StyleBox StyleBoxAutoDelete StyleBoxOptions StyleData StyleDefinitions StyleForm StyleKeyMapping StyleMenuListing StyleNameDialogSettings StyleNames StylePrint StyleSheetPath Subfactorial Subgraph SubMinus SubPlus SubresultantPolynomialRemainders SubresultantPolynomials Subresultants Subscript SubscriptBox SubscriptBoxOptions Subscripted Subset SubsetEqual Subsets SubStar Subsuperscript SubsuperscriptBox SubsuperscriptBoxOptions Subtract SubtractFrom SubValues Succeeds SucceedsEqual SucceedsSlantEqual SucceedsTilde SuchThat Sum SumConvergence Sunday SuperDagger SuperMinus SuperPlus Superscript SuperscriptBox SuperscriptBoxOptions Superset SupersetEqual SuperStar Surd SurdForm SurfaceColor SurfaceGraphics SurvivalDistribution SurvivalFunction SurvivalModel SurvivalModelFit SuspendPacket SuzukiDistribution SuzukiGroupSuz SwatchLegend Switch Symbol SymbolName SymletWavelet Symmetric SymmetricGroup SymmetricMatrixQ SymmetricPolynomial SymmetricReduction Symmetrize SymmetrizedArray SymmetrizedArrayRules SymmetrizedDependentComponents SymmetrizedIndependentComponents SymmetrizedReplacePart SynchronousInitialization SynchronousUpdating Syntax SyntaxForm SyntaxInformation SyntaxLength SyntaxPacket SyntaxQ SystemDialogInput SystemException SystemHelpPath SystemInformation SystemInformationData SystemOpen SystemOptions SystemsModelDelay SystemsModelDelayApproximate SystemsModelDelete SystemsModelDimensions SystemsModelExtract SystemsModelFeedbackConnect SystemsModelLabels SystemsModelOrder SystemsModelParallelConnect SystemsModelSeriesConnect SystemsModelStateFeedbackConnect SystemStub Tab TabFilling Table TableAlignments TableDepth TableDirections TableForm TableHeadings TableSpacing TableView TableViewBox TabSpacings TabView TabViewBox TabViewBoxOptions TagBox TagBoxNote TagBoxOptions TaggingRules TagSet TagSetDelayed TagStyle TagUnset Take TakeWhile Tally Tan Tanh TargetFunctions TargetUnits TautologyQ TelegraphProcess TemplateBox TemplateBoxOptions TemplateSlotSequence TemporalData Temporary TemporaryVariable TensorContract TensorDimensions TensorExpand TensorProduct TensorQ TensorRank TensorReduce TensorSymmetry TensorTranspose TensorWedge Tetrahedron TetrahedronBox TetrahedronBoxOptions TeXForm TeXSave Text Text3DBox Text3DBoxOptions TextAlignment TextBand TextBoundingBox TextBox TextCell TextClipboardType TextData TextForm TextJustification TextLine TextPacket TextParagraph TextRecognize TextRendering TextStyle Texture TextureCoordinateFunction TextureCoordinateScaling Therefore ThermometerGauge Thick Thickness Thin Thinning ThisLink ThompsonGroupTh Thread ThreeJSymbol Threshold Through Throw Thumbnail Thursday Ticks TicksStyle Tilde TildeEqual TildeFullEqual TildeTilde TimeConstrained TimeConstraint Times TimesBy TimeSeriesForecast TimeSeriesInvertibility TimeUsed TimeValue TimeZone Timing Tiny TitleGrouping TitsGroupT ToBoxes ToCharacterCode ToColor ToContinuousTimeModel ToDate ToDiscreteTimeModel ToeplitzMatrix ToExpression ToFileName Together Toggle ToggleFalse Toggler TogglerBar TogglerBox TogglerBoxOptions ToHeldExpression ToInvertibleTimeSeries TokenWords Tolerance ToLowerCase ToNumberField TooBig Tooltip TooltipBox TooltipBoxOptions TooltipDelay TooltipStyle Top TopHatTransform TopologicalSort ToRadicals ToRules ToString Total TotalHeight TotalVariationFilter TotalWidth TouchscreenAutoZoom TouchscreenControlPlacement ToUpperCase Tr Trace TraceAbove TraceAction TraceBackward TraceDepth TraceDialog TraceForward TraceInternal TraceLevel TraceOff TraceOn TraceOriginal TracePrint TraceScan TrackedSymbols TradingChart TraditionalForm TraditionalFunctionNotation TraditionalNotation TraditionalOrder TransferFunctionCancel TransferFunctionExpand TransferFunctionFactor TransferFunctionModel TransferFunctionPoles TransferFunctionTransform TransferFunctionZeros TransformationFunction TransformationFunctions TransformationMatrix TransformedDistribution TransformedField Translate TranslationTransform TransparentColor Transpose TreeForm TreeGraph TreeGraphQ TreePlot TrendStyle TriangleWave TriangularDistribution Trig TrigExpand TrigFactor TrigFactorList Trigger TrigReduce TrigToExp TrimmedMean True TrueQ TruncatedDistribution TsallisQExponentialDistribution TsallisQGaussianDistribution TTest Tube TubeBezierCurveBox TubeBezierCurveBoxOptions TubeBox TubeBSplineCurveBox TubeBSplineCurveBoxOptions Tuesday TukeyLambdaDistribution TukeyWindow Tuples TuranGraph TuringMachine Transparent UnateQ Uncompress Undefined UnderBar Underflow Underlined Underoverscript UnderoverscriptBox UnderoverscriptBoxOptions Underscript UnderscriptBox UnderscriptBoxOptions UndirectedEdge UndirectedGraph UndirectedGraphQ UndocumentedTestFEParserPacket UndocumentedTestGetSelectionPacket Unequal Unevaluated UniformDistribution UniformGraphDistribution UniformSumDistribution Uninstall Union UnionPlus Unique UnitBox UnitConvert UnitDimensions Unitize UnitRootTest UnitSimplify UnitStep UnitTriangle UnitVector Unprotect UnsameQ UnsavedVariables Unset UnsetShared UntrackedVariables Up UpArrow UpArrowBar UpArrowDownArrow Update UpdateDynamicObjects UpdateDynamicObjectsSynchronous UpdateInterval UpDownArrow UpEquilibrium UpperCaseQ UpperLeftArrow UpperRightArrow UpperTriangularize Upsample UpSet UpSetDelayed UpTee UpTeeArrow UpValues URL URLFetch URLFetchAsynchronous URLSave URLSaveAsynchronous UseGraphicsRange Using UsingFrontEnd V2Get ValidationLength Value ValueBox ValueBoxOptions ValueForm ValueQ ValuesData Variables Variance VarianceEquivalenceTest VarianceEstimatorFunction VarianceGammaDistribution VarianceTest VectorAngle VectorColorFunction VectorColorFunctionScaling VectorDensityPlot VectorGlyphData VectorPlot VectorPlot3D VectorPoints VectorQ Vectors VectorScale VectorStyle Vee Verbatim Verbose VerboseConvertToPostScriptPacket VerifyConvergence VerifySolutions VerifyTestAssumptions Version VersionNumber VertexAdd VertexCapacity VertexColors VertexComponent VertexConnectivity VertexCoordinateRules VertexCoordinates VertexCorrelationSimilarity VertexCosineSimilarity VertexCount VertexCoverQ VertexDataCoordinates VertexDegree VertexDelete VertexDiceSimilarity VertexEccentricity VertexInComponent VertexInDegree VertexIndex VertexJaccardSimilarity VertexLabeling VertexLabels VertexLabelStyle VertexList VertexNormals VertexOutComponent VertexOutDegree VertexQ VertexRenderingFunction VertexReplace VertexShape VertexShapeFunction VertexSize VertexStyle VertexTextureCoordinates VertexWeight Vertical VerticalBar VerticalForm VerticalGauge VerticalSeparator VerticalSlider VerticalTilde ViewAngle ViewCenter ViewMatrix ViewPoint ViewPointSelectorSettings ViewPort ViewRange ViewVector ViewVertical VirtualGroupData Visible VisibleCell VoigtDistribution VonMisesDistribution WaitAll WaitAsynchronousTask WaitNext WaitUntil WakebyDistribution WalleniusHypergeometricDistribution WaringYuleDistribution WatershedComponents WatsonUSquareTest WattsStrogatzGraphDistribution WaveletBestBasis WaveletFilterCoefficients WaveletImagePlot WaveletListPlot WaveletMapIndexed WaveletMatrixPlot WaveletPhi WaveletPsi WaveletScale WaveletScalogram WaveletThreshold WeaklyConnectedComponents WeaklyConnectedGraphQ WeakStationarity WeatherData WeberE Wedge Wednesday WeibullDistribution WeierstrassHalfPeriods WeierstrassInvariants WeierstrassP WeierstrassPPrime WeierstrassSigma WeierstrassZeta WeightedAdjacencyGraph WeightedAdjacencyMatrix WeightedData WeightedGraphQ Weights WelchWindow WheelGraph WhenEvent Which While White Whitespace WhitespaceCharacter WhittakerM WhittakerW WienerFilter WienerProcess WignerD WignerSemicircleDistribution WilksW WilksWTest WindowClickSelect WindowElements WindowFloating WindowFrame WindowFrameElements WindowMargins WindowMovable WindowOpacity WindowSelected WindowSize WindowStatusArea WindowTitle WindowToolbars WindowWidth With WolframAlpha WolframAlphaDate WolframAlphaQuantity WolframAlphaResult Word WordBoundary WordCharacter WordData WordSearch WordSeparators WorkingPrecision Write WriteString Wronskian XMLElement XMLObject Xnor Xor Yellow YuleDissimilarity ZernikeR ZeroSymmetric ZeroTest ZeroWidthTimes Zeta ZetaZero ZipfDistribution ZTest ZTransform $Aborted $ActivationGroupID $ActivationKey $ActivationUserRegistered $AddOnsDirectory $AssertFunction $Assumptions $AsynchronousTask $BaseDirectory $BatchInput $BatchOutput $BoxForms $ByteOrdering $Canceled $CharacterEncoding $CharacterEncodings $CommandLine $CompilationTarget $ConditionHold $ConfiguredKernels $Context $ContextPath $ControlActiveSetting $CreationDate $CurrentLink $DateStringFormat $DefaultFont $DefaultFrontEnd $DefaultImagingDevice $DefaultPath $Display $DisplayFunction $DistributedContexts $DynamicEvaluation $Echo $Epilog $ExportFormats $Failed $FinancialDataSource $FormatType $FrontEnd $FrontEndSession $GeoLocation $HistoryLength $HomeDirectory $HTTPCookies $IgnoreEOF $ImagingDevices $ImportFormats $InitialDirectory $Input $InputFileName $InputStreamMethods $Inspector $InstallationDate $InstallationDirectory $InterfaceEnvironment $IterationLimit $KernelCount $KernelID $Language $LaunchDirectory $LibraryPath $LicenseExpirationDate $LicenseID $LicenseProcesses $LicenseServer $LicenseSubprocesses $LicenseType $Line $Linked $LinkSupported $LoadedFiles $MachineAddresses $MachineDomain $MachineDomains $MachineEpsilon $MachineID $MachineName $MachinePrecision $MachineType $MaxExtraPrecision $MaxLicenseProcesses $MaxLicenseSubprocesses $MaxMachineNumber $MaxNumber $MaxPiecewiseCases $MaxPrecision $MaxRootDegree $MessageGroups $MessageList $MessagePrePrint $Messages $MinMachineNumber $MinNumber $MinorReleaseNumber $MinPrecision $ModuleNumber $NetworkLicense $NewMessage $NewSymbol $Notebooks $NumberMarks $Off $OperatingSystem $Output $OutputForms $OutputSizeLimit $OutputStreamMethods $Packages $ParentLink $ParentProcessID $PasswordFile $PatchLevelID $Path $PathnameSeparator $PerformanceGoal $PipeSupported $Post $Pre $PreferencesDirectory $PrePrint $PreRead $PrintForms $PrintLiteral $ProcessID $ProcessorCount $ProcessorType $ProductInformation $ProgramName $RandomState $RecursionLimit $ReleaseNumber $RootDirectory $ScheduledTask $ScriptCommandLine $SessionID $SetParentLink $SharedFunctions $SharedVariables $SoundDisplay $SoundDisplayFunction $SuppressInputFormHeads $SynchronousEvaluation $SyntaxHandler $System $SystemCharacterEncoding $SystemID $SystemWordLength $TemporaryDirectory $TemporaryPrefix $TextStyle $TimedOut $TimeUnit $TimeZone $TopDirectory $TraceOff $TraceOn $TracePattern $TracePostAction $TracePreAction $Urgent $UserAddOnsDirectory $UserBaseDirectory $UserDocumentsDirectory $UserName $Version $VersionNumber", c:[{cN:"comment",b:/\(\*/,e:/\*\)/},e.ASM,e.QSM,e.CNM,{b:/\{/,e:/\}/,i:/:/}]}});hljs.registerLanguage("roboconf",function(a){var e="[a-zA-Z-_][^\\n{]+\\{",n={cN:"attribute",b:/[a-zA-Z-_]+/,e:/\s*:/,eE:!0,starts:{e:";",r:0,c:[{cN:"variable",b:/\.[a-zA-Z-_]+/},{cN:"keyword",b:/\(optional\)/}]}};return{aliases:["graph","instances"],cI:!0,k:"import",c:[{b:"^facet "+e,e:"}",k:"facet",c:[n,a.HCM]},{b:"^\\s*instance of "+e,e:"}",k:"name count channels instance-data instance-state instance of",i:/\S/,c:["self",n,a.HCM]},{b:"^"+e,e:"}",c:[n,a.HCM]},a.HCM]}});hljs.registerLanguage("vim",function(e){return{l:/[!#@\w]+/,k:{keyword:"N|0 P|0 X|0 a|0 ab abc abo al am an|0 ar arga argd arge argdo argg argl argu as au aug aun b|0 bN ba bad bd be bel bf bl bm bn bo bp br brea breaka breakd breakl bro bufdo buffers bun bw c|0 cN cNf ca cabc caddb cad caddf cal cat cb cc ccl cd ce cex cf cfir cgetb cgete cg changes chd che checkt cl cla clo cm cmapc cme cn cnew cnf cno cnorea cnoreme co col colo com comc comp con conf cope cp cpf cq cr cs cst cu cuna cunme cw delm deb debugg delc delf dif diffg diffo diffp diffpu diffs diffthis dig di dl dell dj dli do doautoa dp dr ds dsp e|0 ea ec echoe echoh echom echon el elsei em en endfo endf endt endw ene ex exe exi exu f|0 files filet fin fina fini fir fix fo foldc foldd folddoc foldo for fu go gr grepa gu gv ha helpf helpg helpt hi hid his ia iabc if ij il im imapc ime ino inorea inoreme int is isp iu iuna iunme j|0 ju k|0 keepa kee keepj lN lNf l|0 lad laddb laddf la lan lat lb lc lch lcl lcs le lefta let lex lf lfir lgetb lgete lg lgr lgrepa lh ll lla lli lmak lm lmapc lne lnew lnf ln loadk lo loc lockv lol lope lp lpf lr ls lt lu lua luad luaf lv lvimgrepa lw m|0 ma mak map mapc marks mat me menut mes mk mks mksp mkv mkvie mod mz mzf nbc nb nbs new nm nmapc nme nn nnoreme noa no noh norea noreme norm nu nun nunme ol o|0 om omapc ome on ono onoreme opt ou ounme ow p|0 profd prof pro promptr pc ped pe perld po popu pp pre prev ps pt ptN ptf ptj ptl ptn ptp ptr pts pu pw py3 python3 py3d py3f py pyd pyf quita qa rec red redi redr redraws reg res ret retu rew ri rightb rub rubyd rubyf rund ru rv sN san sa sal sav sb sbN sba sbf sbl sbm sbn sbp sbr scrip scripte scs se setf setg setl sf sfir sh sim sig sil sl sla sm smap smapc sme sn sni sno snor snoreme sor so spelld spe spelli spellr spellu spellw sp spr sre st sta startg startr star stopi stj sts sun sunm sunme sus sv sw sy synti sync tN tabN tabc tabdo tabe tabf tabfir tabl tabm tabnew tabn tabo tabp tabr tabs tab ta tags tc tcld tclf te tf th tj tl tm tn to tp tr try ts tu u|0 undoj undol una unh unl unlo unm unme uns up ve verb vert vim vimgrepa vi viu vie vm vmapc vme vne vn vnoreme vs vu vunme windo w|0 wN wa wh wi winc winp wn wp wq wqa ws wu wv x|0 xa xmapc xm xme xn xnoreme xu xunme y|0 z|0 ~ Next Print append abbreviate abclear aboveleft all amenu anoremenu args argadd argdelete argedit argglobal arglocal argument ascii autocmd augroup aunmenu buffer bNext ball badd bdelete behave belowright bfirst blast bmodified bnext botright bprevious brewind break breakadd breakdel breaklist browse bunload bwipeout change cNext cNfile cabbrev cabclear caddbuffer caddexpr caddfile call catch cbuffer cclose center cexpr cfile cfirst cgetbuffer cgetexpr cgetfile chdir checkpath checktime clist clast close cmap cmapclear cmenu cnext cnewer cnfile cnoremap cnoreabbrev cnoremenu copy colder colorscheme command comclear compiler continue confirm copen cprevious cpfile cquit crewind cscope cstag cunmap cunabbrev cunmenu cwindow delete delmarks debug debuggreedy delcommand delfunction diffupdate diffget diffoff diffpatch diffput diffsplit digraphs display deletel djump dlist doautocmd doautoall deletep drop dsearch dsplit edit earlier echo echoerr echohl echomsg else elseif emenu endif endfor endfunction endtry endwhile enew execute exit exusage file filetype find finally finish first fixdel fold foldclose folddoopen folddoclosed foldopen function global goto grep grepadd gui gvim hardcopy help helpfind helpgrep helptags highlight hide history insert iabbrev iabclear ijump ilist imap imapclear imenu inoremap inoreabbrev inoremenu intro isearch isplit iunmap iunabbrev iunmenu join jumps keepalt keepmarks keepjumps lNext lNfile list laddexpr laddbuffer laddfile last language later lbuffer lcd lchdir lclose lcscope left leftabove lexpr lfile lfirst lgetbuffer lgetexpr lgetfile lgrep lgrepadd lhelpgrep llast llist lmake lmap lmapclear lnext lnewer lnfile lnoremap loadkeymap loadview lockmarks lockvar lolder lopen lprevious lpfile lrewind ltag lunmap luado luafile lvimgrep lvimgrepadd lwindow move mark make mapclear match menu menutranslate messages mkexrc mksession mkspell mkvimrc mkview mode mzscheme mzfile nbclose nbkey nbsart next nmap nmapclear nmenu nnoremap nnoremenu noautocmd noremap nohlsearch noreabbrev noremenu normal number nunmap nunmenu oldfiles open omap omapclear omenu only onoremap onoremenu options ounmap ounmenu ownsyntax print profdel profile promptfind promptrepl pclose pedit perl perldo pop popup ppop preserve previous psearch ptag ptNext ptfirst ptjump ptlast ptnext ptprevious ptrewind ptselect put pwd py3do py3file python pydo pyfile quit quitall qall read recover redo redir redraw redrawstatus registers resize retab return rewind right rightbelow ruby rubydo rubyfile rundo runtime rviminfo substitute sNext sandbox sargument sall saveas sbuffer sbNext sball sbfirst sblast sbmodified sbnext sbprevious sbrewind scriptnames scriptencoding scscope set setfiletype setglobal setlocal sfind sfirst shell simalt sign silent sleep slast smagic smapclear smenu snext sniff snomagic snoremap snoremenu sort source spelldump spellgood spellinfo spellrepall spellundo spellwrong split sprevious srewind stop stag startgreplace startreplace startinsert stopinsert stjump stselect sunhide sunmap sunmenu suspend sview swapname syntax syntime syncbind tNext tabNext tabclose tabedit tabfind tabfirst tablast tabmove tabnext tabonly tabprevious tabrewind tag tcl tcldo tclfile tearoff tfirst throw tjump tlast tmenu tnext topleft tprevious trewind tselect tunmenu undo undojoin undolist unabbreviate unhide unlet unlockvar unmap unmenu unsilent update vglobal version verbose vertical vimgrep vimgrepadd visual viusage view vmap vmapclear vmenu vnew vnoremap vnoremenu vsplit vunmap vunmenu write wNext wall while winsize wincmd winpos wnext wprevious wqall wsverb wundo wviminfo xit xall xmapclear xmap xmenu xnoremap xnoremenu xunmap xunmenu yank",built_in:"synIDtrans atan2 range matcharg did_filetype asin feedkeys xor argv complete_check add getwinposx getqflist getwinposy screencol clearmatches empty extend getcmdpos mzeval garbagecollect setreg ceil sqrt diff_hlID inputsecret get getfperm getpid filewritable shiftwidth max sinh isdirectory synID system inputrestore winline atan visualmode inputlist tabpagewinnr round getregtype mapcheck hasmapto histdel argidx findfile sha256 exists toupper getcmdline taglist string getmatches bufnr strftime winwidth bufexists strtrans tabpagebuflist setcmdpos remote_read printf setloclist getpos getline bufwinnr float2nr len getcmdtype diff_filler luaeval resolve libcallnr foldclosedend reverse filter has_key bufname str2float strlen setline getcharmod setbufvar index searchpos shellescape undofile foldclosed setqflist buflisted strchars str2nr virtcol floor remove undotree remote_expr winheight gettabwinvar reltime cursor tabpagenr finddir localtime acos getloclist search tanh matchend rename gettabvar strdisplaywidth type abs py3eval setwinvar tolower wildmenumode log10 spellsuggest bufloaded synconcealed nextnonblank server2client complete settabwinvar executable input wincol setmatches getftype hlID inputsave searchpair or screenrow line settabvar histadd deepcopy strpart remote_peek and eval getftime submatch screenchar winsaveview matchadd mkdir screenattr getfontname libcall reltimestr getfsize winnr invert pow getbufline byte2line soundfold repeat fnameescape tagfiles sin strwidth spellbadword trunc maparg log lispindent hostname setpos globpath remote_foreground getchar synIDattr fnamemodify cscope_connection stridx winbufnr indent min complete_add nr2char searchpairpos inputdialog values matchlist items hlexists strridx browsedir expand fmod pathshorten line2byte argc count getwinvar glob foldtextresult getreg foreground cosh matchdelete has char2nr simplify histget searchdecl iconv winrestcmd pumvisible writefile foldlevel haslocaldir keys cos matchstr foldtext histnr tan tempname getcwd byteidx getbufvar islocked escape eventhandler remote_send serverlist winrestview synstack pyeval prevnonblank readfile cindent filereadable changenr exp"},i:/;/,c:[e.NM,e.ASM,{cN:"string",b:/"(\\"|\n\\|[^"\n])*"/},e.C('"',"$"),{cN:"variable",b:/[bwtglsav]:[\w\d_]*/},{cN:"function",bK:"function function!",e:"$",r:0,c:[e.TM,{cN:"params",b:"\\(",e:"\\)"}]},{cN:"symbol",b:/<[\w-]+>/}]}});hljs.registerLanguage("d",function(e){var t={keyword:"abstract alias align asm assert auto body break byte case cast catch class const continue debug default delete deprecated do else enum export extern final finally for foreach foreach_reverse|10 goto if immutable import in inout int interface invariant is lazy macro mixin module new nothrow out override package pragma private protected public pure ref return scope shared static struct super switch synchronized template this throw try typedef typeid typeof union unittest version void volatile while with __FILE__ __LINE__ __gshared|10 __thread __traits __DATE__ __EOF__ __TIME__ __TIMESTAMP__ __VENDOR__ __VERSION__",built_in:"bool cdouble cent cfloat char creal dchar delegate double dstring float function idouble ifloat ireal long real short string ubyte ucent uint ulong ushort wchar wstring",literal:"false null true"},r="(0|[1-9][\\d_]*)",a="(0|[1-9][\\d_]*|\\d[\\d_]*|[\\d_]+?\\d)",i="0[bB][01_]+",n="([\\da-fA-F][\\da-fA-F_]*|_[\\da-fA-F][\\da-fA-F_]*)",_="0[xX]"+n,c="([eE][+-]?"+a+")",d="("+a+"(\\.\\d*|"+c+")|\\d+\\."+a+a+"|\\."+r+c+"?)",o="(0[xX]("+n+"\\."+n+"|\\.?"+n+")[pP][+-]?"+a+")",s="("+r+"|"+i+"|"+_+")",l="("+o+"|"+d+")",u="\\\\(['\"\\?\\\\abfnrtv]|u[\\dA-Fa-f]{4}|[0-7]{1,3}|x[\\dA-Fa-f]{2}|U[\\dA-Fa-f]{8})|&[a-zA-Z\\d]{2,};",b={cN:"number",b:"\\b"+s+"(L|u|U|Lu|LU|uL|UL)?",r:0},f={cN:"number",b:"\\b("+l+"([fF]|L|i|[fF]i|Li)?|"+s+"(i|[fF]i|Li))",r:0},g={cN:"string",b:"'("+u+"|.)",e:"'",i:"."},h={b:u,r:0},p={cN:"string",b:'"',c:[h],e:'"[cwd]?'},m={cN:"string",b:'[rq]"',e:'"[cwd]?',r:5},w={cN:"string",b:"`",e:"`[cwd]?"},N={cN:"string",b:'x"[\\da-fA-F\\s\\n\\r]*"[cwd]?',r:10},A={cN:"string",b:'q"\\{',e:'\\}"'},F={cN:"meta",b:"^#!",e:"$",r:5},y={cN:"meta",b:"#(line)",e:"$",r:5},L={cN:"keyword",b:"@[a-zA-Z_][a-zA-Z_\\d]*"},v=e.C("\\/\\+","\\+\\/",{c:["self"],r:10});return{l:e.UIR,k:t,c:[e.CLCM,e.CBCM,v,N,p,m,w,A,f,b,g,F,y,L]}});hljs.registerLanguage("scilab",function(e){var s=[e.CNM,{cN:"string",b:"'|\"",e:"'|\"",c:[e.BE,{b:"''"}]}];return{aliases:["sci"],l:/%?\w+/,k:{keyword:"abort break case clear catch continue do elseif else endfunction end for function global if pause return resume select try then while",literal:"%f %F %t %T %pi %eps %inf %nan %e %i %z %s",built_in:"abs and acos asin atan ceil cd chdir clearglobal cosh cos cumprod deff disp error exec execstr exists exp eye gettext floor fprintf fread fsolve imag isdef isempty isinfisnan isvector lasterror length load linspace list listfiles log10 log2 log max min msprintf mclose mopen ones or pathconvert poly printf prod pwd rand real round sinh sin size gsort sprintf sqrt strcat strcmps tring sum system tanh tan type typename warning zeros matrix"},i:'("|#|/\\*|\\s+/\\w+)',c:[{cN:"function",bK:"function",e:"$",c:[e.UTM,{cN:"params",b:"\\(",e:"\\)"}]},{b:"[a-zA-Z_][a-zA-Z_0-9]*('+[\\.']*|[\\.']+)",e:"",r:0},{b:"\\[",e:"\\]'*[\\.']*",r:0,c:s},e.C("//","$")].concat(s)}});hljs.registerLanguage("lisp",function(b){var e="[a-zA-Z_\\-\\+\\*\\/\\<\\=\\>\\&\\#][a-zA-Z0-9_\\-\\+\\*\\/\\<\\=\\>\\&\\#!]*",c="\\|[^]*?\\|",r="(\\-|\\+)?\\d+(\\.\\d+|\\/\\d+)?((d|e|f|l|s|D|E|F|L|S)(\\+|\\-)?\\d+)?",a={cN:"meta",b:"^#!",e:"$"},l={cN:"literal",b:"\\b(t{1}|nil)\\b"},n={cN:"number",v:[{b:r,r:0},{b:"#(b|B)[0-1]+(/[0-1]+)?"},{b:"#(o|O)[0-7]+(/[0-7]+)?"},{b:"#(x|X)[0-9a-fA-F]+(/[0-9a-fA-F]+)?"},{b:"#(c|C)\\("+r+" +"+r,e:"\\)"}]},i=b.inherit(b.QSM,{i:null}),t=b.C(";","$",{r:0}),s={b:"\\*",e:"\\*"},u={cN:"symbol",b:"[:&]"+e},d={b:e,r:0},f={b:c},m={b:"\\(",e:"\\)",c:["self",l,i,n,d]},o={c:[n,i,s,u,m,d],v:[{b:"['`]\\(",e:"\\)"},{b:"\\(quote ",e:"\\)",k:{name:"quote"}},{b:"'"+c}]},v={v:[{b:"'"+e},{b:"#'"+e+"(::"+e+")*"}]},N={b:"\\(\\s*",e:"\\)"},A={eW:!0,r:0};return N.c=[{cN:"name",v:[{b:e},{b:c}]},A],A.c=[o,v,N,l,n,i,t,s,u,f,d],{i:/\S/,c:[n,a,l,i,t,o,v,N,d]}});hljs.registerLanguage("xquery",function(e){var t="for let if while then else return where group by xquery encoding versionmodule namespace boundary-space preserve strip default collation base-uri orderingcopy-namespaces order declare import schema namespace function option in allowing emptyat tumbling window sliding window start when only end when previous next stable ascendingdescending empty greatest least some every satisfies switch case typeswitch try catch andor to union intersect instance of treat as castable cast map array delete insert intoreplace value rename copy modify update",a="false true xs:string xs:integer element item xs:date xs:datetime xs:float xs:double xs:decimal QName xs:anyURI xs:long xs:int xs:short xs:byte attribute",s={b:/\$[a-zA-Z0-9\-]+/},n={cN:"number",b:"(\\b0[0-7_]+)|(\\b0x[0-9a-fA-F_]+)|(\\b[1-9][0-9_]*(\\.[0-9_]+)?)|[0_]\\b",r:0},r={cN:"string",v:[{b:/"/,e:/"/,c:[{b:/""/,r:0}]},{b:/'/,e:/'/,c:[{b:/''/,r:0}]}]},i={cN:"meta",b:"%\\w+"},c={cN:"comment",b:"\\(:",e:":\\)",r:10,c:[{cN:"doctag",b:"@\\w+"}]},o={b:"{",e:"}"},l=[s,r,n,c,i,o];return o.c=l,{aliases:["xpath","xq"],cI:!1,l:/[a-zA-Z\$][a-zA-Z0-9_:\-]*/,i:/(proc)|(abstract)|(extends)|(until)|(#)/,k:{keyword:t,literal:a},c:l}});hljs.registerLanguage("csp",function(r){return{cI:!1,l:"[a-zA-Z][a-zA-Z0-9_-]*",k:{keyword:"base-uri child-src connect-src default-src font-src form-action frame-ancestors frame-src img-src media-src object-src plugin-types report-uri sandbox script-src style-src"},c:[{cN:"string",b:"'",e:"'"},{cN:"attribute",b:"^Content",e:":",eE:!0}]}});hljs.registerLanguage("twig",function(e){var t={cN:"params",b:"\\(",e:"\\)"},a="attribute block constant cycle date dump include max min parent random range source template_from_string",r={bK:a,k:{name:a},r:0,c:[t]},c={b:/\|[A-Za-z_]+:?/,k:"abs batch capitalize convert_encoding date date_modify default escape first format join json_encode keys last length lower merge nl2br number_format raw replace reverse round slice sort split striptags title trim upper url_encode",c:[r]},s="autoescape block do embed extends filter flush for if import include macro sandbox set spaceless use verbatim";return s=s+" "+s.split(" ").map(function(e){return"end"+e}).join(" "),{aliases:["craftcms"],cI:!0,sL:"xml",c:[e.C(/\{#/,/#}/),{cN:"template-tag",b:/\{%/,e:/%}/,c:[{cN:"name",b:/\w+/,k:s,starts:{eW:!0,c:[c,r],r:0}}]},{cN:"template-variable",b:/\{\{/,e:/}}/,c:["self",c,r]}]}});hljs.registerLanguage("accesslog",function(T){return{c:[{cN:"number",b:"\\b\\d{1,3}\\.\\d{1,3}\\.\\d{1,3}\\.\\d{1,3}(:\\d{1,5})?\\b"},{cN:"number",b:"\\b\\d+\\b",r:0},{cN:"string",b:'"(GET|POST|HEAD|PUT|DELETE|CONNECT|OPTIONS|PATCH|TRACE)',e:'"',k:"GET POST HEAD PUT DELETE CONNECT OPTIONS PATCH TRACE",i:"\\n",r:10},{cN:"string",b:/\[/,e:/\]/,i:"\\n"},{cN:"string",b:'"',e:'"',i:"\\n"}]}});hljs.registerLanguage("smali",function(t){var s=["add","and","cmp","cmpg","cmpl","const","div","double","float","goto","if","int","long","move","mul","neg","new","nop","not","or","rem","return","shl","shr","sput","sub","throw","ushr","xor"],e=["aget","aput","array","check","execute","fill","filled","goto/16","goto/32","iget","instance","invoke","iput","monitor","packed","sget","sparse"],r=["transient","constructor","abstract","final","synthetic","public","private","protected","static","bridge","system"];return{aliases:["smali"],c:[{cN:"string",b:'"',e:'"',r:0},t.C("#","$",{r:0}),{cN:"keyword",v:[{b:"\\s*\\.end\\s[a-zA-Z0-9]*"},{b:"^[ ]*\\.[a-zA-Z]*",r:0},{b:"\\s:[a-zA-Z_0-9]*",r:0},{b:"\\s("+r.join("|")+")"}]},{cN:"built_in",v:[{b:"\\s("+s.join("|")+")\\s"},{b:"\\s("+s.join("|")+")((\\-|/)[a-zA-Z0-9]+)+\\s",r:10},{b:"\\s("+e.join("|")+")((\\-|/)[a-zA-Z0-9]+)*\\s",r:10}]},{cN:"class",b:"L[^(;:\n]*;",r:0},{b:"[vp][0-9]+"}]}});hljs.registerLanguage("rsl",function(e){return{k:{keyword:"float color point normal vector matrix while for if do return else break extern continue",built_in:"abs acos ambient area asin atan atmosphere attribute calculatenormal ceil cellnoise clamp comp concat cos degrees depth Deriv diffuse distance Du Dv environment exp faceforward filterstep floor format fresnel incident length lightsource log match max min mod noise normalize ntransform opposite option phong pnoise pow printf ptlined radians random reflect refract renderinfo round setcomp setxcomp setycomp setzcomp shadow sign sin smoothstep specular specularbrdf spline sqrt step tan texture textureinfo trace transform vtransform xcomp ycomp zcomp"},i:"\\<:\-,()$\[\]_.{}!+%^]+)+/,r:0}]};return{aliases:["gms"],cI:!0,k:a,c:[e.C(/^\$ontext/,/^\$offtext/),{cN:"meta",b:"^\\$[a-z0-9]+",e:"$",rB:!0,c:[{cN:"meta-keyword",b:"^\\$[a-z0-9]+"}]},e.C("^\\*","$"),e.CLCM,e.CBCM,e.QSM,e.ASM,{bK:"set sets parameter parameters variable variables scalar scalars equation equations",e:";",c:[e.C("^\\*","$"),e.CLCM,e.CBCM,e.QSM,e.ASM,i,l]},{bK:"table",e:";",rB:!0,c:[{bK:"table",e:"$",c:[l]},e.C("^\\*","$"),e.CLCM,e.CBCM,e.QSM,e.ASM,e.CNM]},{cN:"function",b:/^[a-z][a-z0-9_,\-+' ()$]+\.{2}/,rB:!0,c:[{cN:"title",b:/^[a-z][a-z0-9_]+/},o,r]},e.CNM,r]}});hljs.registerLanguage("http",function(e){var t="HTTP/[0-9\\.]+";return{aliases:["https"],i:"\\S",c:[{b:"^"+t,e:"$",c:[{cN:"number",b:"\\b\\d{3}\\b"}]},{b:"^[A-Z]+ (.*?) "+t+"$",rB:!0,e:"$",c:[{cN:"string",b:" ",e:" ",eB:!0,eE:!0},{b:t},{cN:"keyword",b:"[A-Z]+"}]},{cN:"attribute",b:"^\\w",e:": ",eE:!0,i:"\\n|\\s|=",starts:{e:"$",r:0}},{b:"\\n\\n",starts:{sL:[],eW:!0}}]}});hljs.registerLanguage("thrift",function(e){var t="bool byte i16 i32 i64 double string binary";return{k:{keyword:"namespace const typedef struct enum service exception void oneway set list map required optional",built_in:t,literal:"true false"},c:[e.QSM,e.NM,e.CLCM,e.CBCM,{cN:"class",bK:"struct enum service exception",e:/\{/,i:/\n/,c:[e.inherit(e.TM,{starts:{eW:!0,eE:!0}})]},{b:"\\b(set|list|map)\\s*<",e:">",k:t,c:["self"]}]}});hljs.registerLanguage("gradle",function(e){return{cI:!0,k:{keyword:"task project allprojects subprojects artifacts buildscript configurations dependencies repositories sourceSets description delete from into include exclude source classpath destinationDir includes options sourceCompatibility targetCompatibility group flatDir doLast doFirst flatten todir fromdir ant def abstract break case catch continue default do else extends final finally for if implements instanceof native new private protected public return static switch synchronized throw throws transient try volatile while strictfp package import false null super this true antlrtask checkstyle codenarc copy boolean byte char class double float int interface long short void compile runTime file fileTree abs any append asList asWritable call collect compareTo count div dump each eachByte eachFile eachLine every find findAll flatten getAt getErr getIn getOut getText grep immutable inject inspect intersect invokeMethods isCase join leftShift minus multiply newInputStream newOutputStream newPrintWriter newReader newWriter next plus pop power previous print println push putAt read readBytes readLines reverse reverseEach round size sort splitEachLine step subMap times toInteger toList tokenize upto waitForOrKill withPrintWriter withReader withStream withWriter withWriterAppend write writeLine"},c:[e.CLCM,e.CBCM,e.ASM,e.QSM,e.NM,e.RM]}});hljs.registerLanguage("cmake",function(e){return{aliases:["cmake.in"],cI:!0,k:{keyword:"add_custom_command add_custom_target add_definitions add_dependencies add_executable add_library add_subdirectory add_test aux_source_directory break build_command cmake_minimum_required cmake_policy configure_file create_test_sourcelist define_property else elseif enable_language enable_testing endforeach endfunction endif endmacro endwhile execute_process export find_file find_library find_package find_path find_program fltk_wrap_ui foreach function get_cmake_property get_directory_property get_filename_component get_property get_source_file_property get_target_property get_test_property if include include_directories include_external_msproject include_regular_expression install link_directories load_cache load_command macro mark_as_advanced message option output_required_files project qt_wrap_cpp qt_wrap_ui remove_definitions return separate_arguments set set_directory_properties set_property set_source_files_properties set_target_properties set_tests_properties site_name source_group string target_link_libraries try_compile try_run unset variable_watch while build_name exec_program export_library_dependencies install_files install_programs install_targets link_libraries make_directory remove subdir_depends subdirs use_mangled_mesa utility_source variable_requires write_file qt5_use_modules qt5_use_package qt5_wrap_cpp on off true false and or equal less greater strless strgreater strequal matches"},c:[{cN:"variable",b:"\\${",e:"}"},e.HCM,e.QSM,e.NM]}});hljs.registerLanguage("inform7",function(e){var r="\\[",o="\\]";return{aliases:["i7"],cI:!0,k:{keyword:"thing room person man woman animal container supporter backdrop door scenery open closed locked inside gender is are say understand kind of rule"},c:[{cN:"string",b:'"',e:'"',r:0,c:[{cN:"subst",b:r,e:o}]},{cN:"section",b:/^(Volume|Book|Part|Chapter|Section|Table)\b/,e:"$"},{b:/^(Check|Carry out|Report|Instead of|To|Rule|When|Before|After)\b/,e:":",c:[{b:"\\(This",e:"\\)"}]},{cN:"comment",b:r,e:o,c:["self"]}]}});hljs.registerLanguage("cs",function(e){var i={keyword:"abstract as base bool break byte case catch char checked const continue decimal default delegate do double else enum event explicit extern finally fixed float for foreach goto if implicit in int interface internal is lock long object operator out override params private protected public readonly ref sbyte sealed short sizeof stackalloc static string struct switch this try typeof uint ulong unchecked unsafe ushort using virtual void volatile while nameof add alias ascending async await by descending dynamic equals from get global group into join let on orderby partial remove select set value var where yield",literal:"null false true"},r={cN:"string",b:'@"',e:'"',c:[{b:'""'}]},t=e.inherit(r,{i:/\n/}),a={cN:"subst",b:"{",e:"}",k:i},n=e.inherit(a,{i:/\n/}),c={cN:"string",b:/\$"/,e:'"',i:/\n/,c:[{b:"{{"},{b:"}}"},e.BE,n]},s={cN:"string",b:/\$@"/,e:'"',c:[{b:"{{"},{b:"}}"},{b:'""'},a]},o=e.inherit(s,{i:/\n/,c:[{b:"{{"},{b:"}}"},{b:'""'},n]});a.c=[s,c,r,e.ASM,e.QSM,e.CNM,e.CBCM],n.c=[o,c,t,e.ASM,e.QSM,e.CNM,e.inherit(e.CBCM,{i:/\n/})];var l={v:[s,c,r,e.ASM,e.QSM]},b=e.IR+"(<"+e.IR+"(\\s*,\\s*"+e.IR+")*>)?(\\[\\])?";return{aliases:["csharp"],k:i,i:/::/,c:[e.C("///","$",{rB:!0,c:[{cN:"doctag",v:[{b:"///",r:0},{b:""},{b:""}]}]}),e.CLCM,e.CBCM,{cN:"meta",b:"#",e:"$",k:{"meta-keyword":"if else elif endif define undef warning error line region endregion pragma checksum"}},l,e.CNM,{bK:"class interface",e:/[{;=]/,i:/[^\s:]/,c:[e.TM,e.CLCM,e.CBCM]},{bK:"namespace",e:/[{;=]/,i:/[^\s:]/,c:[e.inherit(e.TM,{b:"[a-zA-Z](\\.?\\w)*"}),e.CLCM,e.CBCM]},{bK:"new return throw await",r:0},{cN:"function",b:"("+b+"\\s+)+"+e.IR+"\\s*\\(",rB:!0,e:/[{;=]/,eE:!0,k:i,c:[{b:e.IR+"\\s*\\(",rB:!0,c:[e.TM],r:0},{cN:"params",b:/\(/,e:/\)/,eB:!0,eE:!0,k:i,r:0,c:[l,e.CNM,e.CBCM]},e.CLCM,e.CBCM]}]}});hljs.registerLanguage("clojure-repl",function(e){return{c:[{cN:"meta",b:/^([\w.-]+|\s*#_)=>/,starts:{e:/$/,sL:"clojure"}}]}});hljs.registerLanguage("zephir",function(e){var i={cN:"string",c:[e.BE],v:[{b:'b"',e:'"'},{b:"b'",e:"'"},e.inherit(e.ASM,{i:null}),e.inherit(e.QSM,{i:null})]},n={v:[e.BNM,e.CNM]};return{aliases:["zep"],cI:!0,k:"and include_once list abstract global private echo interface as static endswitch array null if endwhile or const for endforeach self var let while isset public protected exit foreach throw elseif include __FILE__ empty require_once do xor return parent clone use __CLASS__ __LINE__ else break print eval new catch __METHOD__ case exception default die require __FUNCTION__ enddeclare final try switch continue endfor endif declare unset true false trait goto instanceof insteadof __DIR__ __NAMESPACE__ yield finally int uint long ulong char uchar double float bool boolean stringlikely unlikely",c:[e.CLCM,e.HCM,e.C("/\\*","\\*/",{c:[{cN:"doctag",b:"@[A-Za-z]+"}]}),e.C("__halt_compiler.+?;",!1,{eW:!0,k:"__halt_compiler",l:e.UIR}),{cN:"string",b:"<<<['\"]?\\w+['\"]?$",e:"^\\w+;",c:[e.BE]},{b:/(::|->)+[a-zA-Z_\x7f-\xff][a-zA-Z0-9_\x7f-\xff]*/},{cN:"function",bK:"function",e:/[;{]/,eE:!0,i:"\\$|\\[|%",c:[e.UTM,{cN:"params",b:"\\(",e:"\\)",c:["self",e.CBCM,i,n]}]},{cN:"class",bK:"class interface",e:"{",eE:!0,i:/[:\(\$"]/,c:[{bK:"extends implements"},e.UTM]},{bK:"namespace",e:";",i:/[\.']/,c:[e.UTM]},{bK:"use",e:";",c:[e.UTM]},{b:"=>"},i,n]}});hljs.registerLanguage("nsis",function(e){var t={cN:"variable",b:/\$(ADMINTOOLS|APPDATA|CDBURN_AREA|CMDLINE|COMMONFILES32|COMMONFILES64|COMMONFILES|COOKIES|DESKTOP|DOCUMENTS|EXEDIR|EXEFILE|EXEPATH|FAVORITES|FONTS|HISTORY|HWNDPARENT|INSTDIR|INTERNET_CACHE|LANGUAGE|LOCALAPPDATA|MUSIC|NETHOOD|OUTDIR|PICTURES|PLUGINSDIR|PRINTHOOD|PROFILE|PROGRAMFILES32|PROGRAMFILES64|PROGRAMFILES|QUICKLAUNCH|RECENT|RESOURCES_LOCALIZED|RESOURCES|SENDTO|SMPROGRAMS|SMSTARTUP|STARTMENU|SYSDIR|TEMP|TEMPLATES|VIDEOS|WINDIR)/},i={cN:"variable",b:/\$+{[\w\.:-]+}/},n={cN:"variable",b:/\$+\w+/,i:/\(\){}/},r={cN:"variable",b:/\$+\([\w\^\.:-]+\)/},o={cN:"params",b:"(ARCHIVE|FILE_ATTRIBUTE_ARCHIVE|FILE_ATTRIBUTE_NORMAL|FILE_ATTRIBUTE_OFFLINE|FILE_ATTRIBUTE_READONLY|FILE_ATTRIBUTE_SYSTEM|FILE_ATTRIBUTE_TEMPORARY|HKCR|HKCU|HKDD|HKEY_CLASSES_ROOT|HKEY_CURRENT_CONFIG|HKEY_CURRENT_USER|HKEY_DYN_DATA|HKEY_LOCAL_MACHINE|HKEY_PERFORMANCE_DATA|HKEY_USERS|HKLM|HKPD|HKU|IDABORT|IDCANCEL|IDIGNORE|IDNO|IDOK|IDRETRY|IDYES|MB_ABORTRETRYIGNORE|MB_DEFBUTTON1|MB_DEFBUTTON2|MB_DEFBUTTON3|MB_DEFBUTTON4|MB_ICONEXCLAMATION|MB_ICONINFORMATION|MB_ICONQUESTION|MB_ICONSTOP|MB_OK|MB_OKCANCEL|MB_RETRYCANCEL|MB_RIGHT|MB_RTLREADING|MB_SETFOREGROUND|MB_TOPMOST|MB_USERICON|MB_YESNO|NORMAL|OFFLINE|READONLY|SHCTX|SHELL_CONTEXT|SYSTEM|TEMPORARY)"},l={cN:"keyword",b:/\!(addincludedir|addplugindir|appendfile|cd|define|delfile|echo|else|endif|error|execute|finalize|getdllversionsystem|ifdef|ifmacrodef|ifmacrondef|ifndef|if|include|insertmacro|macroend|macro|makensis|packhdr|searchparse|searchreplace|tempfile|undef|verbose|warning)/},s={cN:"subst",b:/\$(\\[nrt]|\$)/},a={cN:"class",b:/\w+\:\:\w+/},S={cN:"string",v:[{b:'"',e:'"'},{b:"'",e:"'"},{b:"`",e:"`"}],i:/\n/,c:[s,t,i,n,r]};return{cI:!1,k:{keyword:"Abort AddBrandingImage AddSize AllowRootDirInstall AllowSkipFiles AutoCloseWindow BGFont BGGradient BrandingText BringToFront Call CallInstDLL Caption ChangeUI CheckBitmap ClearErrors CompletedText ComponentText CopyFiles CRCCheck CreateDirectory CreateFont CreateShortCut Delete DeleteINISec DeleteINIStr DeleteRegKey DeleteRegValue DetailPrint DetailsButtonText DirText DirVar DirVerify EnableWindow EnumRegKey EnumRegValue Exch Exec ExecShell ExecWait ExpandEnvStrings File FileBufSize FileClose FileErrorText FileOpen FileRead FileReadByte FileReadUTF16LE FileReadWord FileSeek FileWrite FileWriteByte FileWriteUTF16LE FileWriteWord FindClose FindFirst FindNext FindWindow FlushINI FunctionEnd GetCurInstType GetCurrentAddress GetDlgItem GetDLLVersion GetDLLVersionLocal GetErrorLevel GetFileTime GetFileTimeLocal GetFullPathName GetFunctionAddress GetInstDirError GetLabelAddress GetTempFileName Goto HideWindow Icon IfAbort IfErrors IfFileExists IfRebootFlag IfSilent InitPluginsDir InstallButtonText InstallColors InstallDir InstallDirRegKey InstProgressFlags InstType InstTypeGetText InstTypeSetText IntCmp IntCmpU IntFmt IntOp IsWindow LangString LicenseBkColor LicenseData LicenseForceSelection LicenseLangString LicenseText LoadLanguageFile LockWindow LogSet LogText ManifestDPIAware ManifestSupportedOS MessageBox MiscButtonText Name Nop OutFile Page PageCallbacks PageExEnd Pop Push Quit ReadEnvStr ReadINIStr ReadRegDWORD ReadRegStr Reboot RegDLL Rename RequestExecutionLevel ReserveFile Return RMDir SearchPath SectionEnd SectionGetFlags SectionGetInstTypes SectionGetSize SectionGetText SectionGroupEnd SectionIn SectionSetFlags SectionSetInstTypes SectionSetSize SectionSetText SendMessage SetAutoClose SetBrandingImage SetCompress SetCompressor SetCompressorDictSize SetCtlColors SetCurInstType SetDatablockOptimize SetDateSave SetDetailsPrint SetDetailsView SetErrorLevel SetErrors SetFileAttributes SetFont SetOutPath SetOverwrite SetRebootFlag SetRegView SetShellVarContext SetSilent ShowInstDetails ShowUninstDetails ShowWindow SilentInstall SilentUnInstall Sleep SpaceTexts StrCmp StrCmpS StrCpy StrLen SubCaption Unicode UninstallButtonText UninstallCaption UninstallIcon UninstallSubCaption UninstallText UninstPage UnRegDLL Var VIAddVersionKey VIFileVersion VIProductVersion WindowIcon WriteINIStr WriteRegBin WriteRegDWORD WriteRegExpandStr WriteRegStr WriteUninstaller XPStyle",literal:"admin all auto both bottom bzip2 colored components current custom directory false force hide highest ifdiff ifnewer instfiles lastused leave left license listonly lzma nevershow none normal notset off on open print right show silent silentlog smooth textonly top true try un.components un.custom un.directory un.instfiles un.license uninstConfirm user Win10 Win7 Win8 WinVista zlib"},c:[e.HCM,e.CBCM,e.C(";","$",{r:0}),{cN:"function",bK:"Function PageEx Section SectionGroup",e:"$"},S,l,i,n,r,o,a,e.NM]}});hljs.registerLanguage("sqf",function(e){var t=e.getLanguage("cpp").exports,a={cN:"variable",b:/\b_+[a-zA-Z_]\w*/},o={cN:"title",b:/[a-zA-Z][a-zA-Z0-9]+_fnc_\w*/},r={cN:"string",v:[{b:'"',e:'"',c:[{b:'""',r:0}]},{b:"'",e:"'",c:[{b:"''",r:0}]}]};return{aliases:["sqf"],cI:!0,k:{keyword:"case catch default do else exit exitWith for forEach from if switch then throw to try waitUntil while with",built_in:"abs accTime acos action actionIDs actionKeys actionKeysImages actionKeysNames actionKeysNamesArray actionName actionParams activateAddons activatedAddons activateKey add3DENConnection add3DENEventHandler add3DENLayer addAction addBackpack addBackpackCargo addBackpackCargoGlobal addBackpackGlobal addCamShake addCuratorAddons addCuratorCameraArea addCuratorEditableObjects addCuratorEditingArea addCuratorPoints addEditorObject addEventHandler addGoggles addGroupIcon addHandgunItem addHeadgear addItem addItemCargo addItemCargoGlobal addItemPool addItemToBackpack addItemToUniform addItemToVest addLiveStats addMagazine addMagazineAmmoCargo addMagazineCargo addMagazineCargoGlobal addMagazineGlobal addMagazinePool addMagazines addMagazineTurret addMenu addMenuItem addMissionEventHandler addMPEventHandler addMusicEventHandler addOwnedMine addPlayerScores addPrimaryWeaponItem addPublicVariableEventHandler addRating addResources addScore addScoreSide addSecondaryWeaponItem addSwitchableUnit addTeamMember addToRemainsCollector addUniform addVehicle addVest addWaypoint addWeapon addWeaponCargo addWeaponCargoGlobal addWeaponGlobal addWeaponItem addWeaponPool addWeaponTurret agent agents AGLToASL aimedAtTarget aimPos airDensityRTD airportSide AISFinishHeal alive all3DENEntities allControls allCurators allCutLayers allDead allDeadMen allDisplays allGroups allMapMarkers allMines allMissionObjects allow3DMode allowCrewInImmobile allowCuratorLogicIgnoreAreas allowDamage allowDammage allowFileOperations allowFleeing allowGetIn allowSprint allPlayers allSites allTurrets allUnits allUnitsUAV allVariables ammo and animate animateDoor animateSource animationNames animationPhase animationSourcePhase animationState append apply armoryPoints arrayIntersect asin ASLToAGL ASLToATL assert assignAsCargo assignAsCargoIndex assignAsCommander assignAsDriver assignAsGunner assignAsTurret assignCurator assignedCargo assignedCommander assignedDriver assignedGunner assignedItems assignedTarget assignedTeam assignedVehicle assignedVehicleRole assignItem assignTeam assignToAirport atan atan2 atg ATLToASL attachedObject attachedObjects attachedTo attachObject attachTo attackEnabled backpack backpackCargo backpackContainer backpackItems backpackMagazines backpackSpaceFor behaviour benchmark binocular blufor boundingBox boundingBoxReal boundingCenter breakOut breakTo briefingName buildingExit buildingPos buttonAction buttonSetAction cadetMode call callExtension camCommand camCommit camCommitPrepared camCommitted camConstuctionSetParams camCreate camDestroy cameraEffect cameraEffectEnableHUD cameraInterest cameraOn cameraView campaignConfigFile camPreload camPreloaded camPrepareBank camPrepareDir camPrepareDive camPrepareFocus camPrepareFov camPrepareFovRange camPreparePos camPrepareRelPos camPrepareTarget camSetBank camSetDir camSetDive camSetFocus camSetFov camSetFovRange camSetPos camSetRelPos camSetTarget camTarget camUseNVG canAdd canAddItemToBackpack canAddItemToUniform canAddItemToVest cancelSimpleTaskDestination canFire canMove canSlingLoad canStand canSuspend canUnloadInCombat canVehicleCargo captive captiveNum cbChecked cbSetChecked ceil channelEnabled cheatsEnabled checkAIFeature checkVisibility civilian className clearAllItemsFromBackpack clearBackpackCargo clearBackpackCargoGlobal clearGroupIcons clearItemCargo clearItemCargoGlobal clearItemPool clearMagazineCargo clearMagazineCargoGlobal clearMagazinePool clearOverlay clearRadio clearWeaponCargo clearWeaponCargoGlobal clearWeaponPool clientOwner closeDialog closeDisplay closeOverlay collapseObjectTree collect3DENHistory combatMode commandArtilleryFire commandChat commander commandFire commandFollow commandFSM commandGetOut commandingMenu commandMove commandRadio commandStop commandSuppressiveFire commandTarget commandWatch comment commitOverlay compile compileFinal completedFSM composeText configClasses configFile configHierarchy configName configNull configProperties configSourceAddonList configSourceMod configSourceModList connectTerminalToUAV controlNull controlsGroupCtrl copyFromClipboard copyToClipboard copyWaypoints cos count countEnemy countFriendly countSide countType countUnknown create3DENComposition create3DENEntity createAgent createCenter createDialog createDiaryLink createDiaryRecord createDiarySubject createDisplay createGearDialog createGroup createGuardedPoint createLocation createMarker createMarkerLocal createMenu createMine createMissionDisplay createMPCampaignDisplay createSimpleObject createSimpleTask createSite createSoundSource createTask createTeam createTrigger createUnit createVehicle createVehicleCrew createVehicleLocal crew ctrlActivate ctrlAddEventHandler ctrlAngle ctrlAutoScrollDelay ctrlAutoScrollRewind ctrlAutoScrollSpeed ctrlChecked ctrlClassName ctrlCommit ctrlCommitted ctrlCreate ctrlDelete ctrlEnable ctrlEnabled ctrlFade ctrlHTMLLoaded ctrlIDC ctrlIDD ctrlMapAnimAdd ctrlMapAnimClear ctrlMapAnimCommit ctrlMapAnimDone ctrlMapCursor ctrlMapMouseOver ctrlMapScale ctrlMapScreenToWorld ctrlMapWorldToScreen ctrlModel ctrlModelDirAndUp ctrlModelScale ctrlParent ctrlParentControlsGroup ctrlPosition ctrlRemoveAllEventHandlers ctrlRemoveEventHandler ctrlScale ctrlSetActiveColor ctrlSetAngle ctrlSetAutoScrollDelay ctrlSetAutoScrollRewind ctrlSetAutoScrollSpeed ctrlSetBackgroundColor ctrlSetChecked ctrlSetEventHandler ctrlSetFade ctrlSetFocus ctrlSetFont ctrlSetFontH1 ctrlSetFontH1B ctrlSetFontH2 ctrlSetFontH2B ctrlSetFontH3 ctrlSetFontH3B ctrlSetFontH4 ctrlSetFontH4B ctrlSetFontH5 ctrlSetFontH5B ctrlSetFontH6 ctrlSetFontH6B ctrlSetFontHeight ctrlSetFontHeightH1 ctrlSetFontHeightH2 ctrlSetFontHeightH3 ctrlSetFontHeightH4 ctrlSetFontHeightH5 ctrlSetFontHeightH6 ctrlSetFontHeightSecondary ctrlSetFontP ctrlSetFontPB ctrlSetFontSecondary ctrlSetForegroundColor ctrlSetModel ctrlSetModelDirAndUp ctrlSetModelScale ctrlSetPosition ctrlSetScale ctrlSetStructuredText ctrlSetText ctrlSetTextColor ctrlSetTooltip ctrlSetTooltipColorBox ctrlSetTooltipColorShade ctrlSetTooltipColorText ctrlShow ctrlShown ctrlText ctrlTextHeight ctrlType ctrlVisible curatorAddons curatorCamera curatorCameraArea curatorCameraAreaCeiling curatorCoef curatorEditableObjects curatorEditingArea curatorEditingAreaType curatorMouseOver curatorPoints curatorRegisteredObjects curatorSelected curatorWaypointCost current3DENOperation currentChannel currentCommand currentMagazine currentMagazineDetail currentMagazineDetailTurret currentMagazineTurret currentMuzzle currentNamespace currentTask currentTasks currentThrowable currentVisionMode currentWaypoint currentWeapon currentWeaponMode currentWeaponTurret currentZeroing cursorObject cursorTarget customChat customRadio cutFadeOut cutObj cutRsc cutText damage date dateToNumber daytime deActivateKey debriefingText debugFSM debugLog deg delete3DENEntities deleteAt deleteCenter deleteCollection deleteEditorObject deleteGroup deleteIdentity deleteLocation deleteMarker deleteMarkerLocal deleteRange deleteResources deleteSite deleteStatus deleteTeam deleteVehicle deleteVehicleCrew deleteWaypoint detach detectedMines diag_activeMissionFSMs diag_activeScripts diag_activeSQFScripts diag_activeSQSScripts diag_captureFrame diag_captureSlowFrame diag_codePerformance diag_drawMode diag_enable diag_enabled diag_fps diag_fpsMin diag_frameNo diag_list diag_log diag_logSlowFrame diag_mergeConfigFile diag_recordTurretLimits diag_tickTime diag_toggle dialog diarySubjectExists didJIP didJIPOwner difficulty difficultyEnabled difficultyEnabledRTD difficultyOption direction directSay disableAI disableCollisionWith disableConversation disableDebriefingStats disableNVGEquipment disableRemoteSensors disableSerialization disableTIEquipment disableUAVConnectability disableUserInput displayAddEventHandler displayCtrl displayNull displayParent displayRemoveAllEventHandlers displayRemoveEventHandler displaySetEventHandler dissolveTeam distance distance2D distanceSqr distributionRegion do3DENAction doArtilleryFire doFire doFollow doFSM doGetOut doMove doorPhase doStop doSuppressiveFire doTarget doWatch drawArrow drawEllipse drawIcon drawIcon3D drawLine drawLine3D drawLink drawLocation drawPolygon drawRectangle driver drop east echo edit3DENMissionAttributes editObject editorSetEventHandler effectiveCommander emptyPositions enableAI enableAIFeature enableAimPrecision enableAttack enableAudioFeature enableCamShake enableCaustics enableChannel enableCollisionWith enableCopilot enableDebriefingStats enableDiagLegend enableEndDialog enableEngineArtillery enableEnvironment enableFatigue enableGunLights enableIRLasers enableMimics enablePersonTurret enableRadio enableReload enableRopeAttach enableSatNormalOnDetail enableSaving enableSentences enableSimulation enableSimulationGlobal enableStamina enableTeamSwitch enableUAVConnectability enableUAVWaypoints enableVehicleCargo endLoadingScreen endMission engineOn enginesIsOnRTD enginesRpmRTD enginesTorqueRTD entities estimatedEndServerTime estimatedTimeLeft evalObjectArgument everyBackpack everyContainer exec execEditorScript execFSM execVM exp expectedDestination exportJIPMessages eyeDirection eyePos face faction fadeMusic fadeRadio fadeSound fadeSpeech failMission fillWeaponsFromPool find findCover findDisplay findEditorObject findEmptyPosition findEmptyPositionReady findNearestEnemy finishMissionInit finite fire fireAtTarget firstBackpack flag flagOwner flagSide flagTexture fleeing floor flyInHeight flyInHeightASL fog fogForecast fogParams forceAddUniform forcedMap forceEnd forceMap forceRespawn forceSpeed forceWalk forceWeaponFire forceWeatherChange forEachMember forEachMemberAgent forEachMemberTeam format formation formationDirection formationLeader formationMembers formationPosition formationTask formatText formLeader freeLook fromEditor fuel fullCrew gearIDCAmmoCount gearSlotAmmoCount gearSlotData get3DENActionState get3DENAttribute get3DENCamera get3DENConnections get3DENEntity get3DENEntityID get3DENGrid get3DENIconsVisible get3DENLayerEntities get3DENLinesVisible get3DENMissionAttribute get3DENMouseOver get3DENSelected getAimingCoef getAllHitPointsDamage getAllOwnedMines getAmmoCargo getAnimAimPrecision getAnimSpeedCoef getArray getArtilleryAmmo getArtilleryComputerSettings getArtilleryETA getAssignedCuratorLogic getAssignedCuratorUnit getBackpackCargo getBleedingRemaining getBurningValue getCameraViewDirection getCargoIndex getCenterOfMass getClientState getClientStateNumber getConnectedUAV getCustomAimingCoef getDammage getDescription getDir getDirVisual getDLCs getEditorCamera getEditorMode getEditorObjectScope getElevationOffset getFatigue getFriend getFSMVariable getFuelCargo getGroupIcon getGroupIconParams getGroupIcons getHideFrom getHit getHitIndex getHitPointDamage getItemCargo getMagazineCargo getMarkerColor getMarkerPos getMarkerSize getMarkerType getMass getMissionConfig getMissionConfigValue getMissionDLCs getMissionLayerEntities getModelInfo getMousePosition getNumber getObjectArgument getObjectChildren getObjectDLC getObjectMaterials getObjectProxy getObjectTextures getObjectType getObjectViewDistance getOxygenRemaining getPersonUsedDLCs getPilotCameraDirection getPilotCameraPosition getPilotCameraRotation getPilotCameraTarget getPlayerChannel getPlayerScores getPlayerUID getPos getPosASL getPosASLVisual getPosASLW getPosATL getPosATLVisual getPosVisual getPosWorld getRelDir getRelPos getRemoteSensorsDisabled getRepairCargo getResolution getShadowDistance getShotParents getSlingLoad getSpeed getStamina getStatValue getSuppression getTerrainHeightASL getText getUnitLoadout getUnitTrait getVariable getVehicleCargo getWeaponCargo getWeaponSway getWPPos glanceAt globalChat globalRadio goggles goto group groupChat groupFromNetId groupIconSelectable groupIconsVisible groupId groupOwner groupRadio groupSelectedUnits groupSelectUnit grpNull gunner gusts halt handgunItems handgunMagazine handgunWeapon handsHit hasInterface hasPilotCamera hasWeapon hcAllGroups hcGroupParams hcLeader hcRemoveAllGroups hcRemoveGroup hcSelected hcSelectGroup hcSetGroup hcShowBar hcShownBar headgear hideBody hideObject hideObjectGlobal hideSelection hint hintC hintCadet hintSilent hmd hostMission htmlLoad HUDMovementLevels humidity image importAllGroups importance in inArea inAreaArray incapacitatedState independent inflame inflamed inGameUISetEventHandler inheritsFrom initAmbientLife inPolygon inputAction inRangeOfArtillery insertEditorObject intersect is3DEN is3DENMultiplayer isAbleToBreathe isAgent isArray isAutoHoverOn isAutonomous isAutotest isBleeding isBurning isClass isCollisionLightOn isCopilotEnabled isDedicated isDLCAvailable isEngineOn isEqualTo isEqualType isEqualTypeAll isEqualTypeAny isEqualTypeArray isEqualTypeParams isFilePatchingEnabled isFlashlightOn isFlatEmpty isForcedWalk isFormationLeader isHidden isInRemainsCollector isInstructorFigureEnabled isIRLaserOn isKeyActive isKindOf isLightOn isLocalized isManualFire isMarkedForCollection isMultiplayer isMultiplayerSolo isNil isNull isNumber isObjectHidden isObjectRTD isOnRoad isPipEnabled isPlayer isRealTime isRemoteExecuted isRemoteExecutedJIP isServer isShowing3DIcons isSprintAllowed isStaminaEnabled isSteamMission isStreamFriendlyUIEnabled isText isTouchingGround isTurnedOut isTutHintsEnabled isUAVConnectable isUAVConnected isUniformAllowed isVehicleCargo isWalking isWeaponDeployed isWeaponRested itemCargo items itemsWithMagazines join joinAs joinAsSilent joinSilent joinString kbAddDatabase kbAddDatabaseTargets kbAddTopic kbHasTopic kbReact kbRemoveTopic kbTell kbWasSaid keyImage keyName knowsAbout land landAt landResult language laserTarget lbAdd lbClear lbColor lbCurSel lbData lbDelete lbIsSelected lbPicture lbSelection lbSetColor lbSetCurSel lbSetData lbSetPicture lbSetPictureColor lbSetPictureColorDisabled lbSetPictureColorSelected lbSetSelectColor lbSetSelectColorRight lbSetSelected lbSetTooltip lbSetValue lbSize lbSort lbSortByValue lbText lbValue leader leaderboardDeInit leaderboardGetRows leaderboardInit leaveVehicle libraryCredits libraryDisclaimers lifeState lightAttachObject lightDetachObject lightIsOn lightnings limitSpeed linearConversion lineBreak lineIntersects lineIntersectsObjs lineIntersectsSurfaces lineIntersectsWith linkItem list listObjects ln lnbAddArray lnbAddColumn lnbAddRow lnbClear lnbColor lnbCurSelRow lnbData lnbDeleteColumn lnbDeleteRow lnbGetColumnsPosition lnbPicture lnbSetColor lnbSetColumnsPos lnbSetCurSelRow lnbSetData lnbSetPicture lnbSetText lnbSetValue lnbSize lnbText lnbValue load loadAbs loadBackpack loadFile loadGame loadIdentity loadMagazine loadOverlay loadStatus loadUniform loadVest local localize locationNull locationPosition lock lockCameraTo lockCargo lockDriver locked lockedCargo lockedDriver lockedTurret lockIdentity lockTurret lockWP log logEntities logNetwork logNetworkTerminate lookAt lookAtPos magazineCargo magazines magazinesAllTurrets magazinesAmmo magazinesAmmoCargo magazinesAmmoFull magazinesDetail magazinesDetailBackpack magazinesDetailUniform magazinesDetailVest magazinesTurret magazineTurretAmmo mapAnimAdd mapAnimClear mapAnimCommit mapAnimDone mapCenterOnCamera mapGridPosition markAsFinishedOnSteam markerAlpha markerBrush markerColor markerDir markerPos markerShape markerSize markerText markerType max members menuAction menuAdd menuChecked menuClear menuCollapse menuData menuDelete menuEnable menuEnabled menuExpand menuHover menuPicture menuSetAction menuSetCheck menuSetData menuSetPicture menuSetValue menuShortcut menuShortcutText menuSize menuSort menuText menuURL menuValue min mineActive mineDetectedBy missionConfigFile missionDifficulty missionName missionNamespace missionStart missionVersion mod modelToWorld modelToWorldVisual modParams moonIntensity moonPhase morale move move3DENCamera moveInAny moveInCargo moveInCommander moveInDriver moveInGunner moveInTurret moveObjectToEnd moveOut moveTime moveTo moveToCompleted moveToFailed musicVolume name nameSound nearEntities nearestBuilding nearestLocation nearestLocations nearestLocationWithDubbing nearestObject nearestObjects nearestTerrainObjects nearObjects nearObjectsReady nearRoads nearSupplies nearTargets needReload netId netObjNull newOverlay nextMenuItemIndex nextWeatherChange nMenuItems not numberToDate objectCurators objectFromNetId objectParent objNull objStatus onBriefingGroup onBriefingNotes onBriefingPlan onBriefingTeamSwitch onCommandModeChanged onDoubleClick onEachFrame onGroupIconClick onGroupIconOverEnter onGroupIconOverLeave onHCGroupSelectionChanged onMapSingleClick onPlayerConnected onPlayerDisconnected onPreloadFinished onPreloadStarted onShowNewObject onTeamSwitch openCuratorInterface openDLCPage openMap openYoutubeVideo opfor or orderGetIn overcast overcastForecast owner param params parseNumber parseText parsingNamespace particlesQuality pi pickWeaponPool pitch pixelGrid pixelGridBase pixelGridNoUIScale pixelH pixelW playableSlotsNumber playableUnits playAction playActionNow player playerRespawnTime playerSide playersNumber playGesture playMission playMove playMoveNow playMusic playScriptedMission playSound playSound3D position positionCameraToWorld posScreenToWorld posWorldToScreen ppEffectAdjust ppEffectCommit ppEffectCommitted ppEffectCreate ppEffectDestroy ppEffectEnable ppEffectEnabled ppEffectForceInNVG precision preloadCamera preloadObject preloadSound preloadTitleObj preloadTitleRsc preprocessFile preprocessFileLineNumbers primaryWeapon primaryWeaponItems primaryWeaponMagazine priority private processDiaryLink productVersion profileName profileNamespace profileNameSteam progressLoadingScreen progressPosition progressSetPosition publicVariable publicVariableClient publicVariableServer pushBack pushBackUnique putWeaponPool queryItemsPool queryMagazinePool queryWeaponPool rad radioChannelAdd radioChannelCreate radioChannelRemove radioChannelSetCallSign radioChannelSetLabel radioVolume rain rainbow random rank rankId rating rectangular registeredTasks registerTask reload reloadEnabled remoteControl remoteExec remoteExecCall remove3DENConnection remove3DENEventHandler remove3DENLayer removeAction removeAll3DENEventHandlers removeAllActions removeAllAssignedItems removeAllContainers removeAllCuratorAddons removeAllCuratorCameraAreas removeAllCuratorEditingAreas removeAllEventHandlers removeAllHandgunItems removeAllItems removeAllItemsWithMagazines removeAllMissionEventHandlers removeAllMPEventHandlers removeAllMusicEventHandlers removeAllOwnedMines removeAllPrimaryWeaponItems removeAllWeapons removeBackpack removeBackpackGlobal removeCuratorAddons removeCuratorCameraArea removeCuratorEditableObjects removeCuratorEditingArea removeDrawIcon removeDrawLinks removeEventHandler removeFromRemainsCollector removeGoggles removeGroupIcon removeHandgunItem removeHeadgear removeItem removeItemFromBackpack removeItemFromUniform removeItemFromVest removeItems removeMagazine removeMagazineGlobal removeMagazines removeMagazinesTurret removeMagazineTurret removeMenuItem removeMissionEventHandler removeMPEventHandler removeMusicEventHandler removeOwnedMine removePrimaryWeaponItem removeSecondaryWeaponItem removeSimpleTask removeSwitchableUnit removeTeamMember removeUniform removeVest removeWeapon removeWeaponGlobal removeWeaponTurret requiredVersion resetCamShake resetSubgroupDirection resistance resize resources respawnVehicle restartEditorCamera reveal revealMine reverse reversedMouseY roadAt roadsConnectedTo roleDescription ropeAttachedObjects ropeAttachedTo ropeAttachEnabled ropeAttachTo ropeCreate ropeCut ropeDestroy ropeDetach ropeEndPosition ropeLength ropes ropeUnwind ropeUnwound rotorsForcesRTD rotorsRpmRTD round runInitScript safeZoneH safeZoneW safeZoneWAbs safeZoneX safeZoneXAbs safeZoneY save3DENInventory saveGame saveIdentity saveJoysticks saveOverlay saveProfileNamespace saveStatus saveVar savingEnabled say say2D say3D scopeName score scoreSide screenshot screenToWorld scriptDone scriptName scriptNull scudState secondaryWeapon secondaryWeaponItems secondaryWeaponMagazine select selectBestPlaces selectDiarySubject selectedEditorObjects selectEditorObject selectionNames selectionPosition selectLeader selectMax selectMin selectNoPlayer selectPlayer selectRandom selectWeapon selectWeaponTurret sendAUMessage sendSimpleCommand sendTask sendTaskResult sendUDPMessage serverCommand serverCommandAvailable serverCommandExecutable serverName serverTime set set3DENAttribute set3DENAttributes set3DENGrid set3DENIconsVisible set3DENLayer set3DENLinesVisible set3DENMissionAttributes set3DENModelsVisible set3DENObjectType set3DENSelected setAccTime setAirportSide setAmmo setAmmoCargo setAnimSpeedCoef setAperture setApertureNew setArmoryPoints setAttributes setAutonomous setBehaviour setBleedingRemaining setCameraInterest setCamShakeDefParams setCamShakeParams setCamUseTi setCaptive setCenterOfMass setCollisionLight setCombatMode setCompassOscillation setCuratorCameraAreaCeiling setCuratorCoef setCuratorEditingAreaType setCuratorWaypointCost setCurrentChannel setCurrentTask setCurrentWaypoint setCustomAimCoef setDamage setDammage setDate setDebriefingText setDefaultCamera setDestination setDetailMapBlendPars setDir setDirection setDrawIcon setDropInterval setEditorMode setEditorObjectScope setEffectCondition setFace setFaceAnimation setFatigue setFlagOwner setFlagSide setFlagTexture setFog setFormation setFormationTask setFormDir setFriend setFromEditor setFSMVariable setFuel setFuelCargo setGroupIcon setGroupIconParams setGroupIconsSelectable setGroupIconsVisible setGroupId setGroupIdGlobal setGroupOwner setGusts setHideBehind setHit setHitIndex setHitPointDamage setHorizonParallaxCoef setHUDMovementLevels setIdentity setImportance setLeader setLightAmbient setLightAttenuation setLightBrightness setLightColor setLightDayLight setLightFlareMaxDistance setLightFlareSize setLightIntensity setLightnings setLightUseFlare setLocalWindParams setMagazineTurretAmmo setMarkerAlpha setMarkerAlphaLocal setMarkerBrush setMarkerBrushLocal setMarkerColor setMarkerColorLocal setMarkerDir setMarkerDirLocal setMarkerPos setMarkerPosLocal setMarkerShape setMarkerShapeLocal setMarkerSize setMarkerSizeLocal setMarkerText setMarkerTextLocal setMarkerType setMarkerTypeLocal setMass setMimic setMousePosition setMusicEffect setMusicEventHandler setName setNameSound setObjectArguments setObjectMaterial setObjectMaterialGlobal setObjectProxy setObjectTexture setObjectTextureGlobal setObjectViewDistance setOvercast setOwner setOxygenRemaining setParticleCircle setParticleClass setParticleFire setParticleParams setParticleRandom setPilotCameraDirection setPilotCameraRotation setPilotCameraTarget setPilotLight setPiPEffect setPitch setPlayable setPlayerRespawnTime setPos setPosASL setPosASL2 setPosASLW setPosATL setPosition setPosWorld setRadioMsg setRain setRainbow setRandomLip setRank setRectangular setRepairCargo setShadowDistance setShotParents setSide setSimpleTaskAlwaysVisible setSimpleTaskCustomData setSimpleTaskDescription setSimpleTaskDestination setSimpleTaskTarget setSimpleTaskType setSimulWeatherLayers setSize setSkill setSlingLoad setSoundEffect setSpeaker setSpeech setSpeedMode setStamina setStaminaScheme setStatValue setSuppression setSystemOfUnits setTargetAge setTaskResult setTaskState setTerrainGrid setText setTimeMultiplier setTitleEffect setTriggerActivation setTriggerArea setTriggerStatements setTriggerText setTriggerTimeout setTriggerType setType setUnconscious setUnitAbility setUnitLoadout setUnitPos setUnitPosWeak setUnitRank setUnitRecoilCoefficient setUnitTrait setUnloadInCombat setUserActionText setVariable setVectorDir setVectorDirAndUp setVectorUp setVehicleAmmo setVehicleAmmoDef setVehicleArmor setVehicleCargo setVehicleId setVehicleLock setVehiclePosition setVehicleTiPars setVehicleVarName setVelocity setVelocityTransformation setViewDistance setVisibleIfTreeCollapsed setWaves setWaypointBehaviour setWaypointCombatMode setWaypointCompletionRadius setWaypointDescription setWaypointForceBehaviour setWaypointFormation setWaypointHousePosition setWaypointLoiterRadius setWaypointLoiterType setWaypointName setWaypointPosition setWaypointScript setWaypointSpeed setWaypointStatements setWaypointTimeout setWaypointType setWaypointVisible setWeaponReloadingTime setWind setWindDir setWindForce setWindStr setWPPos show3DIcons showChat showCinemaBorder showCommandingMenu showCompass showCuratorCompass showGPS showHUD showLegend showMap shownArtilleryComputer shownChat shownCompass shownCuratorCompass showNewEditorObject shownGPS shownHUD shownMap shownPad shownRadio shownScoretable shownUAVFeed shownWarrant shownWatch showPad showRadio showScoretable showSubtitles showUAVFeed showWarrant showWatch showWaypoint showWaypoints side sideAmbientLife sideChat sideEmpty sideEnemy sideFriendly sideLogic sideRadio sideUnknown simpleTasks simulationEnabled simulCloudDensity simulCloudOcclusion simulInClouds simulWeatherSync sin size sizeOf skill skillFinal skipTime sleep sliderPosition sliderRange sliderSetPosition sliderSetRange sliderSetSpeed sliderSpeed slingLoadAssistantShown soldierMagazines someAmmo sort soundVolume spawn speaker speed speedMode splitString sqrt squadParams stance startLoadingScreen step stop stopEngineRTD stopped str sunOrMoon supportInfo suppressFor surfaceIsWater surfaceNormal surfaceType swimInDepth switchableUnits switchAction switchCamera switchGesture switchLight switchMove synchronizedObjects synchronizedTriggers synchronizedWaypoints synchronizeObjectsAdd synchronizeObjectsRemove synchronizeTrigger synchronizeWaypoint systemChat systemOfUnits tan targetKnowledge targetsAggregate targetsQuery taskAlwaysVisible taskChildren taskCompleted taskCustomData taskDescription taskDestination taskHint taskMarkerOffset taskNull taskParent taskResult taskState taskType teamMember teamMemberNull teamName teams teamSwitch teamSwitchEnabled teamType terminate terrainIntersect terrainIntersectASL text textLog textLogFormat tg time timeMultiplier titleCut titleFadeOut titleObj titleRsc titleText toArray toFixed toLower toString toUpper triggerActivated triggerActivation triggerArea triggerAttachedVehicle triggerAttachObject triggerAttachVehicle triggerStatements triggerText triggerTimeout triggerTimeoutCurrent triggerType turretLocal turretOwner turretUnit tvAdd tvClear tvCollapse tvCount tvCurSel tvData tvDelete tvExpand tvPicture tvSetCurSel tvSetData tvSetPicture tvSetPictureColor tvSetPictureColorDisabled tvSetPictureColorSelected tvSetPictureRight tvSetPictureRightColor tvSetPictureRightColorDisabled tvSetPictureRightColorSelected tvSetText tvSetTooltip tvSetValue tvSort tvSortByValue tvText tvTooltip tvValue type typeName typeOf UAVControl uiNamespace uiSleep unassignCurator unassignItem unassignTeam unassignVehicle underwater uniform uniformContainer uniformItems uniformMagazines unitAddons unitAimPosition unitAimPositionVisual unitBackpack unitIsUAV unitPos unitReady unitRecoilCoefficient units unitsBelowHeight unlinkItem unlockAchievement unregisterTask updateDrawIcon updateMenuItem updateObjectTree useAISteeringComponent useAudioTimeForMoves vectorAdd vectorCos vectorCrossProduct vectorDiff vectorDir vectorDirVisual vectorDistance vectorDistanceSqr vectorDotProduct vectorFromTo vectorMagnitude vectorMagnitudeSqr vectorMultiply vectorNormalized vectorUp vectorUpVisual vehicle vehicleCargoEnabled vehicleChat vehicleRadio vehicles vehicleVarName velocity velocityModelSpace verifySignature vest vestContainer vestItems vestMagazines viewDistance visibleCompass visibleGPS visibleMap visiblePosition visiblePositionASL visibleScoretable visibleWatch waves waypointAttachedObject waypointAttachedVehicle waypointAttachObject waypointAttachVehicle waypointBehaviour waypointCombatMode waypointCompletionRadius waypointDescription waypointForceBehaviour waypointFormation waypointHousePosition waypointLoiterRadius waypointLoiterType waypointName waypointPosition waypoints waypointScript waypointsEnabledUAV waypointShow waypointSpeed waypointStatements waypointTimeout waypointTimeoutCurrent waypointType waypointVisible weaponAccessories weaponAccessoriesCargo weaponCargo weaponDirection weaponInertia weaponLowered weapons weaponsItems weaponsItemsCargo weaponState weaponsTurret weightRTD west WFSideText wind",literal:"true false nil"},c:[e.CLCM,e.CBCM,e.NM,a,o,r,t.preprocessor],i:/#/}});hljs.registerLanguage("dsconfig",function(e){var i={cN:"string",b:/"/,e:/"/},r={cN:"string",b:/'/,e:/'/},s={cN:"string",b:"[\\w-?]+:\\w+",e:"\\W",r:0},t={cN:"string",b:"\\w+-?\\w+",e:"\\W",r:0};return{k:"dsconfig",c:[{cN:"keyword",b:"^dsconfig",e:"\\s",eE:!0,r:10},{cN:"built_in",b:"(list|create|get|set|delete)-(\\w+)",e:"\\s",eE:!0,i:"!@#$%^&*()",r:10},{cN:"built_in",b:"--(\\w+)",e:"\\s",eE:!0},i,r,s,t,e.HCM]}});hljs.registerLanguage("apache",function(e){var r={cN:"number",b:"[\\$%]\\d+"};return{aliases:["apacheconf"],cI:!0,c:[e.HCM,{cN:"section",b:""},{cN:"attribute",b:/\w+/,r:0,k:{nomarkup:"order deny allow setenv rewriterule rewriteengine rewritecond documentroot sethandler errordocument loadmodule options header listen serverroot servername"},starts:{e:/$/,r:0,k:{literal:"on off all"},c:[{cN:"meta",b:"\\s\\[",e:"\\]$"},{cN:"variable",b:"[\\$%]\\{",e:"\\}",c:["self",r]},r,e.QSM]}}],i:/\S/}});hljs.registerLanguage("erb",function(e){return{sL:"xml",c:[e.C("<%#","%>"),{b:"<%[%=-]?",e:"[%-]?%>",sL:"ruby",eB:!0,eE:!0}]}});hljs.registerLanguage("gauss",function(e){var t={keyword:"and bool break call callexe checkinterrupt clear clearg closeall cls comlog compile continue create debug declare delete disable dlibrary dllcall do dos ed edit else elseif enable end endfor endif endp endo errorlog errorlogat expr external fn for format goto gosub graph if keyword let lib library line load loadarray loadexe loadf loadk loadm loadp loads loadx local locate loopnextindex lprint lpwidth lshow matrix msym ndpclex new not open or output outwidth plot plotsym pop prcsn print printdos proc push retp return rndcon rndmod rndmult rndseed run save saveall screen scroll setarray show sparse stop string struct system trace trap threadfor threadendfor threadbegin threadjoin threadstat threadend until use while winprint",built_in:"abs acf aconcat aeye amax amean AmericanBinomCall AmericanBinomCall_Greeks AmericanBinomCall_ImpVol AmericanBinomPut AmericanBinomPut_Greeks AmericanBinomPut_ImpVol AmericanBSCall AmericanBSCall_Greeks AmericanBSCall_ImpVol AmericanBSPut AmericanBSPut_Greeks AmericanBSPut_ImpVol amin amult annotationGetDefaults annotationSetBkd annotationSetFont annotationSetLineColor annotationSetLineStyle annotationSetLineThickness annualTradingDays arccos arcsin areshape arrayalloc arrayindex arrayinit arraytomat asciiload asclabel astd astds asum atan atan2 atranspose axmargin balance band bandchol bandcholsol bandltsol bandrv bandsolpd bar base10 begwind besselj bessely beta box boxcox cdfBeta cdfBetaInv cdfBinomial cdfBinomialInv cdfBvn cdfBvn2 cdfBvn2e cdfCauchy cdfCauchyInv cdfChic cdfChii cdfChinc cdfChincInv cdfExp cdfExpInv cdfFc cdfFnc cdfFncInv cdfGam cdfGenPareto cdfHyperGeo cdfLaplace cdfLaplaceInv cdfLogistic cdfLogisticInv cdfmControlCreate cdfMvn cdfMvn2e cdfMvnce cdfMvne cdfMvt2e cdfMvtce cdfMvte cdfN cdfN2 cdfNc cdfNegBinomial cdfNegBinomialInv cdfNi cdfPoisson cdfPoissonInv cdfRayleigh cdfRayleighInv cdfTc cdfTci cdfTnc cdfTvn cdfWeibull cdfWeibullInv cdir ceil ChangeDir chdir chiBarSquare chol choldn cholsol cholup chrs close code cols colsf combinate combinated complex con cond conj cons ConScore contour conv convertsatostr convertstrtosa corrm corrms corrvc corrx corrxs cos cosh counts countwts crossprd crout croutp csrcol csrlin csvReadM csvReadSA cumprodc cumsumc curve cvtos datacreate datacreatecomplex datalist dataload dataloop dataopen datasave date datestr datestring datestrymd dayinyr dayofweek dbAddDatabase dbClose dbCommit dbCreateQuery dbExecQuery dbGetConnectOptions dbGetDatabaseName dbGetDriverName dbGetDrivers dbGetHostName dbGetLastErrorNum dbGetLastErrorText dbGetNumericalPrecPolicy dbGetPassword dbGetPort dbGetTableHeaders dbGetTables dbGetUserName dbHasFeature dbIsDriverAvailable dbIsOpen dbIsOpenError dbOpen dbQueryBindValue dbQueryClear dbQueryCols dbQueryExecPrepared dbQueryFetchAllM dbQueryFetchAllSA dbQueryFetchOneM dbQueryFetchOneSA dbQueryFinish dbQueryGetBoundValue dbQueryGetBoundValues dbQueryGetField dbQueryGetLastErrorNum dbQueryGetLastErrorText dbQueryGetLastInsertID dbQueryGetLastQuery dbQueryGetPosition dbQueryIsActive dbQueryIsForwardOnly dbQueryIsNull dbQueryIsSelect dbQueryIsValid dbQueryPrepare dbQueryRows dbQuerySeek dbQuerySeekFirst dbQuerySeekLast dbQuerySeekNext dbQuerySeekPrevious dbQuerySetForwardOnly dbRemoveDatabase dbRollback dbSetConnectOptions dbSetDatabaseName dbSetHostName dbSetNumericalPrecPolicy dbSetPort dbSetUserName dbTransaction DeleteFile delif delrows denseToSp denseToSpRE denToZero design det detl dfft dffti diag diagrv digamma doswin DOSWinCloseall DOSWinOpen dotfeq dotfeqmt dotfge dotfgemt dotfgt dotfgtmt dotfle dotflemt dotflt dotfltmt dotfne dotfnemt draw drop dsCreate dstat dstatmt dstatmtControlCreate dtdate dtday dttime dttodtv dttostr dttoutc dtvnormal dtvtodt dtvtoutc dummy dummybr dummydn eig eigh eighv eigv elapsedTradingDays endwind envget eof eqSolve eqSolvemt eqSolvemtControlCreate eqSolvemtOutCreate eqSolveset erf erfc erfccplx erfcplx error etdays ethsec etstr EuropeanBinomCall EuropeanBinomCall_Greeks EuropeanBinomCall_ImpVol EuropeanBinomPut EuropeanBinomPut_Greeks EuropeanBinomPut_ImpVol EuropeanBSCall EuropeanBSCall_Greeks EuropeanBSCall_ImpVol EuropeanBSPut EuropeanBSPut_Greeks EuropeanBSPut_ImpVol exctsmpl exec execbg exp extern eye fcheckerr fclearerr feq feqmt fflush fft ffti fftm fftmi fftn fge fgemt fgets fgetsa fgetsat fgetst fgt fgtmt fileinfo filesa fle flemt floor flt fltmt fmod fne fnemt fonts fopen formatcv formatnv fputs fputst fseek fstrerror ftell ftocv ftos ftostrC gamma gammacplx gammaii gausset gdaAppend gdaCreate gdaDStat gdaDStatMat gdaGetIndex gdaGetName gdaGetNames gdaGetOrders gdaGetType gdaGetTypes gdaGetVarInfo gdaIsCplx gdaLoad gdaPack gdaRead gdaReadByIndex gdaReadSome gdaReadSparse gdaReadStruct gdaReportVarInfo gdaSave gdaUpdate gdaUpdateAndPack gdaVars gdaWrite gdaWrite32 gdaWriteSome getarray getdims getf getGAUSShome getmatrix getmatrix4D getname getnamef getNextTradingDay getNextWeekDay getnr getorders getpath getPreviousTradingDay getPreviousWeekDay getRow getscalar3D getscalar4D getTrRow getwind glm gradcplx gradMT gradMTm gradMTT gradMTTm gradp graphprt graphset hasimag header headermt hess hessMT hessMTg hessMTgw hessMTm hessMTmw hessMTT hessMTTg hessMTTgw hessMTTm hessMTw hessp hist histf histp hsec imag indcv indexcat indices indices2 indicesf indicesfn indnv indsav integrate1d integrateControlCreate intgrat2 intgrat3 inthp1 inthp2 inthp3 inthp4 inthpControlCreate intquad1 intquad2 intquad3 intrleav intrleavsa intrsect intsimp inv invpd invswp iscplx iscplxf isden isinfnanmiss ismiss key keyav keyw lag lag1 lagn lapEighb lapEighi lapEighvb lapEighvi lapgEig lapgEigh lapgEighv lapgEigv lapgSchur lapgSvdcst lapgSvds lapgSvdst lapSvdcusv lapSvds lapSvdusv ldlp ldlsol linSolve listwise ln lncdfbvn lncdfbvn2 lncdfmvn lncdfn lncdfn2 lncdfnc lnfact lngammacplx lnpdfmvn lnpdfmvt lnpdfn lnpdft loadd loadstruct loadwind loess loessmt loessmtControlCreate log loglog logx logy lower lowmat lowmat1 ltrisol lu lusol machEpsilon make makevars makewind margin matalloc matinit mattoarray maxbytes maxc maxindc maxv maxvec mbesselei mbesselei0 mbesselei1 mbesseli mbesseli0 mbesseli1 meanc median mergeby mergevar minc minindc minv miss missex missrv moment momentd movingave movingaveExpwgt movingaveWgt nextindex nextn nextnevn nextwind ntos null null1 numCombinations ols olsmt olsmtControlCreate olsqr olsqr2 olsqrmt ones optn optnevn orth outtyp pacf packedToSp packr parse pause pdfCauchy pdfChi pdfExp pdfGenPareto pdfHyperGeo pdfLaplace pdfLogistic pdfn pdfPoisson pdfRayleigh pdfWeibull pi pinv pinvmt plotAddArrow plotAddBar plotAddBox plotAddHist plotAddHistF plotAddHistP plotAddPolar plotAddScatter plotAddShape plotAddTextbox plotAddTS plotAddXY plotArea plotBar plotBox plotClearLayout plotContour plotCustomLayout plotGetDefaults plotHist plotHistF plotHistP plotLayout plotLogLog plotLogX plotLogY plotOpenWindow plotPolar plotSave plotScatter plotSetAxesPen plotSetBar plotSetBarFill plotSetBarStacked plotSetBkdColor plotSetFill plotSetGrid plotSetLegend plotSetLineColor plotSetLineStyle plotSetLineSymbol plotSetLineThickness plotSetNewWindow plotSetTitle plotSetWhichYAxis plotSetXAxisShow plotSetXLabel plotSetXRange plotSetXTicInterval plotSetXTicLabel plotSetYAxisShow plotSetYLabel plotSetYRange plotSetZAxisShow plotSetZLabel plotSurface plotTS plotXY polar polychar polyeval polygamma polyint polymake polymat polymroot polymult polyroot pqgwin previousindex princomp printfm printfmt prodc psi putarray putf putvals pvCreate pvGetIndex pvGetParNames pvGetParVector pvLength pvList pvPack pvPacki pvPackm pvPackmi pvPacks pvPacksi pvPacksm pvPacksmi pvPutParVector pvTest pvUnpack QNewton QNewtonmt QNewtonmtControlCreate QNewtonmtOutCreate QNewtonSet QProg QProgmt QProgmtInCreate qqr qqre qqrep qr qre qrep qrsol qrtsol qtyr qtyre qtyrep quantile quantiled qyr qyre qyrep qz rank rankindx readr real reclassify reclassifyCuts recode recserar recsercp recserrc rerun rescale reshape rets rev rfft rffti rfftip rfftn rfftnp rfftp rndBernoulli rndBeta rndBinomial rndCauchy rndChiSquare rndCon rndCreateState rndExp rndGamma rndGeo rndGumbel rndHyperGeo rndi rndKMbeta rndKMgam rndKMi rndKMn rndKMnb rndKMp rndKMu rndKMvm rndLaplace rndLCbeta rndLCgam rndLCi rndLCn rndLCnb rndLCp rndLCu rndLCvm rndLogNorm rndMTu rndMVn rndMVt rndn rndnb rndNegBinomial rndp rndPoisson rndRayleigh rndStateSkip rndu rndvm rndWeibull rndWishart rotater round rows rowsf rref sampleData satostrC saved saveStruct savewind scale scale3d scalerr scalinfnanmiss scalmiss schtoc schur searchsourcepath seekr select selif seqa seqm setdif setdifsa setvars setvwrmode setwind shell shiftr sin singleindex sinh sleep solpd sortc sortcc sortd sorthc sorthcc sortind sortindc sortmc sortr sortrc spBiconjGradSol spChol spConjGradSol spCreate spDenseSubmat spDiagRvMat spEigv spEye spLDL spline spLU spNumNZE spOnes spreadSheetReadM spreadSheetReadSA spreadSheetWrite spScale spSubmat spToDense spTrTDense spTScalar spZeros sqpSolve sqpSolveMT sqpSolveMTControlCreate sqpSolveMTlagrangeCreate sqpSolveMToutCreate sqpSolveSet sqrt statements stdc stdsc stocv stof strcombine strindx strlen strput strrindx strsect strsplit strsplitPad strtodt strtof strtofcplx strtriml strtrimr strtrunc strtruncl strtruncpad strtruncr submat subscat substute subvec sumc sumr surface svd svd1 svd2 svdcusv svds svdusv sysstate tab tan tanh tempname threadBegin threadEnd threadEndFor threadFor threadJoin threadStat time timedt timestr timeutc title tkf2eps tkf2ps tocart todaydt toeplitz token topolar trapchk trigamma trimr trunc type typecv typef union unionsa uniqindx uniqindxsa unique uniquesa upmat upmat1 upper utctodt utctodtv utrisol vals varCovMS varCovXS varget vargetl varmall varmares varput varputl vartypef vcm vcms vcx vcxs vec vech vecr vector vget view viewxyz vlist vnamecv volume vput vread vtypecv wait waitc walkindex where window writer xlabel xlsGetSheetCount xlsGetSheetSize xlsGetSheetTypes xlsMakeRange xlsReadM xlsReadSA xlsWrite xlsWriteM xlsWriteSA xpnd xtics xy xyz ylabel ytics zeros zeta zlabel ztics cdfEmpirical dot h5create h5open h5read h5readAttribute h5write h5writeAttribute ldl plotAddErrorBar plotAddSurface plotCDFEmpirical plotSetColormap plotSetContourLabels plotSetLegendFont plotSetTextInterpreter plotSetXTicCount plotSetYTicCount plotSetZLevels powerm strjoin strtrim sylvester",literal:"DB_AFTER_LAST_ROW DB_ALL_TABLES DB_BATCH_OPERATIONS DB_BEFORE_FIRST_ROW DB_BLOB DB_EVENT_NOTIFICATIONS DB_FINISH_QUERY DB_HIGH_PRECISION DB_LAST_INSERT_ID DB_LOW_PRECISION_DOUBLE DB_LOW_PRECISION_INT32 DB_LOW_PRECISION_INT64 DB_LOW_PRECISION_NUMBERS DB_MULTIPLE_RESULT_SETS DB_NAMED_PLACEHOLDERS DB_POSITIONAL_PLACEHOLDERS DB_PREPARED_QUERIES DB_QUERY_SIZE DB_SIMPLE_LOCKING DB_SYSTEM_TABLES DB_TABLES DB_TRANSACTIONS DB_UNICODE DB_VIEWS"},a={cN:"meta",b:"#",e:"$",k:{"meta-keyword":"define definecs|10 undef ifdef ifndef iflight ifdllcall ifmac ifos2win ifunix else endif lineson linesoff srcfile srcline"},c:[{b:/\\\n/,r:0},{bK:"include",e:"$",k:{"meta-keyword":"include"},c:[{cN:"meta-string",b:'"',e:'"',i:"\\n"}]},e.CLCM,e.CBCM]},r=e.UIR+"\\s*\\(?",o=[{cN:"params",b:/\(/,e:/\)/,k:t,r:0,c:[e.CNM,e.CLCM,e.CBCM]}];return{aliases:["gss"],cI:!0,k:t,i:"(\\{[%#]|[%#]\\})",c:[e.CNM,e.CLCM,e.CBCM,e.C("@","@"),a,{cN:"string",b:'"',e:'"',c:[e.BE]},{cN:"function",bK:"proc keyword",e:";",eE:!0,k:t,c:[{b:r,rB:!0,c:[e.UTM],r:0},e.CNM,e.CLCM,e.CBCM,a].concat(o)},{cN:"function",bK:"fn",e:";",eE:!0,k:t,c:[{b:r+e.IR+"\\)?\\s*\\=\\s*",rB:!0,c:[e.UTM],r:0},e.CNM,e.CLCM,e.CBCM].concat(o)},{cN:"function",b:"\\bexternal (proc|keyword|fn)\\s+",e:";",eE:!0,k:t,c:[{b:r,rB:!0,c:[e.UTM],r:0},e.CLCM,e.CBCM]},{cN:"function",b:"\\bexternal (matrix|string|array|sparse matrix|struct "+e.IR+")\\s+",e:";",eE:!0,k:t,c:[e.CLCM,e.CBCM]}]}});hljs.registerLanguage("objectivec",function(e){var t={cN:"built_in",b:"\\b(AV|CA|CF|CG|CI|CL|CM|CN|CT|MK|MP|MTK|MTL|NS|SCN|SK|UI|WK|XC)\\w+"},_={keyword:"int float while char export sizeof typedef const struct for union unsigned long volatile static bool mutable if do return goto void enum else break extern asm case short default double register explicit signed typename this switch continue wchar_t inline readonly assign readwrite self @synchronized id typeof nonatomic super unichar IBOutlet IBAction strong weak copy in out inout bycopy byref oneway __strong __weak __block __autoreleasing @private @protected @public @try @property @end @throw @catch @finally @autoreleasepool @synthesize @dynamic @selector @optional @required @encode @package @import @defs @compatibility_alias __bridge __bridge_transfer __bridge_retained __bridge_retain __covariant __contravariant __kindof _Nonnull _Nullable _Null_unspecified __FUNCTION__ __PRETTY_FUNCTION__ __attribute__ getter setter retain unsafe_unretained nonnull nullable null_unspecified null_resettable class instancetype NS_DESIGNATED_INITIALIZER NS_UNAVAILABLE NS_REQUIRES_SUPER NS_RETURNS_INNER_POINTER NS_INLINE NS_AVAILABLE NS_DEPRECATED NS_ENUM NS_OPTIONS NS_SWIFT_UNAVAILABLE NS_ASSUME_NONNULL_BEGIN NS_ASSUME_NONNULL_END NS_REFINED_FOR_SWIFT NS_SWIFT_NAME NS_SWIFT_NOTHROW NS_DURING NS_HANDLER NS_ENDHANDLER NS_VALUERETURN NS_VOIDRETURN",literal:"false true FALSE TRUE nil YES NO NULL",built_in:"BOOL dispatch_once_t dispatch_queue_t dispatch_sync dispatch_async dispatch_once"},i=/[a-zA-Z@][a-zA-Z0-9_]*/,n="@interface @class @protocol @implementation";return{aliases:["mm","objc","obj-c"],k:_,l:i,i:""}]}]},{cN:"class",b:"("+n.split(" ").join("|")+")\\b",e:"({|$)",eE:!0,k:n,l:i,c:[e.UTM]},{b:"\\."+e.UIR,r:0}]}});hljs.registerLanguage("handlebars",function(e){var a={"builtin-name":"each in with if else unless bindattr action collection debugger log outlet template unbound view yield"};return{aliases:["hbs","html.hbs","html.handlebars"],cI:!0,sL:"xml",c:[e.C("{{!(--)?","(--)?}}"),{cN:"template-tag",b:/\{\{[#\/]/,e:/\}\}/,c:[{cN:"name",b:/[a-zA-Z\.-]+/,k:a,starts:{eW:!0,r:0,c:[e.QSM]}}]},{cN:"template-variable",b:/\{\{/,e:/\}\}/,k:a}]}});hljs.registerLanguage("mercury",function(e){var i={keyword:"module use_module import_module include_module end_module initialise mutable initialize finalize finalise interface implementation pred mode func type inst solver any_pred any_func is semidet det nondet multi erroneous failure cc_nondet cc_multi typeclass instance where pragma promise external trace atomic or_else require_complete_switch require_det require_semidet require_multi require_nondet require_cc_multi require_cc_nondet require_erroneous require_failure",meta:"inline no_inline type_spec source_file fact_table obsolete memo loop_check minimal_model terminates does_not_terminate check_termination promise_equivalent_clauses foreign_proc foreign_decl foreign_code foreign_type foreign_import_module foreign_export_enum foreign_export foreign_enum may_call_mercury will_not_call_mercury thread_safe not_thread_safe maybe_thread_safe promise_pure promise_semipure tabled_for_io local untrailed trailed attach_to_io_state can_pass_as_mercury_type stable will_not_throw_exception may_modify_trail will_not_modify_trail may_duplicate may_not_duplicate affects_liveness does_not_affect_liveness doesnt_affect_liveness no_sharing unknown_sharing sharing",built_in:"some all not if then else true fail false try catch catch_any semidet_true semidet_false semidet_fail impure_true impure semipure"},r=e.C("%","$"),t={cN:"number",b:"0'.\\|0[box][0-9a-fA-F]*"},_=e.inherit(e.ASM,{r:0}),n=e.inherit(e.QSM,{r:0}),a={cN:"subst",b:"\\\\[abfnrtv]\\|\\\\x[0-9a-fA-F]*\\\\\\|%[-+# *.0-9]*[dioxXucsfeEgGp]",r:0};n.c.push(a);var o={cN:"built_in",v:[{b:"<=>"},{b:"<=",r:0},{b:"=>",r:0},{b:"/\\\\"},{b:"\\\\/"}]},l={cN:"built_in",v:[{b:":-\\|-->"},{b:"=",r:0}]};return{aliases:["m","moo"],k:i,c:[o,l,r,e.CBCM,t,e.NM,_,n,{b:/:-/}]}});hljs.registerLanguage("dns",function(d){return{aliases:["bind","zone"],k:{keyword:"IN A AAAA AFSDB APL CAA CDNSKEY CDS CERT CNAME DHCID DLV DNAME DNSKEY DS HIP IPSECKEY KEY KX LOC MX NAPTR NS NSEC NSEC3 NSEC3PARAM PTR RRSIG RP SIG SOA SRV SSHFP TA TKEY TLSA TSIG TXT"},c:[d.C(";","$",{r:0}),{cN:"meta",b:/^\$(TTL|GENERATE|INCLUDE|ORIGIN)\b/},{cN:"number",b:"((([0-9A-Fa-f]{1,4}:){7}([0-9A-Fa-f]{1,4}|:))|(([0-9A-Fa-f]{1,4}:){6}(:[0-9A-Fa-f]{1,4}|((25[0-5]|2[0-4]\\d|1\\d\\d|[1-9]?\\d)(\\.(25[0-5]|2[0-4]\\d|1\\d\\d|[1-9]?\\d)){3})|:))|(([0-9A-Fa-f]{1,4}:){5}(((:[0-9A-Fa-f]{1,4}){1,2})|:((25[0-5]|2[0-4]\\d|1\\d\\d|[1-9]?\\d)(\\.(25[0-5]|2[0-4]\\d|1\\d\\d|[1-9]?\\d)){3})|:))|(([0-9A-Fa-f]{1,4}:){4}(((:[0-9A-Fa-f]{1,4}){1,3})|((:[0-9A-Fa-f]{1,4})?:((25[0-5]|2[0-4]\\d|1\\d\\d|[1-9]?\\d)(\\.(25[0-5]|2[0-4]\\d|1\\d\\d|[1-9]?\\d)){3}))|:))|(([0-9A-Fa-f]{1,4}:){3}(((:[0-9A-Fa-f]{1,4}){1,4})|((:[0-9A-Fa-f]{1,4}){0,2}:((25[0-5]|2[0-4]\\d|1\\d\\d|[1-9]?\\d)(\\.(25[0-5]|2[0-4]\\d|1\\d\\d|[1-9]?\\d)){3}))|:))|(([0-9A-Fa-f]{1,4}:){2}(((:[0-9A-Fa-f]{1,4}){1,5})|((:[0-9A-Fa-f]{1,4}){0,3}:((25[0-5]|2[0-4]\\d|1\\d\\d|[1-9]?\\d)(\\.(25[0-5]|2[0-4]\\d|1\\d\\d|[1-9]?\\d)){3}))|:))|(([0-9A-Fa-f]{1,4}:){1}(((:[0-9A-Fa-f]{1,4}){1,6})|((:[0-9A-Fa-f]{1,4}){0,4}:((25[0-5]|2[0-4]\\d|1\\d\\d|[1-9]?\\d)(\\.(25[0-5]|2[0-4]\\d|1\\d\\d|[1-9]?\\d)){3}))|:))|(:(((:[0-9A-Fa-f]{1,4}){1,7})|((:[0-9A-Fa-f]{1,4}){0,5}:((25[0-5]|2[0-4]\\d|1\\d\\d|[1-9]?\\d)(\\.(25[0-5]|2[0-4]\\d|1\\d\\d|[1-9]?\\d)){3}))|:)))\\b"},{cN:"number",b:"((25[0-5]|(2[0-4]|1{0,1}[0-9]){0,1}[0-9]).){3,3}(25[0-5]|(2[0-4]|1{0,1}[0-9]){0,1}[0-9])\\b"},d.inherit(d.NM,{b:/\b\d+[dhwm]?/})]}});hljs.registerLanguage("pony",function(e){var r={keyword:"actor addressof and as be break class compile_error compile_intrinsicconsume continue delegate digestof do else elseif embed end errorfor fun if ifdef in interface is isnt lambda let match new not objector primitive recover repeat return struct then trait try type until use var where while with xor",meta:"iso val tag trn box ref",literal:"this false true"},t={cN:"string",b:'"""',e:'"""',r:10},c={cN:"string",b:'"',e:'"',c:[e.BE]},i={cN:"string",b:"'",e:"'",c:[e.BE],r:0},n={cN:"type",b:"\\b_?[A-Z][\\w]*",r:0},s={b:e.IR+"'",r:0},a={cN:"class",bK:"class actor",e:"$",c:[e.TM,e.CLCM]},o={cN:"function",bK:"new fun",e:"=>",c:[e.TM,{b:/\(/,e:/\)/,c:[n,s,e.CNM,e.CBCM]},{b:/:/,eW:!0,c:[n]},e.CLCM]};return{k:r,c:[a,o,n,t,c,i,s,e.CNM,e.CLCM,e.CBCM]}});hljs.registerLanguage("leaf",function(e){return{c:[{cN:"function",b:"#+[A-Za-z_0-9]*\\(",e:" {",rB:!0,eE:!0,c:[{cN:"keyword",b:"#+"},{cN:"title",b:"[A-Za-z_][A-Za-z_0-9]*"},{cN:"params",b:"\\(",e:"\\)",endsParent:!0,c:[{cN:"string",b:'"',e:'"'},{cN:"variable",b:"[A-Za-z_][A-Za-z_0-9]*"}]}]}]}});hljs.registerLanguage("dust",function(e){var t="if eq ne lt lte gt gte select default math sep";return{aliases:["dst"],cI:!0,sL:"xml",c:[{cN:"template-tag",b:/\{[#\/]/,e:/\}/,i:/;/,c:[{cN:"name",b:/[a-zA-Z\.-]+/,starts:{eW:!0,r:0,c:[e.QSM]}}]},{cN:"template-variable",b:/\{/,e:/\}/,i:/;/,k:t}]}});hljs.registerLanguage("erlang-repl",function(e){return{k:{built_in:"spawn spawn_link self",keyword:"after and andalso|10 band begin bnot bor bsl bsr bxor case catch cond div end fun if let not of or orelse|10 query receive rem try when xor"},c:[{cN:"meta",b:"^[0-9]+> ",r:10},e.C("%","$"),{cN:"number",b:"\\b(\\d+#[a-fA-F0-9]+|\\d+(\\.\\d+)?([eE][-+]?\\d+)?)",r:0},e.ASM,e.QSM,{b:"\\?(::)?([A-Z]\\w*(::)?)+"},{b:"->"},{b:"ok"},{b:"!"},{b:"(\\b[a-z'][a-zA-Z0-9_']*:[a-z'][a-zA-Z0-9_']*)|(\\b[a-z'][a-zA-Z0-9_']*)",r:0},{b:"[A-Z][a-zA-Z0-9_']*",r:0}]}});hljs.registerLanguage("r",function(e){var r="([a-zA-Z]|\\.[a-zA-Z.])[a-zA-Z0-9._]*";return{c:[e.HCM,{b:r,l:r,k:{keyword:"function if in break next repeat else for return switch while try tryCatch stop warning require library attach detach source setMethod setGeneric setGroupGeneric setClass ...",literal:"NULL NA TRUE FALSE T F Inf NaN NA_integer_|10 NA_real_|10 NA_character_|10 NA_complex_|10"},r:0},{cN:"number",b:"0[xX][0-9a-fA-F]+[Li]?\\b",r:0},{cN:"number",b:"\\d+(?:[eE][+\\-]?\\d*)?L\\b",r:0},{cN:"number",b:"\\d+\\.(?!\\d)(?:i\\b)?",r:0},{cN:"number",b:"\\d+(?:\\.\\d*)?(?:[eE][+\\-]?\\d*)?i?\\b",r:0},{cN:"number",b:"\\.\\d+(?:[eE][+\\-]?\\d*)?i?\\b",r:0},{b:"`",e:"`",r:0},{cN:"string",c:[e.BE],v:[{b:'"',e:'"'},{b:"'",e:"'"}]}]}});hljs.registerLanguage("delphi",function(e){var r="exports register file shl array record property for mod while set ally label uses raise not stored class safecall var interface or private static exit index inherited to else stdcall override shr asm far resourcestring finalization packed virtual out and protected library do xorwrite goto near function end div overload object unit begin string on inline repeat until destructor write message program with read initialization except default nil if case cdecl in downto threadvar of try pascal const external constructor type public then implementation finally published procedure absolute reintroduce operator as is abstract alias assembler bitpacked break continue cppdecl cvar enumerator experimental platform deprecated unimplemented dynamic export far16 forward generic helper implements interrupt iochecks local name nodefault noreturn nostackframe oldfpccall otherwise saveregisters softfloat specialize strict unaligned varargs ",t=[e.CLCM,e.C(/\{/,/\}/,{r:0}),e.C(/\(\*/,/\*\)/,{r:10})],a={cN:"meta",v:[{b:/\{\$/,e:/\}/},{b:/\(\*\$/,e:/\*\)/}]},c={cN:"string",b:/'/,e:/'/,c:[{b:/''/}]},i={cN:"string",b:/(#\d+)+/},o={b:e.IR+"\\s*=\\s*class\\s*\\(",rB:!0,c:[e.TM]},n={cN:"function",bK:"function constructor destructor procedure",e:/[:;]/,k:"function constructor|10 destructor|10 procedure|10",c:[e.TM,{cN:"params",b:/\(/,e:/\)/,k:r,c:[c,i,a].concat(t)},a].concat(t)};return{aliases:["dpr","dfm","pas","pascal","freepascal","lazarus","lpr","lfm"],cI:!0,k:r,i:/"|\$[G-Zg-z]|\/\*|<\/|\|/,c:[c,i,e.NM,o,n,a].concat(t)}});hljs.registerLanguage("markdown",function(e){return{aliases:["md","mkdown","mkd"],c:[{cN:"section",v:[{b:"^#{1,6}",e:"$"},{b:"^.+?\\n[=-]{2,}$"}]},{b:"<",e:">",sL:"xml",r:0},{cN:"bullet",b:"^([*+-]|(\\d+\\.))\\s+"},{cN:"strong",b:"[*_]{2}.+?[*_]{2}"},{cN:"emphasis",v:[{b:"\\*.+?\\*"},{b:"_.+?_",r:0}]},{cN:"quote",b:"^>\\s+",e:"$"},{cN:"code",v:[{b:"^```w*s*$",e:"^```s*$"},{b:"`.+?`"},{b:"^( {4}| )",e:"$",r:0}]},{b:"^[-\\*]{3,}",e:"$"},{b:"\\[.+?\\][\\(\\[].*?[\\)\\]]",rB:!0,c:[{cN:"string",b:"\\[",e:"\\]",eB:!0,rE:!0,r:0},{cN:"link",b:"\\]\\(",e:"\\)",eB:!0,eE:!0},{cN:"symbol",b:"\\]\\[",e:"\\]",eB:!0,eE:!0}],r:10},{b:/^\[[^\n]+\]:/,rB:!0,c:[{cN:"symbol",b:/\[/,e:/\]/,eB:!0,eE:!0},{cN:"link",b:/:\s*/,e:/$/,eB:!0}]}]}});hljs.registerLanguage("dart",function(e){var t={cN:"subst",b:"\\$\\{",e:"}",k:"true false null this is new super"},r={cN:"string",v:[{b:"r'''",e:"'''"},{b:'r"""',e:'"""'},{b:"r'",e:"'",i:"\\n"},{b:'r"',e:'"',i:"\\n"},{b:"'''",e:"'''",c:[e.BE,t]},{b:'"""',e:'"""',c:[e.BE,t]},{b:"'",e:"'",i:"\\n",c:[e.BE,t]},{b:'"',e:'"',i:"\\n",c:[e.BE,t]}]};t.c=[e.CNM,r];var n={keyword:"assert async await break case catch class const continue default do else enum extends false final finally for if in is new null rethrow return super switch sync this throw true try var void while with yield abstract as dynamic export external factory get implements import library operator part set static typedef",built_in:"print Comparable DateTime Duration Function Iterable Iterator List Map Match Null Object Pattern RegExp Set Stopwatch String StringBuffer StringSink Symbol Type Uri bool double int num document window querySelector querySelectorAll Element ElementList"};return{k:n,c:[r,e.C("/\\*\\*","\\*/",{sL:"markdown"}),e.C("///","$",{sL:"markdown"}),e.CLCM,e.CBCM,{cN:"class",bK:"class interface",e:"{",eE:!0,c:[{bK:"extends implements"},e.UTM]},e.CNM,{cN:"meta",b:"@[A-Za-z]+"},{b:"=>"}]}});hljs.registerLanguage("step21",function(e){var i="[A-Z_][A-Z0-9_.]*",r={keyword:"HEADER ENDSEC DATA"},t={cN:"meta",b:"ISO-10303-21;",r:10},n={cN:"meta",b:"END-ISO-10303-21;",r:10};return{aliases:["p21","step","stp"],cI:!0,l:i,k:r,c:[t,n,e.CLCM,e.CBCM,e.C("/\\*\\*!","\\*/"),e.CNM,e.inherit(e.ASM,{i:null}),e.inherit(e.QSM,{i:null}),{cN:"string",b:"'",e:"'"},{cN:"symbol",v:[{b:"#",e:"\\d+",i:"\\W"}]}]}});hljs.registerLanguage("cos",function(e){var t={cN:"string",v:[{b:'"',e:'"',c:[{b:'""',r:0}]}]},r={cN:"number",b:"\\b(\\d+(\\.\\d*)?|\\.\\d+)",r:0},s="property parameter class classmethod clientmethod extends as break catch close continue do d|0 else elseif for goto halt hang h|0 if job j|0 kill k|0 lock l|0 merge new open quit q|0 read r|0 return set s|0 tcommit throw trollback try tstart use view while write w|0 xecute x|0 zkill znspace zn ztrap zwrite zw zzdump zzwrite print zbreak zinsert zload zprint zremove zsave zzprint mv mvcall mvcrt mvdim mvprint zquit zsync ascii";return{cI:!0,aliases:["cos","cls"],k:s,c:[r,t,e.CLCM,e.CBCM,{cN:"comment",b:/;/,e:"$",r:0},{cN:"built_in",b:/(?:\$\$?|\.\.)\^?[a-zA-Z]+/},{cN:"built_in",b:/\$\$\$[a-zA-Z]+/},{cN:"built_in",b:/%[a-z]+(?:\.[a-z]+)*/},{cN:"symbol",b:/\^%?[a-zA-Z][\w]*/},{cN:"keyword",b:/##class|##super|#define|#dim/},{b:/&sql\(/,e:/\)/,eB:!0,eE:!0,sL:"sql"},{b:/&(js|jscript|javascript)/,eB:!0,eE:!0,sL:"javascript"},{b:/&html<\s*\s*>/,sL:"xml"}]}});hljs.registerLanguage("maxima",function(e){var t="if then else elseif for thru do while unless step in and or not",a="true false unknown inf minf ind und %e %i %pi %phi %gamma",r=" abasep abs absint absolute_real_time acos acosh acot acoth acsc acsch activate addcol add_edge add_edges addmatrices addrow add_vertex add_vertices adjacency_matrix adjoin adjoint af agd airy airy_ai airy_bi airy_dai airy_dbi algsys alg_type alias allroots alphacharp alphanumericp amortization %and annuity_fv annuity_pv antid antidiff AntiDifference append appendfile apply apply1 apply2 applyb1 apropos args arit_amortization arithmetic arithsum array arrayapply arrayinfo arraymake arraysetapply ascii asec asech asin asinh askinteger asksign assoc assoc_legendre_p assoc_legendre_q assume assume_external_byte_order asympa at atan atan2 atanh atensimp atom atvalue augcoefmatrix augmented_lagrangian_method av average_degree backtrace bars barsplot barsplot_description base64 base64_decode bashindices batch batchload bc2 bdvac belln benefit_cost bern bernpoly bernstein_approx bernstein_expand bernstein_poly bessel bessel_i bessel_j bessel_k bessel_simplify bessel_y beta beta_incomplete beta_incomplete_generalized beta_incomplete_regularized bezout bfallroots bffac bf_find_root bf_fmin_cobyla bfhzeta bfloat bfloatp bfpsi bfpsi0 bfzeta biconnected_components bimetric binomial bipartition block blockmatrixp bode_gain bode_phase bothcoef box boxplot boxplot_description break bug_report build_info|10 buildq build_sample burn cabs canform canten cardinality carg cartan cartesian_product catch cauchy_matrix cbffac cdf_bernoulli cdf_beta cdf_binomial cdf_cauchy cdf_chi2 cdf_continuous_uniform cdf_discrete_uniform cdf_exp cdf_f cdf_gamma cdf_general_finite_discrete cdf_geometric cdf_gumbel cdf_hypergeometric cdf_laplace cdf_logistic cdf_lognormal cdf_negative_binomial cdf_noncentral_chi2 cdf_noncentral_student_t cdf_normal cdf_pareto cdf_poisson cdf_rank_sum cdf_rayleigh cdf_signed_rank cdf_student_t cdf_weibull cdisplay ceiling central_moment cequal cequalignore cf cfdisrep cfexpand cgeodesic cgreaterp cgreaterpignore changename changevar chaosgame charat charfun charfun2 charlist charp charpoly chdir chebyshev_t chebyshev_u checkdiv check_overlaps chinese cholesky christof chromatic_index chromatic_number cint circulant_graph clear_edge_weight clear_rules clear_vertex_label clebsch_gordan clebsch_graph clessp clesspignore close closefile cmetric coeff coefmatrix cograd col collapse collectterms columnop columnspace columnswap columnvector combination combine comp2pui compare compfile compile compile_file complement_graph complete_bipartite_graph complete_graph complex_number_p components compose_functions concan concat conjugate conmetderiv connected_components connect_vertices cons constant constantp constituent constvalue cont2part content continuous_freq contortion contour_plot contract contract_edge contragrad contrib_ode convert coord copy copy_file copy_graph copylist copymatrix cor cos cosh cot coth cov cov1 covdiff covect covers crc24sum create_graph create_list csc csch csetup cspline ctaylor ct_coordsys ctransform ctranspose cube_graph cuboctahedron_graph cunlisp cv cycle_digraph cycle_graph cylindrical days360 dblint deactivate declare declare_constvalue declare_dimensions declare_fundamental_dimensions declare_fundamental_units declare_qty declare_translated declare_unit_conversion declare_units declare_weights decsym defcon define define_alt_display define_variable defint defmatch defrule defstruct deftaylor degree_sequence del delete deleten delta demo demoivre denom depends derivdegree derivlist describe desolve determinant dfloat dgauss_a dgauss_b dgeev dgemm dgeqrf dgesv dgesvd diag diagmatrix diag_matrix diagmatrixp diameter diff digitcharp dimacs_export dimacs_import dimension dimensionless dimensions dimensions_as_list direct directory discrete_freq disjoin disjointp disolate disp dispcon dispform dispfun dispJordan display disprule dispterms distrib divide divisors divsum dkummer_m dkummer_u dlange dodecahedron_graph dotproduct dotsimp dpart draw draw2d draw3d drawdf draw_file draw_graph dscalar echelon edge_coloring edge_connectivity edges eigens_by_jacobi eigenvalues eigenvectors eighth einstein eivals eivects elapsed_real_time elapsed_run_time ele2comp ele2polynome ele2pui elem elementp elevation_grid elim elim_allbut eliminate eliminate_using ellipse elliptic_e elliptic_ec elliptic_eu elliptic_f elliptic_kc elliptic_pi ematrix empty_graph emptyp endcons entermatrix entertensor entier equal equalp equiv_classes erf erfc erf_generalized erfi errcatch error errormsg errors euler ev eval_string evenp every evolution evolution2d evundiff example exp expand expandwrt expandwrt_factored expint expintegral_chi expintegral_ci expintegral_e expintegral_e1 expintegral_ei expintegral_e_simplify expintegral_li expintegral_shi expintegral_si explicit explose exponentialize express expt exsec extdiff extract_linear_equations extremal_subset ezgcd %f f90 facsum factcomb factor factorfacsum factorial factorout factorsum facts fast_central_elements fast_linsolve fasttimes featurep fernfale fft fib fibtophi fifth filename_merge file_search file_type fillarray findde find_root find_root_abs find_root_error find_root_rel first fix flatten flength float floatnump floor flower_snark flush flush1deriv flushd flushnd flush_output fmin_cobyla forget fortran fourcos fourexpand fourier fourier_elim fourint fourintcos fourintsin foursimp foursin fourth fposition frame_bracket freeof freshline fresnel_c fresnel_s from_adjacency_matrix frucht_graph full_listify fullmap fullmapl fullratsimp fullratsubst fullsetify funcsolve fundamental_dimensions fundamental_units fundef funmake funp fv g0 g1 gamma gamma_greek gamma_incomplete gamma_incomplete_generalized gamma_incomplete_regularized gauss gauss_a gauss_b gaussprob gcd gcdex gcdivide gcfac gcfactor gd generalized_lambert_w genfact gen_laguerre genmatrix gensym geo_amortization geo_annuity_fv geo_annuity_pv geomap geometric geometric_mean geosum get getcurrentdirectory get_edge_weight getenv get_lu_factors get_output_stream_string get_pixel get_plot_option get_tex_environment get_tex_environment_default get_vertex_label gfactor gfactorsum ggf girth global_variances gn gnuplot_close gnuplot_replot gnuplot_reset gnuplot_restart gnuplot_start go Gosper GosperSum gr2d gr3d gradef gramschmidt graph6_decode graph6_encode graph6_export graph6_import graph_center graph_charpoly graph_eigenvalues graph_flow graph_order graph_periphery graph_product graph_size graph_union great_rhombicosidodecahedron_graph great_rhombicuboctahedron_graph grid_graph grind grobner_basis grotzch_graph hamilton_cycle hamilton_path hankel hankel_1 hankel_2 harmonic harmonic_mean hav heawood_graph hermite hessian hgfred hilbertmap hilbert_matrix hipow histogram histogram_description hodge horner hypergeometric i0 i1 %ibes ic1 ic2 ic_convert ichr1 ichr2 icosahedron_graph icosidodecahedron_graph icurvature ident identfor identity idiff idim idummy ieqn %if ifactors iframes ifs igcdex igeodesic_coords ilt image imagpart imetric implicit implicit_derivative implicit_plot indexed_tensor indices induced_subgraph inferencep inference_result infix info_display init_atensor init_ctensor in_neighbors innerproduct inpart inprod inrt integerp integer_partitions integrate intersect intersection intervalp intopois intosum invariant1 invariant2 inverse_fft inverse_jacobi_cd inverse_jacobi_cn inverse_jacobi_cs inverse_jacobi_dc inverse_jacobi_dn inverse_jacobi_ds inverse_jacobi_nc inverse_jacobi_nd inverse_jacobi_ns inverse_jacobi_sc inverse_jacobi_sd inverse_jacobi_sn invert invert_by_adjoint invert_by_lu inv_mod irr is is_biconnected is_bipartite is_connected is_digraph is_edge_in_graph is_graph is_graph_or_digraph ishow is_isomorphic isolate isomorphism is_planar isqrt isreal_p is_sconnected is_tree is_vertex_in_graph items_inference %j j0 j1 jacobi jacobian jacobi_cd jacobi_cn jacobi_cs jacobi_dc jacobi_dn jacobi_ds jacobi_nc jacobi_nd jacobi_ns jacobi_p jacobi_sc jacobi_sd jacobi_sn JF jn join jordan julia julia_set julia_sin %k kdels kdelta kill killcontext kostka kron_delta kronecker_product kummer_m kummer_u kurtosis kurtosis_bernoulli kurtosis_beta kurtosis_binomial kurtosis_chi2 kurtosis_continuous_uniform kurtosis_discrete_uniform kurtosis_exp kurtosis_f kurtosis_gamma kurtosis_general_finite_discrete kurtosis_geometric kurtosis_gumbel kurtosis_hypergeometric kurtosis_laplace kurtosis_logistic kurtosis_lognormal kurtosis_negative_binomial kurtosis_noncentral_chi2 kurtosis_noncentral_student_t kurtosis_normal kurtosis_pareto kurtosis_poisson kurtosis_rayleigh kurtosis_student_t kurtosis_weibull label labels lagrange laguerre lambda lambert_w laplace laplacian_matrix last lbfgs lc2kdt lcharp lc_l lcm lc_u ldefint ldisp ldisplay legendre_p legendre_q leinstein length let letrules letsimp levi_civita lfreeof lgtreillis lhs li liediff limit Lindstedt linear linearinterpol linear_program linear_regression line_graph linsolve listarray list_correlations listify list_matrix_entries list_nc_monomials listoftens listofvars listp lmax lmin load loadfile local locate_matrix_entry log logcontract log_gamma lopow lorentz_gauge lowercasep lpart lratsubst lreduce lriemann lsquares_estimates lsquares_estimates_approximate lsquares_estimates_exact lsquares_mse lsquares_residual_mse lsquares_residuals lsum ltreillis lu_backsub lucas lu_factor %m macroexpand macroexpand1 make_array makebox makefact makegamma make_graph make_level_picture makelist makeOrders make_poly_continent make_poly_country make_polygon make_random_state make_rgb_picture makeset make_string_input_stream make_string_output_stream make_transform mandelbrot mandelbrot_set map mapatom maplist matchdeclare matchfix mat_cond mat_fullunblocker mat_function mathml_display mat_norm matrix matrixmap matrixp matrix_size mattrace mat_trace mat_unblocker max max_clique max_degree max_flow maximize_lp max_independent_set max_matching maybe md5sum mean mean_bernoulli mean_beta mean_binomial mean_chi2 mean_continuous_uniform mean_deviation mean_discrete_uniform mean_exp mean_f mean_gamma mean_general_finite_discrete mean_geometric mean_gumbel mean_hypergeometric mean_laplace mean_logistic mean_lognormal mean_negative_binomial mean_noncentral_chi2 mean_noncentral_student_t mean_normal mean_pareto mean_poisson mean_rayleigh mean_student_t mean_weibull median median_deviation member mesh metricexpandall mgf1_sha1 min min_degree min_edge_cut minfactorial minimalPoly minimize_lp minimum_spanning_tree minor minpack_lsquares minpack_solve min_vertex_cover min_vertex_cut mkdir mnewton mod mode_declare mode_identity ModeMatrix moebius mon2schur mono monomial_dimensions multibernstein_poly multi_display_for_texinfo multi_elem multinomial multinomial_coeff multi_orbit multiplot_mode multi_pui multsym multthru mycielski_graph nary natural_unit nc_degree ncexpt ncharpoly negative_picture neighbors new newcontext newdet new_graph newline newton new_variable next_prime nicedummies niceindices ninth nofix nonarray noncentral_moment nonmetricity nonnegintegerp nonscalarp nonzeroandfreeof notequal nounify nptetrad npv nroots nterms ntermst nthroot nullity nullspace num numbered_boundaries numberp number_to_octets num_distinct_partitions numerval numfactor num_partitions nusum nzeta nzetai nzetar octets_to_number octets_to_oid odd_girth oddp ode2 ode_check odelin oid_to_octets op opena opena_binary openr openr_binary openw openw_binary operatorp opsubst optimize %or orbit orbits ordergreat ordergreatp orderless orderlessp orthogonal_complement orthopoly_recur orthopoly_weight outermap out_neighbors outofpois pade parabolic_cylinder_d parametric parametric_surface parg parGosper parse_string parse_timedate part part2cont partfrac partition partition_set partpol path_digraph path_graph pathname_directory pathname_name pathname_type pdf_bernoulli pdf_beta pdf_binomial pdf_cauchy pdf_chi2 pdf_continuous_uniform pdf_discrete_uniform pdf_exp pdf_f pdf_gamma pdf_general_finite_discrete pdf_geometric pdf_gumbel pdf_hypergeometric pdf_laplace pdf_logistic pdf_lognormal pdf_negative_binomial pdf_noncentral_chi2 pdf_noncentral_student_t pdf_normal pdf_pareto pdf_poisson pdf_rank_sum pdf_rayleigh pdf_signed_rank pdf_student_t pdf_weibull pearson_skewness permanent permut permutation permutations petersen_graph petrov pickapart picture_equalp picturep piechart piechart_description planar_embedding playback plog plot2d plot3d plotdf ploteq plsquares pochhammer points poisdiff poisexpt poisint poismap poisplus poissimp poissubst poistimes poistrim polar polarform polartorect polar_to_xy poly_add poly_buchberger poly_buchberger_criterion poly_colon_ideal poly_content polydecomp poly_depends_p poly_elimination_ideal poly_exact_divide poly_expand poly_expt poly_gcd polygon poly_grobner poly_grobner_equal poly_grobner_member poly_grobner_subsetp poly_ideal_intersection poly_ideal_polysaturation poly_ideal_polysaturation1 poly_ideal_saturation poly_ideal_saturation1 poly_lcm poly_minimization polymod poly_multiply polynome2ele polynomialp poly_normal_form poly_normalize poly_normalize_list poly_polysaturation_extension poly_primitive_part poly_pseudo_divide poly_reduced_grobner poly_reduction poly_saturation_extension poly_s_polynomial poly_subtract polytocompanion pop postfix potential power_mod powerseries powerset prefix prev_prime primep primes principal_components print printf printfile print_graph printpois printprops prodrac product properties propvars psi psubst ptriangularize pui pui2comp pui2ele pui2polynome pui_direct puireduc push put pv qput qrange qty quad_control quad_qag quad_qagi quad_qagp quad_qags quad_qawc quad_qawf quad_qawo quad_qaws quadrilateral quantile quantile_bernoulli quantile_beta quantile_binomial quantile_cauchy quantile_chi2 quantile_continuous_uniform quantile_discrete_uniform quantile_exp quantile_f quantile_gamma quantile_general_finite_discrete quantile_geometric quantile_gumbel quantile_hypergeometric quantile_laplace quantile_logistic quantile_lognormal quantile_negative_binomial quantile_noncentral_chi2 quantile_noncentral_student_t quantile_normal quantile_pareto quantile_poisson quantile_rayleigh quantile_student_t quantile_weibull quartile_skewness quit qunit quotient racah_v racah_w radcan radius random random_bernoulli random_beta random_binomial random_bipartite_graph random_cauchy random_chi2 random_continuous_uniform random_digraph random_discrete_uniform random_exp random_f random_gamma random_general_finite_discrete random_geometric random_graph random_graph1 random_gumbel random_hypergeometric random_laplace random_logistic random_lognormal random_negative_binomial random_network random_noncentral_chi2 random_noncentral_student_t random_normal random_pareto random_permutation random_poisson random_rayleigh random_regular_graph random_student_t random_tournament random_tree random_weibull range rank rat ratcoef ratdenom ratdiff ratdisrep ratexpand ratinterpol rational rationalize ratnumer ratnump ratp ratsimp ratsubst ratvars ratweight read read_array read_binary_array read_binary_list read_binary_matrix readbyte readchar read_hashed_array readline read_list read_matrix read_nested_list readonly read_xpm real_imagpart_to_conjugate realpart realroots rearray rectangle rectform rectform_log_if_constant recttopolar rediff reduce_consts reduce_order region region_boundaries region_boundaries_plus rem remainder remarray rembox remcomps remcon remcoord remfun remfunction remlet remove remove_constvalue remove_dimensions remove_edge remove_fundamental_dimensions remove_fundamental_units remove_plot_option remove_vertex rempart remrule remsym remvalue rename rename_file reset reset_displays residue resolvante resolvante_alternee1 resolvante_bipartite resolvante_diedrale resolvante_klein resolvante_klein3 resolvante_produit_sym resolvante_unitaire resolvante_vierer rest resultant return reveal reverse revert revert2 rgb2level rhs ricci riemann rinvariant risch rk rmdir rncombine romberg room rootscontract round row rowop rowswap rreduce run_testsuite %s save saving scalarp scaled_bessel_i scaled_bessel_i0 scaled_bessel_i1 scalefactors scanmap scatterplot scatterplot_description scene schur2comp sconcat scopy scsimp scurvature sdowncase sec sech second sequal sequalignore set_alt_display setdifference set_draw_defaults set_edge_weight setelmx setequalp setify setp set_partitions set_plot_option set_prompt set_random_state set_tex_environment set_tex_environment_default setunits setup_autoload set_up_dot_simplifications set_vertex_label seventh sexplode sf sha1sum sha256sum shortest_path shortest_weighted_path show showcomps showratvars sierpinskiale sierpinskimap sign signum similaritytransform simp_inequality simplify_sum simplode simpmetderiv simtran sin sinh sinsert sinvertcase sixth skewness skewness_bernoulli skewness_beta skewness_binomial skewness_chi2 skewness_continuous_uniform skewness_discrete_uniform skewness_exp skewness_f skewness_gamma skewness_general_finite_discrete skewness_geometric skewness_gumbel skewness_hypergeometric skewness_laplace skewness_logistic skewness_lognormal skewness_negative_binomial skewness_noncentral_chi2 skewness_noncentral_student_t skewness_normal skewness_pareto skewness_poisson skewness_rayleigh skewness_student_t skewness_weibull slength smake small_rhombicosidodecahedron_graph small_rhombicuboctahedron_graph smax smin smismatch snowmap snub_cube_graph snub_dodecahedron_graph solve solve_rec solve_rec_rat some somrac sort sparse6_decode sparse6_encode sparse6_export sparse6_import specint spherical spherical_bessel_j spherical_bessel_y spherical_hankel1 spherical_hankel2 spherical_harmonic spherical_to_xyz splice split sposition sprint sqfr sqrt sqrtdenest sremove sremovefirst sreverse ssearch ssort sstatus ssubst ssubstfirst staircase standardize standardize_inverse_trig starplot starplot_description status std std1 std_bernoulli std_beta std_binomial std_chi2 std_continuous_uniform std_discrete_uniform std_exp std_f std_gamma std_general_finite_discrete std_geometric std_gumbel std_hypergeometric std_laplace std_logistic std_lognormal std_negative_binomial std_noncentral_chi2 std_noncentral_student_t std_normal std_pareto std_poisson std_rayleigh std_student_t std_weibull stemplot stirling stirling1 stirling2 strim striml strimr string stringout stringp strong_components struve_h struve_l sublis sublist sublist_indices submatrix subsample subset subsetp subst substinpart subst_parallel substpart substring subvar subvarp sum sumcontract summand_to_rec supcase supcontext symbolp symmdifference symmetricp system take_channel take_inference tan tanh taylor taylorinfo taylorp taylor_simplifier taytorat tcl_output tcontract tellrat tellsimp tellsimpafter tentex tenth test_mean test_means_difference test_normality test_proportion test_proportions_difference test_rank_sum test_sign test_signed_rank test_variance test_variance_ratio tex tex1 tex_display texput %th third throw time timedate timer timer_info tldefint tlimit todd_coxeter toeplitz tokens to_lisp topological_sort to_poly to_poly_solve totaldisrep totalfourier totient tpartpol trace tracematrix trace_options transform_sample translate translate_file transpose treefale tree_reduce treillis treinat triangle triangularize trigexpand trigrat trigreduce trigsimp trunc truncate truncated_cube_graph truncated_dodecahedron_graph truncated_icosahedron_graph truncated_tetrahedron_graph tr_warnings_get tube tutte_graph ueivects uforget ultraspherical underlying_graph undiff union unique uniteigenvectors unitp units unit_step unitvector unorder unsum untellrat untimer untrace uppercasep uricci uriemann uvect vandermonde_matrix var var1 var_bernoulli var_beta var_binomial var_chi2 var_continuous_uniform var_discrete_uniform var_exp var_f var_gamma var_general_finite_discrete var_geometric var_gumbel var_hypergeometric var_laplace var_logistic var_lognormal var_negative_binomial var_noncentral_chi2 var_noncentral_student_t var_normal var_pareto var_poisson var_rayleigh var_student_t var_weibull vector vectorpotential vectorsimp verbify vers vertex_coloring vertex_connectivity vertex_degree vertex_distance vertex_eccentricity vertex_in_degree vertex_out_degree vertices vertices_to_cycle vertices_to_path %w weyl wheel_graph wiener_index wigner_3j wigner_6j wigner_9j with_stdout write_binary_data writebyte write_data writefile wronskian xreduce xthru %y Zeilberger zeroequiv zerofor zeromatrix zeromatrixp zeta zgeev zheev zlange zn_add_table zn_carmichael_lambda zn_characteristic_factors zn_determinant zn_factor_generators zn_invert_by_lu zn_log zn_mult_table absboxchar activecontexts adapt_depth additive adim aform algebraic algepsilon algexact aliases allbut all_dotsimp_denoms allocation allsym alphabetic animation antisymmetric arrays askexp assume_pos assume_pos_pred assumescalar asymbol atomgrad atrig1 axes axis_3d axis_bottom axis_left axis_right axis_top azimuth background background_color backsubst berlefact bernstein_explicit besselexpand beta_args_sum_to_integer beta_expand bftorat bftrunc bindtest border boundaries_array box boxchar breakup %c capping cauchysum cbrange cbtics center cflength cframe_flag cnonmet_flag color color_bar color_bar_tics colorbox columns commutative complex cone context contexts contour contour_levels cosnpiflag ctaypov ctaypt ctayswitch ctayvar ct_coords ctorsion_flag ctrgsimp cube current_let_rule_package cylinder data_file_name debugmode decreasing default_let_rule_package delay dependencies derivabbrev derivsubst detout diagmetric diff dim dimensions dispflag display2d|10 display_format_internal distribute_over doallmxops domain domxexpt domxmxops domxnctimes dontfactor doscmxops doscmxplus dot0nscsimp dot0simp dot1simp dotassoc dotconstrules dotdistrib dotexptsimp dotident dotscrules draw_graph_program draw_realpart edge_color edge_coloring edge_partition edge_type edge_width %edispflag elevation %emode endphi endtheta engineering_format_floats enhanced3d %enumer epsilon_lp erfflag erf_representation errormsg error_size error_syms error_type %e_to_numlog eval even evenfun evflag evfun ev_point expandwrt_denom expintexpand expintrep expon expop exptdispflag exptisolate exptsubst facexpand facsum_combine factlim factorflag factorial_expand factors_only fb feature features file_name file_output_append file_search_demo file_search_lisp file_search_maxima|10 file_search_tests file_search_usage file_type_lisp file_type_maxima|10 fill_color fill_density filled_func fixed_vertices flipflag float2bf font font_size fortindent fortspaces fpprec fpprintprec functions gamma_expand gammalim gdet genindex gensumnum GGFCFMAX GGFINFINITY globalsolve gnuplot_command gnuplot_curve_styles gnuplot_curve_titles gnuplot_default_term_command gnuplot_dumb_term_command gnuplot_file_args gnuplot_file_name gnuplot_out_file gnuplot_pdf_term_command gnuplot_pm3d gnuplot_png_term_command gnuplot_postamble gnuplot_preamble gnuplot_ps_term_command gnuplot_svg_term_command gnuplot_term gnuplot_view_args Gosper_in_Zeilberger gradefs grid grid2d grind halfangles head_angle head_both head_length head_type height hypergeometric_representation %iargs ibase icc1 icc2 icounter idummyx ieqnprint ifb ifc1 ifc2 ifg ifgi ifr iframe_bracket_form ifri igeowedge_flag ikt1 ikt2 imaginary inchar increasing infeval infinity inflag infolists inm inmc1 inmc2 intanalysis integer integervalued integrate_use_rootsof integration_constant integration_constant_counter interpolate_color intfaclim ip_grid ip_grid_in irrational isolate_wrt_times iterations itr julia_parameter %k1 %k2 keepfloat key key_pos kinvariant kt label label_alignment label_orientation labels lassociative lbfgs_ncorrections lbfgs_nfeval_max leftjust legend letrat let_rule_packages lfg lg lhospitallim limsubst linear linear_solver linechar linel|10 linenum line_type linewidth line_width linsolve_params linsolvewarn lispdisp listarith listconstvars listdummyvars lmxchar load_pathname loadprint logabs logarc logcb logconcoeffp logexpand lognegint logsimp logx logx_secondary logy logy_secondary logz lriem m1pbranch macroexpansion macros mainvar manual_demo maperror mapprint matrix_element_add matrix_element_mult matrix_element_transpose maxapplydepth maxapplyheight maxima_tempdir|10 maxima_userdir|10 maxnegex MAX_ORD maxposex maxpsifracdenom maxpsifracnum maxpsinegint maxpsiposint maxtayorder mesh_lines_color method mod_big_prime mode_check_errorp mode_checkp mode_check_warnp mod_test mod_threshold modular_linear_solver modulus multiplicative multiplicities myoptions nary negdistrib negsumdispflag newline newtonepsilon newtonmaxiter nextlayerfactor niceindicespref nm nmc noeval nolabels nonegative_lp noninteger nonscalar noun noundisp nouns np npi nticks ntrig numer numer_pbranch obase odd oddfun opacity opproperties opsubst optimprefix optionset orientation origin orthopoly_returns_intervals outative outchar packagefile palette partswitch pdf_file pfeformat phiresolution %piargs piece pivot_count_sx pivot_max_sx plot_format plot_options plot_realpart png_file pochhammer_max_index points pointsize point_size points_joined point_type poislim poisson poly_coefficient_ring poly_elimination_order polyfactor poly_grobner_algorithm poly_grobner_debug poly_monomial_order poly_primary_elimination_order poly_return_term_list poly_secondary_elimination_order poly_top_reduction_only posfun position powerdisp pred prederror primep_number_of_tests product_use_gamma program programmode promote_float_to_bigfloat prompt proportional_axes props psexpand ps_file radexpand radius radsubstflag rassociative ratalgdenom ratchristof ratdenomdivide rateinstein ratepsilon ratfac rational ratmx ratprint ratriemann ratsimpexpons ratvarswitch ratweights ratweyl ratwtlvl real realonly redraw refcheck resolution restart resultant ric riem rmxchar %rnum_list rombergabs rombergit rombergmin rombergtol rootsconmode rootsepsilon run_viewer same_xy same_xyz savedef savefactors scalar scalarmatrixp scale scale_lp setcheck setcheckbreak setval show_edge_color show_edges show_edge_type show_edge_width show_id show_label showtime show_vertex_color show_vertex_size show_vertex_type show_vertices show_weight simp simplified_output simplify_products simpproduct simpsum sinnpiflag solvedecomposes solveexplicit solvefactors solvenullwarn solveradcan solvetrigwarn space sparse sphere spring_embedding_depth sqrtdispflag stardisp startphi starttheta stats_numer stringdisp structures style sublis_apply_lambda subnumsimp sumexpand sumsplitfact surface surface_hide svg_file symmetric tab taylordepth taylor_logexpand taylor_order_coefficients taylor_truncate_polynomials tensorkill terminal testsuite_files thetaresolution timer_devalue title tlimswitch tr track transcompile transform transform_xy translate_fast_arrays transparent transrun tr_array_as_ref tr_bound_function_applyp tr_file_tty_messagesp tr_float_can_branch_complex tr_function_call_default trigexpandplus trigexpandtimes triginverses trigsign trivial_solutions tr_numer tr_optimize_max_loop tr_semicompile tr_state_vars tr_warn_bad_function_calls tr_warn_fexpr tr_warn_meval tr_warn_mode tr_warn_undeclared tr_warn_undefined_variable tstep ttyoff tube_extremes ufg ug %unitexpand unit_vectors uric uriem use_fast_arrays user_preamble usersetunits values vect_cross verbose vertex_color vertex_coloring vertex_partition vertex_size vertex_type view warnings weyl width windowname windowtitle wired_surface wireframe xaxis xaxis_color xaxis_secondary xaxis_type xaxis_width xlabel xlabel_secondary xlength xrange xrange_secondary xtics xtics_axis xtics_rotate xtics_rotate_secondary xtics_secondary xtics_secondary_axis xu_grid x_voxel xy_file xyplane xy_scale yaxis yaxis_color yaxis_secondary yaxis_type yaxis_width ylabel ylabel_secondary ylength yrange yrange_secondary ytics ytics_axis ytics_rotate ytics_rotate_secondary ytics_secondary ytics_secondary_axis yv_grid y_voxel yx_ratio zaxis zaxis_color zaxis_type zaxis_width zeroa zerob zerobern zeta%pi zlabel zlabel_rotate zlength zmin zn_primroot_limit zn_primroot_pretest",i="_ __ %|0 %%|0";return{l:"[A-Za-z_%][0-9A-Za-z_%]*",k:{keyword:t,literal:a,built_in:r,symbol:i},c:[{cN:"comment",b:"/\\*",e:"\\*/",c:["self"]},e.QSM,{cN:"number",r:0,v:[{b:"\\b(\\d+|\\d+\\.|\\.\\d+|\\d+\\.\\d+)[Ee][-+]?\\d+\\b"},{b:"\\b(\\d+|\\d+\\.|\\.\\d+|\\d+\\.\\d+)[Bb][-+]?\\d+\\b",r:10},{b:"\\b(\\.\\d+|\\d+\\.\\d+)\\b"},{b:"\\b(\\d+|0[0-9A-Za-z]+)\\.?\\b"}]}],i:/@/}});hljs.registerLanguage("crystal",function(e){function r(e,r){var b=[{b:e,e:r}];return b[0].c=b,b}var b="(_[uif](8|16|32|64))?",c="[a-zA-Z_]\\w*[!?=]?",n="!=|!==|%|%=|&|&&|&=|\\*|\\*=|\\+|\\+=|,|-|-=|/=|/|:|;|<<|<<=|<=|<|===|==|=|>>>=|>>=|>=|>>>|>>|>|\\[|\\{|\\(|\\^|\\^=|\\||\\|=|\\|\\||~",i="[a-zA-Z_]\\w*[!?=]?|[-+~]\\@|<<|>>|=~|===?|<=>|[<>]=?|\\*\\*|[-/+%^&*~`|]|\\[\\][=?]?",s={keyword:"abstract alias as asm begin break case class def do else elsif end ensure enum extend for fun if ifdef include instance_sizeof is_a? lib macro module next of out pointerof private protected rescue responds_to? return require self sizeof struct super then type typeof union unless until when while with yield __DIR__ __FILE__ __LINE__",literal:"false nil true"},t={cN:"subst",b:"#{",e:"}",k:s},a={cN:"template-variable",v:[{b:"\\{\\{",e:"\\}\\}"},{b:"\\{%",e:"%\\}"}],k:s},l={cN:"string",c:[e.BE,t],v:[{b:/'/,e:/'/},{b:/"/,e:/"/},{b:/`/,e:/`/},{b:"%w?\\(",e:"\\)",c:r("\\(","\\)")},{b:"%w?\\[",e:"\\]",c:r("\\[","\\]")},{b:"%w?{",e:"}",c:r("{","}")},{b:"%w?<",e:">",c:r("<",">")},{b:"%w?/",e:"/"},{b:"%w?%",e:"%"},{b:"%w?-",e:"-"},{b:"%w?\\|",e:"\\|"}],r:0},u={b:"("+n+")\\s*",c:[{cN:"regexp",c:[e.BE,t],v:[{b:"//[a-z]*",r:0},{b:"/",e:"/[a-z]*"},{b:"%r\\(",e:"\\)",c:r("\\(","\\)")},{b:"%r\\[",e:"\\]",c:r("\\[","\\]")},{b:"%r{",e:"}",c:r("{","}")},{b:"%r<",e:">",c:r("<",">")},{b:"%r/",e:"/"},{b:"%r%",e:"%"},{b:"%r-",e:"-"},{b:"%r\\|",e:"\\|"}]}],r:0},o={cN:"regexp",c:[e.BE,t],v:[{b:"%r\\(",e:"\\)",c:r("\\(","\\)")},{b:"%r\\[",e:"\\]",c:r("\\[","\\]")},{b:"%r{",e:"}",c:r("{","}")},{b:"%r<",e:">",c:r("<",">")},{b:"%r/",e:"/"},{b:"%r%",e:"%"},{b:"%r-",e:"-"},{b:"%r\\|",e:"\\|"}],r:0},_={cN:"meta",b:"@\\[",e:"\\]",c:[e.inherit(e.QSM,{cN:"meta-string"})]},f=[a,l,u,o,_,e.HCM,{cN:"class",bK:"class module struct",e:"$|;",i:/=/,c:[e.HCM,e.inherit(e.TM,{b:"[A-Za-z_]\\w*(::\\w+)*(\\?|\\!)?"}),{b:"<"}]},{cN:"class",bK:"lib enum union",e:"$|;",i:/=/,c:[e.HCM,e.inherit(e.TM,{b:"[A-Za-z_]\\w*(::\\w+)*(\\?|\\!)?"})],r:10},{cN:"function",bK:"def",e:/\B\b/,c:[e.inherit(e.TM,{b:i,endsParent:!0})]},{cN:"function",bK:"fun macro",e:/\B\b/,c:[e.inherit(e.TM,{b:i,endsParent:!0})],r:5},{cN:"symbol",b:e.UIR+"(\\!|\\?)?:",r:0},{cN:"symbol",b:":",c:[l,{b:i}],r:0},{cN:"number",v:[{b:"\\b0b([01_]*[01])"+b},{b:"\\b0o([0-7_]*[0-7])"+b},{b:"\\b0x([A-Fa-f0-9_]*[A-Fa-f0-9])"+b},{b:"\\b(([0-9][0-9_]*[0-9]|[0-9])(\\.[0-9_]*[0-9])?([eE][+-]?[0-9_]*[0-9])?)"+b}],r:0}];return t.c=f,a.c=f.slice(1),{aliases:["cr"],l:c,k:s,c:f}});hljs.registerLanguage("ocaml",function(e){return{aliases:["ml"],k:{keyword:"and as assert asr begin class constraint do done downto else end exception external for fun function functor if in include inherit! inherit initializer land lazy let lor lsl lsr lxor match method!|10 method mod module mutable new object of open! open or private rec sig struct then to try type val! val virtual when while with parser value",built_in:"array bool bytes char exn|5 float int int32 int64 list lazy_t|5 nativeint|5 string unit in_channel out_channel ref",literal:"true false"},i:/\/\/|>>/,l:"[a-z_]\\w*!?",c:[{cN:"literal",b:"\\[(\\|\\|)?\\]|\\(\\)",r:0},e.C("\\(\\*","\\*\\)",{c:["self"]}),{cN:"symbol",b:"'[A-Za-z_](?!')[\\w']*"},{cN:"type",b:"`[A-Z][\\w']*"},{cN:"type",b:"\\b[A-Z][\\w']*",r:0},{b:"[a-z_]\\w*'[\\w']*",r:0},e.inherit(e.ASM,{cN:"string",r:0}),e.inherit(e.QSM,{i:null}),{cN:"number",b:"\\b(0[xX][a-fA-F0-9_]+[Lln]?|0[oO][0-7_]+[Lln]?|0[bB][01_]+[Lln]?|[0-9][0-9_]*([Lln]|(\\.[0-9_]*)?([eE][-+]?[0-9_]+)?)?)",r:0},{b:/[-=]>/}]}});hljs.registerLanguage("json",function(e){var i={literal:"true false null"},n=[e.QSM,e.CNM],r={e:",",eW:!0,eE:!0,c:n,k:i},t={b:"{",e:"}",c:[{cN:"attr",b:/"/,e:/"/,c:[e.BE],i:"\\n"},e.inherit(r,{b:/:/})],i:"\\S"},c={b:"\\[",e:"\\]",c:[e.inherit(r)],i:"\\S"};return n.splice(n.length,0,t,c),{c:n,k:i,i:"\\S"}});hljs.registerLanguage("processing",function(e){return{k:{keyword:"BufferedReader PVector PFont PImage PGraphics HashMap boolean byte char color double float int long String Array FloatDict FloatList IntDict IntList JSONArray JSONObject Object StringDict StringList Table TableRow XML false synchronized int abstract float private char boolean static null if const for true while long throw strictfp finally protected import native final return void enum else break transient new catch instanceof byte super volatile case assert short package default double public try this switch continue throws protected public private",literal:"P2D P3D HALF_PI PI QUARTER_PI TAU TWO_PI",title:"setup draw",built_in:"displayHeight displayWidth mouseY mouseX mousePressed pmouseX pmouseY key keyCode pixels focused frameCount frameRate height width size createGraphics beginDraw createShape loadShape PShape arc ellipse line point quad rect triangle bezier bezierDetail bezierPoint bezierTangent curve curveDetail curvePoint curveTangent curveTightness shape shapeMode beginContour beginShape bezierVertex curveVertex endContour endShape quadraticVertex vertex ellipseMode noSmooth rectMode smooth strokeCap strokeJoin strokeWeight mouseClicked mouseDragged mouseMoved mousePressed mouseReleased mouseWheel keyPressed keyPressedkeyReleased keyTyped print println save saveFrame day hour millis minute month second year background clear colorMode fill noFill noStroke stroke alpha blue brightness color green hue lerpColor red saturation modelX modelY modelZ screenX screenY screenZ ambient emissive shininess specular add createImage beginCamera camera endCamera frustum ortho perspective printCamera printProjection cursor frameRate noCursor exit loop noLoop popStyle pushStyle redraw binary boolean byte char float hex int str unbinary unhex join match matchAll nf nfc nfp nfs split splitTokens trim append arrayCopy concat expand reverse shorten sort splice subset box sphere sphereDetail createInput createReader loadBytes loadJSONArray loadJSONObject loadStrings loadTable loadXML open parseXML saveTable selectFolder selectInput beginRaw beginRecord createOutput createWriter endRaw endRecord PrintWritersaveBytes saveJSONArray saveJSONObject saveStream saveStrings saveXML selectOutput popMatrix printMatrix pushMatrix resetMatrix rotate rotateX rotateY rotateZ scale shearX shearY translate ambientLight directionalLight lightFalloff lights lightSpecular noLights normal pointLight spotLight image imageMode loadImage noTint requestImage tint texture textureMode textureWrap blend copy filter get loadPixels set updatePixels blendMode loadShader PShaderresetShader shader createFont loadFont text textFont textAlign textLeading textMode textSize textWidth textAscent textDescent abs ceil constrain dist exp floor lerp log mag map max min norm pow round sq sqrt acos asin atan atan2 cos degrees radians sin tan noise noiseDetail noiseSeed random randomGaussian randomSeed"},c:[e.CLCM,e.CBCM,e.ASM,e.QSM,e.CNM]}});hljs.registerLanguage("1c",function(c){var e="[a-zA-Zа-яА-Я][a-zA-Z0-9_а-яА-Я]*",n="возврат дата для если и или иначе иначеесли исключение конецесли конецпопытки конецпроцедуры конецфункции конеццикла константа не перейти перем перечисление по пока попытка прервать продолжить процедура строка тогда фс функция цикл число экспорт",b="ansitooem oemtoansi ввестивидсубконто ввестидату ввестизначение ввестиперечисление ввестипериод ввестиплансчетов ввестистроку ввестичисло вопрос восстановитьзначение врег выбранныйплансчетов вызватьисключение датагод датамесяц датачисло добавитьмесяц завершитьработусистемы заголовоксистемы записьжурналарегистрации запуститьприложение зафиксироватьтранзакцию значениевстроку значениевстрокувнутр значениевфайл значениеизстроки значениеизстрокивнутр значениеизфайла имякомпьютера имяпользователя каталогвременныхфайлов каталогиб каталогпользователя каталогпрограммы кодсимв командасистемы конгода конецпериодаби конецрассчитанногопериодаби конецстандартногоинтервала конквартала конмесяца коннедели лев лог лог10 макс максимальноеколичествосубконто мин монопольныйрежим названиеинтерфейса названиенабораправ назначитьвид назначитьсчет найти найтипомеченныенаудаление найтиссылки началопериодаби началостандартногоинтервала начатьтранзакцию начгода начквартала начмесяца начнедели номерднягода номерднянедели номернеделигода нрег обработкаожидания окр описаниеошибки основнойжурналрасчетов основнойплансчетов основнойязык открытьформу открытьформумодально отменитьтранзакцию очиститьокносообщений периодстр полноеимяпользователя получитьвремята получитьдатута получитьдокументта получитьзначенияотбора получитьпозициюта получитьпустоезначение получитьта прав праводоступа предупреждение префиксавтонумерации пустаястрока пустоезначение рабочаядаттьпустоезначение рабочаядата разделительстраниц разделительстрок разм разобратьпозициюдокумента рассчитатьрегистрына рассчитатьрегистрыпо сигнал симв символтабуляции создатьобъект сокрл сокрлп сокрп сообщить состояние сохранитьзначение сред статусвозврата стрдлина стрзаменить стрколичествострок стрполучитьстроку стрчисловхождений сформироватьпозициюдокумента счетпокоду текущаядата текущеевремя типзначения типзначениястр удалитьобъекты установитьтана установитьтапо фиксшаблон формат цел шаблон",i={b:'""'},r={cN:"string",b:'"',e:'"|$',c:[i]},t={cN:"string",b:"\\|",e:'"|$',c:[i]};return{cI:!0,l:e,k:{keyword:n,built_in:b},c:[c.CLCM,c.NM,r,t,{cN:"function",b:"(процедура|функция)",e:"$",l:e,k:"процедура функция",c:[{b:"экспорт",eW:!0,l:e,k:"экспорт",c:[c.CLCM]},{cN:"params",b:"\\(",e:"\\)",l:e,k:"знач",c:[r,t]},c.CLCM,c.inherit(c.TM,{b:e})]},{cN:"meta",b:"#",e:"$"},{cN:"number",b:"'\\d{2}\\.\\d{2}\\.(\\d{2}|\\d{4})'"}]}});hljs.registerLanguage("julia",function(e){var r={keyword:"in abstract baremodule begin bitstype break catch ccall const continue do else elseif end export finally for function global if immutable import importall let local macro module quote return try type typealias using while",literal:"true false ARGS CPU_CORES C_NULL DL_LOAD_PATH DevNull ENDIAN_BOM ENV I|0 Inf Inf16 Inf32 InsertionSort JULIA_HOME LOAD_PATH MS_ASYNC MS_INVALIDATE MS_SYNC MergeSort NaN NaN16 NaN32 OS_NAME QuickSort RTLD_DEEPBIND RTLD_FIRST RTLD_GLOBAL RTLD_LAZY RTLD_LOCAL RTLD_NODELETE RTLD_NOLOAD RTLD_NOW RoundDown RoundFromZero RoundNearest RoundToZero RoundUp STDERR STDIN STDOUT VERSION WORD_SIZE catalan cglobal e|0 eu|0 eulergamma golden im nothing pi γ π φ Inf64 NaN64 RoundNearestTiesAway RoundNearestTiesUp ",built_in:"ANY ASCIIString AbstractArray AbstractRNG AbstractSparseArray Any ArgumentError Array Associative Base64Pipe Bidiagonal BigFloat BigInt BitArray BitMatrix BitVector Bool BoundsError Box CFILE Cchar Cdouble Cfloat Char CharString Cint Clong Clonglong ClusterManager Cmd Coff_t Colon Complex Complex128 Complex32 Complex64 Condition Cptrdiff_t Cshort Csize_t Cssize_t Cuchar Cuint Culong Culonglong Cushort Cwchar_t DArray DataType DenseArray Diagonal Dict DimensionMismatch DirectIndexString Display DivideError DomainError EOFError EachLine Enumerate ErrorException Exception Expr Factorization FileMonitor FileOffset Filter Float16 Float32 Float64 FloatRange FloatingPoint Function GetfieldNode GotoNode Hermitian IO IOBuffer IOStream IPv4 IPv6 InexactError Int Int128 Int16 Int32 Int64 Int8 IntSet Integer InterruptException IntrinsicFunction KeyError LabelNode LambdaStaticData LineNumberNode LoadError LocalProcess MIME MathConst MemoryError MersenneTwister Method MethodError MethodTable Module NTuple NewvarNode Nothing Number ObjectIdDict OrdinalRange OverflowError ParseError PollingFileWatcher ProcessExitedException ProcessGroup Ptr QuoteNode Range Range1 Ranges Rational RawFD Real Regex RegexMatch RemoteRef RepString RevString RopeString RoundingMode Set SharedArray Signed SparseMatrixCSC StackOverflowError Stat StatStruct StepRange String SubArray SubString SymTridiagonal Symbol SymbolNode Symmetric SystemError Task TextDisplay Timer TmStruct TopNode Triangular Tridiagonal Type TypeConstructor TypeError TypeName TypeVar UTF16String UTF32String UTF8String UdpSocket Uint Uint128 Uint16 Uint32 Uint64 Uint8 UndefRefError UndefVarError UniformScaling UnionType UnitRange Unsigned Vararg VersionNumber WString WeakKeyDict WeakRef Woodbury Zip AbstractChannel AbstractFloat AbstractString AssertionError Base64DecodePipe Base64EncodePipe BufferStream CapturedException CartesianIndex CartesianRange Channel Cintmax_t CompositeException Cstring Cuintmax_t Cwstring Date DateTime Dims Enum GenSym GlobalRef HTML InitError InvalidStateException Irrational LinSpace LowerTriangular NullException Nullable OutOfMemoryError Pair PartialQuickSort Pipe RandomDevice ReadOnlyMemoryError ReentrantLock Ref RemoteException SegmentationFault SerializationState SimpleVector TCPSocket Text Tuple UDPSocket UInt UInt128 UInt16 UInt32 UInt64 UInt8 UnicodeError Union UpperTriangular Val Void WorkerConfig AbstractMatrix AbstractSparseMatrix AbstractSparseVector AbstractVecOrMat AbstractVector DenseMatrix DenseVecOrMat DenseVector Matrix SharedMatrix SharedVector StridedArray StridedMatrix StridedVecOrMat StridedVector VecOrMat Vector "},t="[A-Za-z_\\u00A1-\\uFFFF][A-Za-z_0-9\\u00A1-\\uFFFF]*",a={l:t,k:r,i:/<\//},n={cN:"type",b:/::/},o={cN:"type",b:/<:/},i={cN:"number",b:/(\b0x[\d_]*(\.[\d_]*)?|0x\.\d[\d_]*)p[-+]?\d+|\b0[box][a-fA-F0-9][a-fA-F0-9_]*|(\b\d[\d_]*(\.[\d_]*)?|\.\d[\d_]*)([eEfF][-+]?\d+)?/,r:0},l={cN:"string",b:/'(.|\\[xXuU][a-zA-Z0-9]+)'/},c={cN:"subst",b:/\$\(/,e:/\)/,k:r},s={cN:"variable",b:"\\$"+t},d={cN:"string",c:[e.BE,c,s],v:[{b:/\w*"""/,e:/"""\w*/,r:10},{b:/\w*"/,e:/"\w*/}]},S={cN:"string",c:[e.BE,c,s],b:"`",e:"`"},u={cN:"meta",b:"@"+t},g={cN:"comment",v:[{b:"#=",e:"=#",r:10},{b:"#",e:"$"}]};return a.c=[i,l,n,o,d,S,u,g,e.HCM],c.c=a.c,a});hljs.registerLanguage("scss",function(e){var t="[a-zA-Z-][a-zA-Z0-9_-]*",i={cN:"variable",b:"(\\$"+t+")\\b"},r={cN:"number",b:"#[0-9A-Fa-f]+"};({cN:"attribute",b:"[A-Z\\_\\.\\-]+",e:":",eE:!0,i:"[^\\s]",starts:{eW:!0,eE:!0,c:[r,e.CSSNM,e.QSM,e.ASM,e.CBCM,{cN:"meta",b:"!important"}]}});return{cI:!0,i:"[=/|']",c:[e.CLCM,e.CBCM,{cN:"selector-id",b:"\\#[A-Za-z0-9_-]+",r:0},{cN:"selector-class",b:"\\.[A-Za-z0-9_-]+",r:0},{cN:"selector-attr",b:"\\[",e:"\\]",i:"$"},{cN:"selector-tag",b:"\\b(a|abbr|acronym|address|area|article|aside|audio|b|base|big|blockquote|body|br|button|canvas|caption|cite|code|col|colgroup|command|datalist|dd|del|details|dfn|div|dl|dt|em|embed|fieldset|figcaption|figure|footer|form|frame|frameset|(h[1-6])|head|header|hgroup|hr|html|i|iframe|img|input|ins|kbd|keygen|label|legend|li|link|map|mark|meta|meter|nav|noframes|noscript|object|ol|optgroup|option|output|p|param|pre|progress|q|rp|rt|ruby|samp|script|section|select|small|span|strike|strong|style|sub|sup|table|tbody|td|textarea|tfoot|th|thead|time|title|tr|tt|ul|var|video)\\b",r:0},{b:":(visited|valid|root|right|required|read-write|read-only|out-range|optional|only-of-type|only-child|nth-of-type|nth-last-of-type|nth-last-child|nth-child|not|link|left|last-of-type|last-child|lang|invalid|indeterminate|in-range|hover|focus|first-of-type|first-line|first-letter|first-child|first|enabled|empty|disabled|default|checked|before|after|active)"},{b:"::(after|before|choices|first-letter|first-line|repeat-index|repeat-item|selection|value)"},i,{cN:"attribute",b:"\\b(z-index|word-wrap|word-spacing|word-break|width|widows|white-space|visibility|vertical-align|unicode-bidi|transition-timing-function|transition-property|transition-duration|transition-delay|transition|transform-style|transform-origin|transform|top|text-underline-position|text-transform|text-shadow|text-rendering|text-overflow|text-indent|text-decoration-style|text-decoration-line|text-decoration-color|text-decoration|text-align-last|text-align|tab-size|table-layout|right|resize|quotes|position|pointer-events|perspective-origin|perspective|page-break-inside|page-break-before|page-break-after|padding-top|padding-right|padding-left|padding-bottom|padding|overflow-y|overflow-x|overflow-wrap|overflow|outline-width|outline-style|outline-offset|outline-color|outline|orphans|order|opacity|object-position|object-fit|normal|none|nav-up|nav-right|nav-left|nav-index|nav-down|min-width|min-height|max-width|max-height|mask|marks|margin-top|margin-right|margin-left|margin-bottom|margin|list-style-type|list-style-position|list-style-image|list-style|line-height|letter-spacing|left|justify-content|initial|inherit|ime-mode|image-orientation|image-resolution|image-rendering|icon|hyphens|height|font-weight|font-variant-ligatures|font-variant|font-style|font-stretch|font-size-adjust|font-size|font-language-override|font-kerning|font-feature-settings|font-family|font|float|flex-wrap|flex-shrink|flex-grow|flex-flow|flex-direction|flex-basis|flex|filter|empty-cells|display|direction|cursor|counter-reset|counter-increment|content|column-width|column-span|column-rule-width|column-rule-style|column-rule-color|column-rule|column-gap|column-fill|column-count|columns|color|clip-path|clip|clear|caption-side|break-inside|break-before|break-after|box-sizing|box-shadow|box-decoration-break|bottom|border-width|border-top-width|border-top-style|border-top-right-radius|border-top-left-radius|border-top-color|border-top|border-style|border-spacing|border-right-width|border-right-style|border-right-color|border-right|border-radius|border-left-width|border-left-style|border-left-color|border-left|border-image-width|border-image-source|border-image-slice|border-image-repeat|border-image-outset|border-image|border-color|border-collapse|border-bottom-width|border-bottom-style|border-bottom-right-radius|border-bottom-left-radius|border-bottom-color|border-bottom|border|background-size|background-repeat|background-position|background-origin|background-image|background-color|background-clip|background-attachment|background-blend-mode|background|backface-visibility|auto|animation-timing-function|animation-play-state|animation-name|animation-iteration-count|animation-fill-mode|animation-duration|animation-direction|animation-delay|animation|align-self|align-items|align-content)\\b",i:"[^\\s]"},{b:"\\b(whitespace|wait|w-resize|visible|vertical-text|vertical-ideographic|uppercase|upper-roman|upper-alpha|underline|transparent|top|thin|thick|text|text-top|text-bottom|tb-rl|table-header-group|table-footer-group|sw-resize|super|strict|static|square|solid|small-caps|separate|se-resize|scroll|s-resize|rtl|row-resize|ridge|right|repeat|repeat-y|repeat-x|relative|progress|pointer|overline|outside|outset|oblique|nowrap|not-allowed|normal|none|nw-resize|no-repeat|no-drop|newspaper|ne-resize|n-resize|move|middle|medium|ltr|lr-tb|lowercase|lower-roman|lower-alpha|loose|list-item|line|line-through|line-edge|lighter|left|keep-all|justify|italic|inter-word|inter-ideograph|inside|inset|inline|inline-block|inherit|inactive|ideograph-space|ideograph-parenthesis|ideograph-numeric|ideograph-alpha|horizontal|hidden|help|hand|groove|fixed|ellipsis|e-resize|double|dotted|distribute|distribute-space|distribute-letter|distribute-all-lines|disc|disabled|default|decimal|dashed|crosshair|collapse|col-resize|circle|char|center|capitalize|break-word|break-all|bottom|both|bolder|bold|block|bidi-override|below|baseline|auto|always|all-scroll|absolute|table|table-cell)\\b"},{b:":",e:";",c:[i,r,e.CSSNM,e.QSM,e.ASM,{cN:"meta",b:"!important"}]},{b:"@",e:"[{;]",k:"mixin include extend for if else each while charset import debug media page content font-face namespace warn",c:[i,e.QSM,e.ASM,r,e.CSSNM,{b:"\\s[A-Za-z0-9_.-]+",r:0}]}]}});hljs.registerLanguage("perl",function(e){var t="getpwent getservent quotemeta msgrcv scalar kill dbmclose undef lc ma syswrite tr send umask sysopen shmwrite vec qx utime local oct semctl localtime readpipe do return format read sprintf dbmopen pop getpgrp not getpwnam rewinddir qqfileno qw endprotoent wait sethostent bless s|0 opendir continue each sleep endgrent shutdown dump chomp connect getsockname die socketpair close flock exists index shmgetsub for endpwent redo lstat msgctl setpgrp abs exit select print ref gethostbyaddr unshift fcntl syscall goto getnetbyaddr join gmtime symlink semget splice x|0 getpeername recv log setsockopt cos last reverse gethostbyname getgrnam study formline endhostent times chop length gethostent getnetent pack getprotoent getservbyname rand mkdir pos chmod y|0 substr endnetent printf next open msgsnd readdir use unlink getsockopt getpriority rindex wantarray hex system getservbyport endservent int chr untie rmdir prototype tell listen fork shmread ucfirst setprotoent else sysseek link getgrgid shmctl waitpid unpack getnetbyname reset chdir grep split require caller lcfirst until warn while values shift telldir getpwuid my getprotobynumber delete and sort uc defined srand accept package seekdir getprotobyname semop our rename seek if q|0 chroot sysread setpwent no crypt getc chown sqrt write setnetent setpriority foreach tie sin msgget map stat getlogin unless elsif truncate exec keys glob tied closedirioctl socket readlink eval xor readline binmode setservent eof ord bind alarm pipe atan2 getgrent exp time push setgrent gt lt or ne m|0 break given say state when",r={cN:"subst",b:"[$@]\\{",e:"\\}",k:t},s={b:"->{",e:"}"},n={v:[{b:/\$\d/},{b:/[\$%@](\^\w\b|#\w+(::\w+)*|{\w+}|\w+(::\w*)*)/},{b:/[\$%@][^\s\w{]/,r:0}]},i=[e.BE,r,n],o=[n,e.HCM,e.C("^\\=\\w","\\=cut",{eW:!0}),s,{cN:"string",c:i,v:[{b:"q[qwxr]?\\s*\\(",e:"\\)",r:5},{b:"q[qwxr]?\\s*\\[",e:"\\]",r:5},{b:"q[qwxr]?\\s*\\{",e:"\\}",r:5},{b:"q[qwxr]?\\s*\\|",e:"\\|",r:5},{b:"q[qwxr]?\\s*\\<",e:"\\>",r:5},{b:"qw\\s+q",e:"q",r:5},{b:"'",e:"'",c:[e.BE]},{b:'"',e:'"'},{b:"`",e:"`",c:[e.BE]},{b:"{\\w+}",c:[],r:0},{b:"-?\\w+\\s*\\=\\>",c:[],r:0}]},{cN:"number",b:"(\\b0[0-7_]+)|(\\b0x[0-9a-fA-F_]+)|(\\b[1-9][0-9_]*(\\.[0-9_]+)?)|[0_]\\b",r:0},{b:"(\\/\\/|"+e.RSR+"|\\b(split|return|print|reverse|grep)\\b)\\s*",k:"split return print reverse grep",r:0,c:[e.HCM,{cN:"regexp",b:"(s|tr|y)/(\\\\.|[^/])*/(\\\\.|[^/])*/[a-z]*",r:10},{cN:"regexp",b:"(m|qr)?/",e:"/[a-z]*",c:[e.BE],r:0}]},{cN:"function",bK:"sub",e:"(\\s*\\(.*?\\))?[;{]",eE:!0,r:5,c:[e.TM]},{b:"-\\w\\b",r:0},{b:"^__DATA__$",e:"^__END__$",sL:"mojolicious",c:[{b:"^@@.*",e:"$",cN:"comment"}]}];return r.c=o,s.c=o,{aliases:["pl","pm"],l:/[\w\.]+/,k:t,c:o}});hljs.registerLanguage("mojolicious",function(e){return{sL:"xml",c:[{cN:"meta",b:"^__(END|DATA)__$"},{b:"^\\s*%{1,2}={0,2}",e:"$",sL:"perl"},{b:"<%{1,2}={0,2}",e:"={0,1}%>",sL:"perl",eB:!0,eE:!0}]}});hljs.registerLanguage("lsl",function(E){var T={cN:"subst",b:/\\[tn"\\]/},e={cN:"string",b:'"',e:'"',c:[T]},A={cN:"number",b:E.CNR},R={cN:"literal",v:[{b:"\\b(?:PI|TWO_PI|PI_BY_TWO|DEG_TO_RAD|RAD_TO_DEG|SQRT2)\\b"},{b:"\\b(?:XP_ERROR_(?:EXPERIENCES_DISABLED|EXPERIENCE_(?:DISABLED|SUSPENDED)|INVALID_(?:EXPERIENCE|PARAMETERS)|KEY_NOT_FOUND|MATURITY_EXCEEDED|NONE|NOT_(?:FOUND|PERMITTED(?:_LAND)?)|NO_EXPERIENCE|QUOTA_EXCEEDED|RETRY_UPDATE|STORAGE_EXCEPTION|STORE_DISABLED|THROTTLED|UNKNOWN_ERROR)|JSON_APPEND|STATUS_(?:PHYSICS|ROTATE_[XYZ]|PHANTOM|SANDBOX|BLOCK_GRAB(?:_OBJECT)?|(?:DIE|RETURN)_AT_EDGE|CAST_SHADOWS|OK|MALFORMED_PARAMS|TYPE_MISMATCH|BOUNDS_ERROR|NOT_(?:FOUND|SUPPORTED)|INTERNAL_ERROR|WHITELIST_FAILED)|AGENT(?:_(?:BY_(?:LEGACY_|USER)NAME|FLYING|ATTACHMENTS|SCRIPTED|MOUSELOOK|SITTING|ON_OBJECT|AWAY|WALKING|IN_AIR|TYPING|CROUCHING|BUSY|ALWAYS_RUN|AUTOPILOT|LIST_(?:PARCEL(?:_OWNER)?|REGION)))?|CAMERA_(?:PITCH|DISTANCE|BEHINDNESS_(?:ANGLE|LAG)|(?:FOCUS|POSITION)(?:_(?:THRESHOLD|LOCKED|LAG))?|FOCUS_OFFSET|ACTIVE)|ANIM_ON|LOOP|REVERSE|PING_PONG|SMOOTH|ROTATE|SCALE|ALL_SIDES|LINK_(?:ROOT|SET|ALL_(?:OTHERS|CHILDREN)|THIS)|ACTIVE|PASS(?:IVE|_(?:ALWAYS|IF_NOT_HANDLED|NEVER))|SCRIPTED|CONTROL_(?:FWD|BACK|(?:ROT_)?(?:LEFT|RIGHT)|UP|DOWN|(?:ML_)?LBUTTON)|PERMISSION_(?:RETURN_OBJECTS|DEBIT|OVERRIDE_ANIMATIONS|SILENT_ESTATE_MANAGEMENT|TAKE_CONTROLS|TRIGGER_ANIMATION|ATTACH|CHANGE_LINKS|(?:CONTROL|TRACK)_CAMERA|TELEPORT)|INVENTORY_(?:TEXTURE|SOUND|OBJECT|SCRIPT|LANDMARK|CLOTHING|NOTECARD|BODYPART|ANIMATION|GESTURE|ALL|NONE)|CHANGED_(?:INVENTORY|COLOR|SHAPE|SCALE|TEXTURE|LINK|ALLOWED_DROP|OWNER|REGION(?:_START)?|TELEPORT|MEDIA)|OBJECT_(?:CLICK_ACTION|HOVER_HEIGHT|LAST_OWNER_ID|(?:PHYSICS|SERVER|STREAMING)_COST|UNKNOWN_DETAIL|CHARACTER_TIME|PHANTOM|PHYSICS|TEMP_ON_REZ|NAME|DESC|POS|PRIM_(?:COUNT|EQUIVALENCE)|RETURN_(?:PARCEL(?:_OWNER)?|REGION)|REZZER_KEY|ROO?T|VELOCITY|OMEGA|OWNER|GROUP|CREATOR|ATTACHED_POINT|RENDER_WEIGHT|(?:BODY_SHAPE|PATHFINDING)_TYPE|(?:RUNNING|TOTAL)_SCRIPT_COUNT|TOTAL_INVENTORY_COUNT|SCRIPT_(?:MEMORY|TIME))|TYPE_(?:INTEGER|FLOAT|STRING|KEY|VECTOR|ROTATION|INVALID)|(?:DEBUG|PUBLIC)_CHANNEL|ATTACH_(?:AVATAR_CENTER|CHEST|HEAD|BACK|PELVIS|MOUTH|CHIN|NECK|NOSE|BELLY|[LR](?:SHOULDER|HAND|FOOT|EAR|EYE|[UL](?:ARM|LEG)|HIP)|(?:LEFT|RIGHT)_PEC|HUD_(?:CENTER_[12]|TOP_(?:RIGHT|CENTER|LEFT)|BOTTOM(?:_(?:RIGHT|LEFT))?)|[LR]HAND_RING1|TAIL_(?:BASE|TIP)|[LR]WING|FACE_(?:JAW|[LR]EAR|[LR]EYE|TOUNGE)|GROIN|HIND_[LR]FOOT)|LAND_(?:LEVEL|RAISE|LOWER|SMOOTH|NOISE|REVERT)|DATA_(?:ONLINE|NAME|BORN|SIM_(?:POS|STATUS|RATING)|PAYINFO)|PAYMENT_INFO_(?:ON_FILE|USED)|REMOTE_DATA_(?:CHANNEL|REQUEST|REPLY)|PSYS_(?:PART_(?:BF_(?:ZERO|ONE(?:_MINUS_(?:DEST_COLOR|SOURCE_(ALPHA|COLOR)))?|DEST_COLOR|SOURCE_(ALPHA|COLOR))|BLEND_FUNC_(DEST|SOURCE)|FLAGS|(?:START|END)_(?:COLOR|ALPHA|SCALE|GLOW)|MAX_AGE|(?:RIBBON|WIND|INTERP_(?:COLOR|SCALE)|BOUNCE|FOLLOW_(?:SRC|VELOCITY)|TARGET_(?:POS|LINEAR)|EMISSIVE)_MASK)|SRC_(?:MAX_AGE|PATTERN|ANGLE_(?:BEGIN|END)|BURST_(?:RATE|PART_COUNT|RADIUS|SPEED_(?:MIN|MAX))|ACCEL|TEXTURE|TARGET_KEY|OMEGA|PATTERN_(?:DROP|EXPLODE|ANGLE(?:_CONE(?:_EMPTY)?)?)))|VEHICLE_(?:REFERENCE_FRAME|TYPE_(?:NONE|SLED|CAR|BOAT|AIRPLANE|BALLOON)|(?:LINEAR|ANGULAR)_(?:FRICTION_TIMESCALE|MOTOR_DIRECTION)|LINEAR_MOTOR_OFFSET|HOVER_(?:HEIGHT|EFFICIENCY|TIMESCALE)|BUOYANCY|(?:LINEAR|ANGULAR)_(?:DEFLECTION_(?:EFFICIENCY|TIMESCALE)|MOTOR_(?:DECAY_)?TIMESCALE)|VERTICAL_ATTRACTION_(?:EFFICIENCY|TIMESCALE)|BANKING_(?:EFFICIENCY|MIX|TIMESCALE)|FLAG_(?:NO_DEFLECTION_UP|LIMIT_(?:ROLL_ONLY|MOTOR_UP)|HOVER_(?:(?:WATER|TERRAIN|UP)_ONLY|GLOBAL_HEIGHT)|MOUSELOOK_(?:STEER|BANK)|CAMERA_DECOUPLED))|PRIM_(?:ALPHA_MODE(?:_(?:BLEND|EMISSIVE|MASK|NONE))?|NORMAL|SPECULAR|TYPE(?:_(?:BOX|CYLINDER|PRISM|SPHERE|TORUS|TUBE|RING|SCULPT))?|HOLE_(?:DEFAULT|CIRCLE|SQUARE|TRIANGLE)|MATERIAL(?:_(?:STONE|METAL|GLASS|WOOD|FLESH|PLASTIC|RUBBER))?|SHINY_(?:NONE|LOW|MEDIUM|HIGH)|BUMP_(?:NONE|BRIGHT|DARK|WOOD|BARK|BRICKS|CHECKER|CONCRETE|TILE|STONE|DISKS|GRAVEL|BLOBS|SIDING|LARGETILE|STUCCO|SUCTION|WEAVE)|TEXGEN_(?:DEFAULT|PLANAR)|SCULPT_(?:TYPE_(?:SPHERE|TORUS|PLANE|CYLINDER|MASK)|FLAG_(?:MIRROR|INVERT))|PHYSICS(?:_(?:SHAPE_(?:CONVEX|NONE|PRIM|TYPE)))?|(?:POS|ROT)_LOCAL|SLICE|TEXT|FLEXIBLE|POINT_LIGHT|TEMP_ON_REZ|PHANTOM|POSITION|SIZE|ROTATION|TEXTURE|NAME|OMEGA|DESC|LINK_TARGET|COLOR|BUMP_SHINY|FULLBRIGHT|TEXGEN|GLOW|MEDIA_(?:ALT_IMAGE_ENABLE|CONTROLS|(?:CURRENT|HOME)_URL|AUTO_(?:LOOP|PLAY|SCALE|ZOOM)|FIRST_CLICK_INTERACT|(?:WIDTH|HEIGHT)_PIXELS|WHITELIST(?:_ENABLE)?|PERMS_(?:INTERACT|CONTROL)|PARAM_MAX|CONTROLS_(?:STANDARD|MINI)|PERM_(?:NONE|OWNER|GROUP|ANYONE)|MAX_(?:URL_LENGTH|WHITELIST_(?:SIZE|COUNT)|(?:WIDTH|HEIGHT)_PIXELS)))|MASK_(?:BASE|OWNER|GROUP|EVERYONE|NEXT)|PERM_(?:TRANSFER|MODIFY|COPY|MOVE|ALL)|PARCEL_(?:MEDIA_COMMAND_(?:STOP|PAUSE|PLAY|LOOP|TEXTURE|URL|TIME|AGENT|UNLOAD|AUTO_ALIGN|TYPE|SIZE|DESC|LOOP_SET)|FLAG_(?:ALLOW_(?:FLY|(?:GROUP_)?SCRIPTS|LANDMARK|TERRAFORM|DAMAGE|CREATE_(?:GROUP_)?OBJECTS)|USE_(?:ACCESS_(?:GROUP|LIST)|BAN_LIST|LAND_PASS_LIST)|LOCAL_SOUND_ONLY|RESTRICT_PUSHOBJECT|ALLOW_(?:GROUP|ALL)_OBJECT_ENTRY)|COUNT_(?:TOTAL|OWNER|GROUP|OTHER|SELECTED|TEMP)|DETAILS_(?:NAME|DESC|OWNER|GROUP|AREA|ID|SEE_AVATARS))|LIST_STAT_(?:MAX|MIN|MEAN|MEDIAN|STD_DEV|SUM(?:_SQUARES)?|NUM_COUNT|GEOMETRIC_MEAN|RANGE)|PAY_(?:HIDE|DEFAULT)|REGION_FLAG_(?:ALLOW_DAMAGE|FIXED_SUN|BLOCK_TERRAFORM|SANDBOX|DISABLE_(?:COLLISIONS|PHYSICS)|BLOCK_FLY|ALLOW_DIRECT_TELEPORT|RESTRICT_PUSHOBJECT)|HTTP_(?:METHOD|MIMETYPE|BODY_(?:MAXLENGTH|TRUNCATED)|CUSTOM_HEADER|PRAGMA_NO_CACHE|VERBOSE_THROTTLE|VERIFY_CERT)|STRING_(?:TRIM(?:_(?:HEAD|TAIL))?)|CLICK_ACTION_(?:NONE|TOUCH|SIT|BUY|PAY|OPEN(?:_MEDIA)?|PLAY|ZOOM)|TOUCH_INVALID_FACE|PROFILE_(?:NONE|SCRIPT_MEMORY)|RC_(?:DATA_FLAGS|DETECT_PHANTOM|GET_(?:LINK_NUM|NORMAL|ROOT_KEY)|MAX_HITS|REJECT_(?:TYPES|AGENTS|(?:NON)?PHYSICAL|LAND))|RCERR_(?:CAST_TIME_EXCEEDED|SIM_PERF_LOW|UNKNOWN)|ESTATE_ACCESS_(?:ALLOWED_(?:AGENT|GROUP)_(?:ADD|REMOVE)|BANNED_AGENT_(?:ADD|REMOVE))|DENSITY|FRICTION|RESTITUTION|GRAVITY_MULTIPLIER|KFM_(?:COMMAND|CMD_(?:PLAY|STOP|PAUSE)|MODE|FORWARD|LOOP|PING_PONG|REVERSE|DATA|ROTATION|TRANSLATION)|ERR_(?:GENERIC|PARCEL_PERMISSIONS|MALFORMED_PARAMS|RUNTIME_PERMISSIONS|THROTTLED)|CHARACTER_(?:CMD_(?:(?:SMOOTH_)?STOP|JUMP)|DESIRED_(?:TURN_)?SPEED|RADIUS|STAY_WITHIN_PARCEL|LENGTH|ORIENTATION|ACCOUNT_FOR_SKIPPED_FRAMES|AVOIDANCE_MODE|TYPE(?:_(?:[ABCD]|NONE))?|MAX_(?:DECEL|TURN_RADIUS|(?:ACCEL|SPEED)))|PURSUIT_(?:OFFSET|FUZZ_FACTOR|GOAL_TOLERANCE|INTERCEPT)|REQUIRE_LINE_OF_SIGHT|FORCE_DIRECT_PATH|VERTICAL|HORIZONTAL|AVOID_(?:CHARACTERS|DYNAMIC_OBSTACLES|NONE)|PU_(?:EVADE_(?:HIDDEN|SPOTTED)|FAILURE_(?:DYNAMIC_PATHFINDING_DISABLED|INVALID_(?:GOAL|START)|NO_(?:NAVMESH|VALID_DESTINATION)|OTHER|TARGET_GONE|(?:PARCEL_)?UNREACHABLE)|(?:GOAL|SLOWDOWN_DISTANCE)_REACHED)|TRAVERSAL_TYPE(?:_(?:FAST|NONE|SLOW))?|CONTENT_TYPE_(?:ATOM|FORM|HTML|JSON|LLSD|RSS|TEXT|XHTML|XML)|GCNP_(?:RADIUS|STATIC)|(?:PATROL|WANDER)_PAUSE_AT_WAYPOINTS|OPT_(?:AVATAR|CHARACTER|EXCLUSION_VOLUME|LEGACY_LINKSET|MATERIAL_VOLUME|OTHER|STATIC_OBSTACLE|WALKABLE)|SIM_STAT_PCT_CHARS_STEPPED)\\b"},{b:"\\b(?:FALSE|TRUE)\\b"},{b:"\\b(?:ZERO_ROTATION)\\b"},{b:"\\b(?:EOF|JSON_(?:ARRAY|DELETE|FALSE|INVALID|NULL|NUMBER|OBJECT|STRING|TRUE)|NULL_KEY|TEXTURE_(?:BLANK|DEFAULT|MEDIA|PLYWOOD|TRANSPARENT)|URL_REQUEST_(?:GRANTED|DENIED))\\b"},{b:"\\b(?:ZERO_VECTOR|TOUCH_INVALID_(?:TEXCOORD|VECTOR))\\b"}]},O={cN:"built_in",b:"\\b(?:ll(?:AgentInExperience|(?:Create|DataSize|Delete|KeyCount|Keys|Read|Update)KeyValue|GetExperience(?:Details|ErrorMessage)|ReturnObjectsBy(?:ID|Owner)|Json(?:2List|[GS]etValue|ValueType)|Sin|Cos|Tan|Atan2|Sqrt|Pow|Abs|Fabs|Frand|Floor|Ceil|Round|Vec(?:Mag|Norm|Dist)|Rot(?:Between|2(?:Euler|Fwd|Left|Up))|(?:Euler|Axes)2Rot|Whisper|(?:Region|Owner)?Say|Shout|Listen(?:Control|Remove)?|Sensor(?:Repeat|Remove)?|Detected(?:Name|Key|Owner|Type|Pos|Vel|Grab|Rot|Group|LinkNumber)|Die|Ground|Wind|(?:[GS]et)(?:AnimationOverride|MemoryLimit|PrimMediaParams|ParcelMusicURL|Object(?:Desc|Name)|PhysicsMaterial|Status|Scale|Color|Alpha|Texture|Pos|Rot|Force|Torque)|ResetAnimationOverride|(?:Scale|Offset|Rotate)Texture|(?:Rot)?Target(?:Remove)?|(?:Stop)?MoveToTarget|Apply(?:Rotational)?Impulse|Set(?:KeyframedMotion|ContentType|RegionPos|(?:Angular)?Velocity|Buoyancy|HoverHeight|ForceAndTorque|TimerEvent|ScriptState|Damage|TextureAnim|Sound(?:Queueing|Radius)|Vehicle(?:Type|(?:Float|Vector|Rotation)Param)|(?:Touch|Sit)?Text|Camera(?:Eye|At)Offset|PrimitiveParams|ClickAction|Link(?:Alpha|Color|PrimitiveParams(?:Fast)?|Texture(?:Anim)?|Camera|Media)|RemoteScriptAccessPin|PayPrice|LocalRot)|ScaleByFactor|Get(?:(?:Max|Min)ScaleFactor|ClosestNavPoint|StaticPath|SimStats|Env|PrimitiveParams|Link(?:PrimitiveParams|Number(?:OfSides)?|Key|Name|Media)|HTTPHeader|FreeURLs|Object(?:Details|PermMask|PrimCount)|Parcel(?:MaxPrims|Details|Prim(?:Count|Owners))|Attached(?:List)?|(?:SPMax|Free|Used)Memory|Region(?:Name|TimeDilation|FPS|Corner|AgentCount)|Root(?:Position|Rotation)|UnixTime|(?:Parcel|Region)Flags|(?:Wall|GMT)clock|SimulatorHostname|BoundingBox|GeometricCenter|Creator|NumberOf(?:Prims|NotecardLines|Sides)|Animation(?:List)?|(?:Camera|Local)(?:Pos|Rot)|Vel|Accel|Omega|Time(?:stamp|OfDay)|(?:Object|CenterOf)?Mass|MassMKS|Energy|Owner|(?:Owner)?Key|SunDirection|Texture(?:Offset|Scale|Rot)|Inventory(?:Number|Name|Key|Type|Creator|PermMask)|Permissions(?:Key)?|StartParameter|List(?:Length|EntryType)|Date|Agent(?:Size|Info|Language|List)|LandOwnerAt|NotecardLine|Script(?:Name|State))|(?:Get|Reset|GetAndReset)Time|PlaySound(?:Slave)?|LoopSound(?:Master|Slave)?|(?:Trigger|Stop|Preload)Sound|(?:(?:Get|Delete)Sub|Insert)String|To(?:Upper|Lower)|Give(?:InventoryList|Money)|RezObject|(?:Stop)?LookAt|Sleep|CollisionFilter|(?:Take|Release)Controls|DetachFromAvatar|AttachToAvatar(?:Temp)?|InstantMessage|(?:GetNext)?Email|StopHover|MinEventDelay|RotLookAt|String(?:Length|Trim)|(?:Start|Stop)Animation|TargetOmega|Request(?:Experience)?Permissions|(?:Create|Break)Link|BreakAllLinks|(?:Give|Remove)Inventory|Water|PassTouches|Request(?:Agent|Inventory)Data|TeleportAgent(?:Home|GlobalCoords)?|ModifyLand|CollisionSound|ResetScript|MessageLinked|PushObject|PassCollisions|AxisAngle2Rot|Rot2(?:Axis|Angle)|A(?:cos|sin)|AngleBetween|AllowInventoryDrop|SubStringIndex|List2(?:CSV|Integer|Json|Float|String|Key|Vector|Rot|List(?:Strided)?)|DeleteSubList|List(?:Statistics|Sort|Randomize|(?:Insert|Find|Replace)List)|EdgeOfWorld|AdjustSoundVolume|Key2Name|TriggerSoundLimited|EjectFromLand|(?:CSV|ParseString)2List|OverMyLand|SameGroup|UnSit|Ground(?:Slope|Normal|Contour)|GroundRepel|(?:Set|Remove)VehicleFlags|(?:AvatarOn)?(?:Link)?SitTarget|Script(?:Danger|Profiler)|Dialog|VolumeDetect|ResetOtherScript|RemoteLoadScriptPin|(?:Open|Close)RemoteDataChannel|SendRemoteData|RemoteDataReply|(?:Integer|String)ToBase64|XorBase64|Log(?:10)?|Base64To(?:String|Integer)|ParseStringKeepNulls|RezAtRoot|RequestSimulatorData|ForceMouselook|(?:Load|Release|(?:E|Une)scape)URL|ParcelMedia(?:CommandList|Query)|ModPow|MapDestination|(?:RemoveFrom|AddTo|Reset)Land(?:Pass|Ban)List|(?:Set|Clear)CameraParams|HTTP(?:Request|Response)|TextBox|DetectedTouch(?:UV|Face|Pos|(?:N|Bin)ormal|ST)|(?:MD5|SHA1|DumpList2)String|Request(?:Secure)?URL|Clear(?:Prim|Link)Media|(?:Link)?ParticleSystem|(?:Get|Request)(?:Username|DisplayName)|RegionSayTo|CastRay|GenerateKey|TransferLindenDollars|ManageEstateAccess|(?:Create|Delete)Character|ExecCharacterCmd|Evade|FleeFrom|NavigateTo|PatrolPoints|Pursue|UpdateCharacter|WanderWithin))\\b"};return{i:":",c:[e,{cN:"comment",v:[E.C("//","$"),E.C("/\\*","\\*/")]},A,{cN:"section",v:[{b:"\\b(?:state|default)\\b"},{b:"\\b(?:state_(?:entry|exit)|touch(?:_(?:start|end))?|(?:land_)?collision(?:_(?:start|end))?|timer|listen|(?:no_)?sensor|control|(?:not_)?at_(?:rot_)?target|money|email|experience_permissions(?:_denied)?|run_time_permissions|changed|attach|dataserver|moving_(?:start|end)|link_message|(?:on|object)_rez|remote_data|http_re(?:sponse|quest)|path_update|transaction_result)\\b"}]},O,R,{cN:"type",b:"\\b(?:integer|float|string|key|vector|quaternion|rotation|list)\\b"}]}});hljs.registerLanguage("dos",function(e){var r=e.C(/^\s*@?rem\b/,/$/,{r:10}),t={cN:"symbol",b:"^\\s*[A-Za-z._?][A-Za-z0-9_$#@~.?]*(:|\\s+label)",r:0};return{aliases:["bat","cmd"],cI:!0,i:/\/\*/,k:{keyword:"if else goto for in do call exit not exist errorlevel defined equ neq lss leq gtr geq",built_in:"prn nul lpt3 lpt2 lpt1 con com4 com3 com2 com1 aux shift cd dir echo setlocal endlocal set pause copy append assoc at attrib break cacls cd chcp chdir chkdsk chkntfs cls cmd color comp compact convert date dir diskcomp diskcopy doskey erase fs find findstr format ftype graftabl help keyb label md mkdir mode more move path pause print popd pushd promt rd recover rem rename replace restore rmdir shiftsort start subst time title tree type ver verify vol ping net ipconfig taskkill xcopy ren del"},c:[{cN:"variable",b:/%%[^ ]|%[^ ]+?%|![^ ]+?!/},{cN:"function",b:t.b,e:"goto:eof",c:[e.inherit(e.TM,{b:"([_a-zA-Z]\\w*\\.)*([_a-zA-Z]\\w*:)?[_a-zA-Z]\\w*"}),r]},{cN:"number",b:"\\b\\d+",r:0},r]}});hljs.registerLanguage("puppet",function(e){var s={keyword:"and case default else elsif false if in import enherits node or true undef unless main settings $string ",literal:"alias audit before loglevel noop require subscribe tag owner ensure group mode name|0 changes context force incl lens load_path onlyif provider returns root show_diff type_check en_address ip_address realname command environment hour monute month monthday special target weekday creates cwd ogoutput refresh refreshonly tries try_sleep umask backup checksum content ctime force ignore links mtime purge recurse recurselimit replace selinux_ignore_defaults selrange selrole seltype seluser source souirce_permissions sourceselect validate_cmd validate_replacement allowdupe attribute_membership auth_membership forcelocal gid ia_load_module members system host_aliases ip allowed_trunk_vlans description device_url duplex encapsulation etherchannel native_vlan speed principals allow_root auth_class auth_type authenticate_user k_of_n mechanisms rule session_owner shared options device fstype enable hasrestart directory present absent link atboot blockdevice device dump pass remounts poller_tag use message withpath adminfile allow_virtual allowcdrom category configfiles flavor install_options instance package_settings platform responsefile status uninstall_options vendor unless_system_user unless_uid binary control flags hasstatus manifest pattern restart running start stop allowdupe auths expiry gid groups home iterations key_membership keys managehome membership password password_max_age password_min_age profile_membership profiles project purge_ssh_keys role_membership roles salt shell uid baseurl cost descr enabled enablegroups exclude failovermethod gpgcheck gpgkey http_caching include includepkgs keepalive metadata_expire metalink mirrorlist priority protect proxy proxy_password proxy_username repo_gpgcheck s3_enabled skip_if_unavailable sslcacert sslclientcert sslclientkey sslverify mounted",built_in:"architecture augeasversion blockdevices boardmanufacturer boardproductname boardserialnumber cfkey dhcp_servers domain ec2_ ec2_userdata facterversion filesystems ldom fqdn gid hardwareisa hardwaremodel hostname id|0 interfaces ipaddress ipaddress_ ipaddress6 ipaddress6_ iphostnumber is_virtual kernel kernelmajversion kernelrelease kernelversion kernelrelease kernelversion lsbdistcodename lsbdistdescription lsbdistid lsbdistrelease lsbmajdistrelease lsbminordistrelease lsbrelease macaddress macaddress_ macosx_buildversion macosx_productname macosx_productversion macosx_productverson_major macosx_productversion_minor manufacturer memoryfree memorysize netmask metmask_ network_ operatingsystem operatingsystemmajrelease operatingsystemrelease osfamily partitions path physicalprocessorcount processor processorcount productname ps puppetversion rubysitedir rubyversion selinux selinux_config_mode selinux_config_policy selinux_current_mode selinux_current_mode selinux_enforced selinux_policyversion serialnumber sp_ sshdsakey sshecdsakey sshrsakey swapencrypted swapfree swapsize timezone type uniqueid uptime uptime_days uptime_hours uptime_seconds uuid virtual vlans xendomains zfs_version zonenae zones zpool_version"},r=e.C("#","$"),a="([A-Za-z_]|::)(\\w|::)*",i=e.inherit(e.TM,{b:a}),o={cN:"variable",b:"\\$"+a},t={cN:"string",c:[e.BE,o],v:[{b:/'/,e:/'/},{b:/"/,e:/"/}]};return{aliases:["pp"],c:[r,o,t,{bK:"class",e:"\\{|;",i:/=/,c:[i,r]},{bK:"define",e:/\{/,c:[{cN:"section",b:e.IR,endsParent:!0}]},{b:e.IR+"\\s+\\{",rB:!0,e:/\S/,c:[{cN:"keyword",b:e.IR},{b:/\{/,e:/\}/,k:s,r:0,c:[t,r,{b:"[a-zA-Z_]+\\s*=>",rB:!0,e:"=>",c:[{cN:"attr",b:e.IR}]},{cN:"number",b:"(\\b0[0-7_]+)|(\\b0x[0-9a-fA-F_]+)|(\\b[1-9][0-9_]*(\\.[0-9_]+)?)|[0_]\\b",r:0},o]}],r:0}]}});hljs.registerLanguage("swift",function(e){var t={keyword:"__COLUMN__ __FILE__ __FUNCTION__ __LINE__ as as! as? associativity break case catch class continue convenience default defer deinit didSet do dynamic dynamicType else enum extension fallthrough false final for func get guard if import in indirect infix init inout internal is lazy left let mutating nil none nonmutating operator optional override postfix precedence prefix private protocol Protocol public repeat required rethrows return right self Self set static struct subscript super switch throw throws true try try! try? Type typealias unowned var weak where while willSet",literal:"true false nil",built_in:"abs advance alignof alignofValue anyGenerator assert assertionFailure bridgeFromObjectiveC bridgeFromObjectiveCUnconditional bridgeToObjectiveC bridgeToObjectiveCUnconditional c contains count countElements countLeadingZeros debugPrint debugPrintln distance dropFirst dropLast dump encodeBitsAsWords enumerate equal fatalError filter find getBridgedObjectiveCType getVaList indices insertionSort isBridgedToObjectiveC isBridgedVerbatimToObjectiveC isUniquelyReferenced isUniquelyReferencedNonObjC join lazy lexicographicalCompare map max maxElement min minElement numericCast overlaps partition posix precondition preconditionFailure print println quickSort readLine reduce reflect reinterpretCast reverse roundUpToAlignment sizeof sizeofValue sort split startsWith stride strideof strideofValue swap toString transcode underestimateCount unsafeAddressOf unsafeBitCast unsafeDowncast unsafeUnwrap unsafeReflect withExtendedLifetime withObjectAtPlusZero withUnsafePointer withUnsafePointerToObject withUnsafeMutablePointer withUnsafeMutablePointers withUnsafePointer withUnsafePointers withVaList zip"},i={cN:"type",b:"\\b[A-Z][\\wÀ-ʸ']*",r:0},n=e.C("/\\*","\\*/",{c:["self"]}),r={cN:"subst",b:/\\\(/,e:"\\)",k:t,c:[]},a={cN:"number",b:"\\b([\\d_]+(\\.[\\deE_]+)?|0x[a-fA-F0-9_]+(\\.[a-fA-F0-9p_]+)?|0b[01_]+|0o[0-7_]+)\\b",r:0},o=e.inherit(e.QSM,{c:[r,e.BE]});return r.c=[a],{k:t,c:[o,e.CLCM,n,i,a,{cN:"function",bK:"func",e:"{",eE:!0,c:[e.inherit(e.TM,{b:/[A-Za-z$_][0-9A-Za-z$_]*/}),{b://},{cN:"params",b:/\(/,e:/\)/,endsParent:!0,k:t,c:["self",a,o,e.CBCM,{b:":"}],i:/["']/}],i:/\[|%/},{cN:"class",bK:"struct protocol class extension enum",k:t,e:"\\{",eE:!0,c:[e.inherit(e.TM,{b:/[A-Za-z$_][\u00C0-\u02B80-9A-Za-z$_]*/})]},{cN:"meta",b:"(@warn_unused_result|@exported|@lazy|@noescape|@NSCopying|@NSManaged|@objc|@convention|@required|@noreturn|@IBAction|@IBDesignable|@IBInspectable|@IBOutlet|@infix|@prefix|@postfix|@autoclosure|@testable|@available|@nonobjc|@NSApplicationMain|@UIApplicationMain)"},{bK:"import",e:/$/,c:[e.CLCM,n]}]}});hljs.registerLanguage("gcode",function(N){var e="[A-Z_][A-Z0-9_.]*",c="\\%",E="IF DO WHILE ENDWHILE CALL ENDIF SUB ENDSUB GOTO REPEAT ENDREPEAT EQ LT GT NE GE LE OR XOR",i={cN:"meta",b:"([O])([0-9]+)"},n=[N.CLCM,N.CBCM,N.C(/\(/,/\)/),N.inherit(N.CNM,{b:"([-+]?([0-9]*\\.?[0-9]+\\.?))|"+N.CNR}),N.inherit(N.ASM,{i:null}),N.inherit(N.QSM,{i:null}),{cN:"name",b:"([G])([0-9]+\\.?[0-9]?)"},{cN:"name",b:"([M])([0-9]+\\.?[0-9]?)"},{cN:"attr",b:"(VC|VS|#)",e:"(\\d+)"},{cN:"attr",b:"(VZOFX|VZOFY|VZOFZ)"},{cN:"built_in",b:"(ATAN|ABS|ACOS|ASIN|SIN|COS|EXP|FIX|FUP|ROUND|LN|TAN)(\\[)",e:"([-+]?([0-9]*\\.?[0-9]+\\.?))(\\])"},{cN:"symbol",v:[{b:"N",e:"\\d+",i:"\\W"}]}];return{aliases:["nc"],cI:!0,l:e,k:E,c:[{cN:"meta",b:c},i].concat(n)}});hljs.registerLanguage("ceylon",function(e){var a="assembly module package import alias class interface object given value assign void function new of extends satisfies abstracts in out return break continue throw assert dynamic if else switch case for while try catch finally then let this outer super is exists nonempty",t="shared abstract formal default actual variable late native deprecatedfinal sealed annotation suppressWarnings small",s="doc by license see throws tagged",n={cN:"subst",eB:!0,eE:!0,b:/``/,e:/``/,k:a,r:10},r=[{cN:"string",b:'"""',e:'"""',r:10},{cN:"string",b:'"',e:'"',c:[n]},{cN:"string",b:"'",e:"'"},{cN:"number",b:"#[0-9a-fA-F_]+|\\$[01_]+|[0-9_]+(?:\\.[0-9_](?:[eE][+-]?\\d+)?)?[kMGTPmunpf]?",r:0}];return n.c=r,{k:{keyword:a+" "+t,meta:s},i:"\\$[^01]|#[^0-9a-fA-F]",c:[e.CLCM,e.C("/\\*","\\*/",{c:["self"]}),{cN:"meta",b:'@[a-z]\\w*(?:\\:"[^"]*")?'}].concat(r)}});hljs.registerLanguage("bash",function(e){var t={cN:"variable",v:[{b:/\$[\w\d#@][\w\d_]*/},{b:/\$\{(.*?)}/}]},s={cN:"string",b:/"/,e:/"/,c:[e.BE,t,{cN:"variable",b:/\$\(/,e:/\)/,c:[e.BE]}]},a={cN:"string",b:/'/,e:/'/};return{aliases:["sh","zsh"],l:/-?[a-z\._]+/,k:{keyword:"if then else elif fi for while in do done case esac function",literal:"true false",built_in:"break cd continue eval exec exit export getopts hash pwd readonly return shift test times trap umask unset alias bind builtin caller command declare echo enable help let local logout mapfile printf read readarray source type typeset ulimit unalias set shopt autoload bg bindkey bye cap chdir clone comparguments compcall compctl compdescribe compfiles compgroups compquote comptags comptry compvalues dirs disable disown echotc echoti emulate fc fg float functions getcap getln history integer jobs kill limit log noglob popd print pushd pushln rehash sched setcap setopt stat suspend ttyctl unfunction unhash unlimit unsetopt vared wait whence where which zcompile zformat zftp zle zmodload zparseopts zprof zpty zregexparse zsocket zstyle ztcp",_:"-ne -eq -lt -gt -f -d -e -s -l -a"},c:[{cN:"meta",b:/^#![^\n]+sh\s*$/,r:10},{cN:"function",b:/\w[\w\d_]*\s*\(\s*\)\s*\{/,rB:!0,c:[e.inherit(e.TM,{b:/\w[\w\d_]*/})],r:0},e.HCM,s,a,t]}});hljs.registerLanguage("dockerfile",function(e){return{aliases:["docker"],cI:!0,k:"from maintainer expose env arg user onbuild stopsignal",c:[e.HCM,e.ASM,e.QSM,e.NM,{bK:"run cmd entrypoint volume add copy workdir label healthcheck shell",starts:{e:/[^\\]\n/,sL:"bash"}}],i:"",o={cN:"params",b:"\\([^\\(]",rB:!0,c:[{b:/\(/,e:/\)/,k:c,c:["self"].concat(i)}]};return{aliases:["coffee","cson","iced"],k:c,i:/\/\*/,c:i.concat([e.C("###","###"),e.HCM,{cN:"function",b:"^\\s*"+n+"\\s*=\\s*"+t,e:"[-=]>",rB:!0,c:[s,o]},{b:/[:\(,=]\s*/,r:0,c:[{cN:"function",b:t,e:"[-=]>",rB:!0,c:[o]}]},{cN:"class",bK:"class",e:"$",i:/[:="\[\]]/,c:[{bK:"extends",eW:!0,i:/[:="\[\]]/,c:[s]},s]},{b:n+":",e:":",rB:!0,rE:!0,r:0}])}});hljs.registerLanguage("protobuf",function(e){return{k:{keyword:"package import option optional required repeated group",built_in:"double float int32 int64 uint32 uint64 sint32 sint64 fixed32 fixed64 sfixed32 sfixed64 bool string bytes",literal:"true false"},c:[e.QSM,e.NM,e.CLCM,{cN:"class",bK:"message enum service",e:/\{/,i:/\n/,c:[e.inherit(e.TM,{starts:{eW:!0,eE:!0}})]},{cN:"function",bK:"rpc",e:/;/,eE:!0,k:"rpc returns"},{b:/^\s*[A-Z_]+/,e:/\s*=/,eE:!0}]}});hljs.registerLanguage("matlab",function(e){var a=[e.CNM,{cN:"string",b:"'",e:"'",c:[e.BE,{b:"''"}]}],s={r:0,c:[{b:/'['\.]*/}]};return{k:{keyword:"break case catch classdef continue else elseif end enumerated events for function global if methods otherwise parfor persistent properties return spmd switch try while",built_in:"sin sind sinh asin asind asinh cos cosd cosh acos acosd acosh tan tand tanh atan atand atan2 atanh sec secd sech asec asecd asech csc cscd csch acsc acscd acsch cot cotd coth acot acotd acoth hypot exp expm1 log log1p log10 log2 pow2 realpow reallog realsqrt sqrt nthroot nextpow2 abs angle complex conj imag real unwrap isreal cplxpair fix floor ceil round mod rem sign airy besselj bessely besselh besseli besselk beta betainc betaln ellipj ellipke erf erfc erfcx erfinv expint gamma gammainc gammaln psi legendre cross dot factor isprime primes gcd lcm rat rats perms nchoosek factorial cart2sph cart2pol pol2cart sph2cart hsv2rgb rgb2hsv zeros ones eye repmat rand randn linspace logspace freqspace meshgrid accumarray size length ndims numel disp isempty isequal isequalwithequalnans cat reshape diag blkdiag tril triu fliplr flipud flipdim rot90 find sub2ind ind2sub bsxfun ndgrid permute ipermute shiftdim circshift squeeze isscalar isvector ans eps realmax realmin pi i inf nan isnan isinf isfinite j why compan gallery hadamard hankel hilb invhilb magic pascal rosser toeplitz vander wilkinson"},i:'(//|"|#|/\\*|\\s+/\\w+)',c:[{cN:"function",bK:"function",e:"$",c:[e.UTM,{cN:"params",v:[{b:"\\(",e:"\\)"},{b:"\\[",e:"\\]"}]}]},{b:/[a-zA-Z_][a-zA-Z_0-9]*'['\.]*/,rB:!0,r:0,c:[{b:/[a-zA-Z_][a-zA-Z_0-9]*/,r:0},s.c[0]]},{b:"\\[",e:"\\]",c:a,r:0,starts:s},{b:"\\{",e:/}/,c:a,r:0,starts:s},{b:/\)/,r:0,starts:s},e.C("^\\s*\\%\\{\\s*$","^\\s*\\%\\}\\s*$"),e.C("\\%","$")].concat(a)}});hljs.registerLanguage("irpf90",function(e){var t={cN:"params",b:"\\(",e:"\\)"},n={literal:".False. .True.",keyword:"kind do while private call intrinsic where elsewhere type endtype endmodule endselect endinterface end enddo endif if forall endforall only contains default return stop then public subroutine|10 function program .and. .or. .not. .le. .eq. .ge. .gt. .lt. goto save else use module select case access blank direct exist file fmt form formatted iostat name named nextrec number opened rec recl sequential status unformatted unit continue format pause cycle exit c_null_char c_alert c_backspace c_form_feed flush wait decimal round iomsg synchronous nopass non_overridable pass protected volatile abstract extends import non_intrinsic value deferred generic final enumerator class associate bind enum c_int c_short c_long c_long_long c_signed_char c_size_t c_int8_t c_int16_t c_int32_t c_int64_t c_int_least8_t c_int_least16_t c_int_least32_t c_int_least64_t c_int_fast8_t c_int_fast16_t c_int_fast32_t c_int_fast64_t c_intmax_t C_intptr_t c_float c_double c_long_double c_float_complex c_double_complex c_long_double_complex c_bool c_char c_null_ptr c_null_funptr c_new_line c_carriage_return c_horizontal_tab c_vertical_tab iso_c_binding c_loc c_funloc c_associated c_f_pointer c_ptr c_funptr iso_fortran_env character_storage_size error_unit file_storage_size input_unit iostat_end iostat_eor numeric_storage_size output_unit c_f_procpointer ieee_arithmetic ieee_support_underflow_control ieee_get_underflow_mode ieee_set_underflow_mode newunit contiguous recursive pad position action delim readwrite eor advance nml interface procedure namelist include sequence elemental pure integer real character complex logical dimension allocatable|10 parameter external implicit|10 none double precision assign intent optional pointer target in out common equivalence data begin_provider &begin_provider end_provider begin_shell end_shell begin_template end_template subst assert touch soft_touch provide no_dep free irp_if irp_else irp_endif irp_write irp_read",built_in:"alog alog10 amax0 amax1 amin0 amin1 amod cabs ccos cexp clog csin csqrt dabs dacos dasin datan datan2 dcos dcosh ddim dexp dint dlog dlog10 dmax1 dmin1 dmod dnint dsign dsin dsinh dsqrt dtan dtanh float iabs idim idint idnint ifix isign max0 max1 min0 min1 sngl algama cdabs cdcos cdexp cdlog cdsin cdsqrt cqabs cqcos cqexp cqlog cqsin cqsqrt dcmplx dconjg derf derfc dfloat dgamma dimag dlgama iqint qabs qacos qasin qatan qatan2 qcmplx qconjg qcos qcosh qdim qerf qerfc qexp qgamma qimag qlgama qlog qlog10 qmax1 qmin1 qmod qnint qsign qsin qsinh qsqrt qtan qtanh abs acos aimag aint anint asin atan atan2 char cmplx conjg cos cosh exp ichar index int log log10 max min nint sign sin sinh sqrt tan tanh print write dim lge lgt lle llt mod nullify allocate deallocate adjustl adjustr all allocated any associated bit_size btest ceiling count cshift date_and_time digits dot_product eoshift epsilon exponent floor fraction huge iand ibclr ibits ibset ieor ior ishft ishftc lbound len_trim matmul maxexponent maxloc maxval merge minexponent minloc minval modulo mvbits nearest pack present product radix random_number random_seed range repeat reshape rrspacing scale scan selected_int_kind selected_real_kind set_exponent shape size spacing spread sum system_clock tiny transpose trim ubound unpack verify achar iachar transfer dble entry dprod cpu_time command_argument_count get_command get_command_argument get_environment_variable is_iostat_end ieee_arithmetic ieee_support_underflow_control ieee_get_underflow_mode ieee_set_underflow_mode is_iostat_eor move_alloc new_line selected_char_kind same_type_as extends_type_ofacosh asinh atanh bessel_j0 bessel_j1 bessel_jn bessel_y0 bessel_y1 bessel_yn erf erfc erfc_scaled gamma log_gamma hypot norm2 atomic_define atomic_ref execute_command_line leadz trailz storage_size merge_bits bge bgt ble blt dshiftl dshiftr findloc iall iany iparity image_index lcobound ucobound maskl maskr num_images parity popcnt poppar shifta shiftl shiftr this_image IRP_ALIGN irp_here"};return{cI:!0,k:n,i:/\/\*/,c:[e.inherit(e.ASM,{cN:"string",r:0}),e.inherit(e.QSM,{cN:"string",r:0}),{cN:"function",bK:"subroutine function program",i:"[${=\\n]",c:[e.UTM,t]},e.C("!","$",{r:0}),e.C("begin_doc","end_doc",{r:10}),{cN:"number",b:"(?=\\b|\\+|\\-|\\.)(?=\\.\\d|\\d)(?:\\d+)?(?:\\.?\\d*)(?:[de][+-]?\\d+)?\\b\\.?",r:0}]}});hljs.registerLanguage("kotlin",function(e){var t={keyword:"abstract as val var vararg get set class object open private protected public noinline crossinline dynamic final enum if else do while for when throw try catch finally import package is in fun override companion reified inline lateinit initinterface annotation data sealed internal infix operator out by constructor super trait volatile transient native default",built_in:"Byte Short Char Int Long Boolean Float Double Void Unit Nothing",literal:"true false null"},r={cN:"keyword",b:/\b(break|continue|return|this)\b/,starts:{c:[{cN:"symbol",b:/@\w+/}]}},i={cN:"symbol",b:e.UIR+"@"},n={cN:"subst",v:[{b:"\\$"+e.UIR},{b:"\\${",e:"}",c:[e.ASM,e.CNM]}]},a={cN:"string",v:[{b:'"""',e:'"""',c:[n]},{b:"'",e:"'",i:/\n/,c:[e.BE]},{b:'"',e:'"',i:/\n/,c:[e.BE,n]}]},c={cN:"meta",b:"@(?:file|property|field|get|set|receiver|param|setparam|delegate)\\s*:(?:\\s*"+e.UIR+")?"},s={cN:"meta",b:"@"+e.UIR,c:[{b:/\(/,e:/\)/,c:[e.inherit(a,{cN:"meta-string"})]}]};return{k:t,c:[e.C("/\\*\\*","\\*/",{r:0,c:[{cN:"doctag",b:"@[A-Za-z]+"}]}),e.CLCM,e.CBCM,r,i,c,s,{cN:"function",bK:"fun",e:"[(]|$",rB:!0,eE:!0,k:t,i:/fun\s+(<.*>)?[^\s\(]+(\s+[^\s\(]+)\s*=/,r:5,c:[{b:e.UIR+"\\s*\\(",rB:!0,r:0,c:[e.UTM]},{cN:"type",b://,k:"reified",r:0},{cN:"params",b:/\(/,e:/\)/,endsParent:!0,k:t,r:0,c:[{b:/:/,e:/[=,\/]/,eW:!0,c:[{cN:"type",b:e.UIR},e.CLCM,e.CBCM],r:0},e.CLCM,e.CBCM,c,s,a,e.CNM]},e.CBCM]},{cN:"class",bK:"class interface trait",e:/[:\{(]|$/,eE:!0,i:"extends implements",c:[{bK:"public protected internal private constructor"},e.UTM,{cN:"type",b://,eB:!0,eE:!0,r:0},{cN:"type",b:/[,:]\s*/,e:/[<\(,]|$/,eB:!0,rE:!0},c,s]},a,{cN:"meta",b:"^#!/usr/bin/env",e:"$",i:"\n"},e.CNM]}});hljs.registerLanguage("crmsh",function(t){var e="primitive rsc_template",r="group clone ms master location colocation order fencing_topology rsc_ticket acl_target acl_group user role tag xml",s="property rsc_defaults op_defaults",a="params meta operations op rule attributes utilization",i="read write deny defined not_defined in_range date spec in ref reference attribute type xpath version and or lt gt tag lte gte eq ne \\",o="number string",n="Master Started Slave Stopped start promote demote stop monitor true false";return{aliases:["crm","pcmk"],cI:!0,k:{keyword:a+" "+i+" "+o,literal:n},c:[t.HCM,{bK:"node",starts:{e:"\\s*([\\w_-]+:)?",starts:{cN:"title",e:"\\s*[\\$\\w_][\\w_-]*"}}},{bK:e,starts:{cN:"title",e:"\\s*[\\$\\w_][\\w_-]*",starts:{e:"\\s*@?[\\w_][\\w_\\.:-]*"}}},{b:"\\b("+r.split(" ").join("|")+")\\s+",k:r,starts:{cN:"title",e:"[\\$\\w_][\\w_-]*"}},{bK:s,starts:{cN:"title",e:"\\s*([\\w_-]+:)?"}},t.QSM,{cN:"meta",b:"(ocf|systemd|service|lsb):[\\w_:-]+",r:0},{cN:"number",b:"\\b\\d+(\\.\\d+)?(ms|s|h|m)?",r:0},{cN:"literal",b:"[-]?(infinity|inf)",r:0},{cN:"attr",b:/([A-Za-z\$_\#][\w_-]+)=/,r:0},{cN:"tag",b:"",r:0}]}});hljs.registerLanguage("haskell",function(e){var i={v:[e.C("--","$"),e.C("{-","-}",{c:["self"]})]},a={cN:"meta",b:"{-#",e:"#-}"},l={cN:"meta",b:"^#",e:"$"},c={cN:"type",b:"\\b[A-Z][\\w']*",r:0},n={b:"\\(",e:"\\)",i:'"',c:[a,l,{cN:"type",b:"\\b[A-Z][\\w]*(\\((\\.\\.|,|\\w+)\\))?"},e.inherit(e.TM,{b:"[_a-z][\\w']*"}),i]},s={b:"{",e:"}",c:n.c};return{aliases:["hs"],k:"let in if then else case of where do module import hiding qualified type data newtype deriving class instance as default infix infixl infixr foreign export ccall stdcall cplusplus jvm dotnet safe unsafe family forall mdo proc rec",c:[{bK:"module",e:"where",k:"module where",c:[n,i],i:"\\W\\.|;"},{b:"\\bimport\\b",e:"$",k:"import qualified as hiding",c:[n,i],i:"\\W\\.|;"},{cN:"class",b:"^(\\s*)?(class|instance)\\b",e:"where",k:"class family instance where",c:[c,n,i]},{cN:"class",b:"\\b(data|(new)?type)\\b",e:"$",k:"data family type newtype deriving",c:[a,c,n,s,i]},{bK:"default",e:"$",c:[c,n,i]},{bK:"infix infixl infixr",e:"$",c:[e.CNM,i]},{b:"\\bforeign\\b",e:"$",k:"foreign import export ccall stdcall cplusplus jvm dotnet safe unsafe",c:[c,e.QSM,i]},{cN:"meta",b:"#!\\/usr\\/bin\\/env runhaskell",e:"$"},a,l,e.QSM,e.CNM,c,e.inherit(e.TM,{b:"^[_a-z][\\w']*"}),i,{b:"->|<-"}]}});hljs.registerLanguage("flix",function(e){var t={cN:"string",b:/'(.|\\[xXuU][a-zA-Z0-9]+)'/},i={cN:"string",v:[{b:'"',e:'"'}]},n={cN:"title",b:/[^0-9\n\t "'(),.`{}\[\]:;][^\n\t "'(),.`{}\[\]:;]+|[^0-9\n\t "'(),.`{}\[\]:;=]/},c={cN:"function",bK:"def",e:/[:={\[(\n;]/,eE:!0,c:[n]};return{k:{literal:"true false",keyword:"case class def else enum if impl import in lat rel index let match namespace switch type yield with"},c:[e.CLCM,e.CBCM,t,i,c,e.CNM]}});hljs.registerLanguage("scala",function(e){var t={cN:"meta",b:"@[A-Za-z]+"},a={cN:"subst",v:[{b:"\\$[A-Za-z0-9_]+"},{b:"\\${",e:"}"}]},r={cN:"string",v:[{b:'"',e:'"',i:"\\n",c:[e.BE]},{b:'"""',e:'"""',r:10},{b:'[a-z]+"',e:'"',i:"\\n",c:[e.BE,a]},{cN:"string",b:'[a-z]+"""',e:'"""',c:[a],r:10}]},c={cN:"symbol",b:"'\\w[\\w\\d_]*(?!')"},i={cN:"type",b:"\\b[A-Z][A-Za-z0-9_]*",r:0},s={cN:"title",b:/[^0-9\n\t "'(),.`{}\[\]:;][^\n\t "'(),.`{}\[\]:;]+|[^0-9\n\t "'(),.`{}\[\]:;=]/,r:0},n={cN:"class",bK:"class object trait type",e:/[:={\[\n;]/,eE:!0,c:[{bK:"extends with",r:10},{b:/\[/,e:/\]/,eB:!0,eE:!0,r:0,c:[i]},{cN:"params",b:/\(/,e:/\)/,eB:!0,eE:!0,r:0,c:[i]},s]},l={cN:"function",bK:"def",e:/[:={\[(\n;]/,eE:!0,c:[s]};return{k:{literal:"true false null",keyword:"type yield lazy override def with val var sealed abstract private trait object if forSome for while throw finally protected extends import final return else break new catch super class case package default try this match continue throws implicit"},c:[e.CLCM,e.CBCM,r,c,i,l,n,e.CNM,t]}});hljs.registerLanguage("powershell",function(e){var t={b:"`[\\s\\S]",r:0},o={cN:"variable",v:[{b:/\$[\w\d][\w\d_:]*/}]},r={cN:"literal",b:/\$(null|true|false)\b/},n={cN:"string",v:[{b:/"/,e:/"/},{b:/@"/,e:/^"@/}],c:[t,o,{cN:"variable",b:/\$[A-z]/,e:/[^A-z]/}]},a={cN:"string",v:[{b:/'/,e:/'/},{b:/@'/,e:/^'@/}]},i={cN:"doctag",v:[{b:/\.(synopsis|description|example|inputs|outputs|notes|link|component|role|functionality)/},{b:/\.(parameter|forwardhelptargetname|forwardhelpcategory|remotehelprunspace|externalhelp)\s+\S+/}]},s=e.inherit(e.C(null,null),{v:[{b:/#/,e:/$/},{b:/<#/,e:/#>/}],c:[i]});return{aliases:["ps"],l:/-?[A-z\.\-]+/,cI:!0,k:{keyword:"if else foreach return function do while until elseif begin for trap data dynamicparam end break throw param continue finally in switch exit filter try process catch",built_in:"Add-Computer Add-Content Add-History Add-JobTrigger Add-Member Add-PSSnapin Add-Type Checkpoint-Computer Clear-Content Clear-EventLog Clear-History Clear-Host Clear-Item Clear-ItemProperty Clear-Variable Compare-Object Complete-Transaction Connect-PSSession Connect-WSMan Convert-Path ConvertFrom-Csv ConvertFrom-Json ConvertFrom-SecureString ConvertFrom-StringData ConvertTo-Csv ConvertTo-Html ConvertTo-Json ConvertTo-SecureString ConvertTo-Xml Copy-Item Copy-ItemProperty Debug-Process Disable-ComputerRestore Disable-JobTrigger Disable-PSBreakpoint Disable-PSRemoting Disable-PSSessionConfiguration Disable-WSManCredSSP Disconnect-PSSession Disconnect-WSMan Disable-ScheduledJob Enable-ComputerRestore Enable-JobTrigger Enable-PSBreakpoint Enable-PSRemoting Enable-PSSessionConfiguration Enable-ScheduledJob Enable-WSManCredSSP Enter-PSSession Exit-PSSession Export-Alias Export-Clixml Export-Console Export-Counter Export-Csv Export-FormatData Export-ModuleMember Export-PSSession ForEach-Object Format-Custom Format-List Format-Table Format-Wide Get-Acl Get-Alias Get-AuthenticodeSignature Get-ChildItem Get-Command Get-ComputerRestorePoint Get-Content Get-ControlPanelItem Get-Counter Get-Credential Get-Culture Get-Date Get-Event Get-EventLog Get-EventSubscriber Get-ExecutionPolicy Get-FormatData Get-Host Get-HotFix Get-Help Get-History Get-IseSnippet Get-Item Get-ItemProperty Get-Job Get-JobTrigger Get-Location Get-Member Get-Module Get-PfxCertificate Get-Process Get-PSBreakpoint Get-PSCallStack Get-PSDrive Get-PSProvider Get-PSSession Get-PSSessionConfiguration Get-PSSnapin Get-Random Get-ScheduledJob Get-ScheduledJobOption Get-Service Get-TraceSource Get-Transaction Get-TypeData Get-UICulture Get-Unique Get-Variable Get-Verb Get-WinEvent Get-WmiObject Get-WSManCredSSP Get-WSManInstance Group-Object Import-Alias Import-Clixml Import-Counter Import-Csv Import-IseSnippet Import-LocalizedData Import-PSSession Import-Module Invoke-AsWorkflow Invoke-Command Invoke-Expression Invoke-History Invoke-Item Invoke-RestMethod Invoke-WebRequest Invoke-WmiMethod Invoke-WSManAction Join-Path Limit-EventLog Measure-Command Measure-Object Move-Item Move-ItemProperty New-Alias New-Event New-EventLog New-IseSnippet New-Item New-ItemProperty New-JobTrigger New-Object New-Module New-ModuleManifest New-PSDrive New-PSSession New-PSSessionConfigurationFile New-PSSessionOption New-PSTransportOption New-PSWorkflowExecutionOption New-PSWorkflowSession New-ScheduledJobOption New-Service New-TimeSpan New-Variable New-WebServiceProxy New-WinEvent New-WSManInstance New-WSManSessionOption Out-Default Out-File Out-GridView Out-Host Out-Null Out-Printer Out-String Pop-Location Push-Location Read-Host Receive-Job Register-EngineEvent Register-ObjectEvent Register-PSSessionConfiguration Register-ScheduledJob Register-WmiEvent Remove-Computer Remove-Event Remove-EventLog Remove-Item Remove-ItemProperty Remove-Job Remove-JobTrigger Remove-Module Remove-PSBreakpoint Remove-PSDrive Remove-PSSession Remove-PSSnapin Remove-TypeData Remove-Variable Remove-WmiObject Remove-WSManInstance Rename-Computer Rename-Item Rename-ItemProperty Reset-ComputerMachinePassword Resolve-Path Restart-Computer Restart-Service Restore-Computer Resume-Job Resume-Service Save-Help Select-Object Select-String Select-Xml Send-MailMessage Set-Acl Set-Alias Set-AuthenticodeSignature Set-Content Set-Date Set-ExecutionPolicy Set-Item Set-ItemProperty Set-JobTrigger Set-Location Set-PSBreakpoint Set-PSDebug Set-PSSessionConfiguration Set-ScheduledJob Set-ScheduledJobOption Set-Service Set-StrictMode Set-TraceSource Set-Variable Set-WmiInstance Set-WSManInstance Set-WSManQuickConfig Show-Command Show-ControlPanelItem Show-EventLog Sort-Object Split-Path Start-Job Start-Process Start-Service Start-Sleep Start-Transaction Start-Transcript Stop-Computer Stop-Job Stop-Process Stop-Service Stop-Transcript Suspend-Job Suspend-Service Tee-Object Test-ComputerSecureChannel Test-Connection Test-ModuleManifest Test-Path Test-PSSessionConfigurationFile Trace-Command Unblock-File Undo-Transaction Unregister-Event Unregister-PSSessionConfiguration Unregister-ScheduledJob Update-FormatData Update-Help Update-List Update-TypeData Use-Transaction Wait-Event Wait-Job Wait-Process Where-Object Write-Debug Write-Error Write-EventLog Write-Host Write-Output Write-Progress Write-Verbose Write-Warning Add-MDTPersistentDrive Disable-MDTMonitorService Enable-MDTMonitorService Get-MDTDeploymentShareStatistics Get-MDTMonitorData Get-MDTOperatingSystemCatalog Get-MDTPersistentDrive Import-MDTApplication Import-MDTDriver Import-MDTOperatingSystem Import-MDTPackage Import-MDTTaskSequence New-MDTDatabase Remove-MDTMonitorData Remove-MDTPersistentDrive Restore-MDTPersistentDrive Set-MDTMonitorData Test-MDTDeploymentShare Test-MDTMonitorData Update-MDTDatabaseSchema Update-MDTDeploymentShare Update-MDTLinkedDS Update-MDTMedia Update-MDTMedia Add-VamtProductKey Export-VamtData Find-VamtManagedMachine Get-VamtConfirmationId Get-VamtProduct Get-VamtProductKey Import-VamtData Initialize-VamtData Install-VamtConfirmationId Install-VamtProductActivation Install-VamtProductKey Update-VamtProduct",nomarkup:"-ne -eq -lt -gt -ge -le -not -like -notlike -match -notmatch -contains -notcontains -in -notin -replace"},c:[t,e.NM,n,a,r,o,s]}});hljs.registerLanguage("cal",function(e){var r="div mod in and or not xor asserterror begin case do downto else end exit for if of repeat then to until while with var",t="false true",c=[e.CLCM,e.C(/\{/,/\}/,{r:0}),e.C(/\(\*/,/\*\)/,{r:10})],n={cN:"string",b:/'/,e:/'/,c:[{b:/''/}]},o={cN:"string",b:/(#\d+)+/},a={cN:"number",b:"\\b\\d+(\\.\\d+)?(DT|D|T)",r:0},i={cN:"string",b:'"',e:'"'},d={cN:"function",bK:"procedure",e:/[:;]/,k:"procedure|10",c:[e.TM,{cN:"params",b:/\(/,e:/\)/,k:r,c:[n,o]}].concat(c)},s={cN:"class",b:"OBJECT (Table|Form|Report|Dataport|Codeunit|XMLport|MenuSuite|Page|Query) (\\d+) ([^\\r\\n]+)",rB:!0,c:[e.TM,d]};return{cI:!0,k:{keyword:r,literal:t},i:/\/\*/,c:[n,o,a,i,e.NM,s,d]}});hljs.registerLanguage("openscad",function(e){var r={cN:"keyword",b:"\\$(f[asn]|t|vp[rtd]|children)"},n={cN:"literal",b:"false|true|PI|undef"},o={cN:"number",b:"\\b\\d+(\\.\\d+)?(e-?\\d+)?",r:0},i=e.inherit(e.QSM,{i:null}),t={cN:"meta",k:{"meta-keyword":"include use"},b:"include|use <",e:">"},s={cN:"params",b:"\\(",e:"\\)",c:["self",o,i,r,n]},c={b:"[*!#%]",r:0},a={cN:"function",bK:"module function",e:"\\=|\\{",c:[s,e.UTM]};return{aliases:["scad"],k:{keyword:"function module include use for intersection_for if else \\%",literal:"false true PI undef",built_in:"circle square polygon text sphere cube cylinder polyhedron translate rotate scale resize mirror multmatrix color offset hull minkowski union difference intersection abs sign sin cos tan acos asin atan atan2 floor round ceil ln log pow sqrt exp rands min max concat lookup str chr search version version_num norm cross parent_module echo import import_dxf dxf_linear_extrude linear_extrude rotate_extrude surface projection render children dxf_cross dxf_dim let assign"},c:[e.CLCM,e.CBCM,o,t,i,r,c,a]}});hljs.registerLanguage("dts",function(e){var a={cN:"string",v:[e.inherit(e.QSM,{b:'((u8?|U)|L)?"'}),{b:'(u8?|U)?R"',e:'"',c:[e.BE]},{b:"'\\\\?.",e:"'",i:"."}]},c={cN:"number",v:[{b:"\\b(\\d+(\\.\\d*)?|\\.\\d+)(u|U|l|L|ul|UL|f|F)"},{b:e.CNR}],r:0},b={cN:"meta",b:"#",e:"$",k:{"meta-keyword":"if else elif endif define undef ifdef ifndef"},c:[{b:/\\\n/,r:0},{bK:"include",e:"$",k:{"meta-keyword":"include"},c:[e.inherit(a,{cN:"meta-string"}),{cN:"meta-string",b:"<",e:">",i:"\\n"}]},a,e.CLCM,e.CBCM]},i={cN:"variable",b:"\\&[a-z\\d_]*\\b"},r={cN:"meta-keyword",b:"/[a-z][a-z\\d-]*/"},d={cN:"symbol",b:"^\\s*[a-zA-Z_][a-zA-Z\\d_]*:"},n={cN:"params",b:"<",e:">",c:[c,i]},s={cN:"class",b:/[a-zA-Z_][a-zA-Z\d_@]*\s{/,e:/[{;=]/,rB:!0,eE:!0},t={cN:"class",b:"/\\s*{",e:"};",r:10,c:[i,r,d,s,n,e.CLCM,e.CBCM,c,a]};return{k:"",c:[t,i,r,d,s,n,e.CLCM,e.CBCM,c,a,b,{b:e.IR+"::",k:""}]}});hljs.registerLanguage("sml",function(e){return{aliases:["ml"],k:{keyword:"abstype and andalso as case datatype do else end eqtype exception fn fun functor handle if in include infix infixr let local nonfix of op open orelse raise rec sharing sig signature struct structure then type val with withtype where while",built_in:"array bool char exn int list option order real ref string substring vector unit word",literal:"true false NONE SOME LESS EQUAL GREATER nil"},i:/\/\/|>>/,l:"[a-z_]\\w*!?",c:[{cN:"literal",b:/\[(\|\|)?\]|\(\)/,r:0},e.C("\\(\\*","\\*\\)",{c:["self"]}),{cN:"symbol",b:"'[A-Za-z_](?!')[\\w']*"},{cN:"type",b:"`[A-Z][\\w']*"},{cN:"type",b:"\\b[A-Z][\\w']*",r:0},{b:"[a-z_]\\w*'[\\w']*"},e.inherit(e.ASM,{cN:"string",r:0}),e.inherit(e.QSM,{i:null}),{cN:"number",b:"\\b(0[xX][a-fA-F0-9_]+[Lln]?|0[oO][0-7_]+[Lln]?|0[bB][01_]+[Lln]?|[0-9][0-9_]*([Lln]|(\\.[0-9_]*)?([eE][-+]?[0-9_]+)?)?)",r:0},{b:/[-=]>/}]}});hljs.registerLanguage("verilog",function(e){var n={keyword:"accept_on alias always always_comb always_ff always_latch and assert assign assume automatic before begin bind bins binsof bit break buf|0 bufif0 bufif1 byte case casex casez cell chandle checker class clocking cmos config const constraint context continue cover covergroup coverpoint cross deassign default defparam design disable dist do edge else end endcase endchecker endclass endclocking endconfig endfunction endgenerate endgroup endinterface endmodule endpackage endprimitive endprogram endproperty endspecify endsequence endtable endtask enum event eventually expect export extends extern final first_match for force foreach forever fork forkjoin function generate|5 genvar global highz0 highz1 if iff ifnone ignore_bins illegal_bins implements implies import incdir include initial inout input inside instance int integer interconnect interface intersect join join_any join_none large let liblist library local localparam logic longint macromodule matches medium modport module nand negedge nettype new nexttime nmos nor noshowcancelled not notif0 notif1 or output package packed parameter pmos posedge primitive priority program property protected pull0 pull1 pulldown pullup pulsestyle_ondetect pulsestyle_onevent pure rand randc randcase randsequence rcmos real realtime ref reg reject_on release repeat restrict return rnmos rpmos rtran rtranif0 rtranif1 s_always s_eventually s_nexttime s_until s_until_with scalared sequence shortint shortreal showcancelled signed small soft solve specify specparam static string strong strong0 strong1 struct super supply0 supply1 sync_accept_on sync_reject_on table tagged task this throughout time timeprecision timeunit tran tranif0 tranif1 tri tri0 tri1 triand trior trireg type typedef union unique unique0 unsigned until until_with untyped use uwire var vectored virtual void wait wait_order wand weak weak0 weak1 while wildcard wire with within wor xnor xor",literal:"null",built_in:"$finish $stop $exit $fatal $error $warning $info $realtime $time $printtimescale $bitstoreal $bitstoshortreal $itor $signed $cast $bits $stime $timeformat $realtobits $shortrealtobits $rtoi $unsigned $asserton $assertkill $assertpasson $assertfailon $assertnonvacuouson $assertoff $assertcontrol $assertpassoff $assertfailoff $assertvacuousoff $isunbounded $sampled $fell $changed $past_gclk $fell_gclk $changed_gclk $rising_gclk $steady_gclk $coverage_control $coverage_get $coverage_save $set_coverage_db_name $rose $stable $past $rose_gclk $stable_gclk $future_gclk $falling_gclk $changing_gclk $display $coverage_get_max $coverage_merge $get_coverage $load_coverage_db $typename $unpacked_dimensions $left $low $increment $clog2 $ln $log10 $exp $sqrt $pow $floor $ceil $sin $cos $tan $countbits $onehot $isunknown $fatal $warning $dimensions $right $high $size $asin $acos $atan $atan2 $hypot $sinh $cosh $tanh $asinh $acosh $atanh $countones $onehot0 $error $info $random $dist_chi_square $dist_erlang $dist_exponential $dist_normal $dist_poisson $dist_t $dist_uniform $q_initialize $q_remove $q_exam $async$and$array $async$nand$array $async$or$array $async$nor$array $sync$and$array $sync$nand$array $sync$or$array $sync$nor$array $q_add $q_full $psprintf $async$and$plane $async$nand$plane $async$or$plane $async$nor$plane $sync$and$plane $sync$nand$plane $sync$or$plane $sync$nor$plane $system $display $displayb $displayh $displayo $strobe $strobeb $strobeh $strobeo $write $readmemb $readmemh $writememh $value$plusargs $dumpvars $dumpon $dumplimit $dumpports $dumpportson $dumpportslimit $writeb $writeh $writeo $monitor $monitorb $monitorh $monitoro $writememb $dumpfile $dumpoff $dumpall $dumpflush $dumpportsoff $dumpportsall $dumpportsflush $fclose $fdisplay $fdisplayb $fdisplayh $fdisplayo $fstrobe $fstrobeb $fstrobeh $fstrobeo $swrite $swriteb $swriteh $swriteo $fscanf $fread $fseek $fflush $feof $fopen $fwrite $fwriteb $fwriteh $fwriteo $fmonitor $fmonitorb $fmonitorh $fmonitoro $sformat $sformatf $fgetc $ungetc $fgets $sscanf $rewind $ftell $ferror"};return{aliases:["v","sv","svh"],cI:!1,k:n,l:/[\w\$]+/,c:[e.CBCM,e.CLCM,e.QSM,{cN:"number",c:[e.BE],v:[{b:"\\b((\\d+'(b|h|o|d|B|H|O|D))[0-9xzXZa-fA-F_]+)"},{b:"\\B(('(b|h|o|d|B|H|O|D))[0-9xzXZa-fA-F_]+)"},{b:"\\b([0-9_])+",r:0}]},{cN:"variable",v:[{b:"#\\((?!parameter).+\\)"},{b:"\\.\\w+",r:0}]},{cN:"meta",b:"`",e:"$",k:{"meta-keyword":"define __FILE__ __LINE__ begin_keywords celldefine default_nettype define else elsif end_keywords endcelldefine endif ifdef ifndef include line nounconnected_drive pragma resetall timescale unconnected_drive undef undefineall"},r:0}]}});hljs.registerLanguage("hsp",function(e){return{cI:!0,l:/[\w\._]+/,k:"goto gosub return break repeat loop continue wait await dim sdim foreach dimtype dup dupptr end stop newmod delmod mref run exgoto on mcall assert logmes newlab resume yield onexit onerror onkey onclick oncmd exist delete mkdir chdir dirlist bload bsave bcopy memfile if else poke wpoke lpoke getstr chdpm memexpand memcpy memset notesel noteadd notedel noteload notesave randomize noteunsel noteget split strrep setease button chgdisp exec dialog mmload mmplay mmstop mci pset pget syscolor mes print title pos circle cls font sysfont objsize picload color palcolor palette redraw width gsel gcopy gzoom gmode bmpsave hsvcolor getkey listbox chkbox combox input mesbox buffer screen bgscr mouse objsel groll line clrobj boxf objprm objmode stick grect grotate gsquare gradf objimage objskip objenable celload celdiv celput newcom querycom delcom cnvstow comres axobj winobj sendmsg comevent comevarg sarrayconv callfunc cnvwtos comevdisp libptr system hspstat hspver stat cnt err strsize looplev sublev iparam wparam lparam refstr refdval int rnd strlen length length2 length3 length4 vartype gettime peek wpeek lpeek varptr varuse noteinfo instr abs limit getease str strmid strf getpath strtrim sin cos tan atan sqrt double absf expf logf limitf powf geteasef mousex mousey mousew hwnd hinstance hdc ginfo objinfo dirinfo sysinfo thismod __hspver__ __hsp30__ __date__ __time__ __line__ __file__ _debug __hspdef__ and or xor not screen_normal screen_palette screen_hide screen_fixedsize screen_tool screen_frame gmode_gdi gmode_mem gmode_rgb0 gmode_alpha gmode_rgb0alpha gmode_add gmode_sub gmode_pixela ginfo_mx ginfo_my ginfo_act ginfo_sel ginfo_wx1 ginfo_wy1 ginfo_wx2 ginfo_wy2 ginfo_vx ginfo_vy ginfo_sizex ginfo_sizey ginfo_winx ginfo_winy ginfo_mesx ginfo_mesy ginfo_r ginfo_g ginfo_b ginfo_paluse ginfo_dispx ginfo_dispy ginfo_cx ginfo_cy ginfo_intid ginfo_newid ginfo_sx ginfo_sy objinfo_mode objinfo_bmscr objinfo_hwnd notemax notesize dir_cur dir_exe dir_win dir_sys dir_cmdline dir_desktop dir_mydoc dir_tv font_normal font_bold font_italic font_underline font_strikeout font_antialias objmode_normal objmode_guifont objmode_usefont gsquare_grad msgothic msmincho do until while wend for next _break _continue switch case default swbreak swend ddim ldim alloc m_pi rad2deg deg2rad ease_linear ease_quad_in ease_quad_out ease_quad_inout ease_cubic_in ease_cubic_out ease_cubic_inout ease_quartic_in ease_quartic_out ease_quartic_inout ease_bounce_in ease_bounce_out ease_bounce_inout ease_shake_in ease_shake_out ease_shake_inout ease_loop",c:[e.CLCM,e.CBCM,e.QSM,e.ASM,{cN:"string",b:'{"',e:'"}',c:[e.BE]},e.C(";","$",{r:0}),{cN:"meta",b:"#",e:"$",k:{"meta-keyword":"addion cfunc cmd cmpopt comfunc const defcfunc deffunc define else endif enum epack func global if ifdef ifndef include modcfunc modfunc modinit modterm module pack packopt regcmd runtime undef usecom uselib"},c:[e.inherit(e.QSM,{cN:"meta-string"}),e.NM,e.CNM,e.CLCM,e.CBCM]},{cN:"symbol",b:"^\\*(\\w+|@)"},e.NM,e.CNM]}});hljs.registerLanguage("rib",function(e){return{k:"ArchiveRecord AreaLightSource Atmosphere Attribute AttributeBegin AttributeEnd Basis Begin Blobby Bound Clipping ClippingPlane Color ColorSamples ConcatTransform Cone CoordinateSystem CoordSysTransform CropWindow Curves Cylinder DepthOfField Detail DetailRange Disk Displacement Display End ErrorHandler Exposure Exterior Format FrameAspectRatio FrameBegin FrameEnd GeneralPolygon GeometricApproximation Geometry Hider Hyperboloid Identity Illuminate Imager Interior LightSource MakeCubeFaceEnvironment MakeLatLongEnvironment MakeShadow MakeTexture Matte MotionBegin MotionEnd NuPatch ObjectBegin ObjectEnd ObjectInstance Opacity Option Orientation Paraboloid Patch PatchMesh Perspective PixelFilter PixelSamples PixelVariance Points PointsGeneralPolygons PointsPolygons Polygon Procedural Projection Quantize ReadArchive RelativeDetail ReverseOrientation Rotate Scale ScreenWindow ShadingInterpolation ShadingRate Shutter Sides Skew SolidBegin SolidEnd Sphere SubdivisionMesh Surface TextureCoordinates Torus Transform TransformBegin TransformEnd TransformPoints Translate TrimCurve WorldBegin WorldEnd",i:""}]}});hljs.registerLanguage("elixir",function(e){var r="[a-zA-Z_][a-zA-Z0-9_]*(\\!|\\?)?",n="[a-zA-Z_]\\w*[!?=]?|[-+~]\\@|<<|>>|=~|===?|<=>|[<>]=?|\\*\\*|[-/+%^&*~`|]|\\[\\]=?",b="and false then defined module in return redo retry end for true self when next until do begin unless nil break not case cond alias while ensure or include use alias fn quote",c={cN:"subst",b:"#\\{",e:"}",l:r,k:b},a={cN:"string",c:[e.BE,c],v:[{b:/'/,e:/'/},{b:/"/,e:/"/}]},i={cN:"function",bK:"def defp defmacro",e:/\B\b/,c:[e.inherit(e.TM,{b:r,endsParent:!0})]},l=e.inherit(i,{cN:"class",bK:"defimpl defmodule defprotocol defrecord",e:/\bdo\b|$|;/}),s=[a,e.HCM,l,i,{cN:"symbol",b:":(?!\\s)",c:[a,{b:n}],r:0},{cN:"symbol",b:r+":",r:0},{cN:"number",b:"(\\b0[0-7_]+)|(\\b0x[0-9a-fA-F_]+)|(\\b[1-9][0-9_]*(\\.[0-9_]+)?)|[0_]\\b",r:0},{cN:"variable",b:"(\\$\\W)|((\\$|\\@\\@?)(\\w+))"},{b:"->"},{b:"("+e.RSR+")\\s*",c:[e.HCM,{cN:"regexp",i:"\\n",c:[e.BE,c],v:[{b:"/",e:"/[a-z]*"},{b:"%r\\[",e:"\\][a-z]*"}]}],r:0}];return c.c=s,{l:r,k:b,c:s}});hljs.registerLanguage("asciidoc",function(e){return{aliases:["adoc"],c:[e.C("^/{4,}\\n","\\n/{4,}$",{r:10}),e.C("^//","$",{r:0}),{cN:"title",b:"^\\.\\w.*$"},{b:"^[=\\*]{4,}\\n",e:"\\n^[=\\*]{4,}$",r:10},{cN:"section",r:10,v:[{b:"^(={1,5}) .+?( \\1)?$"},{b:"^[^\\[\\]\\n]+?\\n[=\\-~\\^\\+]{2,}$"}]},{cN:"meta",b:"^:.+?:",e:"\\s",eE:!0,r:10},{cN:"meta",b:"^\\[.+?\\]$",r:0},{cN:"quote",b:"^_{4,}\\n",e:"\\n_{4,}$",r:10},{cN:"code",b:"^[\\-\\.]{4,}\\n",e:"\\n[\\-\\.]{4,}$",r:10},{b:"^\\+{4,}\\n",e:"\\n\\+{4,}$",c:[{b:"<",e:">",sL:"xml",r:0}],r:10},{cN:"bullet",b:"^(\\*+|\\-+|\\.+|[^\\n]+?::)\\s+"},{cN:"symbol",b:"^(NOTE|TIP|IMPORTANT|WARNING|CAUTION):\\s+",r:10},{cN:"strong",b:"\\B\\*(?![\\*\\s])",e:"(\\n{2}|\\*)",c:[{b:"\\\\*\\w",r:0}]},{cN:"emphasis",b:"\\B'(?!['\\s])",e:"(\\n{2}|')",c:[{b:"\\\\'\\w",r:0}],r:0},{cN:"emphasis",b:"_(?![_\\s])",e:"(\\n{2}|_)",r:0},{cN:"string",v:[{b:"``.+?''"},{b:"`.+?'"}]},{cN:"code",b:"(`.+?`|\\+.+?\\+)",r:0},{cN:"code",b:"^[ \\t]",e:"$",r:0},{b:"^'{3,}[ \\t]*$",r:10},{b:"(link:)?(http|https|ftp|file|irc|image:?):\\S+\\[.*?\\]",rB:!0,c:[{b:"(link|image:?):",r:0},{cN:"link",b:"\\w",e:"[^\\[]+",r:0},{cN:"string",b:"\\[",e:"\\]",eB:!0,eE:!0,r:0}],r:10}]}});hljs.registerLanguage("capnproto",function(t){return{aliases:["capnp"],k:{keyword:"struct enum interface union group import using const annotation extends in of on as with from fixed",built_in:"Void Bool Int8 Int16 Int32 Int64 UInt8 UInt16 UInt32 UInt64 Float32 Float64 Text Data AnyPointer AnyStruct Capability List",literal:"true false"},c:[t.QSM,t.NM,t.HCM,{cN:"meta",b:/@0x[\w\d]{16};/,i:/\n/},{cN:"symbol",b:/@\d+\b/},{cN:"class",bK:"struct enum",e:/\{/,i:/\n/,c:[t.inherit(t.TM,{starts:{eW:!0,eE:!0}})]},{cN:"class",bK:"interface",e:/\{/,i:/\n/,c:[t.inherit(t.TM,{starts:{eW:!0,eE:!0}})]}]}});hljs.registerLanguage("makefile",function(e){var i={cN:"variable",v:[{b:"\\$\\("+e.UIR+"\\)",c:[e.BE]},{b:/\$[@%%$#]",starts:{e:"$",sL:"bash"}}]}});hljs.registerLanguage("oxygene",function(e){var r="abstract add and array as asc aspect assembly async begin break block by case class concat const copy constructor continue create default delegate desc distinct div do downto dynamic each else empty end ensure enum equals event except exit extension external false final finalize finalizer finally flags for forward from function future global group has if implementation implements implies in index inherited inline interface into invariants is iterator join locked locking loop matching method mod module namespace nested new nil not notify nullable of old on operator or order out override parallel params partial pinned private procedure property protected public queryable raise read readonly record reintroduce remove repeat require result reverse sealed select self sequence set shl shr skip static step soft take then to true try tuple type union unit unsafe until uses using var virtual raises volatile where while with write xor yield await mapped deprecated stdcall cdecl pascal register safecall overload library platform reference packed strict published autoreleasepool selector strong weak unretained",t=e.C("{","}",{r:0}),a=e.C("\\(\\*","\\*\\)",{r:10}),n={cN:"string",b:"'",e:"'",c:[{b:"''"}]},o={cN:"string",b:"(#\\d+)+"},i={cN:"function",bK:"function constructor destructor procedure method",e:"[:;]",k:"function constructor|10 destructor|10 procedure|10 method|10",c:[e.TM,{cN:"params",b:"\\(",e:"\\)",k:r,c:[n,o]},t,a]};return{cI:!0,l:/\.?\w+/,k:r,i:'("|\\$[G-Zg-z]|\\/\\*||->)',c:[t,a,e.CLCM,n,o,e.NM,i,{cN:"class",b:"=\\bclass\\b",e:"end;",k:r,c:[n,o,t,a,e.CLCM,i]}]}});hljs.registerLanguage("autoit",function(e){var t="ByRef Case Const ContinueCase ContinueLoop Default Dim Do Else ElseIf EndFunc EndIf EndSelect EndSwitch EndWith Enum Exit ExitLoop For Func Global If In Local Next ReDim Return Select Static Step Switch Then To Until Volatile WEnd While With",r="True False And Null Not Or",i="Abs ACos AdlibRegister AdlibUnRegister Asc AscW ASin Assign ATan AutoItSetOption AutoItWinGetTitle AutoItWinSetTitle Beep Binary BinaryLen BinaryMid BinaryToString BitAND BitNOT BitOR BitRotate BitShift BitXOR BlockInput Break Call CDTray Ceiling Chr ChrW ClipGet ClipPut ConsoleRead ConsoleWrite ConsoleWriteError ControlClick ControlCommand ControlDisable ControlEnable ControlFocus ControlGetFocus ControlGetHandle ControlGetPos ControlGetText ControlHide ControlListView ControlMove ControlSend ControlSetText ControlShow ControlTreeView Cos Dec DirCopy DirCreate DirGetSize DirMove DirRemove DllCall DllCallAddress DllCallbackFree DllCallbackGetPtr DllCallbackRegister DllClose DllOpen DllStructCreate DllStructGetData DllStructGetPtr DllStructGetSize DllStructSetData DriveGetDrive DriveGetFileSystem DriveGetLabel DriveGetSerial DriveGetType DriveMapAdd DriveMapDel DriveMapGet DriveSetLabel DriveSpaceFree DriveSpaceTotal DriveStatus EnvGet EnvSet EnvUpdate Eval Execute Exp FileChangeDir FileClose FileCopy FileCreateNTFSLink FileCreateShortcut FileDelete FileExists FileFindFirstFile FileFindNextFile FileFlush FileGetAttrib FileGetEncoding FileGetLongName FileGetPos FileGetShortcut FileGetShortName FileGetSize FileGetTime FileGetVersion FileInstall FileMove FileOpen FileOpenDialog FileRead FileReadLine FileReadToArray FileRecycle FileRecycleEmpty FileSaveDialog FileSelectFolder FileSetAttrib FileSetEnd FileSetPos FileSetTime FileWrite FileWriteLine Floor FtpSetProxy FuncName GUICreate GUICtrlCreateAvi GUICtrlCreateButton GUICtrlCreateCheckbox GUICtrlCreateCombo GUICtrlCreateContextMenu GUICtrlCreateDate GUICtrlCreateDummy GUICtrlCreateEdit GUICtrlCreateGraphic GUICtrlCreateGroup GUICtrlCreateIcon GUICtrlCreateInput GUICtrlCreateLabel GUICtrlCreateList GUICtrlCreateListView GUICtrlCreateListViewItem GUICtrlCreateMenu GUICtrlCreateMenuItem GUICtrlCreateMonthCal GUICtrlCreateObj GUICtrlCreatePic GUICtrlCreateProgress GUICtrlCreateRadio GUICtrlCreateSlider GUICtrlCreateTab GUICtrlCreateTabItem GUICtrlCreateTreeView GUICtrlCreateTreeViewItem GUICtrlCreateUpdown GUICtrlDelete GUICtrlGetHandle GUICtrlGetState GUICtrlRead GUICtrlRecvMsg GUICtrlRegisterListViewSort GUICtrlSendMsg GUICtrlSendToDummy GUICtrlSetBkColor GUICtrlSetColor GUICtrlSetCursor GUICtrlSetData GUICtrlSetDefBkColor GUICtrlSetDefColor GUICtrlSetFont GUICtrlSetGraphic GUICtrlSetImage GUICtrlSetLimit GUICtrlSetOnEvent GUICtrlSetPos GUICtrlSetResizing GUICtrlSetState GUICtrlSetStyle GUICtrlSetTip GUIDelete GUIGetCursorInfo GUIGetMsg GUIGetStyle GUIRegisterMsg GUISetAccelerators GUISetBkColor GUISetCoord GUISetCursor GUISetFont GUISetHelp GUISetIcon GUISetOnEvent GUISetState GUISetStyle GUIStartGroup GUISwitch Hex HotKeySet HttpSetProxy HttpSetUserAgent HWnd InetClose InetGet InetGetInfo InetGetSize InetRead IniDelete IniRead IniReadSection IniReadSectionNames IniRenameSection IniWrite IniWriteSection InputBox Int IsAdmin IsArray IsBinary IsBool IsDeclared IsDllStruct IsFloat IsFunc IsHWnd IsInt IsKeyword IsNumber IsObj IsPtr IsString Log MemGetStats Mod MouseClick MouseClickDrag MouseDown MouseGetCursor MouseGetPos MouseMove MouseUp MouseWheel MsgBox Number ObjCreate ObjCreateInterface ObjEvent ObjGet ObjName OnAutoItExitRegister OnAutoItExitUnRegister Ping PixelChecksum PixelGetColor PixelSearch ProcessClose ProcessExists ProcessGetStats ProcessList ProcessSetPriority ProcessWait ProcessWaitClose ProgressOff ProgressOn ProgressSet Ptr Random RegDelete RegEnumKey RegEnumVal RegRead RegWrite Round Run RunAs RunAsWait RunWait Send SendKeepActive SetError SetExtended ShellExecute ShellExecuteWait Shutdown Sin Sleep SoundPlay SoundSetWaveVolume SplashImageOn SplashOff SplashTextOn Sqrt SRandom StatusbarGetText StderrRead StdinWrite StdioClose StdoutRead String StringAddCR StringCompare StringFormat StringFromASCIIArray StringInStr StringIsAlNum StringIsAlpha StringIsASCII StringIsDigit StringIsFloat StringIsInt StringIsLower StringIsSpace StringIsUpper StringIsXDigit StringLeft StringLen StringLower StringMid StringRegExp StringRegExpReplace StringReplace StringReverse StringRight StringSplit StringStripCR StringStripWS StringToASCIIArray StringToBinary StringTrimLeft StringTrimRight StringUpper Tan TCPAccept TCPCloseSocket TCPConnect TCPListen TCPNameToIP TCPRecv TCPSend TCPShutdown, UDPShutdown TCPStartup, UDPStartup TimerDiff TimerInit ToolTip TrayCreateItem TrayCreateMenu TrayGetMsg TrayItemDelete TrayItemGetHandle TrayItemGetState TrayItemGetText TrayItemSetOnEvent TrayItemSetState TrayItemSetText TraySetClick TraySetIcon TraySetOnEvent TraySetPauseIcon TraySetState TraySetToolTip TrayTip UBound UDPBind UDPCloseSocket UDPOpen UDPRecv UDPSend VarGetType WinActivate WinActive WinClose WinExists WinFlash WinGetCaretPos WinGetClassList WinGetClientSize WinGetHandle WinGetPos WinGetProcess WinGetState WinGetText WinGetTitle WinKill WinList WinMenuSelectItem WinMinimizeAll WinMinimizeAllUndo WinMove WinSetOnTop WinSetState WinSetTitle WinSetTrans WinWait",l={v:[e.C(";","$",{r:0}),e.C("#cs","#ce"),e.C("#comments-start","#comments-end")]},n={b:"\\$[A-z0-9_]+"},o={cN:"string",v:[{b:/"/,e:/"/,c:[{b:/""/,r:0}]},{b:/'/,e:/'/,c:[{b:/''/,r:0}]}]},a={v:[e.BNM,e.CNM]},S={cN:"meta",b:"#",e:"$",k:{"meta-keyword":"comments include include-once NoTrayIcon OnAutoItStartRegister pragma compile RequireAdmin"},c:[{b:/\\\n/,r:0},{bK:"include",k:{"meta-keyword":"include"},e:"$",c:[o,{cN:"meta-string",v:[{b:"<",e:">"},{b:/"/,e:/"/,c:[{b:/""/,r:0}]},{b:/'/,e:/'/,c:[{b:/''/,r:0}]}]}]},o,l]},C={cN:"symbol",b:"@[A-z0-9_]+"},s={cN:"function",bK:"Func",e:"$",i:"\\$|\\[|%",c:[e.UTM,{cN:"params",b:"\\(",e:"\\)",c:[n,o,a]}]};return{cI:!0,i:/\/\*/,k:{keyword:t,built_in:i,literal:r},c:[l,n,o,a,S,C,s]}});hljs.registerLanguage("axapta",function(e){return{k:"false int abstract private char boolean static null if for true while long throw finally protected final return void enum else break new catch byte super case short default double public try this switch continue reverse firstfast firstonly forupdate nofetch sum avg minof maxof count order group by asc desc index hint like dispaly edit client server ttsbegin ttscommit str real date container anytype common div mod",c:[e.CLCM,e.CBCM,e.ASM,e.QSM,e.CNM,{cN:"meta",b:"#",e:"$"},{cN:"class",bK:"class interface",e:"{",eE:!0,i:":",c:[{bK:"extends implements"},e.UTM]}]}});hljs.registerLanguage("qml",function(r){var e={keyword:"in of on if for while finally var new function do return void else break catch instanceof with throw case default try this switch continue typeof delete let yield const export super debugger as async await import",literal:"true false null undefined NaN Infinity",built_in:"eval isFinite isNaN parseFloat parseInt decodeURI decodeURIComponent encodeURI encodeURIComponent escape unescape Object Function Boolean Error EvalError InternalError RangeError ReferenceError StopIteration SyntaxError TypeError URIError Number Math Date String RegExp Array Float32Array Float64Array Int16Array Int32Array Int8Array Uint16Array Uint32Array Uint8Array Uint8ClampedArray ArrayBuffer DataView JSON Intl arguments require module console window document Symbol Set Map WeakSet WeakMap Proxy Reflect Behavior bool color coordinate date double enumeration font geocircle georectangle geoshape int list matrix4x4 parent point quaternion real rect size string url var variant vector2d vector3d vector4dPromise"},t="[a-zA-Z_][a-zA-Z0-9\\._]*",a={cN:"keyword",b:"\\bproperty\\b",starts:{cN:"string",e:"(:|=|;|,|//|/\\*|$)",rE:!0}},n={cN:"keyword",b:"\\bsignal\\b",starts:{cN:"string",e:"(\\(|:|=|;|,|//|/\\*|$)",rE:!0}},o={cN:"attribute",b:"\\bid\\s*:",starts:{cN:"string",e:t,rE:!1}},i={b:t+"\\s*:",rB:!0,c:[{cN:"attribute",b:t,e:"\\s*:",eE:!0,r:0}],r:0},c={b:t+"\\s*{",e:"{",rB:!0,r:0,c:[r.inherit(r.TM,{b:t})]};return{aliases:["qt"],cI:!1,k:e,c:[{cN:"meta",b:/^\s*['"]use (strict|asm)['"]/},r.ASM,r.QSM,{cN:"string",b:"`",e:"`",c:[r.BE,{cN:"subst",b:"\\$\\{",e:"\\}"}]},r.CLCM,r.CBCM,{cN:"number",v:[{b:"\\b(0[bB][01]+)"},{b:"\\b(0[oO][0-7]+)"},{b:r.CNR}],r:0},{b:"("+r.RSR+"|\\b(case|return|throw)\\b)\\s*",k:"return throw case",c:[r.CLCM,r.CBCM,r.RM,{b:/\s*[);\]]/,r:0,sL:"xml"}],r:0},n,a,{cN:"function",bK:"function",e:/\{/,eE:!0,c:[r.inherit(r.TM,{b:/[A-Za-z$_][0-9A-Za-z$_]*/}),{cN:"params",b:/\(/,e:/\)/,eB:!0,eE:!0,c:[r.CLCM,r.CBCM]}],i:/\[|%/},{b:"\\."+r.IR,r:0},o,i,c],i:/#/}});hljs.registerLanguage("subunit",function(s){var r={cN:"string",b:"\\[\n(multipart)?",e:"\\]\n"},t={cN:"string",b:"\\d{4}-\\d{2}-\\d{2}(\\s+)\\d{2}:\\d{2}:\\d{2}.\\d+Z"},e={cN:"string",b:"(\\+|-)\\d+"},c={cN:"keyword",r:10,v:[{b:"^(test|testing|success|successful|failure|error|skip|xfail|uxsuccess)(:?)\\s+(test)?"},{b:"^progress(:?)(\\s+)?(pop|push)?"},{b:"^tags:"},{b:"^time:"}]};return{cI:!0,c:[r,t,e,c]}});hljs.registerLanguage("vala",function(t){return{k:{keyword:"char uchar unichar int uint long ulong short ushort int8 int16 int32 int64 uint8 uint16 uint32 uint64 float double bool struct enum string void weak unowned owned async signal static abstract interface override virtual delegate if while do for foreach else switch case break default return try catch public private protected internal using new this get set const stdout stdin stderr var",built_in:"DBus GLib CCode Gee Object Gtk Posix",literal:"false true null"},c:[{cN:"class",bK:"class interface namespace",e:"{",eE:!0,i:"[^,:\\n\\s\\.]",c:[t.UTM]},t.CLCM,t.CBCM,{cN:"string",b:'"""',e:'"""',r:5},t.ASM,t.QSM,t.CNM,{cN:"meta",b:"^#",e:"$",r:2}]}});hljs.registerLanguage("hy",function(e){var t={"builtin-name":"!= % %= & &= * ** **= *= *map + += , --build-class-- --import-- -= . / // //= /= < << <<= <= = > >= >> >>= @ @= ^ ^= abs accumulate all and any ap-compose ap-dotimes ap-each ap-each-while ap-filter ap-first ap-if ap-last ap-map ap-map-when ap-pipe ap-reduce ap-reject apply as-> ascii assert assoc bin break butlast callable calling-module-name car case cdr chain chr coll? combinations compile compress cond cons cons? continue count curry cut cycle dec def default-method defclass defmacro defmacro-alias defmacro/g! defmain defmethod defmulti defn defn-alias defnc defnr defreader defseq del delattr delete-route dict-comp dir disassemble dispatch-reader-macro distinct divmod do doto drop drop-last drop-while empty? end-sequence eval eval-and-compile eval-when-compile even? every? except exec filter first flatten float? fn fnc fnr for for* format fraction genexpr gensym get getattr global globals group-by hasattr hash hex id identity if if* if-not if-python2 import in inc input instance? integer integer-char? integer? interleave interpose is is-coll is-cons is-empty is-even is-every is-float is-instance is-integer is-integer-char is-iterable is-iterator is-keyword is-neg is-none is-not is-numeric is-odd is-pos is-string is-symbol is-zero isinstance islice issubclass iter iterable? iterate iterator? keyword keyword? lambda last len let lif lif-not list* list-comp locals loop macro-error macroexpand macroexpand-1 macroexpand-all map max merge-with method-decorator min multi-decorator multicombinations name neg? next none? nonlocal not not-in not? nth numeric? oct odd? open or ord partition permutations pos? post-route postwalk pow prewalk print product profile/calls profile/cpu put-route quasiquote quote raise range read read-str recursive-replace reduce remove repeat repeatedly repr require rest round route route-with-methods rwm second seq set-comp setattr setv some sorted string string? sum switch symbol? take take-nth take-while tee try unless unquote unquote-splicing vars walk when while with with* with-decorator with-gensyms xi xor yield yield-from zero? zip zip-longest | |= ~"},i="a-zA-Z_\\-!.?+*=<>&#'",a="["+i+"]["+i+"0-9/;:]*",r="[-+]?\\d+(\\.\\d+)?",o={cN:"meta",b:"^#!",e:"$"},s={b:a,r:0},n={cN:"number",b:r,r:0},l=e.inherit(e.QSM,{i:null}),c=e.C(";","$",{r:0}),d={cN:"literal",b:/\b([Tt]rue|[Ff]alse|nil|None)\b/},p={b:"[\\[\\{]",e:"[\\]\\}]"},m={cN:"comment",b:"\\^"+a},u=e.C("\\^\\{","\\}"),f={cN:"symbol",b:"[:]{1,2}"+a},h={b:"\\(",e:"\\)"},b={eW:!0,r:0},g={k:t,l:a,cN:"name",b:a,starts:b},y=[h,l,m,u,c,f,p,n,d,s];return h.c=[e.C("comment",""),g,b],b.c=y,p.c=y,{aliases:["hylang"],i:/\S/,c:[o,h,l,m,u,c,f,p,n,d]}});hljs.registerLanguage("glsl",function(e){return{k:{keyword:"break continue discard do else for if return while switch case default attribute binding buffer ccw centroid centroid varying coherent column_major const cw depth_any depth_greater depth_less depth_unchanged early_fragment_tests equal_spacing flat fractional_even_spacing fractional_odd_spacing highp in index inout invariant invocations isolines layout line_strip lines lines_adjacency local_size_x local_size_y local_size_z location lowp max_vertices mediump noperspective offset origin_upper_left out packed patch pixel_center_integer point_mode points precise precision quads r11f_g11f_b10f r16 r16_snorm r16f r16i r16ui r32f r32i r32ui r8 r8_snorm r8i r8ui readonly restrict rg16 rg16_snorm rg16f rg16i rg16ui rg32f rg32i rg32ui rg8 rg8_snorm rg8i rg8ui rgb10_a2 rgb10_a2ui rgba16 rgba16_snorm rgba16f rgba16i rgba16ui rgba32f rgba32i rgba32ui rgba8 rgba8_snorm rgba8i rgba8ui row_major sample shared smooth std140 std430 stream triangle_strip triangles triangles_adjacency uniform varying vertices volatile writeonly",type:"atomic_uint bool bvec2 bvec3 bvec4 dmat2 dmat2x2 dmat2x3 dmat2x4 dmat3 dmat3x2 dmat3x3 dmat3x4 dmat4 dmat4x2 dmat4x3 dmat4x4 double dvec2 dvec3 dvec4 float iimage1D iimage1DArray iimage2D iimage2DArray iimage2DMS iimage2DMSArray iimage2DRect iimage3D iimageBufferiimageCube iimageCubeArray image1D image1DArray image2D image2DArray image2DMS image2DMSArray image2DRect image3D imageBuffer imageCube imageCubeArray int isampler1D isampler1DArray isampler2D isampler2DArray isampler2DMS isampler2DMSArray isampler2DRect isampler3D isamplerBuffer isamplerCube isamplerCubeArray ivec2 ivec3 ivec4 mat2 mat2x2 mat2x3 mat2x4 mat3 mat3x2 mat3x3 mat3x4 mat4 mat4x2 mat4x3 mat4x4 sampler1D sampler1DArray sampler1DArrayShadow sampler1DShadow sampler2D sampler2DArray sampler2DArrayShadow sampler2DMS sampler2DMSArray sampler2DRect sampler2DRectShadow sampler2DShadow sampler3D samplerBuffer samplerCube samplerCubeArray samplerCubeArrayShadow samplerCubeShadow image1D uimage1DArray uimage2D uimage2DArray uimage2DMS uimage2DMSArray uimage2DRect uimage3D uimageBuffer uimageCube uimageCubeArray uint usampler1D usampler1DArray usampler2D usampler2DArray usampler2DMS usampler2DMSArray usampler2DRect usampler3D samplerBuffer usamplerCube usamplerCubeArray uvec2 uvec3 uvec4 vec2 vec3 vec4 void",built_in:"gl_MaxAtomicCounterBindings gl_MaxAtomicCounterBufferSize gl_MaxClipDistances gl_MaxClipPlanes gl_MaxCombinedAtomicCounterBuffers gl_MaxCombinedAtomicCounters gl_MaxCombinedImageUniforms gl_MaxCombinedImageUnitsAndFragmentOutputs gl_MaxCombinedTextureImageUnits gl_MaxComputeAtomicCounterBuffers gl_MaxComputeAtomicCounters gl_MaxComputeImageUniforms gl_MaxComputeTextureImageUnits gl_MaxComputeUniformComponents gl_MaxComputeWorkGroupCount gl_MaxComputeWorkGroupSize gl_MaxDrawBuffers gl_MaxFragmentAtomicCounterBuffers gl_MaxFragmentAtomicCounters gl_MaxFragmentImageUniforms gl_MaxFragmentInputComponents gl_MaxFragmentInputVectors gl_MaxFragmentUniformComponents gl_MaxFragmentUniformVectors gl_MaxGeometryAtomicCounterBuffers gl_MaxGeometryAtomicCounters gl_MaxGeometryImageUniforms gl_MaxGeometryInputComponents gl_MaxGeometryOutputComponents gl_MaxGeometryOutputVertices gl_MaxGeometryTextureImageUnits gl_MaxGeometryTotalOutputComponents gl_MaxGeometryUniformComponents gl_MaxGeometryVaryingComponents gl_MaxImageSamples gl_MaxImageUnits gl_MaxLights gl_MaxPatchVertices gl_MaxProgramTexelOffset gl_MaxTessControlAtomicCounterBuffers gl_MaxTessControlAtomicCounters gl_MaxTessControlImageUniforms gl_MaxTessControlInputComponents gl_MaxTessControlOutputComponents gl_MaxTessControlTextureImageUnits gl_MaxTessControlTotalOutputComponents gl_MaxTessControlUniformComponents gl_MaxTessEvaluationAtomicCounterBuffers gl_MaxTessEvaluationAtomicCounters gl_MaxTessEvaluationImageUniforms gl_MaxTessEvaluationInputComponents gl_MaxTessEvaluationOutputComponents gl_MaxTessEvaluationTextureImageUnits gl_MaxTessEvaluationUniformComponents gl_MaxTessGenLevel gl_MaxTessPatchComponents gl_MaxTextureCoords gl_MaxTextureImageUnits gl_MaxTextureUnits gl_MaxVaryingComponents gl_MaxVaryingFloats gl_MaxVaryingVectors gl_MaxVertexAtomicCounterBuffers gl_MaxVertexAtomicCounters gl_MaxVertexAttribs gl_MaxVertexImageUniforms gl_MaxVertexOutputComponents gl_MaxVertexOutputVectors gl_MaxVertexTextureImageUnits gl_MaxVertexUniformComponents gl_MaxVertexUniformVectors gl_MaxViewports gl_MinProgramTexelOffset gl_BackColor gl_BackLightModelProduct gl_BackLightProduct gl_BackMaterial gl_BackSecondaryColor gl_ClipDistance gl_ClipPlane gl_ClipVertex gl_Color gl_DepthRange gl_EyePlaneQ gl_EyePlaneR gl_EyePlaneS gl_EyePlaneT gl_Fog gl_FogCoord gl_FogFragCoord gl_FragColor gl_FragCoord gl_FragData gl_FragDepth gl_FrontColor gl_FrontFacing gl_FrontLightModelProduct gl_FrontLightProduct gl_FrontMaterial gl_FrontSecondaryColor gl_GlobalInvocationID gl_InstanceID gl_InvocationID gl_Layer gl_LightModel gl_LightSource gl_LocalInvocationID gl_LocalInvocationIndex gl_ModelViewMatrix gl_ModelViewMatrixInverse gl_ModelViewMatrixInverseTranspose gl_ModelViewMatrixTranspose gl_ModelViewProjectionMatrix gl_ModelViewProjectionMatrixInverse gl_ModelViewProjectionMatrixInverseTranspose gl_ModelViewProjectionMatrixTranspose gl_MultiTexCoord0 gl_MultiTexCoord1 gl_MultiTexCoord2 gl_MultiTexCoord3 gl_MultiTexCoord4 gl_MultiTexCoord5 gl_MultiTexCoord6 gl_MultiTexCoord7 gl_Normal gl_NormalMatrix gl_NormalScale gl_NumSamples gl_NumWorkGroups gl_ObjectPlaneQ gl_ObjectPlaneR gl_ObjectPlaneS gl_ObjectPlaneT gl_PatchVerticesIn gl_Point gl_PointCoord gl_PointSize gl_Position gl_PrimitiveID gl_PrimitiveIDIn gl_ProjectionMatrix gl_ProjectionMatrixInverse gl_ProjectionMatrixInverseTranspose gl_ProjectionMatrixTranspose gl_SampleID gl_SampleMask gl_SampleMaskIn gl_SamplePosition gl_SecondaryColor gl_TessCoord gl_TessLevelInner gl_TessLevelOuter gl_TexCoord gl_TextureEnvColor gl_TextureMatrix gl_TextureMatrixInverse gl_TextureMatrixInverseTranspose gl_TextureMatrixTranspose gl_Vertex gl_VertexID gl_ViewportIndex gl_WorkGroupID gl_WorkGroupSize gl_in gl_out EmitStreamVertex EmitVertex EndPrimitive EndStreamPrimitive abs acos acosh all any asin asinh atan atanh atomicAdd atomicAnd atomicCompSwap atomicCounter atomicCounterDecrement atomicCounterIncrement atomicExchange atomicMax atomicMin atomicOr atomicXor barrier bitCount bitfieldExtract bitfieldInsert bitfieldReverse ceil clamp cos cosh cross dFdx dFdy degrees determinant distance dot equal exp exp2 faceforward findLSB findMSB floatBitsToInt floatBitsToUint floor fma fract frexp ftransform fwidth greaterThan greaterThanEqual groupMemoryBarrier imageAtomicAdd imageAtomicAnd imageAtomicCompSwap imageAtomicExchange imageAtomicMax imageAtomicMin imageAtomicOr imageAtomicXor imageLoad imageSize imageStore imulExtended intBitsToFloat interpolateAtCentroid interpolateAtOffset interpolateAtSample inverse inversesqrt isinf isnan ldexp length lessThan lessThanEqual log log2 matrixCompMult max memoryBarrier memoryBarrierAtomicCounter memoryBarrierBuffer memoryBarrierImage memoryBarrierShared min mix mod modf noise1 noise2 noise3 noise4 normalize not notEqual outerProduct packDouble2x32 packHalf2x16 packSnorm2x16 packSnorm4x8 packUnorm2x16 packUnorm4x8 pow radians reflect refract round roundEven shadow1D shadow1DLod shadow1DProj shadow1DProjLod shadow2D shadow2DLod shadow2DProj shadow2DProjLod sign sin sinh smoothstep sqrt step tan tanh texelFetch texelFetchOffset texture texture1D texture1DLod texture1DProj texture1DProjLod texture2D texture2DLod texture2DProj texture2DProjLod texture3D texture3DLod texture3DProj texture3DProjLod textureCube textureCubeLod textureGather textureGatherOffset textureGatherOffsets textureGrad textureGradOffset textureLod textureLodOffset textureOffset textureProj textureProjGrad textureProjGradOffset textureProjLod textureProjLodOffset textureProjOffset textureQueryLevels textureQueryLod textureSize transpose trunc uaddCarry uintBitsToFloat umulExtended unpackDouble2x32 unpackHalf2x16 unpackSnorm2x16 unpackSnorm4x8 unpackUnorm2x16 unpackUnorm4x8 usubBorrow",literal:"true false"},i:'"',c:[e.CLCM,e.CBCM,e.CNM,{cN:"meta",b:"#",e:"$"}]}});hljs.registerLanguage("pf",function(t){var o={cN:"variable",b:/\$[\w\d#@][\w\d_]*/},e={cN:"variable",b:/<(?!\/)/,e:/>/};return{aliases:["pf.conf"],l:/[a-z0-9_<>-]+/,k:{built_in:"block match pass load anchor|5 antispoof|10 set table",keyword:"in out log quick on rdomain inet inet6 proto from port os to routeallow-opts divert-packet divert-reply divert-to flags group icmp-typeicmp6-type label once probability recieved-on rtable prio queuetos tag tagged user keep fragment for os dropaf-to|10 binat-to|10 nat-to|10 rdr-to|10 bitmask least-stats random round-robinsource-hash static-portdup-to reply-to route-toparent bandwidth default min max qlimitblock-policy debug fingerprints hostid limit loginterface optimizationreassemble ruleset-optimization basic none profile skip state-defaultsstate-policy timeoutconst counters persistno modulate synproxy state|5 floating if-bound no-sync pflow|10 sloppysource-track global rule max-src-nodes max-src-states max-src-connmax-src-conn-rate overload flushscrub|5 max-mss min-ttl no-df|10 random-id",literal:"all any no-route self urpf-failed egress|5 unknown"},c:[t.HCM,t.NM,t.QSM,o,e]}});hljs.registerLanguage("vbnet",function(e){return{aliases:["vb"],cI:!0,k:{keyword:"addhandler addressof alias and andalso aggregate ansi as assembly auto binary by byref byval call case catch class compare const continue custom declare default delegate dim distinct do each equals else elseif end enum erase error event exit explicit finally for friend from function get global goto group handles if implements imports in inherits interface into is isfalse isnot istrue join key let lib like loop me mid mod module mustinherit mustoverride mybase myclass namespace narrowing new next not notinheritable notoverridable of off on operator option optional or order orelse overloads overridable overrides paramarray partial preserve private property protected public raiseevent readonly redim rem removehandler resume return select set shadows shared skip static step stop structure strict sub synclock take text then throw to try unicode until using when where while widening with withevents writeonly xor",built_in:"boolean byte cbool cbyte cchar cdate cdec cdbl char cint clng cobj csbyte cshort csng cstr ctype date decimal directcast double gettype getxmlnamespace iif integer long object sbyte short single string trycast typeof uinteger ulong ushort",literal:"true false nothing"},i:"//|{|}|endif|gosub|variant|wend",c:[e.inherit(e.QSM,{c:[{b:'""'}]}),e.C("'","$",{rB:!0,c:[{cN:"doctag",b:"'''|",c:[e.PWM]},{cN:"doctag",b:"",c:[e.PWM]}]}),e.CNM,{cN:"meta",b:"#",e:"$",k:{"meta-keyword":"if else elseif end region externalsource"}}]}});hljs.registerLanguage("coq",function(e){return{k:{keyword:"_ as at cofix else end exists exists2 fix for forall fun if IF in let match mod Prop return Set then Type using where with Abort About Add Admit Admitted All Arguments Assumptions Axiom Back BackTo Backtrack Bind Blacklist Canonical Cd Check Class Classes Close Coercion Coercions CoFixpoint CoInductive Collection Combined Compute Conjecture Conjectures Constant constr Constraint Constructors Context Corollary CreateHintDb Cut Declare Defined Definition Delimit Dependencies DependentDerive Drop eauto End Equality Eval Example Existential Existentials Existing Export exporting Extern Extract Extraction Fact Field Fields File Fixpoint Focus for From Function Functional Generalizable Global Goal Grab Grammar Graph Guarded Heap Hint HintDb Hints Hypotheses Hypothesis ident Identity If Immediate Implicit Import Include Inductive Infix Info Initial Inline Inspect Instance Instances Intro Intros Inversion Inversion_clear Language Left Lemma Let Libraries Library Load LoadPath Local Locate Ltac ML Mode Module Modules Monomorphic Morphism Next NoInline Notation Obligation Obligations Opaque Open Optimize Options Parameter Parameters Parametric Path Paths pattern Polymorphic Preterm Print Printing Program Projections Proof Proposition Pwd Qed Quit Rec Record Recursive Redirect Relation Remark Remove Require Reserved Reset Resolve Restart Rewrite Right Ring Rings Save Scheme Scope Scopes Script Search SearchAbout SearchHead SearchPattern SearchRewrite Section Separate Set Setoid Show Solve Sorted Step Strategies Strategy Structure SubClass Table Tables Tactic Term Test Theorem Time Timeout Transparent Type Typeclasses Types Undelimit Undo Unfocus Unfocused Unfold Universe Universes Unset Unshelve using Variable Variables Variant Verbose Visibility where with",built_in:"abstract absurd admit after apply as assert assumption at auto autorewrite autounfold before bottom btauto by case case_eq cbn cbv change classical_left classical_right clear clearbody cofix compare compute congruence constr_eq constructor contradict contradiction cut cutrewrite cycle decide decompose dependent destruct destruction dintuition discriminate discrR do double dtauto eapply eassumption eauto ecase econstructor edestruct ediscriminate eelim eexact eexists einduction einjection eleft elim elimtype enough equality erewrite eright esimplify_eq esplit evar exact exactly_once exfalso exists f_equal fail field field_simplify field_simplify_eq first firstorder fix fold fourier functional generalize generalizing gfail give_up has_evar hnf idtac in induction injection instantiate intro intro_pattern intros intuition inversion inversion_clear is_evar is_var lapply lazy left lia lra move native_compute nia nsatz omega once pattern pose progress proof psatz quote record red refine reflexivity remember rename repeat replace revert revgoals rewrite rewrite_strat right ring ring_simplify rtauto set setoid_reflexivity setoid_replace setoid_rewrite setoid_symmetry setoid_transitivity shelve shelve_unifiable simpl simple simplify_eq solve specialize split split_Rabs split_Rmult stepl stepr subst sum swap symmetry tactic tauto time timeout top transitivity trivial try tryif unfold unify until using vm_compute with"},c:[e.QSM,e.C("\\(\\*","\\*\\)"),e.CNM,{cN:"type",eB:!0,b:"\\|\\s*",e:"\\w+"},{b:/[-=]>/}]}}); \ No newline at end of file diff --git a/docs/pres/assets_files/livereload.js b/rule-vetting/docs/pres/assets_files/livereload.js similarity index 97% rename from docs/pres/assets_files/livereload.js rename to rule-vetting/docs/pres/assets_files/livereload.js index 91586097..41b48e8e 100644 --- a/docs/pres/assets_files/livereload.js +++ b/rule-vetting/docs/pres/assets_files/livereload.js @@ -1,1204 +1,1204 @@ -(function e(t,n,r){function s(o,u){if(!n[o]){if(!t[o]){var a=typeof require=="function"&&require;if(!u&&a)return a(o,!0);if(i)return i(o,!0);var f=new Error("Cannot find module '"+o+"'");throw f.code="MODULE_NOT_FOUND",f}var l=n[o]={exports:{}};t[o][0].call(l.exports,function(e){var n=t[o][1][e];return s(n?n:e)},l,l.exports,e,t,n,r)}return n[o].exports}var i=typeof require=="function"&&require;for(var o=0;o tag"); - return; - } - } - this.reloader = new Reloader(this.window, this.console, Timer); - this.connector = new Connector(this.options, this.WebSocket, Timer, { - connecting: (function(_this) { - return function() {}; - })(this), - socketConnected: (function(_this) { - return function() {}; - })(this), - connected: (function(_this) { - return function(protocol) { - var _base; - if (typeof (_base = _this.listeners).connect === "function") { - _base.connect(); - } - _this.log("LiveReload is connected to " + _this.options.host + ":" + _this.options.port + " (protocol v" + protocol + ")."); - return _this.analyze(); - }; - })(this), - error: (function(_this) { - return function(e) { - if (e instanceof ProtocolError) { - if (typeof console !== "undefined" && console !== null) { - return console.log("" + e.message + "."); - } - } else { - if (typeof console !== "undefined" && console !== null) { - return console.log("LiveReload internal error: " + e.message); - } - } - }; - })(this), - disconnected: (function(_this) { - return function(reason, nextDelay) { - var _base; - if (typeof (_base = _this.listeners).disconnect === "function") { - _base.disconnect(); - } - switch (reason) { - case 'cannot-connect': - return _this.log("LiveReload cannot connect to " + _this.options.host + ":" + _this.options.port + ", will retry in " + nextDelay + " sec."); - case 'broken': - return _this.log("LiveReload disconnected from " + _this.options.host + ":" + _this.options.port + ", reconnecting in " + nextDelay + " sec."); - case 'handshake-timeout': - return _this.log("LiveReload cannot connect to " + _this.options.host + ":" + _this.options.port + " (handshake timeout), will retry in " + nextDelay + " sec."); - case 'handshake-failed': - return _this.log("LiveReload cannot connect to " + _this.options.host + ":" + _this.options.port + " (handshake failed), will retry in " + nextDelay + " sec."); - case 'manual': - break; - case 'error': - break; - default: - return _this.log("LiveReload disconnected from " + _this.options.host + ":" + _this.options.port + " (" + reason + "), reconnecting in " + nextDelay + " sec."); - } - }; - })(this), - message: (function(_this) { - return function(message) { - switch (message.command) { - case 'reload': - return _this.performReload(message); - case 'alert': - return _this.performAlert(message); - } - }; - })(this) - }); - this.initialized = true; - } - - LiveReload.prototype.on = function(eventName, handler) { - return this.listeners[eventName] = handler; - }; - - LiveReload.prototype.log = function(message) { - return this.console.log("" + message); - }; - - LiveReload.prototype.performReload = function(message) { - var _ref, _ref1, _ref2; - this.log("LiveReload received reload request: " + (JSON.stringify(message, null, 2))); - return this.reloader.reload(message.path, { - liveCSS: (_ref = message.liveCSS) != null ? _ref : true, - liveImg: (_ref1 = message.liveImg) != null ? _ref1 : true, - reloadMissingCSS: (_ref2 = message.reloadMissingCSS) != null ? _ref2 : true, - originalPath: message.originalPath || '', - overrideURL: message.overrideURL || '', - serverURL: "http://" + this.options.host + ":" + this.options.port - }); - }; - - LiveReload.prototype.performAlert = function(message) { - return alert(message.message); - }; - - LiveReload.prototype.shutDown = function() { - var _base; - if (!this.initialized) { - return; - } - this.connector.disconnect(); - this.log("LiveReload disconnected."); - return typeof (_base = this.listeners).shutdown === "function" ? _base.shutdown() : void 0; - }; - - LiveReload.prototype.hasPlugin = function(identifier) { - return !!this.pluginIdentifiers[identifier]; - }; - - LiveReload.prototype.addPlugin = function(pluginClass) { - var plugin; - if (!this.initialized) { - return; - } - if (this.hasPlugin(pluginClass.identifier)) { - return; - } - this.pluginIdentifiers[pluginClass.identifier] = true; - plugin = new pluginClass(this.window, { - _livereload: this, - _reloader: this.reloader, - _connector: this.connector, - console: this.console, - Timer: Timer, - generateCacheBustUrl: (function(_this) { - return function(url) { - return _this.reloader.generateCacheBustUrl(url); - }; - })(this) - }); - this.plugins.push(plugin); - this.reloader.addPlugin(plugin); - }; - - LiveReload.prototype.analyze = function() { - var plugin, pluginData, pluginsData, _i, _len, _ref; - if (!this.initialized) { - return; - } - if (!(this.connector.protocol >= 7)) { - return; - } - pluginsData = {}; - _ref = this.plugins; - for (_i = 0, _len = _ref.length; _i < _len; _i++) { - plugin = _ref[_i]; - pluginsData[plugin.constructor.identifier] = pluginData = (typeof plugin.analyze === "function" ? plugin.analyze() : void 0) || {}; - pluginData.version = plugin.constructor.version; - } - this.connector.sendCommand({ - command: 'info', - plugins: pluginsData, - url: this.window.location.href - }); - }; - - return LiveReload; - - })(); - -}).call(this); - -},{"./connector":1,"./options":5,"./protocol":6,"./reloader":7,"./timer":9}],5:[function(require,module,exports){ -(function() { - var Options; - - exports.Options = Options = (function() { - function Options() { - this.https = false; - this.host = null; - this.port = 35729; - this.snipver = null; - this.ext = null; - this.extver = null; - this.mindelay = 1000; - this.maxdelay = 60000; - this.handshake_timeout = 5000; - } - - Options.prototype.set = function(name, value) { - if (typeof value === 'undefined') { - return; - } - if (!isNaN(+value)) { - value = +value; - } - return this[name] = value; - }; - - return Options; - - })(); - - Options.extract = function(document) { - var element, keyAndValue, m, mm, options, pair, src, _i, _j, _len, _len1, _ref, _ref1; - _ref = document.getElementsByTagName('script'); - for (_i = 0, _len = _ref.length; _i < _len; _i++) { - element = _ref[_i]; - if ((src = element.src) && (m = src.match(/^[^:]+:\/\/(.*)\/z?livereload\.js(?:\?(.*))?$/))) { - options = new Options(); - options.https = src.indexOf("https") === 0; - if (mm = m[1].match(/^([^\/:]+)(?::(\d+))?$/)) { - options.host = mm[1]; - if (mm[2]) { - options.port = parseInt(mm[2], 10); - } - } - if (m[2]) { - _ref1 = m[2].split('&'); - for (_j = 0, _len1 = _ref1.length; _j < _len1; _j++) { - pair = _ref1[_j]; - if ((keyAndValue = pair.split('=')).length > 1) { - options.set(keyAndValue[0].replace(/-/g, '_'), keyAndValue.slice(1).join('=')); - } - } - } - return options; - } - } - return null; - }; - -}).call(this); - -},{}],6:[function(require,module,exports){ -(function() { - var PROTOCOL_6, PROTOCOL_7, Parser, ProtocolError, - __indexOf = [].indexOf || function(item) { for (var i = 0, l = this.length; i < l; i++) { if (i in this && this[i] === item) return i; } return -1; }; - - exports.PROTOCOL_6 = PROTOCOL_6 = 'http://livereload.com/protocols/official-6'; - - exports.PROTOCOL_7 = PROTOCOL_7 = 'http://livereload.com/protocols/official-7'; - - exports.ProtocolError = ProtocolError = (function() { - function ProtocolError(reason, data) { - this.message = "LiveReload protocol error (" + reason + ") after receiving data: \"" + data + "\"."; - } - - return ProtocolError; - - })(); - - exports.Parser = Parser = (function() { - function Parser(handlers) { - this.handlers = handlers; - this.reset(); - } - - Parser.prototype.reset = function() { - return this.protocol = null; - }; - - Parser.prototype.process = function(data) { - var command, e, message, options, _ref; - try { - if (this.protocol == null) { - if (data.match(/^!!ver:([\d.]+)$/)) { - this.protocol = 6; - } else if (message = this._parseMessage(data, ['hello'])) { - if (!message.protocols.length) { - throw new ProtocolError("no protocols specified in handshake message"); - } else if (__indexOf.call(message.protocols, PROTOCOL_7) >= 0) { - this.protocol = 7; - } else if (__indexOf.call(message.protocols, PROTOCOL_6) >= 0) { - this.protocol = 6; - } else { - throw new ProtocolError("no supported protocols found"); - } - } - return this.handlers.connected(this.protocol); - } else if (this.protocol === 6) { - message = JSON.parse(data); - if (!message.length) { - throw new ProtocolError("protocol 6 messages must be arrays"); - } - command = message[0], options = message[1]; - if (command !== 'refresh') { - throw new ProtocolError("unknown protocol 6 command"); - } - return this.handlers.message({ - command: 'reload', - path: options.path, - liveCSS: (_ref = options.apply_css_live) != null ? _ref : true - }); - } else { - message = this._parseMessage(data, ['reload', 'alert']); - return this.handlers.message(message); - } - } catch (_error) { - e = _error; - if (e instanceof ProtocolError) { - return this.handlers.error(e); - } else { - throw e; - } - } - }; - - Parser.prototype._parseMessage = function(data, validCommands) { - var e, message, _ref; - try { - message = JSON.parse(data); - } catch (_error) { - e = _error; - throw new ProtocolError('unparsable JSON', data); - } - if (!message.command) { - throw new ProtocolError('missing "command" key', data); - } - if (_ref = message.command, __indexOf.call(validCommands, _ref) < 0) { - throw new ProtocolError("invalid command '" + message.command + "', only valid commands are: " + (validCommands.join(', ')) + ")", data); - } - return message; - }; - - return Parser; - - })(); - -}).call(this); - -},{}],7:[function(require,module,exports){ -(function() { - var IMAGE_STYLES, Reloader, numberOfMatchingSegments, pathFromUrl, pathsMatch, pickBestMatch, splitUrl; - - splitUrl = function(url) { - var comboSign, hash, index, params; - if ((index = url.indexOf('#')) >= 0) { - hash = url.slice(index); - url = url.slice(0, index); - } else { - hash = ''; - } - comboSign = url.indexOf('??'); - if (comboSign >= 0) { - if (comboSign + 1 !== url.lastIndexOf('?')) { - index = url.lastIndexOf('?'); - } - } else { - index = url.indexOf('?'); - } - if (index >= 0) { - params = url.slice(index); - url = url.slice(0, index); - } else { - params = ''; - } - return { - url: url, - params: params, - hash: hash - }; - }; - - pathFromUrl = function(url) { - var path; - url = splitUrl(url).url; - if (url.indexOf('file://') === 0) { - path = url.replace(/^file:\/\/(localhost)?/, ''); - } else { - path = url.replace(/^([^:]+:)?\/\/([^:\/]+)(:\d*)?\//, '/'); - } - return decodeURIComponent(path); - }; - - pickBestMatch = function(path, objects, pathFunc) { - var bestMatch, object, score, _i, _len; - bestMatch = { - score: 0 - }; - for (_i = 0, _len = objects.length; _i < _len; _i++) { - object = objects[_i]; - score = numberOfMatchingSegments(path, pathFunc(object)); - if (score > bestMatch.score) { - bestMatch = { - object: object, - score: score - }; - } - } - if (bestMatch.score > 0) { - return bestMatch; - } else { - return null; - } - }; - - numberOfMatchingSegments = function(path1, path2) { - var comps1, comps2, eqCount, len; - path1 = path1.replace(/^\/+/, '').toLowerCase(); - path2 = path2.replace(/^\/+/, '').toLowerCase(); - if (path1 === path2) { - return 10000; - } - comps1 = path1.split('/').reverse(); - comps2 = path2.split('/').reverse(); - len = Math.min(comps1.length, comps2.length); - eqCount = 0; - while (eqCount < len && comps1[eqCount] === comps2[eqCount]) { - ++eqCount; - } - return eqCount; - }; - - pathsMatch = function(path1, path2) { - return numberOfMatchingSegments(path1, path2) > 0; - }; - - IMAGE_STYLES = [ - { - selector: 'background', - styleNames: ['backgroundImage'] - }, { - selector: 'border', - styleNames: ['borderImage', 'webkitBorderImage', 'MozBorderImage'] - } - ]; - - exports.Reloader = Reloader = (function() { - function Reloader(window, console, Timer) { - this.window = window; - this.console = console; - this.Timer = Timer; - this.document = this.window.document; - this.importCacheWaitPeriod = 200; - this.plugins = []; - } - - Reloader.prototype.addPlugin = function(plugin) { - return this.plugins.push(plugin); - }; - - Reloader.prototype.analyze = function(callback) { - return results; - }; - - Reloader.prototype.reload = function(path, options) { - var plugin, _base, _i, _len, _ref; - this.options = options; - if ((_base = this.options).stylesheetReloadTimeout == null) { - _base.stylesheetReloadTimeout = 15000; - } - _ref = this.plugins; - for (_i = 0, _len = _ref.length; _i < _len; _i++) { - plugin = _ref[_i]; - if (plugin.reload && plugin.reload(path, options)) { - return; - } - } - if (options.liveCSS && path.match(/\.css(?:\.map)?$/i)) { - if (this.reloadStylesheet(path)) { - return; - } - } - if (options.liveImg && path.match(/\.(jpe?g|png|gif)$/i)) { - this.reloadImages(path); - return; - } - if (options.isChromeExtension) { - this.reloadChromeExtension(); - return; - } - return this.reloadPage(); - }; - - Reloader.prototype.reloadPage = function() { - return this.window.document.location.reload(); - }; - - Reloader.prototype.reloadChromeExtension = function() { - return this.window.chrome.runtime.reload(); - }; - - Reloader.prototype.reloadImages = function(path) { - var expando, img, selector, styleNames, styleSheet, _i, _j, _k, _l, _len, _len1, _len2, _len3, _ref, _ref1, _ref2, _ref3, _results; - expando = this.generateUniqueString(); - _ref = this.document.images; - for (_i = 0, _len = _ref.length; _i < _len; _i++) { - img = _ref[_i]; - if (pathsMatch(path, pathFromUrl(img.src))) { - img.src = this.generateCacheBustUrl(img.src, expando); - } - } - if (this.document.querySelectorAll) { - for (_j = 0, _len1 = IMAGE_STYLES.length; _j < _len1; _j++) { - _ref1 = IMAGE_STYLES[_j], selector = _ref1.selector, styleNames = _ref1.styleNames; - _ref2 = this.document.querySelectorAll("[style*=" + selector + "]"); - for (_k = 0, _len2 = _ref2.length; _k < _len2; _k++) { - img = _ref2[_k]; - this.reloadStyleImages(img.style, styleNames, path, expando); - } - } - } - if (this.document.styleSheets) { - _ref3 = this.document.styleSheets; - _results = []; - for (_l = 0, _len3 = _ref3.length; _l < _len3; _l++) { - styleSheet = _ref3[_l]; - _results.push(this.reloadStylesheetImages(styleSheet, path, expando)); - } - return _results; - } - }; - - Reloader.prototype.reloadStylesheetImages = function(styleSheet, path, expando) { - var e, rule, rules, styleNames, _i, _j, _len, _len1; - try { - rules = styleSheet != null ? styleSheet.cssRules : void 0; - } catch (_error) { - e = _error; - } - if (!rules) { - return; - } - for (_i = 0, _len = rules.length; _i < _len; _i++) { - rule = rules[_i]; - switch (rule.type) { - case CSSRule.IMPORT_RULE: - this.reloadStylesheetImages(rule.styleSheet, path, expando); - break; - case CSSRule.STYLE_RULE: - for (_j = 0, _len1 = IMAGE_STYLES.length; _j < _len1; _j++) { - styleNames = IMAGE_STYLES[_j].styleNames; - this.reloadStyleImages(rule.style, styleNames, path, expando); - } - break; - case CSSRule.MEDIA_RULE: - this.reloadStylesheetImages(rule, path, expando); - } - } - }; - - Reloader.prototype.reloadStyleImages = function(style, styleNames, path, expando) { - var newValue, styleName, value, _i, _len; - for (_i = 0, _len = styleNames.length; _i < _len; _i++) { - styleName = styleNames[_i]; - value = style[styleName]; - if (typeof value === 'string') { - newValue = value.replace(/\burl\s*\(([^)]*)\)/, (function(_this) { - return function(match, src) { - if (pathsMatch(path, pathFromUrl(src))) { - return "url(" + (_this.generateCacheBustUrl(src, expando)) + ")"; - } else { - return match; - } - }; - })(this)); - if (newValue !== value) { - style[styleName] = newValue; - } - } - } - }; - - Reloader.prototype.reloadStylesheet = function(path) { - var imported, link, links, match, style, _i, _j, _k, _l, _len, _len1, _len2, _len3, _ref, _ref1; - links = (function() { - var _i, _len, _ref, _results; - _ref = this.document.getElementsByTagName('link'); - _results = []; - for (_i = 0, _len = _ref.length; _i < _len; _i++) { - link = _ref[_i]; - if (link.rel.match(/^stylesheet$/i) && !link.__LiveReload_pendingRemoval) { - _results.push(link); - } - } - return _results; - }).call(this); - imported = []; - _ref = this.document.getElementsByTagName('style'); - for (_i = 0, _len = _ref.length; _i < _len; _i++) { - style = _ref[_i]; - if (style.sheet) { - this.collectImportedStylesheets(style, style.sheet, imported); - } - } - for (_j = 0, _len1 = links.length; _j < _len1; _j++) { - link = links[_j]; - this.collectImportedStylesheets(link, link.sheet, imported); - } - if (this.window.StyleFix && this.document.querySelectorAll) { - _ref1 = this.document.querySelectorAll('style[data-href]'); - for (_k = 0, _len2 = _ref1.length; _k < _len2; _k++) { - style = _ref1[_k]; - links.push(style); - } - } - this.console.log("LiveReload found " + links.length + " LINKed stylesheets, " + imported.length + " @imported stylesheets"); - match = pickBestMatch(path, links.concat(imported), (function(_this) { - return function(l) { - return pathFromUrl(_this.linkHref(l)); - }; - })(this)); - if (match) { - if (match.object.rule) { - this.console.log("LiveReload is reloading imported stylesheet: " + match.object.href); - this.reattachImportedRule(match.object); - } else { - this.console.log("LiveReload is reloading stylesheet: " + (this.linkHref(match.object))); - this.reattachStylesheetLink(match.object); - } - } else { - if (this.options.reloadMissingCSS) { - this.console.log("LiveReload will reload all stylesheets because path '" + path + "' did not match any specific one. To disable this behavior, set 'options.reloadMissingCSS' to 'false'."); - for (_l = 0, _len3 = links.length; _l < _len3; _l++) { - link = links[_l]; - this.reattachStylesheetLink(link); - } - } else { - this.console.log("LiveReload will not reload path '" + path + "' because the stylesheet was not found on the page and 'options.reloadMissingCSS' was set to 'false'."); - } - } - return true; - }; - - Reloader.prototype.collectImportedStylesheets = function(link, styleSheet, result) { - var e, index, rule, rules, _i, _len; - try { - rules = styleSheet != null ? styleSheet.cssRules : void 0; - } catch (_error) { - e = _error; - } - if (rules && rules.length) { - for (index = _i = 0, _len = rules.length; _i < _len; index = ++_i) { - rule = rules[index]; - switch (rule.type) { - case CSSRule.CHARSET_RULE: - continue; - case CSSRule.IMPORT_RULE: - result.push({ - link: link, - rule: rule, - index: index, - href: rule.href - }); - this.collectImportedStylesheets(link, rule.styleSheet, result); - break; - default: - break; - } - } - } - }; - - Reloader.prototype.waitUntilCssLoads = function(clone, func) { - var callbackExecuted, executeCallback, poll; - callbackExecuted = false; - executeCallback = (function(_this) { - return function() { - if (callbackExecuted) { - return; - } - callbackExecuted = true; - return func(); - }; - })(this); - clone.onload = (function(_this) { - return function() { - _this.console.log("LiveReload: the new stylesheet has finished loading"); - _this.knownToSupportCssOnLoad = true; - return executeCallback(); - }; - })(this); - if (!this.knownToSupportCssOnLoad) { - (poll = (function(_this) { - return function() { - if (clone.sheet) { - _this.console.log("LiveReload is polling until the new CSS finishes loading..."); - return executeCallback(); - } else { - return _this.Timer.start(50, poll); - } - }; - })(this))(); - } - return this.Timer.start(this.options.stylesheetReloadTimeout, executeCallback); - }; - - Reloader.prototype.linkHref = function(link) { - return link.href || link.getAttribute('data-href'); - }; - - Reloader.prototype.reattachStylesheetLink = function(link) { - var clone, parent; - if (link.__LiveReload_pendingRemoval) { - return; - } - link.__LiveReload_pendingRemoval = true; - if (link.tagName === 'STYLE') { - clone = this.document.createElement('link'); - clone.rel = 'stylesheet'; - clone.media = link.media; - clone.disabled = link.disabled; - } else { - clone = link.cloneNode(false); - } - clone.href = this.generateCacheBustUrl(this.linkHref(link)); - parent = link.parentNode; - if (parent.lastChild === link) { - parent.appendChild(clone); - } else { - parent.insertBefore(clone, link.nextSibling); - } - return this.waitUntilCssLoads(clone, (function(_this) { - return function() { - var additionalWaitingTime; - if (/AppleWebKit/.test(navigator.userAgent)) { - additionalWaitingTime = 5; - } else { - additionalWaitingTime = 200; - } - return _this.Timer.start(additionalWaitingTime, function() { - var _ref; - if (!link.parentNode) { - return; - } - link.parentNode.removeChild(link); - clone.onreadystatechange = null; - return (_ref = _this.window.StyleFix) != null ? _ref.link(clone) : void 0; - }); - }; - })(this)); - }; - - Reloader.prototype.reattachImportedRule = function(_arg) { - var href, index, link, media, newRule, parent, rule, tempLink; - rule = _arg.rule, index = _arg.index, link = _arg.link; - parent = rule.parentStyleSheet; - href = this.generateCacheBustUrl(rule.href); - media = rule.media.length ? [].join.call(rule.media, ', ') : ''; - newRule = "@import url(\"" + href + "\") " + media + ";"; - rule.__LiveReload_newHref = href; - tempLink = this.document.createElement("link"); - tempLink.rel = 'stylesheet'; - tempLink.href = href; - tempLink.__LiveReload_pendingRemoval = true; - if (link.parentNode) { - link.parentNode.insertBefore(tempLink, link); - } - return this.Timer.start(this.importCacheWaitPeriod, (function(_this) { - return function() { - if (tempLink.parentNode) { - tempLink.parentNode.removeChild(tempLink); - } - if (rule.__LiveReload_newHref !== href) { - return; - } - parent.insertRule(newRule, index); - parent.deleteRule(index + 1); - rule = parent.cssRules[index]; - rule.__LiveReload_newHref = href; - return _this.Timer.start(_this.importCacheWaitPeriod, function() { - if (rule.__LiveReload_newHref !== href) { - return; - } - parent.insertRule(newRule, index); - return parent.deleteRule(index + 1); - }); - }; - })(this)); - }; - - Reloader.prototype.generateUniqueString = function() { - return 'livereload=' + Date.now(); - }; - - Reloader.prototype.generateCacheBustUrl = function(url, expando) { - var hash, oldParams, originalUrl, params, _ref; - if (expando == null) { - expando = this.generateUniqueString(); - } - _ref = splitUrl(url), url = _ref.url, hash = _ref.hash, oldParams = _ref.params; - if (this.options.overrideURL) { - if (url.indexOf(this.options.serverURL) < 0) { - originalUrl = url; - url = this.options.serverURL + this.options.overrideURL + "?url=" + encodeURIComponent(url); - this.console.log("LiveReload is overriding source URL " + originalUrl + " with " + url); - } - } - params = oldParams.replace(/(\?|&)livereload=(\d+)/, function(match, sep) { - return "" + sep + expando; - }); - if (params === oldParams) { - if (oldParams.length === 0) { - params = "?" + expando; - } else { - params = "" + oldParams + "&" + expando; - } - } - return url + params + hash; - }; - - return Reloader; - - })(); - -}).call(this); - -},{}],8:[function(require,module,exports){ -(function() { - var CustomEvents, LiveReload, k; - - CustomEvents = require('./customevents'); - - LiveReload = window.LiveReload = new (require('./livereload').LiveReload)(window); - - for (k in window) { - if (k.match(/^LiveReloadPlugin/)) { - LiveReload.addPlugin(window[k]); - } - } - - LiveReload.addPlugin(require('./less')); - - LiveReload.on('shutdown', function() { - return delete window.LiveReload; - }); - - LiveReload.on('connect', function() { - return CustomEvents.fire(document, 'LiveReloadConnect'); - }); - - LiveReload.on('disconnect', function() { - return CustomEvents.fire(document, 'LiveReloadDisconnect'); - }); - - CustomEvents.bind(document, 'LiveReloadShutDown', function() { - return LiveReload.shutDown(); - }); - -}).call(this); - -},{"./customevents":2,"./less":3,"./livereload":4}],9:[function(require,module,exports){ -(function() { - var Timer; - - exports.Timer = Timer = (function() { - function Timer(func) { - this.func = func; - this.running = false; - this.id = null; - this._handler = (function(_this) { - return function() { - _this.running = false; - _this.id = null; - return _this.func(); - }; - })(this); - } - - Timer.prototype.start = function(timeout) { - if (this.running) { - clearTimeout(this.id); - } - this.id = setTimeout(this._handler, timeout); - return this.running = true; - }; - - Timer.prototype.stop = function() { - if (this.running) { - clearTimeout(this.id); - this.running = false; - return this.id = null; - } - }; - - return Timer; - - })(); - - Timer.start = function(timeout, func) { - return setTimeout(func, timeout); - }; - -}).call(this); - -},{}]},{},[8]); +(function e(t,n,r){function s(o,u){if(!n[o]){if(!t[o]){var a=typeof require=="function"&&require;if(!u&&a)return a(o,!0);if(i)return i(o,!0);var f=new Error("Cannot find module '"+o+"'");throw f.code="MODULE_NOT_FOUND",f}var l=n[o]={exports:{}};t[o][0].call(l.exports,function(e){var n=t[o][1][e];return s(n?n:e)},l,l.exports,e,t,n,r)}return n[o].exports}var i=typeof require=="function"&&require;for(var o=0;o tag"); + return; + } + } + this.reloader = new Reloader(this.window, this.console, Timer); + this.connector = new Connector(this.options, this.WebSocket, Timer, { + connecting: (function(_this) { + return function() {}; + })(this), + socketConnected: (function(_this) { + return function() {}; + })(this), + connected: (function(_this) { + return function(protocol) { + var _base; + if (typeof (_base = _this.listeners).connect === "function") { + _base.connect(); + } + _this.log("LiveReload is connected to " + _this.options.host + ":" + _this.options.port + " (protocol v" + protocol + ")."); + return _this.analyze(); + }; + })(this), + error: (function(_this) { + return function(e) { + if (e instanceof ProtocolError) { + if (typeof console !== "undefined" && console !== null) { + return console.log("" + e.message + "."); + } + } else { + if (typeof console !== "undefined" && console !== null) { + return console.log("LiveReload internal error: " + e.message); + } + } + }; + })(this), + disconnected: (function(_this) { + return function(reason, nextDelay) { + var _base; + if (typeof (_base = _this.listeners).disconnect === "function") { + _base.disconnect(); + } + switch (reason) { + case 'cannot-connect': + return _this.log("LiveReload cannot connect to " + _this.options.host + ":" + _this.options.port + ", will retry in " + nextDelay + " sec."); + case 'broken': + return _this.log("LiveReload disconnected from " + _this.options.host + ":" + _this.options.port + ", reconnecting in " + nextDelay + " sec."); + case 'handshake-timeout': + return _this.log("LiveReload cannot connect to " + _this.options.host + ":" + _this.options.port + " (handshake timeout), will retry in " + nextDelay + " sec."); + case 'handshake-failed': + return _this.log("LiveReload cannot connect to " + _this.options.host + ":" + _this.options.port + " (handshake failed), will retry in " + nextDelay + " sec."); + case 'manual': + break; + case 'error': + break; + default: + return _this.log("LiveReload disconnected from " + _this.options.host + ":" + _this.options.port + " (" + reason + "), reconnecting in " + nextDelay + " sec."); + } + }; + })(this), + message: (function(_this) { + return function(message) { + switch (message.command) { + case 'reload': + return _this.performReload(message); + case 'alert': + return _this.performAlert(message); + } + }; + })(this) + }); + this.initialized = true; + } + + LiveReload.prototype.on = function(eventName, handler) { + return this.listeners[eventName] = handler; + }; + + LiveReload.prototype.log = function(message) { + return this.console.log("" + message); + }; + + LiveReload.prototype.performReload = function(message) { + var _ref, _ref1, _ref2; + this.log("LiveReload received reload request: " + (JSON.stringify(message, null, 2))); + return this.reloader.reload(message.path, { + liveCSS: (_ref = message.liveCSS) != null ? _ref : true, + liveImg: (_ref1 = message.liveImg) != null ? _ref1 : true, + reloadMissingCSS: (_ref2 = message.reloadMissingCSS) != null ? _ref2 : true, + originalPath: message.originalPath || '', + overrideURL: message.overrideURL || '', + serverURL: "http://" + this.options.host + ":" + this.options.port + }); + }; + + LiveReload.prototype.performAlert = function(message) { + return alert(message.message); + }; + + LiveReload.prototype.shutDown = function() { + var _base; + if (!this.initialized) { + return; + } + this.connector.disconnect(); + this.log("LiveReload disconnected."); + return typeof (_base = this.listeners).shutdown === "function" ? _base.shutdown() : void 0; + }; + + LiveReload.prototype.hasPlugin = function(identifier) { + return !!this.pluginIdentifiers[identifier]; + }; + + LiveReload.prototype.addPlugin = function(pluginClass) { + var plugin; + if (!this.initialized) { + return; + } + if (this.hasPlugin(pluginClass.identifier)) { + return; + } + this.pluginIdentifiers[pluginClass.identifier] = true; + plugin = new pluginClass(this.window, { + _livereload: this, + _reloader: this.reloader, + _connector: this.connector, + console: this.console, + Timer: Timer, + generateCacheBustUrl: (function(_this) { + return function(url) { + return _this.reloader.generateCacheBustUrl(url); + }; + })(this) + }); + this.plugins.push(plugin); + this.reloader.addPlugin(plugin); + }; + + LiveReload.prototype.analyze = function() { + var plugin, pluginData, pluginsData, _i, _len, _ref; + if (!this.initialized) { + return; + } + if (!(this.connector.protocol >= 7)) { + return; + } + pluginsData = {}; + _ref = this.plugins; + for (_i = 0, _len = _ref.length; _i < _len; _i++) { + plugin = _ref[_i]; + pluginsData[plugin.constructor.identifier] = pluginData = (typeof plugin.analyze === "function" ? plugin.analyze() : void 0) || {}; + pluginData.version = plugin.constructor.version; + } + this.connector.sendCommand({ + command: 'info', + plugins: pluginsData, + url: this.window.location.href + }); + }; + + return LiveReload; + + })(); + +}).call(this); + +},{"./connector":1,"./options":5,"./protocol":6,"./reloader":7,"./timer":9}],5:[function(require,module,exports){ +(function() { + var Options; + + exports.Options = Options = (function() { + function Options() { + this.https = false; + this.host = null; + this.port = 35729; + this.snipver = null; + this.ext = null; + this.extver = null; + this.mindelay = 1000; + this.maxdelay = 60000; + this.handshake_timeout = 5000; + } + + Options.prototype.set = function(name, value) { + if (typeof value === 'undefined') { + return; + } + if (!isNaN(+value)) { + value = +value; + } + return this[name] = value; + }; + + return Options; + + })(); + + Options.extract = function(document) { + var element, keyAndValue, m, mm, options, pair, src, _i, _j, _len, _len1, _ref, _ref1; + _ref = document.getElementsByTagName('script'); + for (_i = 0, _len = _ref.length; _i < _len; _i++) { + element = _ref[_i]; + if ((src = element.src) && (m = src.match(/^[^:]+:\/\/(.*)\/z?livereload\.js(?:\?(.*))?$/))) { + options = new Options(); + options.https = src.indexOf("https") === 0; + if (mm = m[1].match(/^([^\/:]+)(?::(\d+))?$/)) { + options.host = mm[1]; + if (mm[2]) { + options.port = parseInt(mm[2], 10); + } + } + if (m[2]) { + _ref1 = m[2].split('&'); + for (_j = 0, _len1 = _ref1.length; _j < _len1; _j++) { + pair = _ref1[_j]; + if ((keyAndValue = pair.split('=')).length > 1) { + options.set(keyAndValue[0].replace(/-/g, '_'), keyAndValue.slice(1).join('=')); + } + } + } + return options; + } + } + return null; + }; + +}).call(this); + +},{}],6:[function(require,module,exports){ +(function() { + var PROTOCOL_6, PROTOCOL_7, Parser, ProtocolError, + __indexOf = [].indexOf || function(item) { for (var i = 0, l = this.length; i < l; i++) { if (i in this && this[i] === item) return i; } return -1; }; + + exports.PROTOCOL_6 = PROTOCOL_6 = 'http://livereload.com/protocols/official-6'; + + exports.PROTOCOL_7 = PROTOCOL_7 = 'http://livereload.com/protocols/official-7'; + + exports.ProtocolError = ProtocolError = (function() { + function ProtocolError(reason, data) { + this.message = "LiveReload protocol error (" + reason + ") after receiving data: \"" + data + "\"."; + } + + return ProtocolError; + + })(); + + exports.Parser = Parser = (function() { + function Parser(handlers) { + this.handlers = handlers; + this.reset(); + } + + Parser.prototype.reset = function() { + return this.protocol = null; + }; + + Parser.prototype.process = function(data) { + var command, e, message, options, _ref; + try { + if (this.protocol == null) { + if (data.match(/^!!ver:([\d.]+)$/)) { + this.protocol = 6; + } else if (message = this._parseMessage(data, ['hello'])) { + if (!message.protocols.length) { + throw new ProtocolError("no protocols specified in handshake message"); + } else if (__indexOf.call(message.protocols, PROTOCOL_7) >= 0) { + this.protocol = 7; + } else if (__indexOf.call(message.protocols, PROTOCOL_6) >= 0) { + this.protocol = 6; + } else { + throw new ProtocolError("no supported protocols found"); + } + } + return this.handlers.connected(this.protocol); + } else if (this.protocol === 6) { + message = JSON.parse(data); + if (!message.length) { + throw new ProtocolError("protocol 6 messages must be arrays"); + } + command = message[0], options = message[1]; + if (command !== 'refresh') { + throw new ProtocolError("unknown protocol 6 command"); + } + return this.handlers.message({ + command: 'reload', + path: options.path, + liveCSS: (_ref = options.apply_css_live) != null ? _ref : true + }); + } else { + message = this._parseMessage(data, ['reload', 'alert']); + return this.handlers.message(message); + } + } catch (_error) { + e = _error; + if (e instanceof ProtocolError) { + return this.handlers.error(e); + } else { + throw e; + } + } + }; + + Parser.prototype._parseMessage = function(data, validCommands) { + var e, message, _ref; + try { + message = JSON.parse(data); + } catch (_error) { + e = _error; + throw new ProtocolError('unparsable JSON', data); + } + if (!message.command) { + throw new ProtocolError('missing "command" key', data); + } + if (_ref = message.command, __indexOf.call(validCommands, _ref) < 0) { + throw new ProtocolError("invalid command '" + message.command + "', only valid commands are: " + (validCommands.join(', ')) + ")", data); + } + return message; + }; + + return Parser; + + })(); + +}).call(this); + +},{}],7:[function(require,module,exports){ +(function() { + var IMAGE_STYLES, Reloader, numberOfMatchingSegments, pathFromUrl, pathsMatch, pickBestMatch, splitUrl; + + splitUrl = function(url) { + var comboSign, hash, index, params; + if ((index = url.indexOf('#')) >= 0) { + hash = url.slice(index); + url = url.slice(0, index); + } else { + hash = ''; + } + comboSign = url.indexOf('??'); + if (comboSign >= 0) { + if (comboSign + 1 !== url.lastIndexOf('?')) { + index = url.lastIndexOf('?'); + } + } else { + index = url.indexOf('?'); + } + if (index >= 0) { + params = url.slice(index); + url = url.slice(0, index); + } else { + params = ''; + } + return { + url: url, + params: params, + hash: hash + }; + }; + + pathFromUrl = function(url) { + var path; + url = splitUrl(url).url; + if (url.indexOf('file://') === 0) { + path = url.replace(/^file:\/\/(localhost)?/, ''); + } else { + path = url.replace(/^([^:]+:)?\/\/([^:\/]+)(:\d*)?\//, '/'); + } + return decodeURIComponent(path); + }; + + pickBestMatch = function(path, objects, pathFunc) { + var bestMatch, object, score, _i, _len; + bestMatch = { + score: 0 + }; + for (_i = 0, _len = objects.length; _i < _len; _i++) { + object = objects[_i]; + score = numberOfMatchingSegments(path, pathFunc(object)); + if (score > bestMatch.score) { + bestMatch = { + object: object, + score: score + }; + } + } + if (bestMatch.score > 0) { + return bestMatch; + } else { + return null; + } + }; + + numberOfMatchingSegments = function(path1, path2) { + var comps1, comps2, eqCount, len; + path1 = path1.replace(/^\/+/, '').toLowerCase(); + path2 = path2.replace(/^\/+/, '').toLowerCase(); + if (path1 === path2) { + return 10000; + } + comps1 = path1.split('/').reverse(); + comps2 = path2.split('/').reverse(); + len = Math.min(comps1.length, comps2.length); + eqCount = 0; + while (eqCount < len && comps1[eqCount] === comps2[eqCount]) { + ++eqCount; + } + return eqCount; + }; + + pathsMatch = function(path1, path2) { + return numberOfMatchingSegments(path1, path2) > 0; + }; + + IMAGE_STYLES = [ + { + selector: 'background', + styleNames: ['backgroundImage'] + }, { + selector: 'border', + styleNames: ['borderImage', 'webkitBorderImage', 'MozBorderImage'] + } + ]; + + exports.Reloader = Reloader = (function() { + function Reloader(window, console, Timer) { + this.window = window; + this.console = console; + this.Timer = Timer; + this.document = this.window.document; + this.importCacheWaitPeriod = 200; + this.plugins = []; + } + + Reloader.prototype.addPlugin = function(plugin) { + return this.plugins.push(plugin); + }; + + Reloader.prototype.analyze = function(callback) { + return results; + }; + + Reloader.prototype.reload = function(path, options) { + var plugin, _base, _i, _len, _ref; + this.options = options; + if ((_base = this.options).stylesheetReloadTimeout == null) { + _base.stylesheetReloadTimeout = 15000; + } + _ref = this.plugins; + for (_i = 0, _len = _ref.length; _i < _len; _i++) { + plugin = _ref[_i]; + if (plugin.reload && plugin.reload(path, options)) { + return; + } + } + if (options.liveCSS && path.match(/\.css(?:\.map)?$/i)) { + if (this.reloadStylesheet(path)) { + return; + } + } + if (options.liveImg && path.match(/\.(jpe?g|png|gif)$/i)) { + this.reloadImages(path); + return; + } + if (options.isChromeExtension) { + this.reloadChromeExtension(); + return; + } + return this.reloadPage(); + }; + + Reloader.prototype.reloadPage = function() { + return this.window.document.location.reload(); + }; + + Reloader.prototype.reloadChromeExtension = function() { + return this.window.chrome.runtime.reload(); + }; + + Reloader.prototype.reloadImages = function(path) { + var expando, img, selector, styleNames, styleSheet, _i, _j, _k, _l, _len, _len1, _len2, _len3, _ref, _ref1, _ref2, _ref3, _results; + expando = this.generateUniqueString(); + _ref = this.document.images; + for (_i = 0, _len = _ref.length; _i < _len; _i++) { + img = _ref[_i]; + if (pathsMatch(path, pathFromUrl(img.src))) { + img.src = this.generateCacheBustUrl(img.src, expando); + } + } + if (this.document.querySelectorAll) { + for (_j = 0, _len1 = IMAGE_STYLES.length; _j < _len1; _j++) { + _ref1 = IMAGE_STYLES[_j], selector = _ref1.selector, styleNames = _ref1.styleNames; + _ref2 = this.document.querySelectorAll("[style*=" + selector + "]"); + for (_k = 0, _len2 = _ref2.length; _k < _len2; _k++) { + img = _ref2[_k]; + this.reloadStyleImages(img.style, styleNames, path, expando); + } + } + } + if (this.document.styleSheets) { + _ref3 = this.document.styleSheets; + _results = []; + for (_l = 0, _len3 = _ref3.length; _l < _len3; _l++) { + styleSheet = _ref3[_l]; + _results.push(this.reloadStylesheetImages(styleSheet, path, expando)); + } + return _results; + } + }; + + Reloader.prototype.reloadStylesheetImages = function(styleSheet, path, expando) { + var e, rule, rules, styleNames, _i, _j, _len, _len1; + try { + rules = styleSheet != null ? styleSheet.cssRules : void 0; + } catch (_error) { + e = _error; + } + if (!rules) { + return; + } + for (_i = 0, _len = rules.length; _i < _len; _i++) { + rule = rules[_i]; + switch (rule.type) { + case CSSRule.IMPORT_RULE: + this.reloadStylesheetImages(rule.styleSheet, path, expando); + break; + case CSSRule.STYLE_RULE: + for (_j = 0, _len1 = IMAGE_STYLES.length; _j < _len1; _j++) { + styleNames = IMAGE_STYLES[_j].styleNames; + this.reloadStyleImages(rule.style, styleNames, path, expando); + } + break; + case CSSRule.MEDIA_RULE: + this.reloadStylesheetImages(rule, path, expando); + } + } + }; + + Reloader.prototype.reloadStyleImages = function(style, styleNames, path, expando) { + var newValue, styleName, value, _i, _len; + for (_i = 0, _len = styleNames.length; _i < _len; _i++) { + styleName = styleNames[_i]; + value = style[styleName]; + if (typeof value === 'string') { + newValue = value.replace(/\burl\s*\(([^)]*)\)/, (function(_this) { + return function(match, src) { + if (pathsMatch(path, pathFromUrl(src))) { + return "url(" + (_this.generateCacheBustUrl(src, expando)) + ")"; + } else { + return match; + } + }; + })(this)); + if (newValue !== value) { + style[styleName] = newValue; + } + } + } + }; + + Reloader.prototype.reloadStylesheet = function(path) { + var imported, link, links, match, style, _i, _j, _k, _l, _len, _len1, _len2, _len3, _ref, _ref1; + links = (function() { + var _i, _len, _ref, _results; + _ref = this.document.getElementsByTagName('link'); + _results = []; + for (_i = 0, _len = _ref.length; _i < _len; _i++) { + link = _ref[_i]; + if (link.rel.match(/^stylesheet$/i) && !link.__LiveReload_pendingRemoval) { + _results.push(link); + } + } + return _results; + }).call(this); + imported = []; + _ref = this.document.getElementsByTagName('style'); + for (_i = 0, _len = _ref.length; _i < _len; _i++) { + style = _ref[_i]; + if (style.sheet) { + this.collectImportedStylesheets(style, style.sheet, imported); + } + } + for (_j = 0, _len1 = links.length; _j < _len1; _j++) { + link = links[_j]; + this.collectImportedStylesheets(link, link.sheet, imported); + } + if (this.window.StyleFix && this.document.querySelectorAll) { + _ref1 = this.document.querySelectorAll('style[data-href]'); + for (_k = 0, _len2 = _ref1.length; _k < _len2; _k++) { + style = _ref1[_k]; + links.push(style); + } + } + this.console.log("LiveReload found " + links.length + " LINKed stylesheets, " + imported.length + " @imported stylesheets"); + match = pickBestMatch(path, links.concat(imported), (function(_this) { + return function(l) { + return pathFromUrl(_this.linkHref(l)); + }; + })(this)); + if (match) { + if (match.object.rule) { + this.console.log("LiveReload is reloading imported stylesheet: " + match.object.href); + this.reattachImportedRule(match.object); + } else { + this.console.log("LiveReload is reloading stylesheet: " + (this.linkHref(match.object))); + this.reattachStylesheetLink(match.object); + } + } else { + if (this.options.reloadMissingCSS) { + this.console.log("LiveReload will reload all stylesheets because path '" + path + "' did not match any specific one. To disable this behavior, set 'options.reloadMissingCSS' to 'false'."); + for (_l = 0, _len3 = links.length; _l < _len3; _l++) { + link = links[_l]; + this.reattachStylesheetLink(link); + } + } else { + this.console.log("LiveReload will not reload path '" + path + "' because the stylesheet was not found on the page and 'options.reloadMissingCSS' was set to 'false'."); + } + } + return true; + }; + + Reloader.prototype.collectImportedStylesheets = function(link, styleSheet, result) { + var e, index, rule, rules, _i, _len; + try { + rules = styleSheet != null ? styleSheet.cssRules : void 0; + } catch (_error) { + e = _error; + } + if (rules && rules.length) { + for (index = _i = 0, _len = rules.length; _i < _len; index = ++_i) { + rule = rules[index]; + switch (rule.type) { + case CSSRule.CHARSET_RULE: + continue; + case CSSRule.IMPORT_RULE: + result.push({ + link: link, + rule: rule, + index: index, + href: rule.href + }); + this.collectImportedStylesheets(link, rule.styleSheet, result); + break; + default: + break; + } + } + } + }; + + Reloader.prototype.waitUntilCssLoads = function(clone, func) { + var callbackExecuted, executeCallback, poll; + callbackExecuted = false; + executeCallback = (function(_this) { + return function() { + if (callbackExecuted) { + return; + } + callbackExecuted = true; + return func(); + }; + })(this); + clone.onload = (function(_this) { + return function() { + _this.console.log("LiveReload: the new stylesheet has finished loading"); + _this.knownToSupportCssOnLoad = true; + return executeCallback(); + }; + })(this); + if (!this.knownToSupportCssOnLoad) { + (poll = (function(_this) { + return function() { + if (clone.sheet) { + _this.console.log("LiveReload is polling until the new CSS finishes loading..."); + return executeCallback(); + } else { + return _this.Timer.start(50, poll); + } + }; + })(this))(); + } + return this.Timer.start(this.options.stylesheetReloadTimeout, executeCallback); + }; + + Reloader.prototype.linkHref = function(link) { + return link.href || link.getAttribute('data-href'); + }; + + Reloader.prototype.reattachStylesheetLink = function(link) { + var clone, parent; + if (link.__LiveReload_pendingRemoval) { + return; + } + link.__LiveReload_pendingRemoval = true; + if (link.tagName === 'STYLE') { + clone = this.document.createElement('link'); + clone.rel = 'stylesheet'; + clone.media = link.media; + clone.disabled = link.disabled; + } else { + clone = link.cloneNode(false); + } + clone.href = this.generateCacheBustUrl(this.linkHref(link)); + parent = link.parentNode; + if (parent.lastChild === link) { + parent.appendChild(clone); + } else { + parent.insertBefore(clone, link.nextSibling); + } + return this.waitUntilCssLoads(clone, (function(_this) { + return function() { + var additionalWaitingTime; + if (/AppleWebKit/.test(navigator.userAgent)) { + additionalWaitingTime = 5; + } else { + additionalWaitingTime = 200; + } + return _this.Timer.start(additionalWaitingTime, function() { + var _ref; + if (!link.parentNode) { + return; + } + link.parentNode.removeChild(link); + clone.onreadystatechange = null; + return (_ref = _this.window.StyleFix) != null ? _ref.link(clone) : void 0; + }); + }; + })(this)); + }; + + Reloader.prototype.reattachImportedRule = function(_arg) { + var href, index, link, media, newRule, parent, rule, tempLink; + rule = _arg.rule, index = _arg.index, link = _arg.link; + parent = rule.parentStyleSheet; + href = this.generateCacheBustUrl(rule.href); + media = rule.media.length ? [].join.call(rule.media, ', ') : ''; + newRule = "@import url(\"" + href + "\") " + media + ";"; + rule.__LiveReload_newHref = href; + tempLink = this.document.createElement("link"); + tempLink.rel = 'stylesheet'; + tempLink.href = href; + tempLink.__LiveReload_pendingRemoval = true; + if (link.parentNode) { + link.parentNode.insertBefore(tempLink, link); + } + return this.Timer.start(this.importCacheWaitPeriod, (function(_this) { + return function() { + if (tempLink.parentNode) { + tempLink.parentNode.removeChild(tempLink); + } + if (rule.__LiveReload_newHref !== href) { + return; + } + parent.insertRule(newRule, index); + parent.deleteRule(index + 1); + rule = parent.cssRules[index]; + rule.__LiveReload_newHref = href; + return _this.Timer.start(_this.importCacheWaitPeriod, function() { + if (rule.__LiveReload_newHref !== href) { + return; + } + parent.insertRule(newRule, index); + return parent.deleteRule(index + 1); + }); + }; + })(this)); + }; + + Reloader.prototype.generateUniqueString = function() { + return 'livereload=' + Date.now(); + }; + + Reloader.prototype.generateCacheBustUrl = function(url, expando) { + var hash, oldParams, originalUrl, params, _ref; + if (expando == null) { + expando = this.generateUniqueString(); + } + _ref = splitUrl(url), url = _ref.url, hash = _ref.hash, oldParams = _ref.params; + if (this.options.overrideURL) { + if (url.indexOf(this.options.serverURL) < 0) { + originalUrl = url; + url = this.options.serverURL + this.options.overrideURL + "?url=" + encodeURIComponent(url); + this.console.log("LiveReload is overriding source URL " + originalUrl + " with " + url); + } + } + params = oldParams.replace(/(\?|&)livereload=(\d+)/, function(match, sep) { + return "" + sep + expando; + }); + if (params === oldParams) { + if (oldParams.length === 0) { + params = "?" + expando; + } else { + params = "" + oldParams + "&" + expando; + } + } + return url + params + hash; + }; + + return Reloader; + + })(); + +}).call(this); + +},{}],8:[function(require,module,exports){ +(function() { + var CustomEvents, LiveReload, k; + + CustomEvents = require('./customevents'); + + LiveReload = window.LiveReload = new (require('./livereload').LiveReload)(window); + + for (k in window) { + if (k.match(/^LiveReloadPlugin/)) { + LiveReload.addPlugin(window[k]); + } + } + + LiveReload.addPlugin(require('./less')); + + LiveReload.on('shutdown', function() { + return delete window.LiveReload; + }); + + LiveReload.on('connect', function() { + return CustomEvents.fire(document, 'LiveReloadConnect'); + }); + + LiveReload.on('disconnect', function() { + return CustomEvents.fire(document, 'LiveReloadDisconnect'); + }); + + CustomEvents.bind(document, 'LiveReloadShutDown', function() { + return LiveReload.shutDown(); + }); + +}).call(this); + +},{"./customevents":2,"./less":3,"./livereload":4}],9:[function(require,module,exports){ +(function() { + var Timer; + + exports.Timer = Timer = (function() { + function Timer(func) { + this.func = func; + this.running = false; + this.id = null; + this._handler = (function(_this) { + return function() { + _this.running = false; + _this.id = null; + return _this.func(); + }; + })(this); + } + + Timer.prototype.start = function(timeout) { + if (this.running) { + clearTimeout(this.id); + } + this.id = setTimeout(this._handler, timeout); + return this.running = true; + }; + + Timer.prototype.stop = function() { + if (this.running) { + clearTimeout(this.id); + this.running = false; + return this.id = null; + } + }; + + return Timer; + + })(); + + Timer.start = function(timeout, func) { + return setTimeout(func, timeout); + }; + +}).call(this); + +},{}]},{},[8]); diff --git a/docs/pres/assets_files/markdown.js b/rule-vetting/docs/pres/assets_files/markdown.js similarity index 96% rename from docs/pres/assets_files/markdown.js rename to rule-vetting/docs/pres/assets_files/markdown.js index aa08ee5e..d008e87a 100644 --- a/docs/pres/assets_files/markdown.js +++ b/rule-vetting/docs/pres/assets_files/markdown.js @@ -1,412 +1,412 @@ -/** - * The reveal.js markdown plugin. Handles parsing of - * markdown inside of presentations as well as loading - * of external markdown documents. - */ -(function( root, factory ) { - if (typeof define === 'function' && define.amd) { - root.marked = require( './marked' ); - root.RevealMarkdown = factory( root.marked ); - root.RevealMarkdown.initialize(); - } else if( typeof exports === 'object' ) { - module.exports = factory( require( './marked' ) ); - } else { - // Browser globals (root is window) - root.RevealMarkdown = factory( root.marked ); - root.RevealMarkdown.initialize(); - } -}( this, function( marked ) { - - var DEFAULT_SLIDE_SEPARATOR = '^\r?\n---\r?\n$', - DEFAULT_NOTES_SEPARATOR = 'notes?:', - DEFAULT_ELEMENT_ATTRIBUTES_SEPARATOR = '\\\.element\\\s*?(.+?)$', - DEFAULT_SLIDE_ATTRIBUTES_SEPARATOR = '\\\.slide:\\\s*?(\\\S.+?)$'; - - var SCRIPT_END_PLACEHOLDER = '__SCRIPT_END__'; - - - /** - * Retrieves the markdown contents of a slide section - * element. Normalizes leading tabs/whitespace. - */ - function getMarkdownFromSlide( section ) { - - // look for a ' ); - - var leadingWs = text.match( /^\n?(\s*)/ )[1].length, - leadingTabs = text.match( /^\n?(\t*)/ )[1].length; - - if( leadingTabs > 0 ) { - text = text.replace( new RegExp('\\n?\\t{' + leadingTabs + '}','g'), '\n' ); - } - else if( leadingWs > 1 ) { - text = text.replace( new RegExp('\\n? {' + leadingWs + '}', 'g'), '\n' ); - } - - return text; - - } - - /** - * Given a markdown slide section element, this will - * return all arguments that aren't related to markdown - * parsing. Used to forward any other user-defined arguments - * to the output markdown slide. - */ - function getForwardedAttributes( section ) { - - var attributes = section.attributes; - var result = []; - - for( var i = 0, len = attributes.length; i < len; i++ ) { - var name = attributes[i].name, - value = attributes[i].value; - - // disregard attributes that are used for markdown loading/parsing - if( /data\-(markdown|separator|vertical|notes)/gi.test( name ) ) continue; - - if( value ) { - result.push( name + '="' + value + '"' ); - } - else { - result.push( name ); - } - } - - return result.join( ' ' ); - - } - - /** - * Inspects the given options and fills out default - * values for what's not defined. - */ - function getSlidifyOptions( options ) { - - options = options || {}; - options.separator = options.separator || DEFAULT_SLIDE_SEPARATOR; - options.notesSeparator = options.notesSeparator || DEFAULT_NOTES_SEPARATOR; - options.attributes = options.attributes || ''; - - return options; - - } - - /** - * Helper function for constructing a markdown slide. - */ - function createMarkdownSlide( content, options ) { - - options = getSlidifyOptions( options ); - - var notesMatch = content.split( new RegExp( options.notesSeparator, 'mgi' ) ); - - if( notesMatch.length === 2 ) { - content = notesMatch[0] + ''; - } - - // prevent script end tags in the content from interfering - // with parsing - content = content.replace( /<\/script>/g, SCRIPT_END_PLACEHOLDER ); - - return ''; - - } - - /** - * Parses a data string into multiple slides based - * on the passed in separator arguments. - */ - function slidify( markdown, options ) { - - options = getSlidifyOptions( options ); - - var separatorRegex = new RegExp( options.separator + ( options.verticalSeparator ? '|' + options.verticalSeparator : '' ), 'mg' ), - horizontalSeparatorRegex = new RegExp( options.separator ); - - var matches, - lastIndex = 0, - isHorizontal, - wasHorizontal = true, - content, - sectionStack = []; - - // iterate until all blocks between separators are stacked up - while( matches = separatorRegex.exec( markdown ) ) { - notes = null; - - // determine direction (horizontal by default) - isHorizontal = horizontalSeparatorRegex.test( matches[0] ); - - if( !isHorizontal && wasHorizontal ) { - // create vertical stack - sectionStack.push( [] ); - } - - // pluck slide content from markdown input - content = markdown.substring( lastIndex, matches.index ); - - if( isHorizontal && wasHorizontal ) { - // add to horizontal stack - sectionStack.push( content ); - } - else { - // add to vertical stack - sectionStack[sectionStack.length-1].push( content ); - } - - lastIndex = separatorRegex.lastIndex; - wasHorizontal = isHorizontal; - } - - // add the remaining slide - ( wasHorizontal ? sectionStack : sectionStack[sectionStack.length-1] ).push( markdown.substring( lastIndex ) ); - - var markdownSections = ''; - - // flatten the hierarchical stack, and insert
tags - for( var i = 0, len = sectionStack.length; i < len; i++ ) { - // vertical - if( sectionStack[i] instanceof Array ) { - markdownSections += '
'; - - sectionStack[i].forEach( function( child ) { - markdownSections += '
' + createMarkdownSlide( child, options ) + '
'; - } ); - - markdownSections += '
'; - } - else { - markdownSections += '
' + createMarkdownSlide( sectionStack[i], options ) + '
'; - } - } - - return markdownSections; - - } - - /** - * Parses any current data-markdown slides, splits - * multi-slide markdown into separate sections and - * handles loading of external markdown. - */ - function processSlides() { - - var sections = document.querySelectorAll( '[data-markdown]'), - section; - - for( var i = 0, len = sections.length; i < len; i++ ) { - - section = sections[i]; - - if( section.getAttribute( 'data-markdown' ).length ) { - - var xhr = new XMLHttpRequest(), - url = section.getAttribute( 'data-markdown' ); - - datacharset = section.getAttribute( 'data-charset' ); - - // see https://developer.mozilla.org/en-US/docs/Web/API/element.getAttribute#Notes - if( datacharset != null && datacharset != '' ) { - xhr.overrideMimeType( 'text/html; charset=' + datacharset ); - } - - xhr.onreadystatechange = function() { - if( xhr.readyState === 4 ) { - // file protocol yields status code 0 (useful for local debug, mobile applications etc.) - if ( ( xhr.status >= 200 && xhr.status < 300 ) || xhr.status === 0 ) { - - section.outerHTML = slidify( xhr.responseText, { - separator: section.getAttribute( 'data-separator' ), - verticalSeparator: section.getAttribute( 'data-separator-vertical' ), - notesSeparator: section.getAttribute( 'data-separator-notes' ), - attributes: getForwardedAttributes( section ) - }); - - } - else { - - section.outerHTML = '
' + - 'ERROR: The attempt to fetch ' + url + ' failed with HTTP status ' + xhr.status + '.' + - 'Check your browser\'s JavaScript console for more details.' + - '

Remember that you need to serve the presentation HTML from a HTTP server.

' + - '
'; - - } - } - }; - - xhr.open( 'GET', url, false ); - - try { - xhr.send(); - } - catch ( e ) { - alert( 'Failed to get the Markdown file ' + url + '. Make sure that the presentation and the file are served by a HTTP server and the file can be found there. ' + e ); - } - - } - else if( section.getAttribute( 'data-separator' ) || section.getAttribute( 'data-separator-vertical' ) || section.getAttribute( 'data-separator-notes' ) ) { - - section.outerHTML = slidify( getMarkdownFromSlide( section ), { - separator: section.getAttribute( 'data-separator' ), - verticalSeparator: section.getAttribute( 'data-separator-vertical' ), - notesSeparator: section.getAttribute( 'data-separator-notes' ), - attributes: getForwardedAttributes( section ) - }); - - } - else { - section.innerHTML = createMarkdownSlide( getMarkdownFromSlide( section ) ); - } - } - - } - - /** - * Check if a node value has the attributes pattern. - * If yes, extract it and add that value as one or several attributes - * the the terget element. - * - * You need Cache Killer on Chrome to see the effect on any FOM transformation - * directly on refresh (F5) - * http://stackoverflow.com/questions/5690269/disabling-chrome-cache-for-website-development/7000899#answer-11786277 - */ - function addAttributeInElement( node, elementTarget, separator ) { - - var mardownClassesInElementsRegex = new RegExp( separator, 'mg' ); - var mardownClassRegex = new RegExp( "([^\"= ]+?)=\"([^\"=]+?)\"", 'mg' ); - var nodeValue = node.nodeValue; - if( matches = mardownClassesInElementsRegex.exec( nodeValue ) ) { - - var classes = matches[1]; - nodeValue = nodeValue.substring( 0, matches.index ) + nodeValue.substring( mardownClassesInElementsRegex.lastIndex ); - node.nodeValue = nodeValue; - while( matchesClass = mardownClassRegex.exec( classes ) ) { - elementTarget.setAttribute( matchesClass[1], matchesClass[2] ); - } - return true; - } - return false; - } - - /** - * Add attributes to the parent element of a text node, - * or the element of an attribute node. - */ - function addAttributes( section, element, previousElement, separatorElementAttributes, separatorSectionAttributes ) { - - if ( element != null && element.childNodes != undefined && element.childNodes.length > 0 ) { - previousParentElement = element; - for( var i = 0; i < element.childNodes.length; i++ ) { - childElement = element.childNodes[i]; - if ( i > 0 ) { - j = i - 1; - while ( j >= 0 ) { - aPreviousChildElement = element.childNodes[j]; - if ( typeof aPreviousChildElement.setAttribute == 'function' && aPreviousChildElement.tagName != "BR" ) { - previousParentElement = aPreviousChildElement; - break; - } - j = j - 1; - } - } - parentSection = section; - if( childElement.nodeName == "section" ) { - parentSection = childElement ; - previousParentElement = childElement ; - } - if ( typeof childElement.setAttribute == 'function' || childElement.nodeType == Node.COMMENT_NODE ) { - addAttributes( parentSection, childElement, previousParentElement, separatorElementAttributes, separatorSectionAttributes ); - } - } - } - - if ( element.nodeType == Node.COMMENT_NODE ) { - if ( addAttributeInElement( element, previousElement, separatorElementAttributes ) == false ) { - addAttributeInElement( element, section, separatorSectionAttributes ); - } - } - } - - /** - * Converts any current data-markdown slides in the - * DOM to HTML. - */ - function convertSlides() { - - var sections = document.querySelectorAll( '[data-markdown]'); - - for( var i = 0, len = sections.length; i < len; i++ ) { - - var section = sections[i]; - - // Only parse the same slide once - if( !section.getAttribute( 'data-markdown-parsed' ) ) { - - section.setAttribute( 'data-markdown-parsed', true ) - - var notes = section.querySelector( 'aside.notes' ); - var markdown = getMarkdownFromSlide( section ); - - section.innerHTML = marked( markdown ); - addAttributes( section, section, null, section.getAttribute( 'data-element-attributes' ) || - section.parentNode.getAttribute( 'data-element-attributes' ) || - DEFAULT_ELEMENT_ATTRIBUTES_SEPARATOR, - section.getAttribute( 'data-attributes' ) || - section.parentNode.getAttribute( 'data-attributes' ) || - DEFAULT_SLIDE_ATTRIBUTES_SEPARATOR); - - // If there were notes, we need to re-add them after - // having overwritten the section's HTML - if( notes ) { - section.appendChild( notes ); - } - - } - - } - - } - - // API - return { - - initialize: function() { - if( typeof marked === 'undefined' ) { - throw 'The reveal.js Markdown plugin requires marked to be loaded'; - } - - if( typeof hljs !== 'undefined' ) { - marked.setOptions({ - highlight: function( code, lang ) { - return hljs.highlightAuto( code, [lang] ).value; - } - }); - } - - var options = Reveal.getConfig().markdown; - - if ( options ) { - marked.setOptions( options ); - } - - processSlides(); - convertSlides(); - }, - - // TODO: Do these belong in the API? - processSlides: processSlides, - convertSlides: convertSlides, - slidify: slidify - - }; - -})); +/** + * The reveal.js markdown plugin. Handles parsing of + * markdown inside of presentations as well as loading + * of external markdown documents. + */ +(function( root, factory ) { + if (typeof define === 'function' && define.amd) { + root.marked = require( './marked' ); + root.RevealMarkdown = factory( root.marked ); + root.RevealMarkdown.initialize(); + } else if( typeof exports === 'object' ) { + module.exports = factory( require( './marked' ) ); + } else { + // Browser globals (root is window) + root.RevealMarkdown = factory( root.marked ); + root.RevealMarkdown.initialize(); + } +}( this, function( marked ) { + + var DEFAULT_SLIDE_SEPARATOR = '^\r?\n---\r?\n$', + DEFAULT_NOTES_SEPARATOR = 'notes?:', + DEFAULT_ELEMENT_ATTRIBUTES_SEPARATOR = '\\\.element\\\s*?(.+?)$', + DEFAULT_SLIDE_ATTRIBUTES_SEPARATOR = '\\\.slide:\\\s*?(\\\S.+?)$'; + + var SCRIPT_END_PLACEHOLDER = '__SCRIPT_END__'; + + + /** + * Retrieves the markdown contents of a slide section + * element. Normalizes leading tabs/whitespace. + */ + function getMarkdownFromSlide( section ) { + + // look for a ' ); + + var leadingWs = text.match( /^\n?(\s*)/ )[1].length, + leadingTabs = text.match( /^\n?(\t*)/ )[1].length; + + if( leadingTabs > 0 ) { + text = text.replace( new RegExp('\\n?\\t{' + leadingTabs + '}','g'), '\n' ); + } + else if( leadingWs > 1 ) { + text = text.replace( new RegExp('\\n? {' + leadingWs + '}', 'g'), '\n' ); + } + + return text; + + } + + /** + * Given a markdown slide section element, this will + * return all arguments that aren't related to markdown + * parsing. Used to forward any other user-defined arguments + * to the output markdown slide. + */ + function getForwardedAttributes( section ) { + + var attributes = section.attributes; + var result = []; + + for( var i = 0, len = attributes.length; i < len; i++ ) { + var name = attributes[i].name, + value = attributes[i].value; + + // disregard attributes that are used for markdown loading/parsing + if( /data\-(markdown|separator|vertical|notes)/gi.test( name ) ) continue; + + if( value ) { + result.push( name + '="' + value + '"' ); + } + else { + result.push( name ); + } + } + + return result.join( ' ' ); + + } + + /** + * Inspects the given options and fills out default + * values for what's not defined. + */ + function getSlidifyOptions( options ) { + + options = options || {}; + options.separator = options.separator || DEFAULT_SLIDE_SEPARATOR; + options.notesSeparator = options.notesSeparator || DEFAULT_NOTES_SEPARATOR; + options.attributes = options.attributes || ''; + + return options; + + } + + /** + * Helper function for constructing a markdown slide. + */ + function createMarkdownSlide( content, options ) { + + options = getSlidifyOptions( options ); + + var notesMatch = content.split( new RegExp( options.notesSeparator, 'mgi' ) ); + + if( notesMatch.length === 2 ) { + content = notesMatch[0] + ''; + } + + // prevent script end tags in the content from interfering + // with parsing + content = content.replace( /<\/script>/g, SCRIPT_END_PLACEHOLDER ); + + return ''; + + } + + /** + * Parses a data string into multiple slides based + * on the passed in separator arguments. + */ + function slidify( markdown, options ) { + + options = getSlidifyOptions( options ); + + var separatorRegex = new RegExp( options.separator + ( options.verticalSeparator ? '|' + options.verticalSeparator : '' ), 'mg' ), + horizontalSeparatorRegex = new RegExp( options.separator ); + + var matches, + lastIndex = 0, + isHorizontal, + wasHorizontal = true, + content, + sectionStack = []; + + // iterate until all blocks between separators are stacked up + while( matches = separatorRegex.exec( markdown ) ) { + notes = null; + + // determine direction (horizontal by default) + isHorizontal = horizontalSeparatorRegex.test( matches[0] ); + + if( !isHorizontal && wasHorizontal ) { + // create vertical stack + sectionStack.push( [] ); + } + + // pluck slide content from markdown input + content = markdown.substring( lastIndex, matches.index ); + + if( isHorizontal && wasHorizontal ) { + // add to horizontal stack + sectionStack.push( content ); + } + else { + // add to vertical stack + sectionStack[sectionStack.length-1].push( content ); + } + + lastIndex = separatorRegex.lastIndex; + wasHorizontal = isHorizontal; + } + + // add the remaining slide + ( wasHorizontal ? sectionStack : sectionStack[sectionStack.length-1] ).push( markdown.substring( lastIndex ) ); + + var markdownSections = ''; + + // flatten the hierarchical stack, and insert
tags + for( var i = 0, len = sectionStack.length; i < len; i++ ) { + // vertical + if( sectionStack[i] instanceof Array ) { + markdownSections += '
'; + + sectionStack[i].forEach( function( child ) { + markdownSections += '
' + createMarkdownSlide( child, options ) + '
'; + } ); + + markdownSections += '
'; + } + else { + markdownSections += '
' + createMarkdownSlide( sectionStack[i], options ) + '
'; + } + } + + return markdownSections; + + } + + /** + * Parses any current data-markdown slides, splits + * multi-slide markdown into separate sections and + * handles loading of external markdown. + */ + function processSlides() { + + var sections = document.querySelectorAll( '[data-markdown]'), + section; + + for( var i = 0, len = sections.length; i < len; i++ ) { + + section = sections[i]; + + if( section.getAttribute( 'data-markdown' ).length ) { + + var xhr = new XMLHttpRequest(), + url = section.getAttribute( 'data-markdown' ); + + datacharset = section.getAttribute( 'data-charset' ); + + // see https://developer.mozilla.org/en-US/docs/Web/API/element.getAttribute#Notes + if( datacharset != null && datacharset != '' ) { + xhr.overrideMimeType( 'text/html; charset=' + datacharset ); + } + + xhr.onreadystatechange = function() { + if( xhr.readyState === 4 ) { + // file protocol yields status code 0 (useful for local debug, mobile applications etc.) + if ( ( xhr.status >= 200 && xhr.status < 300 ) || xhr.status === 0 ) { + + section.outerHTML = slidify( xhr.responseText, { + separator: section.getAttribute( 'data-separator' ), + verticalSeparator: section.getAttribute( 'data-separator-vertical' ), + notesSeparator: section.getAttribute( 'data-separator-notes' ), + attributes: getForwardedAttributes( section ) + }); + + } + else { + + section.outerHTML = '
' + + 'ERROR: The attempt to fetch ' + url + ' failed with HTTP status ' + xhr.status + '.' + + 'Check your browser\'s JavaScript console for more details.' + + '

Remember that you need to serve the presentation HTML from a HTTP server.

' + + '
'; + + } + } + }; + + xhr.open( 'GET', url, false ); + + try { + xhr.send(); + } + catch ( e ) { + alert( 'Failed to get the Markdown file ' + url + '. Make sure that the presentation and the file are served by a HTTP server and the file can be found there. ' + e ); + } + + } + else if( section.getAttribute( 'data-separator' ) || section.getAttribute( 'data-separator-vertical' ) || section.getAttribute( 'data-separator-notes' ) ) { + + section.outerHTML = slidify( getMarkdownFromSlide( section ), { + separator: section.getAttribute( 'data-separator' ), + verticalSeparator: section.getAttribute( 'data-separator-vertical' ), + notesSeparator: section.getAttribute( 'data-separator-notes' ), + attributes: getForwardedAttributes( section ) + }); + + } + else { + section.innerHTML = createMarkdownSlide( getMarkdownFromSlide( section ) ); + } + } + + } + + /** + * Check if a node value has the attributes pattern. + * If yes, extract it and add that value as one or several attributes + * the the terget element. + * + * You need Cache Killer on Chrome to see the effect on any FOM transformation + * directly on refresh (F5) + * http://stackoverflow.com/questions/5690269/disabling-chrome-cache-for-website-development/7000899#answer-11786277 + */ + function addAttributeInElement( node, elementTarget, separator ) { + + var mardownClassesInElementsRegex = new RegExp( separator, 'mg' ); + var mardownClassRegex = new RegExp( "([^\"= ]+?)=\"([^\"=]+?)\"", 'mg' ); + var nodeValue = node.nodeValue; + if( matches = mardownClassesInElementsRegex.exec( nodeValue ) ) { + + var classes = matches[1]; + nodeValue = nodeValue.substring( 0, matches.index ) + nodeValue.substring( mardownClassesInElementsRegex.lastIndex ); + node.nodeValue = nodeValue; + while( matchesClass = mardownClassRegex.exec( classes ) ) { + elementTarget.setAttribute( matchesClass[1], matchesClass[2] ); + } + return true; + } + return false; + } + + /** + * Add attributes to the parent element of a text node, + * or the element of an attribute node. + */ + function addAttributes( section, element, previousElement, separatorElementAttributes, separatorSectionAttributes ) { + + if ( element != null && element.childNodes != undefined && element.childNodes.length > 0 ) { + previousParentElement = element; + for( var i = 0; i < element.childNodes.length; i++ ) { + childElement = element.childNodes[i]; + if ( i > 0 ) { + j = i - 1; + while ( j >= 0 ) { + aPreviousChildElement = element.childNodes[j]; + if ( typeof aPreviousChildElement.setAttribute == 'function' && aPreviousChildElement.tagName != "BR" ) { + previousParentElement = aPreviousChildElement; + break; + } + j = j - 1; + } + } + parentSection = section; + if( childElement.nodeName == "section" ) { + parentSection = childElement ; + previousParentElement = childElement ; + } + if ( typeof childElement.setAttribute == 'function' || childElement.nodeType == Node.COMMENT_NODE ) { + addAttributes( parentSection, childElement, previousParentElement, separatorElementAttributes, separatorSectionAttributes ); + } + } + } + + if ( element.nodeType == Node.COMMENT_NODE ) { + if ( addAttributeInElement( element, previousElement, separatorElementAttributes ) == false ) { + addAttributeInElement( element, section, separatorSectionAttributes ); + } + } + } + + /** + * Converts any current data-markdown slides in the + * DOM to HTML. + */ + function convertSlides() { + + var sections = document.querySelectorAll( '[data-markdown]'); + + for( var i = 0, len = sections.length; i < len; i++ ) { + + var section = sections[i]; + + // Only parse the same slide once + if( !section.getAttribute( 'data-markdown-parsed' ) ) { + + section.setAttribute( 'data-markdown-parsed', true ) + + var notes = section.querySelector( 'aside.notes' ); + var markdown = getMarkdownFromSlide( section ); + + section.innerHTML = marked( markdown ); + addAttributes( section, section, null, section.getAttribute( 'data-element-attributes' ) || + section.parentNode.getAttribute( 'data-element-attributes' ) || + DEFAULT_ELEMENT_ATTRIBUTES_SEPARATOR, + section.getAttribute( 'data-attributes' ) || + section.parentNode.getAttribute( 'data-attributes' ) || + DEFAULT_SLIDE_ATTRIBUTES_SEPARATOR); + + // If there were notes, we need to re-add them after + // having overwritten the section's HTML + if( notes ) { + section.appendChild( notes ); + } + + } + + } + + } + + // API + return { + + initialize: function() { + if( typeof marked === 'undefined' ) { + throw 'The reveal.js Markdown plugin requires marked to be loaded'; + } + + if( typeof hljs !== 'undefined' ) { + marked.setOptions({ + highlight: function( code, lang ) { + return hljs.highlightAuto( code, [lang] ).value; + } + }); + } + + var options = Reveal.getConfig().markdown; + + if ( options ) { + marked.setOptions( options ); + } + + processSlides(); + convertSlides(); + }, + + // TODO: Do these belong in the API? + processSlides: processSlides, + convertSlides: convertSlides, + slidify: slidify + + }; + +})); diff --git a/docs/pres/assets_files/marked.js b/rule-vetting/docs/pres/assets_files/marked.js similarity index 99% rename from docs/pres/assets_files/marked.js rename to rule-vetting/docs/pres/assets_files/marked.js index 555c1dc1..4966e731 100644 --- a/docs/pres/assets_files/marked.js +++ b/rule-vetting/docs/pres/assets_files/marked.js @@ -1,6 +1,6 @@ -/** - * marked - a markdown parser - * Copyright (c) 2011-2014, Christopher Jeffrey. (MIT Licensed) - * https://github.com/chjj/marked - */ +/** + * marked - a markdown parser + * Copyright (c) 2011-2014, Christopher Jeffrey. (MIT Licensed) + * https://github.com/chjj/marked + */ (function(){var block={newline:/^\n+/,code:/^( {4}[^\n]+\n*)+/,fences:noop,hr:/^( *[-*_]){3,} *(?:\n+|$)/,heading:/^ *(#{1,6}) *([^\n]+?) *#* *(?:\n+|$)/,nptable:noop,lheading:/^([^\n]+)\n *(=|-){2,} *(?:\n+|$)/,blockquote:/^( *>[^\n]+(\n(?!def)[^\n]+)*\n*)+/,list:/^( *)(bull) [\s\S]+?(?:hr|def|\n{2,}(?! )(?!\1bull )\n*|\s*$)/,html:/^ *(?:comment *(?:\n|\s*$)|closed *(?:\n{2,}|\s*$)|closing *(?:\n{2,}|\s*$))/,def:/^ *\[([^\]]+)\]: *]+)>?(?: +["(]([^\n]+)[")])? *(?:\n+|$)/,table:noop,paragraph:/^((?:[^\n]+\n?(?!hr|heading|lheading|blockquote|tag|def))+)\n*/,text:/^[^\n]+/};block.bullet=/(?:[*+-]|\d+\.)/;block.item=/^( *)(bull) [^\n]*(?:\n(?!\1bull )[^\n]*)*/;block.item=replace(block.item,"gm")(/bull/g,block.bullet)();block.list=replace(block.list)(/bull/g,block.bullet)("hr","\\n+(?=\\1?(?:[-*_] *){3,}(?:\\n+|$))")("def","\\n+(?="+block.def.source+")")();block.blockquote=replace(block.blockquote)("def",block.def)();block._tag="(?!(?:"+"a|em|strong|small|s|cite|q|dfn|abbr|data|time|code"+"|var|samp|kbd|sub|sup|i|b|u|mark|ruby|rt|rp|bdi|bdo"+"|span|br|wbr|ins|del|img)\\b)\\w+(?!:/|[^\\w\\s@]*@)\\b";block.html=replace(block.html)("comment",//)("closed",/<(tag)[\s\S]+?<\/\1>/)("closing",/])*?>/)(/tag/g,block._tag)();block.paragraph=replace(block.paragraph)("hr",block.hr)("heading",block.heading)("lheading",block.lheading)("blockquote",block.blockquote)("tag","<"+block._tag)("def",block.def)();block.normal=merge({},block);block.gfm=merge({},block.normal,{fences:/^ *(`{3,}|~{3,})[ \.]*(\S+)? *\n([\s\S]*?)\s*\1 *(?:\n+|$)/,paragraph:/^/,heading:/^ *(#{1,6}) +([^\n]+?) *#* *(?:\n+|$)/});block.gfm.paragraph=replace(block.paragraph)("(?!","(?!"+block.gfm.fences.source.replace("\\1","\\2")+"|"+block.list.source.replace("\\1","\\3")+"|")();block.tables=merge({},block.gfm,{nptable:/^ *(\S.*\|.*)\n *([-:]+ *\|[-| :]*)\n((?:.*\|.*(?:\n|$))*)\n*/,table:/^ *\|(.+)\n *\|( *[-:]+[-| :]*)\n((?: *\|.*(?:\n|$))*)\n*/});function Lexer(options){this.tokens=[];this.tokens.links={};this.options=options||marked.defaults;this.rules=block.normal;if(this.options.gfm){if(this.options.tables){this.rules=block.tables}else{this.rules=block.gfm}}}Lexer.rules=block;Lexer.lex=function(src,options){var lexer=new Lexer(options);return lexer.lex(src)};Lexer.prototype.lex=function(src){src=src.replace(/\r\n|\r/g,"\n").replace(/\t/g," ").replace(/\u00a0/g," ").replace(/\u2424/g,"\n");return this.token(src,true)};Lexer.prototype.token=function(src,top,bq){var src=src.replace(/^ +$/gm,""),next,loose,cap,bull,b,item,space,i,l;while(src){if(cap=this.rules.newline.exec(src)){src=src.substring(cap[0].length);if(cap[0].length>1){this.tokens.push({type:"space"})}}if(cap=this.rules.code.exec(src)){src=src.substring(cap[0].length);cap=cap[0].replace(/^ {4}/gm,"");this.tokens.push({type:"code",text:!this.options.pedantic?cap.replace(/\n+$/,""):cap});continue}if(cap=this.rules.fences.exec(src)){src=src.substring(cap[0].length);this.tokens.push({type:"code",lang:cap[2],text:cap[3]||""});continue}if(cap=this.rules.heading.exec(src)){src=src.substring(cap[0].length);this.tokens.push({type:"heading",depth:cap[1].length,text:cap[2]});continue}if(top&&(cap=this.rules.nptable.exec(src))){src=src.substring(cap[0].length);item={type:"table",header:cap[1].replace(/^ *| *\| *$/g,"").split(/ *\| */),align:cap[2].replace(/^ *|\| *$/g,"").split(/ *\| */),cells:cap[3].replace(/\n$/,"").split("\n")};for(i=0;i ?/gm,"");this.token(cap,top,true);this.tokens.push({type:"blockquote_end"});continue}if(cap=this.rules.list.exec(src)){src=src.substring(cap[0].length);bull=cap[2];this.tokens.push({type:"list_start",ordered:bull.length>1});cap=cap[0].match(this.rules.item);next=false;l=cap.length;i=0;for(;i1&&b.length>1)){src=cap.slice(i+1).join("\n")+src;i=l-1}}loose=next||/\n\n(?!\s*$)/.test(item);if(i!==l-1){next=item.charAt(item.length-1)==="\n";if(!loose)loose=next}this.tokens.push({type:loose?"loose_item_start":"list_item_start"});this.token(item,false,bq);this.tokens.push({type:"list_item_end"})}this.tokens.push({type:"list_end"});continue}if(cap=this.rules.html.exec(src)){src=src.substring(cap[0].length);this.tokens.push({type:this.options.sanitize?"paragraph":"html",pre:!this.options.sanitizer&&(cap[1]==="pre"||cap[1]==="script"||cap[1]==="style"),text:cap[0]});continue}if(!bq&&top&&(cap=this.rules.def.exec(src))){src=src.substring(cap[0].length);this.tokens.links[cap[1].toLowerCase()]={href:cap[2],title:cap[3]};continue}if(top&&(cap=this.rules.table.exec(src))){src=src.substring(cap[0].length);item={type:"table",header:cap[1].replace(/^ *| *\| *$/g,"").split(/ *\| */),align:cap[2].replace(/^ *|\| *$/g,"").split(/ *\| */),cells:cap[3].replace(/(?: *\| *)?\n$/,"").split("\n")};for(i=0;i])/,autolink:/^<([^ >]+(@|:\/)[^ >]+)>/,url:noop,tag:/^|^<\/?\w+(?:"[^"]*"|'[^']*'|[^'">])*?>/,link:/^!?\[(inside)\]\(href\)/,reflink:/^!?\[(inside)\]\s*\[([^\]]*)\]/,nolink:/^!?\[((?:\[[^\]]*\]|[^\[\]])*)\]/,strong:/^__([\s\S]+?)__(?!_)|^\*\*([\s\S]+?)\*\*(?!\*)/,em:/^\b_((?:[^_]|__)+?)_\b|^\*((?:\*\*|[\s\S])+?)\*(?!\*)/,code:/^(`+)\s*([\s\S]*?[^`])\s*\1(?!`)/,br:/^ {2,}\n(?!\s*$)/,del:noop,text:/^[\s\S]+?(?=[\\?(?:\s+['"]([\s\S]*?)['"])?\s*/;inline.link=replace(inline.link)("inside",inline._inside)("href",inline._href)();inline.reflink=replace(inline.reflink)("inside",inline._inside)();inline.normal=merge({},inline);inline.pedantic=merge({},inline.normal,{strong:/^__(?=\S)([\s\S]*?\S)__(?!_)|^\*\*(?=\S)([\s\S]*?\S)\*\*(?!\*)/,em:/^_(?=\S)([\s\S]*?\S)_(?!_)|^\*(?=\S)([\s\S]*?\S)\*(?!\*)/});inline.gfm=merge({},inline.normal,{escape:replace(inline.escape)("])","~|])")(),url:/^(https?:\/\/[^\s<]+[^<.,:;"')\]\s])/,del:/^~~(?=\S)([\s\S]*?\S)~~/,text:replace(inline.text)("]|","~]|")("|","|https?://|")()});inline.breaks=merge({},inline.gfm,{br:replace(inline.br)("{2,}","*")(),text:replace(inline.gfm.text)("{2,}","*")()});function InlineLexer(links,options){this.options=options||marked.defaults;this.links=links;this.rules=inline.normal;this.renderer=this.options.renderer||new Renderer;this.renderer.options=this.options;if(!this.links){throw new Error("Tokens array requires a `links` property.")}if(this.options.gfm){if(this.options.breaks){this.rules=inline.breaks}else{this.rules=inline.gfm}}else if(this.options.pedantic){this.rules=inline.pedantic}}InlineLexer.rules=inline;InlineLexer.output=function(src,links,options){var inline=new InlineLexer(links,options);return inline.output(src)};InlineLexer.prototype.output=function(src){var out="",link,text,href,cap;while(src){if(cap=this.rules.escape.exec(src)){src=src.substring(cap[0].length);out+=cap[1];continue}if(cap=this.rules.autolink.exec(src)){src=src.substring(cap[0].length);if(cap[2]==="@"){text=cap[1].charAt(6)===":"?this.mangle(cap[1].substring(7)):this.mangle(cap[1]);href=this.mangle("mailto:")+text}else{text=escape(cap[1]);href=text}out+=this.renderer.link(href,null,text);continue}if(!this.inLink&&(cap=this.rules.url.exec(src))){src=src.substring(cap[0].length);text=escape(cap[1]);href=text;out+=this.renderer.link(href,null,text);continue}if(cap=this.rules.tag.exec(src)){if(!this.inLink&&/^/i.test(cap[0])){this.inLink=false}src=src.substring(cap[0].length);out+=this.options.sanitize?this.options.sanitizer?this.options.sanitizer(cap[0]):escape(cap[0]):cap[0];continue}if(cap=this.rules.link.exec(src)){src=src.substring(cap[0].length);this.inLink=true;out+=this.outputLink(cap,{href:cap[2],title:cap[3]});this.inLink=false;continue}if((cap=this.rules.reflink.exec(src))||(cap=this.rules.nolink.exec(src))){src=src.substring(cap[0].length);link=(cap[2]||cap[1]).replace(/\s+/g," ");link=this.links[link.toLowerCase()];if(!link||!link.href){out+=cap[0].charAt(0);src=cap[0].substring(1)+src;continue}this.inLink=true;out+=this.outputLink(cap,link);this.inLink=false;continue}if(cap=this.rules.strong.exec(src)){src=src.substring(cap[0].length);out+=this.renderer.strong(this.output(cap[2]||cap[1]));continue}if(cap=this.rules.em.exec(src)){src=src.substring(cap[0].length);out+=this.renderer.em(this.output(cap[2]||cap[1]));continue}if(cap=this.rules.code.exec(src)){src=src.substring(cap[0].length);out+=this.renderer.codespan(escape(cap[2],true));continue}if(cap=this.rules.br.exec(src)){src=src.substring(cap[0].length);out+=this.renderer.br();continue}if(cap=this.rules.del.exec(src)){src=src.substring(cap[0].length);out+=this.renderer.del(this.output(cap[1]));continue}if(cap=this.rules.text.exec(src)){src=src.substring(cap[0].length);out+=this.renderer.text(escape(this.smartypants(cap[0])));continue}if(src){throw new Error("Infinite loop on byte: "+src.charCodeAt(0))}}return out};InlineLexer.prototype.outputLink=function(cap,link){var href=escape(link.href),title=link.title?escape(link.title):null;return cap[0].charAt(0)!=="!"?this.renderer.link(href,title,this.output(cap[1])):this.renderer.image(href,title,escape(cap[1]))};InlineLexer.prototype.smartypants=function(text){if(!this.options.smartypants)return text;return text.replace(/---/g,"—").replace(/--/g,"–").replace(/(^|[-\u2014/(\[{"\s])'/g,"$1‘").replace(/'/g,"’").replace(/(^|[-\u2014/(\[{\u2018\s])"/g,"$1“").replace(/"/g,"”").replace(/\.{3}/g,"…")};InlineLexer.prototype.mangle=function(text){if(!this.options.mangle)return text;var out="",l=text.length,i=0,ch;for(;i.5){ch="x"+ch.toString(16)}out+="&#"+ch+";"}return out};function Renderer(options){this.options=options||{}}Renderer.prototype.code=function(code,lang,escaped){if(this.options.highlight){var out=this.options.highlight(code,lang);if(out!=null&&out!==code){escaped=true;code=out}}if(!lang){return"
"+(escaped?code:escape(code,true))+"\n
"}return'
'+(escaped?code:escape(code,true))+"\n
\n"};Renderer.prototype.blockquote=function(quote){return"
\n"+quote+"
\n"};Renderer.prototype.html=function(html){return html};Renderer.prototype.heading=function(text,level,raw){return"'+text+"\n"};Renderer.prototype.hr=function(){return this.options.xhtml?"
\n":"
\n"};Renderer.prototype.list=function(body,ordered){var type=ordered?"ol":"ul";return"<"+type+">\n"+body+"\n"};Renderer.prototype.listitem=function(text){return"
  • "+text+"
  • \n"};Renderer.prototype.paragraph=function(text){return"

    "+text+"

    \n"};Renderer.prototype.table=function(header,body){return"\n"+"\n"+header+"\n"+"\n"+body+"\n"+"
    \n"};Renderer.prototype.tablerow=function(content){return"\n"+content+"\n"};Renderer.prototype.tablecell=function(content,flags){var type=flags.header?"th":"td";var tag=flags.align?"<"+type+' style="text-align:'+flags.align+'">':"<"+type+">";return tag+content+"\n"};Renderer.prototype.strong=function(text){return""+text+""};Renderer.prototype.em=function(text){return""+text+""};Renderer.prototype.codespan=function(text){return""+text+""};Renderer.prototype.br=function(){return this.options.xhtml?"
    ":"
    "};Renderer.prototype.del=function(text){return""+text+""};Renderer.prototype.link=function(href,title,text){if(this.options.sanitize){try{var prot=decodeURIComponent(unescape(href)).replace(/[^\w:]/g,"").toLowerCase()}catch(e){return""}if(prot.indexOf("javascript:")===0||prot.indexOf("vbscript:")===0){return""}}var out='
    ";return out};Renderer.prototype.image=function(href,title,text){var out=''+text+'":">";return out};Renderer.prototype.text=function(text){return text};function Parser(options){this.tokens=[];this.token=null;this.options=options||marked.defaults;this.options.renderer=this.options.renderer||new Renderer;this.renderer=this.options.renderer;this.renderer.options=this.options}Parser.parse=function(src,options,renderer){var parser=new Parser(options,renderer);return parser.parse(src)};Parser.prototype.parse=function(src){this.inline=new InlineLexer(src.links,this.options,this.renderer);this.tokens=src.reverse();var out="";while(this.next()){out+=this.tok()}return out};Parser.prototype.next=function(){return this.token=this.tokens.pop()};Parser.prototype.peek=function(){return this.tokens[this.tokens.length-1]||0};Parser.prototype.parseText=function(){var body=this.token.text;while(this.peek().type==="text"){body+="\n"+this.next().text}return this.inline.output(body)};Parser.prototype.tok=function(){switch(this.token.type){case"space":{return""}case"hr":{return this.renderer.hr()}case"heading":{return this.renderer.heading(this.inline.output(this.token.text),this.token.depth,this.token.text)}case"code":{return this.renderer.code(this.token.text,this.token.lang,this.token.escaped)}case"table":{var header="",body="",i,row,cell,flags,j;cell="";for(i=0;i/g,">").replace(/"/g,""").replace(/'/g,"'")}function unescape(html){return html.replace(/&([#\w]+);/g,function(_,n){n=n.toLowerCase();if(n==="colon")return":";if(n.charAt(0)==="#"){return n.charAt(1)==="x"?String.fromCharCode(parseInt(n.substring(2),16)):String.fromCharCode(+n.substring(1))}return""})}function replace(regex,opt){regex=regex.source;opt=opt||"";return function self(name,val){if(!name)return new RegExp(regex,opt);val=val.source||val;val=val.replace(/(^|[^\[])\^/g,"$1");regex=regex.replace(name,val);return self}}function noop(){}noop.exec=noop;function merge(obj){var i=1,target,key;for(;iAn error occured:

    "+escape(e.message+"",true)+"
    "}throw e}}marked.options=marked.setOptions=function(opt){merge(marked.defaults,opt);return marked};marked.defaults={gfm:true,tables:true,breaks:false,pedantic:false,sanitize:false,sanitizer:null,mangle:true,smartLists:false,silent:false,highlight:null,langPrefix:"lang-",smartypants:false,headerPrefix:"",renderer:new Renderer,xhtml:false};marked.Parser=Parser;marked.parser=Parser.parse;marked.Renderer=Renderer;marked.Lexer=Lexer;marked.lexer=Lexer.lex;marked.InlineLexer=InlineLexer;marked.inlineLexer=InlineLexer.output;marked.parse=marked;if(typeof module!=="undefined"&&typeof exports==="object"){module.exports=marked}else if(typeof define==="function"&&define.amd){define(function(){return marked})}else{this.marked=marked}}).call(function(){return this||(typeof window!=="undefined"?window:global)}()); \ No newline at end of file diff --git a/docs/pres/assets_files/math.js b/rule-vetting/docs/pres/assets_files/math.js similarity index 96% rename from docs/pres/assets_files/math.js rename to rule-vetting/docs/pres/assets_files/math.js index e3b40898..aac9ec35 100644 --- a/docs/pres/assets_files/math.js +++ b/rule-vetting/docs/pres/assets_files/math.js @@ -1,67 +1,67 @@ -/** - * A plugin which enables rendering of math equations inside - * of reveal.js slides. Essentially a thin wrapper for MathJax. - * - * @author Hakim El Hattab - */ -var RevealMath = window.RevealMath || (function(){ - - var options = Reveal.getConfig().math || {}; - options.mathjax = options.mathjax || 'https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.0/MathJax.js'; - options.config = options.config || 'TeX-AMS_HTML-full'; - - loadScript( options.mathjax + '?config=' + options.config, function() { - - MathJax.Hub.Config({ - messageStyle: 'none', - tex2jax: { - inlineMath: [['$','$'],['\\(','\\)']] , - skipTags: ['script','noscript','style','textarea','pre'] - }, - skipStartupTypeset: true - }); - - // Typeset followed by an immediate reveal.js layout since - // the typesetting process could affect slide height - MathJax.Hub.Queue( [ 'Typeset', MathJax.Hub ] ); - MathJax.Hub.Queue( Reveal.layout ); - - // Reprocess equations in slides when they turn visible - Reveal.addEventListener( 'slidechanged', function( event ) { - - MathJax.Hub.Queue( [ 'Typeset', MathJax.Hub, event.currentSlide ] ); - - } ); - - } ); - - function loadScript( url, callback ) { - - var head = document.querySelector( 'head' ); - var script = document.createElement( 'script' ); - script.type = 'text/javascript'; - script.src = url; - - // Wrapper for callback to make sure it only fires once - var finish = function() { - if( typeof callback === 'function' ) { - callback.call(); - callback = null; - } - } - - script.onload = finish; - - // IE - script.onreadystatechange = function() { - if ( this.readyState === 'loaded' ) { - finish(); - } - } - - // Normal browsers - head.appendChild( script ); - - } - -})(); +/** + * A plugin which enables rendering of math equations inside + * of reveal.js slides. Essentially a thin wrapper for MathJax. + * + * @author Hakim El Hattab + */ +var RevealMath = window.RevealMath || (function(){ + + var options = Reveal.getConfig().math || {}; + options.mathjax = options.mathjax || 'https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.0/MathJax.js'; + options.config = options.config || 'TeX-AMS_HTML-full'; + + loadScript( options.mathjax + '?config=' + options.config, function() { + + MathJax.Hub.Config({ + messageStyle: 'none', + tex2jax: { + inlineMath: [['$','$'],['\\(','\\)']] , + skipTags: ['script','noscript','style','textarea','pre'] + }, + skipStartupTypeset: true + }); + + // Typeset followed by an immediate reveal.js layout since + // the typesetting process could affect slide height + MathJax.Hub.Queue( [ 'Typeset', MathJax.Hub ] ); + MathJax.Hub.Queue( Reveal.layout ); + + // Reprocess equations in slides when they turn visible + Reveal.addEventListener( 'slidechanged', function( event ) { + + MathJax.Hub.Queue( [ 'Typeset', MathJax.Hub, event.currentSlide ] ); + + } ); + + } ); + + function loadScript( url, callback ) { + + var head = document.querySelector( 'head' ); + var script = document.createElement( 'script' ); + script.type = 'text/javascript'; + script.src = url; + + // Wrapper for callback to make sure it only fires once + var finish = function() { + if( typeof callback === 'function' ) { + callback.call(); + callback = null; + } + } + + script.onload = finish; + + // IE + script.onreadystatechange = function() { + if ( this.readyState === 'loaded' ) { + finish(); + } + } + + // Normal browsers + head.appendChild( script ); + + } + +})(); diff --git a/docs/pres/assets_files/ml_map.png b/rule-vetting/docs/pres/assets_files/ml_map.png similarity index 100% rename from docs/pres/assets_files/ml_map.png rename to rule-vetting/docs/pres/assets_files/ml_map.png diff --git a/docs/pres/assets_files/notes.js b/rule-vetting/docs/pres/assets_files/notes.js similarity index 96% rename from docs/pres/assets_files/notes.js rename to rule-vetting/docs/pres/assets_files/notes.js index 80fb6e2a..549bf5c8 100644 --- a/docs/pres/assets_files/notes.js +++ b/rule-vetting/docs/pres/assets_files/notes.js @@ -1,155 +1,155 @@ -/** - * Handles opening of and synchronization with the reveal.js - * notes window. - * - * Handshake process: - * 1. This window posts 'connect' to notes window - * - Includes URL of presentation to show - * 2. Notes window responds with 'connected' when it is available - * 3. This window proceeds to send the current presentation state - * to the notes window - */ -var RevealNotes = (function() { - - function openNotes( notesFilePath ) { - - if( !notesFilePath ) { - var jsFileLocation = document.querySelector('script[src$="notes.js"]').src; // this js file path - jsFileLocation = jsFileLocation.replace(/notes\.js(\?.*)?$/, ''); // the js folder path - notesFilePath = jsFileLocation + 'notes.html'; - } - - var notesPopup = window.open( notesFilePath, 'reveal.js - Notes', 'width=1100,height=700' ); - - // Allow popup window access to Reveal API - notesPopup.Reveal = this.Reveal; - - /** - * Connect to the notes window through a postmessage handshake. - * Using postmessage enables us to work in situations where the - * origins differ, such as a presentation being opened from the - * file system. - */ - function connect() { - // Keep trying to connect until we get a 'connected' message back - var connectInterval = setInterval( function() { - notesPopup.postMessage( JSON.stringify( { - namespace: 'reveal-notes', - type: 'connect', - url: window.location.protocol + '//' + window.location.host + window.location.pathname + window.location.search, - state: Reveal.getState() - } ), '*' ); - }, 500 ); - - window.addEventListener( 'message', function( event ) { - var data = JSON.parse( event.data ); - if( data && data.namespace === 'reveal-notes' && data.type === 'connected' ) { - clearInterval( connectInterval ); - onConnected(); - } - } ); - } - - /** - * Posts the current slide data to the notes window - */ - function post( event ) { - - var slideElement = Reveal.getCurrentSlide(), - notesElement = slideElement.querySelector( 'aside.notes' ), - fragmentElement = slideElement.querySelector( '.current-fragment' ); - - var messageData = { - namespace: 'reveal-notes', - type: 'state', - notes: '', - markdown: false, - whitespace: 'normal', - state: Reveal.getState() - }; - - // Look for notes defined in a slide attribute - if( slideElement.hasAttribute( 'data-notes' ) ) { - messageData.notes = slideElement.getAttribute( 'data-notes' ); - messageData.whitespace = 'pre-wrap'; - } - - // Look for notes defined in a fragment - if( fragmentElement ) { - var fragmentNotes = fragmentElement.querySelector( 'aside.notes' ); - if( fragmentNotes ) { - notesElement = fragmentNotes; - } - else if( fragmentElement.hasAttribute( 'data-notes' ) ) { - messageData.notes = fragmentElement.getAttribute( 'data-notes' ); - messageData.whitespace = 'pre-wrap'; - - // In case there are slide notes - notesElement = null; - } - } - - // Look for notes defined in an aside element - if( notesElement ) { - messageData.notes = notesElement.innerHTML; - messageData.markdown = typeof notesElement.getAttribute( 'data-markdown' ) === 'string'; - } - - notesPopup.postMessage( JSON.stringify( messageData ), '*' ); - - } - - /** - * Called once we have established a connection to the notes - * window. - */ - function onConnected() { - - // Monitor events that trigger a change in state - Reveal.addEventListener( 'slidechanged', post ); - Reveal.addEventListener( 'fragmentshown', post ); - Reveal.addEventListener( 'fragmenthidden', post ); - Reveal.addEventListener( 'overviewhidden', post ); - Reveal.addEventListener( 'overviewshown', post ); - Reveal.addEventListener( 'paused', post ); - Reveal.addEventListener( 'resumed', post ); - - // Post the initial state - post(); - - } - - connect(); - - } - - if( !/receiver/i.test( window.location.search ) ) { - - // If the there's a 'notes' query set, open directly - if( window.location.search.match( /(\?|\&)notes/gi ) !== null ) { - openNotes(); - } - - // Open the notes when the 's' key is hit - document.addEventListener( 'keydown', function( event ) { - // Disregard the event if the target is editable or a - // modifier is present - if ( document.querySelector( ':focus' ) !== null || event.shiftKey || event.altKey || event.ctrlKey || event.metaKey ) return; - - // Disregard the event if keyboard is disabled - if ( Reveal.getConfig().keyboard === false ) return; - - if( event.keyCode === 83 ) { - event.preventDefault(); - openNotes(); - } - }, false ); - - // Show our keyboard shortcut in the reveal.js help overlay - if( window.Reveal ) Reveal.registerKeyboardShortcut( 'S', 'Speaker notes view' ); - - } - - return { open: openNotes }; - -})(); +/** + * Handles opening of and synchronization with the reveal.js + * notes window. + * + * Handshake process: + * 1. This window posts 'connect' to notes window + * - Includes URL of presentation to show + * 2. Notes window responds with 'connected' when it is available + * 3. This window proceeds to send the current presentation state + * to the notes window + */ +var RevealNotes = (function() { + + function openNotes( notesFilePath ) { + + if( !notesFilePath ) { + var jsFileLocation = document.querySelector('script[src$="notes.js"]').src; // this js file path + jsFileLocation = jsFileLocation.replace(/notes\.js(\?.*)?$/, ''); // the js folder path + notesFilePath = jsFileLocation + 'notes.html'; + } + + var notesPopup = window.open( notesFilePath, 'reveal.js - Notes', 'width=1100,height=700' ); + + // Allow popup window access to Reveal API + notesPopup.Reveal = this.Reveal; + + /** + * Connect to the notes window through a postmessage handshake. + * Using postmessage enables us to work in situations where the + * origins differ, such as a presentation being opened from the + * file system. + */ + function connect() { + // Keep trying to connect until we get a 'connected' message back + var connectInterval = setInterval( function() { + notesPopup.postMessage( JSON.stringify( { + namespace: 'reveal-notes', + type: 'connect', + url: window.location.protocol + '//' + window.location.host + window.location.pathname + window.location.search, + state: Reveal.getState() + } ), '*' ); + }, 500 ); + + window.addEventListener( 'message', function( event ) { + var data = JSON.parse( event.data ); + if( data && data.namespace === 'reveal-notes' && data.type === 'connected' ) { + clearInterval( connectInterval ); + onConnected(); + } + } ); + } + + /** + * Posts the current slide data to the notes window + */ + function post( event ) { + + var slideElement = Reveal.getCurrentSlide(), + notesElement = slideElement.querySelector( 'aside.notes' ), + fragmentElement = slideElement.querySelector( '.current-fragment' ); + + var messageData = { + namespace: 'reveal-notes', + type: 'state', + notes: '', + markdown: false, + whitespace: 'normal', + state: Reveal.getState() + }; + + // Look for notes defined in a slide attribute + if( slideElement.hasAttribute( 'data-notes' ) ) { + messageData.notes = slideElement.getAttribute( 'data-notes' ); + messageData.whitespace = 'pre-wrap'; + } + + // Look for notes defined in a fragment + if( fragmentElement ) { + var fragmentNotes = fragmentElement.querySelector( 'aside.notes' ); + if( fragmentNotes ) { + notesElement = fragmentNotes; + } + else if( fragmentElement.hasAttribute( 'data-notes' ) ) { + messageData.notes = fragmentElement.getAttribute( 'data-notes' ); + messageData.whitespace = 'pre-wrap'; + + // In case there are slide notes + notesElement = null; + } + } + + // Look for notes defined in an aside element + if( notesElement ) { + messageData.notes = notesElement.innerHTML; + messageData.markdown = typeof notesElement.getAttribute( 'data-markdown' ) === 'string'; + } + + notesPopup.postMessage( JSON.stringify( messageData ), '*' ); + + } + + /** + * Called once we have established a connection to the notes + * window. + */ + function onConnected() { + + // Monitor events that trigger a change in state + Reveal.addEventListener( 'slidechanged', post ); + Reveal.addEventListener( 'fragmentshown', post ); + Reveal.addEventListener( 'fragmenthidden', post ); + Reveal.addEventListener( 'overviewhidden', post ); + Reveal.addEventListener( 'overviewshown', post ); + Reveal.addEventListener( 'paused', post ); + Reveal.addEventListener( 'resumed', post ); + + // Post the initial state + post(); + + } + + connect(); + + } + + if( !/receiver/i.test( window.location.search ) ) { + + // If the there's a 'notes' query set, open directly + if( window.location.search.match( /(\?|\&)notes/gi ) !== null ) { + openNotes(); + } + + // Open the notes when the 's' key is hit + document.addEventListener( 'keydown', function( event ) { + // Disregard the event if the target is editable or a + // modifier is present + if ( document.querySelector( ':focus' ) !== null || event.shiftKey || event.altKey || event.ctrlKey || event.metaKey ) return; + + // Disregard the event if keyboard is disabled + if ( Reveal.getConfig().keyboard === false ) return; + + if( event.keyCode === 83 ) { + event.preventDefault(); + openNotes(); + } + }, false ); + + // Show our keyboard shortcut in the reveal.js help overlay + if( window.Reveal ) Reveal.registerKeyboardShortcut( 'S', 'Speaker notes view' ); + + } + + return { open: openNotes }; + +})(); diff --git a/docs/pres/assets_files/pandas.png b/rule-vetting/docs/pres/assets_files/pandas.png similarity index 100% rename from docs/pres/assets_files/pandas.png rename to rule-vetting/docs/pres/assets_files/pandas.png diff --git a/docs/pres/assets_files/paper.css b/rule-vetting/docs/pres/assets_files/paper.css similarity index 96% rename from docs/pres/assets_files/paper.css rename to rule-vetting/docs/pres/assets_files/paper.css index 27d19dd2..06900eaf 100644 --- a/docs/pres/assets_files/paper.css +++ b/rule-vetting/docs/pres/assets_files/paper.css @@ -1,203 +1,203 @@ -/* Default Print Stylesheet Template - by Rob Glazebrook of CSSnewbie.com - Last Updated: June 4, 2008 - - Feel free (nay, compelled) to edit, append, and - manipulate this file as you see fit. */ - - -@media print { - - /* SECTION 1: Set default width, margin, float, and - background. This prevents elements from extending - beyond the edge of the printed page, and prevents - unnecessary background images from printing */ - html { - background: #fff; - width: auto; - height: auto; - overflow: visible; - } - body { - background: #fff; - font-size: 20pt; - width: auto; - height: auto; - border: 0; - margin: 0 5%; - padding: 0; - overflow: visible; - float: none !important; - } - - /* SECTION 2: Remove any elements not needed in print. - This would include navigation, ads, sidebars, etc. */ - .nestedarrow, - .controls, - .fork-reveal, - .share-reveal, - .state-background, - .reveal .progress, - .reveal .backgrounds, - .reveal .slide-number { - display: none !important; - } - - /* SECTION 3: Set body font face, size, and color. - Consider using a serif font for readability. */ - body, p, td, li, div { - font-size: 20pt!important; - font-family: Georgia, "Times New Roman", Times, serif !important; - color: #000; - } - - /* SECTION 4: Set heading font face, sizes, and color. - Differentiate your headings from your body text. - Perhaps use a large sans-serif for distinction. */ - h1,h2,h3,h4,h5,h6 { - color: #000!important; - height: auto; - line-height: normal; - font-family: Georgia, "Times New Roman", Times, serif !important; - text-shadow: 0 0 0 #000 !important; - text-align: left; - letter-spacing: normal; - } - /* Need to reduce the size of the fonts for printing */ - h1 { font-size: 28pt !important; } - h2 { font-size: 24pt !important; } - h3 { font-size: 22pt !important; } - h4 { font-size: 22pt !important; font-variant: small-caps; } - h5 { font-size: 21pt !important; } - h6 { font-size: 20pt !important; font-style: italic; } - - /* SECTION 5: Make hyperlinks more usable. - Ensure links are underlined, and consider appending - the URL to the end of the link for usability. */ - a:link, - a:visited { - color: #000 !important; - font-weight: bold; - text-decoration: underline; - } - /* - .reveal a:link:after, - .reveal a:visited:after { - content: " (" attr(href) ") "; - color: #222 !important; - font-size: 90%; - } - */ - - - /* SECTION 6: more reveal.js specific additions by @skypanther */ - ul, ol, div, p { - visibility: visible; - position: static; - width: auto; - height: auto; - display: block; - overflow: visible; - margin: 0; - text-align: left !important; - } - .reveal pre, - .reveal table { - margin-left: 0; - margin-right: 0; - } - .reveal pre code { - padding: 20px; - border: 1px solid #ddd; - } - .reveal blockquote { - margin: 20px 0; - } - .reveal .slides { - position: static !important; - width: auto !important; - height: auto !important; - - left: 0 !important; - top: 0 !important; - margin-left: 0 !important; - margin-top: 0 !important; - padding: 0 !important; - zoom: 1 !important; - - overflow: visible !important; - display: block !important; - - text-align: left !important; - -webkit-perspective: none; - -moz-perspective: none; - -ms-perspective: none; - perspective: none; - - -webkit-perspective-origin: 50% 50%; - -moz-perspective-origin: 50% 50%; - -ms-perspective-origin: 50% 50%; - perspective-origin: 50% 50%; - } - .reveal .slides section { - visibility: visible !important; - position: static !important; - width: auto !important; - height: auto !important; - display: block !important; - overflow: visible !important; - - left: 0 !important; - top: 0 !important; - margin-left: 0 !important; - margin-top: 0 !important; - padding: 60px 20px !important; - z-index: auto !important; - - opacity: 1 !important; - - page-break-after: always !important; - - -webkit-transform-style: flat !important; - -moz-transform-style: flat !important; - -ms-transform-style: flat !important; - transform-style: flat !important; - - -webkit-transform: none !important; - -moz-transform: none !important; - -ms-transform: none !important; - transform: none !important; - - -webkit-transition: none !important; - -moz-transition: none !important; - -ms-transition: none !important; - transition: none !important; - } - .reveal .slides section.stack { - padding: 0 !important; - } - .reveal section:last-of-type { - page-break-after: avoid !important; - } - .reveal section .fragment { - opacity: 1 !important; - visibility: visible !important; - - -webkit-transform: none !important; - -moz-transform: none !important; - -ms-transform: none !important; - transform: none !important; - } - .reveal section img { - display: block; - margin: 15px 0px; - background: rgba(255,255,255,1); - border: 1px solid #666; - box-shadow: none; - } - - .reveal section small { - font-size: 0.8em; - } - -} +/* Default Print Stylesheet Template + by Rob Glazebrook of CSSnewbie.com + Last Updated: June 4, 2008 + + Feel free (nay, compelled) to edit, append, and + manipulate this file as you see fit. */ + + +@media print { + + /* SECTION 1: Set default width, margin, float, and + background. This prevents elements from extending + beyond the edge of the printed page, and prevents + unnecessary background images from printing */ + html { + background: #fff; + width: auto; + height: auto; + overflow: visible; + } + body { + background: #fff; + font-size: 20pt; + width: auto; + height: auto; + border: 0; + margin: 0 5%; + padding: 0; + overflow: visible; + float: none !important; + } + + /* SECTION 2: Remove any elements not needed in print. + This would include navigation, ads, sidebars, etc. */ + .nestedarrow, + .controls, + .fork-reveal, + .share-reveal, + .state-background, + .reveal .progress, + .reveal .backgrounds, + .reveal .slide-number { + display: none !important; + } + + /* SECTION 3: Set body font face, size, and color. + Consider using a serif font for readability. */ + body, p, td, li, div { + font-size: 20pt!important; + font-family: Georgia, "Times New Roman", Times, serif !important; + color: #000; + } + + /* SECTION 4: Set heading font face, sizes, and color. + Differentiate your headings from your body text. + Perhaps use a large sans-serif for distinction. */ + h1,h2,h3,h4,h5,h6 { + color: #000!important; + height: auto; + line-height: normal; + font-family: Georgia, "Times New Roman", Times, serif !important; + text-shadow: 0 0 0 #000 !important; + text-align: left; + letter-spacing: normal; + } + /* Need to reduce the size of the fonts for printing */ + h1 { font-size: 28pt !important; } + h2 { font-size: 24pt !important; } + h3 { font-size: 22pt !important; } + h4 { font-size: 22pt !important; font-variant: small-caps; } + h5 { font-size: 21pt !important; } + h6 { font-size: 20pt !important; font-style: italic; } + + /* SECTION 5: Make hyperlinks more usable. + Ensure links are underlined, and consider appending + the URL to the end of the link for usability. */ + a:link, + a:visited { + color: #000 !important; + font-weight: bold; + text-decoration: underline; + } + /* + .reveal a:link:after, + .reveal a:visited:after { + content: " (" attr(href) ") "; + color: #222 !important; + font-size: 90%; + } + */ + + + /* SECTION 6: more reveal.js specific additions by @skypanther */ + ul, ol, div, p { + visibility: visible; + position: static; + width: auto; + height: auto; + display: block; + overflow: visible; + margin: 0; + text-align: left !important; + } + .reveal pre, + .reveal table { + margin-left: 0; + margin-right: 0; + } + .reveal pre code { + padding: 20px; + border: 1px solid #ddd; + } + .reveal blockquote { + margin: 20px 0; + } + .reveal .slides { + position: static !important; + width: auto !important; + height: auto !important; + + left: 0 !important; + top: 0 !important; + margin-left: 0 !important; + margin-top: 0 !important; + padding: 0 !important; + zoom: 1 !important; + + overflow: visible !important; + display: block !important; + + text-align: left !important; + -webkit-perspective: none; + -moz-perspective: none; + -ms-perspective: none; + perspective: none; + + -webkit-perspective-origin: 50% 50%; + -moz-perspective-origin: 50% 50%; + -ms-perspective-origin: 50% 50%; + perspective-origin: 50% 50%; + } + .reveal .slides section { + visibility: visible !important; + position: static !important; + width: auto !important; + height: auto !important; + display: block !important; + overflow: visible !important; + + left: 0 !important; + top: 0 !important; + margin-left: 0 !important; + margin-top: 0 !important; + padding: 60px 20px !important; + z-index: auto !important; + + opacity: 1 !important; + + page-break-after: always !important; + + -webkit-transform-style: flat !important; + -moz-transform-style: flat !important; + -ms-transform-style: flat !important; + transform-style: flat !important; + + -webkit-transform: none !important; + -moz-transform: none !important; + -ms-transform: none !important; + transform: none !important; + + -webkit-transition: none !important; + -moz-transition: none !important; + -ms-transition: none !important; + transition: none !important; + } + .reveal .slides section.stack { + padding: 0 !important; + } + .reveal section:last-of-type { + page-break-after: avoid !important; + } + .reveal section .fragment { + opacity: 1 !important; + visibility: visible !important; + + -webkit-transform: none !important; + -moz-transform: none !important; + -ms-transform: none !important; + transform: none !important; + } + .reveal section img { + display: block; + margin: 15px 0px; + background: rgba(255,255,255,1); + border: 1px solid #666; + box-shadow: none; + } + + .reveal section small { + font-size: 0.8em; + } + +} diff --git a/docs/pres/assets_files/reveal.css b/rule-vetting/docs/pres/assets_files/reveal.css similarity index 97% rename from docs/pres/assets_files/reveal.css rename to rule-vetting/docs/pres/assets_files/reveal.css index 33927531..45868807 100644 --- a/docs/pres/assets_files/reveal.css +++ b/rule-vetting/docs/pres/assets_files/reveal.css @@ -1,1555 +1,1555 @@ -/*! - * reveal.js - * http://revealjs.com - * MIT licensed - * - * Copyright (C) 2017 Hakim El Hattab, http://hakim.se - */ -/********************************************* - * RESET STYLES - *********************************************/ -html, body, .reveal div, .reveal span, .reveal applet, .reveal object, .reveal iframe, -.reveal h1, .reveal h2, .reveal h3, .reveal h4, .reveal h5, .reveal h6, .reveal p, .reveal blockquote, .reveal pre, -.reveal a, .reveal abbr, .reveal acronym, .reveal address, .reveal big, .reveal cite, .reveal code, -.reveal del, .reveal dfn, .reveal em, .reveal img, .reveal ins, .reveal kbd, .reveal q, .reveal s, .reveal samp, -.reveal small, .reveal strike, .reveal strong, .reveal sub, .reveal sup, .reveal tt, .reveal var, -.reveal b, .reveal u, .reveal center, -.reveal dl, .reveal dt, .reveal dd, .reveal ol, .reveal ul, .reveal li, -.reveal fieldset, .reveal form, .reveal label, .reveal legend, -.reveal table, .reveal caption, .reveal tbody, .reveal tfoot, .reveal thead, .reveal tr, .reveal th, .reveal td, -.reveal article, .reveal aside, .reveal canvas, .reveal details, .reveal embed, -.reveal figure, .reveal figcaption, .reveal footer, .reveal header, .reveal hgroup, -.reveal menu, .reveal nav, .reveal output, .reveal ruby, .reveal section, .reveal summary, -.reveal time, .reveal mark, .reveal audio, .reveal video { - margin: 0; - padding: 0; - border: 0; - font-size: 100%; - font: inherit; - vertical-align: baseline; } - -.reveal article, .reveal aside, .reveal details, .reveal figcaption, .reveal figure, -.reveal footer, .reveal header, .reveal hgroup, .reveal menu, .reveal nav, .reveal section { - display: block; } - -/********************************************* - * GLOBAL STYLES - *********************************************/ -html, -body { - width: 100%; - height: 100%; - overflow: hidden; } - -body { - position: relative; - line-height: 1; - background-color: #fff; - color: #000; } - -/********************************************* - * VIEW FRAGMENTS - *********************************************/ -.reveal .slides section .fragment { - opacity: 0; - visibility: hidden; - transition: all .2s ease; } - .reveal .slides section .fragment.visible { - opacity: 1; - visibility: inherit; } - -.reveal .slides section .fragment.grow { - opacity: 1; - visibility: inherit; } - .reveal .slides section .fragment.grow.visible { - -webkit-transform: scale(1.3); - transform: scale(1.3); } - -.reveal .slides section .fragment.shrink { - opacity: 1; - visibility: inherit; } - .reveal .slides section .fragment.shrink.visible { - -webkit-transform: scale(0.7); - transform: scale(0.7); } - -.reveal .slides section .fragment.zoom-in { - -webkit-transform: scale(0.1); - transform: scale(0.1); } - .reveal .slides section .fragment.zoom-in.visible { - -webkit-transform: none; - transform: none; } - -.reveal .slides section .fragment.fade-out { - opacity: 1; - visibility: inherit; } - .reveal .slides section .fragment.fade-out.visible { - opacity: 0; - visibility: hidden; } - -.reveal .slides section .fragment.semi-fade-out { - opacity: 1; - visibility: inherit; } - .reveal .slides section .fragment.semi-fade-out.visible { - opacity: 0.5; - visibility: inherit; } - -.reveal .slides section .fragment.strike { - opacity: 1; - visibility: inherit; } - .reveal .slides section .fragment.strike.visible { - text-decoration: line-through; } - -.reveal .slides section .fragment.fade-up { - -webkit-transform: translate(0, 20%); - transform: translate(0, 20%); } - .reveal .slides section .fragment.fade-up.visible { - -webkit-transform: translate(0, 0); - transform: translate(0, 0); } - -.reveal .slides section .fragment.fade-down { - -webkit-transform: translate(0, -20%); - transform: translate(0, -20%); } - .reveal .slides section .fragment.fade-down.visible { - -webkit-transform: translate(0, 0); - transform: translate(0, 0); } - -.reveal .slides section .fragment.fade-right { - -webkit-transform: translate(-20%, 0); - transform: translate(-20%, 0); } - .reveal .slides section .fragment.fade-right.visible { - -webkit-transform: translate(0, 0); - transform: translate(0, 0); } - -.reveal .slides section .fragment.fade-left { - -webkit-transform: translate(20%, 0); - transform: translate(20%, 0); } - .reveal .slides section .fragment.fade-left.visible { - -webkit-transform: translate(0, 0); - transform: translate(0, 0); } - -.reveal .slides section .fragment.current-visible { - opacity: 0; - visibility: hidden; } - .reveal .slides section .fragment.current-visible.current-fragment { - opacity: 1; - visibility: inherit; } - -.reveal .slides section .fragment.highlight-red, -.reveal .slides section .fragment.highlight-current-red, -.reveal .slides section .fragment.highlight-green, -.reveal .slides section .fragment.highlight-current-green, -.reveal .slides section .fragment.highlight-blue, -.reveal .slides section .fragment.highlight-current-blue { - opacity: 1; - visibility: inherit; } - -.reveal .slides section .fragment.highlight-red.visible { - color: #ff2c2d; } - -.reveal .slides section .fragment.highlight-green.visible { - color: #17ff2e; } - -.reveal .slides section .fragment.highlight-blue.visible { - color: #1b91ff; } - -.reveal .slides section .fragment.highlight-current-red.current-fragment { - color: #ff2c2d; } - -.reveal .slides section .fragment.highlight-current-green.current-fragment { - color: #17ff2e; } - -.reveal .slides section .fragment.highlight-current-blue.current-fragment { - color: #1b91ff; } - -/********************************************* - * DEFAULT ELEMENT STYLES - *********************************************/ -/* Fixes issue in Chrome where italic fonts did not appear when printing to PDF */ -.reveal:after { - content: ''; - font-style: italic; } - -.reveal iframe { - z-index: 1; } - -/** Prevents layering issues in certain browser/transition combinations */ -.reveal a { - position: relative; } - -.reveal .stretch { - max-width: none; - max-height: none; } - -.reveal pre.stretch code { - height: 100%; - max-height: 100%; - box-sizing: border-box; } - -/********************************************* - * CONTROLS - *********************************************/ -@-webkit-keyframes bounce-right { - 0%, 10%, 25%, 40%, 50% { - -webkit-transform: translateX(0); - transform: translateX(0); } - 20% { - -webkit-transform: translateX(10px); - transform: translateX(10px); } - 30% { - -webkit-transform: translateX(-5px); - transform: translateX(-5px); } } -@keyframes bounce-right { - 0%, 10%, 25%, 40%, 50% { - -webkit-transform: translateX(0); - transform: translateX(0); } - 20% { - -webkit-transform: translateX(10px); - transform: translateX(10px); } - 30% { - -webkit-transform: translateX(-5px); - transform: translateX(-5px); } } - -@-webkit-keyframes bounce-down { - 0%, 10%, 25%, 40%, 50% { - -webkit-transform: translateY(0); - transform: translateY(0); } - 20% { - -webkit-transform: translateY(10px); - transform: translateY(10px); } - 30% { - -webkit-transform: translateY(-5px); - transform: translateY(-5px); } } - -@keyframes bounce-down { - 0%, 10%, 25%, 40%, 50% { - -webkit-transform: translateY(0); - transform: translateY(0); } - 20% { - -webkit-transform: translateY(10px); - transform: translateY(10px); } - 30% { - -webkit-transform: translateY(-5px); - transform: translateY(-5px); } } - -.reveal .controls { - display: none; - position: absolute; - top: auto; - bottom: 12px; - right: 12px; - left: auto; - z-index: 1; - color: #000; - pointer-events: none; - font-size: 10px; } - .reveal .controls button { - position: absolute; - padding: 0; - background-color: transparent; - border: 0; - outline: 0; - cursor: pointer; - color: currentColor; - -webkit-transform: scale(0.9999); - transform: scale(0.9999); - transition: color 0.2s ease, opacity 0.2s ease, -webkit-transform 0.2s ease; - transition: color 0.2s ease, opacity 0.2s ease, transform 0.2s ease; - z-index: 2; - pointer-events: auto; - font-size: inherit; - visibility: hidden; - opacity: 0; - -webkit-appearance: none; - -webkit-tap-highlight-color: transparent; } - .reveal .controls .controls-arrow:before, - .reveal .controls .controls-arrow:after { - content: ''; - position: absolute; - top: 0; - left: 0; - width: 2.6em; - height: 0.5em; - border-radius: 0.25em; - background-color: currentColor; - transition: all 0.15s ease, background-color 0.8s ease; - -webkit-transform-origin: 0.2em 50%; - transform-origin: 0.2em 50%; - will-change: transform; } - .reveal .controls .controls-arrow { - position: relative; - width: 3.6em; - height: 3.6em; } - .reveal .controls .controls-arrow:before { - -webkit-transform: translateX(0.5em) translateY(1.55em) rotate(45deg); - transform: translateX(0.5em) translateY(1.55em) rotate(45deg); } - .reveal .controls .controls-arrow:after { - -webkit-transform: translateX(0.5em) translateY(1.55em) rotate(-45deg); - transform: translateX(0.5em) translateY(1.55em) rotate(-45deg); } - .reveal .controls .controls-arrow:hover:before { - -webkit-transform: translateX(0.5em) translateY(1.55em) rotate(40deg); - transform: translateX(0.5em) translateY(1.55em) rotate(40deg); } - .reveal .controls .controls-arrow:hover:after { - -webkit-transform: translateX(0.5em) translateY(1.55em) rotate(-40deg); - transform: translateX(0.5em) translateY(1.55em) rotate(-40deg); } - .reveal .controls .controls-arrow:active:before { - -webkit-transform: translateX(0.5em) translateY(1.55em) rotate(36deg); - transform: translateX(0.5em) translateY(1.55em) rotate(36deg); } - .reveal .controls .controls-arrow:active:after { - -webkit-transform: translateX(0.5em) translateY(1.55em) rotate(-36deg); - transform: translateX(0.5em) translateY(1.55em) rotate(-36deg); } - .reveal .controls .navigate-left { - right: 6.4em; - bottom: 3.2em; - -webkit-transform: translateX(-10px); - transform: translateX(-10px); } - .reveal .controls .navigate-right { - right: 0; - bottom: 3.2em; - -webkit-transform: translateX(10px); - transform: translateX(10px); } - .reveal .controls .navigate-right .controls-arrow { - -webkit-transform: rotate(180deg); - transform: rotate(180deg); } - .reveal .controls .navigate-right.highlight { - -webkit-animation: bounce-right 2s 50 both ease-out; - animation: bounce-right 2s 50 both ease-out; } - .reveal .controls .navigate-up { - right: 3.2em; - bottom: 6.4em; - -webkit-transform: translateY(-10px); - transform: translateY(-10px); } - .reveal .controls .navigate-up .controls-arrow { - -webkit-transform: rotate(90deg); - transform: rotate(90deg); } - .reveal .controls .navigate-down { - right: 3.2em; - bottom: 0; - -webkit-transform: translateY(10px); - transform: translateY(10px); } - .reveal .controls .navigate-down .controls-arrow { - -webkit-transform: rotate(-90deg); - transform: rotate(-90deg); } - .reveal .controls .navigate-down.highlight { - -webkit-animation: bounce-down 2s 50 both ease-out; - animation: bounce-down 2s 50 both ease-out; } - .reveal .controls[data-controls-back-arrows="faded"] .navigate-left.enabled, - .reveal .controls[data-controls-back-arrows="faded"] .navigate-up.enabled { - opacity: 0.3; } - .reveal .controls[data-controls-back-arrows="faded"] .navigate-left.enabled:hover, - .reveal .controls[data-controls-back-arrows="faded"] .navigate-up.enabled:hover { - opacity: 1; } - .reveal .controls[data-controls-back-arrows="hidden"] .navigate-left.enabled, - .reveal .controls[data-controls-back-arrows="hidden"] .navigate-up.enabled { - opacity: 0; - visibility: hidden; } - .reveal .controls .enabled { - visibility: visible; - opacity: 0.9; - cursor: pointer; - -webkit-transform: none; - transform: none; } - .reveal .controls .enabled.fragmented { - opacity: 0.5; } - .reveal .controls .enabled:hover, - .reveal .controls .enabled.fragmented:hover { - opacity: 1; } - -.reveal:not(.has-vertical-slides) .controls .navigate-left { - bottom: 1.4em; - right: 5.5em; } - -.reveal:not(.has-vertical-slides) .controls .navigate-right { - bottom: 1.4em; - right: 0.5em; } - -.reveal:not(.has-horizontal-slides) .controls .navigate-up { - right: 1.4em; - bottom: 5em; } - -.reveal:not(.has-horizontal-slides) .controls .navigate-down { - right: 1.4em; - bottom: 0.5em; } - -.reveal.has-dark-background .controls { - color: #fff; } - -.reveal.has-light-background .controls { - color: #000; } - -.reveal.no-hover .controls .controls-arrow:hover:before, -.reveal.no-hover .controls .controls-arrow:active:before { - -webkit-transform: translateX(0.5em) translateY(1.55em) rotate(45deg); - transform: translateX(0.5em) translateY(1.55em) rotate(45deg); } - -.reveal.no-hover .controls .controls-arrow:hover:after, -.reveal.no-hover .controls .controls-arrow:active:after { - -webkit-transform: translateX(0.5em) translateY(1.55em) rotate(-45deg); - transform: translateX(0.5em) translateY(1.55em) rotate(-45deg); } - -@media screen and (min-width: 500px) { - .reveal .controls[data-controls-layout="edges"] { - top: 0; - right: 0; - bottom: 0; - left: 0; } - .reveal .controls[data-controls-layout="edges"] .navigate-left, - .reveal .controls[data-controls-layout="edges"] .navigate-right, - .reveal .controls[data-controls-layout="edges"] .navigate-up, - .reveal .controls[data-controls-layout="edges"] .navigate-down { - bottom: auto; - right: auto; } - .reveal .controls[data-controls-layout="edges"] .navigate-left { - top: 50%; - left: 8px; - margin-top: -1.8em; } - .reveal .controls[data-controls-layout="edges"] .navigate-right { - top: 50%; - right: 8px; - margin-top: -1.8em; } - .reveal .controls[data-controls-layout="edges"] .navigate-up { - top: 8px; - left: 50%; - margin-left: -1.8em; } - .reveal .controls[data-controls-layout="edges"] .navigate-down { - bottom: 8px; - left: 50%; - margin-left: -1.8em; } } - -/********************************************* - * PROGRESS BAR - *********************************************/ -.reveal .progress { - position: absolute; - display: none; - height: 3px; - width: 100%; - bottom: 0; - left: 0; - z-index: 10; - background-color: rgba(0, 0, 0, 0.2); - color: #fff; } - -.reveal .progress:after { - content: ''; - display: block; - position: absolute; - height: 10px; - width: 100%; - top: -10px; } - -.reveal .progress span { - display: block; - height: 100%; - width: 0px; - background-color: currentColor; - transition: width 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985); } - -/********************************************* - * SLIDE NUMBER - *********************************************/ -.reveal .slide-number { - position: fixed; - display: block; - right: 8px; - bottom: 8px; - z-index: 31; - font-family: Helvetica, sans-serif; - font-size: 12px; - line-height: 1; - color: #fff; - background-color: rgba(0, 0, 0, 0.4); - padding: 5px; } - -.reveal .slide-number-delimiter { - margin: 0 3px; } - -/********************************************* - * SLIDES - *********************************************/ -.reveal { - position: relative; - width: 100%; - height: 100%; - overflow: hidden; - -ms-touch-action: none; - touch-action: none; } - -@media only screen and (orientation: landscape) { - .reveal.ua-iphone { - position: fixed; } } - -.reveal .slides { - position: absolute; - width: 100%; - height: 100%; - top: 0; - right: 0; - bottom: 0; - left: 0; - margin: auto; - pointer-events: none; - overflow: visible; - z-index: 1; - text-align: center; - -webkit-perspective: 600px; - perspective: 600px; - -webkit-perspective-origin: 50% 40%; - perspective-origin: 50% 40%; } - -.reveal .slides > section { - -ms-perspective: 600px; } - -.reveal .slides > section, -.reveal .slides > section > section { - display: none; - position: absolute; - width: 100%; - padding: 20px 0px; - pointer-events: auto; - z-index: 10; - -webkit-transform-style: flat; - transform-style: flat; - transition: -webkit-transform-origin 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985), -webkit-transform 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985), visibility 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985), opacity 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985); - transition: transform-origin 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985), transform 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985), visibility 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985), opacity 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985); } - -/* Global transition speed settings */ -.reveal[data-transition-speed="fast"] .slides section { - transition-duration: 400ms; } - -.reveal[data-transition-speed="slow"] .slides section { - transition-duration: 1200ms; } - -/* Slide-specific transition speed overrides */ -.reveal .slides section[data-transition-speed="fast"] { - transition-duration: 400ms; } - -.reveal .slides section[data-transition-speed="slow"] { - transition-duration: 1200ms; } - -.reveal .slides > section.stack { - padding-top: 0; - padding-bottom: 0; } - -.reveal .slides > section.present, -.reveal .slides > section > section.present { - display: block; - z-index: 11; - opacity: 1; } - -.reveal .slides > section:empty, -.reveal .slides > section > section:empty, -.reveal .slides > section[data-background-interactive], -.reveal .slides > section > section[data-background-interactive] { - pointer-events: none; } - -.reveal.center, -.reveal.center .slides, -.reveal.center .slides section { - min-height: 0 !important; } - -/* Don't allow interaction with invisible slides */ -.reveal .slides > section.future, -.reveal .slides > section > section.future, -.reveal .slides > section.past, -.reveal .slides > section > section.past { - pointer-events: none; } - -.reveal.overview .slides > section, -.reveal.overview .slides > section > section { - pointer-events: auto; } - -.reveal .slides > section.past, -.reveal .slides > section.future, -.reveal .slides > section > section.past, -.reveal .slides > section > section.future { - opacity: 0; } - -/********************************************* - * Mixins for readability of transitions - *********************************************/ -/********************************************* - * SLIDE TRANSITION - * Aliased 'linear' for backwards compatibility - *********************************************/ -.reveal.slide section { - -webkit-backface-visibility: hidden; - backface-visibility: hidden; } - -.reveal .slides > section[data-transition=slide].past, -.reveal .slides > section[data-transition~=slide-out].past, -.reveal.slide .slides > section:not([data-transition]).past { - -webkit-transform: translate(-150%, 0); - transform: translate(-150%, 0); } - -.reveal .slides > section[data-transition=slide].future, -.reveal .slides > section[data-transition~=slide-in].future, -.reveal.slide .slides > section:not([data-transition]).future { - -webkit-transform: translate(150%, 0); - transform: translate(150%, 0); } - -.reveal .slides > section > section[data-transition=slide].past, -.reveal .slides > section > section[data-transition~=slide-out].past, -.reveal.slide .slides > section > section:not([data-transition]).past { - -webkit-transform: translate(0, -150%); - transform: translate(0, -150%); } - -.reveal .slides > section > section[data-transition=slide].future, -.reveal .slides > section > section[data-transition~=slide-in].future, -.reveal.slide .slides > section > section:not([data-transition]).future { - -webkit-transform: translate(0, 150%); - transform: translate(0, 150%); } - -.reveal.linear section { - -webkit-backface-visibility: hidden; - backface-visibility: hidden; } - -.reveal .slides > section[data-transition=linear].past, -.reveal .slides > section[data-transition~=linear-out].past, -.reveal.linear .slides > section:not([data-transition]).past { - -webkit-transform: translate(-150%, 0); - transform: translate(-150%, 0); } - -.reveal .slides > section[data-transition=linear].future, -.reveal .slides > section[data-transition~=linear-in].future, -.reveal.linear .slides > section:not([data-transition]).future { - -webkit-transform: translate(150%, 0); - transform: translate(150%, 0); } - -.reveal .slides > section > section[data-transition=linear].past, -.reveal .slides > section > section[data-transition~=linear-out].past, -.reveal.linear .slides > section > section:not([data-transition]).past { - -webkit-transform: translate(0, -150%); - transform: translate(0, -150%); } - -.reveal .slides > section > section[data-transition=linear].future, -.reveal .slides > section > section[data-transition~=linear-in].future, -.reveal.linear .slides > section > section:not([data-transition]).future { - -webkit-transform: translate(0, 150%); - transform: translate(0, 150%); } - -/********************************************* - * CONVEX TRANSITION - * Aliased 'default' for backwards compatibility - *********************************************/ -.reveal .slides section[data-transition=default].stack, -.reveal.default .slides section.stack { - -webkit-transform-style: preserve-3d; - transform-style: preserve-3d; } - -.reveal .slides > section[data-transition=default].past, -.reveal .slides > section[data-transition~=default-out].past, -.reveal.default .slides > section:not([data-transition]).past { - -webkit-transform: translate3d(-100%, 0, 0) rotateY(-90deg) translate3d(-100%, 0, 0); - transform: translate3d(-100%, 0, 0) rotateY(-90deg) translate3d(-100%, 0, 0); } - -.reveal .slides > section[data-transition=default].future, -.reveal .slides > section[data-transition~=default-in].future, -.reveal.default .slides > section:not([data-transition]).future { - -webkit-transform: translate3d(100%, 0, 0) rotateY(90deg) translate3d(100%, 0, 0); - transform: translate3d(100%, 0, 0) rotateY(90deg) translate3d(100%, 0, 0); } - -.reveal .slides > section > section[data-transition=default].past, -.reveal .slides > section > section[data-transition~=default-out].past, -.reveal.default .slides > section > section:not([data-transition]).past { - -webkit-transform: translate3d(0, -300px, 0) rotateX(70deg) translate3d(0, -300px, 0); - transform: translate3d(0, -300px, 0) rotateX(70deg) translate3d(0, -300px, 0); } - -.reveal .slides > section > section[data-transition=default].future, -.reveal .slides > section > section[data-transition~=default-in].future, -.reveal.default .slides > section > section:not([data-transition]).future { - -webkit-transform: translate3d(0, 300px, 0) rotateX(-70deg) translate3d(0, 300px, 0); - transform: translate3d(0, 300px, 0) rotateX(-70deg) translate3d(0, 300px, 0); } - -.reveal .slides section[data-transition=convex].stack, -.reveal.convex .slides section.stack { - -webkit-transform-style: preserve-3d; - transform-style: preserve-3d; } - -.reveal .slides > section[data-transition=convex].past, -.reveal .slides > section[data-transition~=convex-out].past, -.reveal.convex .slides > section:not([data-transition]).past { - -webkit-transform: translate3d(-100%, 0, 0) rotateY(-90deg) translate3d(-100%, 0, 0); - transform: translate3d(-100%, 0, 0) rotateY(-90deg) translate3d(-100%, 0, 0); } - -.reveal .slides > section[data-transition=convex].future, -.reveal .slides > section[data-transition~=convex-in].future, -.reveal.convex .slides > section:not([data-transition]).future { - -webkit-transform: translate3d(100%, 0, 0) rotateY(90deg) translate3d(100%, 0, 0); - transform: translate3d(100%, 0, 0) rotateY(90deg) translate3d(100%, 0, 0); } - -.reveal .slides > section > section[data-transition=convex].past, -.reveal .slides > section > section[data-transition~=convex-out].past, -.reveal.convex .slides > section > section:not([data-transition]).past { - -webkit-transform: translate3d(0, -300px, 0) rotateX(70deg) translate3d(0, -300px, 0); - transform: translate3d(0, -300px, 0) rotateX(70deg) translate3d(0, -300px, 0); } - -.reveal .slides > section > section[data-transition=convex].future, -.reveal .slides > section > section[data-transition~=convex-in].future, -.reveal.convex .slides > section > section:not([data-transition]).future { - -webkit-transform: translate3d(0, 300px, 0) rotateX(-70deg) translate3d(0, 300px, 0); - transform: translate3d(0, 300px, 0) rotateX(-70deg) translate3d(0, 300px, 0); } - -/********************************************* - * CONCAVE TRANSITION - *********************************************/ -.reveal .slides section[data-transition=concave].stack, -.reveal.concave .slides section.stack { - -webkit-transform-style: preserve-3d; - transform-style: preserve-3d; } - -.reveal .slides > section[data-transition=concave].past, -.reveal .slides > section[data-transition~=concave-out].past, -.reveal.concave .slides > section:not([data-transition]).past { - -webkit-transform: translate3d(-100%, 0, 0) rotateY(90deg) translate3d(-100%, 0, 0); - transform: translate3d(-100%, 0, 0) rotateY(90deg) translate3d(-100%, 0, 0); } - -.reveal .slides > section[data-transition=concave].future, -.reveal .slides > section[data-transition~=concave-in].future, -.reveal.concave .slides > section:not([data-transition]).future { - -webkit-transform: translate3d(100%, 0, 0) rotateY(-90deg) translate3d(100%, 0, 0); - transform: translate3d(100%, 0, 0) rotateY(-90deg) translate3d(100%, 0, 0); } - -.reveal .slides > section > section[data-transition=concave].past, -.reveal .slides > section > section[data-transition~=concave-out].past, -.reveal.concave .slides > section > section:not([data-transition]).past { - -webkit-transform: translate3d(0, -80%, 0) rotateX(-70deg) translate3d(0, -80%, 0); - transform: translate3d(0, -80%, 0) rotateX(-70deg) translate3d(0, -80%, 0); } - -.reveal .slides > section > section[data-transition=concave].future, -.reveal .slides > section > section[data-transition~=concave-in].future, -.reveal.concave .slides > section > section:not([data-transition]).future { - -webkit-transform: translate3d(0, 80%, 0) rotateX(70deg) translate3d(0, 80%, 0); - transform: translate3d(0, 80%, 0) rotateX(70deg) translate3d(0, 80%, 0); } - -/********************************************* - * ZOOM TRANSITION - *********************************************/ -.reveal .slides section[data-transition=zoom], -.reveal.zoom .slides section:not([data-transition]) { - transition-timing-function: ease; } - -.reveal .slides > section[data-transition=zoom].past, -.reveal .slides > section[data-transition~=zoom-out].past, -.reveal.zoom .slides > section:not([data-transition]).past { - visibility: hidden; - -webkit-transform: scale(16); - transform: scale(16); } - -.reveal .slides > section[data-transition=zoom].future, -.reveal .slides > section[data-transition~=zoom-in].future, -.reveal.zoom .slides > section:not([data-transition]).future { - visibility: hidden; - -webkit-transform: scale(0.2); - transform: scale(0.2); } - -.reveal .slides > section > section[data-transition=zoom].past, -.reveal .slides > section > section[data-transition~=zoom-out].past, -.reveal.zoom .slides > section > section:not([data-transition]).past { - -webkit-transform: translate(0, -150%); - transform: translate(0, -150%); } - -.reveal .slides > section > section[data-transition=zoom].future, -.reveal .slides > section > section[data-transition~=zoom-in].future, -.reveal.zoom .slides > section > section:not([data-transition]).future { - -webkit-transform: translate(0, 150%); - transform: translate(0, 150%); } - -/********************************************* - * CUBE TRANSITION - * - * WARNING: - * this is deprecated and will be removed in a - * future version. - *********************************************/ -.reveal.cube .slides { - -webkit-perspective: 1300px; - perspective: 1300px; } - -.reveal.cube .slides section { - padding: 30px; - min-height: 700px; - -webkit-backface-visibility: hidden; - backface-visibility: hidden; - box-sizing: border-box; - -webkit-transform-style: preserve-3d; - transform-style: preserve-3d; } - -.reveal.center.cube .slides section { - min-height: 0; } - -.reveal.cube .slides section:not(.stack):before { - content: ''; - position: absolute; - display: block; - width: 100%; - height: 100%; - left: 0; - top: 0; - background: rgba(0, 0, 0, 0.1); - border-radius: 4px; - -webkit-transform: translateZ(-20px); - transform: translateZ(-20px); } - -.reveal.cube .slides section:not(.stack):after { - content: ''; - position: absolute; - display: block; - width: 90%; - height: 30px; - left: 5%; - bottom: 0; - background: none; - z-index: 1; - border-radius: 4px; - box-shadow: 0px 95px 25px rgba(0, 0, 0, 0.2); - -webkit-transform: translateZ(-90px) rotateX(65deg); - transform: translateZ(-90px) rotateX(65deg); } - -.reveal.cube .slides > section.stack { - padding: 0; - background: none; } - -.reveal.cube .slides > section.past { - -webkit-transform-origin: 100% 0%; - transform-origin: 100% 0%; - -webkit-transform: translate3d(-100%, 0, 0) rotateY(-90deg); - transform: translate3d(-100%, 0, 0) rotateY(-90deg); } - -.reveal.cube .slides > section.future { - -webkit-transform-origin: 0% 0%; - transform-origin: 0% 0%; - -webkit-transform: translate3d(100%, 0, 0) rotateY(90deg); - transform: translate3d(100%, 0, 0) rotateY(90deg); } - -.reveal.cube .slides > section > section.past { - -webkit-transform-origin: 0% 100%; - transform-origin: 0% 100%; - -webkit-transform: translate3d(0, -100%, 0) rotateX(90deg); - transform: translate3d(0, -100%, 0) rotateX(90deg); } - -.reveal.cube .slides > section > section.future { - -webkit-transform-origin: 0% 0%; - transform-origin: 0% 0%; - -webkit-transform: translate3d(0, 100%, 0) rotateX(-90deg); - transform: translate3d(0, 100%, 0) rotateX(-90deg); } - -/********************************************* - * PAGE TRANSITION - * - * WARNING: - * this is deprecated and will be removed in a - * future version. - *********************************************/ -.reveal.page .slides { - -webkit-perspective-origin: 0% 50%; - perspective-origin: 0% 50%; - -webkit-perspective: 3000px; - perspective: 3000px; } - -.reveal.page .slides section { - padding: 30px; - min-height: 700px; - box-sizing: border-box; - -webkit-transform-style: preserve-3d; - transform-style: preserve-3d; } - -.reveal.page .slides section.past { - z-index: 12; } - -.reveal.page .slides section:not(.stack):before { - content: ''; - position: absolute; - display: block; - width: 100%; - height: 100%; - left: 0; - top: 0; - background: rgba(0, 0, 0, 0.1); - -webkit-transform: translateZ(-20px); - transform: translateZ(-20px); } - -.reveal.page .slides section:not(.stack):after { - content: ''; - position: absolute; - display: block; - width: 90%; - height: 30px; - left: 5%; - bottom: 0; - background: none; - z-index: 1; - border-radius: 4px; - box-shadow: 0px 95px 25px rgba(0, 0, 0, 0.2); - -webkit-transform: translateZ(-90px) rotateX(65deg); } - -.reveal.page .slides > section.stack { - padding: 0; - background: none; } - -.reveal.page .slides > section.past { - -webkit-transform-origin: 0% 0%; - transform-origin: 0% 0%; - -webkit-transform: translate3d(-40%, 0, 0) rotateY(-80deg); - transform: translate3d(-40%, 0, 0) rotateY(-80deg); } - -.reveal.page .slides > section.future { - -webkit-transform-origin: 100% 0%; - transform-origin: 100% 0%; - -webkit-transform: translate3d(0, 0, 0); - transform: translate3d(0, 0, 0); } - -.reveal.page .slides > section > section.past { - -webkit-transform-origin: 0% 0%; - transform-origin: 0% 0%; - -webkit-transform: translate3d(0, -40%, 0) rotateX(80deg); - transform: translate3d(0, -40%, 0) rotateX(80deg); } - -.reveal.page .slides > section > section.future { - -webkit-transform-origin: 0% 100%; - transform-origin: 0% 100%; - -webkit-transform: translate3d(0, 0, 0); - transform: translate3d(0, 0, 0); } - -/********************************************* - * FADE TRANSITION - *********************************************/ -.reveal .slides section[data-transition=fade], -.reveal.fade .slides section:not([data-transition]), -.reveal.fade .slides > section > section:not([data-transition]) { - -webkit-transform: none; - transform: none; - transition: opacity 0.5s; } - -.reveal.fade.overview .slides section, -.reveal.fade.overview .slides > section > section { - transition: none; } - -/********************************************* - * NO TRANSITION - *********************************************/ -.reveal .slides section[data-transition=none], -.reveal.none .slides section:not([data-transition]) { - -webkit-transform: none; - transform: none; - transition: none; } - -/********************************************* - * PAUSED MODE - *********************************************/ -.reveal .pause-overlay { - position: absolute; - top: 0; - left: 0; - width: 100%; - height: 100%; - background: black; - visibility: hidden; - opacity: 0; - z-index: 100; - transition: all 1s ease; } - -.reveal.paused .pause-overlay { - visibility: visible; - opacity: 1; } - -/********************************************* - * FALLBACK - *********************************************/ -.no-transforms { - overflow-y: auto; } - -.no-transforms .reveal .slides { - position: relative; - width: 80%; - height: auto !important; - top: 0; - left: 50%; - margin: 0; - text-align: center; } - -.no-transforms .reveal .controls, -.no-transforms .reveal .progress { - display: none !important; } - -.no-transforms .reveal .slides section { - display: block !important; - opacity: 1 !important; - position: relative !important; - height: auto; - min-height: 0; - top: 0; - left: -50%; - margin: 70px 0; - -webkit-transform: none; - transform: none; } - -.no-transforms .reveal .slides section section { - left: 0; } - -.reveal .no-transition, -.reveal .no-transition * { - transition: none !important; } - -/********************************************* - * PER-SLIDE BACKGROUNDS - *********************************************/ -.reveal .backgrounds { - position: absolute; - width: 100%; - height: 100%; - top: 0; - left: 0; - -webkit-perspective: 600px; - perspective: 600px; } - -.reveal .slide-background { - display: none; - position: absolute; - width: 100%; - height: 100%; - opacity: 0; - visibility: hidden; - overflow: hidden; - background-color: transparent; - background-position: 50% 50%; - background-repeat: no-repeat; - background-size: cover; - transition: all 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985); } - -.reveal .slide-background.stack { - display: block; } - -.reveal .slide-background.present { - opacity: 1; - visibility: visible; - z-index: 2; } - -.print-pdf .reveal .slide-background { - opacity: 1 !important; - visibility: visible !important; } - -/* Video backgrounds */ -.reveal .slide-background video { - position: absolute; - width: 100%; - height: 100%; - max-width: none; - max-height: none; - top: 0; - left: 0; - -o-object-fit: cover; - object-fit: cover; } - -.reveal .slide-background[data-background-size="contain"] video { - -o-object-fit: contain; - object-fit: contain; } - -/* Immediate transition style */ -.reveal[data-background-transition=none] > .backgrounds .slide-background, -.reveal > .backgrounds .slide-background[data-background-transition=none] { - transition: none; } - -/* Slide */ -.reveal[data-background-transition=slide] > .backgrounds .slide-background, -.reveal > .backgrounds .slide-background[data-background-transition=slide] { - opacity: 1; - -webkit-backface-visibility: hidden; - backface-visibility: hidden; } - -.reveal[data-background-transition=slide] > .backgrounds .slide-background.past, -.reveal > .backgrounds .slide-background.past[data-background-transition=slide] { - -webkit-transform: translate(-100%, 0); - transform: translate(-100%, 0); } - -.reveal[data-background-transition=slide] > .backgrounds .slide-background.future, -.reveal > .backgrounds .slide-background.future[data-background-transition=slide] { - -webkit-transform: translate(100%, 0); - transform: translate(100%, 0); } - -.reveal[data-background-transition=slide] > .backgrounds .slide-background > .slide-background.past, -.reveal > .backgrounds .slide-background > .slide-background.past[data-background-transition=slide] { - -webkit-transform: translate(0, -100%); - transform: translate(0, -100%); } - -.reveal[data-background-transition=slide] > .backgrounds .slide-background > .slide-background.future, -.reveal > .backgrounds .slide-background > .slide-background.future[data-background-transition=slide] { - -webkit-transform: translate(0, 100%); - transform: translate(0, 100%); } - -/* Convex */ -.reveal[data-background-transition=convex] > .backgrounds .slide-background.past, -.reveal > .backgrounds .slide-background.past[data-background-transition=convex] { - opacity: 0; - -webkit-transform: translate3d(-100%, 0, 0) rotateY(-90deg) translate3d(-100%, 0, 0); - transform: translate3d(-100%, 0, 0) rotateY(-90deg) translate3d(-100%, 0, 0); } - -.reveal[data-background-transition=convex] > .backgrounds .slide-background.future, -.reveal > .backgrounds .slide-background.future[data-background-transition=convex] { - opacity: 0; - -webkit-transform: translate3d(100%, 0, 0) rotateY(90deg) translate3d(100%, 0, 0); - transform: translate3d(100%, 0, 0) rotateY(90deg) translate3d(100%, 0, 0); } - -.reveal[data-background-transition=convex] > .backgrounds .slide-background > .slide-background.past, -.reveal > .backgrounds .slide-background > .slide-background.past[data-background-transition=convex] { - opacity: 0; - -webkit-transform: translate3d(0, -100%, 0) rotateX(90deg) translate3d(0, -100%, 0); - transform: translate3d(0, -100%, 0) rotateX(90deg) translate3d(0, -100%, 0); } - -.reveal[data-background-transition=convex] > .backgrounds .slide-background > .slide-background.future, -.reveal > .backgrounds .slide-background > .slide-background.future[data-background-transition=convex] { - opacity: 0; - -webkit-transform: translate3d(0, 100%, 0) rotateX(-90deg) translate3d(0, 100%, 0); - transform: translate3d(0, 100%, 0) rotateX(-90deg) translate3d(0, 100%, 0); } - -/* Concave */ -.reveal[data-background-transition=concave] > .backgrounds .slide-background.past, -.reveal > .backgrounds .slide-background.past[data-background-transition=concave] { - opacity: 0; - -webkit-transform: translate3d(-100%, 0, 0) rotateY(90deg) translate3d(-100%, 0, 0); - transform: translate3d(-100%, 0, 0) rotateY(90deg) translate3d(-100%, 0, 0); } - -.reveal[data-background-transition=concave] > .backgrounds .slide-background.future, -.reveal > .backgrounds .slide-background.future[data-background-transition=concave] { - opacity: 0; - -webkit-transform: translate3d(100%, 0, 0) rotateY(-90deg) translate3d(100%, 0, 0); - transform: translate3d(100%, 0, 0) rotateY(-90deg) translate3d(100%, 0, 0); } - -.reveal[data-background-transition=concave] > .backgrounds .slide-background > .slide-background.past, -.reveal > .backgrounds .slide-background > .slide-background.past[data-background-transition=concave] { - opacity: 0; - -webkit-transform: translate3d(0, -100%, 0) rotateX(-90deg) translate3d(0, -100%, 0); - transform: translate3d(0, -100%, 0) rotateX(-90deg) translate3d(0, -100%, 0); } - -.reveal[data-background-transition=concave] > .backgrounds .slide-background > .slide-background.future, -.reveal > .backgrounds .slide-background > .slide-background.future[data-background-transition=concave] { - opacity: 0; - -webkit-transform: translate3d(0, 100%, 0) rotateX(90deg) translate3d(0, 100%, 0); - transform: translate3d(0, 100%, 0) rotateX(90deg) translate3d(0, 100%, 0); } - -/* Zoom */ -.reveal[data-background-transition=zoom] > .backgrounds .slide-background, -.reveal > .backgrounds .slide-background[data-background-transition=zoom] { - transition-timing-function: ease; } - -.reveal[data-background-transition=zoom] > .backgrounds .slide-background.past, -.reveal > .backgrounds .slide-background.past[data-background-transition=zoom] { - opacity: 0; - visibility: hidden; - -webkit-transform: scale(16); - transform: scale(16); } - -.reveal[data-background-transition=zoom] > .backgrounds .slide-background.future, -.reveal > .backgrounds .slide-background.future[data-background-transition=zoom] { - opacity: 0; - visibility: hidden; - -webkit-transform: scale(0.2); - transform: scale(0.2); } - -.reveal[data-background-transition=zoom] > .backgrounds .slide-background > .slide-background.past, -.reveal > .backgrounds .slide-background > .slide-background.past[data-background-transition=zoom] { - opacity: 0; - visibility: hidden; - -webkit-transform: scale(16); - transform: scale(16); } - -.reveal[data-background-transition=zoom] > .backgrounds .slide-background > .slide-background.future, -.reveal > .backgrounds .slide-background > .slide-background.future[data-background-transition=zoom] { - opacity: 0; - visibility: hidden; - -webkit-transform: scale(0.2); - transform: scale(0.2); } - -/* Global transition speed settings */ -.reveal[data-transition-speed="fast"] > .backgrounds .slide-background { - transition-duration: 400ms; } - -.reveal[data-transition-speed="slow"] > .backgrounds .slide-background { - transition-duration: 1200ms; } - -/********************************************* - * OVERVIEW - *********************************************/ -.reveal.overview { - -webkit-perspective-origin: 50% 50%; - perspective-origin: 50% 50%; - -webkit-perspective: 700px; - perspective: 700px; } - .reveal.overview .slides { - -moz-transform-style: preserve-3d; } - .reveal.overview .slides section { - height: 100%; - top: 0 !important; - opacity: 1 !important; - overflow: hidden; - visibility: visible !important; - cursor: pointer; - box-sizing: border-box; } - .reveal.overview .slides section:hover, - .reveal.overview .slides section.present { - outline: 10px solid rgba(150, 150, 150, 0.4); - outline-offset: 10px; } - .reveal.overview .slides section .fragment { - opacity: 1; - transition: none; } - .reveal.overview .slides section:after, - .reveal.overview .slides section:before { - display: none !important; } - .reveal.overview .slides > section.stack { - padding: 0; - top: 0 !important; - background: none; - outline: none; - overflow: visible; } - .reveal.overview .backgrounds { - -webkit-perspective: inherit; - perspective: inherit; - -moz-transform-style: preserve-3d; } - .reveal.overview .backgrounds .slide-background { - opacity: 1; - visibility: visible; - outline: 10px solid rgba(150, 150, 150, 0.1); - outline-offset: 10px; } - .reveal.overview .backgrounds .slide-background.stack { - overflow: visible; } - -.reveal.overview .slides section, -.reveal.overview-deactivating .slides section { - transition: none; } - -.reveal.overview .backgrounds .slide-background, -.reveal.overview-deactivating .backgrounds .slide-background { - transition: none; } - -/********************************************* - * RTL SUPPORT - *********************************************/ -.reveal.rtl .slides, -.reveal.rtl .slides h1, -.reveal.rtl .slides h2, -.reveal.rtl .slides h3, -.reveal.rtl .slides h4, -.reveal.rtl .slides h5, -.reveal.rtl .slides h6 { - direction: rtl; - font-family: sans-serif; } - -.reveal.rtl pre, -.reveal.rtl code { - direction: ltr; } - -.reveal.rtl ol, -.reveal.rtl ul { - text-align: right; } - -.reveal.rtl .progress span { - float: right; } - -/********************************************* - * PARALLAX BACKGROUND - *********************************************/ -.reveal.has-parallax-background .backgrounds { - transition: all 0.8s ease; } - -/* Global transition speed settings */ -.reveal.has-parallax-background[data-transition-speed="fast"] .backgrounds { - transition-duration: 400ms; } - -.reveal.has-parallax-background[data-transition-speed="slow"] .backgrounds { - transition-duration: 1200ms; } - -/********************************************* - * LINK PREVIEW OVERLAY - *********************************************/ -.reveal .overlay { - position: absolute; - top: 0; - left: 0; - width: 100%; - height: 100%; - z-index: 1000; - background: rgba(0, 0, 0, 0.9); - opacity: 0; - visibility: hidden; - transition: all 0.3s ease; } - -.reveal .overlay.visible { - opacity: 1; - visibility: visible; } - -.reveal .overlay .spinner { - position: absolute; - display: block; - top: 50%; - left: 50%; - width: 32px; - height: 32px; - margin: -16px 0 0 -16px; - z-index: 10; - background-image: url(data:image/gif;base64,R0lGODlhIAAgAPMAAJmZmf%2F%2F%2F6%2Bvr8nJybW1tcDAwOjo6Nvb26ioqKOjo7Ozs%2FLy8vz8%2FAAAAAAAAAAAACH%2FC05FVFNDQVBFMi4wAwEAAAAh%2FhpDcmVhdGVkIHdpdGggYWpheGxvYWQuaW5mbwAh%2BQQJCgAAACwAAAAAIAAgAAAE5xDISWlhperN52JLhSSdRgwVo1ICQZRUsiwHpTJT4iowNS8vyW2icCF6k8HMMBkCEDskxTBDAZwuAkkqIfxIQyhBQBFvAQSDITM5VDW6XNE4KagNh6Bgwe60smQUB3d4Rz1ZBApnFASDd0hihh12BkE9kjAJVlycXIg7CQIFA6SlnJ87paqbSKiKoqusnbMdmDC2tXQlkUhziYtyWTxIfy6BE8WJt5YJvpJivxNaGmLHT0VnOgSYf0dZXS7APdpB309RnHOG5gDqXGLDaC457D1zZ%2FV%2FnmOM82XiHRLYKhKP1oZmADdEAAAh%2BQQJCgAAACwAAAAAIAAgAAAE6hDISWlZpOrNp1lGNRSdRpDUolIGw5RUYhhHukqFu8DsrEyqnWThGvAmhVlteBvojpTDDBUEIFwMFBRAmBkSgOrBFZogCASwBDEY%2FCZSg7GSE0gSCjQBMVG023xWBhklAnoEdhQEfyNqMIcKjhRsjEdnezB%2BA4k8gTwJhFuiW4dokXiloUepBAp5qaKpp6%2BHo7aWW54wl7obvEe0kRuoplCGepwSx2jJvqHEmGt6whJpGpfJCHmOoNHKaHx61WiSR92E4lbFoq%2BB6QDtuetcaBPnW6%2BO7wDHpIiK9SaVK5GgV543tzjgGcghAgAh%2BQQJCgAAACwAAAAAIAAgAAAE7hDISSkxpOrN5zFHNWRdhSiVoVLHspRUMoyUakyEe8PTPCATW9A14E0UvuAKMNAZKYUZCiBMuBakSQKG8G2FzUWox2AUtAQFcBKlVQoLgQReZhQlCIJesQXI5B0CBnUMOxMCenoCfTCEWBsJColTMANldx15BGs8B5wlCZ9Po6OJkwmRpnqkqnuSrayqfKmqpLajoiW5HJq7FL1Gr2mMMcKUMIiJgIemy7xZtJsTmsM4xHiKv5KMCXqfyUCJEonXPN2rAOIAmsfB3uPoAK%2B%2BG%2Bw48edZPK%2BM6hLJpQg484enXIdQFSS1u6UhksENEQAAIfkECQoAAAAsAAAAACAAIAAABOcQyEmpGKLqzWcZRVUQnZYg1aBSh2GUVEIQ2aQOE%2BG%2BcD4ntpWkZQj1JIiZIogDFFyHI0UxQwFugMSOFIPJftfVAEoZLBbcLEFhlQiqGp1Vd140AUklUN3eCA51C1EWMzMCezCBBmkxVIVHBWd3HHl9JQOIJSdSnJ0TDKChCwUJjoWMPaGqDKannasMo6WnM562R5YluZRwur0wpgqZE7NKUm%2BFNRPIhjBJxKZteWuIBMN4zRMIVIhffcgojwCF117i4nlLnY5ztRLsnOk%2BaV%2BoJY7V7m76PdkS4trKcdg0Zc0tTcKkRAAAIfkECQoAAAAsAAAAACAAIAAABO4QyEkpKqjqzScpRaVkXZWQEximw1BSCUEIlDohrft6cpKCk5xid5MNJTaAIkekKGQkWyKHkvhKsR7ARmitkAYDYRIbUQRQjWBwJRzChi9CRlBcY1UN4g0%2FVNB0AlcvcAYHRyZPdEQFYV8ccwR5HWxEJ02YmRMLnJ1xCYp0Y5idpQuhopmmC2KgojKasUQDk5BNAwwMOh2RtRq5uQuPZKGIJQIGwAwGf6I0JXMpC8C7kXWDBINFMxS4DKMAWVWAGYsAdNqW5uaRxkSKJOZKaU3tPOBZ4DuK2LATgJhkPJMgTwKCdFjyPHEnKxFCDhEAACH5BAkKAAAALAAAAAAgACAAAATzEMhJaVKp6s2nIkolIJ2WkBShpkVRWqqQrhLSEu9MZJKK9y1ZrqYK9WiClmvoUaF8gIQSNeF1Er4MNFn4SRSDARWroAIETg1iVwuHjYB1kYc1mwruwXKC9gmsJXliGxc%2BXiUCby9ydh1sOSdMkpMTBpaXBzsfhoc5l58Gm5yToAaZhaOUqjkDgCWNHAULCwOLaTmzswadEqggQwgHuQsHIoZCHQMMQgQGubVEcxOPFAcMDAYUA85eWARmfSRQCdcMe0zeP1AAygwLlJtPNAAL19DARdPzBOWSm1brJBi45soRAWQAAkrQIykShQ9wVhHCwCQCACH5BAkKAAAALAAAAAAgACAAAATrEMhJaVKp6s2nIkqFZF2VIBWhUsJaTokqUCoBq%2BE71SRQeyqUToLA7VxF0JDyIQh%2FMVVPMt1ECZlfcjZJ9mIKoaTl1MRIl5o4CUKXOwmyrCInCKqcWtvadL2SYhyASyNDJ0uIiRMDjI0Fd30%2FiI2UA5GSS5UDj2l6NoqgOgN4gksEBgYFf0FDqKgHnyZ9OX8HrgYHdHpcHQULXAS2qKpENRg7eAMLC7kTBaixUYFkKAzWAAnLC7FLVxLWDBLKCwaKTULgEwbLA4hJtOkSBNqITT3xEgfLpBtzE%2FjiuL04RGEBgwWhShRgQExHBAAh%2BQQJCgAAACwAAAAAIAAgAAAE7xDISWlSqerNpyJKhWRdlSAVoVLCWk6JKlAqAavhO9UkUHsqlE6CwO1cRdCQ8iEIfzFVTzLdRAmZX3I2SfZiCqGk5dTESJeaOAlClzsJsqwiJwiqnFrb2nS9kmIcgEsjQydLiIlHehhpejaIjzh9eomSjZR%2BipslWIRLAgMDOR2DOqKogTB9pCUJBagDBXR6XB0EBkIIsaRsGGMMAxoDBgYHTKJiUYEGDAzHC9EACcUGkIgFzgwZ0QsSBcXHiQvOwgDdEwfFs0sDzt4S6BK4xYjkDOzn0unFeBzOBijIm1Dgmg5YFQwsCMjp1oJ8LyIAACH5BAkKAAAALAAAAAAgACAAAATwEMhJaVKp6s2nIkqFZF2VIBWhUsJaTokqUCoBq%2BE71SRQeyqUToLA7VxF0JDyIQh%2FMVVPMt1ECZlfcjZJ9mIKoaTl1MRIl5o4CUKXOwmyrCInCKqcWtvadL2SYhyASyNDJ0uIiUd6GGl6NoiPOH16iZKNlH6KmyWFOggHhEEvAwwMA0N9GBsEC6amhnVcEwavDAazGwIDaH1ipaYLBUTCGgQDA8NdHz0FpqgTBwsLqAbWAAnIA4FWKdMLGdYGEgraigbT0OITBcg5QwPT4xLrROZL6AuQAPUS7bxLpoWidY0JtxLHKhwwMJBTHgPKdEQAACH5BAkKAAAALAAAAAAgACAAAATrEMhJaVKp6s2nIkqFZF2VIBWhUsJaTokqUCoBq%2BE71SRQeyqUToLA7VxF0JDyIQh%2FMVVPMt1ECZlfcjZJ9mIKoaTl1MRIl5o4CUKXOwmyrCInCKqcWtvadL2SYhyASyNDJ0uIiUd6GAULDJCRiXo1CpGXDJOUjY%2BYip9DhToJA4RBLwMLCwVDfRgbBAaqqoZ1XBMHswsHtxtFaH1iqaoGNgAIxRpbFAgfPQSqpbgGBqUD1wBXeCYp1AYZ19JJOYgH1KwA4UBvQwXUBxPqVD9L3sbp2BNk2xvvFPJd%2BMFCN6HAAIKgNggY0KtEBAAh%2BQQJCgAAACwAAAAAIAAgAAAE6BDISWlSqerNpyJKhWRdlSAVoVLCWk6JKlAqAavhO9UkUHsqlE6CwO1cRdCQ8iEIfzFVTzLdRAmZX3I2SfYIDMaAFdTESJeaEDAIMxYFqrOUaNW4E4ObYcCXaiBVEgULe0NJaxxtYksjh2NLkZISgDgJhHthkpU4mW6blRiYmZOlh4JWkDqILwUGBnE6TYEbCgevr0N1gH4At7gHiRpFaLNrrq8HNgAJA70AWxQIH1%2BvsYMDAzZQPC9VCNkDWUhGkuE5PxJNwiUK4UfLzOlD4WvzAHaoG9nxPi5d%2BjYUqfAhhykOFwJWiAAAIfkECQoAAAAsAAAAACAAIAAABPAQyElpUqnqzaciSoVkXVUMFaFSwlpOCcMYlErAavhOMnNLNo8KsZsMZItJEIDIFSkLGQoQTNhIsFehRww2CQLKF0tYGKYSg%2BygsZIuNqJksKgbfgIGepNo2cIUB3V1B3IvNiBYNQaDSTtfhhx0CwVPI0UJe0%2Bbm4g5VgcGoqOcnjmjqDSdnhgEoamcsZuXO1aWQy8KAwOAuTYYGwi7w5h%2BKr0SJ8MFihpNbx%2B4Erq7BYBuzsdiH1jCAzoSfl0rVirNbRXlBBlLX%2BBP0XJLAPGzTkAuAOqb0WT5AH7OcdCm5B8TgRwSRKIHQtaLCwg1RAAAOwAAAAAAAAAAAA%3D%3D); - visibility: visible; - opacity: 0.6; - transition: all 0.3s ease; } - -.reveal .overlay header { - position: absolute; - left: 0; - top: 0; - width: 100%; - height: 40px; - z-index: 2; - border-bottom: 1px solid #222; } - -.reveal .overlay header a { - display: inline-block; - width: 40px; - height: 40px; - line-height: 36px; - padding: 0 10px; - float: right; - opacity: 0.6; - box-sizing: border-box; } - -.reveal .overlay header a:hover { - opacity: 1; } - -.reveal .overlay header a .icon { - display: inline-block; - width: 20px; - height: 20px; - background-position: 50% 50%; - background-size: 100%; - background-repeat: no-repeat; } - -.reveal .overlay header a.close .icon { - background-image: url(data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAACAAAAAgCAYAAABzenr0AAABkklEQVRYR8WX4VHDMAxG6wnoJrABZQPYBCaBTWAD2g1gE5gg6OOsXuxIlr40d81dfrSJ9V4c2VLK7spHuTJ/5wpM07QXuXc5X0opX2tEJcadjHuV80li/FgxTIEK/5QBCICBD6xEhSMGHgQPgBgLiYVAB1dpSqKDawxTohFw4JSEA3clzgIBPCURwE2JucBR7rhPJJv5OpJwDX+SfDjgx1wACQeJG1aChP9K/IMmdZ8DtESV1WyP3Bt4MwM6sj4NMxMYiqUWHQu4KYA/SYkIjOsm3BXYWMKFDwU2khjCQ4ELJUJ4SmClRArOCmSXGuKma0fYD5CbzHxFpCSGAhfAVSSUGDUk2BWZaff2g6GE15BsBQ9nwmpIGDiyHQddwNTMKkbZaf9fajXQca1EX44puJZUsnY0ObGmITE3GVLCbEhQUjGVt146j6oasWN+49Vph2w1pZ5EansNZqKBm1txbU57iRRcZ86RWMDdWtBJUHBHwoQPi1GV+JCbntmvok7iTX4/Up9mgyTc/FJYDTcndgH/AA5A/CHsyEkVAAAAAElFTkSuQmCC); } - -.reveal .overlay header a.external .icon { - background-image: url(data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAACAAAAAgCAYAAABzenr0AAAAcElEQVRYR+2WSQoAIQwEzf8f7XiOMkUQxUPlGkM3hVmiQfQR9GYnH1SsAQlI4DiBqkCMoNb9y2e90IAEJPAcgdznU9+engMaeJ7Azh5Y1U67gAho4DqBqmB1buAf0MB1AlVBek83ZPkmJMGc1wAR+AAqod/B97TRpQAAAABJRU5ErkJggg==); } - -.reveal .overlay .viewport { - position: absolute; - display: -webkit-box; - display: -ms-flexbox; - display: flex; - top: 40px; - right: 0; - bottom: 0; - left: 0; } - -.reveal .overlay.overlay-preview .viewport iframe { - width: 100%; - height: 100%; - max-width: 100%; - max-height: 100%; - border: 0; - opacity: 0; - visibility: hidden; - transition: all 0.3s ease; } - -.reveal .overlay.overlay-preview.loaded .viewport iframe { - opacity: 1; - visibility: visible; } - -.reveal .overlay.overlay-preview.loaded .viewport-inner { - position: absolute; - z-index: -1; - left: 0; - top: 45%; - width: 100%; - text-align: center; - letter-spacing: normal; } - -.reveal .overlay.overlay-preview .x-frame-error { - opacity: 0; - transition: opacity 0.3s ease 0.3s; } - -.reveal .overlay.overlay-preview.loaded .x-frame-error { - opacity: 1; } - -.reveal .overlay.overlay-preview.loaded .spinner { - opacity: 0; - visibility: hidden; - -webkit-transform: scale(0.2); - transform: scale(0.2); } - -.reveal .overlay.overlay-help .viewport { - overflow: auto; - color: #fff; } - -.reveal .overlay.overlay-help .viewport .viewport-inner { - width: 600px; - margin: auto; - padding: 20px 20px 80px 20px; - text-align: center; - letter-spacing: normal; } - -.reveal .overlay.overlay-help .viewport .viewport-inner .title { - font-size: 20px; } - -.reveal .overlay.overlay-help .viewport .viewport-inner table { - border: 1px solid #fff; - border-collapse: collapse; - font-size: 16px; } - -.reveal .overlay.overlay-help .viewport .viewport-inner table th, -.reveal .overlay.overlay-help .viewport .viewport-inner table td { - width: 200px; - padding: 14px; - border: 1px solid #fff; - vertical-align: middle; } - -.reveal .overlay.overlay-help .viewport .viewport-inner table th { - padding-top: 20px; - padding-bottom: 20px; } - -/********************************************* - * PLAYBACK COMPONENT - *********************************************/ -.reveal .playback { - position: absolute; - left: 15px; - bottom: 20px; - z-index: 30; - cursor: pointer; - transition: all 400ms ease; - -webkit-tap-highlight-color: transparent; } - -.reveal.overview .playback { - opacity: 0; - visibility: hidden; } - -/********************************************* - * ROLLING LINKS - *********************************************/ -.reveal .roll { - display: inline-block; - line-height: 1.2; - overflow: hidden; - vertical-align: top; - -webkit-perspective: 400px; - perspective: 400px; - -webkit-perspective-origin: 50% 50%; - perspective-origin: 50% 50%; } - -.reveal .roll:hover { - background: none; - text-shadow: none; } - -.reveal .roll span { - display: block; - position: relative; - padding: 0 2px; - pointer-events: none; - transition: all 400ms ease; - -webkit-transform-origin: 50% 0%; - transform-origin: 50% 0%; - -webkit-transform-style: preserve-3d; - transform-style: preserve-3d; - -webkit-backface-visibility: hidden; - backface-visibility: hidden; } - -.reveal .roll:hover span { - background: rgba(0, 0, 0, 0.5); - -webkit-transform: translate3d(0px, 0px, -45px) rotateX(90deg); - transform: translate3d(0px, 0px, -45px) rotateX(90deg); } - -.reveal .roll span:after { - content: attr(data-title); - display: block; - position: absolute; - left: 0; - top: 0; - padding: 0 2px; - -webkit-backface-visibility: hidden; - backface-visibility: hidden; - -webkit-transform-origin: 50% 0%; - transform-origin: 50% 0%; - -webkit-transform: translate3d(0px, 110%, 0px) rotateX(-90deg); - transform: translate3d(0px, 110%, 0px) rotateX(-90deg); } - -/********************************************* - * SPEAKER NOTES - *********************************************/ -.reveal aside.notes { - display: none; } - -.reveal .speaker-notes { - display: none; - position: absolute; - width: 25vw; - height: 100%; - top: 0; - left: 100%; - padding: 14px 18px 14px 18px; - z-index: 1; - font-size: 18px; - line-height: 1.4; - border: 1px solid rgba(0, 0, 0, 0.05); - color: #222; - background-color: #f5f5f5; - overflow: auto; - box-sizing: border-box; - text-align: left; - font-family: Helvetica, sans-serif; - -webkit-overflow-scrolling: touch; } - .reveal .speaker-notes .notes-placeholder { - color: #ccc; - font-style: italic; } - .reveal .speaker-notes:focus { - outline: none; } - .reveal .speaker-notes:before { - content: 'Speaker notes'; - display: block; - margin-bottom: 10px; - opacity: 0.5; } - -.reveal.show-notes { - max-width: 75vw; - overflow: visible; } - -.reveal.show-notes .speaker-notes { - display: block; } - -@media screen and (min-width: 1600px) { - .reveal .speaker-notes { - font-size: 20px; } } - -@media screen and (max-width: 1024px) { - .reveal.show-notes { - border-left: 0; - max-width: none; - max-height: 70%; - overflow: visible; } - .reveal.show-notes .speaker-notes { - top: 100%; - left: 0; - width: 100%; - height: 42.8571428571%; } } - -@media screen and (max-width: 600px) { - .reveal.show-notes { - max-height: 60%; } - .reveal.show-notes .speaker-notes { - top: 100%; - height: 66.6666666667%; } - .reveal .speaker-notes { - font-size: 14px; } } - -/********************************************* - * ZOOM PLUGIN - *********************************************/ -.zoomed .reveal *, -.zoomed .reveal *:before, -.zoomed .reveal *:after { - -webkit-backface-visibility: visible !important; - backface-visibility: visible !important; } - -.zoomed .reveal .progress, -.zoomed .reveal .controls { - opacity: 0; } - -.zoomed .reveal .roll span { - background: none; } - -.zoomed .reveal .roll span:after { - visibility: hidden; } +/*! + * reveal.js + * http://revealjs.com + * MIT licensed + * + * Copyright (C) 2017 Hakim El Hattab, http://hakim.se + */ +/********************************************* + * RESET STYLES + *********************************************/ +html, body, .reveal div, .reveal span, .reveal applet, .reveal object, .reveal iframe, +.reveal h1, .reveal h2, .reveal h3, .reveal h4, .reveal h5, .reveal h6, .reveal p, .reveal blockquote, .reveal pre, +.reveal a, .reveal abbr, .reveal acronym, .reveal address, .reveal big, .reveal cite, .reveal code, +.reveal del, .reveal dfn, .reveal em, .reveal img, .reveal ins, .reveal kbd, .reveal q, .reveal s, .reveal samp, +.reveal small, .reveal strike, .reveal strong, .reveal sub, .reveal sup, .reveal tt, .reveal var, +.reveal b, .reveal u, .reveal center, +.reveal dl, .reveal dt, .reveal dd, .reveal ol, .reveal ul, .reveal li, +.reveal fieldset, .reveal form, .reveal label, .reveal legend, +.reveal table, .reveal caption, .reveal tbody, .reveal tfoot, .reveal thead, .reveal tr, .reveal th, .reveal td, +.reveal article, .reveal aside, .reveal canvas, .reveal details, .reveal embed, +.reveal figure, .reveal figcaption, .reveal footer, .reveal header, .reveal hgroup, +.reveal menu, .reveal nav, .reveal output, .reveal ruby, .reveal section, .reveal summary, +.reveal time, .reveal mark, .reveal audio, .reveal video { + margin: 0; + padding: 0; + border: 0; + font-size: 100%; + font: inherit; + vertical-align: baseline; } + +.reveal article, .reveal aside, .reveal details, .reveal figcaption, .reveal figure, +.reveal footer, .reveal header, .reveal hgroup, .reveal menu, .reveal nav, .reveal section { + display: block; } + +/********************************************* + * GLOBAL STYLES + *********************************************/ +html, +body { + width: 100%; + height: 100%; + overflow: hidden; } + +body { + position: relative; + line-height: 1; + background-color: #fff; + color: #000; } + +/********************************************* + * VIEW FRAGMENTS + *********************************************/ +.reveal .slides section .fragment { + opacity: 0; + visibility: hidden; + transition: all .2s ease; } + .reveal .slides section .fragment.visible { + opacity: 1; + visibility: inherit; } + +.reveal .slides section .fragment.grow { + opacity: 1; + visibility: inherit; } + .reveal .slides section .fragment.grow.visible { + -webkit-transform: scale(1.3); + transform: scale(1.3); } + +.reveal .slides section .fragment.shrink { + opacity: 1; + visibility: inherit; } + .reveal .slides section .fragment.shrink.visible { + -webkit-transform: scale(0.7); + transform: scale(0.7); } + +.reveal .slides section .fragment.zoom-in { + -webkit-transform: scale(0.1); + transform: scale(0.1); } + .reveal .slides section .fragment.zoom-in.visible { + -webkit-transform: none; + transform: none; } + +.reveal .slides section .fragment.fade-out { + opacity: 1; + visibility: inherit; } + .reveal .slides section .fragment.fade-out.visible { + opacity: 0; + visibility: hidden; } + +.reveal .slides section .fragment.semi-fade-out { + opacity: 1; + visibility: inherit; } + .reveal .slides section .fragment.semi-fade-out.visible { + opacity: 0.5; + visibility: inherit; } + +.reveal .slides section .fragment.strike { + opacity: 1; + visibility: inherit; } + .reveal .slides section .fragment.strike.visible { + text-decoration: line-through; } + +.reveal .slides section .fragment.fade-up { + -webkit-transform: translate(0, 20%); + transform: translate(0, 20%); } + .reveal .slides section .fragment.fade-up.visible { + -webkit-transform: translate(0, 0); + transform: translate(0, 0); } + +.reveal .slides section .fragment.fade-down { + -webkit-transform: translate(0, -20%); + transform: translate(0, -20%); } + .reveal .slides section .fragment.fade-down.visible { + -webkit-transform: translate(0, 0); + transform: translate(0, 0); } + +.reveal .slides section .fragment.fade-right { + -webkit-transform: translate(-20%, 0); + transform: translate(-20%, 0); } + .reveal .slides section .fragment.fade-right.visible { + -webkit-transform: translate(0, 0); + transform: translate(0, 0); } + +.reveal .slides section .fragment.fade-left { + -webkit-transform: translate(20%, 0); + transform: translate(20%, 0); } + .reveal .slides section .fragment.fade-left.visible { + -webkit-transform: translate(0, 0); + transform: translate(0, 0); } + +.reveal .slides section .fragment.current-visible { + opacity: 0; + visibility: hidden; } + .reveal .slides section .fragment.current-visible.current-fragment { + opacity: 1; + visibility: inherit; } + +.reveal .slides section .fragment.highlight-red, +.reveal .slides section .fragment.highlight-current-red, +.reveal .slides section .fragment.highlight-green, +.reveal .slides section .fragment.highlight-current-green, +.reveal .slides section .fragment.highlight-blue, +.reveal .slides section .fragment.highlight-current-blue { + opacity: 1; + visibility: inherit; } + +.reveal .slides section .fragment.highlight-red.visible { + color: #ff2c2d; } + +.reveal .slides section .fragment.highlight-green.visible { + color: #17ff2e; } + +.reveal .slides section .fragment.highlight-blue.visible { + color: #1b91ff; } + +.reveal .slides section .fragment.highlight-current-red.current-fragment { + color: #ff2c2d; } + +.reveal .slides section .fragment.highlight-current-green.current-fragment { + color: #17ff2e; } + +.reveal .slides section .fragment.highlight-current-blue.current-fragment { + color: #1b91ff; } + +/********************************************* + * DEFAULT ELEMENT STYLES + *********************************************/ +/* Fixes issue in Chrome where italic fonts did not appear when printing to PDF */ +.reveal:after { + content: ''; + font-style: italic; } + +.reveal iframe { + z-index: 1; } + +/** Prevents layering issues in certain browser/transition combinations */ +.reveal a { + position: relative; } + +.reveal .stretch { + max-width: none; + max-height: none; } + +.reveal pre.stretch code { + height: 100%; + max-height: 100%; + box-sizing: border-box; } + +/********************************************* + * CONTROLS + *********************************************/ +@-webkit-keyframes bounce-right { + 0%, 10%, 25%, 40%, 50% { + -webkit-transform: translateX(0); + transform: translateX(0); } + 20% { + -webkit-transform: translateX(10px); + transform: translateX(10px); } + 30% { + -webkit-transform: translateX(-5px); + transform: translateX(-5px); } } +@keyframes bounce-right { + 0%, 10%, 25%, 40%, 50% { + -webkit-transform: translateX(0); + transform: translateX(0); } + 20% { + -webkit-transform: translateX(10px); + transform: translateX(10px); } + 30% { + -webkit-transform: translateX(-5px); + transform: translateX(-5px); } } + +@-webkit-keyframes bounce-down { + 0%, 10%, 25%, 40%, 50% { + -webkit-transform: translateY(0); + transform: translateY(0); } + 20% { + -webkit-transform: translateY(10px); + transform: translateY(10px); } + 30% { + -webkit-transform: translateY(-5px); + transform: translateY(-5px); } } + +@keyframes bounce-down { + 0%, 10%, 25%, 40%, 50% { + -webkit-transform: translateY(0); + transform: translateY(0); } + 20% { + -webkit-transform: translateY(10px); + transform: translateY(10px); } + 30% { + -webkit-transform: translateY(-5px); + transform: translateY(-5px); } } + +.reveal .controls { + display: none; + position: absolute; + top: auto; + bottom: 12px; + right: 12px; + left: auto; + z-index: 1; + color: #000; + pointer-events: none; + font-size: 10px; } + .reveal .controls button { + position: absolute; + padding: 0; + background-color: transparent; + border: 0; + outline: 0; + cursor: pointer; + color: currentColor; + -webkit-transform: scale(0.9999); + transform: scale(0.9999); + transition: color 0.2s ease, opacity 0.2s ease, -webkit-transform 0.2s ease; + transition: color 0.2s ease, opacity 0.2s ease, transform 0.2s ease; + z-index: 2; + pointer-events: auto; + font-size: inherit; + visibility: hidden; + opacity: 0; + -webkit-appearance: none; + -webkit-tap-highlight-color: transparent; } + .reveal .controls .controls-arrow:before, + .reveal .controls .controls-arrow:after { + content: ''; + position: absolute; + top: 0; + left: 0; + width: 2.6em; + height: 0.5em; + border-radius: 0.25em; + background-color: currentColor; + transition: all 0.15s ease, background-color 0.8s ease; + -webkit-transform-origin: 0.2em 50%; + transform-origin: 0.2em 50%; + will-change: transform; } + .reveal .controls .controls-arrow { + position: relative; + width: 3.6em; + height: 3.6em; } + .reveal .controls .controls-arrow:before { + -webkit-transform: translateX(0.5em) translateY(1.55em) rotate(45deg); + transform: translateX(0.5em) translateY(1.55em) rotate(45deg); } + .reveal .controls .controls-arrow:after { + -webkit-transform: translateX(0.5em) translateY(1.55em) rotate(-45deg); + transform: translateX(0.5em) translateY(1.55em) rotate(-45deg); } + .reveal .controls .controls-arrow:hover:before { + -webkit-transform: translateX(0.5em) translateY(1.55em) rotate(40deg); + transform: translateX(0.5em) translateY(1.55em) rotate(40deg); } + .reveal .controls .controls-arrow:hover:after { + -webkit-transform: translateX(0.5em) translateY(1.55em) rotate(-40deg); + transform: translateX(0.5em) translateY(1.55em) rotate(-40deg); } + .reveal .controls .controls-arrow:active:before { + -webkit-transform: translateX(0.5em) translateY(1.55em) rotate(36deg); + transform: translateX(0.5em) translateY(1.55em) rotate(36deg); } + .reveal .controls .controls-arrow:active:after { + -webkit-transform: translateX(0.5em) translateY(1.55em) rotate(-36deg); + transform: translateX(0.5em) translateY(1.55em) rotate(-36deg); } + .reveal .controls .navigate-left { + right: 6.4em; + bottom: 3.2em; + -webkit-transform: translateX(-10px); + transform: translateX(-10px); } + .reveal .controls .navigate-right { + right: 0; + bottom: 3.2em; + -webkit-transform: translateX(10px); + transform: translateX(10px); } + .reveal .controls .navigate-right .controls-arrow { + -webkit-transform: rotate(180deg); + transform: rotate(180deg); } + .reveal .controls .navigate-right.highlight { + -webkit-animation: bounce-right 2s 50 both ease-out; + animation: bounce-right 2s 50 both ease-out; } + .reveal .controls .navigate-up { + right: 3.2em; + bottom: 6.4em; + -webkit-transform: translateY(-10px); + transform: translateY(-10px); } + .reveal .controls .navigate-up .controls-arrow { + -webkit-transform: rotate(90deg); + transform: rotate(90deg); } + .reveal .controls .navigate-down { + right: 3.2em; + bottom: 0; + -webkit-transform: translateY(10px); + transform: translateY(10px); } + .reveal .controls .navigate-down .controls-arrow { + -webkit-transform: rotate(-90deg); + transform: rotate(-90deg); } + .reveal .controls .navigate-down.highlight { + -webkit-animation: bounce-down 2s 50 both ease-out; + animation: bounce-down 2s 50 both ease-out; } + .reveal .controls[data-controls-back-arrows="faded"] .navigate-left.enabled, + .reveal .controls[data-controls-back-arrows="faded"] .navigate-up.enabled { + opacity: 0.3; } + .reveal .controls[data-controls-back-arrows="faded"] .navigate-left.enabled:hover, + .reveal .controls[data-controls-back-arrows="faded"] .navigate-up.enabled:hover { + opacity: 1; } + .reveal .controls[data-controls-back-arrows="hidden"] .navigate-left.enabled, + .reveal .controls[data-controls-back-arrows="hidden"] .navigate-up.enabled { + opacity: 0; + visibility: hidden; } + .reveal .controls .enabled { + visibility: visible; + opacity: 0.9; + cursor: pointer; + -webkit-transform: none; + transform: none; } + .reveal .controls .enabled.fragmented { + opacity: 0.5; } + .reveal .controls .enabled:hover, + .reveal .controls .enabled.fragmented:hover { + opacity: 1; } + +.reveal:not(.has-vertical-slides) .controls .navigate-left { + bottom: 1.4em; + right: 5.5em; } + +.reveal:not(.has-vertical-slides) .controls .navigate-right { + bottom: 1.4em; + right: 0.5em; } + +.reveal:not(.has-horizontal-slides) .controls .navigate-up { + right: 1.4em; + bottom: 5em; } + +.reveal:not(.has-horizontal-slides) .controls .navigate-down { + right: 1.4em; + bottom: 0.5em; } + +.reveal.has-dark-background .controls { + color: #fff; } + +.reveal.has-light-background .controls { + color: #000; } + +.reveal.no-hover .controls .controls-arrow:hover:before, +.reveal.no-hover .controls .controls-arrow:active:before { + -webkit-transform: translateX(0.5em) translateY(1.55em) rotate(45deg); + transform: translateX(0.5em) translateY(1.55em) rotate(45deg); } + +.reveal.no-hover .controls .controls-arrow:hover:after, +.reveal.no-hover .controls .controls-arrow:active:after { + -webkit-transform: translateX(0.5em) translateY(1.55em) rotate(-45deg); + transform: translateX(0.5em) translateY(1.55em) rotate(-45deg); } + +@media screen and (min-width: 500px) { + .reveal .controls[data-controls-layout="edges"] { + top: 0; + right: 0; + bottom: 0; + left: 0; } + .reveal .controls[data-controls-layout="edges"] .navigate-left, + .reveal .controls[data-controls-layout="edges"] .navigate-right, + .reveal .controls[data-controls-layout="edges"] .navigate-up, + .reveal .controls[data-controls-layout="edges"] .navigate-down { + bottom: auto; + right: auto; } + .reveal .controls[data-controls-layout="edges"] .navigate-left { + top: 50%; + left: 8px; + margin-top: -1.8em; } + .reveal .controls[data-controls-layout="edges"] .navigate-right { + top: 50%; + right: 8px; + margin-top: -1.8em; } + .reveal .controls[data-controls-layout="edges"] .navigate-up { + top: 8px; + left: 50%; + margin-left: -1.8em; } + .reveal .controls[data-controls-layout="edges"] .navigate-down { + bottom: 8px; + left: 50%; + margin-left: -1.8em; } } + +/********************************************* + * PROGRESS BAR + *********************************************/ +.reveal .progress { + position: absolute; + display: none; + height: 3px; + width: 100%; + bottom: 0; + left: 0; + z-index: 10; + background-color: rgba(0, 0, 0, 0.2); + color: #fff; } + +.reveal .progress:after { + content: ''; + display: block; + position: absolute; + height: 10px; + width: 100%; + top: -10px; } + +.reveal .progress span { + display: block; + height: 100%; + width: 0px; + background-color: currentColor; + transition: width 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985); } + +/********************************************* + * SLIDE NUMBER + *********************************************/ +.reveal .slide-number { + position: fixed; + display: block; + right: 8px; + bottom: 8px; + z-index: 31; + font-family: Helvetica, sans-serif; + font-size: 12px; + line-height: 1; + color: #fff; + background-color: rgba(0, 0, 0, 0.4); + padding: 5px; } + +.reveal .slide-number-delimiter { + margin: 0 3px; } + +/********************************************* + * SLIDES + *********************************************/ +.reveal { + position: relative; + width: 100%; + height: 100%; + overflow: hidden; + -ms-touch-action: none; + touch-action: none; } + +@media only screen and (orientation: landscape) { + .reveal.ua-iphone { + position: fixed; } } + +.reveal .slides { + position: absolute; + width: 100%; + height: 100%; + top: 0; + right: 0; + bottom: 0; + left: 0; + margin: auto; + pointer-events: none; + overflow: visible; + z-index: 1; + text-align: center; + -webkit-perspective: 600px; + perspective: 600px; + -webkit-perspective-origin: 50% 40%; + perspective-origin: 50% 40%; } + +.reveal .slides > section { + -ms-perspective: 600px; } + +.reveal .slides > section, +.reveal .slides > section > section { + display: none; + position: absolute; + width: 100%; + padding: 20px 0px; + pointer-events: auto; + z-index: 10; + -webkit-transform-style: flat; + transform-style: flat; + transition: -webkit-transform-origin 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985), -webkit-transform 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985), visibility 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985), opacity 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985); + transition: transform-origin 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985), transform 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985), visibility 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985), opacity 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985); } + +/* Global transition speed settings */ +.reveal[data-transition-speed="fast"] .slides section { + transition-duration: 400ms; } + +.reveal[data-transition-speed="slow"] .slides section { + transition-duration: 1200ms; } + +/* Slide-specific transition speed overrides */ +.reveal .slides section[data-transition-speed="fast"] { + transition-duration: 400ms; } + +.reveal .slides section[data-transition-speed="slow"] { + transition-duration: 1200ms; } + +.reveal .slides > section.stack { + padding-top: 0; + padding-bottom: 0; } + +.reveal .slides > section.present, +.reveal .slides > section > section.present { + display: block; + z-index: 11; + opacity: 1; } + +.reveal .slides > section:empty, +.reveal .slides > section > section:empty, +.reveal .slides > section[data-background-interactive], +.reveal .slides > section > section[data-background-interactive] { + pointer-events: none; } + +.reveal.center, +.reveal.center .slides, +.reveal.center .slides section { + min-height: 0 !important; } + +/* Don't allow interaction with invisible slides */ +.reveal .slides > section.future, +.reveal .slides > section > section.future, +.reveal .slides > section.past, +.reveal .slides > section > section.past { + pointer-events: none; } + +.reveal.overview .slides > section, +.reveal.overview .slides > section > section { + pointer-events: auto; } + +.reveal .slides > section.past, +.reveal .slides > section.future, +.reveal .slides > section > section.past, +.reveal .slides > section > section.future { + opacity: 0; } + +/********************************************* + * Mixins for readability of transitions + *********************************************/ +/********************************************* + * SLIDE TRANSITION + * Aliased 'linear' for backwards compatibility + *********************************************/ +.reveal.slide section { + -webkit-backface-visibility: hidden; + backface-visibility: hidden; } + +.reveal .slides > section[data-transition=slide].past, +.reveal .slides > section[data-transition~=slide-out].past, +.reveal.slide .slides > section:not([data-transition]).past { + -webkit-transform: translate(-150%, 0); + transform: translate(-150%, 0); } + +.reveal .slides > section[data-transition=slide].future, +.reveal .slides > section[data-transition~=slide-in].future, +.reveal.slide .slides > section:not([data-transition]).future { + -webkit-transform: translate(150%, 0); + transform: translate(150%, 0); } + +.reveal .slides > section > section[data-transition=slide].past, +.reveal .slides > section > section[data-transition~=slide-out].past, +.reveal.slide .slides > section > section:not([data-transition]).past { + -webkit-transform: translate(0, -150%); + transform: translate(0, -150%); } + +.reveal .slides > section > section[data-transition=slide].future, +.reveal .slides > section > section[data-transition~=slide-in].future, +.reveal.slide .slides > section > section:not([data-transition]).future { + -webkit-transform: translate(0, 150%); + transform: translate(0, 150%); } + +.reveal.linear section { + -webkit-backface-visibility: hidden; + backface-visibility: hidden; } + +.reveal .slides > section[data-transition=linear].past, +.reveal .slides > section[data-transition~=linear-out].past, +.reveal.linear .slides > section:not([data-transition]).past { + -webkit-transform: translate(-150%, 0); + transform: translate(-150%, 0); } + +.reveal .slides > section[data-transition=linear].future, +.reveal .slides > section[data-transition~=linear-in].future, +.reveal.linear .slides > section:not([data-transition]).future { + -webkit-transform: translate(150%, 0); + transform: translate(150%, 0); } + +.reveal .slides > section > section[data-transition=linear].past, +.reveal .slides > section > section[data-transition~=linear-out].past, +.reveal.linear .slides > section > section:not([data-transition]).past { + -webkit-transform: translate(0, -150%); + transform: translate(0, -150%); } + +.reveal .slides > section > section[data-transition=linear].future, +.reveal .slides > section > section[data-transition~=linear-in].future, +.reveal.linear .slides > section > section:not([data-transition]).future { + -webkit-transform: translate(0, 150%); + transform: translate(0, 150%); } + +/********************************************* + * CONVEX TRANSITION + * Aliased 'default' for backwards compatibility + *********************************************/ +.reveal .slides section[data-transition=default].stack, +.reveal.default .slides section.stack { + -webkit-transform-style: preserve-3d; + transform-style: preserve-3d; } + +.reveal .slides > section[data-transition=default].past, +.reveal .slides > section[data-transition~=default-out].past, +.reveal.default .slides > section:not([data-transition]).past { + -webkit-transform: translate3d(-100%, 0, 0) rotateY(-90deg) translate3d(-100%, 0, 0); + transform: translate3d(-100%, 0, 0) rotateY(-90deg) translate3d(-100%, 0, 0); } + +.reveal .slides > section[data-transition=default].future, +.reveal .slides > section[data-transition~=default-in].future, +.reveal.default .slides > section:not([data-transition]).future { + -webkit-transform: translate3d(100%, 0, 0) rotateY(90deg) translate3d(100%, 0, 0); + transform: translate3d(100%, 0, 0) rotateY(90deg) translate3d(100%, 0, 0); } + +.reveal .slides > section > section[data-transition=default].past, +.reveal .slides > section > section[data-transition~=default-out].past, +.reveal.default .slides > section > section:not([data-transition]).past { + -webkit-transform: translate3d(0, -300px, 0) rotateX(70deg) translate3d(0, -300px, 0); + transform: translate3d(0, -300px, 0) rotateX(70deg) translate3d(0, -300px, 0); } + +.reveal .slides > section > section[data-transition=default].future, +.reveal .slides > section > section[data-transition~=default-in].future, +.reveal.default .slides > section > section:not([data-transition]).future { + -webkit-transform: translate3d(0, 300px, 0) rotateX(-70deg) translate3d(0, 300px, 0); + transform: translate3d(0, 300px, 0) rotateX(-70deg) translate3d(0, 300px, 0); } + +.reveal .slides section[data-transition=convex].stack, +.reveal.convex .slides section.stack { + -webkit-transform-style: preserve-3d; + transform-style: preserve-3d; } + +.reveal .slides > section[data-transition=convex].past, +.reveal .slides > section[data-transition~=convex-out].past, +.reveal.convex .slides > section:not([data-transition]).past { + -webkit-transform: translate3d(-100%, 0, 0) rotateY(-90deg) translate3d(-100%, 0, 0); + transform: translate3d(-100%, 0, 0) rotateY(-90deg) translate3d(-100%, 0, 0); } + +.reveal .slides > section[data-transition=convex].future, +.reveal .slides > section[data-transition~=convex-in].future, +.reveal.convex .slides > section:not([data-transition]).future { + -webkit-transform: translate3d(100%, 0, 0) rotateY(90deg) translate3d(100%, 0, 0); + transform: translate3d(100%, 0, 0) rotateY(90deg) translate3d(100%, 0, 0); } + +.reveal .slides > section > section[data-transition=convex].past, +.reveal .slides > section > section[data-transition~=convex-out].past, +.reveal.convex .slides > section > section:not([data-transition]).past { + -webkit-transform: translate3d(0, -300px, 0) rotateX(70deg) translate3d(0, -300px, 0); + transform: translate3d(0, -300px, 0) rotateX(70deg) translate3d(0, -300px, 0); } + +.reveal .slides > section > section[data-transition=convex].future, +.reveal .slides > section > section[data-transition~=convex-in].future, +.reveal.convex .slides > section > section:not([data-transition]).future { + -webkit-transform: translate3d(0, 300px, 0) rotateX(-70deg) translate3d(0, 300px, 0); + transform: translate3d(0, 300px, 0) rotateX(-70deg) translate3d(0, 300px, 0); } + +/********************************************* + * CONCAVE TRANSITION + *********************************************/ +.reveal .slides section[data-transition=concave].stack, +.reveal.concave .slides section.stack { + -webkit-transform-style: preserve-3d; + transform-style: preserve-3d; } + +.reveal .slides > section[data-transition=concave].past, +.reveal .slides > section[data-transition~=concave-out].past, +.reveal.concave .slides > section:not([data-transition]).past { + -webkit-transform: translate3d(-100%, 0, 0) rotateY(90deg) translate3d(-100%, 0, 0); + transform: translate3d(-100%, 0, 0) rotateY(90deg) translate3d(-100%, 0, 0); } + +.reveal .slides > section[data-transition=concave].future, +.reveal .slides > section[data-transition~=concave-in].future, +.reveal.concave .slides > section:not([data-transition]).future { + -webkit-transform: translate3d(100%, 0, 0) rotateY(-90deg) translate3d(100%, 0, 0); + transform: translate3d(100%, 0, 0) rotateY(-90deg) translate3d(100%, 0, 0); } + +.reveal .slides > section > section[data-transition=concave].past, +.reveal .slides > section > section[data-transition~=concave-out].past, +.reveal.concave .slides > section > section:not([data-transition]).past { + -webkit-transform: translate3d(0, -80%, 0) rotateX(-70deg) translate3d(0, -80%, 0); + transform: translate3d(0, -80%, 0) rotateX(-70deg) translate3d(0, -80%, 0); } + +.reveal .slides > section > section[data-transition=concave].future, +.reveal .slides > section > section[data-transition~=concave-in].future, +.reveal.concave .slides > section > section:not([data-transition]).future { + -webkit-transform: translate3d(0, 80%, 0) rotateX(70deg) translate3d(0, 80%, 0); + transform: translate3d(0, 80%, 0) rotateX(70deg) translate3d(0, 80%, 0); } + +/********************************************* + * ZOOM TRANSITION + *********************************************/ +.reveal .slides section[data-transition=zoom], +.reveal.zoom .slides section:not([data-transition]) { + transition-timing-function: ease; } + +.reveal .slides > section[data-transition=zoom].past, +.reveal .slides > section[data-transition~=zoom-out].past, +.reveal.zoom .slides > section:not([data-transition]).past { + visibility: hidden; + -webkit-transform: scale(16); + transform: scale(16); } + +.reveal .slides > section[data-transition=zoom].future, +.reveal .slides > section[data-transition~=zoom-in].future, +.reveal.zoom .slides > section:not([data-transition]).future { + visibility: hidden; + -webkit-transform: scale(0.2); + transform: scale(0.2); } + +.reveal .slides > section > section[data-transition=zoom].past, +.reveal .slides > section > section[data-transition~=zoom-out].past, +.reveal.zoom .slides > section > section:not([data-transition]).past { + -webkit-transform: translate(0, -150%); + transform: translate(0, -150%); } + +.reveal .slides > section > section[data-transition=zoom].future, +.reveal .slides > section > section[data-transition~=zoom-in].future, +.reveal.zoom .slides > section > section:not([data-transition]).future { + -webkit-transform: translate(0, 150%); + transform: translate(0, 150%); } + +/********************************************* + * CUBE TRANSITION + * + * WARNING: + * this is deprecated and will be removed in a + * future version. + *********************************************/ +.reveal.cube .slides { + -webkit-perspective: 1300px; + perspective: 1300px; } + +.reveal.cube .slides section { + padding: 30px; + min-height: 700px; + -webkit-backface-visibility: hidden; + backface-visibility: hidden; + box-sizing: border-box; + -webkit-transform-style: preserve-3d; + transform-style: preserve-3d; } + +.reveal.center.cube .slides section { + min-height: 0; } + +.reveal.cube .slides section:not(.stack):before { + content: ''; + position: absolute; + display: block; + width: 100%; + height: 100%; + left: 0; + top: 0; + background: rgba(0, 0, 0, 0.1); + border-radius: 4px; + -webkit-transform: translateZ(-20px); + transform: translateZ(-20px); } + +.reveal.cube .slides section:not(.stack):after { + content: ''; + position: absolute; + display: block; + width: 90%; + height: 30px; + left: 5%; + bottom: 0; + background: none; + z-index: 1; + border-radius: 4px; + box-shadow: 0px 95px 25px rgba(0, 0, 0, 0.2); + -webkit-transform: translateZ(-90px) rotateX(65deg); + transform: translateZ(-90px) rotateX(65deg); } + +.reveal.cube .slides > section.stack { + padding: 0; + background: none; } + +.reveal.cube .slides > section.past { + -webkit-transform-origin: 100% 0%; + transform-origin: 100% 0%; + -webkit-transform: translate3d(-100%, 0, 0) rotateY(-90deg); + transform: translate3d(-100%, 0, 0) rotateY(-90deg); } + +.reveal.cube .slides > section.future { + -webkit-transform-origin: 0% 0%; + transform-origin: 0% 0%; + -webkit-transform: translate3d(100%, 0, 0) rotateY(90deg); + transform: translate3d(100%, 0, 0) rotateY(90deg); } + +.reveal.cube .slides > section > section.past { + -webkit-transform-origin: 0% 100%; + transform-origin: 0% 100%; + -webkit-transform: translate3d(0, -100%, 0) rotateX(90deg); + transform: translate3d(0, -100%, 0) rotateX(90deg); } + +.reveal.cube .slides > section > section.future { + -webkit-transform-origin: 0% 0%; + transform-origin: 0% 0%; + -webkit-transform: translate3d(0, 100%, 0) rotateX(-90deg); + transform: translate3d(0, 100%, 0) rotateX(-90deg); } + +/********************************************* + * PAGE TRANSITION + * + * WARNING: + * this is deprecated and will be removed in a + * future version. + *********************************************/ +.reveal.page .slides { + -webkit-perspective-origin: 0% 50%; + perspective-origin: 0% 50%; + -webkit-perspective: 3000px; + perspective: 3000px; } + +.reveal.page .slides section { + padding: 30px; + min-height: 700px; + box-sizing: border-box; + -webkit-transform-style: preserve-3d; + transform-style: preserve-3d; } + +.reveal.page .slides section.past { + z-index: 12; } + +.reveal.page .slides section:not(.stack):before { + content: ''; + position: absolute; + display: block; + width: 100%; + height: 100%; + left: 0; + top: 0; + background: rgba(0, 0, 0, 0.1); + -webkit-transform: translateZ(-20px); + transform: translateZ(-20px); } + +.reveal.page .slides section:not(.stack):after { + content: ''; + position: absolute; + display: block; + width: 90%; + height: 30px; + left: 5%; + bottom: 0; + background: none; + z-index: 1; + border-radius: 4px; + box-shadow: 0px 95px 25px rgba(0, 0, 0, 0.2); + -webkit-transform: translateZ(-90px) rotateX(65deg); } + +.reveal.page .slides > section.stack { + padding: 0; + background: none; } + +.reveal.page .slides > section.past { + -webkit-transform-origin: 0% 0%; + transform-origin: 0% 0%; + -webkit-transform: translate3d(-40%, 0, 0) rotateY(-80deg); + transform: translate3d(-40%, 0, 0) rotateY(-80deg); } + +.reveal.page .slides > section.future { + -webkit-transform-origin: 100% 0%; + transform-origin: 100% 0%; + -webkit-transform: translate3d(0, 0, 0); + transform: translate3d(0, 0, 0); } + +.reveal.page .slides > section > section.past { + -webkit-transform-origin: 0% 0%; + transform-origin: 0% 0%; + -webkit-transform: translate3d(0, -40%, 0) rotateX(80deg); + transform: translate3d(0, -40%, 0) rotateX(80deg); } + +.reveal.page .slides > section > section.future { + -webkit-transform-origin: 0% 100%; + transform-origin: 0% 100%; + -webkit-transform: translate3d(0, 0, 0); + transform: translate3d(0, 0, 0); } + +/********************************************* + * FADE TRANSITION + *********************************************/ +.reveal .slides section[data-transition=fade], +.reveal.fade .slides section:not([data-transition]), +.reveal.fade .slides > section > section:not([data-transition]) { + -webkit-transform: none; + transform: none; + transition: opacity 0.5s; } + +.reveal.fade.overview .slides section, +.reveal.fade.overview .slides > section > section { + transition: none; } + +/********************************************* + * NO TRANSITION + *********************************************/ +.reveal .slides section[data-transition=none], +.reveal.none .slides section:not([data-transition]) { + -webkit-transform: none; + transform: none; + transition: none; } + +/********************************************* + * PAUSED MODE + *********************************************/ +.reveal .pause-overlay { + position: absolute; + top: 0; + left: 0; + width: 100%; + height: 100%; + background: black; + visibility: hidden; + opacity: 0; + z-index: 100; + transition: all 1s ease; } + +.reveal.paused .pause-overlay { + visibility: visible; + opacity: 1; } + +/********************************************* + * FALLBACK + *********************************************/ +.no-transforms { + overflow-y: auto; } + +.no-transforms .reveal .slides { + position: relative; + width: 80%; + height: auto !important; + top: 0; + left: 50%; + margin: 0; + text-align: center; } + +.no-transforms .reveal .controls, +.no-transforms .reveal .progress { + display: none !important; } + +.no-transforms .reveal .slides section { + display: block !important; + opacity: 1 !important; + position: relative !important; + height: auto; + min-height: 0; + top: 0; + left: -50%; + margin: 70px 0; + -webkit-transform: none; + transform: none; } + +.no-transforms .reveal .slides section section { + left: 0; } + +.reveal .no-transition, +.reveal .no-transition * { + transition: none !important; } + +/********************************************* + * PER-SLIDE BACKGROUNDS + *********************************************/ +.reveal .backgrounds { + position: absolute; + width: 100%; + height: 100%; + top: 0; + left: 0; + -webkit-perspective: 600px; + perspective: 600px; } + +.reveal .slide-background { + display: none; + position: absolute; + width: 100%; + height: 100%; + opacity: 0; + visibility: hidden; + overflow: hidden; + background-color: transparent; + background-position: 50% 50%; + background-repeat: no-repeat; + background-size: cover; + transition: all 800ms cubic-bezier(0.26, 0.86, 0.44, 0.985); } + +.reveal .slide-background.stack { + display: block; } + +.reveal .slide-background.present { + opacity: 1; + visibility: visible; + z-index: 2; } + +.print-pdf .reveal .slide-background { + opacity: 1 !important; + visibility: visible !important; } + +/* Video backgrounds */ +.reveal .slide-background video { + position: absolute; + width: 100%; + height: 100%; + max-width: none; + max-height: none; + top: 0; + left: 0; + -o-object-fit: cover; + object-fit: cover; } + +.reveal .slide-background[data-background-size="contain"] video { + -o-object-fit: contain; + object-fit: contain; } + +/* Immediate transition style */ +.reveal[data-background-transition=none] > .backgrounds .slide-background, +.reveal > .backgrounds .slide-background[data-background-transition=none] { + transition: none; } + +/* Slide */ +.reveal[data-background-transition=slide] > .backgrounds .slide-background, +.reveal > .backgrounds .slide-background[data-background-transition=slide] { + opacity: 1; + -webkit-backface-visibility: hidden; + backface-visibility: hidden; } + +.reveal[data-background-transition=slide] > .backgrounds .slide-background.past, +.reveal > .backgrounds .slide-background.past[data-background-transition=slide] { + -webkit-transform: translate(-100%, 0); + transform: translate(-100%, 0); } + +.reveal[data-background-transition=slide] > .backgrounds .slide-background.future, +.reveal > .backgrounds .slide-background.future[data-background-transition=slide] { + -webkit-transform: translate(100%, 0); + transform: translate(100%, 0); } + +.reveal[data-background-transition=slide] > .backgrounds .slide-background > .slide-background.past, +.reveal > .backgrounds .slide-background > .slide-background.past[data-background-transition=slide] { + -webkit-transform: translate(0, -100%); + transform: translate(0, -100%); } + +.reveal[data-background-transition=slide] > .backgrounds .slide-background > .slide-background.future, +.reveal > .backgrounds .slide-background > .slide-background.future[data-background-transition=slide] { + -webkit-transform: translate(0, 100%); + transform: translate(0, 100%); } + +/* Convex */ +.reveal[data-background-transition=convex] > .backgrounds .slide-background.past, +.reveal > .backgrounds .slide-background.past[data-background-transition=convex] { + opacity: 0; + -webkit-transform: translate3d(-100%, 0, 0) rotateY(-90deg) translate3d(-100%, 0, 0); + transform: translate3d(-100%, 0, 0) rotateY(-90deg) translate3d(-100%, 0, 0); } + +.reveal[data-background-transition=convex] > .backgrounds .slide-background.future, +.reveal > .backgrounds .slide-background.future[data-background-transition=convex] { + opacity: 0; + -webkit-transform: translate3d(100%, 0, 0) rotateY(90deg) translate3d(100%, 0, 0); + transform: translate3d(100%, 0, 0) rotateY(90deg) translate3d(100%, 0, 0); } + +.reveal[data-background-transition=convex] > .backgrounds .slide-background > .slide-background.past, +.reveal > .backgrounds .slide-background > .slide-background.past[data-background-transition=convex] { + opacity: 0; + -webkit-transform: translate3d(0, -100%, 0) rotateX(90deg) translate3d(0, -100%, 0); + transform: translate3d(0, -100%, 0) rotateX(90deg) translate3d(0, -100%, 0); } + +.reveal[data-background-transition=convex] > .backgrounds .slide-background > .slide-background.future, +.reveal > .backgrounds .slide-background > .slide-background.future[data-background-transition=convex] { + opacity: 0; + -webkit-transform: translate3d(0, 100%, 0) rotateX(-90deg) translate3d(0, 100%, 0); + transform: translate3d(0, 100%, 0) rotateX(-90deg) translate3d(0, 100%, 0); } + +/* Concave */ +.reveal[data-background-transition=concave] > .backgrounds .slide-background.past, +.reveal > .backgrounds .slide-background.past[data-background-transition=concave] { + opacity: 0; + -webkit-transform: translate3d(-100%, 0, 0) rotateY(90deg) translate3d(-100%, 0, 0); + transform: translate3d(-100%, 0, 0) rotateY(90deg) translate3d(-100%, 0, 0); } + +.reveal[data-background-transition=concave] > .backgrounds .slide-background.future, +.reveal > .backgrounds .slide-background.future[data-background-transition=concave] { + opacity: 0; + -webkit-transform: translate3d(100%, 0, 0) rotateY(-90deg) translate3d(100%, 0, 0); + transform: translate3d(100%, 0, 0) rotateY(-90deg) translate3d(100%, 0, 0); } + +.reveal[data-background-transition=concave] > .backgrounds .slide-background > .slide-background.past, +.reveal > .backgrounds .slide-background > .slide-background.past[data-background-transition=concave] { + opacity: 0; + -webkit-transform: translate3d(0, -100%, 0) rotateX(-90deg) translate3d(0, -100%, 0); + transform: translate3d(0, -100%, 0) rotateX(-90deg) translate3d(0, -100%, 0); } + +.reveal[data-background-transition=concave] > .backgrounds .slide-background > .slide-background.future, +.reveal > .backgrounds .slide-background > .slide-background.future[data-background-transition=concave] { + opacity: 0; + -webkit-transform: translate3d(0, 100%, 0) rotateX(90deg) translate3d(0, 100%, 0); + transform: translate3d(0, 100%, 0) rotateX(90deg) translate3d(0, 100%, 0); } + +/* Zoom */ +.reveal[data-background-transition=zoom] > .backgrounds .slide-background, +.reveal > .backgrounds .slide-background[data-background-transition=zoom] { + transition-timing-function: ease; } + +.reveal[data-background-transition=zoom] > .backgrounds .slide-background.past, +.reveal > .backgrounds .slide-background.past[data-background-transition=zoom] { + opacity: 0; + visibility: hidden; + -webkit-transform: scale(16); + transform: scale(16); } + +.reveal[data-background-transition=zoom] > .backgrounds .slide-background.future, +.reveal > .backgrounds .slide-background.future[data-background-transition=zoom] { + opacity: 0; + visibility: hidden; + -webkit-transform: scale(0.2); + transform: scale(0.2); } + +.reveal[data-background-transition=zoom] > .backgrounds .slide-background > .slide-background.past, +.reveal > .backgrounds .slide-background > .slide-background.past[data-background-transition=zoom] { + opacity: 0; + visibility: hidden; + -webkit-transform: scale(16); + transform: scale(16); } + +.reveal[data-background-transition=zoom] > .backgrounds .slide-background > .slide-background.future, +.reveal > .backgrounds .slide-background > .slide-background.future[data-background-transition=zoom] { + opacity: 0; + visibility: hidden; + -webkit-transform: scale(0.2); + transform: scale(0.2); } + +/* Global transition speed settings */ +.reveal[data-transition-speed="fast"] > .backgrounds .slide-background { + transition-duration: 400ms; } + +.reveal[data-transition-speed="slow"] > .backgrounds .slide-background { + transition-duration: 1200ms; } + +/********************************************* + * OVERVIEW + *********************************************/ +.reveal.overview { + -webkit-perspective-origin: 50% 50%; + perspective-origin: 50% 50%; + -webkit-perspective: 700px; + perspective: 700px; } + .reveal.overview .slides { + -moz-transform-style: preserve-3d; } + .reveal.overview .slides section { + height: 100%; + top: 0 !important; + opacity: 1 !important; + overflow: hidden; + visibility: visible !important; + cursor: pointer; + box-sizing: border-box; } + .reveal.overview .slides section:hover, + .reveal.overview .slides section.present { + outline: 10px solid rgba(150, 150, 150, 0.4); + outline-offset: 10px; } + .reveal.overview .slides section .fragment { + opacity: 1; + transition: none; } + .reveal.overview .slides section:after, + .reveal.overview .slides section:before { + display: none !important; } + .reveal.overview .slides > section.stack { + padding: 0; + top: 0 !important; + background: none; + outline: none; + overflow: visible; } + .reveal.overview .backgrounds { + -webkit-perspective: inherit; + perspective: inherit; + -moz-transform-style: preserve-3d; } + .reveal.overview .backgrounds .slide-background { + opacity: 1; + visibility: visible; + outline: 10px solid rgba(150, 150, 150, 0.1); + outline-offset: 10px; } + .reveal.overview .backgrounds .slide-background.stack { + overflow: visible; } + +.reveal.overview .slides section, +.reveal.overview-deactivating .slides section { + transition: none; } + +.reveal.overview .backgrounds .slide-background, +.reveal.overview-deactivating .backgrounds .slide-background { + transition: none; } + +/********************************************* + * RTL SUPPORT + *********************************************/ +.reveal.rtl .slides, +.reveal.rtl .slides h1, +.reveal.rtl .slides h2, +.reveal.rtl .slides h3, +.reveal.rtl .slides h4, +.reveal.rtl .slides h5, +.reveal.rtl .slides h6 { + direction: rtl; + font-family: sans-serif; } + +.reveal.rtl pre, +.reveal.rtl code { + direction: ltr; } + +.reveal.rtl ol, +.reveal.rtl ul { + text-align: right; } + +.reveal.rtl .progress span { + float: right; } + +/********************************************* + * PARALLAX BACKGROUND + *********************************************/ +.reveal.has-parallax-background .backgrounds { + transition: all 0.8s ease; } + +/* Global transition speed settings */ +.reveal.has-parallax-background[data-transition-speed="fast"] .backgrounds { + transition-duration: 400ms; } + +.reveal.has-parallax-background[data-transition-speed="slow"] .backgrounds { + transition-duration: 1200ms; } + +/********************************************* + * LINK PREVIEW OVERLAY + *********************************************/ +.reveal .overlay { + position: absolute; + top: 0; + left: 0; + width: 100%; + height: 100%; + z-index: 1000; + background: rgba(0, 0, 0, 0.9); + opacity: 0; + visibility: hidden; + transition: all 0.3s ease; } + +.reveal .overlay.visible { + opacity: 1; + visibility: visible; } + +.reveal .overlay .spinner { + position: absolute; + display: block; + top: 50%; + left: 50%; + width: 32px; + height: 32px; + margin: -16px 0 0 -16px; + z-index: 10; + background-image: url(data:image/gif;base64,R0lGODlhIAAgAPMAAJmZmf%2F%2F%2F6%2Bvr8nJybW1tcDAwOjo6Nvb26ioqKOjo7Ozs%2FLy8vz8%2FAAAAAAAAAAAACH%2FC05FVFNDQVBFMi4wAwEAAAAh%2FhpDcmVhdGVkIHdpdGggYWpheGxvYWQuaW5mbwAh%2BQQJCgAAACwAAAAAIAAgAAAE5xDISWlhperN52JLhSSdRgwVo1ICQZRUsiwHpTJT4iowNS8vyW2icCF6k8HMMBkCEDskxTBDAZwuAkkqIfxIQyhBQBFvAQSDITM5VDW6XNE4KagNh6Bgwe60smQUB3d4Rz1ZBApnFASDd0hihh12BkE9kjAJVlycXIg7CQIFA6SlnJ87paqbSKiKoqusnbMdmDC2tXQlkUhziYtyWTxIfy6BE8WJt5YJvpJivxNaGmLHT0VnOgSYf0dZXS7APdpB309RnHOG5gDqXGLDaC457D1zZ%2FV%2FnmOM82XiHRLYKhKP1oZmADdEAAAh%2BQQJCgAAACwAAAAAIAAgAAAE6hDISWlZpOrNp1lGNRSdRpDUolIGw5RUYhhHukqFu8DsrEyqnWThGvAmhVlteBvojpTDDBUEIFwMFBRAmBkSgOrBFZogCASwBDEY%2FCZSg7GSE0gSCjQBMVG023xWBhklAnoEdhQEfyNqMIcKjhRsjEdnezB%2BA4k8gTwJhFuiW4dokXiloUepBAp5qaKpp6%2BHo7aWW54wl7obvEe0kRuoplCGepwSx2jJvqHEmGt6whJpGpfJCHmOoNHKaHx61WiSR92E4lbFoq%2BB6QDtuetcaBPnW6%2BO7wDHpIiK9SaVK5GgV543tzjgGcghAgAh%2BQQJCgAAACwAAAAAIAAgAAAE7hDISSkxpOrN5zFHNWRdhSiVoVLHspRUMoyUakyEe8PTPCATW9A14E0UvuAKMNAZKYUZCiBMuBakSQKG8G2FzUWox2AUtAQFcBKlVQoLgQReZhQlCIJesQXI5B0CBnUMOxMCenoCfTCEWBsJColTMANldx15BGs8B5wlCZ9Po6OJkwmRpnqkqnuSrayqfKmqpLajoiW5HJq7FL1Gr2mMMcKUMIiJgIemy7xZtJsTmsM4xHiKv5KMCXqfyUCJEonXPN2rAOIAmsfB3uPoAK%2B%2BG%2Bw48edZPK%2BM6hLJpQg484enXIdQFSS1u6UhksENEQAAIfkECQoAAAAsAAAAACAAIAAABOcQyEmpGKLqzWcZRVUQnZYg1aBSh2GUVEIQ2aQOE%2BG%2BcD4ntpWkZQj1JIiZIogDFFyHI0UxQwFugMSOFIPJftfVAEoZLBbcLEFhlQiqGp1Vd140AUklUN3eCA51C1EWMzMCezCBBmkxVIVHBWd3HHl9JQOIJSdSnJ0TDKChCwUJjoWMPaGqDKannasMo6WnM562R5YluZRwur0wpgqZE7NKUm%2BFNRPIhjBJxKZteWuIBMN4zRMIVIhffcgojwCF117i4nlLnY5ztRLsnOk%2BaV%2BoJY7V7m76PdkS4trKcdg0Zc0tTcKkRAAAIfkECQoAAAAsAAAAACAAIAAABO4QyEkpKqjqzScpRaVkXZWQEximw1BSCUEIlDohrft6cpKCk5xid5MNJTaAIkekKGQkWyKHkvhKsR7ARmitkAYDYRIbUQRQjWBwJRzChi9CRlBcY1UN4g0%2FVNB0AlcvcAYHRyZPdEQFYV8ccwR5HWxEJ02YmRMLnJ1xCYp0Y5idpQuhopmmC2KgojKasUQDk5BNAwwMOh2RtRq5uQuPZKGIJQIGwAwGf6I0JXMpC8C7kXWDBINFMxS4DKMAWVWAGYsAdNqW5uaRxkSKJOZKaU3tPOBZ4DuK2LATgJhkPJMgTwKCdFjyPHEnKxFCDhEAACH5BAkKAAAALAAAAAAgACAAAATzEMhJaVKp6s2nIkolIJ2WkBShpkVRWqqQrhLSEu9MZJKK9y1ZrqYK9WiClmvoUaF8gIQSNeF1Er4MNFn4SRSDARWroAIETg1iVwuHjYB1kYc1mwruwXKC9gmsJXliGxc%2BXiUCby9ydh1sOSdMkpMTBpaXBzsfhoc5l58Gm5yToAaZhaOUqjkDgCWNHAULCwOLaTmzswadEqggQwgHuQsHIoZCHQMMQgQGubVEcxOPFAcMDAYUA85eWARmfSRQCdcMe0zeP1AAygwLlJtPNAAL19DARdPzBOWSm1brJBi45soRAWQAAkrQIykShQ9wVhHCwCQCACH5BAkKAAAALAAAAAAgACAAAATrEMhJaVKp6s2nIkqFZF2VIBWhUsJaTokqUCoBq%2BE71SRQeyqUToLA7VxF0JDyIQh%2FMVVPMt1ECZlfcjZJ9mIKoaTl1MRIl5o4CUKXOwmyrCInCKqcWtvadL2SYhyASyNDJ0uIiRMDjI0Fd30%2FiI2UA5GSS5UDj2l6NoqgOgN4gksEBgYFf0FDqKgHnyZ9OX8HrgYHdHpcHQULXAS2qKpENRg7eAMLC7kTBaixUYFkKAzWAAnLC7FLVxLWDBLKCwaKTULgEwbLA4hJtOkSBNqITT3xEgfLpBtzE%2FjiuL04RGEBgwWhShRgQExHBAAh%2BQQJCgAAACwAAAAAIAAgAAAE7xDISWlSqerNpyJKhWRdlSAVoVLCWk6JKlAqAavhO9UkUHsqlE6CwO1cRdCQ8iEIfzFVTzLdRAmZX3I2SfZiCqGk5dTESJeaOAlClzsJsqwiJwiqnFrb2nS9kmIcgEsjQydLiIlHehhpejaIjzh9eomSjZR%2BipslWIRLAgMDOR2DOqKogTB9pCUJBagDBXR6XB0EBkIIsaRsGGMMAxoDBgYHTKJiUYEGDAzHC9EACcUGkIgFzgwZ0QsSBcXHiQvOwgDdEwfFs0sDzt4S6BK4xYjkDOzn0unFeBzOBijIm1Dgmg5YFQwsCMjp1oJ8LyIAACH5BAkKAAAALAAAAAAgACAAAATwEMhJaVKp6s2nIkqFZF2VIBWhUsJaTokqUCoBq%2BE71SRQeyqUToLA7VxF0JDyIQh%2FMVVPMt1ECZlfcjZJ9mIKoaTl1MRIl5o4CUKXOwmyrCInCKqcWtvadL2SYhyASyNDJ0uIiUd6GGl6NoiPOH16iZKNlH6KmyWFOggHhEEvAwwMA0N9GBsEC6amhnVcEwavDAazGwIDaH1ipaYLBUTCGgQDA8NdHz0FpqgTBwsLqAbWAAnIA4FWKdMLGdYGEgraigbT0OITBcg5QwPT4xLrROZL6AuQAPUS7bxLpoWidY0JtxLHKhwwMJBTHgPKdEQAACH5BAkKAAAALAAAAAAgACAAAATrEMhJaVKp6s2nIkqFZF2VIBWhUsJaTokqUCoBq%2BE71SRQeyqUToLA7VxF0JDyIQh%2FMVVPMt1ECZlfcjZJ9mIKoaTl1MRIl5o4CUKXOwmyrCInCKqcWtvadL2SYhyASyNDJ0uIiUd6GAULDJCRiXo1CpGXDJOUjY%2BYip9DhToJA4RBLwMLCwVDfRgbBAaqqoZ1XBMHswsHtxtFaH1iqaoGNgAIxRpbFAgfPQSqpbgGBqUD1wBXeCYp1AYZ19JJOYgH1KwA4UBvQwXUBxPqVD9L3sbp2BNk2xvvFPJd%2BMFCN6HAAIKgNggY0KtEBAAh%2BQQJCgAAACwAAAAAIAAgAAAE6BDISWlSqerNpyJKhWRdlSAVoVLCWk6JKlAqAavhO9UkUHsqlE6CwO1cRdCQ8iEIfzFVTzLdRAmZX3I2SfYIDMaAFdTESJeaEDAIMxYFqrOUaNW4E4ObYcCXaiBVEgULe0NJaxxtYksjh2NLkZISgDgJhHthkpU4mW6blRiYmZOlh4JWkDqILwUGBnE6TYEbCgevr0N1gH4At7gHiRpFaLNrrq8HNgAJA70AWxQIH1%2BvsYMDAzZQPC9VCNkDWUhGkuE5PxJNwiUK4UfLzOlD4WvzAHaoG9nxPi5d%2BjYUqfAhhykOFwJWiAAAIfkECQoAAAAsAAAAACAAIAAABPAQyElpUqnqzaciSoVkXVUMFaFSwlpOCcMYlErAavhOMnNLNo8KsZsMZItJEIDIFSkLGQoQTNhIsFehRww2CQLKF0tYGKYSg%2BygsZIuNqJksKgbfgIGepNo2cIUB3V1B3IvNiBYNQaDSTtfhhx0CwVPI0UJe0%2Bbm4g5VgcGoqOcnjmjqDSdnhgEoamcsZuXO1aWQy8KAwOAuTYYGwi7w5h%2BKr0SJ8MFihpNbx%2B4Erq7BYBuzsdiH1jCAzoSfl0rVirNbRXlBBlLX%2BBP0XJLAPGzTkAuAOqb0WT5AH7OcdCm5B8TgRwSRKIHQtaLCwg1RAAAOwAAAAAAAAAAAA%3D%3D); + visibility: visible; + opacity: 0.6; + transition: all 0.3s ease; } + +.reveal .overlay header { + position: absolute; + left: 0; + top: 0; + width: 100%; + height: 40px; + z-index: 2; + border-bottom: 1px solid #222; } + +.reveal .overlay header a { + display: inline-block; + width: 40px; + height: 40px; + line-height: 36px; + padding: 0 10px; + float: right; + opacity: 0.6; + box-sizing: border-box; } + +.reveal .overlay header a:hover { + opacity: 1; } + +.reveal .overlay header a .icon { + display: inline-block; + width: 20px; + height: 20px; + background-position: 50% 50%; + background-size: 100%; + background-repeat: no-repeat; } + +.reveal .overlay header a.close .icon { + background-image: url(data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAACAAAAAgCAYAAABzenr0AAABkklEQVRYR8WX4VHDMAxG6wnoJrABZQPYBCaBTWAD2g1gE5gg6OOsXuxIlr40d81dfrSJ9V4c2VLK7spHuTJ/5wpM07QXuXc5X0opX2tEJcadjHuV80li/FgxTIEK/5QBCICBD6xEhSMGHgQPgBgLiYVAB1dpSqKDawxTohFw4JSEA3clzgIBPCURwE2JucBR7rhPJJv5OpJwDX+SfDjgx1wACQeJG1aChP9K/IMmdZ8DtESV1WyP3Bt4MwM6sj4NMxMYiqUWHQu4KYA/SYkIjOsm3BXYWMKFDwU2khjCQ4ELJUJ4SmClRArOCmSXGuKma0fYD5CbzHxFpCSGAhfAVSSUGDUk2BWZaff2g6GE15BsBQ9nwmpIGDiyHQddwNTMKkbZaf9fajXQca1EX44puJZUsnY0ObGmITE3GVLCbEhQUjGVt146j6oasWN+49Vph2w1pZ5EansNZqKBm1txbU57iRRcZ86RWMDdWtBJUHBHwoQPi1GV+JCbntmvok7iTX4/Up9mgyTc/FJYDTcndgH/AA5A/CHsyEkVAAAAAElFTkSuQmCC); } + +.reveal .overlay header a.external .icon { + background-image: url(data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAACAAAAAgCAYAAABzenr0AAAAcElEQVRYR+2WSQoAIQwEzf8f7XiOMkUQxUPlGkM3hVmiQfQR9GYnH1SsAQlI4DiBqkCMoNb9y2e90IAEJPAcgdznU9+engMaeJ7Azh5Y1U67gAho4DqBqmB1buAf0MB1AlVBek83ZPkmJMGc1wAR+AAqod/B97TRpQAAAABJRU5ErkJggg==); } + +.reveal .overlay .viewport { + position: absolute; + display: -webkit-box; + display: -ms-flexbox; + display: flex; + top: 40px; + right: 0; + bottom: 0; + left: 0; } + +.reveal .overlay.overlay-preview .viewport iframe { + width: 100%; + height: 100%; + max-width: 100%; + max-height: 100%; + border: 0; + opacity: 0; + visibility: hidden; + transition: all 0.3s ease; } + +.reveal .overlay.overlay-preview.loaded .viewport iframe { + opacity: 1; + visibility: visible; } + +.reveal .overlay.overlay-preview.loaded .viewport-inner { + position: absolute; + z-index: -1; + left: 0; + top: 45%; + width: 100%; + text-align: center; + letter-spacing: normal; } + +.reveal .overlay.overlay-preview .x-frame-error { + opacity: 0; + transition: opacity 0.3s ease 0.3s; } + +.reveal .overlay.overlay-preview.loaded .x-frame-error { + opacity: 1; } + +.reveal .overlay.overlay-preview.loaded .spinner { + opacity: 0; + visibility: hidden; + -webkit-transform: scale(0.2); + transform: scale(0.2); } + +.reveal .overlay.overlay-help .viewport { + overflow: auto; + color: #fff; } + +.reveal .overlay.overlay-help .viewport .viewport-inner { + width: 600px; + margin: auto; + padding: 20px 20px 80px 20px; + text-align: center; + letter-spacing: normal; } + +.reveal .overlay.overlay-help .viewport .viewport-inner .title { + font-size: 20px; } + +.reveal .overlay.overlay-help .viewport .viewport-inner table { + border: 1px solid #fff; + border-collapse: collapse; + font-size: 16px; } + +.reveal .overlay.overlay-help .viewport .viewport-inner table th, +.reveal .overlay.overlay-help .viewport .viewport-inner table td { + width: 200px; + padding: 14px; + border: 1px solid #fff; + vertical-align: middle; } + +.reveal .overlay.overlay-help .viewport .viewport-inner table th { + padding-top: 20px; + padding-bottom: 20px; } + +/********************************************* + * PLAYBACK COMPONENT + *********************************************/ +.reveal .playback { + position: absolute; + left: 15px; + bottom: 20px; + z-index: 30; + cursor: pointer; + transition: all 400ms ease; + -webkit-tap-highlight-color: transparent; } + +.reveal.overview .playback { + opacity: 0; + visibility: hidden; } + +/********************************************* + * ROLLING LINKS + *********************************************/ +.reveal .roll { + display: inline-block; + line-height: 1.2; + overflow: hidden; + vertical-align: top; + -webkit-perspective: 400px; + perspective: 400px; + -webkit-perspective-origin: 50% 50%; + perspective-origin: 50% 50%; } + +.reveal .roll:hover { + background: none; + text-shadow: none; } + +.reveal .roll span { + display: block; + position: relative; + padding: 0 2px; + pointer-events: none; + transition: all 400ms ease; + -webkit-transform-origin: 50% 0%; + transform-origin: 50% 0%; + -webkit-transform-style: preserve-3d; + transform-style: preserve-3d; + -webkit-backface-visibility: hidden; + backface-visibility: hidden; } + +.reveal .roll:hover span { + background: rgba(0, 0, 0, 0.5); + -webkit-transform: translate3d(0px, 0px, -45px) rotateX(90deg); + transform: translate3d(0px, 0px, -45px) rotateX(90deg); } + +.reveal .roll span:after { + content: attr(data-title); + display: block; + position: absolute; + left: 0; + top: 0; + padding: 0 2px; + -webkit-backface-visibility: hidden; + backface-visibility: hidden; + -webkit-transform-origin: 50% 0%; + transform-origin: 50% 0%; + -webkit-transform: translate3d(0px, 110%, 0px) rotateX(-90deg); + transform: translate3d(0px, 110%, 0px) rotateX(-90deg); } + +/********************************************* + * SPEAKER NOTES + *********************************************/ +.reveal aside.notes { + display: none; } + +.reveal .speaker-notes { + display: none; + position: absolute; + width: 25vw; + height: 100%; + top: 0; + left: 100%; + padding: 14px 18px 14px 18px; + z-index: 1; + font-size: 18px; + line-height: 1.4; + border: 1px solid rgba(0, 0, 0, 0.05); + color: #222; + background-color: #f5f5f5; + overflow: auto; + box-sizing: border-box; + text-align: left; + font-family: Helvetica, sans-serif; + -webkit-overflow-scrolling: touch; } + .reveal .speaker-notes .notes-placeholder { + color: #ccc; + font-style: italic; } + .reveal .speaker-notes:focus { + outline: none; } + .reveal .speaker-notes:before { + content: 'Speaker notes'; + display: block; + margin-bottom: 10px; + opacity: 0.5; } + +.reveal.show-notes { + max-width: 75vw; + overflow: visible; } + +.reveal.show-notes .speaker-notes { + display: block; } + +@media screen and (min-width: 1600px) { + .reveal .speaker-notes { + font-size: 20px; } } + +@media screen and (max-width: 1024px) { + .reveal.show-notes { + border-left: 0; + max-width: none; + max-height: 70%; + overflow: visible; } + .reveal.show-notes .speaker-notes { + top: 100%; + left: 0; + width: 100%; + height: 42.8571428571%; } } + +@media screen and (max-width: 600px) { + .reveal.show-notes { + max-height: 60%; } + .reveal.show-notes .speaker-notes { + top: 100%; + height: 66.6666666667%; } + .reveal .speaker-notes { + font-size: 14px; } } + +/********************************************* + * ZOOM PLUGIN + *********************************************/ +.zoomed .reveal *, +.zoomed .reveal *:before, +.zoomed .reveal *:after { + -webkit-backface-visibility: visible !important; + backface-visibility: visible !important; } + +.zoomed .reveal .progress, +.zoomed .reveal .controls { + opacity: 0; } + +.zoomed .reveal .roll span { + background: none; } + +.zoomed .reveal .roll span:after { + visibility: hidden; } diff --git a/docs/pres/assets_files/reveal.js b/rule-vetting/docs/pres/assets_files/reveal.js similarity index 96% rename from docs/pres/assets_files/reveal.js rename to rule-vetting/docs/pres/assets_files/reveal.js index f125c555..2225c2a2 100644 --- a/docs/pres/assets_files/reveal.js +++ b/rule-vetting/docs/pres/assets_files/reveal.js @@ -1,5239 +1,5239 @@ -/*! - * reveal.js - * http://revealjs.com - * MIT licensed - * - * Copyright (C) 2017 Hakim El Hattab, http://hakim.se - */ -(function( root, factory ) { - if( typeof define === 'function' && define.amd ) { - // AMD. Register as an anonymous module. - define( function() { - root.Reveal = factory(); - return root.Reveal; - } ); - } else if( typeof exports === 'object' ) { - // Node. Does not work with strict CommonJS. - module.exports = factory(); - } else { - // Browser globals. - root.Reveal = factory(); - } -}( this, function() { - - 'use strict'; - - var Reveal; - - // The reveal.js version - var VERSION = '3.6.0'; - - var SLIDES_SELECTOR = '.slides section', - HORIZONTAL_SLIDES_SELECTOR = '.slides>section', - VERTICAL_SLIDES_SELECTOR = '.slides>section.present>section', - HOME_SLIDE_SELECTOR = '.slides>section:first-of-type', - UA = navigator.userAgent, - - // Configuration defaults, can be overridden at initialization time - config = { - - // The "normal" size of the presentation, aspect ratio will be preserved - // when the presentation is scaled to fit different resolutions - width: 960, - height: 700, - - // Factor of the display size that should remain empty around the content - margin: 0.04, - - // Bounds for smallest/largest possible scale to apply to content - minScale: 0.2, - maxScale: 2.0, - - // Display presentation control arrows - controls: true, - - // Help the user learn the controls by providing hints, for example by - // bouncing the down arrow when they first encounter a vertical slide - controlsTutorial: true, - - // Determines where controls appear, "edges" or "bottom-right" - controlsLayout: 'bottom-right', - - // Visibility rule for backwards navigation arrows; "faded", "hidden" - // or "visible" - controlsBackArrows: 'faded', - - // Display a presentation progress bar - progress: true, - - // Display the page number of the current slide - slideNumber: false, - - // Determine which displays to show the slide number on - showSlideNumber: 'all', - - // Push each slide change to the browser history - history: false, - - // Enable keyboard shortcuts for navigation - keyboard: true, - - // Optional function that blocks keyboard events when retuning false - keyboardCondition: null, - - // Enable the slide overview mode - overview: true, - - // Vertical centering of slides - center: true, - - // Enables touch navigation on devices with touch input - touch: true, - - // Loop the presentation - loop: false, - - // Change the presentation direction to be RTL - rtl: false, - - // Randomizes the order of slides each time the presentation loads - shuffle: false, - - // Turns fragments on and off globally - fragments: true, - - // Flags if the presentation is running in an embedded mode, - // i.e. contained within a limited portion of the screen - embedded: false, - - // Flags if we should show a help overlay when the question-mark - // key is pressed - help: true, - - // Flags if it should be possible to pause the presentation (blackout) - pause: true, - - // Flags if speaker notes should be visible to all viewers - showNotes: false, - - // Global override for autolaying embedded media (video/audio/iframe) - // - null: Media will only autoplay if data-autoplay is present - // - true: All media will autoplay, regardless of individual setting - // - false: No media will autoplay, regardless of individual setting - autoPlayMedia: null, - - // Controls automatic progression to the next slide - // - 0: Auto-sliding only happens if the data-autoslide HTML attribute - // is present on the current slide or fragment - // - 1+: All slides will progress automatically at the given interval - // - false: No auto-sliding, even if data-autoslide is present - autoSlide: 0, - - // Stop auto-sliding after user input - autoSlideStoppable: true, - - // Use this method for navigation when auto-sliding (defaults to navigateNext) - autoSlideMethod: null, - - // Enable slide navigation via mouse wheel - mouseWheel: false, - - // Apply a 3D roll to links on hover - rollingLinks: false, - - // Hides the address bar on mobile devices - hideAddressBar: true, - - // Opens links in an iframe preview overlay - previewLinks: false, - - // Exposes the reveal.js API through window.postMessage - postMessage: true, - - // Dispatches all reveal.js events to the parent window through postMessage - postMessageEvents: false, - - // Focuses body when page changes visibility to ensure keyboard shortcuts work - focusBodyOnPageVisibilityChange: true, - - // Transition style - transition: 'slide', // none/fade/slide/convex/concave/zoom - - // Transition speed - transitionSpeed: 'default', // default/fast/slow - - // Transition style for full page slide backgrounds - backgroundTransition: 'fade', // none/fade/slide/convex/concave/zoom - - // Parallax background image - parallaxBackgroundImage: '', // CSS syntax, e.g. "a.jpg" - - // Parallax background size - parallaxBackgroundSize: '', // CSS syntax, e.g. "3000px 2000px" - - // Amount of pixels to move the parallax background per slide step - parallaxBackgroundHorizontal: null, - parallaxBackgroundVertical: null, - - // The maximum number of pages a single slide can expand onto when printing - // to PDF, unlimited by default - pdfMaxPagesPerSlide: Number.POSITIVE_INFINITY, - - // Offset used to reduce the height of content within exported PDF pages. - // This exists to account for environment differences based on how you - // print to PDF. CLI printing options, like phantomjs and wkpdf, can end - // on precisely the total height of the document whereas in-browser - // printing has to end one pixel before. - pdfPageHeightOffset: -1, - - // Number of slides away from the current that are visible - viewDistance: 3, - - // The display mode that will be used to show slides - display: 'block', - - // Script dependencies to load - dependencies: [] - - }, - - // Flags if Reveal.initialize() has been called - initialized = false, - - // Flags if reveal.js is loaded (has dispatched the 'ready' event) - loaded = false, - - // Flags if the overview mode is currently active - overview = false, - - // Holds the dimensions of our overview slides, including margins - overviewSlideWidth = null, - overviewSlideHeight = null, - - // The horizontal and vertical index of the currently active slide - indexh, - indexv, - - // The previous and current slide HTML elements - previousSlide, - currentSlide, - - previousBackground, - - // Remember which directions that the user has navigated towards - hasNavigatedRight = false, - hasNavigatedDown = false, - - // Slides may hold a data-state attribute which we pick up and apply - // as a class to the body. This list contains the combined state of - // all current slides. - state = [], - - // The current scale of the presentation (see width/height config) - scale = 1, - - // CSS transform that is currently applied to the slides container, - // split into two groups - slidesTransform = { layout: '', overview: '' }, - - // Cached references to DOM elements - dom = {}, - - // Features supported by the browser, see #checkCapabilities() - features = {}, - - // Client is a mobile device, see #checkCapabilities() - isMobileDevice, - - // Client is a desktop Chrome, see #checkCapabilities() - isChrome, - - // Throttles mouse wheel navigation - lastMouseWheelStep = 0, - - // Delays updates to the URL due to a Chrome thumbnailer bug - writeURLTimeout = 0, - - // Flags if the interaction event listeners are bound - eventsAreBound = false, - - // The current auto-slide duration - autoSlide = 0, - - // Auto slide properties - autoSlidePlayer, - autoSlideTimeout = 0, - autoSlideStartTime = -1, - autoSlidePaused = false, - - // Holds information about the currently ongoing touch input - touch = { - startX: 0, - startY: 0, - startSpan: 0, - startCount: 0, - captured: false, - threshold: 40 - }, - - // Holds information about the keyboard shortcuts - keyboardShortcuts = { - 'N , SPACE': 'Next slide', - 'P': 'Previous slide', - '← , H': 'Navigate left', - '→ , L': 'Navigate right', - '↑ , K': 'Navigate up', - '↓ , J': 'Navigate down', - 'Home': 'First slide', - 'End': 'Last slide', - 'B , .': 'Pause', - 'F': 'Fullscreen', - 'ESC, O': 'Slide overview' - }; - - /** - * Starts up the presentation if the client is capable. - */ - function initialize( options ) { - - // Make sure we only initialize once - if( initialized === true ) return; - - initialized = true; - - checkCapabilities(); - - if( !features.transforms2d && !features.transforms3d ) { - document.body.setAttribute( 'class', 'no-transforms' ); - - // Since JS won't be running any further, we load all lazy - // loading elements upfront - var images = toArray( document.getElementsByTagName( 'img' ) ), - iframes = toArray( document.getElementsByTagName( 'iframe' ) ); - - var lazyLoadable = images.concat( iframes ); - - for( var i = 0, len = lazyLoadable.length; i < len; i++ ) { - var element = lazyLoadable[i]; - if( element.getAttribute( 'data-src' ) ) { - element.setAttribute( 'src', element.getAttribute( 'data-src' ) ); - element.removeAttribute( 'data-src' ); - } - } - - // If the browser doesn't support core features we won't be - // using JavaScript to control the presentation - return; - } - - // Cache references to key DOM elements - dom.wrapper = document.querySelector( '.reveal' ); - dom.slides = document.querySelector( '.reveal .slides' ); - - // Force a layout when the whole page, incl fonts, has loaded - window.addEventListener( 'load', layout, false ); - - var query = Reveal.getQueryHash(); - - // Do not accept new dependencies via query config to avoid - // the potential of malicious script injection - if( typeof query['dependencies'] !== 'undefined' ) delete query['dependencies']; - - // Copy options over to our config object - extend( config, options ); - extend( config, query ); - - // Hide the address bar in mobile browsers - hideAddressBar(); - - // Loads the dependencies and continues to #start() once done - load(); - - } - - /** - * Inspect the client to see what it's capable of, this - * should only happens once per runtime. - */ - function checkCapabilities() { - - isMobileDevice = /(iphone|ipod|ipad|android)/gi.test( UA ); - isChrome = /chrome/i.test( UA ) && !/edge/i.test( UA ); - - var testElement = document.createElement( 'div' ); - - features.transforms3d = 'WebkitPerspective' in testElement.style || - 'MozPerspective' in testElement.style || - 'msPerspective' in testElement.style || - 'OPerspective' in testElement.style || - 'perspective' in testElement.style; - - features.transforms2d = 'WebkitTransform' in testElement.style || - 'MozTransform' in testElement.style || - 'msTransform' in testElement.style || - 'OTransform' in testElement.style || - 'transform' in testElement.style; - - features.requestAnimationFrameMethod = window.requestAnimationFrame || window.webkitRequestAnimationFrame || window.mozRequestAnimationFrame; - features.requestAnimationFrame = typeof features.requestAnimationFrameMethod === 'function'; - - features.canvas = !!document.createElement( 'canvas' ).getContext; - - // Transitions in the overview are disabled in desktop and - // Safari due to lag - features.overviewTransitions = !/Version\/[\d\.]+.*Safari/.test( UA ); - - // Flags if we should use zoom instead of transform to scale - // up slides. Zoom produces crisper results but has a lot of - // xbrowser quirks so we only use it in whitelsited browsers. - features.zoom = 'zoom' in testElement.style && !isMobileDevice && - ( isChrome || /Version\/[\d\.]+.*Safari/.test( UA ) ); - - } - - /** - * Loads the dependencies of reveal.js. Dependencies are - * defined via the configuration option 'dependencies' - * and will be loaded prior to starting/binding reveal.js. - * Some dependencies may have an 'async' flag, if so they - * will load after reveal.js has been started up. - */ - function load() { - - var scripts = [], - scriptsAsync = [], - scriptsToPreload = 0; - - // Called once synchronous scripts finish loading - function proceed() { - if( scriptsAsync.length ) { - // Load asynchronous scripts - head.js.apply( null, scriptsAsync ); - } - - start(); - } - - function loadScript( s ) { - head.ready( s.src.match( /([\w\d_\-]*)\.?js$|[^\\\/]*$/i )[0], function() { - // Extension may contain callback functions - if( typeof s.callback === 'function' ) { - s.callback.apply( this ); - } - - if( --scriptsToPreload === 0 ) { - proceed(); - } - }); - } - - for( var i = 0, len = config.dependencies.length; i < len; i++ ) { - var s = config.dependencies[i]; - - // Load if there's no condition or the condition is truthy - if( !s.condition || s.condition() ) { - if( s.async ) { - scriptsAsync.push( s.src ); - } - else { - scripts.push( s.src ); - } - - loadScript( s ); - } - } - - if( scripts.length ) { - scriptsToPreload = scripts.length; - - // Load synchronous scripts - head.js.apply( null, scripts ); - } - else { - proceed(); - } - - } - - /** - * Starts up reveal.js by binding input events and navigating - * to the current URL deeplink if there is one. - */ - function start() { - - loaded = true; - - // Make sure we've got all the DOM elements we need - setupDOM(); - - // Listen to messages posted to this window - setupPostMessage(); - - // Prevent the slides from being scrolled out of view - setupScrollPrevention(); - - // Resets all vertical slides so that only the first is visible - resetVerticalSlides(); - - // Updates the presentation to match the current configuration values - configure(); - - // Read the initial hash - readURL(); - - // Update all backgrounds - updateBackground( true ); - - // Notify listeners that the presentation is ready but use a 1ms - // timeout to ensure it's not fired synchronously after #initialize() - setTimeout( function() { - // Enable transitions now that we're loaded - dom.slides.classList.remove( 'no-transition' ); - - dom.wrapper.classList.add( 'ready' ); - - dispatchEvent( 'ready', { - 'indexh': indexh, - 'indexv': indexv, - 'currentSlide': currentSlide - } ); - }, 1 ); - - // Special setup and config is required when printing to PDF - if( isPrintingPDF() ) { - removeEventListeners(); - - // The document needs to have loaded for the PDF layout - // measurements to be accurate - if( document.readyState === 'complete' ) { - setupPDF(); - } - else { - window.addEventListener( 'load', setupPDF ); - } - } - - } - - /** - * Finds and stores references to DOM elements which are - * required by the presentation. If a required element is - * not found, it is created. - */ - function setupDOM() { - - // Prevent transitions while we're loading - dom.slides.classList.add( 'no-transition' ); - - if( isMobileDevice ) { - dom.wrapper.classList.add( 'no-hover' ); - } - else { - dom.wrapper.classList.remove( 'no-hover' ); - } - - if( /iphone/gi.test( UA ) ) { - dom.wrapper.classList.add( 'ua-iphone' ); - } - else { - dom.wrapper.classList.remove( 'ua-iphone' ); - } - - // Background element - dom.background = createSingletonNode( dom.wrapper, 'div', 'backgrounds', null ); - - // Progress bar - dom.progress = createSingletonNode( dom.wrapper, 'div', 'progress', '' ); - dom.progressbar = dom.progress.querySelector( 'span' ); - - // Arrow controls - dom.controls = createSingletonNode( dom.wrapper, 'aside', 'controls', - '' + - '' + - '' + - '' ); - - // Slide number - dom.slideNumber = createSingletonNode( dom.wrapper, 'div', 'slide-number', '' ); - - // Element containing notes that are visible to the audience - dom.speakerNotes = createSingletonNode( dom.wrapper, 'div', 'speaker-notes', null ); - dom.speakerNotes.setAttribute( 'data-prevent-swipe', '' ); - dom.speakerNotes.setAttribute( 'tabindex', '0' ); - - // Overlay graphic which is displayed during the paused mode - createSingletonNode( dom.wrapper, 'div', 'pause-overlay', null ); - - dom.wrapper.setAttribute( 'role', 'application' ); - - // There can be multiple instances of controls throughout the page - dom.controlsLeft = toArray( document.querySelectorAll( '.navigate-left' ) ); - dom.controlsRight = toArray( document.querySelectorAll( '.navigate-right' ) ); - dom.controlsUp = toArray( document.querySelectorAll( '.navigate-up' ) ); - dom.controlsDown = toArray( document.querySelectorAll( '.navigate-down' ) ); - dom.controlsPrev = toArray( document.querySelectorAll( '.navigate-prev' ) ); - dom.controlsNext = toArray( document.querySelectorAll( '.navigate-next' ) ); - - // The right and down arrows in the standard reveal.js controls - dom.controlsRightArrow = dom.controls.querySelector( '.navigate-right' ); - dom.controlsDownArrow = dom.controls.querySelector( '.navigate-down' ); - - dom.statusDiv = createStatusDiv(); - } - - /** - * Creates a hidden div with role aria-live to announce the - * current slide content. Hide the div off-screen to make it - * available only to Assistive Technologies. - * - * @return {HTMLElement} - */ - function createStatusDiv() { - - var statusDiv = document.getElementById( 'aria-status-div' ); - if( !statusDiv ) { - statusDiv = document.createElement( 'div' ); - statusDiv.style.position = 'absolute'; - statusDiv.style.height = '1px'; - statusDiv.style.width = '1px'; - statusDiv.style.overflow = 'hidden'; - statusDiv.style.clip = 'rect( 1px, 1px, 1px, 1px )'; - statusDiv.setAttribute( 'id', 'aria-status-div' ); - statusDiv.setAttribute( 'aria-live', 'polite' ); - statusDiv.setAttribute( 'aria-atomic','true' ); - dom.wrapper.appendChild( statusDiv ); - } - return statusDiv; - - } - - /** - * Converts the given HTML element into a string of text - * that can be announced to a screen reader. Hidden - * elements are excluded. - */ - function getStatusText( node ) { - - var text = ''; - - // Text node - if( node.nodeType === 3 ) { - text += node.textContent; - } - // Element node - else if( node.nodeType === 1 ) { - - var isAriaHidden = node.getAttribute( 'aria-hidden' ); - var isDisplayHidden = window.getComputedStyle( node )['display'] === 'none'; - if( isAriaHidden !== 'true' && !isDisplayHidden ) { - - toArray( node.childNodes ).forEach( function( child ) { - text += getStatusText( child ); - } ); - - } - - } - - return text; - - } - - /** - * Configures the presentation for printing to a static - * PDF. - */ - function setupPDF() { - - var slideSize = getComputedSlideSize( window.innerWidth, window.innerHeight ); - - // Dimensions of the PDF pages - var pageWidth = Math.floor( slideSize.width * ( 1 + config.margin ) ), - pageHeight = Math.floor( slideSize.height * ( 1 + config.margin ) ); - - // Dimensions of slides within the pages - var slideWidth = slideSize.width, - slideHeight = slideSize.height; - - // Let the browser know what page size we want to print - injectStyleSheet( '@page{size:'+ pageWidth +'px '+ pageHeight +'px; margin: 0px;}' ); - - // Limit the size of certain elements to the dimensions of the slide - injectStyleSheet( '.reveal section>img, .reveal section>video, .reveal section>iframe{max-width: '+ slideWidth +'px; max-height:'+ slideHeight +'px}' ); - - document.body.classList.add( 'print-pdf' ); - document.body.style.width = pageWidth + 'px'; - document.body.style.height = pageHeight + 'px'; - - // Make sure stretch elements fit on slide - layoutSlideContents( slideWidth, slideHeight ); - - // Add each slide's index as attributes on itself, we need these - // indices to generate slide numbers below - toArray( dom.wrapper.querySelectorAll( HORIZONTAL_SLIDES_SELECTOR ) ).forEach( function( hslide, h ) { - hslide.setAttribute( 'data-index-h', h ); - - if( hslide.classList.contains( 'stack' ) ) { - toArray( hslide.querySelectorAll( 'section' ) ).forEach( function( vslide, v ) { - vslide.setAttribute( 'data-index-h', h ); - vslide.setAttribute( 'data-index-v', v ); - } ); - } - } ); - - // Slide and slide background layout - toArray( dom.wrapper.querySelectorAll( SLIDES_SELECTOR ) ).forEach( function( slide ) { - - // Vertical stacks are not centred since their section - // children will be - if( slide.classList.contains( 'stack' ) === false ) { - // Center the slide inside of the page, giving the slide some margin - var left = ( pageWidth - slideWidth ) / 2, - top = ( pageHeight - slideHeight ) / 2; - - var contentHeight = slide.scrollHeight; - var numberOfPages = Math.max( Math.ceil( contentHeight / pageHeight ), 1 ); - - // Adhere to configured pages per slide limit - numberOfPages = Math.min( numberOfPages, config.pdfMaxPagesPerSlide ); - - // Center slides vertically - if( numberOfPages === 1 && config.center || slide.classList.contains( 'center' ) ) { - top = Math.max( ( pageHeight - contentHeight ) / 2, 0 ); - } - - // Wrap the slide in a page element and hide its overflow - // so that no page ever flows onto another - var page = document.createElement( 'div' ); - page.className = 'pdf-page'; - page.style.height = ( ( pageHeight + config.pdfPageHeightOffset ) * numberOfPages ) + 'px'; - slide.parentNode.insertBefore( page, slide ); - page.appendChild( slide ); - - // Position the slide inside of the page - slide.style.left = left + 'px'; - slide.style.top = top + 'px'; - slide.style.width = slideWidth + 'px'; - - if( slide.slideBackgroundElement ) { - page.insertBefore( slide.slideBackgroundElement, slide ); - } - - // Inject notes if `showNotes` is enabled - if( config.showNotes ) { - - // Are there notes for this slide? - var notes = getSlideNotes( slide ); - if( notes ) { - - var notesSpacing = 8; - var notesLayout = typeof config.showNotes === 'string' ? config.showNotes : 'inline'; - var notesElement = document.createElement( 'div' ); - notesElement.classList.add( 'speaker-notes' ); - notesElement.classList.add( 'speaker-notes-pdf' ); - notesElement.setAttribute( 'data-layout', notesLayout ); - notesElement.innerHTML = notes; - - if( notesLayout === 'separate-page' ) { - page.parentNode.insertBefore( notesElement, page.nextSibling ); - } - else { - notesElement.style.left = notesSpacing + 'px'; - notesElement.style.bottom = notesSpacing + 'px'; - notesElement.style.width = ( pageWidth - notesSpacing*2 ) + 'px'; - page.appendChild( notesElement ); - } - - } - - } - - // Inject slide numbers if `slideNumbers` are enabled - if( config.slideNumber && /all|print/i.test( config.showSlideNumber ) ) { - var slideNumberH = parseInt( slide.getAttribute( 'data-index-h' ), 10 ) + 1, - slideNumberV = parseInt( slide.getAttribute( 'data-index-v' ), 10 ) + 1; - - var numberElement = document.createElement( 'div' ); - numberElement.classList.add( 'slide-number' ); - numberElement.classList.add( 'slide-number-pdf' ); - numberElement.innerHTML = formatSlideNumber( slideNumberH, '.', slideNumberV ); - page.appendChild( numberElement ); - } - } - - } ); - - // Show all fragments - toArray( dom.wrapper.querySelectorAll( SLIDES_SELECTOR + ' .fragment' ) ).forEach( function( fragment ) { - fragment.classList.add( 'visible' ); - } ); - - // Notify subscribers that the PDF layout is good to go - dispatchEvent( 'pdf-ready' ); - - } - - /** - * This is an unfortunate necessity. Some actions – such as - * an input field being focused in an iframe or using the - * keyboard to expand text selection beyond the bounds of - * a slide – can trigger our content to be pushed out of view. - * This scrolling can not be prevented by hiding overflow in - * CSS (we already do) so we have to resort to repeatedly - * checking if the slides have been offset :( - */ - function setupScrollPrevention() { - - setInterval( function() { - if( dom.wrapper.scrollTop !== 0 || dom.wrapper.scrollLeft !== 0 ) { - dom.wrapper.scrollTop = 0; - dom.wrapper.scrollLeft = 0; - } - }, 1000 ); - - } - - /** - * Creates an HTML element and returns a reference to it. - * If the element already exists the existing instance will - * be returned. - * - * @param {HTMLElement} container - * @param {string} tagname - * @param {string} classname - * @param {string} innerHTML - * - * @return {HTMLElement} - */ - function createSingletonNode( container, tagname, classname, innerHTML ) { - - // Find all nodes matching the description - var nodes = container.querySelectorAll( '.' + classname ); - - // Check all matches to find one which is a direct child of - // the specified container - for( var i = 0; i < nodes.length; i++ ) { - var testNode = nodes[i]; - if( testNode.parentNode === container ) { - return testNode; - } - } - - // If no node was found, create it now - var node = document.createElement( tagname ); - node.className = classname; - if( typeof innerHTML === 'string' ) { - node.innerHTML = innerHTML; - } - container.appendChild( node ); - - return node; - - } - - /** - * Creates the slide background elements and appends them - * to the background container. One element is created per - * slide no matter if the given slide has visible background. - */ - function createBackgrounds() { - - var printMode = isPrintingPDF(); - - // Clear prior backgrounds - dom.background.innerHTML = ''; - dom.background.classList.add( 'no-transition' ); - - // Iterate over all horizontal slides - toArray( dom.wrapper.querySelectorAll( HORIZONTAL_SLIDES_SELECTOR ) ).forEach( function( slideh ) { - - var backgroundStack = createBackground( slideh, dom.background ); - - // Iterate over all vertical slides - toArray( slideh.querySelectorAll( 'section' ) ).forEach( function( slidev ) { - - createBackground( slidev, backgroundStack ); - - backgroundStack.classList.add( 'stack' ); - - } ); - - } ); - - // Add parallax background if specified - if( config.parallaxBackgroundImage ) { - - dom.background.style.backgroundImage = 'url("' + config.parallaxBackgroundImage + '")'; - dom.background.style.backgroundSize = config.parallaxBackgroundSize; - - // Make sure the below properties are set on the element - these properties are - // needed for proper transitions to be set on the element via CSS. To remove - // annoying background slide-in effect when the presentation starts, apply - // these properties after short time delay - setTimeout( function() { - dom.wrapper.classList.add( 'has-parallax-background' ); - }, 1 ); - - } - else { - - dom.background.style.backgroundImage = ''; - dom.wrapper.classList.remove( 'has-parallax-background' ); - - } - - } - - /** - * Creates a background for the given slide. - * - * @param {HTMLElement} slide - * @param {HTMLElement} container The element that the background - * should be appended to - * @return {HTMLElement} New background div - */ - function createBackground( slide, container ) { - - var data = { - background: slide.getAttribute( 'data-background' ), - backgroundSize: slide.getAttribute( 'data-background-size' ), - backgroundImage: slide.getAttribute( 'data-background-image' ), - backgroundVideo: slide.getAttribute( 'data-background-video' ), - backgroundIframe: slide.getAttribute( 'data-background-iframe' ), - backgroundColor: slide.getAttribute( 'data-background-color' ), - backgroundRepeat: slide.getAttribute( 'data-background-repeat' ), - backgroundPosition: slide.getAttribute( 'data-background-position' ), - backgroundTransition: slide.getAttribute( 'data-background-transition' ) - }; - - var element = document.createElement( 'div' ); - - // Carry over custom classes from the slide to the background - element.className = 'slide-background ' + slide.className.replace( /present|past|future/, '' ); - - if( data.background ) { - // Auto-wrap image urls in url(...) - if( /^(http|file|\/\/)/gi.test( data.background ) || /\.(svg|png|jpg|jpeg|gif|bmp)([?#]|$)/gi.test( data.background ) ) { - slide.setAttribute( 'data-background-image', data.background ); - } - else { - element.style.background = data.background; - } - } - - // Create a hash for this combination of background settings. - // This is used to determine when two slide backgrounds are - // the same. - if( data.background || data.backgroundColor || data.backgroundImage || data.backgroundVideo || data.backgroundIframe ) { - element.setAttribute( 'data-background-hash', data.background + - data.backgroundSize + - data.backgroundImage + - data.backgroundVideo + - data.backgroundIframe + - data.backgroundColor + - data.backgroundRepeat + - data.backgroundPosition + - data.backgroundTransition ); - } - - // Additional and optional background properties - if( data.backgroundSize ) element.style.backgroundSize = data.backgroundSize; - if( data.backgroundSize ) element.setAttribute( 'data-background-size', data.backgroundSize ); - if( data.backgroundColor ) element.style.backgroundColor = data.backgroundColor; - if( data.backgroundRepeat ) element.style.backgroundRepeat = data.backgroundRepeat; - if( data.backgroundPosition ) element.style.backgroundPosition = data.backgroundPosition; - if( data.backgroundTransition ) element.setAttribute( 'data-background-transition', data.backgroundTransition ); - - container.appendChild( element ); - - // If backgrounds are being recreated, clear old classes - slide.classList.remove( 'has-dark-background' ); - slide.classList.remove( 'has-light-background' ); - - slide.slideBackgroundElement = element; - - // If this slide has a background color, add a class that - // signals if it is light or dark. If the slide has no background - // color, no class will be set - var computedBackgroundStyle = window.getComputedStyle( element ); - if( computedBackgroundStyle && computedBackgroundStyle.backgroundColor ) { - var rgb = colorToRgb( computedBackgroundStyle.backgroundColor ); - - // Ignore fully transparent backgrounds. Some browsers return - // rgba(0,0,0,0) when reading the computed background color of - // an element with no background - if( rgb && rgb.a !== 0 ) { - if( colorBrightness( computedBackgroundStyle.backgroundColor ) < 128 ) { - slide.classList.add( 'has-dark-background' ); - } - else { - slide.classList.add( 'has-light-background' ); - } - } - } - - return element; - - } - - /** - * Registers a listener to postMessage events, this makes it - * possible to call all reveal.js API methods from another - * window. For example: - * - * revealWindow.postMessage( JSON.stringify({ - * method: 'slide', - * args: [ 2 ] - * }), '*' ); - */ - function setupPostMessage() { - - if( config.postMessage ) { - window.addEventListener( 'message', function ( event ) { - var data = event.data; - - // Make sure we're dealing with JSON - if( typeof data === 'string' && data.charAt( 0 ) === '{' && data.charAt( data.length - 1 ) === '}' ) { - data = JSON.parse( data ); - - // Check if the requested method can be found - if( data.method && typeof Reveal[data.method] === 'function' ) { - Reveal[data.method].apply( Reveal, data.args ); - } - } - }, false ); - } - - } - - /** - * Applies the configuration settings from the config - * object. May be called multiple times. - * - * @param {object} options - */ - function configure( options ) { - - var oldTransition = config.transition; - - // New config options may be passed when this method - // is invoked through the API after initialization - if( typeof options === 'object' ) extend( config, options ); - - // Abort if reveal.js hasn't finished loading, config - // changes will be applied automatically once loading - // finishes - if( loaded === false ) return; - - var numberOfSlides = dom.wrapper.querySelectorAll( SLIDES_SELECTOR ).length; - - // Remove the previously configured transition class - dom.wrapper.classList.remove( oldTransition ); - - // Force linear transition based on browser capabilities - if( features.transforms3d === false ) config.transition = 'linear'; - - dom.wrapper.classList.add( config.transition ); - - dom.wrapper.setAttribute( 'data-transition-speed', config.transitionSpeed ); - dom.wrapper.setAttribute( 'data-background-transition', config.backgroundTransition ); - - dom.controls.style.display = config.controls ? 'block' : 'none'; - dom.progress.style.display = config.progress ? 'block' : 'none'; - - dom.controls.setAttribute( 'data-controls-layout', config.controlsLayout ); - dom.controls.setAttribute( 'data-controls-back-arrows', config.controlsBackArrows ); - - if( config.shuffle ) { - shuffle(); - } - - if( config.rtl ) { - dom.wrapper.classList.add( 'rtl' ); - } - else { - dom.wrapper.classList.remove( 'rtl' ); - } - - if( config.center ) { - dom.wrapper.classList.add( 'center' ); - } - else { - dom.wrapper.classList.remove( 'center' ); - } - - // Exit the paused mode if it was configured off - if( config.pause === false ) { - resume(); - } - - if( config.showNotes ) { - dom.speakerNotes.setAttribute( 'data-layout', typeof config.showNotes === 'string' ? config.showNotes : 'inline' ); - } - - if( config.mouseWheel ) { - document.addEventListener( 'DOMMouseScroll', onDocumentMouseScroll, false ); // FF - document.addEventListener( 'mousewheel', onDocumentMouseScroll, false ); - } - else { - document.removeEventListener( 'DOMMouseScroll', onDocumentMouseScroll, false ); // FF - document.removeEventListener( 'mousewheel', onDocumentMouseScroll, false ); - } - - // Rolling 3D links - if( config.rollingLinks ) { - enableRollingLinks(); - } - else { - disableRollingLinks(); - } - - // Iframe link previews - if( config.previewLinks ) { - enablePreviewLinks(); - disablePreviewLinks( '[data-preview-link=false]' ); - } - else { - disablePreviewLinks(); - enablePreviewLinks( '[data-preview-link]:not([data-preview-link=false])' ); - } - - // Remove existing auto-slide controls - if( autoSlidePlayer ) { - autoSlidePlayer.destroy(); - autoSlidePlayer = null; - } - - // Generate auto-slide controls if needed - if( numberOfSlides > 1 && config.autoSlide && config.autoSlideStoppable && features.canvas && features.requestAnimationFrame ) { - autoSlidePlayer = new Playback( dom.wrapper, function() { - return Math.min( Math.max( ( Date.now() - autoSlideStartTime ) / autoSlide, 0 ), 1 ); - } ); - - autoSlidePlayer.on( 'click', onAutoSlidePlayerClick ); - autoSlidePaused = false; - } - - // When fragments are turned off they should be visible - if( config.fragments === false ) { - toArray( dom.slides.querySelectorAll( '.fragment' ) ).forEach( function( element ) { - element.classList.add( 'visible' ); - element.classList.remove( 'current-fragment' ); - } ); - } - - // Slide numbers - var slideNumberDisplay = 'none'; - if( config.slideNumber && !isPrintingPDF() ) { - if( config.showSlideNumber === 'all' ) { - slideNumberDisplay = 'block'; - } - else if( config.showSlideNumber === 'speaker' && isSpeakerNotes() ) { - slideNumberDisplay = 'block'; - } - } - - dom.slideNumber.style.display = slideNumberDisplay; - - sync(); - - } - - /** - * Binds all event listeners. - */ - function addEventListeners() { - - eventsAreBound = true; - - window.addEventListener( 'hashchange', onWindowHashChange, false ); - window.addEventListener( 'resize', onWindowResize, false ); - - if( config.touch ) { - dom.wrapper.addEventListener( 'touchstart', onTouchStart, false ); - dom.wrapper.addEventListener( 'touchmove', onTouchMove, false ); - dom.wrapper.addEventListener( 'touchend', onTouchEnd, false ); - - // Support pointer-style touch interaction as well - if( window.navigator.pointerEnabled ) { - // IE 11 uses un-prefixed version of pointer events - dom.wrapper.addEventListener( 'pointerdown', onPointerDown, false ); - dom.wrapper.addEventListener( 'pointermove', onPointerMove, false ); - dom.wrapper.addEventListener( 'pointerup', onPointerUp, false ); - } - else if( window.navigator.msPointerEnabled ) { - // IE 10 uses prefixed version of pointer events - dom.wrapper.addEventListener( 'MSPointerDown', onPointerDown, false ); - dom.wrapper.addEventListener( 'MSPointerMove', onPointerMove, false ); - dom.wrapper.addEventListener( 'MSPointerUp', onPointerUp, false ); - } - } - - if( config.keyboard ) { - document.addEventListener( 'keydown', onDocumentKeyDown, false ); - document.addEventListener( 'keypress', onDocumentKeyPress, false ); - } - - if( config.progress && dom.progress ) { - dom.progress.addEventListener( 'click', onProgressClicked, false ); - } - - if( config.focusBodyOnPageVisibilityChange ) { - var visibilityChange; - - if( 'hidden' in document ) { - visibilityChange = 'visibilitychange'; - } - else if( 'msHidden' in document ) { - visibilityChange = 'msvisibilitychange'; - } - else if( 'webkitHidden' in document ) { - visibilityChange = 'webkitvisibilitychange'; - } - - if( visibilityChange ) { - document.addEventListener( visibilityChange, onPageVisibilityChange, false ); - } - } - - // Listen to both touch and click events, in case the device - // supports both - var pointerEvents = [ 'touchstart', 'click' ]; - - // Only support touch for Android, fixes double navigations in - // stock browser - if( UA.match( /android/gi ) ) { - pointerEvents = [ 'touchstart' ]; - } - - pointerEvents.forEach( function( eventName ) { - dom.controlsLeft.forEach( function( el ) { el.addEventListener( eventName, onNavigateLeftClicked, false ); } ); - dom.controlsRight.forEach( function( el ) { el.addEventListener( eventName, onNavigateRightClicked, false ); } ); - dom.controlsUp.forEach( function( el ) { el.addEventListener( eventName, onNavigateUpClicked, false ); } ); - dom.controlsDown.forEach( function( el ) { el.addEventListener( eventName, onNavigateDownClicked, false ); } ); - dom.controlsPrev.forEach( function( el ) { el.addEventListener( eventName, onNavigatePrevClicked, false ); } ); - dom.controlsNext.forEach( function( el ) { el.addEventListener( eventName, onNavigateNextClicked, false ); } ); - } ); - - } - - /** - * Unbinds all event listeners. - */ - function removeEventListeners() { - - eventsAreBound = false; - - document.removeEventListener( 'keydown', onDocumentKeyDown, false ); - document.removeEventListener( 'keypress', onDocumentKeyPress, false ); - window.removeEventListener( 'hashchange', onWindowHashChange, false ); - window.removeEventListener( 'resize', onWindowResize, false ); - - dom.wrapper.removeEventListener( 'touchstart', onTouchStart, false ); - dom.wrapper.removeEventListener( 'touchmove', onTouchMove, false ); - dom.wrapper.removeEventListener( 'touchend', onTouchEnd, false ); - - // IE11 - if( window.navigator.pointerEnabled ) { - dom.wrapper.removeEventListener( 'pointerdown', onPointerDown, false ); - dom.wrapper.removeEventListener( 'pointermove', onPointerMove, false ); - dom.wrapper.removeEventListener( 'pointerup', onPointerUp, false ); - } - // IE10 - else if( window.navigator.msPointerEnabled ) { - dom.wrapper.removeEventListener( 'MSPointerDown', onPointerDown, false ); - dom.wrapper.removeEventListener( 'MSPointerMove', onPointerMove, false ); - dom.wrapper.removeEventListener( 'MSPointerUp', onPointerUp, false ); - } - - if ( config.progress && dom.progress ) { - dom.progress.removeEventListener( 'click', onProgressClicked, false ); - } - - [ 'touchstart', 'click' ].forEach( function( eventName ) { - dom.controlsLeft.forEach( function( el ) { el.removeEventListener( eventName, onNavigateLeftClicked, false ); } ); - dom.controlsRight.forEach( function( el ) { el.removeEventListener( eventName, onNavigateRightClicked, false ); } ); - dom.controlsUp.forEach( function( el ) { el.removeEventListener( eventName, onNavigateUpClicked, false ); } ); - dom.controlsDown.forEach( function( el ) { el.removeEventListener( eventName, onNavigateDownClicked, false ); } ); - dom.controlsPrev.forEach( function( el ) { el.removeEventListener( eventName, onNavigatePrevClicked, false ); } ); - dom.controlsNext.forEach( function( el ) { el.removeEventListener( eventName, onNavigateNextClicked, false ); } ); - } ); - - } - - /** - * Extend object a with the properties of object b. - * If there's a conflict, object b takes precedence. - * - * @param {object} a - * @param {object} b - */ - function extend( a, b ) { - - for( var i in b ) { - a[ i ] = b[ i ]; - } - - return a; - - } - - /** - * Converts the target object to an array. - * - * @param {object} o - * @return {object[]} - */ - function toArray( o ) { - - return Array.prototype.slice.call( o ); - - } - - /** - * Utility for deserializing a value. - * - * @param {*} value - * @return {*} - */ - function deserialize( value ) { - - if( typeof value === 'string' ) { - if( value === 'null' ) return null; - else if( value === 'true' ) return true; - else if( value === 'false' ) return false; - else if( value.match( /^-?[\d\.]+$/ ) ) return parseFloat( value ); - } - - return value; - - } - - /** - * Measures the distance in pixels between point a - * and point b. - * - * @param {object} a point with x/y properties - * @param {object} b point with x/y properties - * - * @return {number} - */ - function distanceBetween( a, b ) { - - var dx = a.x - b.x, - dy = a.y - b.y; - - return Math.sqrt( dx*dx + dy*dy ); - - } - - /** - * Applies a CSS transform to the target element. - * - * @param {HTMLElement} element - * @param {string} transform - */ - function transformElement( element, transform ) { - - element.style.WebkitTransform = transform; - element.style.MozTransform = transform; - element.style.msTransform = transform; - element.style.transform = transform; - - } - - /** - * Applies CSS transforms to the slides container. The container - * is transformed from two separate sources: layout and the overview - * mode. - * - * @param {object} transforms - */ - function transformSlides( transforms ) { - - // Pick up new transforms from arguments - if( typeof transforms.layout === 'string' ) slidesTransform.layout = transforms.layout; - if( typeof transforms.overview === 'string' ) slidesTransform.overview = transforms.overview; - - // Apply the transforms to the slides container - if( slidesTransform.layout ) { - transformElement( dom.slides, slidesTransform.layout + ' ' + slidesTransform.overview ); - } - else { - transformElement( dom.slides, slidesTransform.overview ); - } - - } - - /** - * Injects the given CSS styles into the DOM. - * - * @param {string} value - */ - function injectStyleSheet( value ) { - - var tag = document.createElement( 'style' ); - tag.type = 'text/css'; - if( tag.styleSheet ) { - tag.styleSheet.cssText = value; - } - else { - tag.appendChild( document.createTextNode( value ) ); - } - document.getElementsByTagName( 'head' )[0].appendChild( tag ); - - } - - /** - * Find the closest parent that matches the given - * selector. - * - * @param {HTMLElement} target The child element - * @param {String} selector The CSS selector to match - * the parents against - * - * @return {HTMLElement} The matched parent or null - * if no matching parent was found - */ - function closestParent( target, selector ) { - - var parent = target.parentNode; - - while( parent ) { - - // There's some overhead doing this each time, we don't - // want to rewrite the element prototype but should still - // be enough to feature detect once at startup... - var matchesMethod = parent.matches || parent.matchesSelector || parent.msMatchesSelector; - - // If we find a match, we're all set - if( matchesMethod && matchesMethod.call( parent, selector ) ) { - return parent; - } - - // Keep searching - parent = parent.parentNode; - - } - - return null; - - } - - /** - * Converts various color input formats to an {r:0,g:0,b:0} object. - * - * @param {string} color The string representation of a color - * @example - * colorToRgb('#000'); - * @example - * colorToRgb('#000000'); - * @example - * colorToRgb('rgb(0,0,0)'); - * @example - * colorToRgb('rgba(0,0,0)'); - * - * @return {{r: number, g: number, b: number, [a]: number}|null} - */ - function colorToRgb( color ) { - - var hex3 = color.match( /^#([0-9a-f]{3})$/i ); - if( hex3 && hex3[1] ) { - hex3 = hex3[1]; - return { - r: parseInt( hex3.charAt( 0 ), 16 ) * 0x11, - g: parseInt( hex3.charAt( 1 ), 16 ) * 0x11, - b: parseInt( hex3.charAt( 2 ), 16 ) * 0x11 - }; - } - - var hex6 = color.match( /^#([0-9a-f]{6})$/i ); - if( hex6 && hex6[1] ) { - hex6 = hex6[1]; - return { - r: parseInt( hex6.substr( 0, 2 ), 16 ), - g: parseInt( hex6.substr( 2, 2 ), 16 ), - b: parseInt( hex6.substr( 4, 2 ), 16 ) - }; - } - - var rgb = color.match( /^rgb\s*\(\s*(\d+)\s*,\s*(\d+)\s*,\s*(\d+)\s*\)$/i ); - if( rgb ) { - return { - r: parseInt( rgb[1], 10 ), - g: parseInt( rgb[2], 10 ), - b: parseInt( rgb[3], 10 ) - }; - } - - var rgba = color.match( /^rgba\s*\(\s*(\d+)\s*,\s*(\d+)\s*,\s*(\d+)\s*\,\s*([\d]+|[\d]*.[\d]+)\s*\)$/i ); - if( rgba ) { - return { - r: parseInt( rgba[1], 10 ), - g: parseInt( rgba[2], 10 ), - b: parseInt( rgba[3], 10 ), - a: parseFloat( rgba[4] ) - }; - } - - return null; - - } - - /** - * Calculates brightness on a scale of 0-255. - * - * @param {string} color See colorToRgb for supported formats. - * @see {@link colorToRgb} - */ - function colorBrightness( color ) { - - if( typeof color === 'string' ) color = colorToRgb( color ); - - if( color ) { - return ( color.r * 299 + color.g * 587 + color.b * 114 ) / 1000; - } - - return null; - - } - - /** - * Returns the remaining height within the parent of the - * target element. - * - * remaining height = [ configured parent height ] - [ current parent height ] - * - * @param {HTMLElement} element - * @param {number} [height] - */ - function getRemainingHeight( element, height ) { - - height = height || 0; - - if( element ) { - var newHeight, oldHeight = element.style.height; - - // Change the .stretch element height to 0 in order find the height of all - // the other elements - element.style.height = '0px'; - newHeight = height - element.parentNode.offsetHeight; - - // Restore the old height, just in case - element.style.height = oldHeight + 'px'; - - return newHeight; - } - - return height; - - } - - /** - * Checks if this instance is being used to print a PDF. - */ - function isPrintingPDF() { - - return ( /print-pdf/gi ).test( window.location.search ); - - } - - /** - * Hides the address bar if we're on a mobile device. - */ - function hideAddressBar() { - - if( config.hideAddressBar && isMobileDevice ) { - // Events that should trigger the address bar to hide - window.addEventListener( 'load', removeAddressBar, false ); - window.addEventListener( 'orientationchange', removeAddressBar, false ); - } - - } - - /** - * Causes the address bar to hide on mobile devices, - * more vertical space ftw. - */ - function removeAddressBar() { - - setTimeout( function() { - window.scrollTo( 0, 1 ); - }, 10 ); - - } - - /** - * Dispatches an event of the specified type from the - * reveal DOM element. - */ - function dispatchEvent( type, args ) { - - var event = document.createEvent( 'HTMLEvents', 1, 2 ); - event.initEvent( type, true, true ); - extend( event, args ); - dom.wrapper.dispatchEvent( event ); - - // If we're in an iframe, post each reveal.js event to the - // parent window. Used by the notes plugin - if( config.postMessageEvents && window.parent !== window.self ) { - window.parent.postMessage( JSON.stringify({ namespace: 'reveal', eventName: type, state: getState() }), '*' ); - } - - } - - /** - * Wrap all links in 3D goodness. - */ - function enableRollingLinks() { - - if( features.transforms3d && !( 'msPerspective' in document.body.style ) ) { - var anchors = dom.wrapper.querySelectorAll( SLIDES_SELECTOR + ' a' ); - - for( var i = 0, len = anchors.length; i < len; i++ ) { - var anchor = anchors[i]; - - if( anchor.textContent && !anchor.querySelector( '*' ) && ( !anchor.className || !anchor.classList.contains( anchor, 'roll' ) ) ) { - var span = document.createElement('span'); - span.setAttribute('data-title', anchor.text); - span.innerHTML = anchor.innerHTML; - - anchor.classList.add( 'roll' ); - anchor.innerHTML = ''; - anchor.appendChild(span); - } - } - } - - } - - /** - * Unwrap all 3D links. - */ - function disableRollingLinks() { - - var anchors = dom.wrapper.querySelectorAll( SLIDES_SELECTOR + ' a.roll' ); - - for( var i = 0, len = anchors.length; i < len; i++ ) { - var anchor = anchors[i]; - var span = anchor.querySelector( 'span' ); - - if( span ) { - anchor.classList.remove( 'roll' ); - anchor.innerHTML = span.innerHTML; - } - } - - } - - /** - * Bind preview frame links. - * - * @param {string} [selector=a] - selector for anchors - */ - function enablePreviewLinks( selector ) { - - var anchors = toArray( document.querySelectorAll( selector ? selector : 'a' ) ); - - anchors.forEach( function( element ) { - if( /^(http|www)/gi.test( element.getAttribute( 'href' ) ) ) { - element.addEventListener( 'click', onPreviewLinkClicked, false ); - } - } ); - - } - - /** - * Unbind preview frame links. - */ - function disablePreviewLinks( selector ) { - - var anchors = toArray( document.querySelectorAll( selector ? selector : 'a' ) ); - - anchors.forEach( function( element ) { - if( /^(http|www)/gi.test( element.getAttribute( 'href' ) ) ) { - element.removeEventListener( 'click', onPreviewLinkClicked, false ); - } - } ); - - } - - /** - * Opens a preview window for the target URL. - * - * @param {string} url - url for preview iframe src - */ - function showPreview( url ) { - - closeOverlay(); - - dom.overlay = document.createElement( 'div' ); - dom.overlay.classList.add( 'overlay' ); - dom.overlay.classList.add( 'overlay-preview' ); - dom.wrapper.appendChild( dom.overlay ); - - dom.overlay.innerHTML = [ - '
    ', - '', - '', - '
    ', - '
    ', - '
    ', - '', - '', - 'Unable to load iframe. This is likely due to the site\'s policy (x-frame-options).', - '', - '
    ' - ].join(''); - - dom.overlay.querySelector( 'iframe' ).addEventListener( 'load', function( event ) { - dom.overlay.classList.add( 'loaded' ); - }, false ); - - dom.overlay.querySelector( '.close' ).addEventListener( 'click', function( event ) { - closeOverlay(); - event.preventDefault(); - }, false ); - - dom.overlay.querySelector( '.external' ).addEventListener( 'click', function( event ) { - closeOverlay(); - }, false ); - - setTimeout( function() { - dom.overlay.classList.add( 'visible' ); - }, 1 ); - - } - - /** - * Open or close help overlay window. - * - * @param {Boolean} [override] Flag which overrides the - * toggle logic and forcibly sets the desired state. True means - * help is open, false means it's closed. - */ - function toggleHelp( override ){ - - if( typeof override === 'boolean' ) { - override ? showHelp() : closeOverlay(); - } - else { - if( dom.overlay ) { - closeOverlay(); - } - else { - showHelp(); - } - } - } - - /** - * Opens an overlay window with help material. - */ - function showHelp() { - - if( config.help ) { - - closeOverlay(); - - dom.overlay = document.createElement( 'div' ); - dom.overlay.classList.add( 'overlay' ); - dom.overlay.classList.add( 'overlay-help' ); - dom.wrapper.appendChild( dom.overlay ); - - var html = '

    Keyboard Shortcuts


    '; - - html += ''; - for( var key in keyboardShortcuts ) { - html += ''; - } - - html += '
    KEYACTION
    ' + key + '' + keyboardShortcuts[ key ] + '
    '; - - dom.overlay.innerHTML = [ - '
    ', - '', - '
    ', - '
    ', - '
    '+ html +'
    ', - '
    ' - ].join(''); - - dom.overlay.querySelector( '.close' ).addEventListener( 'click', function( event ) { - closeOverlay(); - event.preventDefault(); - }, false ); - - setTimeout( function() { - dom.overlay.classList.add( 'visible' ); - }, 1 ); - - } - - } - - /** - * Closes any currently open overlay. - */ - function closeOverlay() { - - if( dom.overlay ) { - dom.overlay.parentNode.removeChild( dom.overlay ); - dom.overlay = null; - } - - } - - /** - * Applies JavaScript-controlled layout rules to the - * presentation. - */ - function layout() { - - if( dom.wrapper && !isPrintingPDF() ) { - - var size = getComputedSlideSize(); - - // Layout the contents of the slides - layoutSlideContents( config.width, config.height ); - - dom.slides.style.width = size.width + 'px'; - dom.slides.style.height = size.height + 'px'; - - // Determine scale of content to fit within available space - scale = Math.min( size.presentationWidth / size.width, size.presentationHeight / size.height ); - - // Respect max/min scale settings - scale = Math.max( scale, config.minScale ); - scale = Math.min( scale, config.maxScale ); - - // Don't apply any scaling styles if scale is 1 - if( scale === 1 ) { - dom.slides.style.zoom = ''; - dom.slides.style.left = ''; - dom.slides.style.top = ''; - dom.slides.style.bottom = ''; - dom.slides.style.right = ''; - transformSlides( { layout: '' } ); - } - else { - // Prefer zoom for scaling up so that content remains crisp. - // Don't use zoom to scale down since that can lead to shifts - // in text layout/line breaks. - if( scale > 1 && features.zoom ) { - dom.slides.style.zoom = scale; - dom.slides.style.left = ''; - dom.slides.style.top = ''; - dom.slides.style.bottom = ''; - dom.slides.style.right = ''; - transformSlides( { layout: '' } ); - } - // Apply scale transform as a fallback - else { - dom.slides.style.zoom = ''; - dom.slides.style.left = '50%'; - dom.slides.style.top = '50%'; - dom.slides.style.bottom = 'auto'; - dom.slides.style.right = 'auto'; - transformSlides( { layout: 'translate(-50%, -50%) scale('+ scale +')' } ); - } - } - - // Select all slides, vertical and horizontal - var slides = toArray( dom.wrapper.querySelectorAll( SLIDES_SELECTOR ) ); - - for( var i = 0, len = slides.length; i < len; i++ ) { - var slide = slides[ i ]; - - // Don't bother updating invisible slides - if( slide.style.display === 'none' ) { - continue; - } - - if( config.center || slide.classList.contains( 'center' ) ) { - // Vertical stacks are not centred since their section - // children will be - if( slide.classList.contains( 'stack' ) ) { - slide.style.top = 0; - } - else { - slide.style.top = Math.max( ( size.height - slide.scrollHeight ) / 2, 0 ) + 'px'; - } - } - else { - slide.style.top = ''; - } - - } - - updateProgress(); - updateParallax(); - - if( isOverview() ) { - updateOverview(); - } - - } - - } - - /** - * Applies layout logic to the contents of all slides in - * the presentation. - * - * @param {string|number} width - * @param {string|number} height - */ - function layoutSlideContents( width, height ) { - - // Handle sizing of elements with the 'stretch' class - toArray( dom.slides.querySelectorAll( 'section > .stretch' ) ).forEach( function( element ) { - - // Determine how much vertical space we can use - var remainingHeight = getRemainingHeight( element, height ); - - // Consider the aspect ratio of media elements - if( /(img|video)/gi.test( element.nodeName ) ) { - var nw = element.naturalWidth || element.videoWidth, - nh = element.naturalHeight || element.videoHeight; - - var es = Math.min( width / nw, remainingHeight / nh ); - - element.style.width = ( nw * es ) + 'px'; - element.style.height = ( nh * es ) + 'px'; - - } - else { - element.style.width = width + 'px'; - element.style.height = remainingHeight + 'px'; - } - - } ); - - } - - /** - * Calculates the computed pixel size of our slides. These - * values are based on the width and height configuration - * options. - * - * @param {number} [presentationWidth=dom.wrapper.offsetWidth] - * @param {number} [presentationHeight=dom.wrapper.offsetHeight] - */ - function getComputedSlideSize( presentationWidth, presentationHeight ) { - - var size = { - // Slide size - width: config.width, - height: config.height, - - // Presentation size - presentationWidth: presentationWidth || dom.wrapper.offsetWidth, - presentationHeight: presentationHeight || dom.wrapper.offsetHeight - }; - - // Reduce available space by margin - size.presentationWidth -= ( size.presentationWidth * config.margin ); - size.presentationHeight -= ( size.presentationHeight * config.margin ); - - // Slide width may be a percentage of available width - if( typeof size.width === 'string' && /%$/.test( size.width ) ) { - size.width = parseInt( size.width, 10 ) / 100 * size.presentationWidth; - } - - // Slide height may be a percentage of available height - if( typeof size.height === 'string' && /%$/.test( size.height ) ) { - size.height = parseInt( size.height, 10 ) / 100 * size.presentationHeight; - } - - return size; - - } - - /** - * Stores the vertical index of a stack so that the same - * vertical slide can be selected when navigating to and - * from the stack. - * - * @param {HTMLElement} stack The vertical stack element - * @param {string|number} [v=0] Index to memorize - */ - function setPreviousVerticalIndex( stack, v ) { - - if( typeof stack === 'object' && typeof stack.setAttribute === 'function' ) { - stack.setAttribute( 'data-previous-indexv', v || 0 ); - } - - } - - /** - * Retrieves the vertical index which was stored using - * #setPreviousVerticalIndex() or 0 if no previous index - * exists. - * - * @param {HTMLElement} stack The vertical stack element - */ - function getPreviousVerticalIndex( stack ) { - - if( typeof stack === 'object' && typeof stack.setAttribute === 'function' && stack.classList.contains( 'stack' ) ) { - // Prefer manually defined start-indexv - var attributeName = stack.hasAttribute( 'data-start-indexv' ) ? 'data-start-indexv' : 'data-previous-indexv'; - - return parseInt( stack.getAttribute( attributeName ) || 0, 10 ); - } - - return 0; - - } - - /** - * Displays the overview of slides (quick nav) by scaling - * down and arranging all slide elements. - */ - function activateOverview() { - - // Only proceed if enabled in config - if( config.overview && !isOverview() ) { - - overview = true; - - dom.wrapper.classList.add( 'overview' ); - dom.wrapper.classList.remove( 'overview-deactivating' ); - - if( features.overviewTransitions ) { - setTimeout( function() { - dom.wrapper.classList.add( 'overview-animated' ); - }, 1 ); - } - - // Don't auto-slide while in overview mode - cancelAutoSlide(); - - // Move the backgrounds element into the slide container to - // that the same scaling is applied - dom.slides.appendChild( dom.background ); - - // Clicking on an overview slide navigates to it - toArray( dom.wrapper.querySelectorAll( SLIDES_SELECTOR ) ).forEach( function( slide ) { - if( !slide.classList.contains( 'stack' ) ) { - slide.addEventListener( 'click', onOverviewSlideClicked, true ); - } - } ); - - // Calculate slide sizes - var margin = 70; - var slideSize = getComputedSlideSize(); - overviewSlideWidth = slideSize.width + margin; - overviewSlideHeight = slideSize.height + margin; - - // Reverse in RTL mode - if( config.rtl ) { - overviewSlideWidth = -overviewSlideWidth; - } - - updateSlidesVisibility(); - layoutOverview(); - updateOverview(); - - layout(); - - // Notify observers of the overview showing - dispatchEvent( 'overviewshown', { - 'indexh': indexh, - 'indexv': indexv, - 'currentSlide': currentSlide - } ); - - } - - } - - /** - * Uses CSS transforms to position all slides in a grid for - * display inside of the overview mode. - */ - function layoutOverview() { - - // Layout slides - toArray( dom.wrapper.querySelectorAll( HORIZONTAL_SLIDES_SELECTOR ) ).forEach( function( hslide, h ) { - hslide.setAttribute( 'data-index-h', h ); - transformElement( hslide, 'translate3d(' + ( h * overviewSlideWidth ) + 'px, 0, 0)' ); - - if( hslide.classList.contains( 'stack' ) ) { - - toArray( hslide.querySelectorAll( 'section' ) ).forEach( function( vslide, v ) { - vslide.setAttribute( 'data-index-h', h ); - vslide.setAttribute( 'data-index-v', v ); - - transformElement( vslide, 'translate3d(0, ' + ( v * overviewSlideHeight ) + 'px, 0)' ); - } ); - - } - } ); - - // Layout slide backgrounds - toArray( dom.background.childNodes ).forEach( function( hbackground, h ) { - transformElement( hbackground, 'translate3d(' + ( h * overviewSlideWidth ) + 'px, 0, 0)' ); - - toArray( hbackground.querySelectorAll( '.slide-background' ) ).forEach( function( vbackground, v ) { - transformElement( vbackground, 'translate3d(0, ' + ( v * overviewSlideHeight ) + 'px, 0)' ); - } ); - } ); - - } - - /** - * Moves the overview viewport to the current slides. - * Called each time the current slide changes. - */ - function updateOverview() { - - var vmin = Math.min( window.innerWidth, window.innerHeight ); - var scale = Math.max( vmin / 5, 150 ) / vmin; - - transformSlides( { - overview: [ - 'scale('+ scale +')', - 'translateX('+ ( -indexh * overviewSlideWidth ) +'px)', - 'translateY('+ ( -indexv * overviewSlideHeight ) +'px)' - ].join( ' ' ) - } ); - - } - - /** - * Exits the slide overview and enters the currently - * active slide. - */ - function deactivateOverview() { - - // Only proceed if enabled in config - if( config.overview ) { - - overview = false; - - dom.wrapper.classList.remove( 'overview' ); - dom.wrapper.classList.remove( 'overview-animated' ); - - // Temporarily add a class so that transitions can do different things - // depending on whether they are exiting/entering overview, or just - // moving from slide to slide - dom.wrapper.classList.add( 'overview-deactivating' ); - - setTimeout( function () { - dom.wrapper.classList.remove( 'overview-deactivating' ); - }, 1 ); - - // Move the background element back out - dom.wrapper.appendChild( dom.background ); - - // Clean up changes made to slides - toArray( dom.wrapper.querySelectorAll( SLIDES_SELECTOR ) ).forEach( function( slide ) { - transformElement( slide, '' ); - - slide.removeEventListener( 'click', onOverviewSlideClicked, true ); - } ); - - // Clean up changes made to backgrounds - toArray( dom.background.querySelectorAll( '.slide-background' ) ).forEach( function( background ) { - transformElement( background, '' ); - } ); - - transformSlides( { overview: '' } ); - - slide( indexh, indexv ); - - layout(); - - cueAutoSlide(); - - // Notify observers of the overview hiding - dispatchEvent( 'overviewhidden', { - 'indexh': indexh, - 'indexv': indexv, - 'currentSlide': currentSlide - } ); - - } - } - - /** - * Toggles the slide overview mode on and off. - * - * @param {Boolean} [override] Flag which overrides the - * toggle logic and forcibly sets the desired state. True means - * overview is open, false means it's closed. - */ - function toggleOverview( override ) { - - if( typeof override === 'boolean' ) { - override ? activateOverview() : deactivateOverview(); - } - else { - isOverview() ? deactivateOverview() : activateOverview(); - } - - } - - /** - * Checks if the overview is currently active. - * - * @return {Boolean} true if the overview is active, - * false otherwise - */ - function isOverview() { - - return overview; - - } - - /** - * Checks if the current or specified slide is vertical - * (nested within another slide). - * - * @param {HTMLElement} [slide=currentSlide] The slide to check - * orientation of - * @return {Boolean} - */ - function isVerticalSlide( slide ) { - - // Prefer slide argument, otherwise use current slide - slide = slide ? slide : currentSlide; - - return slide && slide.parentNode && !!slide.parentNode.nodeName.match( /section/i ); - - } - - /** - * Handling the fullscreen functionality via the fullscreen API - * - * @see http://fullscreen.spec.whatwg.org/ - * @see https://developer.mozilla.org/en-US/docs/DOM/Using_fullscreen_mode - */ - function enterFullscreen() { - - var element = document.documentElement; - - // Check which implementation is available - var requestMethod = element.requestFullscreen || - element.webkitRequestFullscreen || - element.webkitRequestFullScreen || - element.mozRequestFullScreen || - element.msRequestFullscreen; - - if( requestMethod ) { - requestMethod.apply( element ); - } - - } - - /** - * Enters the paused mode which fades everything on screen to - * black. - */ - function pause() { - - if( config.pause ) { - var wasPaused = dom.wrapper.classList.contains( 'paused' ); - - cancelAutoSlide(); - dom.wrapper.classList.add( 'paused' ); - - if( wasPaused === false ) { - dispatchEvent( 'paused' ); - } - } - - } - - /** - * Exits from the paused mode. - */ - function resume() { - - var wasPaused = dom.wrapper.classList.contains( 'paused' ); - dom.wrapper.classList.remove( 'paused' ); - - cueAutoSlide(); - - if( wasPaused ) { - dispatchEvent( 'resumed' ); - } - - } - - /** - * Toggles the paused mode on and off. - */ - function togglePause( override ) { - - if( typeof override === 'boolean' ) { - override ? pause() : resume(); - } - else { - isPaused() ? resume() : pause(); - } - - } - - /** - * Checks if we are currently in the paused mode. - * - * @return {Boolean} - */ - function isPaused() { - - return dom.wrapper.classList.contains( 'paused' ); - - } - - /** - * Toggles the auto slide mode on and off. - * - * @param {Boolean} [override] Flag which sets the desired state. - * True means autoplay starts, false means it stops. - */ - - function toggleAutoSlide( override ) { - - if( typeof override === 'boolean' ) { - override ? resumeAutoSlide() : pauseAutoSlide(); - } - - else { - autoSlidePaused ? resumeAutoSlide() : pauseAutoSlide(); - } - - } - - /** - * Checks if the auto slide mode is currently on. - * - * @return {Boolean} - */ - function isAutoSliding() { - - return !!( autoSlide && !autoSlidePaused ); - - } - - /** - * Steps from the current point in the presentation to the - * slide which matches the specified horizontal and vertical - * indices. - * - * @param {number} [h=indexh] Horizontal index of the target slide - * @param {number} [v=indexv] Vertical index of the target slide - * @param {number} [f] Index of a fragment within the - * target slide to activate - * @param {number} [o] Origin for use in multimaster environments - */ - function slide( h, v, f, o ) { - - // Remember where we were at before - previousSlide = currentSlide; - - // Query all horizontal slides in the deck - var horizontalSlides = dom.wrapper.querySelectorAll( HORIZONTAL_SLIDES_SELECTOR ); - - // Abort if there are no slides - if( horizontalSlides.length === 0 ) return; - - // If no vertical index is specified and the upcoming slide is a - // stack, resume at its previous vertical index - if( v === undefined && !isOverview() ) { - v = getPreviousVerticalIndex( horizontalSlides[ h ] ); - } - - // If we were on a vertical stack, remember what vertical index - // it was on so we can resume at the same position when returning - if( previousSlide && previousSlide.parentNode && previousSlide.parentNode.classList.contains( 'stack' ) ) { - setPreviousVerticalIndex( previousSlide.parentNode, indexv ); - } - - // Remember the state before this slide - var stateBefore = state.concat(); - - // Reset the state array - state.length = 0; - - var indexhBefore = indexh || 0, - indexvBefore = indexv || 0; - - // Activate and transition to the new slide - indexh = updateSlides( HORIZONTAL_SLIDES_SELECTOR, h === undefined ? indexh : h ); - indexv = updateSlides( VERTICAL_SLIDES_SELECTOR, v === undefined ? indexv : v ); - - // Update the visibility of slides now that the indices have changed - updateSlidesVisibility(); - - layout(); - - // Apply the new state - stateLoop: for( var i = 0, len = state.length; i < len; i++ ) { - // Check if this state existed on the previous slide. If it - // did, we will avoid adding it repeatedly - for( var j = 0; j < stateBefore.length; j++ ) { - if( stateBefore[j] === state[i] ) { - stateBefore.splice( j, 1 ); - continue stateLoop; - } - } - - document.documentElement.classList.add( state[i] ); - - // Dispatch custom event matching the state's name - dispatchEvent( state[i] ); - } - - // Clean up the remains of the previous state - while( stateBefore.length ) { - document.documentElement.classList.remove( stateBefore.pop() ); - } - - // Update the overview if it's currently active - if( isOverview() ) { - updateOverview(); - } - - // Find the current horizontal slide and any possible vertical slides - // within it - var currentHorizontalSlide = horizontalSlides[ indexh ], - currentVerticalSlides = currentHorizontalSlide.querySelectorAll( 'section' ); - - // Store references to the previous and current slides - currentSlide = currentVerticalSlides[ indexv ] || currentHorizontalSlide; - - // Show fragment, if specified - if( typeof f !== 'undefined' ) { - navigateFragment( f ); - } - - // Dispatch an event if the slide changed - var slideChanged = ( indexh !== indexhBefore || indexv !== indexvBefore ); - if( slideChanged ) { - dispatchEvent( 'slidechanged', { - 'indexh': indexh, - 'indexv': indexv, - 'previousSlide': previousSlide, - 'currentSlide': currentSlide, - 'origin': o - } ); - } - else { - // Ensure that the previous slide is never the same as the current - previousSlide = null; - } - - // Solves an edge case where the previous slide maintains the - // 'present' class when navigating between adjacent vertical - // stacks - if( previousSlide ) { - previousSlide.classList.remove( 'present' ); - previousSlide.setAttribute( 'aria-hidden', 'true' ); - - // Reset all slides upon navigate to home - // Issue: #285 - if ( dom.wrapper.querySelector( HOME_SLIDE_SELECTOR ).classList.contains( 'present' ) ) { - // Launch async task - setTimeout( function () { - var slides = toArray( dom.wrapper.querySelectorAll( HORIZONTAL_SLIDES_SELECTOR + '.stack') ), i; - for( i in slides ) { - if( slides[i] ) { - // Reset stack - setPreviousVerticalIndex( slides[i], 0 ); - } - } - }, 0 ); - } - } - - // Handle embedded content - if( slideChanged || !previousSlide ) { - stopEmbeddedContent( previousSlide ); - startEmbeddedContent( currentSlide ); - } - - // Announce the current slide contents, for screen readers - dom.statusDiv.textContent = getStatusText( currentSlide ); - - updateControls(); - updateProgress(); - updateBackground(); - updateParallax(); - updateSlideNumber(); - updateNotes(); - - // Update the URL hash - writeURL(); - - cueAutoSlide(); - - } - - /** - * Syncs the presentation with the current DOM. Useful - * when new slides or control elements are added or when - * the configuration has changed. - */ - function sync() { - - // Subscribe to input - removeEventListeners(); - addEventListeners(); - - // Force a layout to make sure the current config is accounted for - layout(); - - // Reflect the current autoSlide value - autoSlide = config.autoSlide; - - // Start auto-sliding if it's enabled - cueAutoSlide(); - - // Re-create the slide backgrounds - createBackgrounds(); - - // Write the current hash to the URL - writeURL(); - - sortAllFragments(); - - updateControls(); - updateProgress(); - updateSlideNumber(); - updateSlidesVisibility(); - updateBackground( true ); - updateNotesVisibility(); - updateNotes(); - - formatEmbeddedContent(); - - // Start or stop embedded content depending on global config - if( config.autoPlayMedia === false ) { - stopEmbeddedContent( currentSlide, { unloadIframes: false } ); - } - else { - startEmbeddedContent( currentSlide ); - } - - if( isOverview() ) { - layoutOverview(); - } - - } - - /** - * Resets all vertical slides so that only the first - * is visible. - */ - function resetVerticalSlides() { - - var horizontalSlides = toArray( dom.wrapper.querySelectorAll( HORIZONTAL_SLIDES_SELECTOR ) ); - horizontalSlides.forEach( function( horizontalSlide ) { - - var verticalSlides = toArray( horizontalSlide.querySelectorAll( 'section' ) ); - verticalSlides.forEach( function( verticalSlide, y ) { - - if( y > 0 ) { - verticalSlide.classList.remove( 'present' ); - verticalSlide.classList.remove( 'past' ); - verticalSlide.classList.add( 'future' ); - verticalSlide.setAttribute( 'aria-hidden', 'true' ); - } - - } ); - - } ); - - } - - /** - * Sorts and formats all of fragments in the - * presentation. - */ - function sortAllFragments() { - - var horizontalSlides = toArray( dom.wrapper.querySelectorAll( HORIZONTAL_SLIDES_SELECTOR ) ); - horizontalSlides.forEach( function( horizontalSlide ) { - - var verticalSlides = toArray( horizontalSlide.querySelectorAll( 'section' ) ); - verticalSlides.forEach( function( verticalSlide, y ) { - - sortFragments( verticalSlide.querySelectorAll( '.fragment' ) ); - - } ); - - if( verticalSlides.length === 0 ) sortFragments( horizontalSlide.querySelectorAll( '.fragment' ) ); - - } ); - - } - - /** - * Randomly shuffles all slides in the deck. - */ - function shuffle() { - - var slides = toArray( dom.wrapper.querySelectorAll( HORIZONTAL_SLIDES_SELECTOR ) ); - - slides.forEach( function( slide ) { - - // Insert this slide next to another random slide. This may - // cause the slide to insert before itself but that's fine. - dom.slides.insertBefore( slide, slides[ Math.floor( Math.random() * slides.length ) ] ); - - } ); - - } - - /** - * Updates one dimension of slides by showing the slide - * with the specified index. - * - * @param {string} selector A CSS selector that will fetch - * the group of slides we are working with - * @param {number} index The index of the slide that should be - * shown - * - * @return {number} The index of the slide that is now shown, - * might differ from the passed in index if it was out of - * bounds. - */ - function updateSlides( selector, index ) { - - // Select all slides and convert the NodeList result to - // an array - var slides = toArray( dom.wrapper.querySelectorAll( selector ) ), - slidesLength = slides.length; - - var printMode = isPrintingPDF(); - - if( slidesLength ) { - - // Should the index loop? - if( config.loop ) { - index %= slidesLength; - - if( index < 0 ) { - index = slidesLength + index; - } - } - - // Enforce max and minimum index bounds - index = Math.max( Math.min( index, slidesLength - 1 ), 0 ); - - for( var i = 0; i < slidesLength; i++ ) { - var element = slides[i]; - - var reverse = config.rtl && !isVerticalSlide( element ); - - element.classList.remove( 'past' ); - element.classList.remove( 'present' ); - element.classList.remove( 'future' ); - - // http://www.w3.org/html/wg/drafts/html/master/editing.html#the-hidden-attribute - element.setAttribute( 'hidden', '' ); - element.setAttribute( 'aria-hidden', 'true' ); - - // If this element contains vertical slides - if( element.querySelector( 'section' ) ) { - element.classList.add( 'stack' ); - } - - // If we're printing static slides, all slides are "present" - if( printMode ) { - element.classList.add( 'present' ); - continue; - } - - if( i < index ) { - // Any element previous to index is given the 'past' class - element.classList.add( reverse ? 'future' : 'past' ); - - if( config.fragments ) { - var pastFragments = toArray( element.querySelectorAll( '.fragment' ) ); - - // Show all fragments on prior slides - while( pastFragments.length ) { - var pastFragment = pastFragments.pop(); - pastFragment.classList.add( 'visible' ); - pastFragment.classList.remove( 'current-fragment' ); - } - } - } - else if( i > index ) { - // Any element subsequent to index is given the 'future' class - element.classList.add( reverse ? 'past' : 'future' ); - - if( config.fragments ) { - var futureFragments = toArray( element.querySelectorAll( '.fragment.visible' ) ); - - // No fragments in future slides should be visible ahead of time - while( futureFragments.length ) { - var futureFragment = futureFragments.pop(); - futureFragment.classList.remove( 'visible' ); - futureFragment.classList.remove( 'current-fragment' ); - } - } - } - } - - // Mark the current slide as present - slides[index].classList.add( 'present' ); - slides[index].removeAttribute( 'hidden' ); - slides[index].removeAttribute( 'aria-hidden' ); - - // If this slide has a state associated with it, add it - // onto the current state of the deck - var slideState = slides[index].getAttribute( 'data-state' ); - if( slideState ) { - state = state.concat( slideState.split( ' ' ) ); - } - - } - else { - // Since there are no slides we can't be anywhere beyond the - // zeroth index - index = 0; - } - - return index; - - } - - /** - * Optimization method; hide all slides that are far away - * from the present slide. - */ - function updateSlidesVisibility() { - - // Select all slides and convert the NodeList result to - // an array - var horizontalSlides = toArray( dom.wrapper.querySelectorAll( HORIZONTAL_SLIDES_SELECTOR ) ), - horizontalSlidesLength = horizontalSlides.length, - distanceX, - distanceY; - - if( horizontalSlidesLength && typeof indexh !== 'undefined' ) { - - // The number of steps away from the present slide that will - // be visible - var viewDistance = isOverview() ? 10 : config.viewDistance; - - // Limit view distance on weaker devices - if( isMobileDevice ) { - viewDistance = isOverview() ? 6 : 2; - } - - // All slides need to be visible when exporting to PDF - if( isPrintingPDF() ) { - viewDistance = Number.MAX_VALUE; - } - - for( var x = 0; x < horizontalSlidesLength; x++ ) { - var horizontalSlide = horizontalSlides[x]; - - var verticalSlides = toArray( horizontalSlide.querySelectorAll( 'section' ) ), - verticalSlidesLength = verticalSlides.length; - - // Determine how far away this slide is from the present - distanceX = Math.abs( ( indexh || 0 ) - x ) || 0; - - // If the presentation is looped, distance should measure - // 1 between the first and last slides - if( config.loop ) { - distanceX = Math.abs( ( ( indexh || 0 ) - x ) % ( horizontalSlidesLength - viewDistance ) ) || 0; - } - - // Show the horizontal slide if it's within the view distance - if( distanceX < viewDistance ) { - loadSlide( horizontalSlide ); - } - else { - unloadSlide( horizontalSlide ); - } - - if( verticalSlidesLength ) { - - var oy = getPreviousVerticalIndex( horizontalSlide ); - - for( var y = 0; y < verticalSlidesLength; y++ ) { - var verticalSlide = verticalSlides[y]; - - distanceY = x === ( indexh || 0 ) ? Math.abs( ( indexv || 0 ) - y ) : Math.abs( y - oy ); - - if( distanceX + distanceY < viewDistance ) { - loadSlide( verticalSlide ); - } - else { - unloadSlide( verticalSlide ); - } - } - - } - } - - // Flag if there are ANY vertical slides, anywhere in the deck - if( dom.wrapper.querySelectorAll( '.slides>section>section' ).length ) { - dom.wrapper.classList.add( 'has-vertical-slides' ); - } - else { - dom.wrapper.classList.remove( 'has-vertical-slides' ); - } - - // Flag if there are ANY horizontal slides, anywhere in the deck - if( dom.wrapper.querySelectorAll( '.slides>section' ).length > 1 ) { - dom.wrapper.classList.add( 'has-horizontal-slides' ); - } - else { - dom.wrapper.classList.remove( 'has-horizontal-slides' ); - } - - } - - } - - /** - * Pick up notes from the current slide and display them - * to the viewer. - * - * @see {@link config.showNotes} - */ - function updateNotes() { - - if( config.showNotes && dom.speakerNotes && currentSlide && !isPrintingPDF() ) { - - dom.speakerNotes.innerHTML = getSlideNotes() || 'No notes on this slide.'; - - } - - } - - /** - * Updates the visibility of the speaker notes sidebar that - * is used to share annotated slides. The notes sidebar is - * only visible if showNotes is true and there are notes on - * one or more slides in the deck. - */ - function updateNotesVisibility() { - - if( config.showNotes && hasNotes() ) { - dom.wrapper.classList.add( 'show-notes' ); - } - else { - dom.wrapper.classList.remove( 'show-notes' ); - } - - } - - /** - * Checks if there are speaker notes for ANY slide in the - * presentation. - */ - function hasNotes() { - - return dom.slides.querySelectorAll( '[data-notes], aside.notes' ).length > 0; - - } - - /** - * Updates the progress bar to reflect the current slide. - */ - function updateProgress() { - - // Update progress if enabled - if( config.progress && dom.progressbar ) { - - dom.progressbar.style.width = getProgress() * dom.wrapper.offsetWidth + 'px'; - - } - - } - - /** - * Updates the slide number div to reflect the current slide. - * - * The following slide number formats are available: - * "h.v": horizontal . vertical slide number (default) - * "h/v": horizontal / vertical slide number - * "c": flattened slide number - * "c/t": flattened slide number / total slides - */ - function updateSlideNumber() { - - // Update slide number if enabled - if( config.slideNumber && dom.slideNumber ) { - - var value = []; - var format = 'h.v'; - - // Check if a custom number format is available - if( typeof config.slideNumber === 'string' ) { - format = config.slideNumber; - } - - switch( format ) { - case 'c': - value.push( getSlidePastCount() + 1 ); - break; - case 'c/t': - value.push( getSlidePastCount() + 1, '/', getTotalSlides() ); - break; - case 'h/v': - value.push( indexh + 1 ); - if( isVerticalSlide() ) value.push( '/', indexv + 1 ); - break; - default: - value.push( indexh + 1 ); - if( isVerticalSlide() ) value.push( '.', indexv + 1 ); - } - - dom.slideNumber.innerHTML = formatSlideNumber( value[0], value[1], value[2] ); - } - - } - - /** - * Applies HTML formatting to a slide number before it's - * written to the DOM. - * - * @param {number} a Current slide - * @param {string} delimiter Character to separate slide numbers - * @param {(number|*)} b Total slides - * @return {string} HTML string fragment - */ - function formatSlideNumber( a, delimiter, b ) { - - if( typeof b === 'number' && !isNaN( b ) ) { - return ''+ a +'' + - ''+ delimiter +'' + - ''+ b +''; - } - else { - return ''+ a +''; - } - - } - - /** - * Updates the state of all control/navigation arrows. - */ - function updateControls() { - - var routes = availableRoutes(); - var fragments = availableFragments(); - - // Remove the 'enabled' class from all directions - dom.controlsLeft.concat( dom.controlsRight ) - .concat( dom.controlsUp ) - .concat( dom.controlsDown ) - .concat( dom.controlsPrev ) - .concat( dom.controlsNext ).forEach( function( node ) { - node.classList.remove( 'enabled' ); - node.classList.remove( 'fragmented' ); - - // Set 'disabled' attribute on all directions - node.setAttribute( 'disabled', 'disabled' ); - } ); - - // Add the 'enabled' class to the available routes; remove 'disabled' attribute to enable buttons - if( routes.left ) dom.controlsLeft.forEach( function( el ) { el.classList.add( 'enabled' ); el.removeAttribute( 'disabled' ); } ); - if( routes.right ) dom.controlsRight.forEach( function( el ) { el.classList.add( 'enabled' ); el.removeAttribute( 'disabled' ); } ); - if( routes.up ) dom.controlsUp.forEach( function( el ) { el.classList.add( 'enabled' ); el.removeAttribute( 'disabled' ); } ); - if( routes.down ) dom.controlsDown.forEach( function( el ) { el.classList.add( 'enabled' ); el.removeAttribute( 'disabled' ); } ); - - // Prev/next buttons - if( routes.left || routes.up ) dom.controlsPrev.forEach( function( el ) { el.classList.add( 'enabled' ); el.removeAttribute( 'disabled' ); } ); - if( routes.right || routes.down ) dom.controlsNext.forEach( function( el ) { el.classList.add( 'enabled' ); el.removeAttribute( 'disabled' ); } ); - - // Highlight fragment directions - if( currentSlide ) { - - // Always apply fragment decorator to prev/next buttons - if( fragments.prev ) dom.controlsPrev.forEach( function( el ) { el.classList.add( 'fragmented', 'enabled' ); el.removeAttribute( 'disabled' ); } ); - if( fragments.next ) dom.controlsNext.forEach( function( el ) { el.classList.add( 'fragmented', 'enabled' ); el.removeAttribute( 'disabled' ); } ); - - // Apply fragment decorators to directional buttons based on - // what slide axis they are in - if( isVerticalSlide( currentSlide ) ) { - if( fragments.prev ) dom.controlsUp.forEach( function( el ) { el.classList.add( 'fragmented', 'enabled' ); el.removeAttribute( 'disabled' ); } ); - if( fragments.next ) dom.controlsDown.forEach( function( el ) { el.classList.add( 'fragmented', 'enabled' ); el.removeAttribute( 'disabled' ); } ); - } - else { - if( fragments.prev ) dom.controlsLeft.forEach( function( el ) { el.classList.add( 'fragmented', 'enabled' ); el.removeAttribute( 'disabled' ); } ); - if( fragments.next ) dom.controlsRight.forEach( function( el ) { el.classList.add( 'fragmented', 'enabled' ); el.removeAttribute( 'disabled' ); } ); - } - - } - - if( config.controlsTutorial ) { - - // Highlight control arrows with an animation to ensure - // that the viewer knows how to navigate - if( !hasNavigatedDown && routes.down ) { - dom.controlsDownArrow.classList.add( 'highlight' ); - } - else { - dom.controlsDownArrow.classList.remove( 'highlight' ); - - if( !hasNavigatedRight && routes.right && indexv === 0 ) { - dom.controlsRightArrow.classList.add( 'highlight' ); - } - else { - dom.controlsRightArrow.classList.remove( 'highlight' ); - } - } - - } - - } - - /** - * Updates the background elements to reflect the current - * slide. - * - * @param {boolean} includeAll If true, the backgrounds of - * all vertical slides (not just the present) will be updated. - */ - function updateBackground( includeAll ) { - - var currentBackground = null; - - // Reverse past/future classes when in RTL mode - var horizontalPast = config.rtl ? 'future' : 'past', - horizontalFuture = config.rtl ? 'past' : 'future'; - - // Update the classes of all backgrounds to match the - // states of their slides (past/present/future) - toArray( dom.background.childNodes ).forEach( function( backgroundh, h ) { - - backgroundh.classList.remove( 'past' ); - backgroundh.classList.remove( 'present' ); - backgroundh.classList.remove( 'future' ); - - if( h < indexh ) { - backgroundh.classList.add( horizontalPast ); - } - else if ( h > indexh ) { - backgroundh.classList.add( horizontalFuture ); - } - else { - backgroundh.classList.add( 'present' ); - - // Store a reference to the current background element - currentBackground = backgroundh; - } - - if( includeAll || h === indexh ) { - toArray( backgroundh.querySelectorAll( '.slide-background' ) ).forEach( function( backgroundv, v ) { - - backgroundv.classList.remove( 'past' ); - backgroundv.classList.remove( 'present' ); - backgroundv.classList.remove( 'future' ); - - if( v < indexv ) { - backgroundv.classList.add( 'past' ); - } - else if ( v > indexv ) { - backgroundv.classList.add( 'future' ); - } - else { - backgroundv.classList.add( 'present' ); - - // Only if this is the present horizontal and vertical slide - if( h === indexh ) currentBackground = backgroundv; - } - - } ); - } - - } ); - - // Stop content inside of previous backgrounds - if( previousBackground ) { - - stopEmbeddedContent( previousBackground ); - - } - - // Start content in the current background - if( currentBackground ) { - - startEmbeddedContent( currentBackground ); - - var backgroundImageURL = currentBackground.style.backgroundImage || ''; - - // Restart GIFs (doesn't work in Firefox) - if( /\.gif/i.test( backgroundImageURL ) ) { - currentBackground.style.backgroundImage = ''; - window.getComputedStyle( currentBackground ).opacity; - currentBackground.style.backgroundImage = backgroundImageURL; - } - - // Don't transition between identical backgrounds. This - // prevents unwanted flicker. - var previousBackgroundHash = previousBackground ? previousBackground.getAttribute( 'data-background-hash' ) : null; - var currentBackgroundHash = currentBackground.getAttribute( 'data-background-hash' ); - if( currentBackgroundHash && currentBackgroundHash === previousBackgroundHash && currentBackground !== previousBackground ) { - dom.background.classList.add( 'no-transition' ); - } - - previousBackground = currentBackground; - - } - - // If there's a background brightness flag for this slide, - // bubble it to the .reveal container - if( currentSlide ) { - [ 'has-light-background', 'has-dark-background' ].forEach( function( classToBubble ) { - if( currentSlide.classList.contains( classToBubble ) ) { - dom.wrapper.classList.add( classToBubble ); - } - else { - dom.wrapper.classList.remove( classToBubble ); - } - } ); - } - - // Allow the first background to apply without transition - setTimeout( function() { - dom.background.classList.remove( 'no-transition' ); - }, 1 ); - - } - - /** - * Updates the position of the parallax background based - * on the current slide index. - */ - function updateParallax() { - - if( config.parallaxBackgroundImage ) { - - var horizontalSlides = dom.wrapper.querySelectorAll( HORIZONTAL_SLIDES_SELECTOR ), - verticalSlides = dom.wrapper.querySelectorAll( VERTICAL_SLIDES_SELECTOR ); - - var backgroundSize = dom.background.style.backgroundSize.split( ' ' ), - backgroundWidth, backgroundHeight; - - if( backgroundSize.length === 1 ) { - backgroundWidth = backgroundHeight = parseInt( backgroundSize[0], 10 ); - } - else { - backgroundWidth = parseInt( backgroundSize[0], 10 ); - backgroundHeight = parseInt( backgroundSize[1], 10 ); - } - - var slideWidth = dom.background.offsetWidth, - horizontalSlideCount = horizontalSlides.length, - horizontalOffsetMultiplier, - horizontalOffset; - - if( typeof config.parallaxBackgroundHorizontal === 'number' ) { - horizontalOffsetMultiplier = config.parallaxBackgroundHorizontal; - } - else { - horizontalOffsetMultiplier = horizontalSlideCount > 1 ? ( backgroundWidth - slideWidth ) / ( horizontalSlideCount-1 ) : 0; - } - - horizontalOffset = horizontalOffsetMultiplier * indexh * -1; - - var slideHeight = dom.background.offsetHeight, - verticalSlideCount = verticalSlides.length, - verticalOffsetMultiplier, - verticalOffset; - - if( typeof config.parallaxBackgroundVertical === 'number' ) { - verticalOffsetMultiplier = config.parallaxBackgroundVertical; - } - else { - verticalOffsetMultiplier = ( backgroundHeight - slideHeight ) / ( verticalSlideCount-1 ); - } - - verticalOffset = verticalSlideCount > 0 ? verticalOffsetMultiplier * indexv : 0; - - dom.background.style.backgroundPosition = horizontalOffset + 'px ' + -verticalOffset + 'px'; - - } - - } - - /** - * Called when the given slide is within the configured view - * distance. Shows the slide element and loads any content - * that is set to load lazily (data-src). - * - * @param {HTMLElement} slide Slide to show - */ - function loadSlide( slide, options ) { - - options = options || {}; - - // Show the slide element - slide.style.display = config.display; - - // Media elements with data-src attributes - toArray( slide.querySelectorAll( 'img[data-src], video[data-src], audio[data-src]' ) ).forEach( function( element ) { - element.setAttribute( 'src', element.getAttribute( 'data-src' ) ); - element.setAttribute( 'data-lazy-loaded', '' ); - element.removeAttribute( 'data-src' ); - } ); - - // Media elements with children - toArray( slide.querySelectorAll( 'video, audio' ) ).forEach( function( media ) { - var sources = 0; - - toArray( media.querySelectorAll( 'source[data-src]' ) ).forEach( function( source ) { - source.setAttribute( 'src', source.getAttribute( 'data-src' ) ); - source.removeAttribute( 'data-src' ); - source.setAttribute( 'data-lazy-loaded', '' ); - sources += 1; - } ); - - // If we rewrote sources for this video/audio element, we need - // to manually tell it to load from its new origin - if( sources > 0 ) { - media.load(); - } - } ); - - - // Show the corresponding background element - var indices = getIndices( slide ); - var background = getSlideBackground( indices.h, indices.v ); - if( background ) { - background.style.display = 'block'; - - // If the background contains media, load it - if( background.hasAttribute( 'data-loaded' ) === false ) { - background.setAttribute( 'data-loaded', 'true' ); - - var backgroundImage = slide.getAttribute( 'data-background-image' ), - backgroundVideo = slide.getAttribute( 'data-background-video' ), - backgroundVideoLoop = slide.hasAttribute( 'data-background-video-loop' ), - backgroundVideoMuted = slide.hasAttribute( 'data-background-video-muted' ), - backgroundIframe = slide.getAttribute( 'data-background-iframe' ); - - // Images - if( backgroundImage ) { - background.style.backgroundImage = 'url('+ backgroundImage +')'; - } - // Videos - else if ( backgroundVideo && !isSpeakerNotes() ) { - var video = document.createElement( 'video' ); - - if( backgroundVideoLoop ) { - video.setAttribute( 'loop', '' ); - } - - if( backgroundVideoMuted ) { - video.muted = true; - } - - // Inline video playback works (at least in Mobile Safari) as - // long as the video is muted and the `playsinline` attribute is - // present - if( isMobileDevice ) { - video.muted = true; - video.autoplay = true; - video.setAttribute( 'playsinline', '' ); - } - - // Support comma separated lists of video sources - backgroundVideo.split( ',' ).forEach( function( source ) { - video.innerHTML += ''; - } ); - - background.appendChild( video ); - } - // Iframes - else if( backgroundIframe && options.excludeIframes !== true ) { - var iframe = document.createElement( 'iframe' ); - iframe.setAttribute( 'allowfullscreen', '' ); - iframe.setAttribute( 'mozallowfullscreen', '' ); - iframe.setAttribute( 'webkitallowfullscreen', '' ); - - // Only load autoplaying content when the slide is shown to - // avoid having it play in the background - if( /autoplay=(1|true|yes)/gi.test( backgroundIframe ) ) { - iframe.setAttribute( 'data-src', backgroundIframe ); - } - else { - iframe.setAttribute( 'src', backgroundIframe ); - } - - iframe.style.width = '100%'; - iframe.style.height = '100%'; - iframe.style.maxHeight = '100%'; - iframe.style.maxWidth = '100%'; - - background.appendChild( iframe ); - } - } - - } - - } - - /** - * Unloads and hides the given slide. This is called when the - * slide is moved outside of the configured view distance. - * - * @param {HTMLElement} slide - */ - function unloadSlide( slide ) { - - // Hide the slide element - slide.style.display = 'none'; - - // Hide the corresponding background element - var indices = getIndices( slide ); - var background = getSlideBackground( indices.h, indices.v ); - if( background ) { - background.style.display = 'none'; - } - - // Reset lazy-loaded media elements with src attributes - toArray( slide.querySelectorAll( 'video[data-lazy-loaded][src], audio[data-lazy-loaded][src]' ) ).forEach( function( element ) { - element.setAttribute( 'data-src', element.getAttribute( 'src' ) ); - element.removeAttribute( 'src' ); - } ); - - // Reset lazy-loaded media elements with children - toArray( slide.querySelectorAll( 'video[data-lazy-loaded] source[src], audio source[src]' ) ).forEach( function( source ) { - source.setAttribute( 'data-src', source.getAttribute( 'src' ) ); - source.removeAttribute( 'src' ); - } ); - - } - - /** - * Determine what available routes there are for navigation. - * - * @return {{left: boolean, right: boolean, up: boolean, down: boolean}} - */ - function availableRoutes() { - - var horizontalSlides = dom.wrapper.querySelectorAll( HORIZONTAL_SLIDES_SELECTOR ), - verticalSlides = dom.wrapper.querySelectorAll( VERTICAL_SLIDES_SELECTOR ); - - var routes = { - left: indexh > 0 || config.loop, - right: indexh < horizontalSlides.length - 1 || config.loop, - up: indexv > 0, - down: indexv < verticalSlides.length - 1 - }; - - // reverse horizontal controls for rtl - if( config.rtl ) { - var left = routes.left; - routes.left = routes.right; - routes.right = left; - } - - return routes; - - } - - /** - * Returns an object describing the available fragment - * directions. - * - * @return {{prev: boolean, next: boolean}} - */ - function availableFragments() { - - if( currentSlide && config.fragments ) { - var fragments = currentSlide.querySelectorAll( '.fragment' ); - var hiddenFragments = currentSlide.querySelectorAll( '.fragment:not(.visible)' ); - - return { - prev: fragments.length - hiddenFragments.length > 0, - next: !!hiddenFragments.length - }; - } - else { - return { prev: false, next: false }; - } - - } - - /** - * Enforces origin-specific format rules for embedded media. - */ - function formatEmbeddedContent() { - - var _appendParamToIframeSource = function( sourceAttribute, sourceURL, param ) { - toArray( dom.slides.querySelectorAll( 'iframe['+ sourceAttribute +'*="'+ sourceURL +'"]' ) ).forEach( function( el ) { - var src = el.getAttribute( sourceAttribute ); - if( src && src.indexOf( param ) === -1 ) { - el.setAttribute( sourceAttribute, src + ( !/\?/.test( src ) ? '?' : '&' ) + param ); - } - }); - }; - - // YouTube frames must include "?enablejsapi=1" - _appendParamToIframeSource( 'src', 'youtube.com/embed/', 'enablejsapi=1' ); - _appendParamToIframeSource( 'data-src', 'youtube.com/embed/', 'enablejsapi=1' ); - - // Vimeo frames must include "?api=1" - _appendParamToIframeSource( 'src', 'player.vimeo.com/', 'api=1' ); - _appendParamToIframeSource( 'data-src', 'player.vimeo.com/', 'api=1' ); - - // Always show media controls on mobile devices - if( isMobileDevice ) { - toArray( dom.slides.querySelectorAll( 'video, audio' ) ).forEach( function( el ) { - el.controls = true; - } ); - } - - } - - /** - * Start playback of any embedded content inside of - * the given element. - * - * @param {HTMLElement} element - */ - function startEmbeddedContent( element ) { - - if( element && !isSpeakerNotes() ) { - - // Restart GIFs - toArray( element.querySelectorAll( 'img[src$=".gif"]' ) ).forEach( function( el ) { - // Setting the same unchanged source like this was confirmed - // to work in Chrome, FF & Safari - el.setAttribute( 'src', el.getAttribute( 'src' ) ); - } ); - - // HTML5 media elements - toArray( element.querySelectorAll( 'video, audio' ) ).forEach( function( el ) { - if( closestParent( el, '.fragment' ) && !closestParent( el, '.fragment.visible' ) ) { - return; - } - - // Prefer an explicit global autoplay setting - var autoplay = config.autoPlayMedia; - - // If no global setting is available, fall back on the element's - // own autoplay setting - if( typeof autoplay !== 'boolean' ) { - autoplay = el.hasAttribute( 'data-autoplay' ) || !!closestParent( el, '.slide-background' ); - } - - if( autoplay && typeof el.play === 'function' ) { - - if( el.readyState > 1 ) { - startEmbeddedMedia( { target: el } ); - } - else { - el.removeEventListener( 'loadeddata', startEmbeddedMedia ); // remove first to avoid dupes - el.addEventListener( 'loadeddata', startEmbeddedMedia ); - } - - } - } ); - - // Normal iframes - toArray( element.querySelectorAll( 'iframe[src]' ) ).forEach( function( el ) { - if( closestParent( el, '.fragment' ) && !closestParent( el, '.fragment.visible' ) ) { - return; - } - - startEmbeddedIframe( { target: el } ); - } ); - - // Lazy loading iframes - toArray( element.querySelectorAll( 'iframe[data-src]' ) ).forEach( function( el ) { - if( closestParent( el, '.fragment' ) && !closestParent( el, '.fragment.visible' ) ) { - return; - } - - if( el.getAttribute( 'src' ) !== el.getAttribute( 'data-src' ) ) { - el.removeEventListener( 'load', startEmbeddedIframe ); // remove first to avoid dupes - el.addEventListener( 'load', startEmbeddedIframe ); - el.setAttribute( 'src', el.getAttribute( 'data-src' ) ); - } - } ); - - } - - } - - /** - * Starts playing an embedded video/audio element after - * it has finished loading. - * - * @param {object} event - */ - function startEmbeddedMedia( event ) { - - var isAttachedToDOM = !!closestParent( event.target, 'html' ), - isVisible = !!closestParent( event.target, '.present' ); - - if( isAttachedToDOM && isVisible ) { - event.target.currentTime = 0; - event.target.play(); - } - - event.target.removeEventListener( 'loadeddata', startEmbeddedMedia ); - - } - - /** - * "Starts" the content of an embedded iframe using the - * postMessage API. - * - * @param {object} event - */ - function startEmbeddedIframe( event ) { - - var iframe = event.target; - - if( iframe && iframe.contentWindow ) { - - var isAttachedToDOM = !!closestParent( event.target, 'html' ), - isVisible = !!closestParent( event.target, '.present' ); - - if( isAttachedToDOM && isVisible ) { - - // Prefer an explicit global autoplay setting - var autoplay = config.autoPlayMedia; - - // If no global setting is available, fall back on the element's - // own autoplay setting - if( typeof autoplay !== 'boolean' ) { - autoplay = iframe.hasAttribute( 'data-autoplay' ) || !!closestParent( iframe, '.slide-background' ); - } - - // YouTube postMessage API - if( /youtube\.com\/embed\//.test( iframe.getAttribute( 'src' ) ) && autoplay ) { - iframe.contentWindow.postMessage( '{"event":"command","func":"playVideo","args":""}', '*' ); - } - // Vimeo postMessage API - else if( /player\.vimeo\.com\//.test( iframe.getAttribute( 'src' ) ) && autoplay ) { - iframe.contentWindow.postMessage( '{"method":"play"}', '*' ); - } - // Generic postMessage API - else { - iframe.contentWindow.postMessage( 'slide:start', '*' ); - } - - } - - } - - } - - /** - * Stop playback of any embedded content inside of - * the targeted slide. - * - * @param {HTMLElement} element - */ - function stopEmbeddedContent( element, options ) { - - options = extend( { - // Defaults - unloadIframes: true - }, options || {} ); - - if( element && element.parentNode ) { - // HTML5 media elements - toArray( element.querySelectorAll( 'video, audio' ) ).forEach( function( el ) { - if( !el.hasAttribute( 'data-ignore' ) && typeof el.pause === 'function' ) { - el.setAttribute('data-paused-by-reveal', ''); - el.pause(); - } - } ); - - // Generic postMessage API for non-lazy loaded iframes - toArray( element.querySelectorAll( 'iframe' ) ).forEach( function( el ) { - if( el.contentWindow ) el.contentWindow.postMessage( 'slide:stop', '*' ); - el.removeEventListener( 'load', startEmbeddedIframe ); - }); - - // YouTube postMessage API - toArray( element.querySelectorAll( 'iframe[src*="youtube.com/embed/"]' ) ).forEach( function( el ) { - if( !el.hasAttribute( 'data-ignore' ) && el.contentWindow && typeof el.contentWindow.postMessage === 'function' ) { - el.contentWindow.postMessage( '{"event":"command","func":"pauseVideo","args":""}', '*' ); - } - }); - - // Vimeo postMessage API - toArray( element.querySelectorAll( 'iframe[src*="player.vimeo.com/"]' ) ).forEach( function( el ) { - if( !el.hasAttribute( 'data-ignore' ) && el.contentWindow && typeof el.contentWindow.postMessage === 'function' ) { - el.contentWindow.postMessage( '{"method":"pause"}', '*' ); - } - }); - - if( options.unloadIframes === true ) { - // Unload lazy-loaded iframes - toArray( element.querySelectorAll( 'iframe[data-src]' ) ).forEach( function( el ) { - // Only removing the src doesn't actually unload the frame - // in all browsers (Firefox) so we set it to blank first - el.setAttribute( 'src', 'about:blank' ); - el.removeAttribute( 'src' ); - } ); - } - } - - } - - /** - * Returns the number of past slides. This can be used as a global - * flattened index for slides. - * - * @return {number} Past slide count - */ - function getSlidePastCount() { - - var horizontalSlides = toArray( dom.wrapper.querySelectorAll( HORIZONTAL_SLIDES_SELECTOR ) ); - - // The number of past slides - var pastCount = 0; - - // Step through all slides and count the past ones - mainLoop: for( var i = 0; i < horizontalSlides.length; i++ ) { - - var horizontalSlide = horizontalSlides[i]; - var verticalSlides = toArray( horizontalSlide.querySelectorAll( 'section' ) ); - - for( var j = 0; j < verticalSlides.length; j++ ) { - - // Stop as soon as we arrive at the present - if( verticalSlides[j].classList.contains( 'present' ) ) { - break mainLoop; - } - - pastCount++; - - } - - // Stop as soon as we arrive at the present - if( horizontalSlide.classList.contains( 'present' ) ) { - break; - } - - // Don't count the wrapping section for vertical slides - if( horizontalSlide.classList.contains( 'stack' ) === false ) { - pastCount++; - } - - } - - return pastCount; - - } - - /** - * Returns a value ranging from 0-1 that represents - * how far into the presentation we have navigated. - * - * @return {number} - */ - function getProgress() { - - // The number of past and total slides - var totalCount = getTotalSlides(); - var pastCount = getSlidePastCount(); - - if( currentSlide ) { - - var allFragments = currentSlide.querySelectorAll( '.fragment' ); - - // If there are fragments in the current slide those should be - // accounted for in the progress. - if( allFragments.length > 0 ) { - var visibleFragments = currentSlide.querySelectorAll( '.fragment.visible' ); - - // This value represents how big a portion of the slide progress - // that is made up by its fragments (0-1) - var fragmentWeight = 0.9; - - // Add fragment progress to the past slide count - pastCount += ( visibleFragments.length / allFragments.length ) * fragmentWeight; - } - - } - - return pastCount / ( totalCount - 1 ); - - } - - /** - * Checks if this presentation is running inside of the - * speaker notes window. - * - * @return {boolean} - */ - function isSpeakerNotes() { - - return !!window.location.search.match( /receiver/gi ); - - } - - /** - * Reads the current URL (hash) and navigates accordingly. - */ - function readURL() { - - var hash = window.location.hash; - - // Attempt to parse the hash as either an index or name - var bits = hash.slice( 2 ).split( '/' ), - name = hash.replace( /#|\//gi, '' ); - - // If the first bit is invalid and there is a name we can - // assume that this is a named link - if( isNaN( parseInt( bits[0], 10 ) ) && name.length ) { - var element; - - // Ensure the named link is a valid HTML ID attribute - if( /^[a-zA-Z][\w:.-]*$/.test( name ) ) { - // Find the slide with the specified ID - element = document.getElementById( name ); - } - - if( element ) { - // Find the position of the named slide and navigate to it - var indices = Reveal.getIndices( element ); - slide( indices.h, indices.v ); - } - // If the slide doesn't exist, navigate to the current slide - else { - slide( indexh || 0, indexv || 0 ); - } - } - else { - // Read the index components of the hash - var h = parseInt( bits[0], 10 ) || 0, - v = parseInt( bits[1], 10 ) || 0; - - if( h !== indexh || v !== indexv ) { - slide( h, v ); - } - } - - } - - /** - * Updates the page URL (hash) to reflect the current - * state. - * - * @param {number} delay The time in ms to wait before - * writing the hash - */ - function writeURL( delay ) { - - if( config.history ) { - - // Make sure there's never more than one timeout running - clearTimeout( writeURLTimeout ); - - // If a delay is specified, timeout this call - if( typeof delay === 'number' ) { - writeURLTimeout = setTimeout( writeURL, delay ); - } - else if( currentSlide ) { - var url = '/'; - - // Attempt to create a named link based on the slide's ID - var id = currentSlide.getAttribute( 'id' ); - if( id ) { - id = id.replace( /[^a-zA-Z0-9\-\_\:\.]/g, '' ); - } - - // If the current slide has an ID, use that as a named link - if( typeof id === 'string' && id.length ) { - url = '/' + id; - } - // Otherwise use the /h/v index - else { - if( indexh > 0 || indexv > 0 ) url += indexh; - if( indexv > 0 ) url += '/' + indexv; - } - - window.location.hash = url; - } - } - - } - /** - * Retrieves the h/v location and fragment of the current, - * or specified, slide. - * - * @param {HTMLElement} [slide] If specified, the returned - * index will be for this slide rather than the currently - * active one - * - * @return {{h: number, v: number, f: number}} - */ - function getIndices( slide ) { - - // By default, return the current indices - var h = indexh, - v = indexv, - f; - - // If a slide is specified, return the indices of that slide - if( slide ) { - var isVertical = isVerticalSlide( slide ); - var slideh = isVertical ? slide.parentNode : slide; - - // Select all horizontal slides - var horizontalSlides = toArray( dom.wrapper.querySelectorAll( HORIZONTAL_SLIDES_SELECTOR ) ); - - // Now that we know which the horizontal slide is, get its index - h = Math.max( horizontalSlides.indexOf( slideh ), 0 ); - - // Assume we're not vertical - v = undefined; - - // If this is a vertical slide, grab the vertical index - if( isVertical ) { - v = Math.max( toArray( slide.parentNode.querySelectorAll( 'section' ) ).indexOf( slide ), 0 ); - } - } - - if( !slide && currentSlide ) { - var hasFragments = currentSlide.querySelectorAll( '.fragment' ).length > 0; - if( hasFragments ) { - var currentFragment = currentSlide.querySelector( '.current-fragment' ); - if( currentFragment && currentFragment.hasAttribute( 'data-fragment-index' ) ) { - f = parseInt( currentFragment.getAttribute( 'data-fragment-index' ), 10 ); - } - else { - f = currentSlide.querySelectorAll( '.fragment.visible' ).length - 1; - } - } - } - - return { h: h, v: v, f: f }; - - } - - /** - * Retrieves all slides in this presentation. - */ - function getSlides() { - - return toArray( dom.wrapper.querySelectorAll( SLIDES_SELECTOR + ':not(.stack)' )); - - } - - /** - * Retrieves the total number of slides in this presentation. - * - * @return {number} - */ - function getTotalSlides() { - - return getSlides().length; - - } - - /** - * Returns the slide element matching the specified index. - * - * @return {HTMLElement} - */ - function getSlide( x, y ) { - - var horizontalSlide = dom.wrapper.querySelectorAll( HORIZONTAL_SLIDES_SELECTOR )[ x ]; - var verticalSlides = horizontalSlide && horizontalSlide.querySelectorAll( 'section' ); - - if( verticalSlides && verticalSlides.length && typeof y === 'number' ) { - return verticalSlides ? verticalSlides[ y ] : undefined; - } - - return horizontalSlide; - - } - - /** - * Returns the background element for the given slide. - * All slides, even the ones with no background properties - * defined, have a background element so as long as the - * index is valid an element will be returned. - * - * @param {number} x Horizontal background index - * @param {number} y Vertical background index - * @return {(HTMLElement[]|*)} - */ - function getSlideBackground( x, y ) { - - var slide = getSlide( x, y ); - if( slide ) { - return slide.slideBackgroundElement; - } - - return undefined; - - } - - /** - * Retrieves the speaker notes from a slide. Notes can be - * defined in two ways: - * 1. As a data-notes attribute on the slide
    - * 2. As an